diff --git "a/4 \351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213/deep_cooking.py" "b/4 \351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213/deep_cooking.py" new file mode 100644 index 00000000..296e541a --- /dev/null +++ "b/4 \351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213/deep_cooking.py" @@ -0,0 +1,378 @@ +########################################################### +# See https://www.kaggle.com/c/whats-cooking/forums/t/16657/deep-cooking/93391 +# for further information. +########################################################### + + +# This script contains some elements from Kappa's script and valerio orfano's script +# https://www.kaggle.com/c/whats-cooking/forums/t/16538/simple-theano-script-with-0-79033-on-leaderboard + +import gc +import os +import pickle +import json + +import numpy as np +import pandas as pd + +from collections import OrderedDict + +from sklearn.feature_extraction import DictVectorizer +from sklearn.preprocessing import LabelEncoder + +from itertools import chain + +import theano +import theano.tensor as T + +import lasagne as nn + + +########################################################### +# auxiliary functions for nn + +def sgd(loss, all_parameters, learning_rate): + all_grads = [theano.grad(loss, param) for param in all_parameters] + updates = [] + + for param_i, grad_i in zip(all_parameters, all_grads): + v = - learning_rate * grad_i + + # clip from 0.0 to 1.0 + updates.append((param_i, T.clip(param_i + v, 0.0, 1.0))) + return updates + + +def get_param_values(params): + return [p.get_value() for p in params] + +def set_param_values(params, param_values): + for p, pv in zip(params, param_values): + p.set_value(pv) + +def normalize_input(X): + return (X.T / np.sum(X, axis=1)).T + + + +########################################################### +# load and preprocess data + +print('loading data ...') + +input_dir = '../input/' + +# train +with open(os.path.join(input_dir, 'train.json')) as train_f: + train_data = json.loads(train_f.read()) + +X_train = [x['ingredients'] for x in train_data] +X_train = [dict(zip(x,np.ones(len(x)))) for x in X_train] + +vec = DictVectorizer() +X_train = vec.fit_transform(X_train).toarray() +X_train = normalize_input(X_train) +X_train = X_train.astype(np.float32) + +feature_names = np.array(vec.feature_names_) + +lbl = LabelEncoder() + +y_train = [y['cuisine'] for y in train_data] +y_train = lbl.fit_transform(y_train).astype(np.int32) + +label_names = lbl.classes_ +for i, l in enumerate(label_names): + print('i: {}, l: {}'.format(i, l)) + +## sample here for memory restrictions +#idx = np.random.choice(X_train.shape[0], 4096) +#X_train = X_train[idx] +#y_train = y_train[idx] + +# for memory restrictions use only british or chinese +idx = np.logical_or(y_train == 1, y_train ==3 ) +y_train = y_train[idx] +X_train = X_train[idx] + +print('num_saples: {}'.format( y_train.shape[0] )) + + +########################################################### +# train nn for weights, this code is too bad + +def get_nn_params(X_train, y_train): + LEARNING_RATE = 0.01 + OUTPUT_DIM = label_names.size # = 20 + + BATCH_SIZE = 64 + NUM_EPOCHS = 50 + + # pad samples + n_train = X_train.shape[0] + + # theano based neural network + # (1) network + X_batch = T.matrix('x') + y_batch = T.ivector('y') + + activation = nn.nonlinearities.rectify + + l_in = nn.layers.InputLayer(input_var=X_batch, shape=(BATCH_SIZE, X_train.shape[1]),) + l_hidden0_dropout = nn.layers.DropoutLayer(l_in, p=0.0) + + l_hidden1 = nn.layers.DenseLayer( l_hidden0_dropout, num_units=256, + nonlinearity=activation, W=nn.init.GlorotUniform(),) + l_hidden1_dropout = nn.layers.DropoutLayer(l_hidden1, p=0.5) + + #l_hidden2 = nn.layers.DenseLayer( l_hidden1_dropout, num_units=128, + # nonlinearity=activation, W=nn.init.GlorotUniform(),) + #l_hidden2_dropout = nn.layers.DropoutLayer(l_hidden2, p=0.5) + + # classifier + l_out = nn.layers.DenseLayer( l_hidden1_dropout, num_units=OUTPUT_DIM, + nonlinearity=nn.nonlinearities.softmax, W=nn.init.GlorotUniform(),) + + + # (2) i/o + X_shared = theano.shared(np.zeros((1, 1,), dtype=theano.config.floatX)) + y_shared = theano.shared(np.zeros((1,), dtype=theano.config.floatX)) + y_shared_casted = T.cast(y_shared, 'int32') + + batch_index = T.lscalar('batch_index') + + + # (3) loss, outputs, updates + learning_rate = theano.shared(np.array(LEARNING_RATE, dtype=theano.config.floatX)) + + all_params = nn.layers.get_all_params(l_out) + + loss_train = T.mean(-T.log( nn.layers.get_output(l_out) )[T.arange(y_batch.shape[0]), y_batch]) + loss_eval = T.mean(-T.log( nn.layers.get_output(l_out, deterministic=True) )[T.arange(y_batch.shape[0]), y_batch]) + + pred = T.argmax( nn.layers.get_output(l_out, deterministic=True), axis=1) + pred_proba = nn.layers.get_output(l_out, deterministic=True) + + updates = nn.updates.nesterov_momentum( loss_train, all_params, learning_rate,) + + givens = { + X_batch: X_shared[batch_index*BATCH_SIZE:(batch_index+1)*BATCH_SIZE], + y_batch: y_shared_casted[batch_index*BATCH_SIZE:(batch_index+1)*BATCH_SIZE], + } + + train = theano.function( [batch_index], [loss_train], updates=updates, givens=givens) + test = theano.function( [batch_index], [loss_eval, pred_proba], givens=givens) + + # train + print('start training') + for e in range(NUM_EPOCHS): + + # shuffle and pad train sample + idx = np.arange(y_train.size) + np.random.shuffle(idx) + idx = idx[:(idx.shape[0] / BATCH_SIZE * BATCH_SIZE)] + + X_shared.set_value(X_train[idx].astype(np.float32)) + y_shared.set_value(y_train[idx].astype(np.float32)) + + + train_losses = [] + + for b in range(int(idx.shape[0] / BATCH_SIZE)): + (train_loss,) = train(b) + train_losses.append(train_loss) + (_, p) = test(b) + + mean_train_loss = np.mean(train_losses) + print(' epoch: {}, loss: {}'.format(e, mean_train_loss)) + + return get_param_values(all_params) + +print('get nn params ...') +nn_params = get_nn_params(X_train, y_train) + + +########################################################### +# NN for output + +LEARNING_RATE = 0.01 +OUTPUT_DIM = label_names.size # = 20 + +BATCH_SIZE = 1 #256 + +# theano based neural network + +# (2) i/o +X_shared = theano.shared(np.zeros((1, 1,), dtype=theano.config.floatX)) +y_shared = theano.shared(np.zeros((1, 1,), dtype=theano.config.floatX)) +#y_shared = theano.shared(np.zeros((1,), dtype=theano.config.floatX)) +#y_shared_casted = T.cast(y_shared, 'int32') + +batch_index = T.lscalar('batch_index') + +activation = nn.nonlinearities.rectify + +l_in = nn.layers.InputLayer(input_var=X_shared, shape=(BATCH_SIZE, X_train.shape[1]),) +l_hidden0_dropout = nn.layers.DropoutLayer(l_in, p=0.0) + +l_hidden1 = nn.layers.DenseLayer( l_hidden0_dropout, num_units=256, + nonlinearity=activation, W=nn.init.GlorotUniform(),) +l_hidden1_dropout = nn.layers.DropoutLayer(l_hidden1, p=0.5) + +#l_hidden2 = nn.layers.DenseLayer( l_hidden1_dropout, num_units=128, +# nonlinearity=activation, W=nn.init.GlorotUniform(),) +#l_hidden2_dropout = nn.layers.DropoutLayer(l_hidden2, p=0.5) + +# classifier +l_out = nn.layers.DenseLayer( l_hidden1_dropout, num_units=OUTPUT_DIM, + nonlinearity=nn.nonlinearities.softmax, W=nn.init.GlorotUniform(),) + + +# (3) loss, outputs, updates +learning_rate = theano.shared(np.array(LEARNING_RATE, dtype=theano.config.floatX)) + +all_params = nn.layers.get_all_params(l_out) + +# load weights +#nn_params = pickle.load(open('nn_params.pkl')) +set_param_values(all_params, nn_params) + +#loss_train = T.mean(-T.log( nn.layers.get_output(l_out) )[T.arange(y_shared_casted.shape[0]), y_shared_casted]) +#loss_eval = T.mean(-T.log( nn.layers.get_output(l_out, deterministic=True) )[T.arange(y_shared_casted.shape[0]), y_shared_casted]) + + +loss_train = T.mean( ( nn.layers.get_output(l_out) - y_shared) ** 2.0 ) + +#loss_train = T.mean( ( nn.layers.get_output(l_out) - y_shared) ** 2.0 ) \ +# + 0.0003 * T.mean(T.sum(abs(X_shared), axis=1)) + + +#updates = nn.updates.nesterov_momentum( loss_train, all_params, learning_rate,) +#updates = nn.updates.sgd( loss_train, [X_shared], learning_rate,) +updates = sgd( loss_train, [X_shared], learning_rate,) # sgd with clip + +train = theano.function([], [loss_train], updates=updates,) + + + +########################################################### +# html for output + +o = ''' + + + + + + + + + + + + + + + + +''' + +table_head = ''' +

{}

+ + +''' + + +def write(o, X, title=''): + o += table_head.format(title) + + X = np.mean(X, axis=0) + + idx = np.argsort(-X)[:10] + + for i in idx: + o += table_row.format(feature_names[i], X[i]) + + o += table_foot + + return o + + + +########################################################### +# main + + +## (1.1) "mean" of british +#X_chinese = X_train[y_train == 1] +#o = write(o, X_chinese, '"Mean" of british cuisine') + + +# (1.2) nn +X_noise = np.random.uniform(low=0.0, high=1.0, + size=(BATCH_SIZE, X_train.shape[1])) * 0.001 +y_noise = np.zeros([BATCH_SIZE, OUTPUT_DIM]) + +y_noise[:,1] = 1.0 + +X_shared.set_value(X_noise.astype(np.float32)) +y_shared.set_value(y_noise.astype(np.float32)) + +print('start training') +for i in range(30): + (l,) = train() + print('epoch: {}, loss: {}'.format(i, l)) + +X_result = X_shared.get_value() +o = write(o, X_result, 'British cuisine by NN model') + + +## (2.1) "mean" of chinese +#X_chinese = X_train[y_train == 3] +#o = write(o, X_chinese, '"Mean" of chinese cuisine') + + +# (2.2) nn +X_noise = np.random.uniform(low=0.0, high=1.0, + size=(BATCH_SIZE, X_train.shape[1])) * 0.001 +y_noise = np.zeros([BATCH_SIZE, OUTPUT_DIM]) + +y_noise[:,3] = 1.0 + +X_shared.set_value(X_noise.astype(np.float32)) +y_shared.set_value(y_noise.astype(np.float32)) + +print('start training') +for i in range(30): + (l,) = train() + print('epoch: {}, loss: {}'.format(i, l)) + +X_result = X_shared.get_value() +o = write(o, X_result, 'Chinese cuisine by NN model') + + + + +########################################################### +# output + + +o += ''' + +''' + +with open("results.html","wb") as outfile: + outfile.write(o.encode("utf-8")) diff --git "a/4 \351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213/whats-cooking/sample_submission.csv" "b/4 \351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213/whats-cooking/sample_submission.csv" new file mode 100644 index 00000000..8d9d2618 --- /dev/null +++ "b/4 \351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213/whats-cooking/sample_submission.csv" @@ -0,0 +1,9945 @@ +id,cuisine +35203,italian +17600,italian +35200,italian +17602,italian +17605,italian +17604,italian +5,italian +7,italian +35209,italian +11,italian +12,italian +35214,italian +13,italian +17614,italian +17,italian +17617,italian +18,italian +17620,italian +35223,italian +23,italian +35221,italian +35224,italian +35225,italian +17627,italian +26,italian +28,italian +35229,italian +17635,italian +35,italian +36,italian +35238,italian +42,italian +35240,italian +17640,italian +17647,italian +47,italian +17646,italian +17645,italian +35246,italian +51,italian +17650,italian +35249,italian +17651,italian +17648,italian +17649,italian +35252,italian +52,italian +35257,italian +17656,italian +57,italian +35258,italian +17663,italian +35262,italian +17542,italian +71,italian +17539,italian +66,italian +17544,italian +17547,italian +85,italian +17557,italian +35283,italian +35281,italian +17565,italian +35292,italian +17560,italian +17562,italian +17569,italian +17581,italian +17579,italian +35307,italian +17576,italian +35306,italian +117,italian +17587,italian +35313,italian +17584,italian +17585,italian +35326,italian +17596,italian +17597,italian +123,italian +35320,italian +122,italian +35321,italian +17484,italian +17485,italian +142,italian +17487,italian +35074,italian +17474,italian +131,italian +130,italian +17475,italian +133,italian +35099,italian +17496,italian +17499,italian +17498,italian +35100,italian +17502,italian +144,italian +17489,italian +17492,italian +35092,italian +17515,italian +169,italian +17519,italian +17516,italian +173,italian +172,italian +17506,italian +35105,italian +160,italian +35109,italian +17511,italian +166,italian +35110,italian +164,italian +35128,italian +17530,italian +191,italian +17534,italian +188,italian +182,italian +17526,italian +183,italian +17525,italian +35126,italian +17416,italian +35146,italian +35145,italian +17413,italian +35141,italian +17408,italian +192,italian +17410,italian +35164,italian +17435,italian +35160,italian +219,italian +17429,italian +17428,italian +35156,italian +35155,italian +17424,italian +210,italian +35181,italian +236,italian +235,italian +35173,italian +229,italian +35168,italian +17442,italian +227,italian +17443,italian +226,italian +224,italian +17471,italian +35196,italian +253,italian +249,italian +246,italian +247,italian +17462,italian +35190,italian +240,italian +17456,italian +278,italian +34967,italian +34970,italian +34971,italian +17886,italian +17887,italian +286,italian +34973,italian +17884,italian +34975,italian +34944,italian +256,italian +257,italian +34949,italian +17863,italian +263,italian +34951,italian +17865,italian +34959,italian +34994,italian +308,italian +17911,italian +313,italian +35002,italian +17912,italian +35006,italian +316,italian +35004,italian +17918,italian +17889,italian +34977,italian +34980,italian +299,italian +34991,italian +300,italian +17903,italian +35031,italian +339,italian +17808,italian +350,italian +35038,italian +344,italian +326,italian +327,italian +325,italian +35014,italian +17795,italian +35008,italian +35021,italian +329,italian +373,italian +17845,italian +35063,italian +35060,italian +17842,italian +370,italian +35057,italian +17843,italian +381,italian +35068,italian +35066,italian +17848,italian +17849,italian +376,italian +17850,italian +35065,italian +378,italian +17831,italian +17830,italian +35042,italian +17836,italian +17833,italian +35051,italian +35049,italian +35048,italian +17755,italian +411,italian +17752,italian +17759,italian +403,italian +34835,italian +17745,italian +34837,italian +34839,italian +404,italian +392,italian +17737,italian +34828,italian +34831,italian +17741,italian +34818,italian +17729,italian +384,italian +391,italian +17734,italian +388,italian +440,italian +17784,italian +34873,italian +34872,italian +17786,italian +445,italian +17791,italian +434,italian +34870,italian +439,italian +17768,italian +425,italian +17772,italian +34863,italian +34860,italian +431,italian +17760,italian +416,italian +34851,italian +418,italian +17763,italian +423,italian +34852,italian +34909,italian +17689,italian +17687,italian +34900,italian +34903,italian +466,italian +17682,italian +17679,italian +460,italian +17675,italian +17673,italian +34880,italian +34881,italian +17665,italian +17725,italian +17724,italian +511,italian +34940,italian +17721,italian +17720,italian +34937,italian +17716,italian +17719,italian +34931,italian +498,italian +17714,italian +489,italian +34919,italian +34916,italian +34914,italian +480,italian +17698,italian +482,italian +18150,italian +35750,italian +544,italian +35746,italian +18159,italian +18155,italian +35753,italian +35755,italian +35754,italian +565,italian +18164,italian +564,italian +35760,italian +18163,italian +35762,italian +35772,italian +18174,italian +18175,italian +18172,italian +573,italian +35770,italian +569,italian +519,italian +35713,italian +525,italian +35726,italian +526,italian +18127,italian +527,italian +520,italian +18123,italian +18134,italian +35731,italian +530,italian +35742,italian +35740,italian +18142,italian +542,italian +18136,italian +18138,italian +538,italian +35809,italian +610,italian +622,italian +18095,italian +35820,italian +35825,italian +35829,italian +35830,italian +18101,italian +635,italian +634,italian +633,italian +35834,italian +18104,italian +18111,italian +35777,italian +579,italian +18053,italian +582,italian +35787,italian +584,italian +585,italian +586,italian +587,italian +35784,italian +35790,italian +18063,italian +35788,italian +18064,italian +35798,italian +603,italian +35806,italian +607,italian +18078,italian +606,italian +35629,italian +685,italian +18026,italian +35625,italian +18024,italian +679,italian +18023,italian +678,italian +18021,italian +676,italian +18018,italian +35644,italian +701,italian +18043,italian +694,italian +35636,italian +18035,italian +688,italian +18032,italian +35598,italian +35596,italian +35597,italian +649,italian +17994,italian +17988,italian +17989,italian +35589,italian +643,italian +668,italian +18012,italian +18009,italian +665,italian +35610,italian +35605,italian +35604,italian +656,italian +35601,italian +744,italian +35695,italian +35681,italian +17955,italian +738,italian +737,italian +35683,italian +743,italian +35685,italian +741,italian +35686,italian +35687,italian +762,italian +17978,italian +761,italian +767,italian +17971,italian +35699,italian +35698,italian +35701,italian +712,italian +17930,italian +17931,italian +35662,italian +716,italian +719,italian +17934,italian +17920,italian +705,italian +35650,italian +35648,italian +708,italian +35675,italian +728,italian +732,italian +35667,italian +721,italian +35665,italian +723,italian +35670,italian +725,italian +17942,italian +823,italian +822,italian +817,italian +18428,italian +828,italian +18431,italian +35517,italian +825,italian +35515,italian +824,italian +18427,italian +805,italian +807,italian +18401,italian +18402,italian +35488,italian +35502,italian +813,italian +18414,italian +35499,italian +809,italian +811,italian +789,italian +35474,italian +784,italian +18398,italian +797,italian +795,italian +18395,italian +35482,italian +774,italian +35461,italian +18372,italian +770,italian +771,italian +768,italian +18368,italian +35469,italian +35468,italian +18381,italian +781,italian +778,italian +18378,italian +18377,italian +777,italian +883,italian +18355,italian +18356,italian +884,italian +35576,italian +18362,italian +18366,italian +35581,italian +35552,italian +867,italian +868,italian +18341,italian +35558,italian +35556,italian +871,italian +872,italian +35563,italian +18345,italian +35561,italian +35560,italian +18349,italian +876,italian +877,italian +35565,italian +18322,italian +18323,italian +853,italian +35543,italian +35549,italian +18333,italian +832,italian +18305,italian +35525,italian +838,italian +18309,italian +18308,italian +35529,italian +18313,italian +35530,italian +846,italian +18319,italian +35391,italian +18300,italian +35387,italian +18297,italian +18299,italian +35385,italian +948,italian +35383,italian +18292,italian +949,italian +941,italian +35370,italian +18282,italian +939,italian +35369,italian +35366,italian +18273,italian +35360,italian +926,italian +35359,italian +924,italian +35353,italian +18267,italian +918,italian +18262,italian +919,italian +18261,italian +35345,italian +18255,italian +908,italian +18247,italian +35451,italian +18232,italian +1017,italian +18235,italian +35442,italian +1011,italian +35447,italian +1013,italian +1014,italian +35444,italian +1001,italian +18218,italian +1002,italian +18209,italian +18210,italian +987,italian +35421,italian +988,italian +989,italian +18195,italian +979,italian +35411,italian +18193,italian +35410,italian +35412,italian +18186,italian +35400,italian +35401,italian +35402,italian +975,italian +974,italian +18178,italian +18179,italian +35394,italian +35396,italian +16525,italian +36302,italian +16526,italian +16521,italian +36298,italian +16523,italian +16516,italian +1089,italian +16540,italian +1119,italian +36315,italian +16533,italian +1108,italian +16534,italian +36307,italian +16529,italian +1107,italian +1135,italian +36335,italian +1132,italian +1130,italian +16553,italian +1125,italian +36320,italian +1120,italian +1150,italian +36351,italian +1147,italian +36347,italian +36340,italian +16566,italian +36343,italian +1139,italian +16563,italian +16561,italian +36339,italian +1032,italian +16585,italian +36239,italian +36237,italian +1038,italian +1025,italian +1027,italian +16581,italian +36250,italian +16602,italian +36249,italian +16604,italian +1053,italian +16594,italian +16595,italian +1045,italian +36245,italian +36264,italian +36267,italian +1064,italian +36270,italian +16610,italian +36259,italian +16615,italian +1063,italian +1061,italian +1083,italian +36282,italian +36283,italian +1087,italian +36287,italian +1084,italian +16626,italian +36272,italian +16627,italian +1073,italian +16625,italian +16630,italian +16629,italian +1221,italian +36165,italian +1217,italian +16385,italian +36160,italian +1218,italian +16387,italian +16396,italian +16397,italian +1231,italian +16405,italian +16404,italian +36182,italian +16406,italian +1232,italian +36191,italian +36187,italian +36185,italian +1255,italian +16423,italian +36198,italian +36192,italian +36194,italian +36195,italian +16417,italian +36205,italian +16428,italian +1259,italian +36201,italian +1257,italian +16424,italian +1270,italian +36220,italian +16445,italian +36222,italian +36219,italian +36218,italian +16448,italian +36099,italian +1156,italian +16454,italian +1158,italian +16457,italian +36104,italian +1162,italian +36111,italian +1169,italian +36114,italian +36113,italian +16466,italian +1173,italian +1177,italian +36120,italian +16477,italian +36125,italian +1184,italian +16487,italian +1189,italian +16484,italian +16485,italian +1195,italian +1192,italian +36140,italian +36144,italian +1203,italian +1200,italian +36146,italian +1201,italian +1205,italian +1214,italian +36159,italian +16508,italian +16798,italian +16795,italian +1370,italian +36059,italian +16791,italian +16786,italian +36050,italian +1354,italian +36040,italian +1353,italian +16775,italian +36036,italian +36033,italian +16769,italian +1405,italian +1400,italian +1397,italian +36086,italian +36085,italian +16823,italian +36081,italian +1388,italian +36078,italian +16815,italian +1384,italian +1385,italian +16805,italian +16804,italian +36070,italian +16807,italian +36066,italian +1377,italian +16803,italian +1307,italian +35996,italian +35984,italian +35986,italian +35987,italian +35988,italian +16854,italian +35989,italian +16855,italian +1301,italian +16852,italian +16853,italian +35991,italian +1300,italian +16841,italian +1289,italian +16846,italian +1295,italian +16845,italian +35983,italian +1293,italian +16844,italian +35968,italian +1280,italian +16838,italian +16837,italian +1337,italian +16888,italian +1336,italian +1339,italian +36024,italian +1338,italian +16893,italian +36028,italian +16895,italian +36029,italian +36019,italian +36020,italian +16887,italian +1322,italian +36009,italian +1324,italian +36015,italian +16878,italian +16864,italian +1317,italian +16661,italian +1488,italian +35922,italian +35933,italian +16671,italian +35932,italian +16670,italian +35929,italian +16666,italian +35928,italian +1499,italian +35908,italian +35910,italian +35911,italian +1475,italian +1485,italian +35918,italian +1484,italian +16651,italian +1482,italian +35914,italian +35958,italian +16695,italian +1520,italian +35954,italian +1532,italian +1534,italian +35964,italian +1535,italian +16697,italian +1530,italian +35961,italian +35960,italian +16676,italian +1508,italian +35941,italian +1505,italian +16672,italian +35936,italian +16675,italian +1519,italian +1513,italian +35947,italian +1427,italian +16726,italian +1429,italian +16731,italian +35867,italian +35869,italian +35840,italian +1411,italian +35841,italian +1409,italian +35843,italian +16710,italian +35845,italian +1414,italian +16708,italian +35848,italian +16715,italian +1417,italian +35850,italian +35851,italian +16713,italian +1423,italian +16754,italian +35888,italian +35894,italian +35893,italian +16758,italian +16761,italian +1466,italian +1467,italian +35903,italian +35900,italian +35874,italian +1443,italian +16738,italian +1449,italian +35883,italian +1451,italian +1450,italian +1454,italian +17070,italian +36847,italian +1645,italian +36846,italian +1634,italian +36832,italian +1632,italian +1638,italian +1636,italian +1658,italian +1656,italian +36860,italian +1663,italian +36851,italian +1655,italian +1653,italian +36855,italian +36811,italian +17032,italian +36815,italian +36813,italian +36812,italian +17025,italian +1607,italian +1627,italian +36830,italian +1628,italian +36829,italian +17040,italian +36822,italian +36820,italian +1623,italian +17047,italian +36782,italian +17130,italian +1576,italian +36779,italian +36772,italian +1572,italian +17124,italian +1573,italian +1570,italian +1569,italian +1599,italian +36795,italian +36789,italian +36791,italian +17103,italian +1550,italian +1544,italian +36747,italian +17096,italian +36746,italian +36744,italian +36743,italian +1541,italian +36741,italian +36740,italian +1536,italian +17089,italian +1539,italian +36764,italian +1560,italian +17114,italian +36758,italian +1556,italian +36756,italian +17105,italian +1555,italian +36704,italian +1766,italian +36711,italian +16933,italian +36713,italian +36714,italian +36715,italian +16937,italian +16942,italian +36720,italian +16946,italian +36723,italian +36725,italian +36724,italian +16954,italian +1784,italian +16953,italian +36731,italian +1785,italian +36732,italian +16957,italian +16896,italian +16897,italian +16900,italian +1733,italian +36678,italian +16901,italian +1735,italian +16904,italian +16906,italian +16907,italian +36681,italian +36687,italian +1740,italian +16911,italian +36691,italian +1745,italian +16912,italian +36695,italian +1749,italian +16916,italian +1751,italian +1754,italian +36696,italian +1757,italian +16927,italian +1759,italian +16926,italian +36644,italian +16999,italian +36642,italian +16992,italian +17007,italian +36653,italian +36655,italian +36661,italian +17014,italian +17008,italian +1725,italian +17017,italian +1721,italian +1668,italian +36612,italian +16966,italian +1670,italian +16960,italian +1664,italian +16962,italian +36622,italian +16972,italian +1676,italian +36621,italian +16971,italian +36631,italian +1684,italian +16980,italian +36629,italian +36628,italian +36627,italian +16979,italian +36625,italian +1692,italian +16991,italian +16990,italian +36635,italian +36634,italian +36600,italian +36607,italian +36605,italian +36594,italian +17330,italian +36593,italian +1909,italian +17321,italian +36585,italian +36584,italian +36591,italian +1900,italian +36589,italian +1902,italian +36588,italian +36577,italian +17317,italian +17319,italian +36568,italian +17307,italian +17311,italian +36562,italian +1866,italian +17290,italian +17294,italian +1868,italian +36558,italian +17283,italian +17286,italian +36550,italian +36543,italian +17406,italian +36541,italian +1848,italian +36539,italian +1843,italian +17391,italian +36513,italian +36512,italian +17375,italian +1820,italian +36511,italian +17369,italian +36500,italian +1815,italian +17364,italian +36496,italian +1808,italian +17358,italian +17354,italian +36491,italian +1801,italian +36484,italian +1796,italian +1795,italian +36483,italian +36470,italian +17207,italian +17206,italian +2040,italian +17185,italian +2021,italian +17190,italian +17194,italian +36457,italian +36462,italian +36463,italian +2031,italian +17174,italian +36438,italian +17178,italian +2014,italian +17182,italian +2013,italian +17180,italian +17154,italian +1987,italian +17155,italian +36418,italian +17152,italian +1985,italian +36422,italian +1989,italian +1988,italian +36425,italian +36427,italian +1999,italian +17167,italian +36430,italian +1996,italian +36407,italian +17271,italian +1974,italian +1975,italian +17270,italian +36403,italian +17264,italian +36401,italian +36415,italian +1981,italian +17279,italian +36411,italian +1977,italian +17272,italian +1978,italian +36390,italian +17253,italian +17254,italian +1953,italian +17249,italian +1952,italian +36398,italian +1967,italian +17263,italian +17256,italian +1960,italian +1963,italian +36373,italian +17237,italian +1939,italian +17233,italian +1948,italian +1949,italian +1944,italian +17221,italian +36353,italian +1921,italian +36354,italian +1920,italian +17217,italian +17230,italian +36366,italian +1932,italian +36367,italian +17226,italian +36361,italian +17225,italian +19551,italian +2192,italian +2193,italian +19538,italian +2185,italian +2184,italian +19530,italian +2187,italian +33033,italian +19523,italian +19525,italian +19527,italian +33081,italian +2232,italian +19583,italian +33084,italian +19581,italian +2236,italian +2237,italian +33073,italian +2226,italian +33072,italian +2224,italian +33077,italian +2231,italian +2229,italian +19562,italian +33064,italian +19555,italian +2208,italian +33061,italian +33063,italian +2212,italian +2268,italian +19485,italian +33118,italian +19487,italian +19482,italian +33112,italian +33109,italian +2263,italian +33108,italian +19473,italian +33106,italian +19472,italian +19470,italian +2254,italian +19464,italian +2245,italian +2244,italian +2243,italian +2242,italian +33149,italian +19518,italian +19517,italian +2295,italian +33143,italian +33137,italian +33139,italian +19503,italian +2284,italian +33129,italian +2281,italian +19496,italian +2280,italian +19494,italian +19492,italian +33120,italian +19490,italian +33121,italian +33170,italian +19666,italian +19669,italian +2071,italian +19670,italian +19672,italian +2075,italian +19678,italian +2078,italian +19679,italian +33155,italian +2052,italian +19655,italian +33163,italian +19659,italian +33165,italian +2063,italian +33164,italian +2099,italian +19697,italian +33206,italian +19704,italian +2110,italian +33214,italian +2083,italian +19680,italian +2086,italian +2084,italian +2090,italian +2092,italian +2133,italian +19605,italian +19607,italian +19601,italian +2131,italian +2136,italian +19611,italian +2117,italian +2118,italian +19585,italian +2114,italian +19597,italian +2121,italian +33224,italian +19638,italian +33269,italian +2164,italian +33264,italian +2163,italian +19634,italian +33265,italian +33267,italian +2174,italian +33274,italian +19641,italian +2149,italian +19620,italian +19619,italian +2146,italian +19618,italian +2144,italian +33251,italian +19617,italian +2159,italian +33258,italian +19624,italian +19787,italian +2447,italian +19788,italian +32783,italian +19789,italian +32770,italian +19777,italian +19783,italian +32774,italian +19781,italian +2459,italian +19802,italian +19801,italian +32796,italian +19804,italian +2450,italian +19794,italian +2448,italian +19792,italian +32786,italian +32789,italian +19798,italian +19797,italian +2452,italian +2473,italian +2474,italian +19823,italian +32813,italian +2464,italian +32800,italian +19810,italian +19812,italian +32806,italian +2471,italian +2489,italian +2490,italian +2492,italian +2493,italian +32830,italian +19836,italian +32819,italian +19827,italian +19826,italian +2483,italian +2484,italian +2511,italian +2510,italian +19723,italian +32843,italian +32836,italian +32838,italian +32839,italian +2526,italian +19743,italian +2524,italian +19739,italian +19736,italian +32852,italian +32854,italian +19759,italian +19752,italian +2539,italian +32873,italian +2532,italian +19749,italian +32871,italian +19750,italian +32869,italian +32866,italian +32894,italian +32893,italian +32892,italian +32889,italian +2554,italian +32884,italian +32883,italian +2547,italian +19905,italian +19909,italian +2308,italian +2314,italian +19918,italian +2316,italian +19917,italian +2317,italian +32915,italian +19924,italian +32918,italian +19931,italian +2329,italian +19929,italian +32924,italian +2334,italian +19935,italian +32925,italian +2336,italian +2338,italian +32928,italian +32935,italian +19940,italian +32934,italian +32933,italian +19943,italian +32939,italian +19945,italian +19949,italian +19950,italian +19953,italian +32949,italian +19959,italian +19961,italian +2366,italian +19846,italian +19844,italian +32960,italian +19842,italian +19854,italian +19853,italian +2380,italian +2381,italian +19851,italian +2379,italian +32968,italian +32970,italian +2377,italian +19848,italian +32982,italian +19857,italian +32989,italian +32991,italian +2396,italian +32985,italian +19864,italian +2404,italian +2405,italian +19876,italian +2406,italian +32995,italian +19873,italian +32994,italian +19875,italian +32993,italian +19884,italian +19882,italian +2421,italian +19893,italian +33015,italian +2419,italian +2429,italian +19902,italian +33018,italian +2427,italian +33017,italian +20094,italian +2751,italian +33598,italian +2749,italian +2746,italian +20091,italian +20089,italian +2740,italian +33585,italian +20082,italian +20081,italian +33580,italian +20079,italian +20076,italian +33582,italian +20077,italian +33577,italian +2728,italian +20071,italian +2721,italian +2716,italian +2718,italian +20058,italian +33560,italian +20053,italian +33557,italian +20054,italian +2711,italian +33553,italian +2701,italian +20045,italian +33544,italian +33545,italian +20038,italian +2688,italian +20035,italian +20026,italian +33661,italian +2812,italian +20028,italian +2803,italian +33651,italian +20010,italian +20015,italian +33646,italian +20013,italian +20002,italian +33632,italian +2787,italian +2786,italian +2784,italian +2789,italian +2777,italian +33625,italian +33624,italian +2781,italian +19996,italian +19999,italian +33629,italian +2769,italian +2771,italian +19989,italian +33623,italian +2774,italian +19990,italian +19979,italian +19980,italian +33614,italian +19981,italian +2766,italian +19983,italian +33602,italian +19969,italian +33604,italian +19975,italian +20214,italian +33718,italian +33719,italian +20213,italian +20210,italian +33712,italian +33713,italian +33714,italian +2608,italian +33725,italian +33720,italian +33722,italian +20199,italian +2593,italian +20207,italian +33705,italian +20202,italian +2601,italian +20200,italian +33687,italian +2580,italian +33684,italian +33682,italian +2577,italian +20177,italian +2579,italian +2588,italian +33692,italian +2585,italian +33691,italian +20164,italian +2567,italian +20166,italian +33667,italian +33665,italian +33677,italian +20175,italian +33675,italian +20171,italian +2675,italian +20150,italian +33780,italian +33783,italian +2676,italian +20154,italian +2680,italian +20153,italian +20159,italian +33790,italian +2685,italian +2684,italian +33791,italian +33761,italian +33763,italian +20128,italian +20135,italian +33767,italian +20138,italian +33770,italian +33773,italian +2669,italian +33747,italian +20113,italian +2649,italian +2648,italian +33758,italian +33759,italian +20126,italian +20127,italian +33729,italian +33728,italian +2629,italian +33733,italian +20104,italian +2633,italian +20108,italian +20111,italian +20110,italian +33326,italian +20333,italian +20334,italian +2991,italian +20335,italian +2990,italian +2981,italian +20326,italian +33316,italian +20327,italian +33312,italian +20323,italian +33342,italian +33341,italian +3006,italian +3001,italian +33336,italian +2996,italian +20340,italian +2999,italian +33295,italian +2954,italian +20297,italian +33285,italian +33286,italian +33287,italian +33281,italian +2944,italian +20319,italian +33309,italian +20318,italian +33305,italian +20315,italian +2970,italian +33306,italian +33300,italian +20309,italian +2964,italian +33302,italian +20308,italian +20264,italian +33387,italian +33384,italian +20266,italian +20270,italian +33378,italian +33379,italian +33377,italian +3045,italian +3064,italian +20280,italian +3066,italian +3067,italian +3068,italian +33406,italian +3070,italian +20287,italian +20275,italian +33392,italian +33399,italian +3063,italian +20235,italian +3016,italian +33358,italian +3020,italian +3010,italian +33346,italian +3009,italian +3015,italian +3014,italian +20229,italian +33369,italian +33370,italian +33375,italian +3026,italian +3024,italian +3031,italian +33367,italian +20244,italian +3029,italian +33447,italian +2853,italian +33444,italian +2848,italian +20449,italian +33443,italian +33455,italian +2860,italian +20460,italian +20463,italian +33448,italian +2869,italian +20468,italian +33460,italian +20470,italian +2870,italian +20464,italian +2864,italian +33457,italian +33468,italian +2878,italian +20472,italian +2875,italian +2823,italian +20418,italian +2830,italian +2828,italian +33418,italian +2838,italian +20432,italian +2833,italian +20433,italian +20446,italian +20447,italian +33437,italian +33438,italian +20442,italian +20385,italian +2913,italian +20389,italian +2918,italian +20392,italian +20397,italian +2924,italian +33522,italian +33523,italian +20402,italian +2933,italian +20409,italian +2938,italian +33534,italian +2940,italian +20414,italian +2943,italian +2942,italian +2880,italian +2881,italian +20357,italian +20363,italian +20362,italian +33483,italian +20360,italian +33484,italian +20374,italian +33493,italian +2902,italian +20373,italian +33496,italian +33500,italian +20383,italian +20380,italian +33503,italian +3284,italian +49554,italian +3281,italian +3282,italian +49552,italian +3292,italian +34143,italian +18460,italian +34141,italian +18457,italian +34136,italian +49561,italian +3269,italian +18439,italian +3265,italian +49538,italian +49537,italian +34113,italian +49548,italian +18442,italian +34120,italian +3274,italian +34164,italian +49589,italian +18485,italian +18484,italian +34166,italian +34160,italian +3315,italian +3313,italian +34162,italian +49597,italian +49598,italian +3324,italian +34175,italian +3322,italian +34168,italian +3323,italian +49595,italian +3321,italian +49572,italian +18468,italian +49574,italian +18466,italian +34145,italian +18465,italian +3296,italian +18479,italian +3309,italian +18475,italian +49579,italian +18472,italian +18473,italian +34066,italian +34065,italian +49617,italian +3220,italian +18516,italian +49623,italian +3222,italian +34069,italian +18519,italian +3225,italian +34074,italian +18520,italian +34078,italian +18527,italian +34077,italian +3203,italian +34049,italian +3202,italian +3205,italian +34055,italian +3207,italian +18503,italian +3209,italian +49610,italian +18509,italian +34063,italian +49614,italian +49613,italian +49612,italian +34097,italian +3251,italian +49649,italian +18545,italian +3249,italian +49655,italian +18548,italian +34102,italian +34109,italian +3263,italian +18556,italian +18530,italian +34081,italian +3237,italian +49640,italian +34090,italian +3241,italian +18537,italian +3240,italian +34092,italian +18543,italian +18540,italian +3244,italian +34095,italian +3165,italian +18589,italian +34271,italian +34269,italian +49435,italian +18585,italian +34265,italian +18587,italian +49429,italian +18582,italian +18576,italian +3152,italian +49425,italian +49423,italian +18575,italian +3151,italian +34252,italian +18569,italian +34251,italian +49419,italian +18571,italian +18565,italian +49413,italian +3143,italian +34244,italian +34243,italian +18561,italian +3137,italian +49408,italian +18562,italian +18619,italian +34297,italian +49467,italian +18616,italian +3192,italian +49466,italian +3190,italian +18615,italian +34294,italian +18613,italian +18610,italian +34289,italian +18607,italian +49455,italian +49449,italian +34280,italian +34282,italian +3175,italian +34278,italian +18595,italian +49442,italian +3096,italian +34201,italian +18652,italian +49502,italian +3103,italian +49500,italian +34194,italian +49491,italian +34195,italian +3091,italian +3090,italian +49494,italian +34196,italian +3094,italian +3080,italian +49483,italian +34186,italian +49486,italian +34191,italian +34189,italian +49484,italian +18638,italian +49475,italian +18627,italian +49473,italian +18628,italian +49476,italian +34234,italian +34236,italian +18686,italian +49532,italian +3133,italian +18684,italian +18673,italian +34229,italian +18676,italian +3124,italian +34216,italian +49513,italian +49514,italian +18664,italian +34221,italian +49518,italian +34210,italian +3105,italian +49507,italian +49509,italian +34212,italian +3111,italian +49510,italian +34214,italian +49285,italian +33861,italian +49287,italian +18692,italian +18690,italian +33856,italian +18688,italian +18689,italian +33869,italian +3533,italian +18700,italian +3532,italian +3529,italian +3528,italian +18710,italian +3541,italian +18706,italian +49298,italian +18704,italian +49299,italian +33874,italian +3537,italian +33887,italian +49304,italian +3545,italian +3557,italian +18725,italian +3558,italian +18720,italian +3554,italian +18732,italian +18734,italian +3561,italian +3560,italian +33911,italian +49332,italian +49330,italian +18736,italian +18749,italian +3580,italian +3583,italian +18750,italian +49338,italian +49339,italian +49336,italian +18746,italian +18755,italian +33793,italian +3463,italian +3462,italian +3461,italian +33798,italian +49350,italian +3460,italian +18762,italian +33802,italian +18761,italian +3470,italian +49358,italian +18771,italian +33808,italian +33813,italian +49367,italian +49368,italian +3483,italian +33826,italian +3489,italian +33824,italian +18788,italian +3495,italian +18791,italian +33829,italian +49387,italian +33834,italian +49391,italian +3502,italian +18799,italian +18801,italian +33842,italian +3506,italian +33840,italian +18802,italian +49403,italian +3514,italian +33855,italian +18812,italian +49404,italian +3404,italian +3402,italian +18827,italian +33992,italian +3403,italian +49162,italian +3401,italian +18823,italian +49157,italian +3397,italian +49152,italian +33985,italian +18816,italian +49183,italian +3417,italian +34010,italian +18836,italian +49174,italian +49169,italian +18835,italian +34002,italian +34003,italian +18833,italian +34030,italian +18862,italian +34027,italian +3434,italian +3429,italian +18852,italian +34021,italian +18854,italian +34020,italian +3424,italian +18848,italian +49185,italian +18872,italian +18874,italian +3444,italian +49205,italian +34036,italian +49204,italian +18871,italian +49201,italian +18866,italian +18867,italian +34033,italian +49226,italian +18888,italian +33934,italian +3330,italian +18882,italian +49218,italian +33922,italian +3329,italian +49221,italian +33926,italian +49223,italian +49243,italian +33947,italian +3352,italian +49242,italian +3358,italian +33950,italian +18898,italian +33937,italian +18897,italian +33940,italian +33941,italian +3350,italian +49239,italian +33943,italian +49258,italian +3369,italian +18925,italian +49260,italian +33955,italian +33953,italian +18914,italian +3363,italian +49275,italian +3387,italian +18939,italian +33983,italian +49278,italian +3390,italian +18943,italian +33971,italian +49265,italian +49264,italian +18932,italian +33972,italian +18935,italian +18995,italian +18992,italian +3830,italian +18998,italian +3835,italian +19001,italian +3838,italian +19005,italian +18982,italian +18983,italian +18980,italian +34663,italian +18981,italian +18986,italian +3818,italian +34666,italian +34667,italian +3816,italian +18988,italian +18989,italian +3792,italian +18960,italian +34641,italian +3797,italian +18967,italian +34645,italian +18969,italian +18971,italian +34630,italian +34629,italian +34634,italian +3785,italian +18953,italian +18954,italian +18955,italian +34638,italian +34639,italian +34637,italian +19062,italian +3764,italian +34614,italian +19060,italian +3762,italian +3761,italian +19071,italian +34616,italian +19066,italian +34596,italian +34597,italian +19041,italian +19055,italian +34606,italian +34607,italian +3755,italian +34601,italian +3753,italian +34602,italian +19048,italian +34603,italian +3734,italian +34580,italian +3729,italian +3741,italian +3742,italian +3743,italian +3737,italian +19035,italian +3738,italian +3739,italian +34566,italian +3716,italian +19010,italian +3725,italian +19020,italian +19022,italian +3726,italian +19016,italian +34569,italian +34809,italian +19128,italian +19134,italian +34812,italian +19132,italian +19133,italian +34815,italian +34803,italian +3703,italian +19125,italian +19115,italian +19118,italian +34798,italian +34790,italian +19097,italian +19098,italian +3677,italian +34783,italian +19103,italian +3667,italian +34772,italian +34773,italian +34763,italian +34762,italian +34760,italian +19084,italian +3661,italian +34754,italian +19072,italian +3652,italian +34757,italian +19195,italian +19192,italian +34741,italian +19191,italian +34742,italian +3635,italian +19185,italian +34733,italian +3630,italian +34732,italian +34735,italian +34728,italian +34724,italian +3619,italian +34723,italian +34714,italian +34712,italian +3610,italian +34713,italian +34711,italian +34708,italian +19159,italian +19152,italian +3600,italian +19154,italian +34704,italian +19155,italian +3596,italian +19145,italian +34698,italian +19136,italian +34689,italian +34402,italian +34404,italian +34405,italian +4072,italian +19242,italian +4075,italian +19247,italian +19249,italian +4085,italian +34427,italian +19256,italian +19259,italian +4090,italian +34431,italian +4092,italian +4093,italian +34428,italian +19202,italian +4034,italian +4033,italian +4032,italian +4039,italian +19206,italian +34376,italian +19210,italian +19209,italian +19218,italian +4049,italian +4052,italian +19220,italian +4053,italian +34390,italian +4056,italian +19231,italian +19228,italian +34343,italian +4006,italian +4000,italian +19298,italian +34351,italian +34348,italian +34349,italian +34346,italian +4008,italian +4011,italian +19307,italian +34359,italian +4020,italian +19319,italian +34356,italian +34355,italian +4016,italian +19313,italian +34354,italian +34353,italian +4019,italian +4029,italian +19326,italian +4024,italian +34363,italian +19320,italian +19271,italian +3973,italian +34310,italian +19266,italian +34305,italian +3970,italian +3969,italian +19276,italian +3979,italian +19287,italian +19286,italian +34326,italian +3987,italian +34323,italian +34322,italian +3985,italian +34333,italian +19293,italian +19291,italian +3995,italian +34328,italian +34536,italian +3947,italian +49705,italian +49711,italian +34531,italian +49698,italian +49699,italian +3938,italian +19367,italian +34532,italian +3943,italian +19385,italian +3963,italian +3965,italian +34558,italian +49715,italian +3954,italian +34505,italian +19338,italian +3912,italian +34508,italian +49664,italian +34497,italian +19331,italian +49665,italian +34498,italian +19328,italian +34501,italian +49669,italian +3911,italian +49671,italian +3909,italian +49688,italian +3930,italian +19355,italian +3928,italian +49690,italian +3935,italian +34525,italian +49694,italian +34527,italian +3932,italian +49680,italian +19347,italian +19344,italian +34515,italian +3927,italian +19351,italian +49684,italian +3924,italian +34479,italian +19439,italian +3886,italian +34476,italian +19438,italian +3887,italian +19432,italian +19429,italian +34470,italian +19430,italian +19427,italian +3875,italian +19426,italian +34494,italian +34495,italian +3903,italian +3897,italian +3893,italian +34487,italian +3892,italian +3895,italian +34484,italian +19447,italian +3889,italian +34481,italian +19443,italian +19404,italian +3846,italian +19398,italian +3847,italian +3844,italian +34438,italian +19395,italian +19392,italian +3870,italian +34461,italian +34457,italian +34459,italian +19414,italian +3861,italian +3859,italian +19409,italian +3856,italian +4401,italian +22003,italian +4402,italian +22004,italian +39093,italian +4408,italian +39098,italian +4410,italian +39096,italian +4412,italian +4385,italian +39075,italian +4387,italian +4386,italian +21988,italian +4388,italian +39082,italian +21994,italian +21995,italian +4398,italian +39085,italian +39058,italian +21975,italian +21974,italian +39063,italian +39064,italian +4377,italian +39066,italian +4381,italian +39040,italian +4353,italian +21953,italian +4356,italian +39047,italian +4363,italian +21960,italian +21967,italian +4465,italian +21936,italian +21939,italian +4466,italian +39167,italian +4478,italian +39161,italian +4453,italian +21925,italian +4452,italian +21926,italian +39139,italian +4450,italian +4461,italian +21934,italian +39146,italian +21909,italian +39121,italian +21906,italian +21905,italian +4446,italian +39135,italian +39134,italian +21894,italian +39109,italian +21892,italian +21890,italian +21891,italian +4416,italian +4430,italian +4428,italian +4537,italian +4540,italian +4543,italian +38972,italian +38963,italian +21875,italian +21876,italian +21879,italian +38965,italian +4534,italian +21865,italian +21864,italian +38953,italian +4522,italian +21866,italian +38952,italian +38946,italian +4514,italian +38945,italian +4516,italian +38950,italian +4506,italian +38937,italian +21848,italian +4511,italian +4510,italian +21852,italian +21842,italian +21840,italian +38931,italian +21846,italian +4501,italian +38935,italian +38921,italian +38920,italian +4491,italian +4488,italian +4489,italian +38927,italian +38926,italian +21825,italian +4481,italian +4484,italian +21828,italian +4485,italian +39038,italian +39036,italian +21818,italian +39029,italian +4595,italian +4594,italian +21811,italian +21805,italian +39021,italian +4591,italian +39019,italian +21800,italian +39018,italian +4586,italian +39016,italian +4582,italian +39013,italian +21798,italian +4583,italian +21793,italian +21792,italian +39005,italian +21791,italian +4572,italian +4571,italian +21785,italian +21783,italian +38992,italian +4562,italian +21779,italian +38993,italian +4561,italian +21775,italian +21774,italian +21771,italian +4554,italian +4553,italian +4550,italian +38983,italian +38977,italian +4546,italian +4547,italian +4545,italian +4128,italian +39333,italian +21732,italian +4139,italian +39337,italian +21737,italian +4136,italian +4143,italian +39341,italian +21740,italian +39345,italian +4144,italian +4150,italian +21750,italian +4148,italian +21749,italian +4154,italian +21753,italian +39355,italian +21752,italian +39357,italian +21757,italian +21756,italian +21696,italian +4097,italian +39299,italian +4099,italian +39297,italian +4103,italian +21702,italian +4102,italian +21704,italian +39305,italian +21709,italian +4112,italian +39312,italian +4117,italian +39317,italian +21720,italian +39320,italian +4125,italian +21724,italian +21671,italian +39397,italian +21666,italian +4193,italian +21665,italian +4206,italian +21679,italian +21677,italian +39400,italian +39402,italian +39403,italian +39412,italian +21683,italian +21682,italian +39408,italian +21681,italian +4209,italian +21680,italian +4222,italian +39421,italian +39419,italian +21688,italian +21637,italian +39367,italian +4167,italian +39362,italian +39363,italian +4160,italian +21635,italian +4162,italian +4172,italian +39372,italian +21646,italian +4175,italian +21647,italian +4171,italian +39380,italian +4179,italian +4188,italian +4190,italian +39388,italian +4184,italian +39387,italian +21656,italian +21658,italian +21611,italian +4271,italian +21612,italian +4280,italian +21625,italian +21629,italian +21618,italian +4272,italian +4279,italian +4276,italian +4233,italian +21579,italian +4234,italian +4236,italian +21580,italian +4237,italian +4238,italian +21582,italian +39180,italian +21569,italian +21571,italian +4227,italian +39174,italian +21574,italian +4231,italian +21593,italian +4251,italian +4253,italian +4255,italian +39196,italian +39197,italian +21599,italian +21584,italian +4244,italian +39191,italian +4247,italian +21591,italian +21551,italian +4334,italian +39277,italian +39276,italian +4328,italian +4322,italian +21537,italian +4320,italian +21567,italian +39295,italian +39290,italian +39291,italian +21558,italian +4342,italian +21554,italian +39280,italian +4338,italian +4337,italian +21552,italian +4336,italian +39247,italian +4301,italian +21519,italian +4302,italian +21515,italian +4293,italian +4294,italian +39237,italian +21511,italian +21507,italian +39262,italian +4316,italian +4319,italian +4312,italian +21524,italian +4311,italian +21527,italian +4305,italian +39251,italian +4306,italian +22487,italian +39573,italian +4887,italian +22485,italian +39574,italian +39570,italian +22494,italian +39583,italian +39582,italian +39577,italian +22491,italian +39576,italian +22489,italian +39579,italian +39578,italian +39556,italian +39557,italian +4870,italian +22469,italian +4864,italian +39565,italian +4877,italian +39567,italian +4875,italian +22474,italian +39560,italian +4874,italian +22475,italian +22516,italian +39604,italian +4924,italian +39614,italian +4925,italian +39613,italian +39611,italian +22501,italian +39591,italian +39588,italian +22498,italian +22499,italian +39599,italian +39594,italian +4904,italian +22506,italian +4907,italian +22419,italian +4946,italian +22422,italian +4948,italian +22430,italian +4956,italian +22428,italian +22402,italian +22403,italian +4928,italian +22404,italian +4933,italian +22410,italian +4936,italian +22414,italian +39629,italian +22449,italian +39666,italian +39671,italian +39670,italian +22458,italian +4987,italian +39679,italian +4961,italian +22433,italian +39649,italian +22436,italian +22437,italian +39652,italian +4966,italian +39653,italian +4968,italian +22441,italian +22443,italian +4972,italian +4974,italian +39452,italian +5022,italian +22363,italian +5016,italian +22358,italian +39445,italian +39447,italian +5012,italian +5010,italian +5008,italian +22353,italian +39437,italian +22351,italian +22349,italian +39439,italian +22347,italian +22344,italian +39434,italian +39431,italian +22340,italian +22339,italian +4994,italian +22338,italian +4992,italian +22396,italian +5053,italian +39487,italian +5049,italian +5051,italian +5045,italian +22391,italian +39474,italian +22385,italian +39472,italian +39473,italian +22381,italian +5037,italian +22380,italian +22383,italian +22382,italian +5034,italian +39464,italian +39463,italian +22369,italian +5024,italian +5026,italian +39456,italian +39519,italian +22290,italian +39506,italian +22289,italian +5072,italian +5079,italian +22295,italian +5076,italian +22283,italian +22285,italian +5059,italian +22273,italian +5056,italian +5057,italian +39490,italian +22278,italian +5063,italian +22276,italian +5113,italian +5115,italian +22331,italian +5114,italian +5118,italian +5105,italian +39538,italian +39537,italian +22324,italian +22326,italian +5110,italian +22313,italian +39533,italian +5088,italian +5094,italian +39525,italian +22311,italian +22214,italian +4608,italian +22220,italian +22221,italian +39823,italian +22222,italian +39820,italian +4623,italian +39821,italian +39819,italian +4616,italian +39817,italian +39830,italian +22228,italian +39829,italian +22226,italian +39836,italian +22233,italian +39835,italian +22232,italian +4633,italian +22235,italian +39833,italian +22234,italian +39846,italian +4643,italian +4642,italian +39841,italian +22243,italian +4641,italian +39843,italian +22254,italian +22255,italian +39855,italian +4651,italian +39849,italian +4662,italian +22261,italian +4661,italian +4658,italian +39857,italian +39859,italian +39858,italian +4657,italian +22270,italian +4669,italian +39865,italian +39864,italian +22264,italian +4673,italian +4675,italian +4679,italian +39883,italian +4683,italian +4685,italian +4686,italian +22159,italian +22160,italian +22165,italian +39895,italian +22164,italian +4693,italian +22169,italian +39897,italian +4699,italian +4700,italian +4701,italian +4703,italian +22178,italian +22179,italian +39907,italian +4708,italian +22184,italian +39918,italian +22193,italian +4721,italian +4727,italian +22202,italian +39931,italian +22207,italian +4732,italian +39694,italian +22094,italian +22089,italian +22088,italian +39690,italian +39689,italian +4743,italian +39710,italian +22108,italian +39708,italian +4767,italian +22105,italian +4763,italian +22107,italian +22100,italian +39698,italian +39699,italian +22098,italian +4754,italian +4783,italian +22124,italian +39726,italian +39720,italian +39723,italian +4777,italian +22118,italian +22116,italian +22114,italian +39715,italian +4768,italian +4798,italian +4797,italian +22140,italian +22141,italian +39736,italian +4794,italian +4791,italian +22129,italian +22025,italian +4808,italian +39755,italian +4809,italian +4811,italian +39758,italian +22028,italian +22031,italian +4815,italian +39747,italian +4801,italian +39745,italian +4804,italian +22022,italian +39748,italian +39775,italian +4831,italian +4819,italian +22035,italian +39766,italian +22037,italian +4823,italian +39787,italian +4847,italian +39788,italian +4834,italian +39779,italian +22048,italian +4838,italian +22053,italian +39782,italian +22052,italian +4856,italian +4862,italian +22079,italian +22066,italian +22064,italian +39796,italian +4855,italian +22070,italian +20924,italian +40190,italian +5503,italian +5497,italian +5499,italian +20917,italian +40178,italian +5489,italian +20915,italian +5491,italian +5484,italian +20910,italian +5486,italian +20904,italian +40168,italian +5482,italian +5476,italian +40164,italian +5479,italian +20897,italian +40160,italian +40161,italian +20894,italian +5464,italian +20889,italian +20881,italian +5456,italian +20880,italian +5457,italian +20878,italian +5454,italian +40142,italian +20875,italian +40138,italian +20872,italian +20873,italian +40139,italian +5443,italian +40129,italian +40130,italian +40131,italian +20985,italian +20984,italian +40122,italian +5434,italian +5428,italian +40119,italian +20982,italian +20960,italian +20962,italian +20964,italian +40103,italian +40100,italian +40101,italian +20953,italian +5400,italian +40090,italian +40093,italian +40095,italian +40080,italian +5398,italian +40086,italian +40072,italian +5386,italian +20939,italian +20936,italian +40075,italian +40076,italian +20940,italian +20931,italian +20929,italian +20932,italian +20788,italian +40052,italian +40053,italian +20785,italian +5628,italian +20798,italian +5630,italian +20793,italian +20795,italian +40039,italian +5605,italian +5600,italian +40034,italian +5612,italian +40043,italian +40041,italian +5591,italian +20756,italian +5588,italian +20754,italian +40018,italian +40028,italian +20767,italian +5596,italian +20762,italian +5594,italian +20760,italian +5592,italian +20743,italian +20742,italian +40004,italian +5570,italian +5569,italian +20736,italian +5582,italian +20749,italian +40009,italian +20747,italian +39986,italian +20850,italian +5556,italian +39988,italian +20855,italian +5558,italian +5560,italian +20859,italian +20860,italian +20862,italian +5536,italian +5539,italian +5540,italian +39974,italian +20841,italian +39978,italian +5545,italian +20843,italian +20842,italian +39983,italian +5550,italian +5551,italian +20817,italian +39956,italian +20823,italian +5526,italian +5531,italian +39960,italian +20827,italian +39964,italian +5535,italian +39965,italian +39937,italian +20805,italian +20810,italian +39944,italian +5512,italian +39947,italian +20814,italian +39951,italian +5516,italian +20813,italian +5231,italian +5226,italian +20647,italian +40422,italian +20645,italian +5219,italian +20643,italian +5218,italian +20640,italian +40444,italian +5247,italian +20669,italian +40440,italian +20664,italian +40442,italian +5238,italian +40437,italian +5239,italian +20662,italian +5234,italian +40433,italian +40432,italian +40399,italian +40396,italian +20617,italian +40395,italian +5195,italian +5188,italian +20615,italian +5184,italian +20611,italian +20639,italian +40411,italian +40408,italian +40406,italian +20631,italian +40404,italian +20624,italian +5203,italian +5160,italian +5155,italian +40352,italian +40353,italian +40358,italian +20708,italian +40376,italian +20729,italian +5176,italian +20735,italian +5182,italian +5183,italian +20732,italian +5181,italian +20722,italian +5169,italian +20727,italian +5172,italian +20724,italian +40329,italian +40333,italian +5134,italian +40323,italian +20676,italian +40324,italian +5127,italian +5126,italian +40347,italian +20696,italian +40345,italian +5148,italian +20701,italian +20700,italian +40350,italian +5150,italian +40348,italian +5137,italian +5138,italian +40336,italian +5141,italian +40340,italian +5350,italian +20517,italian +5349,italian +20513,italian +5345,italian +20527,italian +40303,italian +40297,italian +5355,italian +5352,italian +20520,italian +40308,italian +20534,italian +5367,italian +20532,italian +20530,italian +5363,italian +40305,italian +40317,italian +5372,italian +20541,italian +20538,italian +20539,italian +5370,italian +20484,italian +5318,italian +20480,italian +5313,italian +20492,italian +40269,italian +5326,italian +5327,italian +40268,italian +40265,italian +20503,italian +5331,italian +20499,italian +5341,italian +20510,italian +40285,italian +5339,italian +20507,italian +40281,italian +40225,italian +20579,italian +20578,italian +40227,italian +40229,italian +5285,italian +20587,italian +40233,italian +5288,italian +40237,italian +5295,italian +20589,italian +5293,italian +40240,italian +40242,italian +20598,italian +40246,italian +40247,italian +20602,italian +5306,italian +40249,italian +5305,italian +20600,italian +5311,italian +20607,italian +5309,italian +5308,italian +40255,italian +5248,italian +40192,italian +5252,italian +20551,italian +5255,italian +5261,italian +20560,italian +5265,italian +40211,italian +5264,italian +5266,italian +5268,italian +40215,italian +5270,italian +20569,italian +20571,italian +21403,italian +21401,italian +40670,italian +21404,italian +40657,italian +5970,italian +40661,italian +21399,italian +5975,italian +21397,italian +40663,italian +40648,italian +40650,italian +40652,italian +21389,italian +40640,italian +40642,italian +5952,italian +40644,italian +5957,italian +21381,italian +6009,italian +21437,italian +6013,italian +21436,italian +40689,italian +6003,italian +21430,italian +21417,italian +40683,italian +5995,italian +40680,italian +21419,italian +40681,italian +5996,italian +40684,italian +5998,italian +21408,italian +21409,italian +21410,italian +5987,italian +40672,italian +21414,italian +21471,italian +40606,italian +5914,italian +40597,italian +5908,italian +40599,italian +21455,italian +5892,italian +5891,italian +21443,italian +21440,italian +21441,italian +21501,italian +5951,italian +21498,italian +5940,italian +5941,italian +40630,italian +40628,italian +40625,italian +5938,italian +21490,italian +5933,italian +40620,italian +21487,italian +5929,italian +5928,italian +21477,italian +5920,italian +5923,italian +5922,italian +21265,italian +6104,italian +40539,italian +6109,italian +40542,italian +6108,italian +21249,italian +21255,italian +6087,italian +21253,italian +6084,italian +40518,italian +21259,italian +40521,italian +40522,italian +21262,italian +6092,italian +6093,italian +21296,italian +40560,italian +21300,italian +21302,italian +6136,italian +40569,italian +21308,italian +21311,italian +6112,italian +40547,italian +6113,italian +40550,italian +40548,italian +6120,italian +21288,italian +40554,italian +6127,italian +6039,italian +40470,italian +21332,italian +6036,italian +40471,italian +6034,italian +40467,italian +6047,italian +21341,italian +6042,italian +21339,italian +40473,italian +40474,italian +21318,italian +21316,italian +40454,italian +6018,italian +21312,italian +40450,italian +6030,italian +21324,italian +6026,italian +6024,italian +40459,italian +40458,italian +21361,italian +21362,italian +40496,italian +6077,italian +6076,italian +40511,italian +6073,italian +40483,italian +6049,italian +21344,italian +40495,italian +6061,italian +40492,italian +40489,italian +6058,italian +5707,italian +5706,italian +40910,italian +21134,italian +5710,italian +40902,italian +5702,italian +40901,italian +5720,italian +40922,italian +5721,italian +5722,italian +40920,italian +5723,italian +21149,italian +21141,italian +5717,italian +21143,italian +40936,italian +21161,italian +5736,italian +21166,italian +5741,italian +5730,italian +40931,italian +21153,italian +40933,italian +5734,italian +21159,italian +21177,italian +21181,italian +21180,italian +40945,italian +40946,italian +5751,italian +40951,italian +5749,italian +40846,italian +5645,italian +40847,italian +5643,italian +21195,italian +40841,italian +40835,italian +21187,italian +5660,italian +21212,italian +5657,italian +40858,italian +21210,italian +5652,italian +40855,italian +40854,italian +40853,italian +5649,italian +21200,italian +40850,italian +21202,italian +5651,italian +40878,italian +5676,italian +21229,italian +21227,italian +40868,italian +5670,italian +5669,italian +5668,italian +5664,italian +5692,italian +21242,italian +21241,italian +21240,italian +5686,italian +21238,italian +21232,italian +5825,italian +20995,italian +20999,italian +20998,italian +40777,italian +40781,italian +40786,italian +5843,italian +5844,italian +40788,italian +5846,italian +21016,italian +40795,italian +21017,italian +40792,italian +21027,italian +5859,italian +21031,italian +21028,italian +40806,italian +5861,italian +21033,italian +5868,italian +40815,italian +40816,italian +21042,italian +21043,italian +40826,italian +40828,italian +21054,italian +5886,italian +5885,italian +21053,italian +5760,italian +21059,italian +40719,italian +21071,italian +5774,italian +40715,italian +40713,italian +5770,italian +21066,italian +5780,italian +5783,italian +40723,italian +5778,italian +21085,italian +21086,italian +5791,italian +5785,italian +40730,italian +40731,italian +5784,italian +21094,italian +5799,italian +40737,italian +5794,italian +21090,italian +21089,italian +5804,italian +5805,italian +5813,italian +40754,italian +21117,italian +5820,italian +5818,italian +21113,italian +23913,italian +23912,italian +6570,italian +6571,italian +23916,italian +6573,italian +6574,italian +23919,italian +23905,italian +6561,italian +23904,italian +6562,italian +36896,italian +23909,italian +23908,italian +6585,italian +36923,italian +36920,italian +6586,italian +6588,italian +6591,italian +6590,italian +36914,italian +23920,italian +6576,italian +36912,italian +23924,italian +6583,italian +36916,italian +36917,italian +36873,italian +6536,italian +6543,italian +23886,italian +36876,italian +23884,italian +23873,italian +36869,italian +23879,italian +23878,italian +36889,italian +36891,italian +6559,italian +23900,italian +36881,italian +6545,italian +23894,italian +36886,italian +23893,italian +23852,italian +23854,italian +6633,italian +36969,italian +23851,italian +36968,italian +23845,italian +6626,italian +36961,italian +23870,italian +36988,italian +23871,italian +6648,italian +6651,italian +6650,italian +23867,italian +36983,italian +36981,italian +6646,italian +23856,italian +23823,italian +36937,italian +23818,italian +6600,italian +36933,italian +36932,italian +23813,italian +23812,italian +23809,italian +6593,italian +23808,italian +6623,italian +23836,italian +6618,italian +36954,italian +23832,italian +23833,italian +36948,italian +23828,italian +36951,italian +23826,italian +6610,italian +23825,italian +24035,italian +37025,italian +24037,italian +37029,italian +6438,italian +24040,italian +6441,italian +37035,italian +6443,italian +24046,italian +6446,italian +24051,italian +6451,italian +24053,italian +37046,italian +6453,italian +6457,italian +37054,italian +24060,italian +36993,italian +36995,italian +24004,italian +6404,italian +24014,italian +24015,italian +37006,italian +6413,italian +37007,italian +6418,italian +6419,italian +37008,italian +6416,italian +6417,italian +37013,italian +6426,italian +24025,italian +6424,italian +37020,italian +6501,italian +6500,italian +6502,italian +23975,italian +6499,italian +37102,italian +23982,italian +6504,italian +6506,italian +23979,italian +37110,italian +6512,italian +37106,italian +37105,italian +6514,italian +6520,italian +6523,italian +6467,italian +37056,italian +37058,italian +23937,italian +6479,italian +6477,italian +37071,italian +23947,italian +6472,italian +6486,italian +6484,italian +6494,italian +37086,italian +23962,italian +6489,italian +6330,italian +6332,italian +23677,italian +37169,italian +23665,italian +6327,italian +6326,italian +23650,italian +37152,italian +37156,italian +37147,italian +37150,italian +37138,italian +6288,italian +6293,italian +37143,italian +23638,italian +6294,italian +37141,italian +37128,italian +37133,italian +37123,italian +23616,italian +6275,italian +6278,italian +37125,italian +37124,italian +23614,italian +37244,italian +37245,italian +6397,italian +6394,italian +37243,italian +6391,italian +6390,italian +23604,italian +6387,italian +37232,italian +6386,italian +6381,italian +23595,italian +6376,italian +37227,italian +23589,italian +6372,italian +23586,italian +37216,italian +6369,italian +23581,italian +23577,italian +37208,italian +23579,italian +23572,italian +37207,italian +23574,italian +37204,italian +6359,italian +6352,italian +6355,italian +23565,italian +37199,italian +37197,italian +6344,italian +6346,italian +23562,italian +6347,italian +37189,italian +37297,italian +23793,italian +23799,italian +23798,italian +37305,italian +37307,italian +23801,italian +37308,italian +23806,italian +37311,italian +23804,italian +23778,italian +23779,italian +23776,italian +6176,italian +37285,italian +23783,italian +37287,italian +6160,italian +23762,italian +37279,italian +37277,italian +6174,italian +37251,italian +6149,italian +6148,italian +37253,italian +37256,italian +37257,italian +37262,italian +23757,italian +37365,italian +6260,italian +23732,italian +6270,italian +23743,italian +37372,italian +23742,italian +37348,italian +6246,italian +37350,italian +23716,italian +6243,italian +23713,italian +6240,italian +37356,italian +6254,italian +37354,italian +6224,italian +37331,italian +23696,italian +23698,italian +37328,italian +6237,italian +37341,italian +6235,italian +6213,italian +23684,italian +6212,italian +23687,italian +6221,italian +23692,italian +37326,italian +23694,italian +6217,italian +24399,italian +7053,italian +37385,italian +7050,italian +7048,italian +7049,italian +7046,italian +37380,italian +37376,italian +37378,italian +24413,italian +24409,italian +37396,italian +24406,italian +7062,italian +37395,italian +37423,italian +24429,italian +7084,italian +24428,italian +24430,italian +24425,italian +24426,italian +7078,italian +37412,italian +24416,italian +37408,italian +7100,italian +37436,italian +7099,italian +7098,italian +7092,italian +24432,italian +24433,italian +24435,italian +24331,italian +24329,italian +24328,italian +7118,italian +24335,italian +37453,italian +24334,italian +24333,italian +24321,italian +24320,italian +24326,italian +7108,italian +37469,italian +37470,italian +24337,italian +24343,italian +37461,italian +7125,italian +37462,italian +37463,italian +7124,italian +37481,italian +24362,italian +7148,italian +24364,italian +7151,italian +37475,italian +7138,italian +24354,italian +7140,italian +7141,italian +37476,italian +7163,italian +24381,italian +37503,italian +24382,italian +7153,italian +24368,italian +37488,italian +24373,italian +7159,italian +37493,italian +37511,italian +37504,italian +6915,italian +37505,italian +24512,italian +6913,italian +6912,italian +24526,italian +6924,italian +24522,italian +24523,italian +37526,italian +37521,italian +6928,italian +24528,italian +24543,italian +6942,italian +24539,italian +6936,italian +24548,italian +6948,italian +6947,italian +37549,italian +6952,italian +24566,italian +6960,italian +37552,italian +24573,italian +24569,italian +37563,italian +24570,italian +37569,italian +37570,italian +6976,italian +24454,italian +6981,italian +24453,italian +6980,italian +6984,italian +37581,italian +37582,italian +37583,italian +24466,italian +37584,italian +6995,italian +37589,italian +24468,italian +37592,italian +7003,italian +7000,italian +7007,italian +37598,italian +7011,italian +24483,italian +7010,italian +37601,italian +7013,italian +37606,italian +7015,italian +37605,italian +37610,italian +24490,italian +37618,italian +7025,italian +24499,italian +37617,italian +7028,italian +24501,italian +7030,italian +24503,italian +7031,italian +37626,italian +7034,italian +24507,italian +37624,italian +37631,italian +24508,italian +24510,italian +24156,italian +24159,italian +6811,italian +6810,italian +24155,italian +37657,italian +37654,italian +6804,italian +37652,italian +6806,italian +6802,italian +37649,italian +24141,italian +6792,italian +37642,italian +24136,italian +24135,italian +6791,italian +24129,italian +6785,italian +24128,italian +24130,italian +6847,italian +24191,italian +6846,italian +6845,italian +6843,italian +37689,italian +24184,italian +37690,italian +24182,italian +24177,italian +24175,italian +24174,italian +24173,italian +37673,italian +37672,italian +24169,italian +24167,italian +37668,italian +24160,italian +37666,italian +6873,italian +37722,italian +37723,italian +24090,italian +24091,italian +6876,italian +37724,italian +24095,italian +37718,italian +6871,italian +37717,italian +24087,italian +6856,italian +24073,italian +37706,italian +24075,italian +6849,italian +24067,italian +6851,italian +37701,italian +6855,italian +37746,italian +6901,italian +24116,italian +37751,italian +24107,italian +24105,italian +6888,italian +6889,italian +37741,italian +37740,italian +6895,italian +24098,italian +37731,italian +6880,italian +37733,italian +6678,italian +6675,italian +37791,italian +6685,italian +24287,italian +24281,italian +6680,italian +6660,italian +24261,italian +37764,italian +6662,italian +37765,italian +24256,italian +37762,italian +6669,italian +37774,italian +24269,italian +37772,italian +24270,italian +37771,italian +24265,italian +37769,italian +6710,italian +37812,italian +37815,italian +24306,italian +37811,italian +6689,italian +24289,italian +37806,italian +6700,italian +37800,italian +37801,italian +37803,italian +24211,italian +24214,italian +24217,italian +24221,italian +6750,italian +24193,italian +37824,italian +6723,italian +37825,italian +6727,italian +37829,italian +6731,italian +24203,italian +24204,italian +6735,italian +6770,italian +37873,italian +24243,italian +24240,italian +37876,italian +24251,italian +24250,italian +37880,italian +24249,italian +37887,italian +6781,italian +37886,italian +24226,italian +37858,italian +6752,italian +37860,italian +37861,italian +24228,italian +37865,italian +37867,italian +24236,italian +37990,italian +22820,italian +22828,italian +37996,italian +7656,italian +22824,italian +22826,italian +22836,italian +38007,italian +38004,italian +38002,italian +38014,italian +22845,italian +7679,italian +7622,italian +37953,italian +7619,italian +37952,italian +7617,italian +37954,italian +22797,italian +7626,italian +37961,italian +37960,italian +37972,italian +37973,italian +22802,italian +22803,italian +22800,italian +7632,italian +22814,italian +7641,italian +22880,italian +22885,italian +7589,italian +37925,italian +22886,italian +7592,italian +22889,italian +37930,italian +22891,italian +7595,italian +37928,italian +37934,italian +22895,italian +37933,italian +22896,italian +22897,italian +22900,italian +37942,italian +37943,italian +37946,italian +7608,italian +7614,italian +37888,italian +37891,italian +22848,italian +7556,italian +37897,italian +22858,italian +22857,italian +37899,italian +7561,italian +22861,italian +22860,italian +22866,italian +37906,italian +22864,italian +7574,italian +7572,italian +7576,italian +22873,italian +22877,italian +38126,italian +22957,italian +38122,italian +38118,italian +7524,italian +38117,italian +22951,italian +22947,italian +22969,italian +38137,italian +38136,italian +38134,italian +22964,italian +7541,italian +22967,italian +7537,italian +38130,italian +7503,italian +7502,italian +22925,italian +38089,italian +22919,italian +38085,italian +7493,italian +22917,italian +22914,italian +7519,italian +38107,italian +7513,italian +22935,italian +7510,italian +22933,italian +22932,italian +38099,italian +7505,italian +38058,italian +23018,italian +23020,italian +23021,italian +7457,italian +23008,italian +23010,italian +7461,italian +23012,italian +23013,italian +23014,italian +23033,italian +7482,italian +7485,italian +23039,italian +23038,italian +23025,italian +23027,italian +38064,italian +23028,italian +38069,italian +23031,italian +38068,italian +38025,italian +22988,italian +22989,italian +38031,italian +22978,italian +7427,italian +22979,italian +7426,italian +38018,italian +22982,italian +23003,italian +38042,italian +23006,italian +7452,italian +38047,italian +23005,italian +7442,italian +22994,italian +22993,italian +22999,italian +7444,italian +7445,italian +38038,italian +7415,italian +22582,italian +22580,italian +38257,italian +22576,italian +22591,italian +38270,italian +22586,italian +38267,italian +7396,italian +38247,italian +22564,italian +22563,italian +38241,italian +22562,italian +38240,italian +7393,italian +38253,italian +22575,italian +38249,italian +7402,italian +38228,italian +22551,italian +38224,italian +22546,italian +38237,italian +38234,italian +38232,italian +7364,italian +7365,italian +22532,italian +7360,italian +22528,italian +22530,italian +38223,italian +22540,italian +7373,italian +38221,italian +7368,italian +38218,italian +22539,italian +7370,italian +22538,italian +38216,italian +22642,italian +7347,italian +38197,italian +7349,italian +22645,italian +38200,italian +22651,italian +7359,italian +38205,italian +38206,italian +22653,italian +7330,italian +7328,italian +22624,italian +7329,italian +38180,italian +22628,italian +7338,italian +38186,italian +22632,italian +38188,italian +7343,italian +22638,italian +7340,italian +22637,italian +22609,italian +7315,italian +7314,italian +38161,italian +7316,italian +38170,italian +38168,italian +22621,italian +7324,italian +22622,italian +7296,italian +22595,italian +22597,italian +22599,italian +22600,italian +38159,italian +22604,italian +38157,italian +7311,italian +22716,italian +38392,italian +38395,italian +7286,italian +22711,italian +38385,italian +22707,italian +38381,italian +7278,italian +38382,italian +38383,italian +38377,italian +7274,italian +7273,italian +38373,italian +22693,italian +7268,italian +38368,italian +38369,italian +7265,italian +7264,italian +38366,italian +7256,italian +22681,italian +22683,italian +7252,italian +38356,italian +7249,italian +22669,italian +7244,italian +22670,italian +7246,italian +22666,italian +7237,italian +7239,italian +22656,italian +38339,italian +38337,italian +22659,italian +7226,italian +7224,italian +38333,italian +38332,italian +7216,italian +22774,italian +7223,italian +22762,italian +7211,italian +38314,italian +38318,italian +22752,italian +7201,italian +22758,italian +7207,italian +7206,italian +7205,italian +38311,italian +38298,italian +22751,italian +7184,italian +38290,italian +22741,italian +7190,italian +38293,italian +7176,italian +38280,italian +22731,italian +22733,italian +22734,italian +7182,italian +38275,italian +22722,italian +38272,italian +38273,italian +7173,italian +22725,italian +38277,italian +8131,italian +38464,italian +8128,italian +23296,italian +38469,italian +8134,italian +23306,italian +38476,italian +23309,italian +8147,italian +23315,italian +38481,italian +23318,italian +8150,italian +23323,italian +23320,italian +8157,italian +23328,italian +8164,italian +8170,italian +23341,italian +23340,italian +38514,italian +38513,italian +8178,italian +38516,italian +23352,italian +38523,italian +23354,italian +23355,italian +38526,italian +23356,italian +38527,italian +23363,italian +23362,italian +23374,italian +8077,italian +38408,italian +23382,italian +8087,italian +8084,italian +38417,italian +23376,italian +8081,italian +38428,italian +38430,italian +23388,italian +23386,italian +8088,italian +8096,italian +8098,italian +38432,italian +23394,italian +23407,italian +8105,italian +23403,italian +8119,italian +23409,italian +23410,italian +23411,italian +23423,italian +23416,italian +23417,italian +8120,italian +8123,italian +23419,italian +8011,italian +8010,italian +23435,italian +38604,italian +23439,italian +8014,italian +8003,italian +38594,italian +23424,italian +8006,italian +23431,italian +38598,italian +8005,italian +23450,italian +38621,italian +8030,italian +38620,italian +38609,italian +23443,italian +38608,italian +23441,italian +23440,italian +38610,italian +23447,italian +8023,italian +23444,italian +23465,italian +23471,italian +8046,italian +23456,italian +38625,italian +23459,italian +8034,italian +38650,italian +8059,italian +8060,italian +23487,italian +8063,italian +23472,italian +23475,italian +8053,italian +38646,italian +7951,italian +38540,italian +38541,italian +7949,italian +23501,italian +38536,italian +23498,italian +38537,italian +7946,italian +23496,italian +38538,italian +38534,italian +38528,italian +23490,italian +7938,italian +7936,italian +23489,italian +7965,italian +38553,italian +38555,italian +38548,italian +23510,italian +23507,italian +7955,italian +7952,italian +38546,italian +23532,italian +38574,italian +38572,italian +23535,italian +7977,italian +38568,italian +38569,italian +23525,italian +38586,italian +7993,italian +7994,italian +7989,italian +23540,italian +7991,italian +38578,italian +38577,italian +38576,italian +7889,italian +38736,italian +23059,italian +23067,italian +23070,italian +7872,italian +23040,italian +23043,italian +38720,italian +23045,italian +7877,italian +23046,italian +38731,italian +38735,italian +23054,italian +7887,italian +38769,italian +23088,italian +38771,italian +23089,italian +23094,italian +38773,italian +7925,italian +23098,italian +7931,italian +23099,italian +7929,italian +7928,italian +7935,italian +38781,italian +7934,italian +38782,italian +38755,italian +23079,italian +38756,italian +23080,italian +38764,italian +7917,italian +23127,italian +23120,italian +38673,italian +7837,italian +7839,italian +7838,italian +23135,italian +38682,italian +38683,italian +23130,italian +38662,italian +23108,italian +7815,italian +23106,italian +38670,italian +23119,italian +7818,italian +23114,italian +23158,italian +38708,italian +38710,italian +7861,italian +38704,italian +38716,italian +7867,italian +7866,italian +23160,italian +7844,italian +23140,italian +7843,italian +7841,italian +23150,italian +7853,italian +7850,italian +38699,italian +38874,italian +38879,italian +23196,italian +38876,italian +7761,italian +38865,italian +23188,italian +38869,italian +23190,italian +38862,italian +38861,italian +7758,italian +7747,italian +38849,italian +23173,italian +38905,italian +7802,italian +38907,italian +7800,italian +7801,italian +7794,italian +38896,italian +7798,italian +38901,italian +38900,italian +7796,italian +23211,italian +38889,italian +7785,italian +7784,italian +38891,italian +38894,italian +38895,italian +7788,italian +38885,italian +38887,italian +23205,italian +7708,italian +23257,italian +7704,italian +7700,italian +7701,italian +38805,italian +23249,italian +38796,italian +23247,italian +7694,italian +38794,italian +38795,italian +23242,italian +7691,italian +23236,italian +7685,italian +23239,italian +7742,italian +38840,italian +38843,italian +23288,italian +23285,italian +23280,italian +38829,italian +23274,italian +23273,italian +23270,italian +23271,italian +38821,italian +23268,italian +23269,italian +38816,italian +23267,italian +38817,italian +23264,italian +23265,italian +7712,italian +26273,italian +26274,italian +8806,italian +26278,italian +44004,italian +44010,italian +26282,italian +8812,italian +44013,italian +26289,italian +8816,italian +26291,italian +44022,italian +8826,italian +44030,italian +44031,italian +8828,italian +43972,italian +8772,italian +26245,italian +26244,italian +43979,italian +8787,italian +43987,italian +43991,italian +43992,italian +26266,italian +26264,italian +26270,italian +8799,italian +8796,italian +26269,italian +26337,italian +8738,italian +26338,italian +43951,italian +8749,italian +8751,italian +43947,italian +43959,italian +43956,italian +8754,italian +26355,italian +43965,italian +26361,italian +8710,italian +43909,italian +43908,italian +43911,italian +26309,italian +43910,italian +26308,italian +26307,italian +8704,italian +43906,italian +26319,italian +26318,italian +43916,italian +26314,italian +43915,italian +43924,italian +26323,italian +43932,italian +8734,italian +8731,italian +26158,italian +43874,italian +43875,italian +43872,italian +43879,italian +8935,italian +26150,italian +43877,italian +43897,italian +8955,italian +8956,italian +43903,italian +8944,italian +43889,italian +26166,italian +26122,italian +43848,italian +26127,italian +43841,italian +26112,italian +8903,italian +26138,italian +8924,italian +43871,italian +8912,italian +8918,italian +8919,italian +43863,italian +43822,italian +8876,italian +8879,italian +8878,italian +8873,italian +8874,italian +26212,italian +8869,italian +43815,italian +26237,italian +8893,italian +43836,italian +8888,italian +43833,italian +43829,italian +43827,italian +26224,italian +26227,italian +26226,italian +8846,italian +26188,italian +8845,italian +8844,italian +43791,italian +43785,italian +8842,italian +43786,italian +43787,italian +8839,italian +26182,italian +8838,italian +26180,italian +8836,italian +26181,italian +43783,italian +43778,italian +8863,italian +43807,italian +26203,italian +26201,italian +43796,italian +8855,italian +26197,italian +8853,italian +43792,italian +26546,italian +9075,italian +43764,italian +26558,italian +9086,italian +9085,italian +9084,italian +26531,italian +9057,italian +9062,italian +26537,italian +26543,italian +43757,italian +9071,italian +43758,italian +9043,italian +9045,italian +26516,italian +26517,italian +43738,italian +26520,italian +43739,italian +43736,italian +9051,italian +26522,italian +26523,italian +26524,italian +43715,italian +26496,italian +9028,italian +26501,italian +9030,italian +43716,italian +26502,italian +9032,italian +43722,italian +26504,italian +9035,italian +26506,italian +26511,italian +9015,italian +26614,italian +26612,italian +26613,italian +43697,italian +26611,italian +26608,italian +43708,italian +26620,italian +9019,italian +26597,italian +8996,italian +9006,italian +26605,italian +26604,italian +9005,italian +9000,italian +9001,italian +8983,italian +43668,italian +43666,italian +26577,italian +8979,italian +8978,italian +43678,italian +8988,italian +26589,italian +43676,italian +8985,italian +26584,italian +43675,italian +26586,italian +8986,italian +26587,italian +8965,italian +8961,italian +26562,italian +8963,italian +26575,italian +43660,italian +26571,italian +26570,italian +9211,italian +26424,italian +9212,italian +26429,italian +9200,italian +9201,italian +26420,italian +26408,italian +43628,italian +26414,italian +26403,italian +9186,italian +43617,italian +43621,italian +9188,italian +26392,italian +43610,italian +9177,italian +9178,italian +43615,italian +9182,italian +26385,italian +9169,italian +26391,italian +43594,italian +26377,italian +43592,italian +26379,italian +9166,italian +26371,italian +43585,italian +26373,italian +9156,italian +43589,italian +9150,italian +26493,italian +9149,italian +26488,italian +9143,italian +43574,italian +43568,italian +9136,italian +43570,italian +9134,italian +26476,italian +43562,italian +43563,italian +9128,italian +9126,italian +26471,italian +26466,italian +9122,italian +43553,italian +9121,italian +9116,italian +9117,italian +43549,italian +26459,italian +9110,italian +26451,italian +26450,italian +43534,italian +9101,italian +26447,italian +43533,italian +43531,italian +26441,italian +26443,italian +43525,italian +9091,italian +25735,italian +43463,italian +43462,italian +25732,italian +25731,italian +25730,italian +25728,italian +8266,italian +8267,italian +25736,italian +8277,italian +25749,italian +8275,italian +25747,italian +25745,italian +8272,italian +25756,italian +8285,italian +25754,italian +43481,italian +8281,italian +43482,italian +25753,italian +43495,italian +8292,italian +25767,italian +43491,italian +43488,italian +8300,italian +43503,italian +43500,italian +8311,italian +8310,italian +8305,italian +25777,italian +25778,italian +25779,italian +43518,italian +25790,italian +8318,italian +43513,italian +8192,italian +25799,italian +43401,italian +25802,italian +43403,italian +25807,italian +8207,italian +25806,italian +8204,italian +43407,italian +8205,italian +25815,italian +8218,italian +8216,italian +43422,italian +25821,italian +8225,italian +43425,italian +8227,italian +8230,italian +8231,italian +43428,italian +25833,italian +8235,italian +8236,italian +43438,italian +25840,italian +25844,italian +25846,italian +25849,italian +25850,italian +43454,italian +25853,italian +43452,italian +43341,italian +25613,italian +25610,italian +8395,italian +43337,italian +8394,italian +25606,italian +43333,italian +25604,italian +8415,italian +8413,italian +8410,italian +43352,italian +25626,italian +8408,italian +43354,italian +25622,italian +43351,italian +43350,italian +8403,italian +25617,italian +8427,italian +25643,italian +25636,italian +8420,italian +8423,italian +25639,italian +8416,italian +25633,italian +43360,italian +8444,italian +43388,italian +25657,italian +8440,italian +43384,italian +8436,italian +8438,italian +25654,italian +25649,italian +43377,italian +43273,italian +25673,italian +8328,italian +25679,italian +25666,italian +43265,italian +43267,italian +25669,italian +25690,italian +8344,italian +8345,italian +8350,italian +43293,italian +25694,italian +8351,italian +8338,italian +43283,italian +8336,italian +8337,italian +25686,italian +25684,italian +8341,italian +25705,italian +25706,italian +8362,italian +43311,italian +25711,italian +25696,italian +8352,italian +43296,italian +25698,italian +25699,italian +25701,italian +8356,italian +43301,italian +25703,italian +25721,italian +8376,italian +25722,italian +43320,italian +43325,italian +8383,italian +43318,italian +26002,italian +43230,italian +26012,italian +26013,italian +8543,italian +43229,italian +26011,italian +8538,italian +8517,italian +25990,italian +25987,italian +43213,italian +8527,italian +8520,italian +25992,italian +8523,italian +8566,italian +43253,italian +26034,italian +43260,italian +26042,italian +26041,italian +43237,italian +43238,italian +26019,italian +26017,italian +26031,italian +8559,italian +8552,italian +8553,italian +43242,italian +26064,italian +26066,italian +26067,italian +26068,italian +8471,italian +26071,italian +8472,italian +26073,italian +26076,italian +8448,italian +43137,italian +43142,italian +43147,italian +43145,italian +26098,italian +8497,italian +26103,italian +26083,italian +43172,italian +26084,italian +26095,italian +26094,italian +8493,italian +8668,italian +43100,italian +8666,italian +25882,italian +43095,italian +43094,italian +25876,italian +43093,italian +8662,italian +25873,italian +25872,italian +43090,italian +8658,italian +8659,italian +43086,italian +43084,italian +8702,italian +25919,italian +25918,italian +43132,italian +25914,italian +25913,italian +8695,italian +8693,italian +25907,italian +43121,italian +25901,italian +25896,italian +8681,italian +43115,italian +8680,italian +25895,italian +8676,italian +43106,italian +25889,italian +25946,italian +25948,italian +43037,italian +25937,italian +43027,italian +25936,italian +43031,italian +8596,italian +25941,italian +8599,italian +8585,italian +43018,italian +43019,italian +43016,italian +25930,italian +25932,italian +25933,italian +8591,italian +8581,italian +43012,italian +25926,italian +25978,italian +25977,italian +8638,italian +43069,italian +25982,italian +25981,italian +43057,italian +25975,italian +43063,italian +8629,italian +8619,italian +25963,italian +8618,italian +8617,italian +43052,italian +43054,italian +8610,italian +8609,italian +43045,italian +43047,italian +9773,italian +44971,italian +9768,italian +25321,italian +44970,italian +9771,italian +44967,italian +9764,italian +9765,italian +44990,italian +44987,italian +25332,italian +44983,italian +9782,italian +44976,italian +44977,italian +25293,italian +25292,italian +9738,italian +9739,italian +25289,italian +25287,italian +9735,italian +9731,italian +25281,italian +25311,italian +9758,italian +25306,italian +44955,italian +25303,italian +9748,italian +44946,italian +45033,italian +25258,italian +9837,italian +25262,italian +45026,italian +9825,italian +9831,italian +25254,italian +25273,italian +9848,italian +45051,italian +45040,italian +25267,italian +45041,italian +9847,italian +9802,italian +45001,italian +45002,italian +45005,italian +9807,italian +9805,italian +9792,italian +9798,italian +9799,italian +44998,italian +9797,italian +45016,italian +9816,italian +25246,italian +25244,italian +9811,italian +9810,italian +25235,italian +9809,italian +25233,italian +25237,italian +44835,italian +25186,italian +44846,italian +9901,italian +44847,italian +9900,italian +25198,italian +9897,italian +9896,italian +44840,italian +25205,italian +9909,italian +44853,italian +9910,italian +9911,italian +44849,italian +9917,italian +25212,italian +44860,italian +9863,italian +44805,italian +44803,italian +9856,italian +9868,italian +9867,italian +44811,italian +25173,italian +9876,italian +9875,italian +25169,italian +9872,italian +9885,italian +44825,italian +9880,italian +25176,italian +44898,italian +44897,italian +44901,italian +9961,italian +25132,italian +44908,italian +25137,italian +9968,italian +9969,italian +9970,italian +25138,italian +25142,italian +44916,italian +9976,italian +44922,italian +9979,italian +9982,italian +9921,italian +44868,italian +25094,italian +25095,italian +44870,italian +9928,italian +25097,italian +25100,italian +25101,italian +25107,italian +44883,italian +9937,italian +44884,italian +9943,italian +25115,italian +44888,italian +25113,italian +44893,italian +9951,italian +44894,italian +25598,italian +44728,italian +44731,italian +25590,italian +25591,italian +44725,italian +44726,italian +10036,italian +44727,italian +25586,italian +44720,italian +10030,italian +25583,italian +44716,italian +25581,italian +44718,italian +10026,italian +44712,italian +25578,italian +25577,italian +25575,italian +10021,italian +44710,italian +10019,italian +25569,italian +25560,italian +25563,italian +10010,italian +10005,italian +44695,italian +25558,italian +44692,italian +25559,italian +44688,italian +25554,italian +10002,italian +44689,italian +25551,italian +25544,italian +44681,italian +9995,italian +9988,italian +9985,italian +44673,italian +44672,italian +25531,italian +44794,italian +25529,italian +44796,italian +10110,italian +10099,italian +10097,italian +10096,italian +44787,italian +44788,italian +25524,italian +44791,italian +44779,italian +10095,italian +25518,italian +10093,italian +10080,italian +25505,italian +25511,italian +25509,italian +10084,italian +25496,italian +10073,italian +10072,italian +44760,italian +25500,italian +10077,italian +44755,italian +10067,italian +10066,italian +10069,italian +25492,italian +10068,italian +10071,italian +44757,italian +10056,italian +10057,italian +44745,italian +44751,italian +25484,italian +10048,italian +25472,italian +10050,italian +10052,italian +25477,italian +44742,italian +44741,italian +10166,italian +25461,italian +10162,italian +44593,italian +10170,italian +10171,italian +44603,italian +10148,italian +10147,italian +44577,italian +44579,italian +10159,italian +10158,italian +10157,italian +25451,italian +25429,italian +25430,italian +10128,italian +44560,italian +44575,italian +25439,italian +44572,italian +10143,italian +44570,italian +44569,italian +10138,italian +44568,italian +10117,italian +25412,italian +44549,italian +10118,italian +25409,italian +25411,italian +25416,italian +44659,italian +10230,italian +44664,italian +25407,italian +25404,italian +25378,italian +44640,italian +10209,italian +44644,italian +10213,italian +25381,italian +10212,italian +25386,italian +25387,italian +25391,italian +25388,italian +44625,italian +10195,italian +10196,italian +10197,italian +10201,italian +10202,italian +25371,italian +44632,italian +10206,italian +44636,italian +44611,italian +10181,italian +25348,italian +10180,italian +44612,italian +25351,italian +44613,italian +10185,italian +44622,italian +44424,italian +9224,italian +9228,italian +44430,italian +44418,italian +44422,italian +24772,italian +24795,italian +44442,italian +24792,italian +44443,italian +24798,italian +9246,italian +9245,italian +24786,italian +24784,italian +9232,italian +9236,italian +44459,italian +9257,italian +9258,italian +44462,italian +44461,italian +44460,italian +44451,italian +44455,italian +24806,italian +44452,italian +44474,italian +9274,italian +44473,italian +44478,italian +9278,italian +24816,italian +9264,italian +9267,italian +9266,italian +44470,italian +24821,italian +44471,italian +9268,italian +44493,italian +24719,italian +24718,italian +24716,italian +24714,italian +24711,italian +24709,italian +24708,italian +9280,italian +24732,italian +24731,italian +44506,italian +9304,italian +9302,italian +24748,italian +9325,italian +44525,italian +24741,italian +24743,italian +44516,italian +44515,italian +24737,italian +44514,italian +9314,italian +44542,italian +9341,italian +9340,italian +24765,italian +9343,italian +44539,italian +9336,italian +44536,italian +44534,italian +44532,italian +9331,italian +9345,italian +24641,italian +9350,italian +24644,italian +9349,italian +44295,italian +24651,italian +9352,italian +44301,italian +9358,italian +24655,italian +24652,italian +44303,italian +44306,italian +9361,italian +9366,italian +9367,italian +9365,italian +24667,italian +24666,italian +44314,italian +44316,italian +24669,italian +44318,italian +24668,italian +24672,italian +44324,italian +24681,italian +44334,italian +24686,italian +44338,italian +44341,italian +24695,italian +44340,italian +9407,italian +44356,italian +44358,italian +9413,italian +44359,italian +24579,italian +9423,italian +44365,italian +9422,italian +44367,italian +24586,italian +9418,italian +9431,italian +9438,italian +24605,italian +44382,italian +9437,italian +9434,italian +24613,italian +24614,italian +24615,italian +24611,italian +9453,italian +9452,italian +9455,italian +44395,italian +9448,italian +44392,italian +44405,italian +24631,italian +9457,italian +9458,italian +24627,italian +44400,italian +44415,italian +24632,italian +24634,italian +9467,italian +25050,italian +9499,italian +44185,italian +9498,italian +9500,italian +44188,italian +44176,italian +9491,italian +25043,italian +9493,italian +44181,italian +44174,italian +44160,italian +9476,italian +25028,italian +9479,italian +44164,italian +44217,italian +9529,italian +44220,italian +9534,italian +25084,italian +9532,italian +25085,italian +44210,italian +25078,italian +25077,italian +44215,italian +9512,italian +9513,italian +44202,italian +44205,italian +9506,italian +25059,italian +44192,italian +44197,italian +9565,italian +24990,italian +9567,italian +44250,italian +9561,italian +24984,italian +24985,italian +24981,italian +44244,italian +9558,italian +24983,italian +24979,italian +24973,italian +24972,italian +9549,italian +44238,italian +9550,italian +44237,italian +9544,italian +9547,italian +44230,italian +24967,italian +44284,italian +9598,italian +25020,italian +25018,italian +44278,italian +25010,italian +44272,italian +9584,italian +44269,italian +25007,italian +9583,italian +9576,italian +24997,italian +9573,italian +9570,italian +24993,italian +24915,italian +9619,italian +44048,italian +24917,italian +24919,italian +44052,italian +9623,italian +9624,italian +44059,italian +24921,italian +44056,italian +9628,italian +24924,italian +9630,italian +24927,italian +24899,italian +44038,italian +9604,italian +9607,italian +9606,italian +44037,italian +24905,italian +44040,italian +24906,italian +9610,italian +44041,italian +9613,italian +24909,italian +44080,italian +24945,italian +44083,italian +44084,italian +44087,italian +24949,italian +24955,italian +44088,italian +24952,italian +9663,italian +24957,italian +44066,italian +44069,italian +24932,italian +24933,italian +24939,italian +9641,italian +44077,italian +44078,italian +44118,italian +44116,italian +9681,italian +44113,italian +9683,italian +24861,italian +24859,italian +44099,italian +9667,italian +24835,italian +9674,italian +44149,italian +24887,italian +9719,italian +24885,italian +24883,italian +9715,italian +44144,italian +24882,italian +24881,italian +24880,italian +44146,italian +9726,italian +24894,italian +44156,italian +9724,italian +44159,italian +44158,italian +24892,italian +9720,italian +44155,italian +24871,italian +9701,italian +9699,italian +9698,italian +24865,italian +44131,italian +24878,italian +44140,italian +9710,italian +24876,italian +44136,italian +9707,italian +24872,italian +9704,italian +44139,italian +11006,italian +28209,italian +10993,italian +41841,italian +28211,italian +10994,italian +28212,italian +41845,italian +28214,italian +41834,italian +41826,italian +28194,italian +41831,italian +10980,italian +28198,italian +10983,italian +10968,italian +10974,italian +28189,italian +28188,italian +41811,italian +10961,italian +10967,italian +10964,italian +10955,italian +10954,italian +28171,italian +41804,italian +41805,italian +41807,italian +41792,italian +41793,italian +41794,italian +10950,italian +28164,italian +10942,italian +10943,italian +41786,italian +10939,italian +28282,italian +10933,italian +10935,italian +41779,italian +28272,italian +41776,italian +41775,italian +28264,italian +10922,italian +28267,italian +41769,italian +41767,italian +41764,italian +28263,italian +41765,italian +41762,italian +28258,italian +10911,italian +28254,italian +28249,italian +41749,italian +41748,italian +41751,italian +10896,italian +10894,italian +41741,italian +28234,italian +28233,italian +28228,italian +41735,italian +10882,italian +10865,italian +28339,italian +10871,italian +41978,italian +10875,italian +28346,italian +28348,italian +28349,italian +10879,italian +10878,italian +10848,italian +28320,italian +10849,italian +41952,italian +10852,italian +10856,italian +28329,italian +28330,italian +10859,italian +10861,italian +41966,italian +10863,italian +41939,italian +28308,italian +10843,italian +10841,italian +41946,italian +28313,italian +28318,italian +41950,italian +10819,italian +28289,italian +41923,italian +28294,italian +10826,italian +28299,italian +28298,italian +41930,italian +41932,italian +41910,italian +41911,italian +28407,italian +41906,italian +28401,italian +41907,italian +10800,italian +41905,italian +41918,italian +41919,italian +28414,italian +10810,italian +41894,italian +41891,italian +41890,italian +41901,italian +41899,italian +28394,italian +28375,italian +10774,italian +28371,italian +28368,italian +10768,italian +28383,italian +28381,italian +41887,italian +28377,italian +28356,italian +41859,italian +10767,italian +28365,italian +41865,italian +41864,italian +28362,italian +41576,italian +41580,italian +28463,italian +11244,italian +28450,italian +28448,italian +11239,italian +41593,italian +28475,italian +11258,italian +41592,italian +41594,italian +11263,italian +28477,italian +41599,italian +41598,italian +28467,italian +28466,italian +28464,italian +41589,italian +28470,italian +11208,italian +28425,italian +28426,italian +11211,italian +11213,italian +41550,italian +11215,italian +28430,italian +28431,italian +11201,italian +28418,italian +41537,italian +28419,italian +28420,italian +11204,italian +28441,italian +41563,italian +41562,italian +28440,italian +41564,italian +11216,italian +11217,italian +41554,italian +28432,italian +11218,italian +41559,italian +41557,italian +11223,italian +11183,italian +28526,italian +28527,italian +28523,italian +28521,italian +41515,italian +28518,italian +41509,italian +11173,italian +28514,italian +28513,italian +11196,italian +11197,italian +11194,italian +28537,italian +41525,italian +11191,italian +41527,italian +28532,italian +11151,italian +41484,italian +11150,italian +11145,italian +41481,italian +28486,italian +41477,italian +11136,italian +28508,italian +11165,italian +41501,italian +11162,italian +28501,italian +28502,italian +11153,italian +11154,italian +41697,italian +11106,italian +28578,italian +11104,italian +41698,italian +28576,italian +28583,italian +41700,italian +41702,italian +41705,italian +41707,italian +28585,italian +11112,italian +41715,italian +11126,italian +11125,italian +41719,italian +28603,italian +11129,italian +11134,italian +11132,italian +11072,italian +41667,italian +28544,italian +41665,italian +11076,italian +41671,italian +28550,italian +11081,italian +11083,italian +28557,italian +28559,italian +28558,italian +41676,italian +11095,italian +41691,italian +11098,italian +28573,italian +11103,italian +28575,italian +11102,italian +28647,italian +11046,italian +41639,italian +11045,italian +11040,italian +28640,italian +11041,italian +28655,italian +11053,italian +41640,italian +28648,italian +11062,italian +11061,italian +28658,italian +11056,italian +11071,italian +41661,italian +28668,italian +41662,italian +28669,italian +28666,italian +41659,italian +28612,italian +11014,italian +11011,italian +41613,italian +41612,italian +11016,italian +11018,italian +28618,italian +28628,italian +41622,italian +28629,italian +28630,italian +28624,italian +28626,italian +41630,italian +41631,italian +41629,italian +41625,italian +10462,italian +41309,italian +27678,italian +41308,italian +27677,italian +10458,italian +27674,italian +27672,italian +10457,italian +10451,italian +10448,italian +41292,italian +10446,italian +41289,italian +27656,italian +10439,italian +10438,italian +27652,italian +27653,italian +27651,italian +27710,italian +27705,italian +41339,italian +10489,italian +27704,italian +10485,italian +41329,italian +10483,italian +10476,italian +41325,italian +10478,italian +41323,italian +10475,italian +27690,italian +10474,italian +27684,italian +10471,italian +10467,italian +27737,italian +10393,italian +41245,italian +10399,italian +10396,italian +41246,italian +41233,italian +41232,italian +41237,italian +41236,italian +10388,italian +41226,italian +10383,italian +27727,italian +41230,italian +27724,italian +10380,italian +27725,italian +27714,italian +41217,italian +10369,italian +41220,italian +27718,italian +10375,italian +41274,italian +10427,italian +27770,italian +10429,italian +41278,italian +10431,italian +41264,italian +27762,italian +10421,italian +41270,italian +41269,italian +10408,italian +27744,italian +10401,italian +27745,italian +27747,italian +27748,italian +10405,italian +27749,italian +41253,italian +10326,italian +27795,italian +41425,italian +10321,italian +10334,italian +27801,italian +10328,italian +41412,italian +10308,italian +10309,italian +27779,italian +41409,italian +10319,italian +10316,italian +41422,italian +10317,italian +10314,italian +27829,italian +41460,italian +10358,italian +41456,italian +41457,italian +27827,italian +27838,italian +10361,italian +10340,italian +27812,italian +27821,italian +27817,italian +27816,italian +41448,italian +41361,italian +27863,italian +27860,italian +10261,italian +27864,italian +27870,italian +10270,italian +27843,italian +27846,italian +27845,italian +10245,italian +27855,italian +41356,italian +10255,italian +27888,italian +41395,italian +41392,italian +27894,italian +27895,italian +10296,italian +10299,italian +41400,italian +41406,italian +10300,italian +41405,italian +41379,italian +27874,italian +27877,italian +27876,italian +10279,italian +10280,italian +10282,italian +27882,italian +10284,italian +27885,italian +41038,italian +10703,italian +41036,italian +27909,italian +27905,italian +10691,italian +27907,italian +10717,italian +27932,italian +27935,italian +27934,italian +10709,italian +41045,italian +27926,italian +27920,italian +41040,italian +10734,italian +10733,italian +41070,italian +10732,italian +41067,italian +27945,italian +10724,italian +27938,italian +27937,italian +41087,italian +10749,italian +27962,italian +10744,italian +27960,italian +10745,italian +27958,italian +10743,italian +10740,italian +41073,italian +10738,italian +41072,italian +27954,italian +27952,italian +41074,italian +40971,italian +10632,italian +10639,italian +40961,italian +10629,italian +27973,italian +10631,italian +27993,italian +10649,italian +10650,italian +40984,italian +10640,italian +27984,italian +40983,italian +40982,italian +10646,italian +10647,italian +10665,italian +28015,italian +28013,italian +40992,italian +28000,italian +28001,italian +40995,italian +40996,italian +28004,italian +28026,italian +41018,italian +41020,italian +28029,italian +10685,italian +41009,italian +28018,italian +10675,italian +28016,italian +10678,italian +41013,italian +41012,italian +41015,italian +41014,italian +10565,italian +28036,italian +10567,italian +10560,italian +10562,italian +10572,italian +41165,italian +28046,italian +28041,italian +28040,italian +28052,italian +41172,italian +28055,italian +10582,italian +28048,italian +41168,italian +28060,italian +41180,italian +41177,italian +28069,italian +10594,italian +41184,italian +28065,italian +10606,italian +28077,italian +10602,italian +10600,italian +28073,italian +41194,italian +41207,italian +41200,italian +28083,italian +10609,italian +41203,italian +10618,italian +28088,italian +10616,italian +28097,italian +41091,italian +28096,italian +10499,italian +10502,italian +10503,italian +28105,italian +10505,italian +28106,italian +10509,italian +10510,italian +10514,italian +28118,italian +28125,italian +28126,italian +28131,italian +28143,italian +10543,italian +41136,italian +10545,italian +41138,italian +41140,italian +28148,italian +10553,italian +28153,italian +41148,italian +28159,italian +10556,italian +27254,italian +42803,italian +27248,italian +42802,italian +27251,italian +27260,italian +11965,italian +42808,italian +11963,italian +11941,italian +42791,italian +27238,italian +11943,italian +27239,italian +27233,italian +42784,italian +11949,italian +42799,italian +11945,italian +11944,italian +42795,italian +42792,italian +27223,italian +42772,italian +27221,italian +11932,italian +11928,italian +27205,italian +42759,italian +42754,italian +27201,italian +27214,italian +42765,italian +27210,italian +27208,italian +42866,italian +12018,italian +42870,italian +12022,italian +27190,italian +12024,italian +42872,italian +42877,italian +27199,italian +27198,italian +12000,italian +42855,italian +27174,italian +12009,italian +27176,italian +27178,italian +42857,italian +27182,italian +12014,italian +11985,italian +27157,italian +11988,italian +42838,italian +11989,italian +42841,italian +42847,italian +42846,italian +27139,italian +11973,italian +42823,italian +42827,italian +42828,italian +27151,italian +27149,italian +27388,italian +42942,italian +42940,italian +27384,italian +27385,italian +11834,italian +42934,italian +42932,italian +11830,italian +27383,italian +42930,italian +27377,italian +27373,italian +42927,italian +27372,italian +11817,italian +27365,italian +11812,italian +11813,italian +11814,italian +11808,italian +11809,italian +11810,italian +11811,italian +27362,italian +42909,italian +11806,italian +27359,italian +27356,italian +27355,italian +27352,italian +27353,italian +27350,italian +27349,italian +27346,italian +11794,italian +42898,italian +27343,italian +11788,italian +27341,italian +27340,italian +42888,italian +11784,italian +27337,italian +27335,italian +27334,italian +11779,italian +42882,italian +43002,italian +11899,italian +27323,italian +27326,italian +27317,italian +42986,italian +11882,italian +42985,italian +11885,italian +27308,italian +27311,italian +42988,italian +11887,italian +42977,italian +11875,italian +42983,italian +27300,italian +42969,italian +11864,italian +27289,italian +42971,italian +27292,italian +27282,italian +27283,italian +27286,italian +42965,italian +11861,italian +42955,italian +11849,italian +42957,italian +42956,italian +27270,italian +27269,italian +27268,italian +27494,italian +42533,italian +27495,italian +12197,italian +12195,italian +12194,italian +12193,italian +42540,italian +12206,italian +12204,italian +42536,italian +42538,italian +42549,italian +27510,italian +27508,italian +12211,italian +27505,italian +42546,italian +12218,italian +12219,italian +27514,italian +42503,italian +12167,italian +27463,italian +27456,italian +12173,italian +27471,italian +12169,italian +27465,italian +27479,italian +12178,italian +42527,italian +42525,italian +42523,italian +42522,italian +42521,italian +27427,italian +27424,italian +12257,italian +12263,italian +27428,italian +42599,italian +27429,italian +12264,italian +12268,italian +12274,italian +42608,italian +12272,italian +27446,italian +27450,italian +12283,italian +12280,italian +42619,italian +27449,italian +12287,italian +27392,italian +27394,italian +27396,italian +12233,italian +42570,italian +42571,italian +27402,italian +12234,italian +27411,italian +42577,italian +27412,italian +42585,italian +27418,italian +12252,italian +27423,italian +42669,italian +12079,italian +27630,italian +42668,italian +27629,italian +42670,italian +27627,italian +27624,italian +27623,italian +12071,italian +42662,italian +42657,italian +27618,italian +12065,italian +27647,italian +42686,italian +27644,italian +42680,italian +27641,italian +27634,italian +42673,italian +27632,italian +12080,italian +27633,italian +42639,italian +27597,italian +12044,italian +12042,italian +12043,italian +27589,italian +42631,italian +27591,italian +27590,italian +12034,italian +42625,italian +12035,italian +42624,italian +12060,italian +42655,italian +12057,italian +42650,italian +42651,italian +12059,italian +12053,italian +27604,italian +42642,italian +42729,italian +12139,italian +42731,italian +27560,italian +12140,italian +27565,italian +12128,italian +27553,italian +12132,italian +12155,italian +42745,italian +12159,italian +42748,italian +12151,italian +12148,italian +27573,italian +12105,italian +27531,italian +12106,italian +42703,italian +42701,italian +12111,italian +27520,italian +12097,italian +42695,italian +27525,italian +42693,italian +27544,italian +12123,italian +42713,italian +27549,italian +42706,italian +42707,italian +42710,italian +27542,italian +42257,italian +42259,italian +26715,italian +11419,italian +42267,italian +11422,italian +42268,italian +11423,italian +26717,italian +42270,italian +11395,italian +42241,italian +26689,italian +11392,italian +11398,italian +42245,italian +26692,italian +26693,italian +11400,italian +42251,italian +11407,italian +11406,italian +42253,italian +11405,italian +11444,italian +26740,italian +26743,italian +42299,italian +42297,italian +11450,italian +26749,italian +11454,italian +11424,italian +42275,italian +11426,italian +42279,italian +11435,italian +11434,italian +26732,italian +26733,italian +42287,italian +11439,italian +42285,italian +11479,italian +11476,italian +11477,italian +11474,italian +11475,italian +11472,italian +26640,italian +42332,italian +26651,italian +11481,italian +42330,italian +42310,italian +26628,italian +42311,italian +11460,italian +11458,italian +26627,italian +26624,italian +26636,italian +42319,italian +42313,italian +11465,italian +26633,italian +11464,italian +11508,italian +26679,italian +11504,italian +42354,italian +11507,italian +11516,italian +42367,italian +42364,italian +42361,italian +26682,italian +42343,italian +26661,italian +26662,italian +11489,italian +26657,italian +42339,italian +42336,italian +11490,italian +42349,italian +42347,italian +26665,italian +42344,italian +11499,italian +42392,italian +26842,italian +11288,italian +26841,italian +42397,italian +11292,italian +42399,italian +42384,italian +42385,italian +26835,italian +26832,italian +26837,italian +11275,italian +11278,italian +26828,italian +42371,italian +11265,italian +42370,italian +42373,italian +42372,italian +11326,italian +42417,italian +11314,italian +26869,italian +42423,italian +11316,italian +42420,italian +11318,italian +26859,italian +11307,italian +26861,italian +11309,italian +42413,italian +11310,italian +42412,italian +11297,italian +11299,italian +26850,italian +26853,italian +42406,italian +42405,italian +11358,italian +11356,italian +11355,italian +11353,italian +11352,italian +42459,italian +11350,italian +11349,italian +26773,italian +42455,italian +42449,italian +11344,italian +11342,italian +42447,italian +11340,italian +42443,italian +42442,italian +11335,italian +42436,italian +42435,italian +11328,italian +42494,italian +26813,italian +26814,italian +11385,italian +42491,italian +11379,italian +26797,italian +42478,italian +26792,italian +11369,italian +11370,italian +42471,italian +11365,italian +11362,italian +26787,italian +26786,italian +11363,italian +11649,italian +11648,italian +41984,italian +11652,italian +41988,italian +41992,italian +11658,italian +11661,italian +26957,italian +26963,italian +26964,italian +11670,italian +42005,italian +26966,italian +26969,italian +11675,italian +26973,italian +26974,italian +11681,italian +26976,italian +42018,italian +26982,italian +26983,italian +11686,italian +26981,italian +26986,italian +42025,italian +26984,italian +26985,italian +11695,italian +42028,italian +42029,italian +42030,italian +42032,italian +42035,italian +26992,italian +26998,italian +26997,italian +11701,italian +11704,italian +27000,italian +42047,italian +27005,italian +26886,italian +42052,italian +26880,italian +26881,italian +11714,italian +26892,italian +42062,italian +26893,italian +42060,italian +11720,italian +42059,italian +26890,italian +11722,italian +42070,italian +11735,italian +11728,italian +42067,italian +26896,italian +11741,italian +42078,italian +42076,italian +42075,italian +11736,italian +11739,italian +11751,italian +26919,italian +11749,italian +26913,italian +26926,italian +26924,italian +26925,italian +11756,italian +42088,italian +42090,italian +26921,italian +42091,italian +11767,italian +42103,italian +11760,italian +42099,italian +26943,italian +42108,italian +11772,italian +42110,italian +26938,italian +42107,italian +42123,italian +11529,italian +42121,italian +27083,italian +42127,italian +11532,italian +42124,italian +42114,italian +11522,italian +42113,italian +42118,italian +27078,italian +27096,italian +11546,italian +42137,italian +27089,italian +11538,italian +42132,italian +42133,italian +27095,italian +27115,italian +42153,italian +11563,italian +11560,italian +27112,italian +27119,italian +11566,italian +11565,italian +27106,italian +42148,italian +11559,italian +42169,italian +11577,italian +11576,italian +42172,italian +11583,italian +11581,italian +27133,italian +27123,italian +11569,italian +42163,italian +11575,italian +42167,italian +42191,italian +27020,italian +11597,italian +27022,italian +42188,italian +11599,italian +11593,italian +11588,italian +11613,italian +27036,italian +42204,italian +27039,italian +42205,italian +11611,italian +27034,italian +27030,italian +42196,italian +27031,italian +42194,italian +27025,italian +27055,italian +27054,italian +27053,italian +42223,italian +11626,italian +42219,italian +27047,italian +11618,italian +27043,italian +11619,italian +27040,italian +27068,italian +27069,italian +42239,italian +27066,italian +27065,italian +42228,italian +27062,italian +27063,italian +42229,italian +11634,italian +11633,italian +47827,italian +30609,italian +47825,italian +47824,italian +13142,italian +47834,italian +30621,italian +13151,italian +47810,italian +47811,italian +47808,italian +30594,italian +13123,italian +13125,italian +30597,italian +30598,italian +13127,italian +47812,italian +47817,italian +13134,italian +47821,italian +30647,italian +47863,italian +13178,italian +47866,italian +47869,italian +13183,italian +47871,italian +13155,italian +30626,italian +13154,italian +13153,italian +30625,italian +13159,italian +30628,italian +47846,italian +47848,italian +13160,italian +30639,italian +13165,italian +30636,italian +13077,italian +47765,italian +13072,italian +30674,italian +47771,italian +13081,italian +30683,italian +30682,italian +13061,italian +30662,italian +13057,italian +47745,italian +13068,italian +30667,italian +30711,italian +13108,italian +13107,italian +13104,italian +47805,italian +47807,italian +30714,italian +30692,italian +47783,italian +47776,italian +30688,italian +13088,italian +13102,italian +47789,italian +13101,italian +30697,italian +13272,italian +47710,italian +30493,italian +47711,italian +47709,italian +30481,italian +47696,italian +30484,italian +47701,italian +13270,italian +13256,italian +13258,italian +47689,italian +30475,italian +47688,italian +13261,italian +30479,italian +47692,italian +30464,italian +47682,italian +47681,italian +30471,italian +47684,italian +13306,italian +30523,italian +13310,italian +47741,italian +30514,italian +30512,italian +47730,italian +13303,italian +30518,italian +47732,italian +13302,italian +13301,italian +30516,italian +13300,italian +30517,italian +30506,italian +13288,italian +13289,italian +13294,italian +13292,italian +30508,italian +30499,italian +47715,italian +13281,italian +47719,italian +30500,italian +30556,italian +47647,italian +30557,italian +47644,italian +47642,italian +30552,italian +47643,italian +47641,italian +47638,italian +13204,italian +47636,italian +47637,italian +30540,italian +47629,italian +47624,italian +30533,italian +47618,italian +30590,italian +30589,italian +30584,italian +30583,italian +30580,italian +13237,italian +30578,italian +47664,italian +13235,italian +47660,italian +47656,italian +13227,italian +13224,italian +47658,italian +47652,italian +30565,italian +13220,italian +47648,italian +30562,italian +30561,italian +30560,italian +47650,italian +12867,italian +48065,italian +48066,italian +12871,italian +12870,italian +30343,italian +48074,italian +48076,italian +30350,italian +12878,italian +30349,italian +48079,italian +12882,italian +30352,italian +48085,italian +12887,italian +12890,italian +12891,italian +30367,italian +48093,italian +48092,italian +48095,italian +30368,italian +48098,italian +12896,italian +30370,italian +12898,italian +48102,italian +12905,italian +48106,italian +30377,italian +48105,italian +12910,italian +30384,italian +48123,italian +30392,italian +48121,italian +12923,italian +48126,italian +30398,italian +12927,italian +48006,italian +30405,italian +30403,italian +12815,italian +48012,italian +48014,italian +12813,italian +12811,italian +30410,italian +30423,italian +30421,italian +12818,italian +12829,italian +48030,italian +12836,italian +48033,italian +30445,italian +30446,italian +48042,italian +30440,italian +12852,italian +12854,italian +30449,italian +48051,italian +30451,italian +48060,italian +48059,italian +30457,italian +30456,italian +48058,italian +12857,italian +48056,italian +12859,italian +30219,italian +47944,italian +47946,italian +30216,italian +30222,italian +47948,italian +47951,italian +12995,italian +30208,italian +47941,italian +47943,italian +47960,italian +13018,italian +13017,italian +30232,italian +13023,italian +47965,italian +13021,italian +47952,italian +30226,italian +13009,italian +13015,italian +47956,italian +47957,italian +13013,italian +13032,italian +13033,italian +13036,italian +47981,italian +30255,italian +47980,italian +47969,italian +13027,italian +30246,italian +47994,italian +13051,italian +30267,italian +13050,italian +47998,italian +13053,italian +13041,italian +30258,italian +13042,italian +30260,italian +47990,italian +13046,italian +30287,italian +30286,italian +47884,italian +47886,italian +30282,italian +47880,italian +30281,italian +12936,italian +47877,italian +12935,italian +12933,italian +30276,italian +12930,italian +47875,italian +47874,italian +30300,italian +47903,italian +30298,italian +30296,italian +30294,italian +47894,italian +12949,italian +12946,italian +47891,italian +47919,italian +47916,italian +12969,italian +30314,italian +30309,italian +12965,italian +47909,italian +30311,italian +30310,italian +12967,italian +47906,italian +12962,italian +30307,italian +30306,italian +12989,italian +47933,italian +47928,italian +30325,italian +30321,italian +30322,italian +12660,italian +12661,italian +47345,italian +47346,italian +12671,italian +30140,italian +47358,italian +12665,italian +12646,italian +47334,italian +47335,italian +47328,italian +12641,italian +12650,italian +47338,italian +47317,italian +47316,italian +47315,italian +47314,italian +30099,italian +30109,italian +12638,italian +12632,italian +47300,italian +12615,italian +30080,italian +47297,italian +47310,italian +47308,italian +12617,italian +47306,italian +30089,italian +12595,italian +30198,italian +47287,italian +30197,italian +47286,italian +30203,italian +47289,italian +47264,italian +30183,italian +12581,italian +30181,italian +12580,italian +47272,italian +30185,italian +47277,italian +12589,italian +12588,italian +12560,italian +30163,italian +12567,italian +12568,italian +47259,italian +47258,italian +12570,italian +30173,italian +12574,italian +47234,italian +47237,italian +30152,italian +47242,italian +30154,italian +47246,italian +30014,italian +30015,italian +12797,italian +47230,italian +30010,italian +30011,italian +47225,italian +30008,italian +47221,italian +30007,italian +12789,italian +12787,italian +47216,italian +29996,italian +29995,italian +29994,italian +29993,italian +29992,italian +12777,italian +47207,italian +47206,italian +12770,italian +29986,italian +12771,italian +12768,italian +29984,italian +47198,italian +12765,italian +12767,italian +12766,italian +47197,italian +47194,italian +29979,italian +12762,italian +29972,italian +12756,italian +29975,italian +29971,italian +47183,italian +47182,italian +12750,italian +12744,italian +12746,italian +47174,italian +12741,italian +12743,italian +29953,italian +47170,italian +47168,italian +12739,italian +47162,italian +47164,italian +12735,italian +47156,italian +30068,italian +30069,italian +47145,italian +12715,italian +30058,italian +47149,italian +47151,italian +30061,italian +12717,italian +30049,italian +30048,italian +47140,italian +30053,italian +12709,italian +12696,italian +47128,italian +30043,italian +47129,italian +30044,italian +12701,italian +47135,italian +30045,italian +47132,italian +30032,italian +30034,italian +47127,italian +47124,italian +30024,italian +12681,italian +47113,italian +30026,italian +12684,italian +30031,italian +12687,italian +47106,italian +30019,italian +12676,italian +30020,italian +30022,italian +29862,italian +47588,italian +47589,italian +47585,italian +47599,italian +47594,italian +47592,italian +29877,italian +29876,italian +47602,italian +47601,italian +12403,italian +12413,italian +29886,italian +12415,italian +29881,italian +12408,italian +29882,italian +47556,italian +29828,italian +12357,italian +47554,italian +12366,italian +47567,italian +47562,italian +29833,italian +47563,italian +12360,italian +29847,italian +12375,italian +47568,italian +12371,italian +12368,italian +47570,italian +29855,italian +12382,italian +47580,italian +12380,italian +12376,italian +29848,italian +47523,italian +47520,italian +29923,italian +29924,italian +29925,italian +47527,italian +47530,italian +47528,italian +29932,italian +29934,italian +12336,italian +47538,italian +29939,italian +47537,italian +12339,italian +47546,italian +12345,italian +47545,italian +12349,italian +29951,italian +29888,italian +12288,italian +29892,italian +47495,italian +12292,italian +12299,italian +47502,italian +47506,italian +12311,italian +47511,italian +12314,italian +47513,italian +29914,italian +12315,italian +47518,italian +29740,italian +29742,italian +47466,italian +12517,italian +29732,italian +12519,italian +47460,italian +12514,italian +29731,italian +12515,italian +47486,italian +29756,italian +47487,italian +47484,italian +12543,italian +29752,italian +47482,italian +29754,italian +12533,italian +47479,italian +47476,italian +12535,italian +47474,italian +29745,italian +12495,italian +29710,italian +47439,italian +12493,italian +47438,italian +47432,italian +29706,italian +29704,italian +29697,italian +47426,italian +12481,italian +47452,italian +47453,italian +29727,italian +29725,italian +29722,italian +47449,italian +47451,italian +29716,italian +12498,italian +12496,italian +29802,italian +47407,italian +12460,italian +47405,italian +47404,italian +29792,italian +12453,italian +12454,italian +47396,italian +12472,italian +47417,italian +47422,italian +12477,italian +12476,italian +29822,italian +29811,italian +47414,italian +29812,italian +12468,italian +29813,italian +47413,italian +47369,italian +47368,italian +12425,italian +12431,italian +12418,italian +29760,italian +47365,italian +29766,italian +12423,italian +47364,italian +12420,italian +29764,italian +12440,italian +12447,italian +29791,italian +12435,italian +47378,italian +12432,italian +14110,italian +48796,italian +48795,italian +29659,italian +48793,italian +48792,italian +14100,italian +48790,italian +14101,italian +29651,italian +48785,italian +48782,italian +48778,italian +48776,italian +14084,italian +48775,italian +29639,italian +29633,italian +14143,italian +48830,italian +48827,italian +14136,italian +29688,italian +29682,italian +48819,italian +14129,italian +29676,italian +48808,italian +29674,italian +14122,italian +14121,italian +14120,italian +29670,italian +48805,italian +29668,italian +14117,italian +29669,italian +48800,italian +29667,italian +48859,italian +14174,italian +29599,italian +48861,italian +48851,italian +14162,italian +14163,italian +48848,italian +14165,italian +48854,italian +48853,italian +14166,italian +14167,italian +48842,italian +14153,italian +29576,italian +29577,italian +48840,italian +48841,italian +48847,italian +14159,italian +14144,italian +29569,italian +29572,italian +48838,italian +14148,italian +29627,italian +48891,italian +14207,italian +14205,italian +48894,italian +14195,italian +48883,italian +48885,italian +29622,italian +48884,italian +48887,italian +48886,italian +48873,italian +14186,italian +14185,italian +48875,italian +29614,italian +48876,italian +14189,italian +48878,italian +29603,italian +14177,italian +14176,italian +14183,italian +48868,italian +29607,italian +48870,italian +29524,italian +48663,italian +29526,italian +48658,italian +14224,italian +48656,italian +48670,italian +48671,italian +14236,italian +48668,italian +29535,italian +48666,italian +14235,italian +48664,italian +48647,italian +14212,italian +14213,italian +14214,italian +29505,italian +14208,italian +48641,italian +29506,italian +48640,italian +29517,italian +48655,italian +48652,italian +48649,italian +14219,italian +29559,italian +29552,italian +14269,italian +14268,italian +14267,italian +14264,italian +29542,italian +14245,italian +48678,italian +14242,italian +29537,italian +14240,italian +14241,italian +48685,italian +48687,italian +48681,italian +29547,italian +14251,italian +48682,italian +14291,italian +29458,italian +29460,italian +29462,italian +14296,italian +14299,italian +29466,italian +29469,italian +14303,italian +48733,italian +48707,italian +29440,italian +29443,italian +14277,italian +29444,italian +29448,italian +14283,italian +48719,italian +14285,italian +14321,italian +48756,italian +48757,italian +48762,italian +14329,italian +29503,italian +29500,italian +14333,italian +48737,italian +48741,italian +29477,italian +29476,italian +48742,italian +29482,italian +29481,italian +29487,italian +14316,italian +49036,italian +49037,italian +29386,italian +13835,italian +49032,italian +49033,italian +49035,italian +49028,italian +49029,italian +29380,italian +29381,italian +29376,italian +49053,italian +49054,italian +13850,italian +29402,italian +49051,italian +49045,italian +13845,italian +29394,italian +13841,italian +49070,italian +13871,italian +49060,italian +29409,italian +13859,italian +49086,italian +29433,italian +49081,italian +29434,italian +13883,italian +29429,italian +49079,italian +49078,italian +29431,italian +29425,italian +29426,italian +29323,italian +13897,italian +49099,italian +49103,italian +13900,italian +13914,italian +49113,italian +13915,italian +49114,italian +13913,italian +49117,italian +29343,italian +29341,italian +49104,italian +13904,italian +13911,italian +29333,italian +29332,italian +13909,italian +29352,italian +49132,italian +49120,italian +13923,italian +29346,italian +29347,italian +13925,italian +29348,italian +29349,italian +49125,italian +49147,italian +29368,italian +13945,italian +49146,italian +13947,italian +13948,italian +49148,italian +29374,italian +13937,italian +49138,italian +29363,italian +29362,italian +13942,italian +29366,italian +48900,italian +48903,italian +48902,italian +29251,italian +29250,italian +13955,italian +29248,italian +13966,italian +48908,italian +13965,italian +29257,italian +29270,italian +13974,italian +13971,italian +29264,italian +29278,italian +29279,italian +48925,italian +13980,italian +13978,italian +48921,italian +48923,italian +48935,italian +13990,italian +29280,italian +13996,italian +48942,italian +13998,italian +13992,italian +13993,italian +13994,italian +14005,italian +48951,italian +48944,italian +48945,italian +29308,italian +29309,italian +14012,italian +48957,italian +29311,italian +29304,italian +14008,italian +48955,italian +14011,italian +29184,italian +14017,italian +14022,italian +29190,italian +48964,italian +14020,italian +48967,italian +29194,italian +14025,italian +29192,italian +14030,italian +48972,italian +29197,italian +14038,italian +29207,italian +48982,italian +29211,italian +14041,italian +29209,italian +48987,italian +48988,italian +48989,italian +14051,italian +29221,italian +48999,italian +29222,italian +14059,italian +49000,italian +14063,italian +14064,italian +49012,italian +14070,italian +49019,italian +29247,italian +48313,italian +29177,italian +29176,italian +13631,italian +13629,italian +48318,italian +48305,italian +29169,italian +48306,italian +13623,italian +29173,italian +13611,italian +29161,italian +48300,italian +48301,italian +48302,italian +29165,italian +29154,italian +29153,italian +48291,italian +29157,italian +13604,italian +48283,italian +48280,italian +13596,italian +13599,italian +29136,italian +13586,italian +48272,italian +48278,italian +48277,italian +29143,italian +48264,italian +13579,italian +13583,italian +48268,italian +48259,italian +13571,italian +48257,italian +29125,italian +29127,italian +13694,italian +13695,italian +29117,italian +13693,italian +48382,italian +48376,italian +13689,italian +29112,italian +29111,italian +13686,italian +13681,italian +48364,italian +29100,italian +13674,italian +29099,italian +13673,italian +48356,italian +29095,italian +13669,italian +48359,italian +13661,italian +29087,italian +48349,italian +48348,italian +13657,italian +48346,italian +48345,italian +29083,italian +48341,italian +13649,italian +29072,italian +13645,italian +48335,italian +48333,italian +29064,italian +13637,italian +48322,italian +29057,italian +13632,italian +29042,italian +48178,italian +29046,italian +29047,italian +29045,italian +13755,italian +29049,italian +29052,italian +48191,italian +29026,italian +48160,italian +29024,italian +48164,italian +29030,italian +29029,italian +48168,italian +48171,italian +13743,italian +29036,italian +29008,italian +48146,italian +48147,italian +13712,italian +13715,italian +13720,italian +13722,italian +29019,italian +29020,italian +48159,italian +29023,italian +13698,italian +48134,italian +13702,italian +13703,italian +48132,italian +13704,italian +48137,italian +48136,italian +29004,italian +28982,italian +13815,italian +13813,italian +13811,italian +48240,italian +28979,italian +48253,italian +48254,italian +48250,italian +28985,italian +13798,italian +48231,italian +13797,italian +48225,italian +13794,italian +28962,italian +48237,italian +28975,italian +28974,italian +13807,italian +13800,italian +28948,italian +13781,italian +48213,italian +13782,italian +28951,italian +13777,italian +28947,italian +13778,italian +28956,italian +48223,italian +48216,italian +28933,italian +48197,italian +13762,italian +48204,italian +13769,italian +48554,italian +28904,italian +28909,italian +13345,italian +48544,italian +13347,italian +48550,italian +48549,italian +13370,italian +13374,italian +13360,italian +28912,italian +48560,italian +13366,italian +48564,italian +13320,italian +28873,italian +28878,italian +48525,italian +28879,italian +28877,italian +28870,italian +48519,italian +28890,italian +48539,italian +48538,italian +28888,italian +48540,italian +13341,italian +48530,italian +48533,italian +48535,italian +13422,italian +28847,italian +13417,italian +13414,italian +48613,italian +13409,italian +48608,italian +28834,italian +13411,italian +13410,italian +13439,italian +48635,italian +48634,italian +48633,italian +13429,italian +48588,italian +28815,italian +48589,italian +28810,italian +28808,italian +48580,italian +13377,italian +28828,italian +13401,italian +48599,italian +28820,italian +28818,italian +48592,italian +28817,italian +28769,italian +13475,italian +28772,italian +28777,italian +28782,italian +48437,italian +28791,italian +28793,italian +13498,italian +48446,italian +28737,italian +28743,italian +48389,italian +13444,italian +28741,italian +48390,italian +48392,italian +28746,italian +28749,italian +28748,italian +13453,italian +48400,italian +28754,italian +13458,italian +48403,italian +28753,italian +13456,italian +13463,italian +13462,italian +13461,italian +48411,italian +28766,italian +48412,italian +13470,italian +28708,italian +48486,italian +28710,italian +13536,italian +13537,italian +28707,italian +48480,italian +28717,italian +48493,italian +13550,italian +28718,italian +48490,italian +28724,italian +13557,italian +48503,italian +28726,italian +48500,italian +13555,italian +48497,italian +48510,italian +48511,italian +13566,italian +48504,italian +28679,italian +13511,italian +13508,italian +28677,italian +48454,italian +28674,italian +48460,italian +48463,italian +13514,italian +48459,italian +48468,italian +13526,italian +13523,italian +48476,italian +13533,italian +48479,italian +45643,italian +45642,italian +45641,italian +32522,italian +15308,italian +32526,italian +15296,italian +32513,italian +32512,italian +45632,italian +32514,italian +32516,italian +45658,italian +45656,italian +15325,italian +15324,italian +15327,italian +32543,italian +15313,italian +32528,italian +32530,italian +45653,italian +45673,italian +15336,italian +45674,italian +15337,italian +45677,italian +15341,italian +45665,italian +45667,italian +32551,italian +15334,italian +45668,italian +45671,italian +32548,italian +45670,italian +45689,italian +32571,italian +32575,italian +15346,italian +32563,italian +15349,italian +45582,italian +32585,italian +45579,italian +15241,italian +15242,italian +45577,italian +32583,italian +32577,italian +15233,italian +15234,italian +15235,italian +45568,italian +32578,italian +15261,italian +32604,italian +15262,italian +15256,italian +32603,italian +15253,italian +45590,italian +32597,italian +15255,italian +45589,italian +15249,italian +15251,italian +15279,italian +32620,italian +32619,italian +32617,italian +32616,italian +32614,italian +32612,italian +45606,italian +15295,italian +32639,italian +45629,italian +45631,italian +45624,italian +45625,italian +15287,italian +32630,italian +32625,italian +45762,italian +45763,italian +45767,italian +32651,italian +15181,italian +15183,italian +15182,italian +32656,italian +45778,italian +15188,italian +45781,italian +45780,italian +32666,italian +32670,italian +45793,italian +45795,italian +45798,italian +32682,italian +15211,italian +45800,italian +32683,italian +45802,italian +15215,italian +32687,italian +15214,italian +45807,italian +45809,italian +15218,italian +45813,italian +15223,italian +15220,italian +45816,italian +15227,italian +32697,italian +15230,italian +45821,italian +32700,italian +32708,italian +32710,italian +45701,italian +32704,italian +15104,italian +32705,italian +45697,italian +45708,italian +15113,italian +45706,italian +15112,italian +32713,italian +32715,italian +32724,italian +15127,italian +15122,italian +15134,italian +32728,italian +45720,italian +45732,italian +32743,italian +45733,italian +45735,italian +15140,italian +32737,italian +15149,italian +32749,italian +32747,italian +45751,italian +15157,italian +45750,italian +45746,italian +32752,italian +45757,italian +45756,italian +32765,italian +45752,italian +32762,italian +15163,italian +15066,italian +45914,italian +32281,italian +45916,italian +15059,italian +15056,italian +45907,italian +45908,italian +15063,italian +32279,italian +32277,italian +15050,italian +45897,italian +32266,italian +45901,italian +32270,italian +15053,italian +32268,italian +32258,italian +45895,italian +32261,italian +45944,italian +32315,italian +45945,italian +45950,italian +45948,italian +15089,italian +45938,italian +32307,italian +45937,italian +45942,italian +32310,italian +45941,italian +15081,italian +32296,italian +45929,italian +15082,italian +15083,italian +32298,italian +45934,italian +45933,italian +32302,italian +45922,italian +15074,italian +45927,italian +45924,italian +45852,italian +15005,italian +32346,italian +15001,italian +32344,italian +32342,italian +32341,italian +32338,italian +14993,italian +45843,italian +14992,italian +45838,italian +14989,italian +45832,italian +14985,italian +45829,italian +14983,italian +45828,italian +45830,italian +14978,italian +32321,italian +15037,italian +32381,italian +45884,italian +15038,italian +32376,italian +15028,italian +45879,italian +15031,italian +32368,italian +15025,italian +45874,italian +45875,italian +15024,italian +32367,italian +15016,italian +32361,italian +15015,italian +15009,italian +15011,italian +32402,italian +14931,italian +46034,italian +14929,italian +46037,italian +14932,italian +14939,italian +32410,italian +46043,italian +32414,italian +46021,italian +32391,italian +14923,italian +46025,italian +46028,italian +14926,italian +32396,italian +46066,italian +46065,italian +14962,italian +32438,italian +46072,italian +32416,italian +14947,italian +32421,italian +46055,italian +46057,italian +14957,italian +14956,italian +14958,italian +32471,italian +14869,italian +14866,italian +14867,italian +45971,italian +45981,italian +45979,italian +45957,italian +45958,italian +32450,italian +14851,italian +32449,italian +14863,italian +32462,italian +45966,italian +14861,italian +14860,italian +14859,italian +32502,italian +14896,italian +14899,italian +32509,italian +46015,italian +32508,italian +14904,italian +14907,italian +46008,italian +32485,italian +45986,italian +14883,italian +45999,italian +32493,italian +45995,italian +32047,italian +14830,italian +14831,italian +32046,italian +45167,italian +14828,italian +14826,italian +45160,italian +32040,italian +14822,italian +14823,italian +45159,italian +32036,italian +14846,italian +32057,italian +14838,italian +45175,italian +14835,italian +45169,italian +32048,italian +14797,italian +32015,italian +32014,italian +45131,italian +32008,italian +45128,italian +14795,italian +45127,italian +32004,italian +32006,italian +32002,italian +32028,italian +32029,italian +14812,italian +14815,italian +45149,italian +45146,italian +14808,italian +32025,italian +45144,italian +14807,italian +45138,italian +32016,italian +45139,italian +32018,italian +45136,italian +14760,italian +45098,italian +32111,italian +45100,italian +45102,italian +45089,italian +14759,italian +32101,italian +45095,italian +32100,italian +45113,italian +45117,italian +32124,italian +45118,italian +14780,italian +32114,italian +14775,italian +32118,italian +14729,italian +14731,italian +32074,italian +32076,italian +45059,italian +32088,italian +32089,italian +45081,italian +45086,italian +14748,italian +32080,italian +45075,italian +32083,italian +14741,italian +32084,italian +14740,italian +14743,italian +32166,italian +32164,italian +32162,italian +14689,italian +32160,italian +14688,italian +14703,italian +32175,italian +45294,italian +32173,italian +14699,italian +32168,italian +14696,italian +32182,italian +14711,italian +45299,italian +14705,italian +45305,italian +14714,italian +32187,italian +14715,italian +14712,italian +45254,italian +45250,italian +14656,italian +32129,italian +32140,italian +14669,italian +45260,italian +14670,italian +45258,italian +14664,italian +45269,italian +32146,italian +14684,italian +45279,italian +14686,italian +14681,italian +14626,italian +32224,italian +45219,italian +14630,italian +45224,italian +14633,italian +32236,italian +45230,italian +14640,italian +32241,italian +32247,italian +14647,italian +14644,italian +45238,italian +45240,italian +45243,italian +32249,italian +45242,italian +32254,italian +14655,italian +14652,italian +32253,italian +45246,italian +45186,italian +32193,italian +45185,italian +45188,italian +14601,italian +32201,italian +14603,italian +14605,italian +45199,italian +45196,italian +14609,italian +32212,italian +45206,italian +32215,italian +14615,italian +45204,italian +45210,italian +14617,italian +45208,italian +45215,italian +31802,italian +14586,italian +14577,italian +14576,italian +31793,italian +45421,italian +45419,italian +14568,italian +31784,italian +14571,italian +45416,italian +14564,italian +31783,italian +45409,italian +45404,italian +45405,italian +14557,italian +14553,italian +45396,italian +31767,italian +45398,italian +14545,italian +14543,italian +45388,italian +14540,italian +14541,italian +14538,italian +45386,italian +31750,italian +31748,italian +14531,italian +31745,italian +45378,italian +14529,italian +45371,italian +45368,italian +45369,italian +31871,italian +14526,italian +45362,italian +14515,italian +31858,italian +14514,italian +31859,italian +14516,italian +31862,italian +45365,italian +31863,italian +31849,italian +31850,italian +31855,italian +14510,italian +31854,italian +14497,italian +31842,italian +14499,italian +45344,italian +31844,italian +14502,italian +31834,italian +45337,italian +14495,italian +45341,italian +31839,italian +31837,italian +45343,italian +14492,italian +45329,italian +14480,italian +31825,italian +14487,italian +45321,italian +14474,italian +31818,italian +31816,italian +31823,italian +45324,italian +14479,italian +31821,italian +31810,italian +45315,italian +31809,italian +31815,italian +14468,italian +45559,italian +14452,italian +14453,italian +31926,italian +14463,italian +45542,italian +14437,italian +45541,italian +45538,italian +14434,italian +14423,italian +45524,italian +45523,italian +45533,italian +31901,italian +14429,italian +45509,italian +31874,italian +31887,italian +45518,italian +31881,italian +14384,italian +31985,italian +31984,italian +45490,italian +31986,italian +45488,italian +14389,italian +45493,italian +14394,italian +45496,italian +31994,italian +31998,italian +45475,italian +14368,italian +14373,italian +31972,italian +14372,italian +14375,italian +31976,italian +14377,italian +45484,italian +14382,italian +45457,italian +45456,italian +31954,italian +45459,italian +14353,italian +31952,italian +45461,italian +14358,italian +31958,italian +45463,italian +45464,italian +31967,italian +31965,italian +14365,italian +31964,italian +31939,italian +31943,italian +45445,italian +31940,italian +45447,italian +14347,italian +45452,italian +31949,italian +31557,italian +46596,italian +16256,italian +16258,italian +46593,italian +46592,italian +46604,italian +16264,italian +46602,italian +16266,italian +46615,italian +31577,italian +46619,italian +16283,italian +46628,italian +16292,italian +16293,italian +31586,italian +16288,italian +46627,italian +31584,italian +46636,italian +16301,italian +31596,italian +31595,italian +46632,italian +31594,italian +31606,italian +31607,italian +31605,italian +31602,italian +31614,italian +31610,italian +16313,italian +46651,italian +31489,italian +46658,italian +31490,italian +46662,italian +16325,italian +16330,italian +16331,italian +31498,italian +31501,italian +16337,italian +31507,italian +46679,italian +16342,italian +31513,italian +46683,italian +16344,italian +16347,italian +31515,italian +31517,italian +16351,italian +46684,italian +46688,italian +16352,italian +31520,italian +31527,italian +31525,italian +16357,italian +46697,italian +31530,italian +46696,italian +46699,italian +31528,italian +31535,italian +46703,italian +16365,italian +46704,italian +16369,italian +46710,italian +16372,italian +31541,italian +16379,italian +31545,italian +31550,italian +16381,italian +16380,italian +31549,italian +16141,italian +46732,italian +46733,italian +46730,italian +16137,italian +31690,italian +16133,italian +31687,italian +46725,italian +46722,italian +31683,italian +31709,italian +16158,italian +31705,italian +16152,italian +16153,italian +46746,italian +31706,italian +16148,italian +46741,italian +16150,italian +31702,italian +31697,italian +46738,italian +16145,italian +31725,italian +16171,italian +31720,italian +46763,italian +46758,italian +31716,italian +16164,italian +31714,italian +46752,italian +31715,italian +46755,italian +46780,italian +31739,italian +16187,italian +31735,italian +46775,italian +31729,italian +46794,italian +46793,italian +31629,italian +16207,italian +16206,italian +16192,italian +16217,italian +31643,italian +31633,italian +31632,italian +16213,italian +31659,italian +31656,italian +46829,italian +31663,italian +16236,italian +46816,italian +46819,italian +31649,italian +46821,italian +46823,italian +31653,italian +16250,italian +46841,italian +31673,italian +46842,italian +31679,italian +46844,italian +31678,italian +31677,italian +16252,italian +46846,italian +31665,italian +16240,italian +31664,italian +46837,italian +31670,italian +16245,italian +46871,italian +31324,italian +31322,italian +46874,italian +46855,italian +16005,italian +46851,italian +31296,italian +16012,italian +31307,italian +46857,italian +31306,italian +16011,italian +31348,italian +16053,italian +16052,italian +16054,italian +46898,italian +46899,italian +16051,italian +31347,italian +46910,italian +31356,italian +31355,italian +31332,italian +46886,italian +46881,italian +31331,italian +16044,italian +46895,italian +16047,italian +31337,italian +16041,italian +46889,italian +46888,italian +16083,italian +46929,italian +16081,italian +16086,italian +46935,italian +46936,italian +16091,italian +16090,italian +46939,italian +16095,italian +16092,italian +46913,italian +46915,italian +16071,italian +16069,italian +16074,italian +31242,italian +31240,italian +16073,italian +16078,italian +31246,italian +31245,italian +16077,italian +46926,italian +16113,italian +31282,italian +16115,italian +16117,italian +46974,italian +16124,italian +31295,italian +16097,italian +46950,italian +46955,italian +46953,italian +16111,italian +15900,italian +47007,italian +31453,italian +15901,italian +47001,italian +47002,italian +31448,italian +15897,italian +46997,italian +46996,italian +31446,italian +46999,italian +46998,italian +31444,italian +31443,italian +15890,italian +15891,italian +31441,italian +15889,italian +31436,italian +46990,italian +15884,italian +46986,italian +15879,italian +31430,italian +15877,italian +46982,italian +15876,italian +15874,italian +46977,italian +15873,italian +31486,italian +47035,italian +47034,italian +31483,italian +31482,italian +15924,italian +31476,italian +15925,italian +15926,italian +15927,italian +15921,italian +31475,italian +31474,italian +15917,italian +31468,italian +47022,italian +15916,italian +47019,italian +47017,italian +15908,italian +47015,italian +15905,italian +47011,italian +15904,italian +31457,italian +31459,italian +47064,italian +15963,italian +31391,italian +15967,italian +47071,italian +15964,italian +31388,italian +15965,italian +31378,italian +47056,italian +31376,italian +47061,italian +47060,italian +15959,italian +15957,italian +47048,italian +31371,italian +15950,italian +47055,italian +15939,italian +31361,italian +47046,italian +15995,italian +15996,italian +31420,italian +15998,italian +47091,italian +31409,italian +31408,italian +31410,italian +47093,italian +15981,italian +31393,italian +15968,italian +47075,italian +15970,italian +31395,italian +31396,italian +47078,italian +15973,italian +47079,italian +31398,italian +15974,italian +46113,italian +15777,italian +15782,italian +15780,italian +46119,italian +46118,italian +31082,italian +15790,italian +31087,italian +46124,italian +31085,italian +31090,italian +46128,italian +31089,italian +46132,italian +31098,italian +46137,italian +31096,italian +31102,italian +31103,italian +15805,italian +15804,italian +46081,italian +15746,italian +15747,italian +46087,italian +46086,italian +15750,italian +46084,italian +15752,italian +15760,italian +15762,italian +46097,italian +15767,italian +31063,italian +31066,italian +31069,italian +31071,italian +15847,italian +15844,italian +15843,italian +15855,italian +46191,italian +31020,italian +46184,italian +46186,italian +31016,italian +46196,italian +15861,italian +31029,italian +15859,italian +46195,italian +46206,italian +31035,italian +31032,italian +15864,italian +46203,italian +46148,italian +15815,italian +30977,italian +46145,italian +15811,italian +46159,italian +30988,italian +30991,italian +15823,italian +46155,italian +46154,italian +30986,italian +46164,italian +46165,italian +15827,italian +46161,italian +15839,italian +31007,italian +46173,italian +46171,italian +46254,italian +46255,italian +46241,italian +15650,italian +46242,italian +31200,italian +15648,italian +46246,italian +15652,italian +46266,italian +31230,italian +46268,italian +31228,italian +46258,italian +46218,italian +31177,italian +15627,italian +31179,italian +15631,italian +15617,italian +31169,italian +46208,italian +31173,italian +46213,italian +46235,italian +15640,italian +31195,italian +15642,italian +15647,italian +15638,italian +46228,italian +46316,italian +31146,italian +31147,italian +46315,italian +15719,italian +31143,italian +31140,italian +31141,italian +15712,italian +15740,italian +15737,italian +46321,italian +46323,italian +15728,italian +31117,italian +46285,italian +31108,italian +46275,italian +46303,italian +15709,italian +46302,italian +46301,italian +46300,italian +15707,italian +31130,italian +15702,italian +46292,italian +31121,italian +15699,italian +15537,italian +30832,italian +15548,italian +30846,italian +30817,italian +46371,italian +46370,italian +15521,italian +30816,italian +15522,italian +46375,italian +15525,italian +46374,italian +15527,italian +46372,italian +15529,italian +30827,italian +15530,italian +30826,italian +46382,italian +46381,italian +30802,italian +46352,italian +30800,italian +15511,italian +15510,italian +15509,italian +30805,italian +15515,italian +46362,italian +46336,italian +46339,italian +15489,italian +46340,italian +46343,italian +30788,italian +15498,italian +30793,italian +15497,italian +15502,italian +46349,italian +15503,italian +30797,italian +15605,italian +30770,italian +46449,italian +30771,italian +15612,italian +46460,italian +46458,italian +46439,italian +15589,italian +30758,italian +15596,italian +30764,italian +15597,italian +15599,italian +46443,italian +46440,italian +30742,italian +46420,italian +30750,italian +46428,italian +46430,italian +46431,italian +30746,italian +46424,italian +15578,italian +15558,italian +46404,italian +30725,italian +30724,italian +30721,italian +46412,italian +46415,italian +46414,italian +15563,italian +30969,italian +46522,italian +15417,italian +30971,italian +15419,italian +15420,italian +46526,italian +46524,italian +15423,italian +46515,italian +46514,italian +15415,italian +15401,italian +46510,italian +15405,italian +46511,italian +30958,italian +46508,italian +15406,italian +30946,italian +15394,italian +15397,italian +30950,italian +15399,italian +46501,italian +30939,italian +30938,italian +15385,italian +15391,italian +30941,italian +30940,italian +15378,italian +30931,italian +46483,italian +46472,italian +15372,italian +15363,italian +46466,italian +30918,italian +15367,italian +30917,italian +30909,italian +46591,italian +46589,italian +30905,italian +30904,italian +46585,italian +46583,italian +30903,italian +30902,italian +30897,italian +30896,italian +30898,italian +30894,italian +46573,italian +30890,italian +46569,italian +46566,italian +30886,italian +30880,italian +30882,italian +30883,italian +46556,italian +30877,italian +46558,italian +30875,italian +15451,italian +30871,italian +30869,italian +15445,italian +15442,italian +46545,italian +30867,italian +46544,italian +30862,italian +15437,italian +30861,italian +15435,italian +46536,italian +46537,italian +30854,italian +15430,italian +46530,italian +30849,italian diff --git "a/4 \351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213/whats-cooking/test.json" "b/4 \351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213/whats-cooking/test.json" new file mode 100644 index 00000000..e0c77dae --- /dev/null +++ "b/4 \351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213/whats-cooking/test.json" @@ -0,0 +1,157117 @@ +[ + { + "id": 18009, + "ingredients": [ + "baking powder", + "eggs", + "all-purpose flour", + "raisins", + "milk", + "white sugar" + ] + }, + { + "id": 28583, + "ingredients": [ + "sugar", + "egg yolks", + "corn starch", + "cream of tartar", + "bananas", + "vanilla wafers", + "milk", + "vanilla extract", + "toasted pecans", + "egg whites", + "light rum" + ] + }, + { + "id": 41580, + "ingredients": [ + "sausage links", + "fennel bulb", + "fronds", + "olive oil", + "cuban peppers", + "onions" + ] + }, + { + "id": 29752, + "ingredients": [ + "meat cuts", + "file powder", + "smoked sausage", + "okra", + "shrimp", + "andouille sausage", + "water", + "paprika", + "hot sauce", + "garlic cloves", + "browning", + "lump crab meat", + "vegetable oil", + "all-purpose flour", + "freshly ground pepper", + "flat leaf parsley", + "boneless chicken skinless thigh", + "dried thyme", + "white rice", + "yellow onion", + "ham" + ] + }, + { + "id": 35687, + "ingredients": [ + "ground black pepper", + "salt", + "sausage casings", + "leeks", + "parmigiano reggiano cheese", + "cornmeal", + "water", + "extra-virgin olive oil" + ] + }, + { + "id": 38527, + "ingredients": [ + "baking powder", + "all-purpose flour", + "peach slices", + "corn starch", + "heavy cream", + "lemon juice", + "unsalted butter", + "salt", + "white sugar" + ] + }, + { + "id": 19666, + "ingredients": [ + "grape juice", + "orange", + "white zinfandel" + ] + }, + { + "id": 41217, + "ingredients": [ + "ground ginger", + "white pepper", + "green onions", + "orange juice", + "sugar", + "Sriracha", + "vegetable oil", + "orange zest", + "chicken broth", + "sesame seeds", + "boneless skinless chicken breasts", + "corn starch", + "white vinegar", + "soy sauce", + "large eggs", + "garlic" + ] + }, + { + "id": 28753, + "ingredients": [ + "diced onions", + "taco seasoning mix", + "all-purpose flour", + "chopped cilantro fresh", + "ground cumin", + "ground cinnamon", + "vegetable oil", + "bittersweet chocolate", + "chopped garlic", + "water", + "hot chili powder", + "boneless skinless chicken breast halves", + "shredded Monterey Jack cheese", + "chicken broth", + "Anaheim chile", + "cream cheese", + "dried oregano" + ] + }, + { + "id": 22659, + "ingredients": [ + "eggs", + "cherries", + "dates", + "dark muscovado sugar", + "ground cinnamon", + "mixed spice", + "cake", + "vanilla extract", + "self raising flour", + "sultana", + "rum", + "raisins", + "prunes", + "glace cherries", + "butter", + "port" + ] + }, + { + "id": 21749, + "ingredients": [ + "pasta", + "olive oil", + "crushed red pepper", + "cherry tomatoes", + "basil", + "ear of corn", + "mozzarella cheese", + "zucchini", + "salt", + "yellow squash", + "garlic" + ] + }, + { + "id": 44967, + "ingredients": [ + "water", + "butter", + "ground sumac", + "ground lamb", + "ground cinnamon", + "grated parmesan cheese", + "all-purpose flour", + "onions", + "tomato paste", + "milk", + "red wine", + "feta cheese crumbles", + "penne", + "dried mint flakes", + "cayenne pepper", + "dried oregano" + ] + }, + { + "id": 42969, + "ingredients": [ + "curry powder", + "ground cumin", + "chicken wings", + "chopped onion", + "ground ginger", + "large garlic cloves", + "plain yogurt", + "chopped cilantro fresh" + ] + }, + { + "id": 44883, + "ingredients": [ + "pasta", + "marinara sauce", + "dried basil", + "chicken fingers", + "mozzarella cheese", + "salt", + "parmesan cheese" + ] + }, + { + "id": 20827, + "ingredients": [ + "salt", + "custard powder", + "white sugar", + "eggs", + "margarine", + "self rising flour" + ] + }, + { + "id": 23196, + "ingredients": [ + "vegetable oil cooking spray", + "egg whites", + "apricot nectar", + "eggs", + "papaya", + "french bread", + "fresh lime juice", + "skim milk", + "dried apricot", + "brie cheese", + "brown sugar", + "honey", + "salt" + ] + }, + { + "id": 35387, + "ingredients": [ + "vanilla ice cream", + "banana liqueur", + "bananas", + "pineapple juice", + "chocolate syrup", + "whipped cream", + "coffee liqueur" + ] + }, + { + "id": 33780, + "ingredients": [ + "molasses", + "hot sauce", + "baked beans", + "Grey Poupon Dijon Mustard", + "onions", + "bacon" + ] + }, + { + "id": 19001, + "ingredients": [ + "chopped green chilies", + "sour cream", + "cheddar cheese", + "salt", + "white rice", + "ripe olives", + "water", + "grated jack cheese" + ] + }, + { + "id": 16526, + "ingredients": [ + "cold water", + "chicken drumsticks", + "chicken thighs", + "chicken seasoning mix", + "salt", + "vegetable oil", + "all-purpose flour", + "eggs", + "buttermilk" + ] + }, + { + "id": 42455, + "ingredients": [ + "bean threads", + "suet", + "fresh shiitake mushrooms", + "firm tofu", + "water", + "large eggs", + "japanese greens", + "sugar", + "mirin", + "napa cabbage", + "scallions", + "soy sauce", + "enokitake", + "beef tenderloin" + ] + }, + { + "id": 47453, + "ingredients": [ + "water", + "ground turmeric", + "salt", + "long-grain rice", + "butter" + ] + }, + { + "id": 42478, + "ingredients": [ + "kosher salt", + "bay leaves", + "brown lentils", + "parsnips", + "sherry vinegar", + "baking potatoes", + "olive oil", + "shallots", + "carrots", + "fat free less sodium chicken broth", + "ground black pepper", + "chopped celery" + ] + }, + { + "id": 11885, + "ingredients": [ + "kosher salt", + "vegetable oil", + "shrimp", + "herbs", + "nuoc cham", + "ground turmeric", + "ground black pepper", + "scallions", + "mung bean sprouts", + "lettuce leaves", + "rice flour" + ] + }, + { + "id": 16585, + "ingredients": [ + "arborio rice", + "olive oil", + "dry white wine", + "salt", + "brown butter", + "grated parmesan cheese", + "vegetable stock", + "smoked paprika", + "nutmeg", + "unsalted butter", + "shallots", + "garlic cloves", + "pepper", + "sweet potatoes", + "bacon", + "chopped fresh herbs" + ] + }, + { + "id": 29639, + "ingredients": [ + "granny smith apples", + "bay leaves", + "apple cider", + "onions", + "clove", + "ground nutmeg", + "butter", + "salt", + "ground cinnamon", + "ground black pepper", + "turkey", + "low salt chicken broth", + "honey", + "apple cider vinegar", + "chopped celery" + ] + }, + { + "id": 26245, + "ingredients": [ + "fish sauce", + "jalapeno chilies", + "scallions", + "lemongrass", + "basil", + "hot water", + "mint", + "lime", + "ginger", + "coriander", + "sugar", + "serrano peppers", + "garlic cloves" + ] + }, + { + "id": 38516, + "ingredients": [ + "chicken wings", + "baking soda", + "rice vinegar", + "garlic cloves", + "honey", + "fine sea salt", + "scallions", + "toasted sesame seeds", + "fresh ginger", + "tamari soy sauce", + "oil", + "large egg whites", + "crushed red pepper flakes", + "apple juice", + "toasted sesame oil" + ] + }, + { + "id": 47520, + "ingredients": [ + "parmigiano reggiano cheese", + "figs", + "cracked black pepper", + "mint leaves", + "prosciutto", + "extra-virgin olive oil" + ] + }, + { + "id": 26212, + "ingredients": [ + "cheese sauce", + "macaroni and cheese dinner", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 23696, + "ingredients": [ + "kosher salt", + "serrano chile", + "tomatillos", + "avocado", + "garlic", + "white onion", + "cilantro leaves" + ] + }, + { + "id": 14926, + "ingredients": [ + "asian eggplants", + "fresh ginger", + "basil leaves", + "garlic cloves", + "fresh coriander", + "roast", + "sauce", + "lime leaves", + "chicken stock", + "cherry tomatoes", + "mint leaves", + "green chilies", + "fresh pineapple", + "brown sugar", + "cooking oil", + "red curry paste", + "coconut milk" + ] + }, + { + "id": 13292, + "ingredients": [ + "dulce de leche", + "pumpkin seeds", + "water", + "food colouring", + "wafer" + ] + }, + { + "id": 27346, + "ingredients": [ + "sea salt", + "nori", + "hard-boiled egg", + "edamame", + "brown rice", + "toasted sesame seeds", + "green tea", + "ginger" + ] + }, + { + "id": 1384, + "ingredients": [ + "honey", + "green onions", + "corn starch", + "shrimp tails", + "sesame seeds", + "coarse salt", + "soy sauce", + "fresh ginger", + "vegetable oil", + "ground cayenne pepper", + "minute rice", + "ground pepper", + "garlic" + ] + }, + { + "id": 15959, + "ingredients": [ + "green bell pepper", + "diced tomatoes", + "chili powder", + "salt", + "water", + "white rice", + "vegetable oil", + "onions" + ] + }, + { + "id": 42297, + "ingredients": [ + "fresh dill", + "beef stew meat", + "carrots", + "bay leaf", + "savoy cabbage", + "black pepper", + "beets", + "coarse kosher salt", + "canola oil", + "starchy potatoes", + "beef broth", + "sour cream", + "onions", + "tomato paste", + "red wine vinegar", + "garlic cloves", + "celery", + "allspice" + ] + }, + { + "id": 46235, + "ingredients": [ + "ground pepper", + "garlic", + "cumin seed", + "potatoes", + "cilantro leaves", + "onions", + "garam masala", + "salt", + "ghee", + "eggs", + "wonton wrappers", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 21181, + "ingredients": [ + "tomato paste", + "garam masala", + "onions", + "curry powder", + "crushed garlic", + "water", + "ground black pepper", + "chicken", + "celery salt", + "olive oil", + "salt" + ] + }, + { + "id": 9809, + "ingredients": [ + "black pepper", + "diced tomatoes", + "cayenne pepper", + "chopped parsley", + "chicken broth", + "fresh thyme leaves", + "smoked sausage", + "scallions", + "celery ribs", + "bay leaves", + "garlic", + "rice", + "medium shrimp", + "boneless chicken skinless thigh", + "red pepper", + "salt", + "lemon juice" + ] + }, + { + "id": 22982, + "ingredients": [ + "turkey carcass", + "bay leaves", + "smoked sausage", + "onions", + "bell pepper", + "parsley", + "oil", + "pepper", + "green onions", + "salt", + "flour", + "garlic", + "celery" + ] + }, + { + "id": 23120, + "ingredients": [ + "soy sauce", + "coarse salt", + "corn starch", + "light brown sugar", + "vegetable oil", + "orange juice", + "broccoli florets", + "round steaks", + "long grain white rice", + "ground pepper", + "rice vinegar", + "red bell pepper" + ] + }, + { + "id": 26743, + "ingredients": [ + "unsalted butter", + "salt", + "water", + "blue cheese", + "dry white wine", + "freshly ground pepper", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 12741, + "ingredients": [ + "red kidney beans", + "sugar", + "coriander seeds", + "garlic", + "corn starch", + "red chili powder", + "water", + "jalapeno chilies", + "salt", + "ground oregano", + "tomatoes", + "white onion", + "chuck roast", + "purple onion", + "chipotle chile powder", + "cheddar cheese", + "lime juice", + "bacon", + "thyme", + "ground cumin" + ] + }, + { + "id": 7050, + "ingredients": [ + "ground black pepper", + "garlic cloves", + "dried oregano", + "capers", + "salt", + "albacore tuna in water", + "olive oil", + "anchovy fillets", + "arugula", + "boneless skinless chicken breasts", + "fresh lemon juice", + "canola mayonnaise" + ] + }, + { + "id": 22437, + "ingredients": [ + "dried basil", + "green pepper", + "dried oregano", + "olive oil", + "roast beef", + "beef stock", + "roasted tomatoes", + "fresh basil", + "mushrooms", + "onions" + ] + }, + { + "id": 14760, + "ingredients": [ + "olive oil", + "red bell pepper", + "saffron threads", + "ham", + "pimento stuffed green olives", + "hot spanish paprika", + "onions", + "arborio rice", + "low salt chicken broth", + "large shrimp" + ] + }, + { + "id": 10649, + "ingredients": [ + "eggs", + "pepper", + "chili pepper flakes", + "all-purpose flour", + "warm water", + "active dry yeast", + "curry", + "onions", + "tumeric", + "water", + "butter", + "ground beef", + "bread crumbs", + "flour", + "salt" + ] + }, + { + "id": 48065, + "ingredients": [ + "sugar", + "mint leaves", + "cilantro leaves", + "snappers", + "bawang goreng", + "okra", + "tomatoes", + "water", + "taro", + "beansprouts", + "fish sauce", + "tamarind juice", + "pineapple" + ] + }, + { + "id": 39931, + "ingredients": [ + "jasmine rice", + "chicken stock", + "sesame oil", + "green onions", + "soy sauce", + "frozen peas" + ] + }, + { + "id": 32935, + "ingredients": [ + "pepper", + "dry white wine", + "all-purpose flour", + "polenta", + "tomato paste", + "olive oil", + "chicken drumsticks", + "chicken thighs", + "dried basil", + "chicken breast halves", + "garlic cloves", + "dried oregano", + "oil cured olives", + "cooking spray", + "salt", + "plum tomatoes" + ] + }, + { + "id": 40142, + "ingredients": [ + "long beans", + "pork belly", + "basil leaves", + "garlic", + "dried shrimp", + "fish sauce", + "lemongrass", + "cilantro root", + "green beans", + "green peppercorns", + "chiles", + "palm sugar", + "thai chile", + "galangal", + "kaffir lime leaves", + "kosher salt", + "shallots", + "krachai" + ] + }, + { + "id": 19103, + "ingredients": [ + "chicken broth", + "plain yogurt", + "purple onion", + "mango", + "mayonaise", + "honey", + "fresh lime juice", + "roasted cashews", + "curry powder", + "salt", + "ground ginger", + "black pepper", + "boneless skinless chicken breasts", + "seedless red grapes" + ] + }, + { + "id": 38267, + "ingredients": [ + "pepper", + "thai chile", + "eggplant", + "salt", + "olive oil", + "garlic", + "balsamic vinegar" + ] + }, + { + "id": 30512, + "ingredients": [ + "dried basil", + "cooking spray", + "garlic cloves", + "romano cheese", + "prosciutto", + "crushed red pepper", + "part-skim mozzarella cheese", + "lasagna noodles, cooked and drained", + "fat free cream cheese", + "1% low-fat cottage cheese", + "large eggs", + "tomato basil sauce" + ] + }, + { + "id": 3324, + "ingredients": [ + "dark soy sauce", + "regular soy sauce", + "bean sauce", + "minced ginger", + "szechwan peppercorns", + "corn starch", + "extra firm tofu", + "dried shiitake mushrooms", + "canola oil", + "sugar", + "green onions", + "medium firm tofu" + ] + }, + { + "id": 26197, + "ingredients": [ + "dry yeast", + "olive oil", + "warm water", + "salt", + "all-purpose flour", + "sugar", + "cooking spray" + ] + }, + { + "id": 384, + "ingredients": [ + "dashi", + "orange zest", + "tangerine", + "shoyu", + "light soy sauce", + "salt", + "dried fish flakes", + "mirin" + ] + }, + { + "id": 47230, + "ingredients": [ + "salmon fillets", + "cooking spray", + "vegetable oil", + "fermented black beans", + "low sodium soy sauce", + "minced garlic", + "rice wine", + "corn starch", + "sugar", + "peeled fresh ginger", + "crushed red pepper", + "fat free less sodium chicken broth", + "green onions", + "onion tops" + ] + }, + { + "id": 39748, + "ingredients": [ + "ground black pepper", + "garlic", + "diced tomatoes in juice", + "chicken stock", + "cooked chicken", + "chopped onion", + "hot pepper sauce", + "salt", + "long grain white rice", + "green bell pepper", + "ground thyme", + "oil" + ] + }, + { + "id": 41038, + "ingredients": [ + "sugar", + "whipping cream", + "powdered sugar", + "semisweet chocolate", + "large egg yolks", + "corn starch", + "slivered almonds", + "whole milk" + ] + }, + { + "id": 24878, + "ingredients": [ + "cheddar cheese", + "large eggs", + "garlic cloves", + "masa harina", + "diced onions", + "vegetable oil spray", + "salt", + "canola oil", + "corn kernels", + "non-fat sour cream", + "corn tortillas", + "sugar", + "2% reduced-fat milk", + "poblano chiles" + ] + }, + { + "id": 42624, + "ingredients": [ + "eggs", + "garlic", + "ampalaya", + "salt", + "luke warm water", + "ground black pepper", + "onions", + "tomatoes", + "cooking oil" + ] + }, + { + "id": 45706, + "ingredients": [ + "radishes", + "salt", + "red chili peppers", + "napa cabbage", + "pears", + "sugar", + "green onions", + "green chilies", + "water", + "garlic" + ] + }, + { + "id": 8874, + "ingredients": [ + "salsa", + "taco seasoning", + "boneless skinless chicken breasts" + ] + }, + { + "id": 23878, + "ingredients": [ + "diced onions", + "eggplant", + "crushed red pepper", + "red bell pepper", + "dried basil", + "paprika", + "long-grain rice", + "dried oregano", + "tomatoes", + "zucchini", + "chickpeas", + "celery", + "olive oil", + "vegetable broth", + "feta cheese crumbles" + ] + }, + { + "id": 47234, + "ingredients": [ + "oil", + "spring roll wrappers", + "Velveeta" + ] + }, + { + "id": 24075, + "ingredients": [ + "olive oil", + "cilantro", + "roasted peanuts", + "beansprouts", + "brown sugar", + "large eggs", + "rice vinegar", + "shrimp", + "fish sauce", + "zucchini", + "garlic", + "garlic chili sauce", + "ketchup", + "green onions", + "cayenne pepper", + "red bell pepper" + ] + }, + { + "id": 46323, + "ingredients": [ + "water", + "ground black pepper", + "salt", + "fresh parsley", + "crushed tomatoes", + "grated parmesan cheese", + "carrots", + "onions", + "sausage casings", + "olive oil", + "dry white wine", + "bay leaf", + "canned low sodium chicken broth", + "light cream", + "garlic", + "cornmeal" + ] + }, + { + "id": 22562, + "ingredients": [ + "garlic", + "shredded mozzarella cheese", + "mayonaise" + ] + }, + { + "id": 11358, + "ingredients": [ + "fat free beef broth", + "ground pepper", + "beef tenderloin", + "water", + "cooking spray", + "garlic cloves", + "dried porcini mushrooms", + "fresh thyme", + "salt", + "olive oil", + "beaujolais", + "corn starch" + ] + }, + { + "id": 9201, + "ingredients": [ + "tumeric", + "garam masala", + "dried chickpeas", + "ground cumin", + "tomatoes", + "olive oil", + "lemon", + "ground coriander", + "chat masala", + "fresh ginger", + "sea salt", + "onions", + "amchur", + "cayenne", + "green chilies" + ] + }, + { + "id": 38620, + "ingredients": [ + "sundried tomato paste", + "thai basil", + "rice", + "onions", + "water", + "green onions", + "king prawns", + "pepper", + "mushrooms", + "garlic cloves", + "cherry tomatoes", + "butter", + "coconut milk" + ] + }, + { + "id": 47638, + "ingredients": [ + "tapioca starch", + "cornflour", + "eggs", + "flaked coconut", + "sugar", + "butter", + "baking powder" + ] + }, + { + "id": 21238, + "ingredients": [ + "cream", + "cinnamon", + "cumin seed", + "ground turmeric", + "clove", + "mushrooms", + "garlic", + "onions", + "tomatoes", + "chili powder", + "salt", + "cashew nuts", + "tandoori spices", + "ginger", + "cardamom" + ] + }, + { + "id": 11053, + "ingredients": [ + "molasses", + "mirin", + "sake", + "sea scallops", + "button mushrooms", + "fresh ginger", + "worcestershire sauce", + "sugar", + "reduced sodium soy sauce", + "scallions" + ] + }, + { + "id": 46602, + "ingredients": [ + "asafoetida", + "ginger", + "ghee", + "black pepper", + "rice", + "moong dal", + "salt", + "cashew nuts", + "curry leaves", + "water", + "cumin seed" + ] + }, + { + "id": 13937, + "ingredients": [ + "mushroom caps", + "crushed red pepper", + "corn tortillas", + "serrano chile", + "avocado", + "jicama", + "garlic cloves", + "onions", + "ground cumin", + "cooking spray", + "salt", + "fresh lime juice", + "plum tomatoes", + "olive oil", + "colby jack cheese", + "poblano chiles", + "chopped cilantro fresh" + ] + }, + { + "id": 21876, + "ingredients": [ + "large eggs", + "buttermilk", + "yellow corn meal", + "vegetable oil", + "ground pecans", + "chicken breast tenders", + "cajun seasoning", + "grated parmesan cheese", + "paprika" + ] + }, + { + "id": 20798, + "ingredients": [ + "tomatoes", + "ground black pepper", + "english cucumber", + "leg of lamb", + "kosher salt", + "greek style plain yogurt", + "garlic cloves", + "marjoram", + "pita bread", + "rice vinegar", + "oil", + "onions", + "dried thyme", + "dill", + "corn starch", + "dried oregano" + ] + }, + { + "id": 24381, + "ingredients": [ + "sugar", + "Shaoxing wine", + "salt", + "onions", + "white pepper", + "beef tenderloin", + "oyster sauce", + "soy sauce", + "sesame oil", + "scallions", + "dark soy sauce", + "cooking oil", + "garlic", + "corn starch" + ] + }, + { + "id": 48178, + "ingredients": [ + "tomatoes", + "green peas", + "long grain white rice", + "skinless chicken pieces", + "squid", + "saffron", + "olive oil", + "garlic", + "large shrimp", + "mussels", + "paprika", + "red bell pepper" + ] + }, + { + "id": 45832, + "ingredients": [ + "olive oil", + "kalamata", + "garlic cloves", + "fresh basil", + "white italian tuna in olive oil", + "salt", + "Italian bread", + "black pepper", + "watercress", + "rolls", + "flat leaf parsley", + "celery ribs", + "cannellini beans", + "purple onion", + "fresh lemon juice" + ] + }, + { + "id": 27560, + "ingredients": [ + "minced garlic", + "cooking oil", + "Gochujang base", + "fresh spinach", + "fresh ginger", + "daikon", + "cucumber", + "low sodium soy sauce", + "roasted sesame seeds", + "sesame oil", + "scallions", + "lean ground pork", + "large eggs", + "rice vinegar" + ] + }, + { + "id": 23247, + "ingredients": [ + "large eggs", + "shells", + "caster sugar", + "double cream", + "raspberry jam", + "butter", + "self rising flour", + "whipped cream" + ] + }, + { + "id": 28975, + "ingredients": [ + "eggs", + "milk", + "pepper", + "all-purpose flour", + "vidalia onion", + "butter", + "water", + "Nu-Salt Salt Substitute" + ] + }, + { + "id": 43230, + "ingredients": [ + "black pepper", + "lemon", + "salt", + "whole wheat breadcrumbs", + "fresh mint", + "egg whites", + "garlic", + "garlic cloves", + "cucumber", + "fresh parsley", + "olive oil", + "extra-virgin olive oil", + "tzatziki", + "feta cheese crumbles", + "cooked quinoa", + "fresh dill", + "baby spinach", + "fine sea salt", + "fresh lemon juice", + "greek yogurt", + "onions" + ] + }, + { + "id": 9126, + "ingredients": [ + "shallots", + "plum tomatoes", + "garlic", + "fresh thyme leaves", + "Country Crock® Spread", + "grated parmesan cheese", + "panko breadcrumbs" + ] + }, + { + "id": 13021, + "ingredients": [ + "dried thyme", + "garlic", + "cayenne pepper", + "red bell pepper", + "eggs", + "green onions", + "salt", + "shrimp", + "cooked white rice", + "tomatoes", + "ground black pepper", + "chopped celery", + "okra", + "bay leaf", + "green bell pepper", + "vegetable oil", + "all-purpose flour", + "hot water", + "onions" + ] + }, + { + "id": 28194, + "ingredients": [ + "dark soy sauce", + "pineapple", + "chili powder", + "cilantro leaves", + "muscovado sugar", + "pork steaks", + "tomato purée", + "vegetable oil", + "chinese five-spice powder" + ] + }, + { + "id": 25617, + "ingredients": [ + "lime", + "onions", + "ghee", + "cabbage", + "freshly ground pepper", + "Madras curry powder", + "kosher salt", + "ground beef" + ] + }, + { + "id": 36125, + "ingredients": [ + "olive oil", + "pizza sauce", + "sausages", + "mozzarella cheese", + "grated parmesan cheese", + "goat cheese", + "fresh basil", + "zucchini", + "fresh oregano", + "pizza shells", + "mushrooms", + "oil" + ] + }, + { + "id": 16454, + "ingredients": [ + "shredded cheddar cheese", + "salsa", + "green bell pepper", + "large flour tortillas", + "fresh tomatoes", + "garlic", + "taco seasoning mix", + "ground beef" + ] + }, + { + "id": 1607, + "ingredients": [ + "soy sauce", + "shredded cabbage", + "stir fry noodles", + "onions", + "olive oil", + "garlic", + "carrots", + "white pepper", + "ginger", + "oyster sauce", + "brown sugar", + "vegetables", + "sauce", + "celery" + ] + }, + { + "id": 38526, + "ingredients": [ + "chicken stock", + "mushrooms", + "cumin", + "pepper", + "onions", + "dried apricot", + "chicken thighs", + "ground ginger", + "salt", + "saffron" + ] + }, + { + "id": 18755, + "ingredients": [ + "montreal steak seasoning", + "oil", + "flour", + "fat-free buttermilk", + "cube steaks", + "skim milk", + "salt" + ] + }, + { + "id": 12035, + "ingredients": [ + "worcestershire sauce", + "fresh lemon juice", + "mushrooms", + "anchovy fillets", + "unsalted butter", + "heavy cream", + "onions", + "rotelle", + "fresh parsley leaves" + ] + }, + { + "id": 16047, + "ingredients": [ + "olive oil", + "fresh lemon juice", + "black pepper", + "grated lemon zest", + "dried oregano", + "fat free less sodium chicken broth", + "garlic cloves", + "penne", + "zucchini", + "feta cheese crumbles" + ] + }, + { + "id": 15419, + "ingredients": [ + "pesto", + "dried pasta", + "broccoli florets", + "salt", + "pinenuts", + "freshly grated parmesan", + "extra-virgin olive oil", + "lemon juice", + "black pepper", + "olive oil", + "crushed red pepper flakes", + "toasted pine nuts", + "pepper", + "grated parmesan cheese", + "garlic", + "shrimp" + ] + }, + { + "id": 16971, + "ingredients": [ + "fresh tomatoes", + "red pepper", + "garlic cloves", + "chicken thighs", + "garam masala", + "green pepper", + "chillies", + "tumeric", + "salt", + "greek yogurt", + "tomatoes", + "vegetable oil", + "cumin seed", + "onions" + ] + }, + { + "id": 31459, + "ingredients": [ + "eggs", + "unsalted butter", + "all-purpose flour", + "milk", + "vanilla extract", + "shortening", + "baking powder", + "white sugar", + "sesame seeds", + "salt" + ] + }, + { + "id": 27888, + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "whole milk", + "ground white pepper", + "finely chopped onion", + "grated nutmeg", + "salt" + ] + }, + { + "id": 13900, + "ingredients": [ + "extra-virgin olive oil", + "water", + "bay leaves", + "kosher salt", + "polenta" + ] + }, + { + "id": 12376, + "ingredients": [ + "soy sauce", + "ground cayenne pepper", + "garlic", + "boneless skinless chicken breast halves", + "curry powder", + "fresh lime juice", + "peanut butter" + ] + }, + { + "id": 1658, + "ingredients": [ + "reduced sodium soy sauce", + "brown sugar", + "toasted sesame seeds", + "dried shiitake mushrooms", + "ground black pepper" + ] + }, + { + "id": 29431, + "ingredients": [ + "cream cheese, soften", + "hot sauce", + "freshly ground pepper", + "bluefish", + "fresh lime juice" + ] + }, + { + "id": 22290, + "ingredients": [ + "reduced fat reduced sodium cream of mushroom soup", + "chopped tomatoes", + "cream cheese", + "reduced fat reduced sodium condensed cream of chicken soup", + "portabello mushroom", + "boneless skinless chicken breast halves", + "chicken broth", + "olive oil", + "crushed red pepper flakes", + "pastry", + "salt and ground black pepper", + "frozen mixed thawed vegetables," + ] + }, + { + "id": 28464, + "ingredients": [ + "fresh basil", + "kosher salt", + "ground black pepper", + "cannelloni", + "crème fraîche", + "fresh leav spinach", + "milk", + "large eggs", + "dry red wine", + "plum tomatoes", + "sugar", + "mozzarella cheese", + "lemon zest", + "ricotta cheese", + "grated nutmeg", + "white onion", + "olive oil", + "grated parmesan cheese", + "garlic" + ] + }, + { + "id": 37953, + "ingredients": [ + "soy sauce", + "gingerroot", + "white vinegar", + "ground black pepper", + "scallions", + "sesame seeds", + "beef rib short", + "sugar", + "sesame oil", + "garlic cloves" + ] + }, + { + "id": 20814, + "ingredients": [ + "teriyaki sauce", + "garlic powder", + "onions", + "ground ginger", + "butter oil", + "chicken tenderloin" + ] + }, + { + "id": 35987, + "ingredients": [ + "green onions", + "corn", + "avocado", + "shredded pepper jack cheese", + "roasted red peppers" + ] + }, + { + "id": 2329, + "ingredients": [ + "marinara sauce", + "garlic", + "pepper", + "ricotta cheese", + "shredded mozzarella cheese", + "italian sausage", + "ziti", + "salt", + "olive oil", + "diced tomatoes", + "onions" + ] + }, + { + "id": 43237, + "ingredients": [ + "pepper", + "garlic", + "onions", + "jalapeno chilies", + "green pepper", + "vinegar", + "salt", + "black beans", + "bay leaves", + "ham hock" + ] + }, + { + "id": 30647, + "ingredients": [ + "cider vinegar", + "egg yolks", + "cold water", + "unsalted butter", + "dry mustard", + "ground black pepper", + "heavy cream", + "sugar", + "flour", + "salt" + ] + }, + { + "id": 16675, + "ingredients": [ + "basil dried leaves", + "Pillsbury™ Refrigerated Crescent Dinner Rolls", + "tomato sauce", + "ground beef", + "shredded Italian cheese" + ] + }, + { + "id": 37722, + "ingredients": [ + "sliced almonds", + "raisins", + "cumin seed", + "chopped cilantro fresh", + "boneless chicken skinless thigh", + "large garlic cloves", + "peanut oil", + "onions", + "chiles", + "coriander seeds", + "mexican chocolate", + "low salt chicken broth", + "dried oregano", + "pasilla chiles", + "flour tortillas", + "orange juice", + "orange peel" + ] + }, + { + "id": 32438, + "ingredients": [ + "sugar", + "zucchini", + "green onions", + "ketchup", + "flour", + "oil", + "soy sauce", + "Sriracha", + "rice vinegar", + "eggs", + "water", + "sweet potatoes" + ] + }, + { + "id": 20287, + "ingredients": [ + "cauliflower", + "green bell pepper, slice", + "garlic", + "carrots", + "sugar", + "potatoes", + "yellow curry paste", + "coconut milk", + "chicken broth", + "cooking oil", + "salt", + "red bell pepper", + "jasmine rice", + "fresh green bean", + "rotisserie chicken", + "onions" + ] + }, + { + "id": 43296, + "ingredients": [ + "ground black pepper", + "salt", + "lemon juice", + "plain yogurt", + "lamb stew meat", + "ground coriander", + "ground turmeric", + "garlic powder", + "vegetable oil", + "ground cardamom", + "ground cumin", + "ground ginger", + "beef stock", + "cayenne pepper", + "onions" + ] + }, + { + "id": 6237, + "ingredients": [ + "feta cheese", + "shrimp", + "cottage cheese", + "salt", + "tomatoes", + "fresh thyme", + "spaghetti", + "pepper", + "scallions" + ] + }, + { + "id": 48560, + "ingredients": [ + "soy sauce", + "sesame seeds", + "red pepper flakes", + "brown sugar", + "honey", + "green onions", + "sake", + "fresh ginger", + "sesame oil", + "black pepper", + "beef", + "garlic" + ] + }, + { + "id": 20810, + "ingredients": [ + "garlic", + "cumin", + "chili powder", + "salsa", + "chuck roast", + "salt", + "stewed tomatoes", + "fresh oregano" + ] + }, + { + "id": 34951, + "ingredients": [ + "leeks", + "portabello mushroom", + "soft goat's cheese", + "shallots", + "fresh parsley", + "dry white wine", + "chanterelle", + "frozen pastry puff sheets", + "butter" + ] + }, + { + "id": 31850, + "ingredients": [ + "shoyu", + "onions", + "apple cider vinegar", + "rice vinegar", + "chicken", + "7 Up", + "garlic", + "peppercorns", + "balsamic vinegar", + "bay leaf" + ] + }, + { + "id": 47745, + "ingredients": [ + "tomatoes", + "black-eyed peas", + "green pepper", + "water", + "red pepper", + "chopped cooked ham", + "dried thyme", + "hot sauce", + "pepper", + "vegetable oil", + "chopped onion" + ] + }, + { + "id": 37815, + "ingredients": [ + "lime", + "garlic cloves", + "rice paper", + "avocado", + "spring onions", + "cucumber", + "olive oil", + "carrots", + "mint", + "chicken breasts", + "vermicelli noodles" + ] + }, + { + "id": 9872, + "ingredients": [ + "rapini", + "pecorino romano cheese", + "pancetta", + "large eggs", + "ground black pepper", + "garlic cloves", + "fettucine", + "grated parmesan cheese" + ] + }, + { + "id": 5592, + "ingredients": [ + "tomatoes", + "purple onion", + "coarse salt", + "fresh basil", + "carrots", + "celery ribs", + "extra-virgin olive oil" + ] + }, + { + "id": 27411, + "ingredients": [ + "fish sauce", + "lime juice", + "cilantro", + "garlic cloves", + "ground turkey", + "sugar", + "cooking spray", + "button mushrooms", + "cucumber", + "key lime", + "chiles", + "thai basil", + "ground pork", + "green beans", + "bird chile", + "jasmine rice", + "shallots", + "chinese cabbage", + "fresh mint", + "sliced green onions" + ] + }, + { + "id": 39320, + "ingredients": [ + "vegetable oil cooking spray", + "baking potatoes", + "corned beef", + "caraway seeds", + "swiss cheese", + "salt", + "nonfat thousand island dressing", + "skim milk", + "paprika", + "green cabbage", + "pepper", + "non-fat sour cream" + ] + }, + { + "id": 40247, + "ingredients": [ + "caster sugar", + "apples", + "plain flour", + "butter", + "granulated sugar", + "rice flour", + "eggs", + "lemon" + ] + }, + { + "id": 19792, + "ingredients": [ + "fresh cilantro", + "chili powder", + "fresh lime juice", + "tomato paste", + "jalapeno chilies", + "pimento stuffed olives", + "dried oregano", + "flour tortillas", + "salt", + "boned lamb shoulder", + "water", + "golden raisins", + "garlic cloves", + "unsweetened cocoa powder" + ] + }, + { + "id": 40754, + "ingredients": [ + "instant yeast", + "extra-virgin olive oil", + "warm water", + "raw sugar", + "confectioners sugar", + "fennel seeds", + "flour", + "flour for dusting", + "large egg whites", + "sea salt" + ] + }, + { + "id": 14365, + "ingredients": [ + "lime juice", + "guacamole", + "garlic", + "onions", + "green bell pepper", + "reduced sodium soy sauce", + "vegetable oil", + "red bell pepper", + "fresh cilantro", + "chili powder", + "salsa", + "cumin", + "turkey breast cutlets", + "flour tortillas", + "worcestershire sauce", + "sour cream" + ] + }, + { + "id": 14468, + "ingredients": [ + "orange", + "seltzer water", + "white rum", + "lemon", + "triple sec", + "whiskey", + "sugar", + "red wine" + ] + }, + { + "id": 47563, + "ingredients": [ + "black pepper", + "olive oil", + "garlic", + "tortilla chips", + "avocado", + "corn", + "green onions", + "salt", + "greens", + "black beans", + "citrus", + "purple onion", + "fresh lemon juice", + "dressing", + "cherry tomatoes", + "Italian parsley leaves", + "cilantro leaves" + ] + }, + { + "id": 19611, + "ingredients": [ + "sausage casings", + "large eggs", + "crushed red pepper", + "onions", + "fresh parmesan cheese", + "gluten-free spaghetti", + "fresh parsley leaves", + "lower sodium chicken broth", + "ground black pepper", + "gluten", + "fresh parsley", + "ground round", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 7163, + "ingredients": [ + "beef", + "cheddar cheese", + "pico de gallo", + "monterey jack", + "tortillas" + ] + }, + { + "id": 43069, + "ingredients": [ + "brown sugar", + "vegetable juice cocktail", + "tapioca flour", + "onions", + "stew meat", + "carrots", + "potatoes" + ] + }, + { + "id": 27505, + "ingredients": [ + "soy sauce", + "honey", + "salt", + "red bell pepper", + "green bell pepper", + "water", + "sesame oil", + "oyster sauce", + "black pepper", + "meat", + "oil", + "onions", + "chinese rice wine", + "large egg whites", + "garlic", + "corn starch" + ] + }, + { + "id": 36500, + "ingredients": [ + "fat free less sodium chicken broth", + "boneless skinless chicken breasts", + "carrots", + "reduced fat chunky peanut butter", + "crushed red pepper", + "sliced green onions", + "honey", + "unsalted dry roast peanuts", + "soba", + "low sodium soy sauce", + "peeled fresh ginger", + "garlic cloves" + ] + }, + { + "id": 25932, + "ingredients": [ + "buttermilk", + "chicken", + "pepper", + "salt", + "pepper sauce", + "paprika", + "vegetable shortening", + "all-purpose flour" + ] + }, + { + "id": 817, + "ingredients": [ + "cooking spray", + "chees fresh mozzarella", + "oil", + "fresh rosemary", + "chicken cutlets", + "crushed red pepper", + "country style italian bread", + "extra-virgin olive oil", + "garlic cloves", + "ground black pepper", + "baby spinach", + "salt" + ] + }, + { + "id": 8471, + "ingredients": [ + "unsalted butter", + "salt", + "vanilla extract", + "natural pistachios", + "dried tart cherries", + "all-purpose flour", + "powdered sugar", + "cake flour" + ] + }, + { + "id": 48250, + "ingredients": [ + "baking soda", + "all-purpose flour", + "sugar", + "baking powder", + "red bell pepper", + "yellow corn meal", + "cooking spray", + "margarine", + "fat-free buttermilk", + "salt", + "ground cumin" + ] + }, + { + "id": 9413, + "ingredients": [ + "seasoning", + "bananas", + "garlic", + "red bell pepper", + "andouille sausage links", + "boneless chicken skinless thigh", + "butter", + "yellow onion", + "long grain white rice", + "celery ribs", + "tomato sauce", + "shallots", + "salt", + "poblano chiles", + "chicken stock", + "corn kernels", + "diced tomatoes", + "beer", + "canola oil" + ] + }, + { + "id": 12097, + "ingredients": [ + "creole mustard", + "shrimp and crab boil seasoning", + "cooked shrimp", + "red potato", + "chopped celery", + "eggs", + "green onions", + "mayonaise", + "creole seasoning" + ] + }, + { + "id": 8416, + "ingredients": [ + "hot pepper sauce", + "bay leaves", + "diced tomatoes", + "garlic cloves", + "sugar", + "cooking spray", + "parboiled rice", + "salt", + "tomato paste", + "chopped green bell pepper", + "red beans", + "vegetable broth", + "dried oregano", + "olive oil", + "sweet potatoes", + "green onions", + "chopped onion" + ] + }, + { + "id": 5892, + "ingredients": [ + "eggs", + "grated parmesan cheese", + "rotini", + "mayonaise", + "red wine vinegar", + "dried oregano", + "green bell pepper", + "green onions", + "fresh parsley", + "ground black pepper", + "shredded mozzarella cheese" + ] + }, + { + "id": 676, + "ingredients": [ + "melon liqueur", + "vodka", + "liqueur", + "pineapple juice" + ] + }, + { + "id": 47015, + "ingredients": [ + "scallion greens", + "fresh ginger", + "oil", + "soy sauce", + "rice vinegar", + "sugar", + "vegetable oil", + "boiling water", + "kosher salt", + "all-purpose flour" + ] + }, + { + "id": 21891, + "ingredients": [ + "calamari", + "red wine vinegar", + "scallions", + "celery ribs", + "olive oil", + "kalamata", + "bay leaf", + "pepper", + "lemon", + "flat leaf parsley", + "kosher salt", + "roasted red peppers", + "salt", + "peppercorns" + ] + }, + { + "id": 14630, + "ingredients": [ + "pitted kalamata olives", + "anchovy fillets", + "capers", + "basil", + "plum tomatoes", + "cannellini beans", + "garlic cloves", + "hot red pepper flakes", + "extra-virgin olive oil" + ] + }, + { + "id": 36195, + "ingredients": [ + "beans", + "sesame oil", + "salt", + "garlic cloves", + "sweet rice flour", + "water", + "extra-virgin olive oil", + "sauce", + "salad oil", + "pepper", + "white rice", + "cilantro leaves", + "red miso", + "low sodium soy sauce", + "honey", + "purple onion", + "shredded nori", + "toasted sesame seeds" + ] + }, + { + "id": 25981, + "ingredients": [ + "Mexican cheese blend", + "vegetable oil", + "flour tortillas", + "black beans", + "rotisserie chicken" + ] + }, + { + "id": 39964, + "ingredients": [ + "shallots", + "onions", + "shrimp", + "parsley", + "peppercorns", + "white wine", + "bay leaf" + ] + }, + { + "id": 28298, + "ingredients": [ + "red chili peppers", + "cumin seed", + "coconut", + "plain yogurt", + "mustard seeds", + "vegetable oil" + ] + }, + { + "id": 31954, + "ingredients": [ + "low-fat sweetened condensed milk", + "water", + "almond extract", + "white rum", + "reduced fat milk", + "sugar", + "cooking spray", + "ground cinnamon", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 26620, + "ingredients": [ + "kosher salt", + "ice", + "frozen limeade concentrate", + "lime", + "cointreau", + "tequila" + ] + }, + { + "id": 14932, + "ingredients": [ + "sugar", + "vegetable oil", + "salt", + "large eggs", + "vanilla extract", + "dark brown sugar", + "light brown sugar", + "baking powder", + "frosting", + "milk", + "butter", + "all-purpose flour" + ] + }, + { + "id": 47426, + "ingredients": [ + "white cake mix", + "vegetable oil", + "confectioners sugar", + "unsalted butter", + "margarita mix", + "egg whites", + "grate lime peel", + "lime juice", + "cream cheese", + "grated lemon peel" + ] + }, + { + "id": 1038, + "ingredients": [ + "brandy", + "ground black pepper", + "ground allspice", + "unsweetened cocoa powder", + "ground cinnamon", + "milk", + "butter", + "confectioners sugar", + "ground cloves", + "baking powder", + "chopped walnuts", + "shortening", + "baking soda", + "all-purpose flour", + "white sugar" + ] + }, + { + "id": 8077, + "ingredients": [ + "milk", + "vanilla", + "eggs", + "baking powder", + "sugar", + "butter", + "flour", + "salt" + ] + }, + { + "id": 37141, + "ingredients": [ + "shortening", + "granulated sugar", + "salt", + "active dry yeast", + "butter", + "warm water", + "self rising flour", + "baking soda", + "buttermilk" + ] + }, + { + "id": 45447, + "ingredients": [ + "sugar", + "champagne", + "vanilla beans", + "rose water", + "pears", + "lemon" + ] + }, + { + "id": 9624, + "ingredients": [ + "flour tortillas", + "shredded sharp cheddar cheese", + "chicken", + "coarse salt", + "cream cheese, soften", + "vegetable oil", + "salsa", + "black pepper", + "baby spinach", + "sour cream" + ] + }, + { + "id": 45589, + "ingredients": [ + "golden raisins", + "eggs", + "citron", + "light brown sugar", + "black tea", + "self rising flour" + ] + }, + { + "id": 7265, + "ingredients": [ + "seasoning salt", + "chicken", + "flat leaf parsley", + "low-fat yogurt", + "yukon gold potatoes" + ] + }, + { + "id": 31844, + "ingredients": [ + "crushed ice", + "syrup", + "bourbon whiskey", + "fresh mint" + ] + }, + { + "id": 13046, + "ingredients": [ + "ground black pepper", + "white bread", + "spaghetti", + "garlic", + "olive oil" + ] + }, + { + "id": 9867, + "ingredients": [ + "white onion", + "ground black pepper", + "quickcooking grits", + "crushed red pepper", + "minced garlic", + "half & half", + "butter", + "medium shrimp", + "kosher salt", + "grated parmesan cheese", + "green onions", + "all-purpose flour", + "lower sodium chicken broth", + "water", + "mushrooms", + "bacon slices" + ] + }, + { + "id": 29184, + "ingredients": [ + "water", + "chopped fresh mint", + "extra-virgin olive oil", + "kosher salt", + "artichokes", + "lemon", + "chopped garlic" + ] + }, + { + "id": 34783, + "ingredients": [ + "roasted red peppers", + "white wine vinegar", + "leg of lamb", + "baguette", + "chopped fresh thyme", + "chopped fresh sage", + "ground black pepper", + "extra-virgin olive oil", + "garlic cloves", + "fresh rosemary", + "cooking spray", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 2823, + "ingredients": [ + "lettuce", + "kosher salt", + "peanuts", + "mint leaves", + "garlic", + "creamy peanut butter", + "red bell pepper", + "sugar", + "olive oil", + "hoisin sauce", + "dipping sauces", + "rice vinegar", + "cucumber", + "fish sauce", + "lime", + "ground black pepper", + "grated carrot", + "cilantro leaves", + "shrimp", + "lime zest", + "water", + "thai basil", + "rice noodles", + "crushed red pepper", + "carrots", + "rice paper" + ] + }, + { + "id": 18932, + "ingredients": [ + "lime juice", + "beef stock", + "cilantro", + "garlic cloves", + "avocado", + "radishes", + "apple cider vinegar", + "purple onion", + "oregano", + "tortillas", + "bay leaves", + "shoulder roast", + "chipotle peppers", + "tomato paste", + "whole cloves", + "sea salt", + "yellow onion", + "cumin" + ] + }, + { + "id": 11112, + "ingredients": [ + "shredded cheddar cheese", + "sour cream", + "flour tortillas", + "chopped cilantro fresh", + "chopped green chilies", + "onions", + "taco seasoning", + "chicken" + ] + }, + { + "id": 12859, + "ingredients": [ + "fish sauce", + "beans", + "lemon grass", + "coconut cream", + "lime zest", + "red chili peppers", + "lime juice", + "brown sugar", + "fresh coriander", + "chili powder", + "ground coriander", + "Thai red curry paste", + "onions", + "chicken stock", + "boneless chicken skinless thigh", + "lime", + "garlic", + "ground cumin" + ] + }, + { + "id": 9365, + "ingredients": [ + "mayonaise", + "worcestershire sauce", + "dijon mustard", + "garlic cloves", + "sourdough bread", + "extra-virgin olive oil", + "romaine lettuce", + "grated parmesan cheese", + "fresh lemon juice" + ] + }, + { + "id": 44516, + "ingredients": [ + "cocktail sauce", + "oysters" + ] + }, + { + "id": 18193, + "ingredients": [ + "salt", + "pepper", + "onions", + "butter", + "cabbage", + "roast beef" + ] + }, + { + "id": 46545, + "ingredients": [ + "pasta", + "bacon", + "fresh spinach", + "chicken broth", + "onions", + "grated parmesan cheese" + ] + }, + { + "id": 9900, + "ingredients": [ + "pasta sauce", + "ground beef", + "taco shells", + "sugar", + "italian seasoning", + "italian sausage", + "shredded mozzarella cheese" + ] + }, + { + "id": 14815, + "ingredients": [ + "fresh cilantro", + "green onions", + "fresh lime juice", + "unsweetened coconut milk", + "lobster", + "long-grain rice", + "fish", + "asian", + "vegetable oil", + "chopped cilantro fresh", + "lime rind", + "mushrooms", + "bird chile" + ] + }, + { + "id": 39690, + "ingredients": [ + "unsalted butter", + "dry white wine", + "low salt chicken broth", + "arborio rice", + "parsley leaves", + "yellow bell pepper", + "zucchini", + "shallots", + "water", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 22193, + "ingredients": [ + "chocolate frosting", + "all-purpose flour", + "large eggs", + "chopped pecans", + "mini marshmallows", + "chocolate baking bar", + "sugar", + "butter" + ] + }, + { + "id": 11739, + "ingredients": [ + "sugar", + "cognac", + "whipped cream", + "orange zest", + "coffee", + "cinnamon sticks", + "clove", + "Grand Marnier" + ] + }, + { + "id": 27311, + "ingredients": [ + "minced garlic", + "ginger", + "vegetable oil", + "salt", + "green onions", + "cooking wine", + "deveined shrimp" + ] + }, + { + "id": 36920, + "ingredients": [ + "unsweetened coconut milk", + "water", + "salt", + "asafetida", + "fresh curry leaves", + "vegetable oil", + "ground turmeric", + "tomatoes", + "ground black pepper", + "black mustard seeds", + "red lentils", + "fresh ginger", + "tamarind paste" + ] + }, + { + "id": 7861, + "ingredients": [ + "cold water", + "basmati rice" + ] + }, + { + "id": 29248, + "ingredients": [ + "salt", + "chopped cilantro fresh", + "ground black pepper", + "fresh lemon juice", + "cooking spray", + "leg of lamb", + "hungarian sweet paprika", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 43142, + "ingredients": [ + "flour tortillas", + "paprika", + "sour cream", + "shredded Monterey Jack cheese", + "refried beans", + "chili powder", + "salsa", + "plum tomatoes", + "shredded cheddar cheese", + "green onions", + "salt", + "onions", + "black pepper", + "jalapeno chilies", + "garlic", + "ground beef", + "ground cumin" + ] + }, + { + "id": 7574, + "ingredients": [ + "bell pepper", + "cauliflower", + "yellow onion", + "chicken breasts", + "water", + "fajita seasoning mix" + ] + }, + { + "id": 8610, + "ingredients": [ + "salt", + "sour cream", + "lean ground beef", + "chopped onion", + "chopped cilantro fresh", + "pepper", + "shredded pepper jack cheese", + "corn tortillas", + "garlic", + "enchilada sauce" + ] + }, + { + "id": 989, + "ingredients": [ + "olive oil", + "firm tofu", + "prepared lasagne", + "tomatoes", + "garlic", + "fresh parsley", + "frozen spinach", + "ground black pepper", + "chopped parsley", + "plum tomatoes", + "fresh basil", + "salt", + "onions" + ] + }, + { + "id": 46926, + "ingredients": [ + "chicken stock", + "olive oil", + "large garlic cloves", + "smoked paprika", + "broth", + "kosher salt", + "baking powder", + "salt", + "pork shoulder", + "cumin", + "nutmeg", + "bay leaves", + "raisins", + "chopped cilantro", + "olives", + "corn", + "chili powder", + "sauce", + "onions", + "masa" + ] + }, + { + "id": 40816, + "ingredients": [ + "olive oil", + "chili powder", + "fresh lime juice", + "ground black pepper", + "garlic", + "chopped cilantro fresh", + "garlic powder", + "lime wedges", + "white sugar", + "soy sauce", + "lemon wedge", + "lamb loin chops" + ] + }, + { + "id": 39726, + "ingredients": [ + "water", + "scallions", + "turkey carcass", + "long grain white rice", + "ginger" + ] + }, + { + "id": 42229, + "ingredients": [ + "marshmallows", + "brown sugar", + "evaporated milk", + "sweet potatoes", + "salt", + "ground cinnamon", + "caster sugar", + "unsalted butter", + "buttermilk", + "powdered sugar", + "milk", + "large eggs", + "vanilla extract", + "plain flour", + "rolled oats", + "ground nutmeg", + "cinnamon", + "ground coriander" + ] + }, + { + "id": 10474, + "ingredients": [ + "pasta sauce", + "pitted olives", + "grated parmesan cheese", + "tri color pasta twists, cooked and drained" + ] + }, + { + "id": 22140, + "ingredients": [ + "black pepper", + "flour", + "garlic", + "chopped cilantro", + "canola oil", + "olive oil", + "tomatillos", + "sour cream", + "serrano chile", + "pepper", + "boneless skinless chicken breasts", + "salt", + "onions", + "shredded Monterey Jack cheese", + "chicken broth", + "cayenne", + "butter", + "corn tortillas", + "cumin" + ] + }, + { + "id": 31985, + "ingredients": [ + "creamed coconut", + "almonds", + "chicken thigh fillets", + "cilantro leaves", + "greek yogurt", + "black peppercorns", + "milk", + "white poppy seeds", + "garlic", + "lemon juice", + "onions", + "clove", + "red chili peppers", + "garam masala", + "ginger", + "cardamom", + "ghee", + "tumeric", + "coriander seeds", + "cassia cinnamon", + "salt", + "gram flour", + "saffron" + ] + }, + { + "id": 46165, + "ingredients": [ + "sake", + "mirin", + "sugar", + "dark soy sauce" + ] + }, + { + "id": 20860, + "ingredients": [ + "eggs", + "eggplant", + "Italian seasoned breadcrumbs", + "mozzarella cheese", + "marinara sauce", + "kosher salt", + "parmesan cheese", + "fresh basil leaves", + "milk", + "vegetable oil" + ] + }, + { + "id": 42494, + "ingredients": [ + "tomato sauce", + "coarse salt", + "sweet italian sausage", + "lasagna noodles", + "pecorino romano cheese", + "mozzarella cheese", + "ricotta cheese", + "large eggs", + "extra-virgin olive oil" + ] + }, + { + "id": 15968, + "ingredients": [ + "fresh thyme", + "carrots", + "canola oil", + "black peppercorns", + "shells", + "onions", + "leeks", + "celery", + "garlic", + "bay leaf" + ] + }, + { + "id": 20484, + "ingredients": [ + "rice", + "cilantro leaves", + "fresh mint", + "fish sauce", + "beansprouts", + "dried rice noodles", + "medium shrimp" + ] + }, + { + "id": 26661, + "ingredients": [ + "fresh basil", + "fresh cilantro", + "red pepper flakes", + "garlic", + "kosher salt", + "chopped tomatoes", + "cracked black pepper", + "coconut milk", + "mahi mahi", + "lime", + "fish stock", + "shrimp", + "palm oil", + "jasmine rice", + "bell pepper", + "ginger", + "onions" + ] + }, + { + "id": 47182, + "ingredients": [ + "chili powder", + "low salt chicken broth", + "boneless skinless chicken breast halves", + "tomatoes", + "frozen corn kernels", + "fresh lime juice", + "olive oil", + "garlic cloves", + "onions", + "cilantro sprigs", + "sour cream", + "chopped cilantro fresh" + ] + }, + { + "id": 22528, + "ingredients": [ + "large eggs", + "salt", + "sugar", + "golden delicious apples", + "fresh raspberries", + "ground ginger", + "baking powder", + "all-purpose flour", + "unsalted butter", + "vanilla extract", + "fresh lemon juice" + ] + }, + { + "id": 3861, + "ingredients": [ + "green curry paste", + "ground ginger", + "shrimp", + "low sodium chicken broth", + "lime", + "frozen peas" + ] + }, + { + "id": 1203, + "ingredients": [ + "sole fillet", + "vegetable oil", + "flat leaf parsley", + "unsalted butter", + "fresh lemon juice", + "ground black pepper", + "all-purpose flour", + "lemon wedge", + "coarse kosher salt" + ] + }, + { + "id": 45040, + "ingredients": [ + "ground ginger", + "golden raisins", + "grated orange", + "ground cloves", + "fresh orange juice", + "sugar", + "fresh cranberries", + "celery ribs", + "water", + "apples" + ] + }, + { + "id": 33287, + "ingredients": [ + "red lentils", + "vegetables", + "garlic", + "cashew nuts", + "instant rice", + "butter", + "dal", + "tomatoes", + "garam masala", + "cumin seed", + "chicken", + "chili pepper", + "raisins", + "onions" + ] + }, + { + "id": 10097, + "ingredients": [ + "bread crumbs", + "ground allspice", + "pork", + "ice water", + "white pepper", + "salt", + "ground ginger", + "ground sage", + "thyme leaves" + ] + }, + { + "id": 42005, + "ingredients": [ + "potatoes", + "kosher salt", + "barbecue seasoning" + ] + }, + { + "id": 12423, + "ingredients": [ + "chicken broth", + "free-range chickens", + "garlic cloves", + "saffron threads", + "short-grain rice", + "extra-virgin olive oil", + "saffron", + "arborio rice", + "roasted red peppers", + "green pepper", + "chicken", + "tomatoes", + "white rice", + "onions" + ] + }, + { + "id": 39613, + "ingredients": [ + "bay leaves", + "ground black pepper", + "salt", + "water", + "spring chicken", + "cooking oil", + "chopped cilantro" + ] + }, + { + "id": 30276, + "ingredients": [ + "granulated sugar", + "sweetened condensed milk", + "unsweetened cocoa powder", + "butter" + ] + }, + { + "id": 18686, + "ingredients": [ + "mayonaise", + "corn", + "crumbled goat cheese", + "chile powder", + "lime wedges" + ] + }, + { + "id": 3031, + "ingredients": [ + "sliced almonds", + "whipping cream", + "unsweetened chocolate", + "unsalted butter", + "salt", + "golden brown sugar", + "vanilla extract", + "milk chocolate chips", + "ground cinnamon", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 40093, + "ingredients": [ + "olive oil", + "purple onion", + "rigatoni", + "balsamic vinegar", + "feta cheese crumbles", + "basil leaves", + "salt", + "pinenuts", + "crushed red pepper", + "sun-dried tomatoes in oil" + ] + }, + { + "id": 182, + "ingredients": [ + "mint leaves", + "pinenuts", + "rouget", + "haricots verts", + "extra-virgin olive oil", + "dried apricot" + ] + }, + { + "id": 46591, + "ingredients": [ + "butter", + "monterey jack", + "zucchini", + "jalape", + "large garlic cloves", + "ground cumin", + "flour tortillas", + "onions" + ] + }, + { + "id": 4092, + "ingredients": [ + "soy sauce", + "kosher salt", + "sesame oil", + "dipping sauces", + "bamboo shoots", + "ground ginger", + "lean ground pork", + "green onions", + "napa cabbage", + "carrots", + "dried black mushrooms", + "lily flowers", + "water", + "vegetable oil", + "all-purpose flour", + "boiling water", + "eggs", + "white pepper", + "dry white wine", + "red wine vinegar", + "corn starch" + ] + }, + { + "id": 13722, + "ingredients": [ + "yellow corn meal", + "baking powder", + "sugar", + "salt", + "melted butter", + "buttermilk", + "large eggs" + ] + }, + { + "id": 44575, + "ingredients": [ + "fresh basil", + "large egg whites", + "dry bread crumbs", + "fat free less sodium chicken broth", + "garlic powder", + "turkey breast", + "tomatoes", + "pepper", + "salt", + "olive oil flavored cooking spray", + "dry vermouth", + "olive oil", + "corn starch" + ] + }, + { + "id": 14989, + "ingredients": [ + "garlic cloves", + "chicken", + "dry white wine", + "fresh basil leaves", + "veal stock", + "onions", + "kalamata", + "plum tomatoes" + ] + }, + { + "id": 13270, + "ingredients": [ + "egg whites", + "all-purpose flour", + "eggs", + "almond extract", + "white sugar", + "baking powder", + "toasted almonds", + "lemon zest", + "butter" + ] + }, + { + "id": 25529, + "ingredients": [ + "tomato sauce", + "refrigerated pizza dough", + "olive oil", + "shredded mozzarella cheese", + "pepperoni slices", + "lean ground beef", + "low sodium tomato paste", + "italian seasoning" + ] + }, + { + "id": 12140, + "ingredients": [ + "kosher salt", + "whole milk yoghurt", + "heavy cream", + "cayenne pepper", + "chopped cilantro fresh", + "tomato paste", + "fresh ginger", + "chili powder", + "garlic", + "garlic cloves", + "ground ginger", + "crushed tomatoes", + "boneless skinless chicken breasts", + "ground tumeric", + "ground coriander", + "ground cumin", + "sugar", + "garam masala", + "vegetable oil", + "salt", + "onions" + ] + }, + { + "id": 23127, + "ingredients": [ + "avocado", + "pork", + "lime", + "flour", + "shredded sharp cheddar cheese", + "sharp cheddar cheese", + "carrots", + "ground cumin", + "stock", + "water", + "tortillas", + "whole wheat tortillas", + "sauce", + "enchilada sauce", + "chopped cilantro fresh", + "cooked rice", + "beans", + "coriander seeds", + "condiments", + "salsa", + "orange juice", + "onions", + "cotija", + "fresh cilantro", + "pork shoulder butt", + "cilantro", + "green chilies", + "pinto beans", + "monterey jack" + ] + }, + { + "id": 13523, + "ingredients": [ + "fresh basil", + "olive oil", + "bow-tie pasta", + "pepper", + "fresh mozzarella", + "prepar pesto", + "grated parmesan cheese", + "cherry tomatoes", + "salt" + ] + }, + { + "id": 41270, + "ingredients": [ + "olive oil", + "rigatoni", + "Johnsonville Mild Italian Sausage Links", + "red bell pepper", + "garlic", + "pasta sauce", + "flat leaf parsley" + ] + }, + { + "id": 8362, + "ingredients": [ + "black pepper", + "skinless chicken breasts", + "rice noodles", + "pak choi", + "prawns", + "coconut cream", + "chicken stock", + "red pepper", + "thai green curry paste" + ] + }, + { + "id": 11735, + "ingredients": [ + "gin", + "fresh lemon juice", + "seltzer", + "half & half", + "ice cubes", + "orange flower water", + "large egg whites", + "fresh lime juice" + ] + }, + { + "id": 27935, + "ingredients": [ + "white vermouth", + "dry white wine", + "wild mushrooms", + "leeks", + "extra-virgin olive oil", + "grated parmesan cheese", + "butter", + "arborio rice", + "mushrooms", + "low salt chicken broth" + ] + }, + { + "id": 28198, + "ingredients": [ + "white onion", + "crema mexican", + "corn tortillas", + "avocado", + "refried beans", + "large garlic cloves", + "serrano chile", + "ricotta salata", + "vegetable oil", + "chopped cilantro", + "tomatoes", + "radishes", + "chicken meat", + "iceberg lettuce" + ] + }, + { + "id": 37765, + "ingredients": [ + "fresh ginger", + "seeds", + "small red potato", + "fresh cilantro", + "jalapeno chilies", + "salt", + "fresh lime juice", + "olive oil", + "cooking spray", + "garlic cloves", + "ground turmeric", + "mint", + "garam masala", + "lime wedges", + "mustard seeds" + ] + }, + { + "id": 33856, + "ingredients": [ + "unflavored gelatin", + "tilapia fillets", + "worcestershire sauce", + "black pepper", + "leeks", + "carrots", + "sugar", + "garlic powder", + "vegetable broth", + "water", + "lemon", + "sliced mushrooms" + ] + }, + { + "id": 30198, + "ingredients": [ + "baguette", + "salt", + "capers", + "balsamic vinegar", + "tomatoes", + "green onions", + "lemon juice", + "fresh oregano leaves", + "garlic" + ] + }, + { + "id": 42521, + "ingredients": [ + "almonds", + "salt", + "eggs", + "butter", + "anise extract", + "anise seed", + "baking powder", + "all-purpose flour", + "brandy", + "vanilla extract", + "white sugar" + ] + }, + { + "id": 21567, + "ingredients": [ + "dry rub", + "salad dressing", + "white onion", + "red potato", + "fresh parsley", + "bacon slices" + ] + }, + { + "id": 36995, + "ingredients": [ + "salt", + "potatoes", + "sour cream", + "watercress", + "chopped parsley", + "dried tarragon leaves", + "lemon juice" + ] + }, + { + "id": 24967, + "ingredients": [ + "fish sauce", + "red curry paste", + "lime juice", + "coconut milk", + "palm sugar", + "chicken broth", + "pumpkin purée" + ] + }, + { + "id": 45002, + "ingredients": [ + "pickling spices", + "pork butt", + "nutmeg", + "dry red wine", + "pepper", + "ground cinnamon", + "salt" + ] + }, + { + "id": 48925, + "ingredients": [ + "boneless skinless chicken breast halves", + "onion soup mix", + "dress russian", + "orange marmalade" + ] + }, + { + "id": 36914, + "ingredients": [ + "red chile powder", + "salt", + "whole milk", + "dark chocolate", + "unsweetened cocoa powder" + ] + }, + { + "id": 2280, + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "sugar", + "buttermilk", + "baking powder", + "baking soda", + "salt" + ] + }, + { + "id": 14729, + "ingredients": [ + "honey", + "cajun seasoning", + "pork baby back ribs", + "dijon mustard", + "salt", + "ground black pepper", + "crushed red pepper flakes", + "cider vinegar", + "vegetable oil", + "onions" + ] + }, + { + "id": 4594, + "ingredients": [ + "chicken bouillon granules", + "green onions", + "ground black pepper", + "long-grain rice", + "water", + "butter", + "grated parmesan cheese" + ] + }, + { + "id": 2237, + "ingredients": [ + "chile pepper", + "ground cumin", + "kosher salt", + "red bell pepper", + "white onion", + "freshly ground pepper", + "olive oil", + "chopped cilantro fresh" + ] + }, + { + "id": 45631, + "ingredients": [ + "preserved lemon", + "water", + "garlic", + "lemon rind", + "black pepper", + "butter", + "salt", + "onions", + "tumeric", + "olive oil", + "ras el hanout", + "fresh parsley", + "saffron threads", + "white pepper", + "ginger", + "lamb", + "cumin" + ] + }, + { + "id": 2317, + "ingredients": [ + "white vinegar", + "ketchup", + "crushed red pepper flakes", + "corn starch", + "cooked rice", + "olive oil", + "chinese five-spice powder", + "sliced green onions", + "cold water", + "water", + "orange juice", + "bone in chicken thighs", + "brown sugar", + "reduced sodium soy sauce", + "garlic cloves" + ] + }, + { + "id": 23079, + "ingredients": [ + "mayonaise", + "raisins", + "corn", + "skinless chicken breasts", + "white vinegar", + "potatoes", + "carrots", + "pepper", + "salt" + ] + }, + { + "id": 29333, + "ingredients": [ + "tamari soy sauce", + "gomashio", + "garlic cloves", + "peanut oil", + "toasted sesame oil", + "ginger", + "red bell pepper" + ] + }, + { + "id": 48066, + "ingredients": [ + "salt", + "water", + "bay leaves", + "cornmeal" + ] + }, + { + "id": 15737, + "ingredients": [ + "kosher salt", + "ground black pepper", + "shredded cheddar cheese", + "pasta", + "whole milk" + ] + }, + { + "id": 30580, + "ingredients": [ + "curry powder", + "diced tomatoes", + "chopped onion", + "black beans", + "olive oil", + "cracked black pepper", + "long-grain rice", + "capers", + "dried thyme", + "crushed red pepper flakes", + "ground allspice", + "minced garlic", + "boneless skinless chicken breasts", + "dry red wine" + ] + }, + { + "id": 1119, + "ingredients": [ + "elderflower syrup", + "wine", + "honeydew melon", + "unflavored gelatin", + "water", + "sugar", + "orange zest" + ] + }, + { + "id": 46336, + "ingredients": [ + "tomatoes", + "unsalted butter", + "garlic", + "couscous", + "chicken", + "pepper", + "golden raisins", + "cayenne pepper", + "boiling water", + "boneless chicken skinless thigh", + "cooking oil", + "salt", + "chopped cilantro", + "ground cumin", + "ground ginger", + "honey", + "whole wheat couscous", + "cinnamon sticks", + "ground turmeric" + ] + }, + { + "id": 5026, + "ingredients": [ + "pepper", + "shredded pepper jack cheese", + "flour tortillas", + "large shrimp", + "olive oil", + "garlic cloves", + "salt", + "chorizo sausage" + ] + }, + { + "id": 10749, + "ingredients": [ + "almonds", + "tilapia", + "white onion", + "red pepper flakes", + "ground turmeric", + "ground ginger", + "lemon grass", + "coconut milk", + "pepper", + "salt" + ] + }, + { + "id": 31020, + "ingredients": [ + "water", + "diced tomatoes", + "ground cumin", + "tomato sauce", + "Daisy Brand Light Sour Cream", + "chopped onion", + "light kidney beans", + "chopped bell pepper", + "cracked black pepper", + "minced garlic", + "chili powder", + "95% lean ground beef" + ] + }, + { + "id": 30805, + "ingredients": [ + "cauliflower", + "zucchini", + "all-purpose flour", + "white wine", + "florets", + "club soda", + "large egg whites", + "salt", + "cremini mushrooms", + "vegetable oil", + "red apples" + ] + }, + { + "id": 27653, + "ingredients": [ + "rocket leaves", + "cantaloupe", + "canola oil", + "prosciutto", + "salt", + "sugar", + "honeydew melon", + "ground black pepper", + "rice vinegar" + ] + }, + { + "id": 35060, + "ingredients": [ + "yellow corn meal", + "water", + "jalapeno chilies", + "chopped onion", + "romano cheese", + "olive oil", + "chili powder", + "chopped cilantro fresh", + "tomatoes", + "yellow squash", + "cooking spray", + "carrots", + "pepper", + "eggplant", + "salt" + ] + }, + { + "id": 39174, + "ingredients": [ + "chile pepper", + "onions", + "fresh lemon juice", + "salt", + "fresh mint" + ] + }, + { + "id": 49509, + "ingredients": [ + "water", + "ground black pepper", + "extra-virgin olive oil", + "bread flour", + "dried basil", + "flour", + "lemon juice", + "sun-dried tomatoes", + "asiago", + "white sugar", + "active dry yeast", + "powdered milk", + "salt" + ] + }, + { + "id": 31784, + "ingredients": [ + "roasted almonds", + "condensed milk", + "sugar", + "unsalted butter", + "eggs", + "baking soda", + "honey", + "all-purpose flour" + ] + }, + { + "id": 31408, + "ingredients": [ + "romaine lettuce", + "roma tomatoes", + "salt", + "white sugar", + "smoked bacon", + "extra-virgin olive oil", + "herbes de provence", + "eggs", + "dijon mustard", + "garlic", + "onions", + "pepper", + "red wine vinegar", + "curly endive" + ] + }, + { + "id": 36029, + "ingredients": [ + "tortillas", + "spices", + "yoghurt", + "cooking oil", + "onions", + "pepper", + "chicken breasts" + ] + }, + { + "id": 11045, + "ingredients": [ + "water", + "butter", + "white wine", + "sherry", + "shrimp", + "cream", + "leeks", + "tomato paste", + "flour", + "garlic cloves" + ] + }, + { + "id": 6561, + "ingredients": [ + "pure vanilla extract", + "large eggs", + "cake flour", + "unsalted butter", + "vegetable oil", + "sour cream", + "evaporated milk", + "baking powder", + "salt", + "granulated sugar", + "butter" + ] + }, + { + "id": 26992, + "ingredients": [ + "unsalted butter", + "kosher salt", + "cassava", + "sugar", + "coconut milk", + "eggs", + "heavy cream" + ] + }, + { + "id": 31179, + "ingredients": [ + "vegetable oil cooking spray", + "buttermilk", + "creole seasoning", + "japanese breadcrumbs", + "salt", + "pepper", + "paprika", + "green tomatoes", + "all-purpose flour" + ] + }, + { + "id": 35099, + "ingredients": [ + "sugar", + "chile pepper", + "chopped cilantro fresh", + "vinegar", + "tortilla chips", + "ground cumin", + "olive oil", + "salt", + "plum tomatoes", + "jalapeno chilies", + "cucumber" + ] + }, + { + "id": 11018, + "ingredients": [ + "canned low sodium chicken broth", + "mirin", + "rice vinegar", + "pork loin chops", + "soy sauce", + "garlic", + "firm tofu", + "sugar", + "sesame oil", + "chinese cabbage", + "spaghettini", + "fresh ginger", + "salt", + "scallions" + ] + }, + { + "id": 17930, + "ingredients": [ + "serrano peppers", + "sweet pepper", + "shredded Monterey Jack cheese", + "white corn tortillas", + "vegetable oil", + "sour cream", + "tomatoes", + "lime wedges", + "nonstick spray", + "fresh cilantro", + "cilantro", + "onions" + ] + }, + { + "id": 21302, + "ingredients": [ + "extra-virgin olive oil", + "fresh lemon juice", + "parmigiano reggiano cheese", + "hearts of romaine" + ] + }, + { + "id": 46352, + "ingredients": [ + "soy sauce", + "sesame seeds", + "peanut butter", + "spaghetti", + "honey", + "vegetable oil", + "garlic cloves", + "dry roasted peanuts", + "wheat", + "scallions", + "fresh ginger", + "rice vinegar", + "chopped cilantro" + ] + }, + { + "id": 25132, + "ingredients": [ + "chipotle chile", + "coarse salt", + "corn oil", + "garlic cloves", + "white onion", + "all-purpose flour", + "Mexican oregano", + "ancho chile pepper" + ] + }, + { + "id": 7010, + "ingredients": [ + "heavy cream", + "cayenne pepper", + "russet potatoes", + "salt", + "cumin", + "black pepper", + "garlic", + "Hatch Green Chiles", + "butter", + "yellow onion" + ] + }, + { + "id": 25850, + "ingredients": [ + "bacon grease", + "water", + "hominy grits", + "eggs", + "sharp cheddar cheese", + "milk" + ] + }, + { + "id": 19601, + "ingredients": [ + "pepper", + "flour tortillas", + "shredded pepper jack cheese", + "fresh cilantro", + "crushed red pepper flakes", + "fresh pineapple", + "lime juice", + "top sirloin steak", + "chopped onion", + "tomatoes", + "olive oil", + "salt" + ] + }, + { + "id": 7935, + "ingredients": [ + "parmesan cheese", + "crushed red pepper", + "fat free less sodium chicken broth", + "ditalini", + "garlic cloves", + "fresh rosemary", + "cannellini beans", + "chopped onion", + "olive oil", + "diced tomatoes" + ] + }, + { + "id": 34994, + "ingredients": [ + "water", + "rice vinegar", + "black peppercorns", + "bay leaves", + "canola oil", + "ground black pepper", + "gluten free soy sauce", + "kosher salt", + "garlic" + ] + }, + { + "id": 25113, + "ingredients": [ + "baby spinach", + "cornmeal", + "roasted red peppers", + "pizza doughs", + "mozzarella cheese", + "extra-virgin olive oil", + "onions", + "oil-cured black olives", + "garlic cloves" + ] + }, + { + "id": 45523, + "ingredients": [ + "olive oil", + "garlic", + "chicken fingers", + "eggs", + "ground black pepper", + "all-purpose flour", + "fresh basil leaves", + "salt and ground black pepper", + "salt", + "onions", + "cherry tomatoes", + "chees fresh mozzarella", + "cayenne pepper", + "panko breadcrumbs" + ] + }, + { + "id": 34977, + "ingredients": [ + "vidalia onion", + "bay leaves", + "garlic cloves", + "celery salt", + "water", + "crushed red pepper", + "sugar", + "apple cider vinegar", + "mustard seeds", + "gin", + "peaches", + "salt" + ] + }, + { + "id": 7124, + "ingredients": [ + "sugar", + "fresh raspberries", + "peach nectar", + "vanilla extract", + "peaches", + "seltzer water" + ] + }, + { + "id": 27514, + "ingredients": [ + "phyllo dough", + "butter", + "milk", + "white sugar", + "water", + "grated lemon zest", + "eggs", + "semolina" + ] + }, + { + "id": 27178, + "ingredients": [ + "black beans", + "cilantro", + "skinless chicken breasts", + "dried oregano", + "tomato sauce", + "low-sodium fat-free chicken broth", + "non-fat sour cream", + "chipotles in adobo", + "olive oil", + "garlic", + "scallions", + "cumin", + "reduced fat cheddar cheese", + "diced tomatoes", + "frozen corn", + "onions" + ] + }, + { + "id": 47880, + "ingredients": [ + "water", + "sauce", + "oil", + "gochugaru", + "Gochujang base", + "onions", + "potatoes", + "baby carrots", + "chicken", + "soy sauce", + "rice wine", + "scallions" + ] + }, + { + "id": 29197, + "ingredients": [ + "water", + "yolk", + "milk", + "salt", + "vanilla beans", + "whipping cream", + "sugar", + "large eggs" + ] + }, + { + "id": 16347, + "ingredients": [ + "eggs", + "baking powder", + "heavy whipping cream", + "green onions", + "shredded sharp cheddar cheese", + "onions", + "potatoes", + "butter", + "sour cream", + "shredded swiss cheese", + "salt" + ] + }, + { + "id": 20333, + "ingredients": [ + "triple sec", + "tequila", + "strawberries", + "bananas", + "fresh lime juice", + "crushed ice" + ] + }, + { + "id": 29112, + "ingredients": [ + "potato starch", + "water", + "flour", + "salt", + "soy sauce", + "fresh ginger", + "vegetable oil", + "eggs", + "honey", + "rice wine", + "lemon juice", + "pepper", + "beef", + "garlic" + ] + }, + { + "id": 7510, + "ingredients": [ + "potatoes", + "pepper", + "salt", + "eggs", + "sunflower oil", + "dried basil", + "sausages" + ] + }, + { + "id": 13897, + "ingredients": [ + "mayonaise", + "curry powder", + "green onions", + "smoked paprika", + "kosher salt", + "unsalted butter", + "Gochujang base", + "chipotle chile powder", + "broccoli slaw", + "olive oil", + "apple cider vinegar", + "chopped cilantro", + "brown sugar", + "pepper", + "flour tortillas", + "shrimp" + ] + }, + { + "id": 35699, + "ingredients": [ + "lamb shanks", + "dry red wine", + "garlic cloves", + "chicken stock", + "olive oil", + "yellow onion", + "honey", + "cornflour", + "ground cumin", + "ground cinnamon", + "sweet potatoes", + "ground coriander" + ] + }, + { + "id": 20520, + "ingredients": [ + "boneless chicken skinless thigh", + "shredded cheddar cheese", + "fresh thyme", + "apple cider vinegar", + "garlic", + "tortilla chips", + "ground cumin", + "tomato paste", + "kosher salt", + "diced green chilies", + "jalapeno chilies", + "ancho powder", + "cilantro leaves", + "corn tortillas", + "chipotle chile", + "store bought low sodium chicken stock", + "ground black pepper", + "bay leaves", + "extra-virgin olive oil", + "hot sauce", + "unsweetened cocoa powder", + "avocado", + "white onion", + "lime", + "lager", + "diced tomatoes", + "purple onion", + "sour cream" + ] + }, + { + "id": 38920, + "ingredients": [ + "silver tequila", + "salt", + "lime wedges", + "orange bitters", + "ice", + "lime juice", + "pomegranate syrup" + ] + }, + { + "id": 21775, + "ingredients": [ + "grated coconut", + "green chilies", + "red chili powder", + "water", + "carrots", + "curry leaves", + "kosher salt", + "oil", + "yellow mustard seeds", + "purple onion", + "ground turmeric" + ] + }, + { + "id": 37475, + "ingredients": [ + "sirloin tip", + "mirin", + "white sesame seeds", + "sugar", + "oil", + "sake", + "scallions", + "soy sauce", + "corn starch" + ] + }, + { + "id": 40131, + "ingredients": [ + "dried basil", + "bay leaves", + "garlic", + "beef broth", + "onions", + "green bell pepper", + "garlic powder", + "worcestershire sauce", + "salt", + "fresh parsley leaves", + "kosher salt", + "ground black pepper", + "diced tomatoes", + "all-purpose flour", + "diced celery", + "dried thyme", + "vegetable oil", + "boneless beef chuck roast", + "hot sauce" + ] + }, + { + "id": 1939, + "ingredients": [ + "minced garlic", + "chili powder", + "low-fat cream cheese", + "chicken", + "chicken broth", + "diced green chilies", + "salt", + "sour cream", + "garlic powder", + "onion powder", + "prepared guacamole", + "shredded cheddar cheese", + "wheat", + "salsa", + "cumin" + ] + }, + { + "id": 48268, + "ingredients": [ + "cooked ham", + "vegetable oil", + "red bell pepper", + "spanish rice", + "diced tomatoes", + "onions", + "low sodium chicken broth", + "salt", + "chicken sausage", + "garlic", + "frozen peas" + ] + }, + { + "id": 34815, + "ingredients": [ + "water", + "eggplant", + "salt", + "olive oil", + "whole milk", + "fresh mint", + "sesame seeds", + "baking powder", + "honey", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 13797, + "ingredients": [ + "minced garlic", + "tequila", + "salt and ground black pepper", + "spaghetti", + "olive oil", + "boneless skinless chicken breast halves", + "diced tomatoes", + "italian seasoning" + ] + }, + { + "id": 39063, + "ingredients": [ + "large egg whites", + "rice wine", + "garlic", + "sugar", + "green onions", + "red wine vinegar", + "dark sesame oil", + "chiles", + "hoisin sauce", + "vegetable oil", + "salt", + "soy sauce", + "boneless skinless chicken breasts", + "salted roast peanuts", + "corn starch" + ] + }, + { + "id": 29064, + "ingredients": [ + "low sodium soy sauce", + "udon", + "rice vinegar", + "orange zest", + "hoisin sauce", + "vegetable stock", + "carrots", + "butter lettuce", + "broccoli florets", + "juice", + "extra firm tofu", + "red pepper flakes", + "corn starch" + ] + }, + { + "id": 26896, + "ingredients": [ + "balsamic vinegar", + "canola mayonnaise", + "saffron threads", + "extra-virgin olive oil", + "warm water", + "salt", + "large garlic cloves" + ] + }, + { + "id": 29477, + "ingredients": [ + "amaretti", + "grated lemon zest", + "sugar", + "salt", + "fresh lemon juice", + "large eggs", + "all-purpose flour", + "pure vanilla extract", + "cinnamon", + "ricotta" + ] + }, + { + "id": 3352, + "ingredients": [ + "irish bacon", + "vegetable oil", + "large eggs", + "all-purpose flour", + "fresh chives", + "salt", + "whole milk" + ] + }, + { + "id": 4966, + "ingredients": [ + "tostadas", + "cheese", + "shredded lettuce", + "sour cream", + "large flour tortillas", + "taco seasoning", + "diced tomatoes", + "ground beef" + ] + }, + { + "id": 7316, + "ingredients": [ + "warm water", + "all-purpose flour", + "vegetable oil cooking spray", + "extra-virgin olive oil", + "sugar", + "salt", + "active dry yeast" + ] + }, + { + "id": 23879, + "ingredients": [ + "flour tortillas", + "onions", + "papaya", + "brie cheese", + "chili", + "salsa", + "chopped cilantro fresh", + "olive oil", + "sour cream" + ] + }, + { + "id": 16525, + "ingredients": [ + "fat free milk", + "extra-virgin olive oil", + "garlic cloves", + "tomatoes", + "jalapeno chilies", + "freshly ground pepper", + "flat leaf parsley", + "large eggs", + "dry bread crumbs", + "flour for dusting", + "kosher salt", + "ground chicken breast", + "oil", + "dried oregano" + ] + }, + { + "id": 32843, + "ingredients": [ + "olive oil", + "water", + "violets", + "powdered sugar", + "flour", + "orange" + ] + }, + { + "id": 39574, + "ingredients": [ + "sea salt", + "quinoa", + "water", + "oil", + "baking powder" + ] + }, + { + "id": 32737, + "ingredients": [ + "dried thyme", + "garlic", + "onions", + "ground pepper", + "white wine vinegar", + "oregano", + "lime juice", + "bay leaves", + "fat skimmed chicken broth", + "ground cumin", + "tomatoes", + "jalapeno chilies", + "salt", + "chuck" + ] + }, + { + "id": 44788, + "ingredients": [ + "pork belly", + "cane vinegar", + "peppercorns", + "water", + "garlic", + "potatoes", + "salt", + "sugar", + "bay leaves", + "oil" + ] + }, + { + "id": 28772, + "ingredients": [ + "olive oil", + "chopped fresh thyme", + "carrots", + "grated parmesan cheese", + "vegetable broth", + "zucchini", + "lemon", + "orzo pasta", + "garlic" + ] + }, + { + "id": 34189, + "ingredients": [ + "pepper", + "fresh lime juice", + "avocado", + "salt", + "tomatillos", + "serrano chile", + "fresh cilantro", + "onions" + ] + }, + { + "id": 33719, + "ingredients": [ + "water", + "quickcooking grits", + "sharp cheddar cheese", + "sliced green onions", + "fat free milk", + "salt", + "ham", + "olive oil", + "cajun seasoning", + "garlic cloves", + "unsalted butter", + "chopped onion", + "medium shrimp" + ] + }, + { + "id": 25846, + "ingredients": [ + "fenugreek leaves", + "garam masala", + "ginger", + "ghee", + "kosher salt", + "chicken drumsticks", + "ground coriander", + "ground turmeric", + "white onion", + "ground black pepper", + "garlic", + "serrano chile", + "milk", + "heavy cream", + "chopped cilantro", + "plum tomatoes" + ] + }, + { + "id": 1423, + "ingredients": [ + "garam masala", + "garlic", + "hot water", + "heavy cream", + "purple onion", + "chopped cilantro fresh", + "cooking oil", + "paneer", + "white sugar", + "fresh ginger root", + "diced tomatoes", + "salt", + "ground turmeric" + ] + }, + { + "id": 4328, + "ingredients": [ + "reduced sodium chicken broth", + "bok choy", + "wide rice noodles", + "reduced sodium soy sauce", + "canola oil", + "water", + "mung bean sprouts", + "fresh basil", + "flank steak" + ] + }, + { + "id": 579, + "ingredients": [ + "mayonaise", + "dijon mustard", + "fines herbes", + "garlic powder", + "old bay seasoning", + "unsalted butter", + "worcestershire sauce", + "lump crab meat", + "large eggs", + "Italian seasoned breadcrumbs" + ] + }, + { + "id": 5219, + "ingredients": [ + "tomatoes", + "coriander powder", + "green chilies", + "chicken", + "pepper", + "salt", + "mustard seeds", + "garlic paste", + "chili powder", + "oil", + "ground cumin", + "curry leaves", + "garam masala", + "cilantro leaves", + "onions" + ] + }, + { + "id": 2314, + "ingredients": [ + "milk", + "baking powder", + "yellow onion", + "chicken pieces", + "ground black pepper", + "garlic", + "carrots", + "bay leaves", + "all-purpose flour", + "celery", + "dried thyme", + "coarse salt", + "cayenne pepper", + "fresh parsley" + ] + }, + { + "id": 31143, + "ingredients": [ + "olive oil", + "harissa", + "toasted pine nuts", + "tomatoes", + "large eggs", + "garlic", + "onions", + "eggplant", + "lemon wedge", + "fresh parsley", + "low sodium vegetable broth", + "bell pepper", + "ras el hanout" + ] + }, + { + "id": 13409, + "ingredients": [ + "fish sauce", + "fresh cilantro", + "baking soda", + "slaw mix", + "salt", + "skinless chicken breasts", + "toasted sesame seeds", + "cotija", + "honey", + "jalapeno chilies", + "garlic", + "all-purpose flour", + "korean chile paste", + "brown sugar", + "lime", + "mirin", + "sea salt", + "rice vinegar", + "carrots", + "eggs", + "black pepper", + "fresh ginger", + "sesame oil", + "tamari soy sauce", + "cayenne pepper", + "corn tortillas" + ] + }, + { + "id": 3281, + "ingredients": [ + "feta cheese", + "fresh parsley", + "tomatoes", + "large garlic cloves", + "brine-cured olives", + "red wine vinegar", + "olive oil", + "purple onion" + ] + }, + { + "id": 15804, + "ingredients": [ + "palm sugar", + "garlic cloves", + "white pepper", + "cilantro leaves", + "fish sauce", + "chicken breasts", + "water", + "oil" + ] + }, + { + "id": 40835, + "ingredients": [ + "sweet potatoes", + "salt", + "garlic cloves", + "grits", + "milk", + "butter", + "creole seasoning", + "smoked gouda", + "lemon zest", + "cilantro sprigs", + "freshly ground pepper", + "chopped cilantro fresh", + "green onions", + "hot chili sauce", + "shrimp", + "canola oil" + ] + }, + { + "id": 39262, + "ingredients": [ + "fresh spinach", + "zucchini", + "salt", + "garlic cloves", + "shiitake", + "sesame oil", + "scallions", + "toasted sesame seeds", + "water", + "extra firm tofu", + "Gochujang base", + "beansprouts", + "sushi rice", + "agave nectar", + "rice vinegar", + "carrots" + ] + }, + { + "id": 37013, + "ingredients": [ + "clove", + "cider vinegar", + "fresh ginger", + "dark brown sugar", + "tomato purée", + "curry powder", + "ground mustard", + "onions", + "tomato paste", + "minced garlic", + "paprika", + "cinnamon sticks", + "kosher salt", + "olive oil", + "cardamom pods" + ] + }, + { + "id": 14807, + "ingredients": [ + "pepper", + "salt", + "pigeon peas", + "garlic cloves", + "uncle bens", + "thyme", + "water", + "scallions" + ] + }, + { + "id": 47956, + "ingredients": [ + "pepper", + "worcestershire sauce", + "salt", + "chopped cilantro fresh", + "brown sauce", + "balsamic vinegar", + "tomatoes with juice", + "onions", + "olive oil", + "heavy cream", + "carrots", + "red chili peppers", + "vegetable stock", + "garlic", + "white sugar" + ] + }, + { + "id": 2580, + "ingredients": [ + "tomatoes", + "lime", + "vegetable oil", + "chicken thighs", + "kosher salt", + "low sodium chicken broth", + "ancho chile pepper", + "shredded Monterey Jack cheese", + "white onion", + "radishes", + "crème fraîche", + "serrano chile", + "fresh cilantro", + "seeds", + "corn tortillas" + ] + }, + { + "id": 13720, + "ingredients": [ + "fresh parmesan cheese", + "canola oil", + "reduced fat sharp cheddar cheese", + "1% low-fat milk", + "large eggs", + "tapioca flour", + "flour for dusting" + ] + }, + { + "id": 23008, + "ingredients": [ + "potato starch", + "shiitake", + "chili oil", + "gyoza wrappers", + "cabbage", + "soy sauce", + "quinoa", + "garlic", + "firm tofu", + "sake", + "vegetables", + "ginger", + "rice vinegar", + "white pepper", + "sesame oil", + "salt", + "scallions" + ] + }, + { + "id": 5951, + "ingredients": [ + "cornish hens", + "cooking spray", + "mango chutney", + "curry powder", + "lemon juice" + ] + }, + { + "id": 39312, + "ingredients": [ + "water", + "salsa", + "egg whites", + "pepper jack", + "sour cream", + "wonton wrappers" + ] + }, + { + "id": 6176, + "ingredients": [ + "sweet potatoes", + "all-purpose flour", + "evaporated milk", + "butter", + "ground nutmeg", + "salt", + "milk", + "baking powder", + "toasted wheat germ" + ] + }, + { + "id": 17617, + "ingredients": [ + "garlic", + "fresh ginger", + "peppercorns", + "kosher salt", + "scallions", + "cilantro" + ] + }, + { + "id": 57, + "ingredients": [ + "chicken stock", + "vegetable oil", + "tortilla chips", + "crema mexican", + "epazote", + "chopped cilantro fresh", + "jalapeno chilies", + "cheese", + "white onion", + "tomatillos", + "garlic cloves" + ] + }, + { + "id": 43422, + "ingredients": [ + "coconut", + "oil", + "curry leaves", + "salt", + "asafetida", + "chana dal", + "mustard seeds", + "red chili peppers", + "beets" + ] + }, + { + "id": 49403, + "ingredients": [ + "brandy", + "beer", + "lemonade" + ] + }, + { + "id": 44751, + "ingredients": [ + "ground cinnamon", + "milk", + "sugar", + "raisins", + "turbinado", + "cream", + "white sandwich bread", + "eggs", + "butter" + ] + }, + { + "id": 21865, + "ingredients": [ + "milk", + "sour cream", + "avocado", + "hot pepper sauce", + "pepper", + "ranch dressing", + "garlic powder", + "fresh lime juice" + ] + }, + { + "id": 26584, + "ingredients": [ + "eggs", + "ground pepper", + "garlic salt", + "milk", + "cheese", + "chicken", + "fresh chives", + "mixed vegetables", + "dried oregano", + "dried thyme", + "shortcrust pastry" + ] + }, + { + "id": 39355, + "ingredients": [ + "eggs", + "rice cakes", + "salt", + "black pepper", + "sirloin steak", + "soy sauce", + "green onions", + "beef broth", + "sesame seeds", + "garlic" + ] + }, + { + "id": 14038, + "ingredients": [ + "water", + "tequila", + "bourbon whiskey", + "club soda", + "lime slices", + "orange liqueur", + "frozen limeade concentrate" + ] + }, + { + "id": 45396, + "ingredients": [ + "medium tomatoes", + "potatoes", + "onions", + "blue crabs", + "ground black pepper", + "green chilies", + "eggs", + "garlic powder", + "salt", + "dried parsley", + "bread crumbs", + "cooking oil", + "carrots" + ] + }, + { + "id": 49715, + "ingredients": [ + "crumbled blue cheese", + "buffalo sauce", + "avocado", + "blue cheese dressing", + "chopped cilantro fresh", + "romaine lettuce", + "cooked chicken", + "corn kernel whole", + "flour tortillas", + "lime wedges", + "sliced green onions" + ] + }, + { + "id": 41515, + "ingredients": [ + "lime zest", + "fish sauce", + "palm sugar", + "ginger", + "ground turmeric", + "tomato paste", + "vegetables", + "coconut butter", + "garlic cloves", + "fennel seeds", + "full fat coconut milk", + "prawns", + "thai chile", + "cumin", + "kaffir lime leaves", + "ground nutmeg", + "shallots", + "coriander" + ] + }, + { + "id": 30445, + "ingredients": [ + "whitefish", + "potatoes", + "merluza", + "spanish onion", + "lemon", + "garlic cloves", + "olive oil", + "sea salt", + "fresh parsley", + "tomatoes", + "flour", + "green pepper" + ] + }, + { + "id": 4090, + "ingredients": [ + "melted butter", + "sea salt", + "chopped cilantro fresh", + "jalapeno chilies", + "orange juice", + "walnut pieces", + "cracked black pepper", + "sweet potatoes", + "softened butter" + ] + }, + { + "id": 17207, + "ingredients": [ + "lemongrass", + "thai chile", + "galangal", + "fresh coriander", + "Thai red curry paste", + "fresh lime juice", + "lime zest", + "palm sugar", + "vietnamese fish sauce", + "kaffir lime leaves", + "boneless skinless chicken breasts", + "coconut milk" + ] + }, + { + "id": 40376, + "ingredients": [ + "salt", + "active dry yeast", + "white sugar", + "warm water", + "margarine", + "nonfat dry milk powder", + "bread flour" + ] + }, + { + "id": 19398, + "ingredients": [ + "olive oil", + "cheese", + "shredded Monterey Jack cheese", + "Anaheim chile", + "garlic cloves", + "poblano peppers", + "tortilla chips", + "half & half", + "onions" + ] + }, + { + "id": 22347, + "ingredients": [ + "brown sugar", + "jalapeno chilies", + "lime wedges", + "cilantro sprigs", + "onions", + "clove", + "Sriracha", + "peeled fresh ginger", + "mint sprigs", + "cinnamon sticks", + "sliced green onions", + "fish sauce", + "hoisin sauce", + "turkey stock", + "star anise", + "beansprouts", + "rice stick noodles", + "thai basil", + "cooking spray", + "turkey", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 49671, + "ingredients": [ + "avocado", + "black beans", + "yellow bell pepper", + "vegetable base", + "cilantro", + "corn tortillas", + "cheddar cheese", + "lime", + "red bell pepper", + "medium grain brown rice", + "Mexican seasoning mix", + "purple onion" + ] + }, + { + "id": 40854, + "ingredients": [ + "anchovies", + "chopped parsley", + "perciatelli", + "dry white wine", + "tuna packed in water", + "olive oil", + "chunky tomatoes", + "garlic cloves" + ] + }, + { + "id": 926, + "ingredients": [ + "red cabbage", + "vegetable broth", + "ginger paste", + "cooked rice", + "vegetable oil", + "chopped onion", + "sesame oil", + "cubed ham", + "soy sauce", + "extra large eggs", + "shredded zucchini" + ] + }, + { + "id": 47919, + "ingredients": [ + "radishes", + "beef stew meat", + "bok choy", + "tomatoes", + "taro", + "garlic cloves", + "canola oil", + "water", + "fresh green bean", + "soup mix", + "jalapeno chilies", + "broccoli", + "onions" + ] + }, + { + "id": 20571, + "ingredients": [ + "pasta sauce", + "cooking spray", + "dough", + "pepper", + "corned beef", + "slaw", + "salt", + "part-skim mozzarella", + "grated parmesan cheese" + ] + }, + { + "id": 18866, + "ingredients": [ + "baking soda", + "dates", + "coffee granules", + "large eggs", + "boiling water", + "powdered sugar", + "unsalted butter", + "whipped cream", + "golden brown sugar", + "self rising flour", + "caramel sauce" + ] + }, + { + "id": 48742, + "ingredients": [ + "water", + "vegetable oil", + "knorr shrimp flavor bouillon cube", + "chopped cilantro fresh", + "hominy", + "garlic", + "chipotles in adobo", + "lime juice", + "dri oregano leaves, crush", + "uncook medium shrimp, peel and devein", + "red bell pepper, sliced", + "green bell pepper, slice", + "all-purpose flour", + "onions" + ] + }, + { + "id": 14577, + "ingredients": [ + "tomatoes", + "garlic cloves", + "ground black pepper", + "extra-virgin olive oil", + "kosher salt", + "sourdough" + ] + }, + { + "id": 29481, + "ingredients": [ + "minced garlic", + "sweet potatoes", + "onions", + "grated parmesan cheese", + "vegetable oil", + "half & half", + "sweet italian sausage", + "salt and ground black pepper", + "mushrooms", + "italian seasoning" + ] + }, + { + "id": 40996, + "ingredients": [ + "olive oil", + "boneless chicken skinless thigh", + "diced tomatoes", + "fresh basil", + "cannellini beans", + "Italian herbs", + "garlic cloves" + ] + }, + { + "id": 34470, + "ingredients": [ + "red lentils", + "ground black pepper", + "salt", + "carrots", + "dried thyme", + "bay leaves", + "yellow onion", + "smoked paprika", + "olive oil", + "diced tomatoes", + "chickpeas", + "cumin", + "cooked vegetables", + "vegetable broth", + "garlic cloves" + ] + }, + { + "id": 31147, + "ingredients": [ + "light sour cream", + "cherry tomatoes", + "chopped onion", + "ground cumin", + "black beans", + "sweet pepper", + "chopped cilantro fresh", + "tomatoes", + "garlic", + "corn tortillas", + "reduced fat monterey jack cheese", + "picante sauce", + "pitted olives", + "sliced green onions" + ] + }, + { + "id": 35932, + "ingredients": [ + "mixed greens", + "black olives", + "baby carrots", + "green onions", + "shredded mozzarella cheese" + ] + }, + { + "id": 27221, + "ingredients": [ + "olive oil", + "multigrain bread", + "fresh mozzarella", + "roasted red peppers", + "basil" + ] + }, + { + "id": 48301, + "ingredients": [ + "chopped fresh chives", + "fresh parsley", + "fresh basil", + "garlic", + "tomatoes", + "extra-virgin olive oil", + "pepper", + "salt" + ] + }, + { + "id": 29925, + "ingredients": [ + "sambal ulek", + "salt", + "water", + "english cucumber", + "sugar", + "rice vinegar", + "garlic", + "sliced green onions" + ] + }, + { + "id": 48640, + "ingredients": [ + "shiitake", + "red curry paste", + "sugar pea", + "ginger", + "coconut milk", + "kosher salt", + "cilantro leaves", + "medium shrimp", + "low sodium chicken broth", + "chow mein noodles" + ] + }, + { + "id": 22873, + "ingredients": [ + "orange juice", + "melon liqueur" + ] + }, + { + "id": 10565, + "ingredients": [ + "green bell pepper", + "hot water", + "chopped celery", + "noodles", + "long-grain rice", + "pork sausages", + "sliced almonds", + "onions" + ] + }, + { + "id": 15509, + "ingredients": [ + "tortellini", + "olives", + "meat", + "artichokes", + "pepper", + "cheese", + "red pepper", + "hummus" + ] + }, + { + "id": 37569, + "ingredients": [ + "sugar", + "whole milk", + "cooki vanilla wafer", + "bananas", + "salt", + "corn starch", + "half & half", + "grated nutmeg", + "large egg yolks", + "vanilla extract", + "meringue" + ] + }, + { + "id": 13306, + "ingredients": [ + "neutral oil", + "peeled fresh ginger", + "light soy sauce", + "kosher salt", + "scallions", + "sherry vinegar" + ] + }, + { + "id": 40474, + "ingredients": [ + "kidney beans", + "vegetable broth", + "black pepper", + "cannellini beans", + "fresh spinach", + "grated parmesan cheese", + "green beans", + "kosher salt", + "diced tomatoes" + ] + }, + { + "id": 15182, + "ingredients": [ + "raisins", + "slivered almonds", + "cardamom", + "whole milk", + "bread", + "oil" + ] + }, + { + "id": 8609, + "ingredients": [ + "white pepper", + "Shaoxing wine", + "oil", + "egg noodles", + "salt", + "honey", + "sesame oil", + "toasted sesame seeds", + "soy sauce", + "hoisin sauce", + "scallions" + ] + }, + { + "id": 32168, + "ingredients": [ + "dried kelp", + "vinegar", + "mustard powder", + "eggs", + "anchovies", + "buckwheat noodles", + "kimchi", + "water", + "bosc pears", + "cucumber", + "sugar", + "shiitake", + "salt", + "pears" + ] + }, + { + "id": 1125, + "ingredients": [ + "orange juice", + "lime juice", + "red snapper", + "lemon juice", + "achiote paste" + ] + }, + { + "id": 25244, + "ingredients": [ + "pasta", + "pepper", + "salt", + "capers", + "kalamata", + "sausages", + "mozzarella cheese", + "garlic", + "onions", + "tomatoes", + "olive oil", + "fresh mushrooms" + ] + }, + { + "id": 46889, + "ingredients": [ + "sugar", + "white pepper", + "cooking oil", + "garlic", + "skinless chicken breasts", + "corn starch", + "soy sauce", + "shiitake", + "water chestnuts", + "cilantro leaves", + "scallions", + "warm water", + "lime juice", + "kecap manis", + "salt", + "chili sauce", + "iceberg lettuce", + "sweet chili sauce", + "hoisin sauce", + "Shaoxing wine", + "sauce", + "oyster sauce" + ] + }, + { + "id": 13841, + "ingredients": [ + "soy sauce", + "large eggs", + "yellow onion", + "spring roll wrappers", + "minced garlic", + "ground pork", + "fish sauce", + "ground black pepper", + "dipping sauces", + "soybean oil", + "whole milk", + "carrots" + ] + }, + { + "id": 47135, + "ingredients": [ + "ground cinnamon", + "dates", + "lemon juice", + "ground turmeric", + "kosher salt", + "freshly ground pepper", + "couscous", + "boneless chicken skinless thigh", + "currant", + "carrots", + "ground cumin", + "chicken stock", + "olive oil", + "ground cardamom", + "onions" + ] + }, + { + "id": 29036, + "ingredients": [ + "plain yogurt", + "vegetable oil", + "spinach", + "water", + "cumin seed", + "green chile", + "fresh curry leaves", + "salt", + "hot red pepper flakes", + "brown mustard seeds", + "onions" + ] + }, + { + "id": 43533, + "ingredients": [ + "soy sauce", + "sesame oil", + "sansho", + "fresh ginger", + "dried shiitake mushrooms", + "black pepper", + "salt", + "garlic cloves", + "garlic chives", + "white miso", + "firm tofu" + ] + }, + { + "id": 41631, + "ingredients": [ + "grated orange peel", + "vegetable oil", + "self rising flour", + "orange juice", + "sugar", + "vanilla extract", + "ground cinnamon", + "large eggs" + ] + }, + { + "id": 22124, + "ingredients": [ + "brandy", + "cayenne pepper", + "paprika", + "chicken livers", + "butter", + "cream cheese", + "chicken broth", + "salt", + "onions" + ] + }, + { + "id": 18836, + "ingredients": [ + "chopped green bell pepper", + "chopped fresh thyme", + "all-purpose flour", + "flat leaf parsley", + "fat free less sodium chicken broth", + "bay leaves", + "garlic", + "okra", + "canola oil", + "low-fat smoked sausage", + "ground red pepper", + "chopped celery", + "long-grain rice", + "boneless chicken skinless thigh", + "cooking spray", + "diced tomatoes", + "chopped onion", + "medium shrimp" + ] + }, + { + "id": 35695, + "ingredients": [ + "large egg yolks", + "bittersweet chocolate", + "vanilla", + "whole milk", + "sugar", + "whipping cream" + ] + }, + { + "id": 5141, + "ingredients": [ + "black peppercorns", + "half & half", + "ginger", + "fenugreek seeds", + "greek yogurt", + "cumin", + "pepper flakes", + "honey", + "chicken breasts", + "paneer", + "oil", + "onions", + "tomato paste", + "tumeric", + "golden raisins", + "garlic", + "ground coriander", + "chopped cilantro", + "chicken broth", + "garam masala", + "cinnamon", + "salt", + "lemon juice", + "cashew nuts" + ] + }, + { + "id": 41894, + "ingredients": [ + "dried plum", + "olive oil", + "paprika", + "ground turmeric", + "picholine olives", + "boneless skinless chicken breasts", + "chopped onion", + "ground cinnamon", + "butternut squash", + "salt", + "ground cumin", + "ground ginger", + "fat free less sodium chicken broth", + "Italian parsley leaves", + "garlic cloves" + ] + }, + { + "id": 4972, + "ingredients": [ + "rocket leaves", + "red pepper flakes", + "garlic cloves", + "prosciutto", + "extra-virgin olive oil", + "onions", + "fresh sage", + "ground black pepper", + "salt", + "ricotta salata", + "tortellini", + "sun-dried tomatoes in oil" + ] + }, + { + "id": 34195, + "ingredients": [ + "sweet soy sauce", + "cayenne pepper", + "canola oil", + "brown sugar", + "purple onion", + "corn starch", + "fish sauce", + "garlic", + "scallions", + "lemongrass", + "salt", + "beef steak" + ] + }, + { + "id": 14183, + "ingredients": [ + "green onions", + "beef broth", + "ham", + "eggs", + "butter", + "fresh mushrooms", + "fully cooked ham", + "cayenne pepper", + "English muffins", + "all-purpose flour", + "garlic cloves" + ] + }, + { + "id": 15188, + "ingredients": [ + "low sodium vegetable broth", + "apples", + "onions", + "ketchup", + "yukon gold potatoes", + "vegan Worcestershire sauce", + "frozen shelled edamame", + "miso paste", + "garlic", + "curry powder", + "vegetable oil", + "carrots" + ] + }, + { + "id": 8734, + "ingredients": [ + "rosemary sprigs", + "potatoes", + "salt", + "plum tomatoes", + "large eggs", + "extra-virgin olive oil", + "bay leaf", + "ground nutmeg", + "butter", + "garlic cloves", + "water", + "dry white wine", + "all-purpose flour", + "meat fats" + ] + }, + { + "id": 30946, + "ingredients": [ + "cream", + "chopped fresh chives", + "garlic", + "celery", + "fresh dill", + "pepper", + "worcestershire sauce", + "all-purpose flour", + "chicken broth", + "lump crab meat", + "butter", + "salt", + "white onion", + "hot pepper sauce", + "heavy cream", + "sherry wine" + ] + }, + { + "id": 5588, + "ingredients": [ + "lemon wedge", + "cornmeal", + "pepper", + "butter", + "catfish fillets", + "cajun seasoning", + "seasoning salt", + "salt" + ] + }, + { + "id": 49554, + "ingredients": [ + "light brown sugar", + "ground nutmeg", + "ice water", + "heavy cream", + "sugar", + "golden raisins", + "dates", + "all-purpose flour", + "pecans", + "unsalted butter", + "vegetable shortening", + "salt", + "large egg yolks", + "cinnamon", + "whipped cream", + "allspice" + ] + }, + { + "id": 1270, + "ingredients": [ + "water", + "vegetable oil", + "cumin seed", + "ground turmeric", + "tea bags", + "garam masala", + "ground coriander", + "onions", + "tomatoes", + "fresh ginger root", + "cilantro leaves", + "bay leaf", + "garbanzo beans", + "garlic", + "ground cayenne pepper" + ] + }, + { + "id": 1259, + "ingredients": [ + "mint", + "red leaf lettuce", + "baking powder", + "rice vermicelli", + "scallions", + "perilla", + "potato starch", + "pork", + "peanuts", + "balm", + "rolls", + "chopped garlic", + "sugar", + "pickled carrots", + "daikon", + "salt", + "cucumber", + "fish sauce", + "water", + "rice noodles", + "dipping sauces", + "oil" + ] + }, + { + "id": 45986, + "ingredients": [ + "vegetables", + "eggs", + "salt", + "egg whites", + "pepper", + "feta cheese crumbles" + ] + }, + { + "id": 22351, + "ingredients": [ + "pure vanilla extract", + "large egg yolks", + "large eggs", + "cocoa powder", + "OREO® Cookies", + "sugar", + "unsalted butter", + "chocolate shavings", + "corn starch", + "dark chocolate", + "instant espresso powder", + "whole milk", + "chocolate sandwich cookies", + "kosher salt", + "brewed coffee", + "heavy cream", + "cake batter" + ] + }, + { + "id": 300, + "ingredients": [ + "pork shoulder roast", + "fresh orange juice", + "corn tortillas", + "ground cumin", + "kosher salt", + "tomato salsa", + "pickled onion", + "dried oregano", + "ground black pepper", + "achiote paste", + "fresh lime juice", + "red wine vinegar", + "garlic cloves", + "onions" + ] + }, + { + "id": 9278, + "ingredients": [ + "nutmeg", + "flour", + "peach slices", + "pie dough", + "bourbon whiskey", + "vanilla extract", + "light brown sugar", + "unsalted butter", + "cinnamon", + "rolls", + "fresh", + "starch", + "ginger" + ] + }, + { + "id": 10021, + "ingredients": [ + "spinach", + "garam masala", + "extra-virgin olive oil", + "carrots", + "amchur", + "jalapeno chilies", + "dry bread crumbs", + "kosher salt", + "ground black pepper", + "purple onion", + "chopped cilantro fresh", + "red potato", + "pitas", + "ground red pepper", + "chickpeas" + ] + }, + { + "id": 17014, + "ingredients": [ + "tomato paste", + "wine vinegar", + "onions", + "ground cloves", + "fresh mushrooms", + "ground black pepper", + "cinnamon sticks", + "brown sugar", + "salt", + "chuck" + ] + }, + { + "id": 40855, + "ingredients": [ + "mozzarella cheese", + "pepper flakes", + "pasta", + "tomato sauce" + ] + }, + { + "id": 18362, + "ingredients": [ + "sweet onion", + "salt", + "canola oil", + "radishes", + "dark sesame oil", + "sesame seeds", + "rice vinegar", + "crushed red pepper", + "english cucumber" + ] + }, + { + "id": 16292, + "ingredients": [ + "water", + "vegetable oil", + "corn starch", + "dark soy sauce", + "granulated sugar", + "chili sauce", + "light soy sauce", + "rice vinegar", + "chinese rice wine", + "sesame oil", + "garlic cloves" + ] + }, + { + "id": 29924, + "ingredients": [ + "eggs", + "instant yeast", + "sugar", + "salt", + "low-fat plain yogurt", + "baking powder", + "milk", + "all-purpose flour" + ] + }, + { + "id": 47174, + "ingredients": [ + "olive oil", + "green onions", + "basmati rice", + "tomatoes", + "pepper jack", + "bacon slices", + "sweet onion", + "jalapeno chilies", + "fresh parsley", + "celery ribs", + "black-eyed peas", + "apple cider vinegar" + ] + }, + { + "id": 4856, + "ingredients": [ + "tomato paste", + "grated parmesan cheese", + "dry red wine", + "onions", + "kosher salt", + "whole milk", + "carrots", + "pancetta slices", + "beef stock", + "extra-virgin olive oil", + "tagliatelle", + "celery ribs", + "ground black pepper", + "ground veal", + "ground beef" + ] + }, + { + "id": 15417, + "ingredients": [ + "tomatoes", + "dry yeast", + "dried rosemary", + "warm water", + "salt", + "fontina cheese", + "olive oil", + "all-purpose flour", + "rosemary sprigs", + "cooking spray" + ] + }, + { + "id": 19875, + "ingredients": [ + "milk", + "sugar", + "all-purpose flour", + "salt", + "water", + "yeast" + ] + }, + { + "id": 42228, + "ingredients": [ + "fennel seeds", + "brown sugar", + "olive oil", + "salt", + "garlic cloves", + "serrano chile", + "vidalia onion", + "fat free yogurt", + "cooking spray", + "chopped onion", + "ground cardamom", + "ground cumin", + "ground cinnamon", + "ground cloves", + "coriander seeds", + "cilantro leaves", + "fresh lemon juice", + "large shrimp", + "green bell pepper", + "cherry tomatoes", + "ground red pepper", + "cumin seed", + "fresh mint" + ] + }, + { + "id": 36264, + "ingredients": [ + "shredded cheddar cheese", + "Italian bread", + "cream cheese", + "salsa", + "sour cream" + ] + }, + { + "id": 14571, + "ingredients": [ + "crumbled blue cheese", + "pears", + "orange juice", + "dressing", + "chopped pecans", + "lettuce leaves" + ] + }, + { + "id": 23496, + "ingredients": [ + "sunflower oil", + "frozen peas", + "large eggs", + "chinese five-spice powder", + "back bacon rashers", + "american long grain rice", + "red pepper", + "garlic cloves" + ] + }, + { + "id": 43879, + "ingredients": [ + "chipotle", + "pesto", + "cheddar cheese", + "tortillas" + ] + }, + { + "id": 23431, + "ingredients": [ + "clove", + "kosher salt", + "yoghurt", + "ground coriander", + "ground cumin", + "frozen chopped spinach", + "green chile", + "garam masala", + "garlic", + "onions", + "tomatoes", + "fresh ginger root", + "vegetable oil", + "cinnamon sticks", + "green cardamom pods", + "tumeric", + "bay leaves", + "cayenne pepper", + "chuck" + ] + }, + { + "id": 5499, + "ingredients": [ + "large eggs", + "flat leaf parsley", + "leeks", + "grated parmesan cheese", + "orecchiette", + "bacon slices" + ] + }, + { + "id": 247, + "ingredients": [ + "all-purpose flour", + "vegetable oil", + "warm water", + "lard", + "salt" + ] + }, + { + "id": 48795, + "ingredients": [ + "garlic paste", + "chile pepper", + "cilantro leaves", + "ground turmeric", + "plain yogurt", + "heavy cream", + "ground coriander", + "ginger paste", + "water", + "salt", + "chopped fresh mint", + "ground cumin", + "shredded coconut", + "vegetable oil", + "ground almonds", + "chicken" + ] + }, + { + "id": 47113, + "ingredients": [ + "fresh rosemary", + "balsamic vinegar", + "carrots", + "dry white wine", + "freshly ground pepper", + "olive oil", + "lamb shoulder", + "celery", + "beef stock", + "salt", + "onions" + ] + }, + { + "id": 489, + "ingredients": [ + "avocado", + "garlic cloves", + "chili", + "onions", + "fresh coriander", + "fresh lime juice", + "salt", + "ground cumin" + ] + }, + { + "id": 13036, + "ingredients": [ + "soy sauce", + "green onions", + "peas", + "onions", + "garlic powder", + "sesame oil", + "carrots", + "mirin", + "ramen noodles", + "beansprouts", + "pepper", + "meat", + "oil" + ] + }, + { + "id": 4838, + "ingredients": [ + "pasta", + "olive oil", + "broccoli rabe", + "chili flakes" + ] + }, + { + "id": 40630, + "ingredients": [ + "ginger piece", + "onions", + "oil", + "green chilies", + "cumin", + "moong dal", + "ghee" + ] + }, + { + "id": 17576, + "ingredients": [ + "minced garlic", + "fat free less sodium beef broth", + "chopped onion", + "chopped fresh mint", + "lamb shanks", + "ground black pepper", + "salt", + "carrots", + "fat free less sodium chicken broth", + "fresh thyme", + "grated lemon zest", + "flat leaf parsley", + "fresh rosemary", + "olive oil", + "dry red wine", + "garlic cloves" + ] + }, + { + "id": 29972, + "ingredients": [ + "shallots", + "lemon juice", + "garlic paste", + "salt", + "fish", + "chili powder", + "ground turmeric", + "coriander powder", + "oil", + "ginger paste" + ] + }, + { + "id": 8123, + "ingredients": [ + "finely chopped onion", + "oil", + "chat masala", + "salt", + "dough", + "chili powder", + "garam masala", + "cilantro leaves" + ] + }, + { + "id": 35918, + "ingredients": [ + "cream", + "chicken meat", + "corn tortillas", + "Herdez Salsa Verde", + "salt", + "onions", + "pepper", + "chees fresh mozzarella", + "chopped cilantro", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 42669, + "ingredients": [ + "garlic bulb", + "pepper", + "rice", + "fresh parsley", + "cornbread", + "olive oil", + "poultry seasoning", + "onions", + "green bell pepper", + "salt", + "carrots", + "chicken broth", + "butter", + "rubbed sage", + "pork sausages" + ] + }, + { + "id": 24632, + "ingredients": [ + "potato sticks", + "salt", + "green apples", + "pepper", + "raisins", + "sour cream", + "mayonaise", + "lettuce leaves", + "carrots", + "corn", + "peas", + "cooked chicken breasts" + ] + }, + { + "id": 35740, + "ingredients": [ + "tortillas", + "chopped cilantro", + "cream", + "vegetable oil", + "fresh mexican cheese", + "chicken breasts", + "onions", + "salsa verde", + "salt" + ] + }, + { + "id": 45670, + "ingredients": [ + "olive oil", + "salt", + "active dry yeast", + "flour" + ] + }, + { + "id": 28041, + "ingredients": [ + "whole peppercorn", + "vinegar", + "salt", + "pork belly", + "bay leaves", + "chicken", + "soy sauce", + "cooking oil", + "oyster sauce", + "brown sugar", + "water", + "garlic" + ] + }, + { + "id": 46688, + "ingredients": [ + "green bell pepper, slice", + "sesame oil", + "soy sauce", + "mushrooms", + "rice vinegar", + "fresh ginger root", + "green onions", + "center cut pork chops", + "mirin", + "garlic" + ] + }, + { + "id": 10309, + "ingredients": [ + "fish sauce", + "cherry tomatoes", + "basil leaves", + "salted peanuts", + "sugar pea", + "palm sugar", + "rice noodles", + "chicken", + "red chili peppers", + "fresh ginger root", + "spring onions", + "garlic cloves", + "lime", + "asparagus", + "sunflower oil" + ] + }, + { + "id": 15367, + "ingredients": [ + "buttermilk", + "white sugar", + "fresh curry leaves", + "rice flour", + "boiling water", + "black pepper", + "salt", + "chopped cilantro fresh", + "vegetable oil", + "beansprouts", + "ground cumin" + ] + }, + { + "id": 30562, + "ingredients": [ + "butter", + "garlic salt", + "shredded cheddar cheese", + "all-purpose flour", + "melted butter", + "buttermilk", + "baking powder", + "dried parsley" + ] + }, + { + "id": 47151, + "ingredients": [ + "merguez sausage", + "extra large eggs", + "smoked paprika", + "crusty bread", + "harissa", + "extra-virgin olive oil", + "cilantro stems", + "diced tomatoes", + "onions", + "kosher salt", + "large garlic cloves", + "ras el hanout" + ] + }, + { + "id": 47300, + "ingredients": [ + "mint", + "lemongrass", + "radishes", + "ginger", + "cilantro leaves", + "cucumber", + "fresh basil", + "minced garlic", + "bibb lettuce", + "cracked black pepper", + "purple onion", + "fresh lemon juice", + "sugar", + "peanuts", + "shallots", + "rice vermicelli", + "garlic cloves", + "serrano chile", + "fish sauce", + "canola", + "pork tenderloin", + "grated carrot", + "rice vinegar", + "soy" + ] + }, + { + "id": 31200, + "ingredients": [ + "shredded cheddar cheese", + "worcestershire sauce", + "ground beef", + "tomato paste", + "chili powder", + "chopped onion", + "water", + "salt", + "pepper", + "corn chips", + "thyme" + ] + }, + { + "id": 5749, + "ingredients": [ + "butter", + "ground black pepper", + "all-purpose flour", + "salt", + "soft shelled crabs" + ] + }, + { + "id": 41807, + "ingredients": [ + "heavy cream", + "whole milk", + "parmigiano reggiano cheese", + "boiling potatoes", + "unsalted butter", + "fine sea salt" + ] + }, + { + "id": 13990, + "ingredients": [ + "green onions", + "diced tomatoes", + "onions", + "shredded cheddar cheese", + "heavy cream", + "corn tortillas", + "condensed cream of chicken soup", + "vegetable oil", + "enchilada sauce", + "chicken broth", + "chile pepper", + "stewed tomatoes", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 23572, + "ingredients": [ + "artichoke hearts", + "salt", + "fresh parsley", + "cracked black pepper", + "feta cheese crumbles", + "ground red pepper", + "lemon juice", + "dried oregano", + "grape tomatoes", + "orzo", + "medium shrimp" + ] + }, + { + "id": 872, + "ingredients": [ + "buttermilk", + "salt", + "milk", + "whipping cream" + ] + }, + { + "id": 38085, + "ingredients": [ + "green onions", + "sugar", + "garlic", + "fish sauce", + "ground pork", + "white pepper", + "salt" + ] + }, + { + "id": 5248, + "ingredients": [ + "large eggs", + "oil", + "sweet red bean paste", + "maple syrup", + "water", + "all-purpose flour", + "sugar", + "baking powder" + ] + }, + { + "id": 26309, + "ingredients": [ + "quinoa", + "raisins", + "ground cinnamon", + "pistachios", + "almond milk", + "agave nectar", + "vanilla extract", + "ground nutmeg", + "chopped almonds", + "chia seeds" + ] + }, + { + "id": 26880, + "ingredients": [ + "black beans", + "cooking spray", + "diced tomatoes", + "ground cumin", + "garlic powder", + "shredded monterey jack cheese", + "corn tortillas", + "pepper", + "chicken breasts", + "enchilada sauce", + "low-fat shredded cheddar cheese", + "cream of chicken soup", + "shredded lettuce", + "cream of mushroom soup" + ] + }, + { + "id": 41559, + "ingredients": [ + "lime", + "chopped cilantro fresh", + "purple onion", + "habanero pepper", + "mango", + "avocado", + "salt" + ] + }, + { + "id": 8059, + "ingredients": [ + "ear of corn", + "water", + "garlic cloves", + "bacon slices", + "onions", + "scallions" + ] + }, + { + "id": 26041, + "ingredients": [ + "lime", + "tamarind paste", + "fish sauce", + "spring onions", + "coriander", + "eggs", + "prawns", + "roasted peanuts", + "brown sugar", + "vegetable oil", + "noodles" + ] + }, + { + "id": 30019, + "ingredients": [ + "tumeric", + "granulated sugar", + "garlic", + "yams", + "ground cumin", + "olive oil", + "chili powder", + "ground almonds", + "coconut milk", + "water", + "boneless skinless chicken breasts", + "salt", + "lemon juice", + "garam masala", + "paprika", + "ground coriander", + "onions" + ] + }, + { + "id": 7207, + "ingredients": [ + "water", + "potatoes", + "curry", + "black mustard seeds", + "garam masala", + "chicken drumsticks", + "cayenne pepper", + "ground turmeric", + "fresh ginger", + "vegetable oil", + "salt", + "onions", + "white vinegar", + "ground black pepper", + "garlic", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 30309, + "ingredients": [ + "active dry yeast", + "salt", + "sugar", + "large eggs", + "water", + "butter", + "large egg yolks", + "all-purpose flour" + ] + }, + { + "id": 2092, + "ingredients": [ + "semisweet chocolate", + "cayenne pepper", + "whipping cream", + "ice cream", + "ground cinnamon", + "strawberries" + ] + }, + { + "id": 8023, + "ingredients": [ + "sesame oil", + "garlic cloves", + "Sriracha", + "rice vinegar", + "green onions", + "gingerroot", + "soy sauce", + "chili bean sauce" + ] + }, + { + "id": 4016, + "ingredients": [ + "mustard powder", + "flour", + "cheddar cheese", + "beer", + "worcestershire sauce" + ] + }, + { + "id": 24631, + "ingredients": [ + "olive oil", + "garlic", + "dried sage", + "salt", + "ground black pepper", + "wine vinegar", + "trout fillet", + "dried rosemary" + ] + }, + { + "id": 35068, + "ingredients": [ + "baking soda", + "buttermilk", + "strawberries", + "sugar", + "vegetable oil", + "salt", + "water", + "butter", + "all-purpose flour", + "eggs", + "baking powder", + "whipped cream", + "corn starch" + ] + }, + { + "id": 8523, + "ingredients": [ + "tomato sauce", + "fresh cilantro", + "cayenne", + "buttermilk", + "ground coriander", + "ground cumin", + "grape tomatoes", + "plain yogurt", + "olive oil", + "lime wedges", + "salt", + "ground beef", + "cheddar cheese", + "black beans", + "ground black pepper", + "vegetable oil", + "tortilla chips", + "onions", + "chile powder", + "romaine lettuce", + "lime", + "bell pepper", + "garlic", + "hass avocado" + ] + }, + { + "id": 28463, + "ingredients": [ + "sausage links", + "fennel bulb", + "carrots", + "fennel seeds", + "fronds", + "extra-virgin olive oil", + "onions", + "dried lentils", + "olive oil", + "salt", + "cold water", + "black pepper", + "red wine vinegar", + "flat leaf parsley" + ] + }, + { + "id": 8629, + "ingredients": [ + "mussels", + "halibut fillets", + "bay leaves", + "garlic cloves", + "saffron threads", + "black pepper", + "olive oil", + "salt", + "medium shrimp", + "tomatoes", + "dried thyme", + "chopped celery", + "carrots", + "clams", + "water", + "lobster", + "chopped onion" + ] + }, + { + "id": 43829, + "ingredients": [ + "dried thyme", + "paprika", + "large shrimp", + "white pepper", + "garlic powder", + "cayenne pepper", + "olive oil", + "salt", + "pepper", + "onion powder", + "dried oregano" + ] + }, + { + "id": 22129, + "ingredients": [ + "water", + "extra-virgin olive oil", + "white pepper", + "Turkish bay leaves", + "garlic cloves", + "reduced sodium chicken broth", + "parsley root", + "thyme", + "chestnuts", + "unsalted butter", + "chopped onion" + ] + }, + { + "id": 34505, + "ingredients": [ + "chicken stock", + "kosher salt", + "vegetable oil", + "ginger", + "sugar", + "tahini", + "chili oil", + "scallions", + "soy sauce", + "szechwan peppercorns", + "ground pork", + "shanghai-style noodles", + "ground black pepper", + "red wine vinegar", + "roasted peanuts" + ] + }, + { + "id": 38200, + "ingredients": [ + "water", + "rice vinegar", + "soy sauce", + "chicken breasts", + "canola oil", + "brown sugar", + "Sriracha", + "corn starch", + "minced garlic", + "sesame oil" + ] + }, + { + "id": 36513, + "ingredients": [ + "mint", + "minced garlic", + "vegetables", + "rice vinegar", + "soba noodles", + "rice paper", + "pesto", + "fresh ginger", + "sesame oil", + "sauce", + "hot water", + "garlic paste", + "honey", + "chili paste", + "peanut butter", + "rounds", + "soy sauce", + "peanuts", + "miso", + "root vegetables", + "canola oil" + ] + }, + { + "id": 32187, + "ingredients": [ + "grated parmesan cheese", + "orzo", + "butter", + "broccoli florets", + "salt", + "shredded cheddar cheese", + "2% reduced-fat milk" + ] + }, + { + "id": 7788, + "ingredients": [ + "sugar", + "mint sprigs", + "teas", + "fresh mint", + "bourbon whiskey", + "crushed ice", + "lemon" + ] + }, + { + "id": 31130, + "ingredients": [ + "ice cubes", + "pandan extract", + "sugar", + "condensed milk", + "coconut juice", + "agar", + "coconut", + "coconut milk" + ] + }, + { + "id": 40483, + "ingredients": [ + "eggs", + "cold coffee", + "all-purpose flour", + "baking soda", + "ginger", + "white sugar", + "bulk italian sausag", + "raisins", + "pumpkin pie spice", + "brown sugar", + "baking powder", + "chopped pecans" + ] + }, + { + "id": 2224, + "ingredients": [ + "tomatoes", + "salt", + "black-eyed peas", + "pepper", + "onions", + "chopped cooked ham", + "garlic powder" + ] + }, + { + "id": 14143, + "ingredients": [ + "warm water", + "gyoza", + "salt", + "stock", + "pepper", + "baking powder", + "carrots", + "quail eggs", + "mushrooms", + "all-purpose flour", + "sugar", + "water", + "shallots", + "minced pork" + ] + }, + { + "id": 22889, + "ingredients": [ + "chicken broth", + "ground cloves", + "vegetable oil", + "canned tomatoes", + "garlic cloves", + "chicken wings", + "coriander seeds", + "raisins", + "peanut butter", + "cooked rice", + "sesame seeds", + "cinnamon", + "salt", + "unsweetened cocoa powder", + "sugar", + "chili powder", + "anise", + "chopped onion" + ] + }, + { + "id": 17406, + "ingredients": [ + "peanuts", + "mushrooms", + "ginger", + "garlic cloves", + "bok choy", + "spinach", + "asparagus", + "sesame oil", + "purple onion", + "carrots", + "cashew nuts", + "tofu", + "lo mein noodles", + "green onions", + "yellow bell pepper", + "celery cabbage", + "mung bean sprouts", + "soy sauce", + "hoisin sauce", + "cilantro", + "broccoli", + "baby corn", + "snow peas" + ] + }, + { + "id": 10451, + "ingredients": [ + "curry powder", + "fresh ginger root", + "sea salt", + "medium shrimp", + "fresh cilantro", + "lime wedges", + "vegetable broth", + "lemongrass", + "green onions", + "crushed red pepper flakes", + "unsweetened coconut milk", + "olive oil", + "napa cabbage", + "garlic" + ] + }, + { + "id": 19844, + "ingredients": [ + "boneless chicken breast", + "garlic", + "fresh basil", + "dry white wine", + "oil", + "chicken broth", + "parmigiano reggiano cheese", + "salt", + "pepper", + "red pepper flakes", + "heavy whipping cream" + ] + }, + { + "id": 23416, + "ingredients": [ + "water", + "large eggs", + "cream cheese", + "powdered sugar", + "small curd cottage cheese", + "salt", + "milk", + "raisins", + "sugar", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 33874, + "ingredients": [ + "unsalted butter", + "purple onion", + "oregano", + "italian sausage", + "lemon wedge", + "grated lemon zest", + "shallots", + "all-purpose flour", + "turkey giblet stock", + "turkey", + "fresh lemon juice" + ] + }, + { + "id": 39951, + "ingredients": [ + "white onion", + "cracked black pepper", + "olives", + "olive oil", + "boneless pork loin", + "pepper", + "garlic", + "pitted black olives", + "balsamic vinegar", + "italian salad dressing" + ] + }, + { + "id": 41361, + "ingredients": [ + "shredded extra sharp cheddar cheese", + "peanut oil", + "onions", + "avocado", + "garlic", + "corn tortillas", + "guacamole", + "sour cream", + "taco seasoning mix", + "salsa", + "ground beef" + ] + }, + { + "id": 44659, + "ingredients": [ + "ground ginger", + "sweet potatoes", + "cilantro leaves", + "tumeric", + "black olives", + "coconut milk", + "tomatoes", + "lemon", + "lentils", + "pepper", + "salt", + "cumin" + ] + }, + { + "id": 8836, + "ingredients": [ + "kosher salt", + "duck fat", + "caraway seeds", + "unsalted butter", + "ground black pepper", + "sweet onion", + "yukon gold potatoes" + ] + }, + { + "id": 21709, + "ingredients": [ + "clove", + "pepper", + "whole milk yoghurt", + "coarse sea salt", + "garlic", + "heavy whipping cream", + "brown sugar", + "water", + "chile pepper", + "paprika", + "cumin seed", + "frozen peas", + "black peppercorns", + "almond butter", + "skinless chicken pieces", + "dark meat", + "salt", + "onions", + "tumeric", + "garam masala", + "vegetable oil", + "ginger", + "tamarind concentrate" + ] + }, + { + "id": 22993, + "ingredients": [ + "fat free less sodium chicken broth", + "fresh lime juice", + "seasoning", + "cooking spray", + "large shrimp", + "bell pepper", + "chopped cilantro fresh", + "fish sauce", + "light coconut milk" + ] + }, + { + "id": 39191, + "ingredients": [ + "dark chocolate", + "cayenne", + "salt", + "ketchup", + "bourbon whiskey", + "dark brown sugar", + "soy sauce", + "brewed coffee", + "sharp cheddar cheese", + "water", + "worcestershire sauce", + "grits" + ] + }, + { + "id": 17182, + "ingredients": [ + "cooked chicken", + "cream of mushroom soup", + "salsa", + "doritos", + "corn", + "Mexican cheese", + "cream of chicken soup", + "sour cream" + ] + }, + { + "id": 20507, + "ingredients": [ + "garlic", + "doenzang", + "sesame seeds", + "firm tofu", + "honey", + "Gochujang base", + "sesame oil", + "scallions" + ] + }, + { + "id": 42397, + "ingredients": [ + "lemon", + "dried oregano", + "ground black pepper", + "all-purpose flour", + "salt", + "vegetable oil", + "squid" + ] + }, + { + "id": 18897, + "ingredients": [ + "sugar pea", + "vegetable stock", + "asparagus spears", + "shallots", + "fresh fava bean", + "ground black pepper", + "extra-virgin olive oil", + "fresh basil leaves", + "herbs", + "fine sea salt" + ] + }, + { + "id": 3797, + "ingredients": [ + "red chili peppers", + "garlic cloves", + "stir fry vegetable blend", + "lemongrass", + "coriander", + "sweet chili sauce", + "turkey breast", + "low sodium soy sauce", + "lime", + "noodles" + ] + }, + { + "id": 11041, + "ingredients": [ + "cachaca", + "sugar", + "ice cubes", + "lime" + ] + }, + { + "id": 807, + "ingredients": [ + "chicken stock", + "napa cabbage", + "yellow onion", + "minced pork", + "white pepper", + "ginger", + "corn flour", + "fish sauce", + "chinese parsley", + "carrots", + "lemongrass", + "garlic", + "chopped parsley" + ] + }, + { + "id": 3514, + "ingredients": [ + "pepper", + "basil", + "garlic cloves", + "sausage casings", + "grated parmesan cheese", + "garlic", + "spaghetti", + "olive oil", + "yellow bell pepper", + "onions", + "green bell pepper", + "diced tomatoes", + "salt", + "oregano" + ] + }, + { + "id": 12936, + "ingredients": [ + "fish sauce", + "lime", + "vegetable oil", + "toasted sesame oil", + "kosher salt", + "large eggs", + "kimchi", + "soy sauce", + "ground black pepper", + "scallions", + "medium shrimp", + "lime juice", + "brown rice", + "korean chile paste" + ] + }, + { + "id": 15050, + "ingredients": [ + "molasses", + "golden raisins", + "salt", + "nutmeg", + "granulated sugar", + "butter", + "yellow corn meal", + "milk", + "cinnamon", + "eggs", + "flour", + "whipped cream" + ] + }, + { + "id": 43377, + "ingredients": [ + "green onions", + "capers", + "garlic cloves", + "mayonaise", + "fresh parsley", + "creole mustard", + "ground red pepper" + ] + }, + { + "id": 10471, + "ingredients": [ + "extra firm tofu", + "salt", + "snow peas", + "soy sauce", + "vegetable oil", + "corn starch", + "crimini mushrooms", + "carrots", + "pepper", + "vegetable broth", + "onions" + ] + }, + { + "id": 30721, + "ingredients": [ + "vegetable oil", + "ancho chile pepper", + "crema mexican", + "queso blanco", + "corn tortillas", + "knorr reduc sodium chicken flavor bouillon", + "whole peel tomatoes, undrain and chop", + "cooked chicken", + "garlic", + "onions" + ] + }, + { + "id": 14333, + "ingredients": [ + "water", + "ginger", + "cumin seed", + "chopped cilantro", + "curry leaves", + "yoghurt", + "green pepper", + "cucumber", + "shredded carrots", + "salt", + "oil", + "moong dal", + "red pepper", + "rice", + "mustard seeds" + ] + }, + { + "id": 6260, + "ingredients": [ + "green bell pepper", + "minced ginger", + "rice wine", + "beaten eggs", + "oyster sauce", + "onions", + "boneless pork shoulder", + "soy sauce", + "plum sauce", + "worcestershire sauce", + "tomato ketchup", + "corn flour", + "Chinese rice vinegar", + "sugar", + "baking soda", + "pineapple", + "salt", + "corn starch", + "canola oil", + "eggs", + "water", + "flour", + "garlic", + "scallions", + "red bell pepper" + ] + }, + { + "id": 7712, + "ingredients": [ + "ground black pepper", + "all-purpose flour", + "paprika", + "vegetable oil", + "chicken", + "salt" + ] + }, + { + "id": 19048, + "ingredients": [ + "ground cinnamon", + "low-fat buttermilk", + "vanilla extract", + "whole nutmegs", + "peaches", + "baking powder", + "corn starch", + "baking soda", + "large eggs", + "all-purpose flour", + "turbinado", + "granulated sugar", + "butter", + "frozen blueberries" + ] + }, + { + "id": 21455, + "ingredients": [ + "lean ground turkey", + "green onions", + "pinto beans", + "shredded cheddar cheese", + "salsa", + "green bell pepper", + "shredded lettuce", + "tomatoes", + "taco seasoning mix", + "tortilla chips" + ] + }, + { + "id": 18575, + "ingredients": [ + "canola", + "vegetable oil", + "shrimp", + "peanuts", + "yellow mustard", + "milk", + "cajun seasoning", + "large eggs", + "fry mix" + ] + }, + { + "id": 47647, + "ingredients": [ + "unsalted butter", + "Boursin", + "garlic", + "potatoes", + "cream", + "salt" + ] + }, + { + "id": 35947, + "ingredients": [ + "avocado", + "white corn", + "olive oil", + "salt", + "chopped cilantro fresh", + "dry vermouth", + "minced garlic", + "jalapeno chilies", + "red bell pepper", + "chili flakes", + "pepper", + "Mexican cheese blend", + "enchilada sauce", + "ground cumin", + "fresh leav spinach", + "lime", + "purple onion", + "corn tortillas" + ] + }, + { + "id": 14499, + "ingredients": [ + "bulk italian sausag", + "ground beef", + "hamburger buns", + "crushed red pepper flakes", + "fresh spinach", + "ricotta cheese", + "pasta sauce", + "grated parmesan cheese", + "italian seasoning" + ] + }, + { + "id": 43525, + "ingredients": [ + "lager", + "cornflour", + "plain flour", + "lemon", + "cod", + "potatoes", + "salt", + "black pepper", + "sunflower oil" + ] + }, + { + "id": 5723, + "ingredients": [ + "green bell pepper", + "mushrooms", + "garlic", + "garlic salt", + "olive oil", + "lean ground beef", + "sausages", + "italian seasoning", + "tomato sauce", + "onion powder", + "salt", + "dried oregano", + "ground black pepper", + "stewed tomatoes", + "onions" + ] + }, + { + "id": 48497, + "ingredients": [ + "pinenuts", + "grated parmesan cheese", + "all-purpose flour", + "onions", + "dried thyme", + "butter", + "red bell pepper", + "minced garlic", + "dry white wine", + "low salt chicken broth", + "spinach leaves", + "olive oil", + "crushed red pepper", + "rotini" + ] + }, + { + "id": 43822, + "ingredients": [ + "saffron threads", + "cooking spray", + "butter", + "sugar", + "ground red pepper", + "large shrimp", + "dried thyme", + "clam juice", + "grated orange", + "red snapper", + "green onions", + "diced tomatoes" + ] + }, + { + "id": 525, + "ingredients": [ + "green cabbage", + "water", + "large eggs", + "salt", + "skim milk", + "olive oil", + "hard-boiled egg", + "garlic cloves", + "fresh dill", + "active dry yeast", + "sucanat", + "margarine", + "bread crumbs", + "ground pepper", + "all purpose unbleached flour", + "onions" + ] + }, + { + "id": 30594, + "ingredients": [ + "kosher salt", + "corn tortillas", + "Mexican cheese blend", + "ground cumin", + "garlic powder", + "olive oil spray", + "boneless skinless chicken breasts" + ] + }, + { + "id": 47948, + "ingredients": [ + "granulated sugar", + "salt", + "ground cinnamon", + "baking powder", + "turbinado", + "large eggs", + "all-purpose flour", + "unsalted butter", + "buttermilk" + ] + }, + { + "id": 2099, + "ingredients": [ + "white onion", + "sweet potatoes", + "ground cardamom", + "ground cinnamon", + "water", + "cumin seed", + "canola oil", + "kosher salt", + "sweet paprika", + "ground cayenne pepper", + "spinach", + "fresh ginger", + "garlic cloves" + ] + }, + { + "id": 43863, + "ingredients": [ + "wide egg noodles", + "lean ground beef", + "dried oregano", + "diced green chilies", + "beef broth", + "olive oil", + "garlic", + "shredded cheddar cheese", + "chili powder", + "onions" + ] + }, + { + "id": 24711, + "ingredients": [ + "sweet chili sauce", + "sirloin steak", + "purple onion", + "celery ribs", + "radishes", + "cilantro", + "lime", + "sprouts", + "english cucumber", + "soy sauce", + "vegetable oil", + "vietnamese fish sauce" + ] + }, + { + "id": 15230, + "ingredients": [ + "garlic paste", + "garam masala", + "onions", + "pepper", + "salt", + "methi leaves", + "fresh peas", + "red chili powder", + "milk", + "oil" + ] + }, + { + "id": 21680, + "ingredients": [ + "caraway seeds", + "sugar", + "coriander seeds", + "potatoes", + "salt", + "green chilies", + "cinnamon sticks", + "cashew nuts", + "saffron", + "red chili powder", + "amchur", + "coriander powder", + "yoghurt", + "green cardamom", + "oil", + "ghee", + "basmati rice", + "clove", + "garlic paste", + "mace", + "Biryani Masala", + "paneer", + "brown cardamom", + "gram flour", + "onions", + "ground turmeric", + "tomatoes", + "coconut", + "garam masala", + "mint leaves", + "cilantro leaves", + "kewra water", + "bay leaf", + "peppercorns" + ] + }, + { + "id": 36218, + "ingredients": [ + "tomato sauce", + "garlic powder", + "ground sirloin", + "salt", + "shredded cheese", + "cumin", + "diced onions", + "pepper", + "jalapeno chilies", + "diced tomatoes", + "hot sauce", + "onions", + "squirt", + "egg noodles", + "chili powder", + "salsa", + "enchilada sauce", + "pico de gallo", + "fresh cilantro", + "green onions", + "cilantro", + "chopped onion", + "vegetarian refried beans" + ] + }, + { + "id": 41622, + "ingredients": [ + "sugar pea", + "chicken breasts", + "safflower", + "chicken broth", + "sweet onion", + "ginger", + "corn starch", + "sugar", + "bell pepper", + "garlic", + "cabbage", + "soy sauce", + "green onions", + "salt" + ] + }, + { + "id": 34809, + "ingredients": [ + "italian sausage", + "Red Gold® diced tomatoes", + "vegetable juice", + "onions", + "instant rice", + "shredded mozzarella cheese", + "chopped green bell pepper" + ] + }, + { + "id": 5110, + "ingredients": [ + "saffron threads", + "dijon mustard", + "fresh lemon juice", + "mayonaise", + "salt", + "tomato paste", + "extra-virgin olive oil", + "hot water", + "black pepper", + "garlic cloves" + ] + }, + { + "id": 27214, + "ingredients": [ + "water", + "leeks", + "salt", + "fresh lemon juice", + "fennel seeds", + "ground black pepper", + "baby spinach", + "organic vegetable broth", + "white wine", + "fennel bulb", + "extra-virgin olive oil", + "garlic cloves", + "quinoa", + "chopped fresh thyme", + "chickpeas", + "carrots" + ] + }, + { + "id": 34803, + "ingredients": [ + "butter", + "salt", + "onions", + "pepper", + "bacon", + "corn starch", + "balsamic vinegar", + "garlic", + "sliced mushrooms", + "brown sugar", + "red wine", + "baby carrots", + "chicken" + ] + }, + { + "id": 36822, + "ingredients": [ + "plain low-fat yogurt" + ] + }, + { + "id": 6912, + "ingredients": [ + "green cardamom pods", + "white onion", + "lime", + "thai basil", + "green onions", + "cinnamon", + "black cardamom pods", + "bird chile", + "sugar", + "water", + "fresh ginger", + "jalapeno chilies", + "rice noodles", + "salt", + "garlic chili sauce", + "beef bones", + "msg", + "mushroom powder", + "hoisin sauce", + "flank steak", + "star anise", + "yellow onion", + "Vietnamese coriander", + "fresh cilantro", + "coriander seeds", + "whole cloves", + "daikon", + "meat bones", + "beansprouts" + ] + }, + { + "id": 20373, + "ingredients": [ + "sugar", + "unsalted butter", + "bartlett pears", + "hazelnuts", + "heavy cream", + "pure vanilla extract", + "large egg yolks", + "moscato d'asti", + "large egg whites", + "all-purpose flour" + ] + }, + { + "id": 29157, + "ingredients": [ + "unflavored gelatin", + "grappa", + "cold water", + "frozen cranberries", + "sage leaves", + "cranberries", + "sugar" + ] + }, + { + "id": 6327, + "ingredients": [ + "corn kernels", + "red bell pepper", + "baby spinach leaves", + "vegetable oil", + "chopped cilantro fresh", + "green onions", + "fresh lime juice", + "chipotle chile", + "cilantro leaves", + "ground cumin" + ] + }, + { + "id": 35502, + "ingredients": [ + "fat free less sodium chicken broth", + "chili powder", + "garlic cloves", + "black pepper", + "olive oil", + "salt", + "onions", + "green bell pepper", + "fresh cilantro", + "diced tomatoes", + "corn tortillas", + "green chile", + "black beans", + "raisins", + "ground turkey" + ] + }, + { + "id": 8305, + "ingredients": [ + "rosemary", + "chile de arbol", + "duck drumsticks", + "sugar", + "golden raisins", + "garlic cloves", + "kosher salt", + "brown mustard seeds", + "thyme", + "ground black pepper", + "white wine vinegar" + ] + }, + { + "id": 35598, + "ingredients": [ + "ground black pepper", + "salt", + "celery", + "diced tomatoes", + "lentils", + "onions", + "cooking oil", + "summer savory", + "bay leaf", + "water", + "kielbasa", + "carrots" + ] + }, + { + "id": 48538, + "ingredients": [ + "clove", + "horse gram", + "cumin seed", + "water", + "rice", + "onions", + "curry leaves", + "salt", + "oil", + "coconut", + "green chilies" + ] + }, + { + "id": 49358, + "ingredients": [ + "fresh ginger", + "salt", + "onions", + "fenugreek leaves", + "garlic", + "cumin seed", + "canola oil", + "spinach", + "paneer", + "heavy whipping cream", + "tomatoes", + "garam masala", + "cayenne pepper", + "ground turmeric" + ] + }, + { + "id": 44506, + "ingredients": [ + "flour tortillas", + "ground beef", + "taco sauce", + "salsa", + "iceberg lettuce", + "guacamole", + "onions", + "shredded cheddar cheese", + "sour cream" + ] + }, + { + "id": 39146, + "ingredients": [ + "tomatoes", + "tumeric", + "ginger", + "white lentils", + "red chili powder", + "lemon", + "green chilies", + "asafetida (powder)", + "butter", + "salt", + "spinach", + "cilantro", + "cumin seed" + ] + }, + { + "id": 29270, + "ingredients": [ + "Holland House White Cooking Wine", + "lemon juice", + "chicken broth", + "butter", + "veal", + "flour" + ] + }, + { + "id": 20560, + "ingredients": [ + "corn", + "sugar", + "cinnamon sticks", + "corn husks", + "milk" + ] + }, + { + "id": 24169, + "ingredients": [ + "unsalted butter", + "buttermilk", + "sugar", + "baking powder", + "yellow corn meal", + "large eggs", + "salt", + "ground black pepper", + "all purpose unbleached flour" + ] + }, + { + "id": 41537, + "ingredients": [ + "fresh basil", + "part-skim mozzarella cheese", + "large eggs", + "large egg whites", + "chopped green bell pepper", + "salt", + "black pepper", + "fresh parmesan cheese", + "green onions", + "olive oil", + "zucchini" + ] + }, + { + "id": 10431, + "ingredients": [ + "egg yolks", + "ripe olives", + "frozen pastry puff sheets", + "garlic cloves", + "minced onion", + "salt", + "olive oil", + "dried tomatoes", + "fresh parsley" + ] + }, + { + "id": 31517, + "ingredients": [ + "shells", + "butter", + "onions", + "peanuts", + "salt", + "garlic" + ] + }, + { + "id": 34049, + "ingredients": [ + "fresh ginger", + "green onions", + "oyster sauce", + "dark soy sauce", + "cooking oil", + "napa cabbage", + "ground white pepper", + "chicken stock", + "egg noodles", + "sesame oil", + "corn starch", + "sugar", + "pork tenderloin", + "garlic" + ] + }, + { + "id": 26964, + "ingredients": [ + "chicken wings", + "thai chile", + "coarse sea salt", + "corn starch", + "lime", + "garlic", + "cracked black pepper", + "canola oil" + ] + }, + { + "id": 49655, + "ingredients": [ + "olive oil", + "italian seasoning", + "garlic", + "wheat", + "mozzarella cheese", + "salt" + ] + }, + { + "id": 9101, + "ingredients": [ + "grated orange peel", + "baking soda", + "all-purpose flour", + "ground cinnamon", + "honey", + "baking powder", + "sugar", + "large eggs", + "whole almonds", + "large egg yolks", + "vegetable oil" + ] + }, + { + "id": 30377, + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "butter", + "low salt chicken broth", + "ground nutmeg", + "shallots", + "gruyere cheese", + "prosciutto", + "whole milk", + "portabello mushroom", + "bay leaf", + "fresh rosemary", + "lasagna noodles", + "chopped fresh thyme", + "all-purpose flour" + ] + }, + { + "id": 7046, + "ingredients": [ + "moong dal", + "minced ginger", + "cashew nuts", + "curry leaves", + "jasmine rice", + "asafetida powder", + "ground turmeric", + "melted butter", + "water", + "ghee", + "cumin", + "cracked peppercorn", + "salt", + "serrano chile" + ] + }, + { + "id": 47969, + "ingredients": [ + "canned black beans", + "red enchilada sauce", + "white rice", + "cilantro", + "monterey jack", + "cheddar cheese", + "whole kernel corn, drain" + ] + }, + { + "id": 18971, + "ingredients": [ + "peaches", + "all-purpose flour", + "sandwich bread", + "unsalted butter", + "fresh lemon juice", + "sugar", + "whipped cream" + ] + }, + { + "id": 38891, + "ingredients": [ + "peaches", + "preserves", + "garlic", + "hot pepper sauce", + "hellmann' or best food real mayonnais", + "green onions", + "large shrimp" + ] + }, + { + "id": 29506, + "ingredients": [ + "hot red pepper flakes", + "sliced cucumber", + "carrots", + "Boston lettuce", + "mint leaves", + "rotisserie chicken", + "ground ginger", + "peanuts", + "cilantro leaves", + "asian fish sauce", + "celery ribs", + "lime juice", + "green onions", + "white sugar" + ] + }, + { + "id": 40305, + "ingredients": [ + "black pepper", + "garlic powder", + "cooked rice", + "crushed tomatoes", + "beef liver", + "diced onions", + "kosher salt", + "cooking oil", + "green bell pepper", + "dried basil", + "diced celery" + ] + }, + { + "id": 21255, + "ingredients": [ + "sauce", + "pea shoots", + "green tomatoes", + "cooked shrimp" + ] + }, + { + "id": 15578, + "ingredients": [ + "lean ground beef", + "flour tortillas", + "TACO BELL® Thick & Chunky Medium Salsa", + "KRAFT Mexican Style Shredded Four Cheese with a TOUCH OF PHILADELPHIA", + "Taco Bell Taco Seasoning Mix", + "pinto beans" + ] + }, + { + "id": 24894, + "ingredients": [ + "kosher salt", + "baking powder", + "ground cayenne pepper", + "unsalted butter", + "heavy cream", + "baking soda", + "buttermilk", + "cheddar cheese", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 32089, + "ingredients": [ + "dark soy sauce", + "water", + "sesame oil", + "oil", + "beansprouts", + "sugar", + "baking soda", + "garlic", + "oyster sauce", + "cabbage", + "soy sauce", + "egg noodles", + "salt", + "carrots", + "white pepper", + "chicken breasts", + "scallions", + "corn starch" + ] + }, + { + "id": 46097, + "ingredients": [ + "white onion", + "banana peppers", + "string beans", + "base", + "tomatoes", + "water", + "shrimp", + "fish sauce", + "water spinach" + ] + }, + { + "id": 40982, + "ingredients": [ + "bread ciabatta", + "Fuyu persimmons", + "prosciutto", + "fontina cheese" + ] + }, + { + "id": 12543, + "ingredients": [ + "canned low sodium chicken broth", + "raisins", + "onions", + "cooking oil", + "apple juice", + "ground black pepper", + "salt", + "basmati rice", + "chicken legs", + "butter", + "ground cardamom" + ] + }, + { + "id": 38366, + "ingredients": [ + "peaches", + "cooked chicken breasts", + "sweet onion", + "chopped pecans", + "mayonaise", + "freshly ground pepper", + "fresh basil", + "salt", + "blackberries" + ] + }, + { + "id": 32925, + "ingredients": [ + "white bread", + "olive oil", + "garlic cloves", + "jumbo shrimp", + "crushed red pepper", + "red bell pepper", + "tomatoes", + "sherry vinegar", + "fresh lemon juice", + "slivered almonds", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 17506, + "ingredients": [ + "lemongrass", + "lime wedges", + "juice", + "lime zest", + "fresh ginger", + "thai chile", + "asian fish sauce", + "fresh cilantro", + "coarse salt", + "chopped cilantro fresh", + "water", + "shallots", + "garlic cloves", + "chicken" + ] + }, + { + "id": 48389, + "ingredients": [ + "sugar", + "large eggs", + "lemon", + "oil", + "olive oil", + "pollock", + "hot sauce", + "chillies", + "fresh coriander", + "flour", + "salt", + "cornmeal", + "tomatoes", + "baking soda", + "baking powder", + "beer", + "onions" + ] + }, + { + "id": 41804, + "ingredients": [ + "soy sauce", + "sesame oil", + "round steaks", + "ground black pepper", + "garlic", + "sesame seeds", + "red pepper flakes", + "carrots", + "brown sugar", + "leeks", + "purple onion" + ] + }, + { + "id": 9961, + "ingredients": [ + "sugar", + "Sriracha", + "shallots", + "dark sesame oil", + "chopped cilantro fresh", + "fresh ginger", + "extra firm tofu", + "crushed red pepper", + "cucumber", + "sliced green onions", + "lower sodium soy sauce", + "lettuce leaves", + "creamy peanut butter", + "fresh lime juice", + "water", + "hoisin sauce", + "sticky rice", + "carrots", + "canola oil" + ] + }, + { + "id": 24939, + "ingredients": [ + "tomatoes", + "capsicum", + "green chilies", + "garlic paste", + "paneer", + "ground turmeric", + "red chili powder", + "butter", + "onions", + "garam masala", + "salt", + "ground cumin" + ] + }, + { + "id": 39599, + "ingredients": [ + "dried porcini mushrooms", + "garlic cloves", + "hot water", + "unsalted butter" + ] + }, + { + "id": 45838, + "ingredients": [ + "condensed cream of chicken soup", + "flour tortillas", + "water", + "taco seasoning", + "shredded cheddar cheese", + "salsa", + "cooked rice", + "refried beans", + "ground beef" + ] + }, + { + "id": 48875, + "ingredients": [ + "lime juice", + "salt", + "ground turmeric", + "poha", + "mustard seeds", + "potatoes", + "oil", + "curry leaf", + "green peas", + "onions" + ] + }, + { + "id": 25531, + "ingredients": [ + "water", + "bean paste", + "garlic", + "celery", + "sugar", + "beef strips", + "red pepper", + "carrots", + "white pepper", + "Shaoxing wine", + "cornflour", + "dried chile", + "light soy sauce", + "szechwan peppercorns", + "old ginger" + ] + }, + { + "id": 3009, + "ingredients": [ + "dried thyme", + "cayenne pepper", + "ground black pepper", + "dried oregano", + "garlic powder", + "sweet paprika", + "kosher salt", + "onion powder" + ] + }, + { + "id": 31965, + "ingredients": [ + "water", + "salt", + "dried oregano", + "romano cheese", + "crushed red pepper flakes", + "lemon juice", + "minced garlic", + "white wine vinegar", + "dried parsley", + "pectin", + "vegetable oil", + "corn syrup" + ] + }, + { + "id": 16901, + "ingredients": [ + "oil", + "olive oil", + "arugula", + "mozzarella cheese", + "fresh lemon juice", + "radicchio", + "nuts" + ] + }, + { + "id": 13370, + "ingredients": [ + "pasta", + "olive oil", + "salt", + "flat leaf parsley", + "marsala wine", + "unsalted butter", + "yellow onion", + "stock", + "ground black pepper", + "all-purpose flour", + "mozzarella cheese", + "grated parmesan cheese", + "fresh mushrooms" + ] + }, + { + "id": 2954, + "ingredients": [ + "soy sauce", + "salt", + "fish sauce", + "hard-boiled egg", + "sugar", + "soda", + "pork belly", + "yellow onion" + ] + }, + { + "id": 40353, + "ingredients": [ + "egg yolks", + "bacon", + "all-purpose flour", + "fresh parsley", + "chicken stock", + "chicken cutlets", + "garlic", + "sherry wine", + "pepper", + "heavy cream", + "salt", + "sun-dried tomatoes in oil", + "shallots", + "extra-virgin olive oil", + "brie cheese" + ] + }, + { + "id": 8207, + "ingredients": [ + "hot chili", + "salt", + "allspice", + "sugar", + "cinnamon", + "garlic cloves", + "black pepper", + "habanero", + "onions", + "nutmeg", + "fresh thyme", + "scallions" + ] + }, + { + "id": 10933, + "ingredients": [ + "soy sauce", + "zucchini", + "dark sesame oil", + "toasted sesame seeds", + "chili flakes", + "minced garlic", + "daikon", + "beansprouts", + "spinach leaves", + "red chile sauce", + "vegetable oil", + "carrots", + "sugar", + "short-grain rice", + "salt", + "shiitake mushroom caps" + ] + }, + { + "id": 38206, + "ingredients": [ + "fresh dill", + "kosher salt", + "brown mustard seeds", + "all-purpose flour", + "sugar", + "sesame seeds", + "vegetable oil", + "sea salt flakes", + "boneless chicken skinless thigh", + "coriander seeds", + "buttermilk", + "yellow mustard seeds", + "honey", + "apple cider vinegar", + "hot sauce" + ] + }, + { + "id": 14110, + "ingredients": [ + "lime", + "cayenne pepper", + "boneless skinless chicken breasts", + "fresh cilantro", + "salt", + "olive oil", + "ground cumin" + ] + }, + { + "id": 19128, + "ingredients": [ + "crushed red pepper", + "olives", + "anchovy paste", + "flat leaf parsley", + "plum tomatoes", + "capers", + "garlic cloves", + "oregano", + "extra-virgin olive oil", + "cooked vermicelli", + "dried oregano" + ] + }, + { + "id": 32616, + "ingredients": [ + "clove", + "mace", + "french fried onions", + "salt", + "brown cardamom", + "cinnamon sticks", + "cashew nuts", + "garlic paste", + "mint leaves", + "star anise", + "rice", + "kewra water", + "ghee", + "tumeric", + "yoghurt", + "paneer", + "green cardamom", + "oil", + "onions", + "red chili powder", + "Biryani Masala", + "capsicum", + "cilantro leaves", + "green chilies", + "bay leaf", + "shahi jeera" + ] + }, + { + "id": 27748, + "ingredients": [ + "tomatoes", + "black pepper", + "queso fresco", + "salt", + "lettuce", + "mayonaise", + "jalapeno chilies", + "cilantro", + "tequila", + "chicken breast fillets", + "lime juice", + "bacon", + "oil", + "lime zest", + "buns", + "guacamole", + "garlic", + "cumin" + ] + }, + { + "id": 31858, + "ingredients": [ + "grated orange peel", + "ground black pepper", + "fresh cranberries", + "fresh lemon juice", + "gelato", + "granny smith apples", + "large eggs", + "pastry flour", + "polenta", + "ground cinnamon", + "golden brown sugar", + "baking powder", + "salt", + "sugar", + "unsalted butter", + "anise", + "grated lemon peel" + ] + }, + { + "id": 20510, + "ingredients": [ + "peas", + "red bell pepper", + "italian salad dressing", + "pepper", + "green pepper", + "squash", + "zucchini", + "cucumber", + "onions", + "salt", + "rotel tomatoes" + ] + }, + { + "id": 17602, + "ingredients": [ + "rice stick noodles", + "red chili peppers", + "lime", + "basil", + "garlic", + "fish sauce", + "calamari", + "shallots", + "tomatoes with juice", + "chopped onion", + "chicken stock", + "straw mushrooms", + "sea scallops", + "cilantro", + "rice vinegar", + "sugar", + "lemongrass", + "vegetable oil", + "light coconut milk", + "large shrimp" + ] + }, + { + "id": 35665, + "ingredients": [ + "mitsuba", + "shoyu", + "meat bones", + "sake", + "spring onions", + "salt", + "carrots", + "yuzu", + "mochi", + "sato imo", + "salmon fillets", + "daikon", + "dried shiitake mushrooms", + "tiger prawn" + ] + }, + { + "id": 46589, + "ingredients": [ + "coriander powder", + "green peas", + "cumin seed", + "asafetida", + "red chili powder", + "cilantro", + "paneer", + "onions", + "tomatoes", + "yoghurt", + "garlic", + "oil", + "garam masala", + "ginger", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 8178, + "ingredients": [ + "water", + "tomatillos", + "chop green chilies, undrain", + "extra sharp cheddar cheese", + "eggs", + "bay leaves", + "non-fat sour cream", + "onions", + "finely chopped onion", + "2% reduced-fat milk", + "corn tortillas", + "shredded Monterey Jack cheese", + "black peppercorns", + "chicken breast halves", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 34880, + "ingredients": [ + "pinenuts", + "grated parmesan cheese", + "olive oil", + "fresh basil leaves", + "kosher salt", + "garlic", + "ground black pepper" + ] + }, + { + "id": 42527, + "ingredients": [ + "tomatoes", + "fat skimmed chicken broth", + "chipotle chile", + "onions", + "firmly packed brown sugar", + "pork shoulder", + "ancho", + "tomato juice" + ] + }, + { + "id": 29682, + "ingredients": [ + "oil", + "corned beef", + "garlic", + "onions", + "tomatoes", + "chayotes", + "salt", + "cabbage" + ] + }, + { + "id": 32166, + "ingredients": [ + "sugar", + "green onions", + "garlic cloves", + "ground black pepper", + "Thai red curry paste", + "fresh lime juice", + "unsweetened coconut milk", + "peeled fresh ginger", + "creamy peanut butter", + "chopped cilantro fresh", + "soy sauce", + "vegetable oil", + "low salt chicken broth" + ] + }, + { + "id": 30343, + "ingredients": [ + "turnips", + "water", + "salt", + "onions", + "eggs", + "potatoes", + "lard", + "celery ribs", + "beef", + "carrots", + "pepper", + "flour", + "ground beef" + ] + }, + { + "id": 15385, + "ingredients": [ + "black peppercorns", + "ground black pepper", + "bay leaves", + "garlic", + "yellow onion", + "carrots", + "celery", + "andouille sausage", + "file powder", + "vegetable oil", + "salt", + "turkey meat", + "gumbo", + "water", + "flour", + "turkey", + "onion tops", + "fresh lemon juice", + "chopped parsley", + "turkey carcass", + "cayenne", + "turkey stock", + "chopped celery", + "green pepper", + "thyme" + ] + }, + { + "id": 18372, + "ingredients": [ + "lime", + "rice vinegar", + "soy sauce", + "medium egg noodles", + "oyster sauce", + "groundnut", + "red pepper", + "carrots", + "broccolini", + "oyster mushrooms" + ] + }, + { + "id": 29211, + "ingredients": [ + "radicchio", + "bacon", + "hearts of romaine", + "balsamic vinegar", + "california avocado", + "chicken breasts", + "extra-virgin olive oil", + "stilton cheese", + "quail eggs", + "vine ripened tomatoes", + "scallions" + ] + }, + { + "id": 23269, + "ingredients": [ + "soy sauce", + "salmon steaks", + "ground ginger", + "garlic powder", + "lemon juice", + "sesame seeds", + "ground mustard", + "brown sugar", + "sesame oil" + ] + }, + { + "id": 4561, + "ingredients": [ + "radishes", + "purple onion", + "fresh coriander", + "sea salt", + "chillies", + "lime", + "extra-virgin olive oil", + "cabbage", + "red cabbage", + "carrots" + ] + }, + { + "id": 27365, + "ingredients": [ + "water", + "peeled fresh ginger", + "salt", + "garlic cloves", + "serrano chile", + "brown sugar", + "soup", + "light coconut milk", + "beer", + "chopped cilantro fresh", + "stock", + "cooking spray", + "fish bones", + "chopped onion", + "fresh lime juice", + "peeled tomatoes", + "lime wedges", + "grouper", + "carrots", + "basmati rice" + ] + }, + { + "id": 49032, + "ingredients": [ + "water", + "firm tofu", + "mushrooms", + "white miso", + "nori", + "green onions" + ] + }, + { + "id": 22064, + "ingredients": [ + "pepper", + "red wine vinegar", + "fresh parsley leaves", + "plain low-fat yogurt", + "ground black pepper", + "salt", + "eggplant", + "extra-virgin olive oil", + "capers", + "green onions", + "garlic cloves" + ] + }, + { + "id": 12060, + "ingredients": [ + "mushrooms", + "onions", + "asparagus", + "butter", + "dijon mustard", + "hot water", + "milk", + "boneless skinless chicken breasts", + "chicken" + ] + }, + { + "id": 47834, + "ingredients": [ + "tea bags", + "sweet onion", + "vegetable oil", + "garlic cloves", + "table salt", + "self rising flour", + "cracked black pepper", + "ice cubes", + "kosher salt", + "ground red pepper", + "whole chicken", + "firmly packed light brown sugar", + "ground black pepper", + "lemon", + "white cornmeal" + ] + }, + { + "id": 25815, + "ingredients": [ + "crushed red pepper flakes", + "black pepper", + "hot sauce", + "brown sugar", + "salt", + "cider vinegar", + "pork roast" + ] + }, + { + "id": 34036, + "ingredients": [ + "green bell pepper", + "olive oil", + "yellow bell pepper", + "red bell pepper", + "sugar", + "ground pepper", + "beef broth", + "onions", + "top round steak", + "medium tomatoes", + "garlic", + "celery", + "cold water", + "light soy sauce", + "ginger", + "corn starch" + ] + }, + { + "id": 19326, + "ingredients": [ + "water chestnuts", + "chinese five-spice powder", + "bone-in chicken breast halves", + "pineapple", + "bone in chicken thighs", + "low sodium soy sauce", + "green onions", + "carrots", + "pepper", + "salt" + ] + }, + { + "id": 44078, + "ingredients": [ + "low sodium soy sauce", + "peanuts", + "red curry paste", + "large shrimp", + "lime rind", + "cooking spray", + "beansprouts", + "brown sugar", + "udon", + "red bell pepper", + "sliced green onions", + "fresh cilantro", + "chili oil", + "fresh lime juice" + ] + }, + { + "id": 31090, + "ingredients": [ + "chicken sausage", + "fine sea salt", + "celery", + "stock", + "full fat coconut milk", + "lentils", + "onions", + "kale", + "cracked black pepper", + "carrots", + "seasoning", + "olive oil", + "yams", + "fresh parsley" + ] + }, + { + "id": 17485, + "ingredients": [ + "eggs", + "kalamata", + "potatoes", + "mixed greens", + "cooked cut green beans", + "wish-bone deluxe french dressing", + "tuna, drain and flake", + "bacon, crisp-cooked and crumbled", + "whole peel tomatoes, undrain and chop" + ] + }, + { + "id": 708, + "ingredients": [ + "russet", + "unsalted butter" + ] + }, + { + "id": 5350, + "ingredients": [ + "fish sauce", + "green onions", + "tomatoes", + "eggplant", + "pepper", + "shallots", + "eggs", + "vinegar" + ] + }, + { + "id": 29754, + "ingredients": [ + "sea salt", + "salmon fillets" + ] + }, + { + "id": 18309, + "ingredients": [ + "zucchini", + "salt", + "chopped fresh mint", + "lemon", + "garlic cloves", + "whole milk ricotta cheese", + "freshly ground pepper", + "fettucine", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 46871, + "ingredients": [ + "hungarian sweet paprika", + "ground black pepper", + "russet potatoes", + "low salt chicken broth", + "kosher salt", + "fresh thyme", + "turkey thigh", + "bay leaf", + "olive oil", + "pumpkin", + "garlic cloves", + "onions", + "caraway seeds", + "egg noodles", + "butter", + "sour cream" + ] + }, + { + "id": 27300, + "ingredients": [ + "nutmeg", + "peaches", + "all purpose unbleached flour", + "sour cream", + "baking soda", + "fresh blueberries", + "lemon juice", + "raspberries", + "unsalted butter", + "salt", + "organic cane sugar", + "baking powder", + "corn starch" + ] + }, + { + "id": 41890, + "ingredients": [ + "large flour tortillas", + "onions", + "tomatoes", + "oil", + "garlic", + "taco seasoning mix", + "ground beef" + ] + }, + { + "id": 49548, + "ingredients": [ + "kosher salt", + "peeled fresh ginger", + "dry mustard", + "onions", + "ground cinnamon", + "golden brown sugar", + "apple cider vinegar", + "apple butter", + "ground ginger", + "dried thyme", + "bourbon whiskey", + "cayenne pepper", + "pork baby back ribs", + "dijon mustard", + "apple cider", + "cinnamon sticks" + ] + }, + { + "id": 11392, + "ingredients": [ + "ground black pepper", + "anchovy fillets", + "extra-virgin olive oil", + "lemon juice", + "dijon mustard", + "cognac", + "capers", + "black olives", + "flat leaf parsley" + ] + }, + { + "id": 1354, + "ingredients": [ + "lime", + "oil", + "salt", + "cilantro", + "chicken thighs", + "pepper", + "red curry paste" + ] + }, + { + "id": 48819, + "ingredients": [ + "sugar", + "sour cream", + "sweet potatoes", + "white cornmeal", + "large eggs", + "pumpkin pie spice", + "butter" + ] + }, + { + "id": 19097, + "ingredients": [ + "finely chopped onion", + "low salt chicken broth", + "white pepper", + "white rice", + "butter", + "bay leaf", + "dried thyme", + "salt" + ] + }, + { + "id": 42113, + "ingredients": [ + "tomatoes", + "olive oil", + "feta cheese crumbles", + "pitted black olives", + "lemon", + "red bell pepper", + "green bell pepper", + "ground black pepper", + "cucumber", + "romaine lettuce", + "purple onion", + "dried oregano" + ] + }, + { + "id": 24060, + "ingredients": [ + "soy sauce", + "chopped cilantro", + "fresh basil", + "dark brown sugar", + "boneless skinless chicken breast halves", + "serrano chilies", + "peeled fresh ginger", + "chopped fresh mint", + "fish sauce", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 25849, + "ingredients": [ + "black pepper", + "parboiled rice", + "ham", + "ground cumin", + "olive oil", + "chopped onion", + "bay leaf", + "tomato sauce", + "chopped green bell pepper", + "garlic cloves", + "ground oregano", + "black beans", + "cilantro sprigs", + "less sodium fat free chicken broth" + ] + }, + { + "id": 4543, + "ingredients": [ + "pepper", + "chicken breast halves", + "salt", + "low salt chicken broth", + "chopped fresh chives", + "chicken drumsticks", + "diced celery", + "chicken thighs", + "olive oil", + "shallots", + "all-purpose flour", + "bay leaf", + "dried tarragon leaves", + "mushrooms", + "dry red wine", + "carrots", + "plum tomatoes" + ] + }, + { + "id": 25306, + "ingredients": [ + "flour", + "cornmeal", + "eggs", + "salt", + "baking powder", + "milk", + "oil" + ] + }, + { + "id": 41966, + "ingredients": [ + "grated parmesan cheese", + "duck", + "arugula", + "crushed tomatoes", + "extra-virgin olive oil", + "cinnamon sticks", + "feta cheese", + "crushed red pepper", + "chicken thighs", + "fresh basil", + "chopped fresh thyme", + "garlic cloves", + "orecchiette" + ] + }, + { + "id": 48719, + "ingredients": [ + "jalapeno chilies", + "salt", + "onions", + "tomatoes", + "peeled fresh ginger", + "ground coriander", + "tumeric", + "vegetable oil", + "garlic cloves", + "shell-on shrimp", + "cilantro leaves", + "ground cumin" + ] + }, + { + "id": 48191, + "ingredients": [ + "fish sauce", + "hot pepper", + "beef sirloin", + "soy sauce", + "vegetable oil", + "coconut milk", + "sugar", + "lime wedges", + "garlic cloves", + "jasmine rice", + "coarse salt", + "fresh basil leaves" + ] + }, + { + "id": 8826, + "ingredients": [ + "worcestershire sauce", + "grating cheese", + "butter", + "dijon mustard", + "beer" + ] + }, + { + "id": 42703, + "ingredients": [ + "low-fat cottage cheese", + "shredded cheese", + "garlic salt", + "red pepper flakes", + "corn tortillas", + "butter", + "greek yogurt", + "frozen chopped spinach", + "red enchilada sauce", + "onions" + ] + }, + { + "id": 16083, + "ingredients": [ + "small curd cottage cheese", + "butter", + "large eggs", + "freshly ground pepper", + "feta cheese", + "salt", + "romano cheese", + "parsley", + "phyllo pastry" + ] + }, + { + "id": 26613, + "ingredients": [ + "red chili peppers", + "oil", + "shallots", + "kosher salt", + "long grain white rice", + "scallions" + ] + }, + { + "id": 28088, + "ingredients": [ + "water", + "salt", + "onions", + "tomatoes", + "grated parmesan cheese", + "oil", + "oregano", + "eggs", + "garlic", + "thyme", + "pepper flakes", + "eggplant", + "ricotta", + "fresh basil leaves" + ] + }, + { + "id": 39965, + "ingredients": [ + "sugar", + "all-purpose flour", + "yellow corn meal", + "baking powder", + "milk", + "fat", + "eggs", + "salt" + ] + }, + { + "id": 36239, + "ingredients": [ + "olive oil", + "sea salt", + "dijon mustard", + "pears", + "ground black pepper", + "garlic", + "white wine", + "balsamic vinegar" + ] + }, + { + "id": 4322, + "ingredients": [ + "cauliflower", + "green olives", + "fresh ginger", + "spices", + "cilantro leaves", + "ground cardamom", + "ground ginger", + "white onion", + "ground black pepper", + "extra-virgin olive oil", + "sweet paprika", + "ground turmeric", + "chicken stock", + "preserved lemon", + "garlic powder", + "cinnamon", + "ground allspice", + "chicken thighs", + "tomato paste", + "kosher salt", + "roma tomatoes", + "garlic", + "ground coriander", + "saffron" + ] + }, + { + "id": 9951, + "ingredients": [ + "whole milk", + "all-purpose flour", + "unsalted butter", + "gruyere cheese", + "dry bread crumbs", + "black pepper", + "shallots", + "grated nutmeg", + "grated parmesan cheese", + "salt", + "bok choy" + ] + }, + { + "id": 3045, + "ingredients": [ + "eggs", + "grating cheese", + "flour tortillas", + "unsalted butter", + "salsa", + "pepper", + "salt" + ] + }, + { + "id": 28585, + "ingredients": [ + "extra-virgin olive oil", + "garlic cloves", + "green onions", + "bulgur", + "fresh parsley", + "black pepper", + "salt", + "fresh lemon juice", + "diced tomatoes", + "english cucumber", + "boiling water" + ] + }, + { + "id": 39841, + "ingredients": [ + "powdered sugar", + "frozen whip topping, thaw", + "chocolate syrup", + "candy bar", + "coffee granules", + "frozen pound cake", + "warm water", + "mascarpone" + ] + }, + { + "id": 25913, + "ingredients": [ + "russet potatoes", + "low salt chicken broth", + "fresh corn", + "cilantro sprigs", + "poblano chilies", + "chopped cilantro fresh", + "water", + "whipping cream" + ] + }, + { + "id": 39715, + "ingredients": [ + "hoisin sauce", + "rice vermicelli", + "shrimp", + "pork loin", + "chopped onion", + "coconut milk", + "basil leaves", + "rice vinegar", + "beansprouts", + "lettuce", + "cilantro", + "roasted peanuts", + "rice paper" + ] + }, + { + "id": 23135, + "ingredients": [ + "kosher salt", + "tomatillos", + "ground black pepper", + "cumin seed", + "sherry vinegar", + "roasted garlic", + "virgin olive oil", + "poblano peppers", + "canola oil" + ] + }, + { + "id": 47022, + "ingredients": [ + "sugar", + "garam masala", + "kasuri methi", + "chicken fingers", + "tomato purée", + "cream", + "butter", + "ground coriander", + "onions", + "tumeric", + "water", + "ginger", + "oil", + "ground cumin", + "red chili peppers", + "crushed garlic", + "salt", + "greek yogurt" + ] + }, + { + "id": 24160, + "ingredients": [ + "water", + "chili powder", + "salsa", + "ground beef", + "eggs", + "flour", + "salt", + "tomato soup", + "milk", + "butter", + "green pepper", + "sugar", + "baking powder", + "frozen corn", + "cornmeal" + ] + }, + { + "id": 18619, + "ingredients": [ + "italian plum tomatoes", + "crushed red pepper", + "fresh basil leaves", + "grated parmesan cheese", + "cracked black pepper", + "manicotti", + "finely chopped onion", + "whole milk ricotta cheese", + "sausages", + "olive oil", + "dry white wine", + "provolone cheese" + ] + }, + { + "id": 12574, + "ingredients": [ + "green onions", + "soy sauce", + "white sesame seeds", + "sugar", + "sesame oil", + "hot pepper sauce", + "short rib" + ] + }, + { + "id": 22681, + "ingredients": [ + "fresh cilantro", + "jalapeno chilies", + "chickpeas", + "full fat coconut milk", + "extra-virgin olive oil", + "onions", + "fresh ginger", + "diced tomatoes", + "garlic cloves", + "cooked rice", + "garam masala", + "cilantro leaves" + ] + }, + { + "id": 33692, + "ingredients": [ + "green bell pepper", + "vegetable oil", + "garlic cloves", + "tomato paste", + "dried thyme", + "smoked sausage", + "onions", + "cooked rice", + "red beans", + "hot sauce", + "dried oregano", + "water", + "stewed tomatoes", + "bay leaf" + ] + }, + { + "id": 538, + "ingredients": [ + "lime", + "Mexican oregano", + "green chilies", + "onions", + "black pepper", + "salted butter", + "cilantro", + "buffalo", + "organic chicken broth", + "sugar", + "cherry tomatoes", + "chili powder", + "beer", + "cumin", + "chorizo", + "pepper jack", + "salt", + "garlic cloves", + "masa" + ] + }, + { + "id": 22118, + "ingredients": [ + "asparagus", + "flank steak", + "garlic cloves", + "sake", + "green onions", + "dark brown sugar", + "red bell pepper", + "peeled fresh ginger", + "balsamic vinegar", + "corn starch", + "soy sauce", + "crimini mushrooms", + "peanut oil" + ] + }, + { + "id": 21890, + "ingredients": [ + "chopped tomatoes", + "scallions", + "light brown sugar", + "butter", + "fennel bulb", + "fennel seeds", + "heavy cream" + ] + }, + { + "id": 36340, + "ingredients": [ + "dried thyme", + "beef stock cubes", + "french sandwich rolls", + "peppercorns", + "boneless chuck roast", + "bay leaf", + "soy sauce", + "garlic powder", + "dried rosemary" + ] + }, + { + "id": 27973, + "ingredients": [ + "grated parmesan cheese", + "ground nutmeg", + "low salt chicken broth", + "zucchini", + "whipping cream" + ] + }, + { + "id": 12870, + "ingredients": [ + "clove", + "sesame seeds", + "star anise", + "roasted peanuts", + "ancho chile pepper", + "oregano", + "allspice", + "brown sugar", + "cinnamon", + "mexican chocolate", + "oil", + "onions", + "chicken", + "pecans", + "tomatillos", + "garlic", + "blanched almonds", + "corn tortillas", + "plum tomatoes", + "bread", + "guajillo chiles", + "raisins", + "salt", + "pepitas", + "peppercorns", + "plantains" + ] + }, + { + "id": 22564, + "ingredients": [ + "sugar", + "dry sherry", + "garlic cloves", + "boneless chicken skinless thigh", + "gingerroot", + "soy sauce", + "salt", + "water chestnuts", + "scallions" + ] + }, + { + "id": 35063, + "ingredients": [ + "quick oats", + "mango", + "mint leaves", + "fresh lemon juice", + "salt", + "Silk Original Soymilk" + ] + }, + { + "id": 7000, + "ingredients": [ + "powdered sugar", + "active dry yeast", + "all-purpose flour", + "warm water", + "large eggs", + "sugar", + "unsalted butter", + "milk", + "salt" + ] + }, + { + "id": 11318, + "ingredients": [ + "tomatoes", + "paprika", + "fresh parsley", + "ground ginger", + "honey", + "fresh lemon juice", + "chopped cilantro fresh", + "ground cinnamon", + "lemon slices", + "onions", + "chicken broth", + "olive oil", + "juice", + "ground cumin" + ] + }, + { + "id": 47001, + "ingredients": [ + "Bertolli® Alfredo Sauce", + "fresh thyme leaves", + "boneless skinless chicken breast halves", + "finely chopped fresh parsley", + "all-purpose flour", + "Bertolli® Classico Olive Oil", + "lemon", + "eggs", + "shallots", + "lemon juice" + ] + }, + { + "id": 11395, + "ingredients": [ + "sugar", + "red pepper", + "cucumber", + "sugar pea", + "rice vinegar", + "soy sauce", + "tahini paste", + "sesame seeds", + "soba noodles" + ] + }, + { + "id": 23507, + "ingredients": [ + "soy sauce", + "garlic", + "red pepper flakes", + "unsalted creamy peanut butter", + "orange juice" + ] + }, + { + "id": 47242, + "ingredients": [ + "low-fat sour cream", + "cooking spray", + "canadian bacon", + "frozen chopped spinach", + "large egg whites", + "shallots", + "evaporated skim milk", + "pepper", + "refrigerated pizza dough", + "onions", + "reduced fat monterey jack cheese", + "large eggs", + "salt" + ] + }, + { + "id": 48957, + "ingredients": [ + "pizza doughs", + "parmigiano reggiano cheese", + "flat leaf parsley", + "olive oil", + "garlic cloves", + "salt" + ] + }, + { + "id": 17721, + "ingredients": [ + "pasta", + "heavy cream", + "parmesan cheese", + "white wine", + "mushrooms" + ] + }, + { + "id": 25138, + "ingredients": [ + "dough", + "butter", + "sugar", + "all-purpose flour", + "granny smith apples", + "ground cinnamon", + "salt" + ] + }, + { + "id": 47438, + "ingredients": [ + "warm water", + "all-purpose flour", + "olive oil", + "dried rosemary", + "dry yeast", + "kosher salt", + "olive oil flavored cooking spray" + ] + }, + { + "id": 47162, + "ingredients": [ + "pie dough", + "cherry preserves", + "jam" + ] + }, + { + "id": 42459, + "ingredients": [ + "water", + "pistachios", + "phyllo pastry", + "sugar", + "unsalted butter", + "vanilla extract", + "grated orange peel", + "honey", + "whipping cream", + "unsalted pistachios", + "large eggs", + "cream cheese" + ] + }, + { + "id": 6486, + "ingredients": [ + "cauliflower", + "peas", + "chopped cilantro", + "water", + "garlic", + "onions", + "crushed tomatoes", + "salt", + "orecchiette", + "cooking oil", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 24116, + "ingredients": [ + "red chili powder", + "mustard greens", + "ground turmeric", + "potatoes", + "cumin seed", + "tomatoes", + "vegetable oil", + "onions", + "red chili peppers", + "salt" + ] + }, + { + "id": 31596, + "ingredients": [ + "sugar", + "hot chili oil", + "hot chili paste", + "garlic cloves", + "bamboo shoots", + "fresh ham butt", + "water chestnuts", + "vegetable oil", + "scallions", + "tree ears", + "soy sauce", + "peeled fresh ginger", + "salt", + "corn starch", + "white vinegar", + "large egg whites", + "rice wine", + "dark sesame oil", + "red bell pepper" + ] + }, + { + "id": 38887, + "ingredients": [ + "chinese sausage", + "sesame oil", + "soy sauce", + "shallots", + "rice", + "brown sugar", + "cooking oil", + "ginger", + "pork belly", + "rice wine" + ] + }, + { + "id": 10665, + "ingredients": [ + "ground cinnamon", + "lime juice", + "chicken breasts", + "rice", + "kidney", + "soy sauce", + "olive oil", + "ginger", + "garlic cloves", + "sugar", + "dried thyme", + "marinade", + "ground allspice", + "onions", + "white vinegar", + "pepper", + "spring onions", + "cayenne pepper", + "coconut milk" + ] + }, + { + "id": 13712, + "ingredients": [ + "whole peppercorn", + "chuck roast", + "beef stock cubes", + "Manzanilla olives", + "pepper", + "potatoes", + "salt", + "onions", + "ketchup", + "cooking oil", + "garlic", + "red bell pepper", + "tomatoes", + "water", + "bay leaves", + "corn flour" + ] + }, + { + "id": 2633, + "ingredients": [ + "cremini mushrooms", + "unsalted butter", + "kosher salt", + "vegetable oil", + "black pepper", + "medium dry sherry", + "tenderloin roast", + "sauce" + ] + }, + { + "id": 35784, + "ingredients": [ + "french dressing", + "baking potatoes", + "red bell pepper", + "diced onions", + "large eggs", + "salt", + "black pepper", + "chopped celery", + "low-fat sour cream", + "light mayonnaise", + "celery seed" + ] + }, + { + "id": 45204, + "ingredients": [ + "cherry tomatoes", + "dry white wine", + "extra-virgin olive oil", + "freshly ground pepper", + "brandy", + "prosciutto", + "chicken drumsticks", + "port", + "chopped parsley", + "English mustard", + "sun-dried tomatoes", + "shallots", + "garlic", + "red bell pepper", + "pepper", + "lemon zest", + "sea salt", + "white wine vinegar" + ] + }, + { + "id": 46722, + "ingredients": [ + "powdered sugar", + "unsalted butter", + "salt", + "heavy whipping cream", + "buttercream frosting", + "buttermilk", + "cupcakes", + "brown sugar", + "baking powder", + "all-purpose flour", + "caramel sauce", + "eggs", + "baking soda", + "vanilla extract", + "chopped pecans" + ] + }, + { + "id": 34949, + "ingredients": [ + "sugar", + "grated lemon zest", + "melted butter", + "flour", + "eggs", + "salt", + "milk", + "cognac" + ] + }, + { + "id": 35321, + "ingredients": [ + "rice stick noodles", + "water", + "garlic", + "soy sauce", + "hoisin sauce", + "gai lan", + "honey", + "peanut oil", + "white vinegar", + "white onion", + "kecap manis" + ] + }, + { + "id": 46430, + "ingredients": [ + "butter", + "toasted pecans", + "white sugar", + "brown sugar", + "vanilla extract", + "milk" + ] + }, + { + "id": 34431, + "ingredients": [ + "dijon mustard", + "whipping cream", + "Belgian endive", + "swiss cheese", + "sliced ham", + "ground nutmeg", + "butter", + "low salt chicken broth", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 30890, + "ingredients": [ + "eggs", + "evaporated milk", + "confectioners sugar", + "water", + "vegetable oil", + "shortening", + "granulated sugar", + "bread flour", + "active dry yeast", + "salt" + ] + }, + { + "id": 42132, + "ingredients": [ + "mayonaise", + "chicken breasts", + "carrots", + "potatoes", + "crushed pineapple", + "sweetened condensed milk", + "pepper", + "salt", + "onions", + "sweet pickle relish", + "hard-boiled egg", + "ham" + ] + }, + { + "id": 15702, + "ingredients": [ + "lemon grass", + "garlic", + "kaffir lime leaves", + "shallots", + "chicken carcass", + "galangal", + "water", + "thai chile" + ] + }, + { + "id": 47719, + "ingredients": [ + "sugar", + "chopped onion", + "unsweetened coconut milk", + "butter", + "garlic cloves", + "ground nutmeg", + "ground allspice", + "solid pack pumpkin", + "crushed red pepper", + "low salt chicken broth" + ] + }, + { + "id": 45160, + "ingredients": [ + "romaine lettuce", + "cooking spray", + "fine sea salt", + "fontina cheese", + "large eggs", + "pecorino romano cheese", + "garlic cloves", + "rocket leaves", + "reduced fat milk", + "extra-virgin olive oil", + "fresh leav spinach", + "yukon gold potatoes", + "dry bread crumbs" + ] + }, + { + "id": 20600, + "ingredients": [ + "sugar", + "passion fruit", + "water", + "unflavored gelatin", + "fresh lemon juice" + ] + }, + { + "id": 10800, + "ingredients": [ + "pepper", + "feta cheese crumbles", + "refrigerated pizza dough", + "frozen chopped spinach", + "garlic cloves", + "large eggs", + "chopped fresh mint" + ] + }, + { + "id": 30479, + "ingredients": [ + "grape tomatoes", + "coarse salt", + "grated lemon zest", + "long grain white rice", + "ground pepper", + "extra-virgin olive oil", + "fresh parsley leaves", + "boneless, skinless chicken breast", + "red wine vinegar", + "english cucumber", + "dried oregano", + "nonfat plain greek yogurt", + "purple onion", + "lemon juice" + ] + }, + { + "id": 9457, + "ingredients": [ + "ground black pepper", + "green onions", + "all-purpose flour", + "kosher salt", + "finely chopped onion", + "vegetable oil", + "medium shrimp", + "shrimp stock", + "cayenne", + "fresh thyme leaves", + "fresh parsley leaves", + "minced garlic", + "bay leaves", + "baking potatoes", + "long grain white rice" + ] + }, + { + "id": 26571, + "ingredients": [ + "brown sugar", + "palm sugar", + "lite coconut milk", + "mango", + "sweet rice", + "salt", + "water" + ] + }, + { + "id": 42942, + "ingredients": [ + "bread", + "risotto", + "cake", + "cheese", + "chopped parsley", + "sugar", + "olive oil", + "butter", + "salt", + "onions", + "tomato paste", + "pepper", + "yolk", + "garlic", + "celery", + "white wine", + "basil leaves", + "diced tomatoes", + "rice" + ] + }, + { + "id": 36635, + "ingredients": [ + "chicken stock", + "black beans", + "evaporated milk", + "radishes", + "lime wedges", + "cilantro leaves", + "corn starch", + "corn tortilla chips", + "kosher salt", + "sharp white cheddar cheese", + "guacamole", + "chees fresco queso", + "hot sauce", + "canola oil", + "avocado", + "white pepper", + "chorizo", + "cayenne", + "onion powder", + "purple onion", + "yellow onion", + "ground cumin", + "green chile", + "American cheese", + "garlic powder", + "jalapeno chilies", + "shredded lettuce", + "salsa", + "sour cream" + ] + }, + { + "id": 43617, + "ingredients": [ + "sugar", + "sesame oil", + "yardlong beans", + "peanut oil", + "soy sauce", + "salt", + "szechwan peppercorns", + "dried chile" + ] + }, + { + "id": 16911, + "ingredients": [ + "silver tequila", + "ice", + "lime wedges", + "light agave nectar", + "kosher salt", + "fresh lime juice" + ] + }, + { + "id": 122, + "ingredients": [ + "taco shells", + "minced onion", + "shredded lettuce", + "cumin", + "sugar", + "seasoning salt", + "chili powder", + "corn flour", + "shredded cheddar cheese", + "beef bouillon", + "paprika", + "ground chuck", + "garlic powder", + "onion powder", + "garlic salt" + ] + }, + { + "id": 22340, + "ingredients": [ + "melted butter", + "white sugar", + "dough", + "vanilla extract", + "sliced almonds", + "ground cinnamon", + "cream cheese" + ] + }, + { + "id": 37007, + "ingredients": [ + "asparagus", + "olive oil", + "cornish hens", + "ground black pepper", + "lemon juice", + "fresh marjoram", + "salt" + ] + }, + { + "id": 23595, + "ingredients": [ + "italian tomatoes", + "freshly grated parmesan", + "fresh shiitake mushrooms", + "fresh parsley leaves", + "hot red pepper flakes", + "dried basil", + "unsalted butter", + "bow-tie pasta", + "oregano", + "milk", + "prosciutto", + "large garlic cloves", + "gorgonzola", + "fontina", + "olive oil", + "finely chopped onion", + "all-purpose flour" + ] + }, + { + "id": 25233, + "ingredients": [ + "olive oil", + "butter", + "freshly ground pepper", + "mushrooms", + "gruyere cheese", + "fresh parsley", + "fresh thyme", + "vegetable broth", + "bay leaf", + "baguette", + "dry white wine", + "salt", + "onions" + ] + }, + { + "id": 5503, + "ingredients": [ + "red chili peppers", + "sweet soy sauce", + "squid", + "water", + "ginger", + "soy sauce", + "sesame oil", + "corn starch", + "chinese rice wine", + "thai basil", + "garlic" + ] + }, + { + "id": 47338, + "ingredients": [ + "pineapple chunks", + "boneless chicken", + "soup", + "thai green curry paste", + "straw mushrooms", + "cilantro sprigs", + "vegetable oil" + ] + }, + { + "id": 44695, + "ingredients": [ + "pepper", + "star anise", + "canola oil", + "fish sauce", + "cassia cinnamon", + "yellow onion", + "clove", + "beef brisket", + "salt", + "brown sugar", + "ginger", + "fat" + ] + }, + { + "id": 7141, + "ingredients": [ + "all-purpose flour", + "large eggs", + "sugar", + "white cornmeal", + "buttermilk" + ] + }, + { + "id": 14564, + "ingredients": [ + "grated parmesan cheese", + "pepper", + "paprika", + "baguette", + "garlic cloves", + "butter" + ] + }, + { + "id": 19655, + "ingredients": [ + "large eggs", + "all-purpose flour", + "milk", + "salt" + ] + }, + { + "id": 35326, + "ingredients": [ + "curry powder", + "cilantro leaves", + "plain yogurt", + "heavy cream", + "rotisserie chicken", + "black pepper", + "olive oil", + "yellow onion", + "kosher salt", + "diced tomatoes", + "cooked white rice" + ] + }, + { + "id": 35922, + "ingredients": [ + "fresh cilantro", + "chili powder", + "salt", + "medium shrimp", + "olive oil", + "red wine vinegar", + "corn tortillas", + "lime", + "lime wedges", + "sour cream", + "ground cumin", + "sugar", + "red cabbage", + "garlic", + "chipotles in adobo" + ] + }, + { + "id": 28171, + "ingredients": [ + "olive oil", + "tomato paste", + "garlic cloves", + "diced tomatoes", + "dried basil", + "dried oregano" + ] + }, + { + "id": 1322, + "ingredients": [ + "fresh basil", + "vegetable oil", + "zucchini", + "all-purpose flour", + "ground black pepper", + "salt", + "eggs", + "grated parmesan cheese" + ] + }, + { + "id": 14923, + "ingredients": [ + "evaporated milk", + "vegetable oil", + "large eggs", + "self rising flour", + "seasoning salt", + "soft shelled crabs" + ] + }, + { + "id": 42344, + "ingredients": [ + "low-fat cream cheese", + "shredded sharp cheddar cheese", + "frozen peas", + "diced tomatoes", + "ham", + "penne pasta" + ] + }, + { + "id": 16380, + "ingredients": [ + "shredded cheddar cheese", + "sliced olives", + "chopped cilantro", + "salsa verde", + "taco seasoning", + "refried beans", + "diced tomatoes", + "ground beef", + "flour tortillas", + "sour cream" + ] + }, + { + "id": 15233, + "ingredients": [ + "garam masala", + "yellow onion", + "ground ginger", + "vegetable oil", + "garlic cloves", + "whole milk yoghurt", + "firm tofu", + "kosher salt", + "baby spinach", + "plum tomatoes" + ] + }, + { + "id": 8338, + "ingredients": [ + "taro", + "oil", + "water", + "glutinous rice flour", + "dried shrimp", + "salt", + "rice flour", + "chinese sausage", + "scallions" + ] + }, + { + "id": 41014, + "ingredients": [ + "fennel seeds", + "peanuts", + "paprika", + "sugar", + "bay leaves", + "garlic", + "black peppercorns", + "coriander seeds", + "crushed red pepper flakes", + "kosher salt", + "cinnamon" + ] + }, + { + "id": 30440, + "ingredients": [ + "refried beans", + "vegetable oil", + "boneless skinless chicken breast halves", + "sliced black olives", + "prepared guacamole", + "sliced green onions", + "taco seasoning mix", + "diced tomatoes", + "chopped cilantro fresh", + "shredded cheddar cheese", + "lean bacon", + "sour cream" + ] + }, + { + "id": 23043, + "ingredients": [ + "water", + "garlic", + "green beans", + "tomato paste", + "reduced sodium soy sauce", + "corn starch", + "fresh ginger", + "crushed red pepper", + "canola oil", + "sugar", + "extra firm tofu", + "chinkiang vinegar" + ] + }, + { + "id": 20788, + "ingredients": [ + "creole mustard", + "black-eyed peas", + "salt", + "bay leaf", + "water", + "extra-virgin olive oil", + "frozen corn kernels", + "green bell pepper", + "hot pepper sauce", + "rice vinegar", + "sliced green onions", + "honey", + "purple onion", + "red bell pepper" + ] + }, + { + "id": 14375, + "ingredients": [ + "finely chopped onion", + "baking powder", + "beer", + "jalapeno chilies", + "salt", + "cornmeal", + "large eggs", + "Tabasco Pepper Sauce", + "peanut oil", + "sugar", + "green onions", + "all-purpose flour" + ] + }, + { + "id": 1184, + "ingredients": [ + "brown sugar", + "extra firm tofu", + "tomato ketchup", + "onions", + "water", + "garlic", + "corn starch", + "soy sauce", + "cooking oil", + "carrots", + "pineapple chunks", + "green bell pepper, slice", + "rice vinegar", + "red bell pepper" + ] + }, + { + "id": 34280, + "ingredients": [ + "minced garlic", + "chopped fresh thyme", + "duxelles", + "cooking spray", + "salt", + "grated parmesan cheese", + "baking potatoes", + "black pepper", + "whole milk" + ] + }, + { + "id": 46171, + "ingredients": [ + "emerils original essence", + "fresh thyme", + "worcestershire sauce", + "all-purpose flour", + "flat leaf parsley", + "unsalted butter", + "coarse salt", + "garlic", + "cayenne pepper", + "onions", + "crawfish", + "bay leaves", + "diced tomatoes", + "hot sauce", + "cooked white rice", + "shrimp stock", + "chopped green bell pepper", + "lemon", + "chopped celery", + "scallions" + ] + }, + { + "id": 31834, + "ingredients": [ + "sugar", + "large garlic cloves", + "yellow onion", + "olive oil", + "button mushrooms", + "toasted sesame oil", + "soy sauce", + "florets", + "red bell pepper", + "sesame seeds", + "broccoli", + "noodles" + ] + }, + { + "id": 14759, + "ingredients": [ + "tomatoes", + "olive oil", + "adobo sauce", + "chipotle chile", + "fresh lemon juice", + "chiles", + "garlic cloves", + "onions", + "kosher salt", + "arbol chile" + ] + }, + { + "id": 15855, + "ingredients": [ + "soy sauce", + "sesame oil", + "scallions", + "sugar", + "tuna steaks", + "salt", + "ground black pepper", + "red pepper flakes", + "canned low sodium chicken broth", + "cooking oil", + "garlic" + ] + }, + { + "id": 6662, + "ingredients": [ + "frozen chopped spinach", + "vegetable oil cooking spray", + "grated parmesan cheese", + "garlic", + "nonfat cottage cheese", + "tomatoes", + "pepper", + "lasagna noodles, cooked and drained", + "fresh oregano", + "fresh mushrooms", + "tomato paste", + "tomato sauce", + "shredded carrots", + "beef broth", + "chopped onion", + "fresh basil", + "part-skim mozzarella cheese", + "ricotta cheese", + "green pepper", + "italian seasoning" + ] + }, + { + "id": 15056, + "ingredients": [ + "kosher salt", + "chopped walnuts", + "greek yogurt", + "sliced cucumber", + "garlic cloves", + "ground black pepper", + "cumin seed", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 34873, + "ingredients": [ + "brown sugar", + "minced garlic", + "soy sauce", + "water", + "cider vinegar", + "boneless chicken breast", + "ground ginger", + "pepper", + "corn starch" + ] + }, + { + "id": 20089, + "ingredients": [ + "milk", + "salt", + "water", + "butter", + "country ham", + "vegetable oil", + "grits", + "andouille sausage", + "flour", + "shrimp" + ] + }, + { + "id": 20015, + "ingredients": [ + "garlic powder", + "butter", + "salt", + "heavy whipping cream", + "cumin", + "black pepper", + "boneless skinless chicken breasts", + "paprika", + "red bell pepper", + "chopped cilantro", + "chicken broth", + "jalapeno chilies", + "red pepper flakes", + "cayenne pepper", + "sour cream", + "chopped green chilies", + "chili powder", + "purple onion", + "diced tomatoes in juice", + "dried oregano" + ] + }, + { + "id": 18402, + "ingredients": [ + "plain dry bread crumb", + "finely chopped fresh parsley", + "ground pork", + "salt", + "ground black pepper", + "ground veal", + "spaghetti, cook and drain", + "Bertolli® Classico Olive Oil", + "grated parmesan cheese", + "loosely packed fresh basil leaves", + "yellow onion", + "eggs", + "bertolli vidalia onion with roast garlic sauc", + "bacon", + "garlic" + ] + }, + { + "id": 6418, + "ingredients": [ + "pecans", + "large eggs", + "all-purpose flour", + "unsalted butter", + "light corn syrup", + "sugar", + "ice water", + "dark brown sugar", + "semisweet chocolate", + "salt" + ] + }, + { + "id": 1454, + "ingredients": [ + "fresh ginger", + "garlic", + "scallions", + "sugar", + "egg whites", + "salt", + "chicken thighs", + "dark soy sauce", + "vinegar", + "purple onion", + "corn starch", + "red chili peppers", + "Shaoxing wine", + "roasted peanuts" + ] + }, + { + "id": 14070, + "ingredients": [ + "curry powder", + "potatoes", + "vegetable oil", + "scallions", + "granulated sugar", + "chicken breasts", + "ginger", + "curry paste", + "chili paste", + "bell pepper", + "crushed red pepper flakes", + "toasted sesame oil", + "soy sauce", + "kecap manis", + "shallots", + "rice vinegar", + "toasted sesame seeds" + ] + }, + { + "id": 26424, + "ingredients": [ + "yellow miso", + "dried bonito flakes", + "bok choy", + "extra firm silken tofu", + "scallions", + "fresh ginger", + "hot sauce", + "greens", + "sesame oil", + "konbu" + ] + }, + { + "id": 27349, + "ingredients": [ + "bread", + "lime", + "vegetable oil", + "ground coriander", + "ground turmeric", + "melted butter", + "chicken breasts", + "salt", + "onions", + "ground ginger", + "chopped tomatoes", + "garlic", + "lemon juice", + "ground cumin", + "red chili peppers", + "chili powder", + "cilantro leaves", + "basmati rice" + ] + }, + { + "id": 26459, + "ingredients": [ + "sugar", + "ginger", + "red pepper flakes", + "carrots", + "napa cabbage", + "garlic", + "fish sauce", + "sea salt" + ] + }, + { + "id": 13151, + "ingredients": [ + "small white beans", + "vine ripened tomatoes", + "fresh basil leaves", + "garlic", + "sweet onion", + "fresh lemon juice" + ] + }, + { + "id": 12264, + "ingredients": [ + "black pepper", + "large garlic cloves", + "large shrimp", + "olive oil", + "salt", + "unsalted butter", + "capellini", + "hot red pepper flakes", + "dry white wine", + "flat leaf parsley" + ] + }, + { + "id": 18366, + "ingredients": [ + "Fuyu persimmons", + "ground black pepper", + "kosher salt", + "bresaola", + "rocket leaves", + "balsamic vinegar" + ] + }, + { + "id": 46851, + "ingredients": [ + "spinach", + "bell pepper", + "tuna", + "olive oil", + "yellow onion", + "water", + "green onions", + "curry powder", + "garlic" + ] + }, + { + "id": 18954, + "ingredients": [ + "zucchini", + "fresh mushrooms", + "italian salad dressing", + "romaine lettuce", + "cauliflowerets", + "lemon juice", + "parmesan cheese", + "reduced fat provolone cheese", + "ripe olives", + "tomatoes", + "turkey salami", + "croutons", + "sliced green onions" + ] + }, + { + "id": 39858, + "ingredients": [ + "sugar", + "vegetable oil", + "onions", + "black pepper", + "corn starch", + "soy sauce", + "dry sherry", + "green bell pepper", + "flank steak", + "red bell pepper" + ] + }, + { + "id": 43500, + "ingredients": [ + "flour", + "cracked black pepper", + "carrots", + "onions", + "lamb kidneys", + "butter", + "lamb", + "celery", + "kosher salt", + "baking potatoes", + "beef broth", + "chopped parsley", + "vegetable oil", + "garlic", + "thyme" + ] + }, + { + "id": 21656, + "ingredients": [ + "unsalted butter", + "grated lemon zest", + "pasta", + "sea salt", + "fresh parsley", + "heavy cream", + "freshly ground pepper", + "fresh chives", + "cheese" + ] + }, + { + "id": 10505, + "ingredients": [ + "chiles", + "Sriracha", + "sesame oil", + "scallions", + "soy sauce", + "sherry", + "rice vinegar", + "chicken stock", + "fresh ginger", + "boneless skinless chicken breasts", + "peanut oil", + "sugar", + "hoisin sauce", + "garlic", + "corn starch" + ] + }, + { + "id": 5313, + "ingredients": [ + "ground ginger", + "fresh coriander", + "dried chickpeas", + "boneless lamb", + "ground cinnamon", + "butter", + "flat leaf parsley", + "tomatoes", + "masoor dal", + "long-grain rice", + "tumeric", + "lemon", + "onions" + ] + }, + { + "id": 28951, + "ingredients": [ + "avocado", + "gari", + "vegetable oil", + "scallions", + "ginger juice", + "seedless cucumber", + "nori paper", + "long-grain rice", + "cold water", + "soy sauce", + "shredded carrots", + "rice vinegar", + "hot water", + "wasabi", + "sugar", + "sesame seeds", + "salt", + "surimi" + ] + }, + { + "id": 19961, + "ingredients": [ + "garlic paste", + "coriander powder", + "meat", + "ghee", + "plain yogurt", + "potatoes", + "salt", + "ginger paste", + "tumeric", + "vinegar", + "hot chili powder", + "coriander", + "pepper", + "curry sauce", + "green chilies", + "ground cumin" + ] + }, + { + "id": 1795, + "ingredients": [ + "baking soda", + "salt", + "ground cinnamon", + "almond extract", + "toasted almonds", + "large eggs", + "all-purpose flour", + "sugar", + "vanilla extract" + ] + }, + { + "id": 9917, + "ingredients": [ + "eggs", + "shredded swiss cheese", + "onions", + "pastry", + "salt", + "single crust pie", + "bacon", + "milk", + "all-purpose flour" + ] + }, + { + "id": 26180, + "ingredients": [ + "enchilada sauce", + "cooked chicken", + "corn tortillas", + "black beans", + "shredded colby", + "frozen corn" + ] + }, + { + "id": 9726, + "ingredients": [ + "penne", + "butter", + "crushed red pepper", + "grated parmesan cheese", + "green peas", + "prosciutto", + "large garlic cloves", + "low salt chicken broth", + "crimini mushrooms", + "whipping cream" + ] + }, + { + "id": 47689, + "ingredients": [ + "chicken stock", + "fresh shiitake mushrooms", + "portabello mushroom", + "sausage casings", + "butter", + "garlic cloves", + "arborio rice", + "olive oil", + "asiago", + "onions", + "Madeira", + "chopped fresh thyme", + "fresh oregano" + ] + }, + { + "id": 7866, + "ingredients": [ + "bell pepper", + "monterey jack", + "chicken breast strips", + "tomato sauce", + "Old El Paso Flour Tortillas", + "Old El Paso™ refried beans", + "fajita seasoning mix" + ] + }, + { + "id": 41625, + "ingredients": [ + "frozen chopped spinach", + "chopped green chilies", + "salt", + "chopped cilantro", + "pepper", + "green onions", + "Mexican cheese", + "cumin", + "black beans", + "egg roll wrappers", + "frozen corn", + "garlic salt", + "avocado", + "water", + "chili powder", + "sour cream", + "ground cumin" + ] + }, + { + "id": 35160, + "ingredients": [ + "sugar", + "apple cider vinegar", + "kosher salt", + "white onion", + "carrots", + "green cabbage", + "jalapeno chilies" + ] + }, + { + "id": 4430, + "ingredients": [ + "baguette", + "large garlic cloves", + "garlic", + "mustard seeds", + "swiss chard", + "bacon", + "cayenne pepper", + "collard greens", + "dijon mustard", + "extra-virgin olive oil", + "fresh lemon juice", + "large egg yolks", + "red pepper flakes", + "salt", + "canola oil" + ] + }, + { + "id": 39082, + "ingredients": [ + "unsalted butter", + "instant coffee", + "all-purpose flour", + "cream sweeten whip", + "semisweet chocolate", + "chocolate shavings", + "sugar", + "Irish whiskey", + "salt", + "powdered sugar", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 46186, + "ingredients": [ + "clove", + "black pepper", + "ginger", + "green chilies", + "onions", + "red chili peppers", + "cinnamon", + "cilantro leaves", + "mustard seeds", + "tomatoes", + "sesame seeds", + "wine vinegar", + "leg of lamb", + "clarified butter", + "warm water", + "poppy seeds", + "brown cardamom", + "bay leaf" + ] + }, + { + "id": 11988, + "ingredients": [ + "fresh cilantro", + "butter", + "kosher salt", + "whole milk", + "yellow onion", + "plain yogurt", + "pumpkin", + "vegetable broth", + "water", + "spices", + "ground coriander" + ] + }, + { + "id": 24177, + "ingredients": [ + "boneless pork shoulder", + "rice noodles", + "vegetables", + "dipping sauces", + "cold water", + "balm", + "shallots" + ] + }, + { + "id": 31849, + "ingredients": [ + "unsalted butter", + "extra-virgin olive oil", + "warm water", + "large garlic cloves", + "red bell pepper", + "ground black pepper", + "basil", + "rigatoni", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 41194, + "ingredients": [ + "grated orange peel", + "golden raisins", + "red bell pepper", + "olive oil", + "purple onion", + "chopped cilantro fresh", + "pitted kalamata olives", + "sea bass fillets", + "chopped fresh mint", + "ground cinnamon", + "cayenne", + "fresh lemon juice", + "ground cumin" + ] + }, + { + "id": 36968, + "ingredients": [ + "manicotti shells", + "chili powder", + "dried oregano", + "water", + "sour cream", + "sliced green onions", + "picante sauce", + "lean ground beef", + "monterey jack", + "refried beans", + "ripe olives" + ] + }, + { + "id": 42330, + "ingredients": [ + "frozen orange juice concentrate", + "fresh ginger", + "rice vinegar", + "white sugar", + "minced garlic", + "top sirloin", + "long-grain rice", + "soy sauce", + "broccoli florets", + "oil", + "orange zest", + "water", + "salt", + "corn starch" + ] + }, + { + "id": 36791, + "ingredients": [ + "thai chile", + "fish sauce", + "cucumber", + "rib eye steaks", + "purple onion", + "lime", + "white sugar" + ] + }, + { + "id": 19704, + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "lemon", + "spaghetti", + "grated parmesan cheese", + "salt", + "fresh basil", + "heavy cream" + ] + }, + { + "id": 4933, + "ingredients": [ + "bread", + "salt", + "chopped parsley", + "cumin", + "curry powder", + "lemon juice", + "yukon gold", + "minced garlic", + "nonfat yogurt plain", + "salad oil", + "cayenne", + "cucumber", + "onions" + ] + }, + { + "id": 4255, + "ingredients": [ + "adobo", + "water", + "orange juice", + "boneless pork shoulder", + "chicken bouillon", + "jalapeno chilies", + "onions", + "pico de gallo", + "minced garlic", + "guacamole", + "sazon goya", + "flour tortillas", + "Goya Corn Oil" + ] + }, + { + "id": 37105, + "ingredients": [ + "ground black pepper", + "cheese", + "low fat small curd cottag chees", + "large eggs", + "parmigiano reggiano cheese", + "grated nutmeg", + "white onion", + "baby spinach" + ] + }, + { + "id": 35848, + "ingredients": [ + "water", + "vegetable oil", + "onions", + "boneless chuck roast", + "salt", + "ground cumin", + "green chile", + "salsa verde", + "pork roast", + "garlic powder", + "all-purpose flour" + ] + }, + { + "id": 17416, + "ingredients": [ + "yellow corn meal", + "pepper jack", + "poblano chiles", + "black beans", + "coarse salt", + "ground cumin", + "tomatoes", + "jalapeno chilies", + "onions", + "ground pepper", + "garlic cloves" + ] + }, + { + "id": 39066, + "ingredients": [ + "cherry tomatoes", + "large eggs", + "Italian parsley leaves", + "kosher salt", + "ground black pepper", + "lemon wedge", + "fresh lemon juice", + "panko", + "baby arugula", + "extra-virgin olive oil", + "watermelon", + "dijon mustard", + "vegetable oil", + "center cut pork chops" + ] + }, + { + "id": 36270, + "ingredients": [ + "celery ribs", + "parsley sprigs", + "file powder", + "vegetable oil", + "garlic cloves", + "green bell pepper", + "water", + "green onions", + "salt", + "onions", + "cooked rice", + "minced garlic", + "bay leaves", + "chicken stock cubes", + "fresh parsley", + "andouille sausage", + "ground black pepper", + "ground red pepper", + "all-purpose flour", + "chicken" + ] + }, + { + "id": 24406, + "ingredients": [ + "tomato sauce", + "vinegar", + "salt", + "onions", + "pepper", + "beef stock", + "carrots", + "soy sauce", + "potatoes", + "fresh pork fat", + "beef", + "bay leaves", + "red bell pepper" + ] + }, + { + "id": 20517, + "ingredients": [ + "dijon mustard", + "manchego cheese", + "Italian bread", + "figs", + "baby arugula", + "prosciutto", + "fig jam" + ] + }, + { + "id": 27630, + "ingredients": [ + "white onion", + "lime wedges", + "coarse kosher salt", + "dried oregano", + "mayonaise", + "salsa verde", + "garlic cloves", + "chopped cilantro fresh", + "avocado", + "olive oil", + "tilapia", + "fresh lime juice", + "milk", + "fresh orange juice", + "corn tortillas", + "cabbage" + ] + }, + { + "id": 19670, + "ingredients": [ + "vanilla beans", + "cooking spray", + "salt", + "powdered sugar", + "large eggs", + "vanilla extract", + "granulated sugar", + "butter", + "all-purpose flour", + "sliced almonds", + "fresh blueberries", + "1% low-fat milk" + ] + }, + { + "id": 4685, + "ingredients": [ + "olive oil", + "hot red pepper flakes", + "garlic cloves", + "pitted kalamata olives", + "acini di pepe", + "unsalted butter" + ] + }, + { + "id": 45260, + "ingredients": [ + "parmigiano-reggiano cheese", + "cracked black pepper", + "arugula", + "aged balsamic vinegar", + "balsamic vinegar", + "beef tenderloin", + "radicchio", + "extra-virgin olive oil", + "canola oil", + "fresh rosemary", + "lemon", + "coarse kosher salt" + ] + }, + { + "id": 378, + "ingredients": [ + "sesame seeds", + "peanut oil", + "all-purpose flour", + "soy sauce", + "seaweed", + "salt", + "soda water" + ] + }, + { + "id": 40841, + "ingredients": [ + "eggs", + "water", + "decorating sugars", + "salt", + "sugar", + "egg yolks", + "butter", + "yeast", + "powdered sugar", + "flour", + "cinnamon", + "cream cheese, soften", + "melted butter", + "warm water", + "cooking spray", + "vanilla" + ] + }, + { + "id": 27632, + "ingredients": [ + "spinach", + "dried bonito flakes", + "mirin", + "soy sauce", + "konbu dashi", + "salt" + ] + }, + { + "id": 12193, + "ingredients": [ + "flour tortillas", + "shrimp", + "asadero" + ] + }, + { + "id": 38047, + "ingredients": [ + "low sodium chicken broth", + "white rice", + "lime juice", + "lime wedges", + "sour cream", + "avocado", + "cooked chicken", + "frozen corn kernels", + "fresh cilantro", + "tomato salsa" + ] + }, + { + "id": 10170, + "ingredients": [ + "pepper", + "sliced black olives", + "firm tofu", + "fresh basil", + "olive oil", + "pasta spiral", + "capers", + "pesto sauce mix", + "salt", + "milk", + "grated parmesan cheese", + "fresh mushrooms" + ] + }, + { + "id": 25043, + "ingredients": [ + "fresh spinach", + "daikon", + "potato flour", + "radishes", + "tamari soy sauce", + "curry powder", + "vegetable broth", + "udon", + "carrots" + ] + }, + { + "id": 23851, + "ingredients": [ + "tomatoes", + "chopped garlic", + "linguine", + "crushed red pepper", + "olive oil" + ] + }, + { + "id": 14743, + "ingredients": [ + "green onions", + "garlic cloves", + "water", + "salt", + "crushed red pepper", + "peeled fresh ginger", + "chinese cabbage" + ] + }, + { + "id": 13294, + "ingredients": [ + "dry white wine", + "champagne vinegar", + "pernod", + "crushed ice", + "shallots", + "oysters", + "red bell pepper" + ] + }, + { + "id": 26466, + "ingredients": [ + "butter lettuce", + "hoisin sauce", + "boneless skinless chicken breasts", + "rice vinegar", + "fresh ginger", + "mushrooms", + "vegetable oil", + "soy sauce", + "water chestnuts", + "sesame oil", + "Sriracha", + "green onions", + "garlic" + ] + }, + { + "id": 32002, + "ingredients": [ + "kale", + "zucchini", + "purple onion", + "tomato purée", + "salt and ground black pepper", + "leeks", + "hot water", + "day old bread", + "swiss chard", + "cannellini beans", + "celery", + "savoy cabbage", + "olive oil", + "potatoes", + "carrots" + ] + }, + { + "id": 37526, + "ingredients": [ + "chicken broth", + "black-eyed peas", + "chopped cooked ham", + "sugar", + "collard greens", + "vegetable oil", + "seasoning", + "pepper" + ] + }, + { + "id": 8888, + "ingredients": [ + "olive oil", + "biscuits", + "freshly ground pepper", + "kosher salt", + "fresh parsley", + "grated parmesan cheese" + ] + }, + { + "id": 38945, + "ingredients": [ + "peaches", + "salt", + "balsamic vinegar", + "brown sugar", + "cracked black pepper", + "vegetable oil" + ] + }, + { + "id": 38546, + "ingredients": [ + "fresh thyme", + "deveined shrimp", + "chopped onion", + "pepper", + "vegetable oil", + "chopped celery", + "cooking spray", + "dry red wine", + "halibut fillets", + "diced tomatoes", + "salt" + ] + }, + { + "id": 38869, + "ingredients": [ + "vanilla", + "large egg yolks", + "whole milk", + "sugar" + ] + }, + { + "id": 10556, + "ingredients": [ + "avocado", + "honey", + "chips", + "salt", + "ground cumin", + "fresh cilantro", + "jalapeno chilies", + "onion powder", + "fresh lime juice", + "sugar", + "garlic powder", + "cooking spray", + "corn tortillas", + "pomegranate seeds", + "clementine sections", + "paprika", + "sliced green onions" + ] + }, + { + "id": 3296, + "ingredients": [ + "hazelnuts", + "hazelnut liqueur", + "unsalted butter", + "chocolate bars", + "bittersweet chocolate", + "whipping cream" + ] + }, + { + "id": 25977, + "ingredients": [ + "tomato sauce", + "garlic powder", + "vegetable broth", + "enchilada sauce", + "cumin", + "tomatoes", + "black beans", + "sea salt", + "cayenne pepper", + "corn tortillas", + "romaine lettuce", + "chili powder", + "cheese", + "dried guajillo chiles", + "chihuahua cheese", + "olive oil", + "paprika", + "oil", + "dried oregano" + ] + }, + { + "id": 32025, + "ingredients": [ + "hot pepper sauce", + "yellow onion", + "pepper", + "serrano peppers", + "cucumber", + "tostada shells", + "roma tomatoes", + "shrimp", + "lime", + "salt" + ] + }, + { + "id": 44087, + "ingredients": [ + "capers", + "crumbled ricotta salata cheese", + "spaghetti", + "black pepper", + "salt", + "pitted kalamata olives", + "extra-virgin olive oil", + "peeled tomatoes", + "garlic cloves" + ] + }, + { + "id": 32762, + "ingredients": [ + "cheddar cheese", + "cod fillets", + "salt", + "mashed potatoes", + "minced onion", + "garlic", + "frozen chopped spinach", + "ground black pepper", + "white cheddar cheese", + "milk", + "butter", + "all-purpose flour" + ] + }, + { + "id": 824, + "ingredients": [ + "vanilla beans", + "tea bags", + "star anise", + "heavy cream", + "sugar", + "sweetened condensed milk" + ] + }, + { + "id": 44636, + "ingredients": [ + "tomato paste", + "parmesan cheese", + "penne pasta", + "pitted kalamata olives", + "anchovy paste", + "garlic cloves", + "capers", + "cooking spray", + "Italian turkey sausage", + "tomatoes", + "chopped green bell pepper", + "chopped onion" + ] + }, + { + "id": 542, + "ingredients": [ + "vegetable oil", + "corn starch", + "peanuts", + "garlic chili sauce", + "red bell pepper", + "fresh ginger", + "garlic", + "green beans", + "boneless skinless chicken breasts", + "oyster sauce", + "onions" + ] + }, + { + "id": 38218, + "ingredients": [ + "kosher salt", + "allspice berries", + "lemon", + "rendered duck fat", + "juniper berries", + "garlic", + "fresh thyme", + "duck drumsticks" + ] + }, + { + "id": 41930, + "ingredients": [ + "fresh lime juice", + "heavy cream", + "coconut milk", + "mango" + ] + }, + { + "id": 1987, + "ingredients": [ + "crushed red pepper flakes", + "garlic", + "ground black pepper", + "vegetable broth", + "kosher salt", + "littleneck clams", + "fresh parsley leaves", + "unsalted butter", + "linguine" + ] + }, + { + "id": 37378, + "ingredients": [ + "yellow corn meal", + "egg whites", + "all-purpose flour", + "sugar", + "non-fat sour cream", + "smoked cheddar cheese", + "vegetable oil cooking spray", + "baking powder", + "margarine", + "dried basil", + "salt" + ] + }, + { + "id": 8873, + "ingredients": [ + "ground black pepper", + "whole milk ricotta cheese", + "fresh fava bean", + "sage leaves", + "grated parmesan cheese", + "salt", + "ground nutmeg", + "leeks", + "all-purpose flour", + "large eggs", + "butter" + ] + }, + { + "id": 1513, + "ingredients": [ + "soy sauce", + "fresh ginger", + "white rice", + "tuna", + "water", + "sliced carrots", + "salt", + "pepper", + "sliced cucumber", + "garlic", + "onions", + "chile powder", + "olive oil", + "kim chee", + "rice vinegar" + ] + }, + { + "id": 44013, + "ingredients": [ + "sauerkraut", + "sea salt", + "avocado", + "tortillas", + "carrots", + "tofu mayonnaise", + "sesame oil", + "green beans", + "green lentil", + "mixed greens" + ] + }, + { + "id": 38042, + "ingredients": [ + "amchur", + "ground coriander", + "tumeric", + "vegetable oil", + "onions", + "cayenne", + "lemon juice", + "kosher salt", + "okra", + "ground cumin" + ] + }, + { + "id": 11576, + "ingredients": [ + "soy sauce", + "ground black pepper", + "vegetable oil", + "orange juice", + "white vinegar", + "garlic powder", + "jalapeno chilies", + "cayenne pepper", + "kosher salt", + "granulated sugar", + "chicken drumsticks", + "lemon juice", + "ground cinnamon", + "ground nutmeg", + "green onions", + "ground allspice" + ] + }, + { + "id": 24510, + "ingredients": [ + "celery ribs", + "chopped leaves", + "unsalted butter", + "extra-virgin olive oil", + "carrots", + "black peppercorns", + "water", + "heavy cream", + "freshly ground pepper", + "onions", + "tomato paste", + "kosher salt", + "bay leaves", + "all-purpose flour", + "thyme sprigs", + "brandy", + "corn kernels", + "tarragon sprigs", + "garlic cloves", + "large shrimp" + ] + }, + { + "id": 823, + "ingredients": [ + "ground black pepper", + "mushrooms", + "garlic cloves", + "water", + "grated parmesan cheese", + "extra-virgin olive oil", + "grated lemon peel", + "pancetta", + "unsalted butter", + "chopped fresh thyme", + "low salt chicken broth", + "kale", + "whole milk", + "salt", + "polenta" + ] + }, + { + "id": 23443, + "ingredients": [ + "soy sauce", + "dark sesame oil", + "green onions", + "fresh mint", + "lettuce leaves", + "garlic cloves", + "chicken breast halves", + "chopped fresh mint" + ] + }, + { + "id": 34870, + "ingredients": [ + "coconut oil", + "fresh ginger", + "vegetable broth", + "chickpeas", + "cashew nuts", + "tomato paste", + "lite coconut milk", + "ground black pepper", + "salt", + "frozen peas", + "ground cumin", + "slivered almonds", + "garam masala", + "garlic", + "cumin seed", + "basmati rice", + "mild curry powder", + "fresh coriander", + "zucchini", + "yellow onion", + "panko breadcrumbs" + ] + }, + { + "id": 3846, + "ingredients": [ + "buttermilk", + "freshly ground pepper", + "kosher salt", + "all-purpose flour", + "chicken", + "paprika", + "canola oil", + "Tabasco Pepper Sauce", + "ear of corn" + ] + }, + { + "id": 14993, + "ingredients": [ + "fat free less sodium chicken broth", + "cooking spray", + "salt", + "garlic cloves", + "ground black pepper", + "butter", + "all-purpose flour", + "flat leaf parsley", + "large eggs", + "gruyere cheese", + "grated nutmeg", + "shiitake mushroom caps", + "fat free milk", + "shallots", + "buckwheat flour", + "33% less sodium smoked ham" + ] + }, + { + "id": 16854, + "ingredients": [ + "pico de gallo", + "white onion", + "guacamole", + "cheese", + "sour cream", + "brown sugar", + "ground black pepper", + "chili powder", + "salsa", + "canola oil", + "green bell pepper", + "lime juice", + "seeds", + "garlic", + "skirt steak", + "soy sauce", + "flour tortillas", + "yellow bell pepper", + "red bell pepper" + ] + }, + { + "id": 5886, + "ingredients": [ + "white onion", + "salt", + "chopped cilantro", + "tomatillos", + "garlic cloves", + "vegetable oil", + "crème fraîche", + "serrano chile", + "chees fresco queso", + "corn tortillas" + ] + }, + { + "id": 33793, + "ingredients": [ + "roasted bell peppers", + "provolone cheese", + "large eggs", + "parmigiano reggiano cheese", + "sliced salami", + "pizza doughs" + ] + }, + { + "id": 2999, + "ingredients": [ + "pecans", + "vanilla", + "unsalted butter", + "sugar", + "salt", + "butter cookies", + "heavy cream" + ] + }, + { + "id": 20843, + "ingredients": [ + "corn oil", + "chorizo sausage", + "corn tortillas", + "mozzarella cheese" + ] + }, + { + "id": 29153, + "ingredients": [ + "honey", + "salt", + "cooked rice", + "reduced sodium soy sauce", + "corn starch", + "cold water", + "olive oil", + "garlic cloves", + "pepper", + "boneless skinless chicken breasts", + "stir fry vegetable blend" + ] + }, + { + "id": 33790, + "ingredients": [ + "tomatoes", + "olive oil", + "garlic", + "ground coriander", + "dried oregano", + "fresh spinach", + "diced tomatoes", + "salt", + "feta cheese crumbles", + "ground cumin", + "pepper", + "kalamata", + "yellow onion", + "fresh parsley", + "ground cinnamon", + "orzo pasta", + "crushed red pepper", + "lemon juice", + "ground lamb" + ] + }, + { + "id": 16516, + "ingredients": [ + "ground black pepper", + "toasted slivered almonds", + "curry powder", + "chicken cutlets", + "onions", + "coconut oil", + "golden raisins", + "sour cream", + "fresh cilantro", + "salt" + ] + }, + { + "id": 37887, + "ingredients": [ + "cracked black pepper", + "unsalted butter", + "ham", + "whole wheat sourdough bread", + "gruyere cheese", + "extra large eggs", + "fleur de sel" + ] + }, + { + "id": 18466, + "ingredients": [ + "moong dal", + "chili powder", + "cumin seed", + "asafetida", + "garlic paste", + "water", + "cilantro leaves", + "mustard seeds", + "fresh curry leaves", + "salt", + "oil", + "red chili peppers", + "shallots", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 48033, + "ingredients": [ + "romaine lettuce", + "dijon mustard", + "salt", + "chopped cilantro", + "fennel bulb", + "purple onion", + "lemon juice", + "olive oil", + "jalapeno chilies", + "chickpeas", + "ground black pepper", + "navel oranges", + "tuna packed in olive oil" + ] + }, + { + "id": 45404, + "ingredients": [ + "artichokes", + "butter", + "garlic cloves", + "extra-virgin olive oil", + "anchovy fillets" + ] + }, + { + "id": 4175, + "ingredients": [ + "lettuce", + "lime", + "cilantro", + "fat", + "cumin", + "black pepper", + "jalapeno chilies", + "salt", + "corn tortillas", + "diced onions", + "chuck roast", + "garlic", + "sour cream", + "canola oil", + "spanish onion", + "tomatillos", + "salsa", + "chopped cilantro" + ] + }, + { + "id": 31986, + "ingredients": [ + "large garlic cloves", + "juice", + "dry white wine", + "extra-virgin olive oil", + "fresh basil", + "diced tomatoes", + "gemelli", + "pecorino romano cheese", + "crushed red pepper" + ] + }, + { + "id": 38555, + "ingredients": [ + "red chili powder", + "garam masala", + "garlic", + "oil", + "onions", + "kabuli channa", + "cilantro", + "green chilies", + "asafetida powder", + "ground turmeric", + "ground cloves", + "cinnamon", + "cilantro leaves", + "mustard seeds", + "coriander", + "tomatoes", + "tamarind extract", + "ginger", + "cumin seed", + "ghee" + ] + }, + { + "id": 26832, + "ingredients": [ + "salt", + "spinach leaves", + "scallions", + "chicken broth", + "dark sesame oil", + "eggs" + ] + }, + { + "id": 19810, + "ingredients": [ + "chiles", + "steamed white rice", + "grouper", + "tomato paste", + "olive oil", + "salt", + "unsweetened coconut milk", + "lime juice", + "diced tomatoes", + "chopped cilantro fresh", + "minced garlic", + "fish stock", + "onions" + ] + }, + { + "id": 49086, + "ingredients": [ + "cinnamon", + "sugar", + "milk", + "brewed espresso" + ] + }, + { + "id": 39579, + "ingredients": [ + "pepper flakes", + "olive oil", + "purple onion", + "cooked shrimp", + "penne", + "heavy cream", + "rice", + "fresh spinach", + "cajun seasoning", + "salt", + "white wine", + "garlic", + "corn starch" + ] + }, + { + "id": 25551, + "ingredients": [ + "water", + "salt", + "nutmeg", + "cinnamon", + "yellow corn meal", + "milk", + "sugar", + "vanilla" + ] + }, + { + "id": 42549, + "ingredients": [ + "black pepper", + "ginger", + "olive oil spray", + "ground cinnamon", + "kosher salt", + "ground coriander", + "ground cloves", + "paprika", + "chicken thighs", + "plain yogurt", + "garlic", + "ground cumin" + ] + }, + { + "id": 22052, + "ingredients": [ + "flour tortillas", + "garlic", + "onions", + "black pepper", + "red pepper flakes", + "green pepper", + "cumin", + "boneless skinless chicken breasts", + "salt", + "chunky salsa", + "black beans", + "diced tomatoes", + "Mexican cheese" + ] + }, + { + "id": 45632, + "ingredients": [ + "basil", + "greek yogurt", + "parmesan cheese", + "salt", + "spinach", + "cooking wine", + "rigatoni", + "mushrooms", + "margarine" + ] + }, + { + "id": 4143, + "ingredients": [ + "Mexican cheese blend", + "large garlic cloves", + "taco sauce", + "chili powder", + "ground cumin", + "Daisy Sour Cream", + "flour tortillas", + "chopped onion", + "black beans", + "lean ground beef" + ] + }, + { + "id": 11310, + "ingredients": [ + "lemon wedge", + "garlic cloves", + "hot red pepper flakes", + "extra-virgin olive oil", + "dried oregano", + "sea salt", + "flat leaf parsley", + "anchovies", + "white wine vinegar" + ] + }, + { + "id": 32839, + "ingredients": [ + "sake", + "sesame seeds", + "sugar", + "mirin", + "firmly packed light brown sugar", + "white miso", + "black cod fillets" + ] + }, + { + "id": 48171, + "ingredients": [ + "unflavored gelatin", + "beef brisket", + "garlic", + "cucumber", + "store bought low sodium chicken stock", + "hard-boiled egg", + "scallions", + "broth", + "asian pear", + "ginger", + "mustard oil", + "kosher salt", + "pickled radish", + "rice vinegar", + "noodles" + ] + }, + { + "id": 22896, + "ingredients": [ + "genoa salami", + "crushed red pepper", + "crackers", + "pepper", + "salad dressing", + "roma tomatoes", + "turkey breast", + "mayonaise", + "provolone cheese", + "sliced green onions" + ] + }, + { + "id": 10878, + "ingredients": [ + "suckling pig", + "orange", + "salt", + "fresh oregano leaves", + "garlic", + "lime", + "oregano" + ] + }, + { + "id": 31643, + "ingredients": [ + "water", + "queso fresco", + "carrots", + "crema mexicana", + "jalapeno chilies", + "fine sea salt", + "chicken thighs", + "white onion", + "corn oil", + "garlic cloves", + "chile sauce", + "red potato", + "radishes", + "romaine lettuce leaves", + "corn tortillas" + ] + }, + { + "id": 47624, + "ingredients": [ + "ground ginger", + "flaked coconut", + "red bell pepper", + "slivered almonds", + "mandarin oranges", + "green onions", + "crushed pineapple", + "cooked rice", + "mango chutney" + ] + }, + { + "id": 35141, + "ingredients": [ + "water", + "salt", + "yellow corn meal", + "active dry yeast", + "milk", + "all-purpose flour", + "sugar", + "olive oil" + ] + }, + { + "id": 13498, + "ingredients": [ + "canola", + "apple cider vinegar", + "ketchup", + "large eggs", + "corn starch", + "soy sauce", + "granulated sugar", + "salt", + "pepper", + "boneless skinless chicken breasts", + "garlic salt" + ] + }, + { + "id": 24566, + "ingredients": [ + "pitted kalamata olives", + "fresh rosemary", + "frozen pastry puff sheets", + "fresh basil", + "grated parmesan cheese" + ] + }, + { + "id": 16533, + "ingredients": [ + "brown sugar", + "dry yeast", + "grated Gruyère cheese", + "warm water", + "butter", + "cornmeal", + "solid pack pumpkin", + "cooking spray", + "chopped walnuts", + "ground nutmeg", + "salt", + "bread flour" + ] + }, + { + "id": 15437, + "ingredients": [ + "cheddar cheese", + "chuck roast", + "onion powder", + "salsa", + "lime", + "guacamole", + "diced tomatoes", + "sour cream", + "pepper", + "flour tortillas", + "shredded lettuce", + "beef broth", + "garlic powder", + "chili powder", + "salt", + "ground cumin" + ] + }, + { + "id": 19426, + "ingredients": [ + "romaine lettuce", + "purple onion", + "red wine vinegar", + "cucumber", + "kalamata", + "plum tomatoes", + "olive oil", + "feta cheese crumbles" + ] + }, + { + "id": 32416, + "ingredients": [ + "minced garlic", + "salt", + "guajillo chiles", + "fresh lime juice", + "olive oil" + ] + }, + { + "id": 2427, + "ingredients": [ + "chicken broth", + "lemon juice", + "extra-virgin olive oil", + "lemon", + "onions", + "arborio rice", + "parmagiano reggiano" + ] + }, + { + "id": 9178, + "ingredients": [ + "cold milk", + "whipped topping", + "Nilla Wafers", + "bananas", + "vanilla instant pudding", + "dream whip" + ] + }, + { + "id": 40606, + "ingredients": [ + "olive oil", + "cornmeal", + "eggs", + "flour", + "sliced green olives", + "fresh rosemary", + "large eggs", + "yeast", + "water", + "salt" + ] + }, + { + "id": 28450, + "ingredients": [ + "fresh ginger", + "mushrooms", + "gluten", + "scallions", + "water", + "mirin", + "butter", + "firm tofu", + "sugar", + "white miso", + "rice noodles", + "salt", + "sesame seeds", + "dried udon", + "garlic", + "nori" + ] + }, + { + "id": 7946, + "ingredients": [ + "capers", + "dry white wine", + "all-purpose flour", + "flat leaf parsley", + "unsalted butter", + "fresh mozzarella", + "garlic cloves", + "milk", + "vegetable oil", + "anchovy fillets", + "white bread", + "large eggs", + "extra-virgin olive oil", + "lemon juice" + ] + }, + { + "id": 21756, + "ingredients": [ + "pepper", + "purple onion", + "feta cheese", + "cucumber", + "olive oil", + "salt", + "red wine vinegar", + "pears" + ] + }, + { + "id": 17843, + "ingredients": [ + "cider vinegar", + "green pepper", + "salt", + "red pepper", + "sugar", + "yellow onion" + ] + }, + { + "id": 44066, + "ingredients": [ + "haddock", + "salt", + "corn starch", + "russet potatoes", + "beer", + "flour", + "old bay seasoning", + "oil", + "baking powder", + "cayenne pepper" + ] + }, + { + "id": 7427, + "ingredients": [ + "chinese rice wine", + "dried scallops", + "peanut oil", + "sugar", + "light soy sauce", + "sausages", + "dried black mushrooms", + "black pepper", + "sesame oil", + "oyster sauce", + "sweet rice", + "kosher salt", + "scallions" + ] + }, + { + "id": 11297, + "ingredients": [ + "celery ribs", + "coriander seeds", + "leeks", + "crème fraîche", + "bay leaf", + "water", + "egg whites", + "dry white wine", + "garlic cloves", + "onions", + "cold water", + "fresh thyme", + "salmon caviar", + "dill tips", + "fresh parsley", + "fresh ginger", + "carcass", + "salt", + "carrots" + ] + }, + { + "id": 42965, + "ingredients": [ + "artichoke hearts", + "extra-virgin olive oil", + "fresh lemon juice", + "cherry tomatoes", + "cooking spray", + "fresh oregano", + "ground black pepper", + "salt", + "eggplant", + "lemon wedge", + "garlic cloves" + ] + }, + { + "id": 23067, + "ingredients": [ + "capers", + "cornichons", + "fresh lemon juice", + "mayonaise", + "crème fraîche", + "celery root", + "dried tarragon leaves", + "dill pickles", + "dijon mustard", + "fresh parsley leaves" + ] + }, + { + "id": 35066, + "ingredients": [ + "fish sauce", + "lemongrass", + "tomatoes", + "water", + "mushrooms", + "red chili peppers", + "chili paste", + "kaffir lime leaves", + "lime juice", + "shrimp" + ] + }, + { + "id": 27938, + "ingredients": [ + "black pepper", + "extra-virgin olive oil", + "fresh lemon juice", + "fresh basil", + "chicken breasts", + "salt", + "cucumber", + "grape tomatoes", + "kalamata", + "bulgur", + "fresh parsley", + "water", + "purple onion", + "feta cheese crumbles" + ] + }, + { + "id": 39075, + "ingredients": [ + "garbanzo beans", + "purple onion", + "plain yogurt", + "spices", + "cucumber", + "tomatoes", + "pita bread rounds", + "feta cheese crumbles", + "olive oil", + "white wine vinegar", + "flat leaf parsley" + ] + }, + { + "id": 20200, + "ingredients": [ + "ice cubes", + "teas", + "water", + "sugar", + "half & half" + ] + }, + { + "id": 19823, + "ingredients": [ + "black pepper", + "salt", + "sugar", + "toasted baguette", + "beef tenderloin", + "kosher salt", + "pickled onion" + ] + }, + { + "id": 12336, + "ingredients": [ + "chicken stock", + "minced ginger", + "sesame oil", + "corn starch", + "pork", + "green onions", + "salt", + "boiling water", + "sweet soy", + "Shaoxing wine", + "napa cabbage", + "hot water", + "soy sauce", + "rice wine", + "rice vinegar", + "bread flour" + ] + }, + { + "id": 34714, + "ingredients": [ + "kosher salt", + "Sriracha", + "smoked paprika", + "mayonaise", + "olive oil", + "garlic", + "spaghetti", + "lime", + "crushed red pepper flakes", + "medium shrimp", + "sweet chili sauce", + "ground black pepper", + "fresh parsley leaves" + ] + }, + { + "id": 45388, + "ingredients": [ + "tomatoes", + "olive oil", + "grated nutmeg", + "dried pasta", + "dry white wine", + "onions", + "ground chuck", + "unsalted butter", + "carrots", + "celery ribs", + "milk", + "ground pork" + ] + }, + { + "id": 25639, + "ingredients": [ + "greek seasoning", + "purple onion", + "cucumber", + "ground round", + "garlic cloves", + "dill weed", + "flatbread", + "salt", + "sour cream", + "pepper", + "feta cheese crumbles", + "plum tomatoes" + ] + }, + { + "id": 33985, + "ingredients": [ + "large eggs", + "walnuts", + "milk", + "butter", + "white sugar", + "bread crumbs", + "baking powder", + "apricots", + "honey", + "all-purpose flour" + ] + }, + { + "id": 25524, + "ingredients": [ + "lemongrass", + "green peas", + "Thai fish sauce", + "curry paste", + "chicken breasts", + "dark brown sugar", + "coconut milk", + "broad beans", + "sunflower oil", + "corn flour", + "lime leaves", + "seeds", + "cilantro leaves", + "baby corn" + ] + }, + { + "id": 19641, + "ingredients": [ + "beans", + "szechwan peppercorns", + "firm tofu", + "light soy sauce", + "vegetable broth", + "Doubanjiang", + "water", + "arrowroot powder", + "garlic cloves", + "spring onions", + "salt" + ] + }, + { + "id": 11106, + "ingredients": [ + "stock", + "green onions", + "garlic cloves", + "water", + "ginger", + "pork belly", + "chili oil", + "coriander", + "light soy sauce", + "salt" + ] + }, + { + "id": 22165, + "ingredients": [ + "fresh parmesan cheese", + "fat-free chicken broth", + "carrots", + "water", + "leeks", + "pearl barley", + "flat leaf parsley", + "pepper", + "finely chopped onion", + "salt", + "thyme", + "olive oil", + "chicken breast halves", + "diced celery" + ] + }, + { + "id": 35412, + "ingredients": [ + "tomatoes", + "artichoke hearts", + "garlic", + "rigatoni", + "pepper", + "bacon", + "feta cheese crumbles", + "olive oil", + "kalamata", + "flat leaf parsley", + "capers", + "red pepper flakes", + "salt" + ] + }, + { + "id": 23475, + "ingredients": [ + "sugar", + "cod fillets", + "miso paste", + "sake", + "mirin" + ] + }, + { + "id": 1570, + "ingredients": [ + "avocado", + "black olives", + "anchovy fillets", + "large shrimp", + "lemon", + "purple onion", + "Piment d'Espelette", + "olive oil", + "wine vinegar", + "lemon juice", + "garlic", + "salt", + "bay leaf" + ] + }, + { + "id": 12815, + "ingredients": [ + "Grand Marnier", + "brewed coffee", + "cinnamon sticks", + "reduced fat milk" + ] + }, + { + "id": 37253, + "ingredients": [ + "pepper flakes", + "potatoes", + "fine sea salt", + "fresh mint", + "plain yogurt", + "cinnamon", + "cumin seed", + "sesame", + "dried mint flakes", + "pumpkin seeds", + "ground cumin", + "ground ginger", + "radishes", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 16900, + "ingredients": [ + "Bertolli® Alfredo Sauce", + "lemon juice", + "salmon fillets", + "green peas", + "Bertolli® Classico Olive Oil", + "sweet onion", + "spaghetti, cook and drain" + ] + }, + { + "id": 7701, + "ingredients": [ + "double crust pie", + "ground nutmeg", + "pastry", + "white sugar", + "ground cinnamon", + "corn starch", + "blackberry brandy", + "blackberries" + ] + }, + { + "id": 49391, + "ingredients": [ + "olive oil", + "salt", + "avocado", + "minced onion", + "boneless skinless chicken breast halves", + "ground black pepper", + "fresh lime juice", + "tomatoes", + "jalapeno chilies", + "chopped cilantro fresh" + ] + }, + { + "id": 1132, + "ingredients": [ + "water", + "garlic", + "ham", + "onions", + "red pepper flakes", + "dried navy beans", + "celery", + "pepper", + "diced tomatoes", + "elbow macaroni", + "fresh parsley", + "olive oil", + "salt", + "carrots" + ] + }, + { + "id": 13051, + "ingredients": [ + "flour tortillas", + "butter", + "chicken broth", + "chicken breasts", + "sour cream", + "flour", + "grated jack cheese", + "chopped green chilies", + "vegetable oil", + "onions" + ] + }, + { + "id": 2284, + "ingredients": [ + "brussels sprouts", + "egg noodles", + "dried shiitake mushrooms", + "white pepper", + "vegetable oil", + "mung bean sprouts", + "minced garlic", + "vegetable broth", + "soy sauce", + "green onions", + "yellow onion" + ] + }, + { + "id": 21410, + "ingredients": [ + "cookies", + "confectioners sugar", + "strawberries", + "heavy cream", + "sugar", + "blueberries" + ] + }, + { + "id": 25604, + "ingredients": [ + "black pepper", + "granulated sugar", + "yellow bell pepper", + "dried oregano", + "orange bell pepper", + "sliced kalamata olives", + "purple onion", + "cherry tomatoes", + "red wine vinegar", + "extra-virgin olive oil", + "feta cheese", + "tortellini", + "english cucumber" + ] + }, + { + "id": 45746, + "ingredients": [ + "lime", + "thai chile", + "black pepper", + "cilantro stems", + "low salt chicken broth", + "sugar", + "black bass", + "Thai fish sauce", + "jasmine rice", + "large garlic cloves", + "fresh lime juice" + ] + }, + { + "id": 35911, + "ingredients": [ + "white vinegar", + "ham steak", + "peas", + "field peas", + "red potato", + "olive oil", + "hot sauce", + "chicken broth", + "water", + "salt", + "onions", + "collard greens", + "vermouth", + "garlic cloves" + ] + }, + { + "id": 26608, + "ingredients": [ + "dashi", + "miso", + "ginger juice", + "mirin", + "firm tofu", + "sake", + "sesame seeds", + "grated lemon zest", + "sugar", + "egg yolks" + ] + }, + { + "id": 16991, + "ingredients": [ + "unsweetened shredded dried coconut", + "semisweet chocolate", + "heavy whipping cream", + "coconut", + "salt", + "cream of tartar", + "large egg whites", + "all-purpose flour", + "sugar", + "dark rum" + ] + }, + { + "id": 40657, + "ingredients": [ + "tomatoes", + "lime", + "ground black pepper", + "paprika", + "corn tortillas", + "white onion", + "grated cotija", + "flank steak", + "salt", + "dried oregano", + "white vinegar", + "new mexico chile pods", + "garlic powder", + "chili powder", + "ground white pepper", + "ground cumin", + "soy sauce", + "olive oil", + "jalapeno chilies", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 47960, + "ingredients": [ + "golden brown sugar", + "salt", + "unsalted butter", + "chopped fresh sage", + "ground nutmeg", + "all-purpose flour", + "sweet potatoes & yams", + "ricotta cheese" + ] + }, + { + "id": 38408, + "ingredients": [ + "pepper", + "butter", + "all-purpose flour", + "white cornmeal", + "bread crumbs", + "baking powder", + "salt", + "onions", + "sugar", + "large eggs", + "buttermilk", + "celery", + "baking soda", + "condensed chicken broth", + "chopped fresh sage" + ] + }, + { + "id": 1295, + "ingredients": [ + "fresh dill", + "peanuts", + "rice vermicelli", + "onions", + "catfish fillets", + "red leaf lettuce", + "shallots", + "salt", + "ground turmeric", + "sugar", + "ground black pepper", + "garlic", + "crackers", + "fish sauce", + "lime juice", + "vegetable oil", + "fresh herbs" + ] + }, + { + "id": 40139, + "ingredients": [ + "fresh dill", + "garlic", + "onions", + "vegetable oil", + "carrots", + "water", + "beets", + "celery ribs", + "diced tomatoes", + "celery" + ] + }, + { + "id": 38538, + "ingredients": [ + "vegetable oil cooking spray", + "active dry yeast", + "bread flour", + "kosher salt", + "buttermilk", + "sugar", + "unsalted butter", + "water", + "cornmeal" + ] + }, + { + "id": 26420, + "ingredients": [ + "mussels", + "chopped tomatoes", + "red bell pepper", + "chorizo sausage", + "green bell pepper", + "brown rice", + "onions", + "chicken broth", + "boneless skinless chicken breasts", + "fresh parsley", + "olive oil", + "peeled shrimp", + "saffron" + ] + }, + { + "id": 10326, + "ingredients": [ + "pepper flakes", + "peanuts", + "purple onion", + "sugar", + "mint leaves", + "fish sauce", + "broccoli florets", + "lime juice", + "splenda" + ] + }, + { + "id": 5181, + "ingredients": [ + "minced garlic", + "deveined shrimp", + "chopped cilantro", + "cactus paddles", + "radishes", + "salt", + "white vinegar", + "lime juice", + "extra-virgin olive oil", + "onions", + "tomatoes", + "ground black pepper", + "chees fresco queso", + "oregano" + ] + }, + { + "id": 18210, + "ingredients": [ + "fresh cilantro", + "serrano peppers", + "yellow onion", + "cumin seed", + "garam masala", + "garlic", + "chickpeas", + "ground turmeric", + "fresh ginger", + "lemon wedge", + "cayenne pepper", + "basmati rice", + "coconut oil", + "whole peeled tomatoes", + "fine sea salt", + "ground coriander" + ] + }, + { + "id": 3241, + "ingredients": [ + "black pepper", + "large eggs", + "sea salt", + "stone-ground cornmeal", + "baking powder", + "oil", + "baking soda", + "all purpose unbleached flour", + "onions", + "sugar", + "cayenne", + "buttermilk" + ] + }, + { + "id": 27062, + "ingredients": [ + "tomato paste", + "kosher salt", + "whole peeled tomatoes", + "spanish paprika", + "onions", + "pork baby back ribs", + "olive oil", + "sweet italian sausage", + "garlic cloves", + "pasta", + "bread crumb fresh", + "beef", + "anchovy fillets", + "flat leaf parsley", + "pecorino cheese", + "crushed tomatoes", + "crushed red pepper flakes", + "freshly ground pepper" + ] + }, + { + "id": 41527, + "ingredients": [ + "ground ginger", + "boneless skinless chicken breasts", + "peanut butter", + "coconut milk", + "curry powder", + "salt", + "garlic cloves", + "soy sauce", + "vegetable oil", + "dark brown sugar", + "fresh lime juice", + "lime", + "red curry paste", + "ground cardamom" + ] + }, + { + "id": 45484, + "ingredients": [ + "eggs", + "cilantro", + "corn tortillas", + "avocado", + "chile pepper", + "salt", + "monterey jack", + "pepper", + "garlic", + "onions", + "tomatoes", + "vegetable oil", + "hot sauce" + ] + }, + { + "id": 38755, + "ingredients": [ + "sugar", + "cold water", + "cherries", + "water", + "potato starch", + "fresh lemon juice" + ] + }, + { + "id": 47246, + "ingredients": [ + "sweet potatoes", + "penne pasta", + "grated parmesan cheese", + "extra-virgin olive oil", + "ground black pepper", + "balsamic vinegar", + "baby arugula", + "salt" + ] + }, + { + "id": 164, + "ingredients": [ + "cayenne", + "salt", + "olive oil", + "paprika", + "chopped parsley", + "pitted black olives", + "red wine vinegar", + "seedless oranges", + "ground black pepper", + "garlic" + ] + }, + { + "id": 723, + "ingredients": [ + "caraway seeds", + "coriander seeds", + "garlic cloves", + "fresh lime juice", + "hungarian sweet paprika", + "olive oil", + "cumin seed", + "couscous", + "sugar", + "crushed red pepper", + "low salt chicken broth", + "chicken", + "curry powder", + "salt", + "grate lime peel" + ] + }, + { + "id": 299, + "ingredients": [ + "water", + "salt", + "baking powder", + "white sugar", + "active dry yeast", + "all-purpose flour", + "warm water", + "vegetable oil" + ] + }, + { + "id": 1519, + "ingredients": [ + "sun-dried tomatoes", + "avocado", + "shredded sharp cheddar cheese", + "large eggs", + "italian sausage", + "corn tortillas" + ] + }, + { + "id": 34077, + "ingredients": [ + "sake", + "chicken legs", + "Japanese soy sauce", + "sugar", + "green bell pepper" + ] + }, + { + "id": 45254, + "ingredients": [ + "garam masala", + "oil", + "water", + "salt", + "onions", + "lime juice", + "green chilies", + "coriander", + "meat", + "wheat flour" + ] + }, + { + "id": 34760, + "ingredients": [ + "whole almonds", + "unsalted butter", + "fine sea salt", + "milk", + "decorating sugars", + "sugar", + "egg yolks", + "all-purpose flour", + "eggs", + "active dry yeast", + "lemon" + ] + }, + { + "id": 11154, + "ingredients": [ + "Hellmann's Mayonnaise with a hint of Wasabi", + "chillies", + "lime juice", + "cucumber", + "shallots", + "raw tiger prawn", + "watermelon", + "fresh mint" + ] + }, + { + "id": 26274, + "ingredients": [ + "green olives", + "purple onion", + "heavy cream", + "extra-virgin olive oil", + "artichok heart marin", + "italian loaf" + ] + }, + { + "id": 15081, + "ingredients": [ + "clove", + "roma tomatoes", + "salt", + "black pepper", + "extra-virgin olive oil", + "fresh basil", + "balsamic vinegar", + "baguette", + "garlic" + ] + }, + { + "id": 45100, + "ingredients": [ + "ragu pizza quick sauc", + "shredded monterey jack cheese", + "jalapeno chilies", + "English muffins", + "onions", + "red kidney beans", + "chili powder" + ] + }, + { + "id": 1417, + "ingredients": [ + "crumbled blue cheese", + "dry bread crumbs", + "fresh parsley", + "chopped celery", + "lemon juice", + "butter", + "fresh mushrooms", + "apples", + "chopped walnuts" + ] + }, + { + "id": 32083, + "ingredients": [ + "olive oil", + "fresh basil leaves", + "pinenuts", + "garlic", + "nutritional yeast", + "pepper", + "salt" + ] + }, + { + "id": 29971, + "ingredients": [ + "chives", + "garlic", + "tenderloin roast", + "extra-virgin olive oil", + "brandy", + "sea salt", + "ground black pepper", + "cheese" + ] + }, + { + "id": 17679, + "ingredients": [ + "tomato paste", + "olive oil", + "diced celery", + "diced onions", + "water", + "garlic", + "red kidney beans", + "minced ginger", + "creole seasoning", + "green bell pepper", + "bay leaves" + ] + }, + { + "id": 36539, + "ingredients": [ + "poha", + "rice", + "salt", + "urad dal", + "millet", + "fenugreek seeds" + ] + }, + { + "id": 34975, + "ingredients": [ + "ground cloves", + "ground pork", + "onions", + "tomato sauce", + "cinnamon", + "garlic cloves", + "vegetable oil", + "purple onion", + "pimento stuffed green olives", + "romaine lettuce", + "raisins", + "corn tortillas" + ] + }, + { + "id": 4633, + "ingredients": [ + "tuna, drain and flake", + "pitted olives", + "Wish-Bone Italian Dressing", + "green beans", + "eggs", + "mixed greens", + "tomatoes", + "potatoes" + ] + }, + { + "id": 10321, + "ingredients": [ + "ground black pepper", + "pineapple juice", + "canola oil", + "chipotle", + "chayotes", + "dijon mustard", + "cucumber", + "sugar", + "salt", + "fresh pineapple" + ] + }, + { + "id": 35565, + "ingredients": [ + "warm water", + "cooking spray", + "salt", + "olive oil", + "extra-virgin olive oil", + "fresh oregano", + "honey", + "yellow bell pepper", + "all-purpose flour", + "dry yeast", + "purple onion", + "red bell pepper" + ] + }, + { + "id": 26919, + "ingredients": [ + "potato starch", + "white pepper", + "Shaoxing wine", + "scallions", + "shrimp shells", + "sugar", + "potassium carbonate", + "wonton wrappers", + "shrimp", + "soy sauce", + "flounder", + "salt", + "toasted sesame oil", + "ginger juice", + "water", + "chinese noodles", + "oyster sauce" + ] + }, + { + "id": 9549, + "ingredients": [ + "water", + "vegetable oil", + "frozen broccoli", + "lasagna noodles", + "salt", + "fat free milk", + "gruyere cheese", + "chopped onion", + "pepper", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 31863, + "ingredients": [ + "cheddar cheese", + "green bell pepper", + "olive oil", + "jalapeno chilies", + "salt", + "celery", + "cornbread", + "sugar", + "unsalted butter", + "cilantro", + "freshly ground pepper", + "onions", + "baking soda", + "buttermilk", + "all-purpose flour", + "cornmeal", + "chicken stock", + "kosher salt", + "large eggs", + "garlic", + "red bell pepper" + ] + }, + { + "id": 22053, + "ingredients": [ + "low-fat plain yogurt", + "cayenne pepper", + "ground black pepper", + "garlic cloves", + "eggplant", + "fresh onion", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 19443, + "ingredients": [ + "grapes", + "granulated sugar", + "chopped walnuts", + "light brown sugar", + "active dry yeast", + "all purpose unbleached flour", + "water", + "cinnamon", + "marsala wine", + "unsalted butter", + "salt" + ] + }, + { + "id": 18540, + "ingredients": [ + "parmesan cheese", + "pinenuts", + "fresh basil leaves", + "olive oil", + "romano cheese", + "garlic cloves" + ] + }, + { + "id": 23354, + "ingredients": [ + "ground black pepper", + "shallots", + "broccoli florets", + "crushed red pepper", + "grated parmesan cheese", + "butter", + "fresh basil", + "half & half", + "bow-tie pasta" + ] + }, + { + "id": 13859, + "ingredients": [ + "large eggs", + "all-purpose flour", + "water", + "ground red pepper", + "hot sauce", + "catfish fillets", + "jalapeno chilies", + "hushpuppy mix", + "milk", + "vegetable oil", + "tartar sauce" + ] + }, + { + "id": 23904, + "ingredients": [ + "red chili peppers", + "flank steak", + "fish sauce", + "salad greens", + "purple onion", + "lime", + "sesame oil", + "sugar", + "leaves", + "cucumber" + ] + }, + { + "id": 6675, + "ingredients": [ + "raspberries", + "lemon", + "orange liqueur", + "sugar", + "bosc pears", + "fresh mint", + "campari", + "raspberry juice", + "red currant jelly", + "powdered sugar", + "mascarpone", + "orange peel" + ] + }, + { + "id": 18595, + "ingredients": [ + "sugar", + "all purpose unbleached flour", + "large eggs", + "salt", + "yellow corn meal", + "baking powder", + "red bell pepper", + "unsalted butter", + "buttermilk" + ] + }, + { + "id": 12967, + "ingredients": [ + "water", + "garlic", + "toasted sesame oil", + "brown sugar", + "vegetable oil", + "frozen stir fry vegetable blend", + "fresh ginger", + "rice vinegar", + "buckwheat soba noodles", + "soy sauce", + "red pepper flakes", + "corn starch" + ] + }, + { + "id": 17283, + "ingredients": [ + "sugar", + "golden raisins", + "orange extract", + "vanilla extract", + "chopped pecans", + "firmly packed brown sugar", + "large eggs", + "strawberry preserves", + "whipping cream", + "ground allspice", + "candied pineapple", + "almond extract", + "dry sherry", + "salt", + "ground cinnamon", + "mace", + "butter", + "candied cherries", + "all-purpose flour" + ] + }, + { + "id": 23211, + "ingredients": [ + "Velveeta", + "Ro-Tel Diced Tomatoes & Green Chilies" + ] + }, + { + "id": 14358, + "ingredients": [ + "fresh cilantro", + "fresh lime juice", + "black pepper", + "jalapeno chilies", + "avocado", + "vegetables", + "kosher salt", + "sour cream" + ] + }, + { + "id": 31398, + "ingredients": [ + "vegetable oil", + "tumeric", + "black mustard seeds", + "fresh coriander", + "fresh lemon juice", + "cauliflower", + "gingerroot" + ] + }, + { + "id": 42650, + "ingredients": [ + "finely chopped onion", + "salt", + "fresh spinach", + "butter", + "spaghettini", + "ground black pepper", + "diced tomatoes", + "bay leaf", + "mussels", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 25258, + "ingredients": [ + "cilantro", + "scallions", + "cold water", + "salt", + "cracked black pepper", + "ginger root", + "peanuts", + "rice" + ] + }, + { + "id": 18457, + "ingredients": [ + "lettuce", + "lime juice", + "bawang goreng", + "cilantro sprigs", + "scallions", + "beansprouts", + "fish sauce", + "mint leaves", + "daikon", + "rice vinegar", + "carrots", + "skirt steak", + "light brown sugar", + "lemon grass", + "vegetable oil", + "rice vermicelli", + "garlic cloves", + "bird chile", + "red chili peppers", + "basil leaves", + "ginger", + "roasted peanuts", + "cucumber", + "perilla" + ] + }, + { + "id": 11810, + "ingredients": [ + "olive oil", + "diced tomatoes", + "scallions", + "butternut squash", + "garlic", + "ground cumin", + "cannellini beans", + "vegetable broth", + "onions", + "black beans", + "chili powder", + "ground coriander" + ] + }, + { + "id": 9499, + "ingredients": [ + "ground paprika", + "worcestershire sauce", + "creole seasoning", + "onions", + "tomato paste", + "ground black pepper", + "chopped celery", + "red bell pepper", + "olive oil", + "garlic", + "thyme", + "chicken broth", + "butter", + "salt", + "diced tomatoes in juice" + ] + }, + { + "id": 11943, + "ingredients": [ + "extra firm tofu", + "coconut milk", + "seasoning salt", + "garlic", + "chopped cilantro fresh", + "curry powder", + "butter", + "onions", + "ground black pepper", + "salt", + "canola oil" + ] + }, + { + "id": 6810, + "ingredients": [ + "fish sauce", + "peanuts", + "ginger root", + "soy sauce", + "purple onion", + "chopped cilantro fresh", + "Boston lettuce", + "chilegarlic sauce", + "ground turkey", + "minced garlic", + "peanut oil", + "iceberg lettuce" + ] + }, + { + "id": 34323, + "ingredients": [ + "turbinado", + "corn starch", + "whole milk", + "vanilla beans", + "bing cherries", + "pure vanilla extract", + "almond extract" + ] + }, + { + "id": 23296, + "ingredients": [ + "sugar", + "sesame seeds", + "garlic", + "glass noodles", + "sirloin", + "soy sauce", + "sesame oil", + "carrots", + "warm water", + "spring onions", + "salt", + "cabbage", + "fresh spinach", + "black pepper", + "vegetable oil", + "bamboo shoots" + ] + }, + { + "id": 45927, + "ingredients": [ + "olive oil", + "garlic", + "unsalted butter", + "spaghetti", + "ground black pepper", + "salt", + "anchovies", + "red pepper flakes" + ] + }, + { + "id": 45196, + "ingredients": [ + "hungarian paprika", + "salt", + "sage", + "dough", + "butter", + "brie cheese", + "eggs", + "lemon", + "peppercorns", + "peaches", + "crème fraîche" + ] + }, + { + "id": 19917, + "ingredients": [ + "dashi", + "bonito flakes", + "dark sesame oil", + "soy sauce", + "base", + "shimeji mushrooms", + "konbu", + "mirin", + "mushrooms", + "scallions", + "water", + "large eggs", + "rice vinegar", + "broth" + ] + }, + { + "id": 20210, + "ingredients": [ + "bay leaves", + "fresh parsley leaves", + "sherry vinegar", + "extra-virgin olive oil", + "fresh oregano leaves", + "sea salt", + "fresh basil leaves", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 41629, + "ingredients": [ + "soy sauce", + "garlic", + "cabbage", + "ground black pepper", + "celery", + "fresh ginger", + "Yakisoba noodles", + "brown sugar", + "vegetable oil", + "onions" + ] + }, + { + "id": 39907, + "ingredients": [ + "dried thyme", + "fresh mozzarella", + "onions", + "freshly grated parmesan", + "garlic cloves", + "dried oregano", + "olive oil", + "fresh orange juice", + "prepared lasagne", + "crushed tomatoes", + "unsalted butter", + "fresh parsley" + ] + }, + { + "id": 4956, + "ingredients": [ + "black beans", + "shells", + "refried beans", + "shredded Monterey Jack cheese", + "shredded cheddar cheese", + "sour cream", + "diced tomatoes" + ] + }, + { + "id": 37058, + "ingredients": [ + "black-eyed peas", + "long-grain rice", + "fresh mint", + "pepper", + "chopped celery", + "fresh parsley leaves", + "olive oil", + "salt", + "fresh lemon juice", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 20859, + "ingredients": [ + "toasted sesame seeds", + "sesame oil", + "soy sauce", + "canola oil", + "fresh green bean" + ] + }, + { + "id": 3315, + "ingredients": [ + "bread crumbs", + "new potatoes", + "fresh parsley", + "fontina cheese", + "olive oil", + "freshly ground pepper", + "rutabaga", + "cream", + "sea salt", + "parsnips", + "grated parmesan cheese", + "carrots" + ] + }, + { + "id": 4401, + "ingredients": [ + "tomato paste", + "coffee granules", + "garlic", + "tomato sauce", + "button mushrooms", + "onions", + "extra lean ground beef", + "extra-virgin olive oil", + "pasta sauce", + "green bell pepper, slice", + "hot water" + ] + }, + { + "id": 21361, + "ingredients": [ + "fettucine", + "grated parmesan cheese", + "grated lemon zest", + "flat leaf parsley", + "sea scallops", + "all-purpose flour", + "fresh lemon juice", + "vodka", + "cracked black pepper", + "margarine", + "olive oil", + "salt", + "garlic cloves" + ] + }, + { + "id": 44164, + "ingredients": [ + "powdered sugar", + "large egg yolks", + "whipping cream", + "grated lemon peel", + "hazelnuts", + "large eggs", + "all-purpose flour", + "melted butter", + "kosher salt", + "whole milk", + "Frangelico", + "sugar", + "unsalted butter", + "salt" + ] + }, + { + "id": 26391, + "ingredients": [ + "pepper", + "garlic cloves", + "fresh basil", + "salt", + "pinenuts", + "oil", + "tomatoes", + "olive oil" + ] + }, + { + "id": 47771, + "ingredients": [ + "pepper", + "chicken breasts", + "salt", + "grated parmesan cheese", + "fresh mozzarella", + "dried basil", + "ziti", + "marinara sauce", + "extra-virgin olive oil" + ] + }, + { + "id": 44140, + "ingredients": [ + "pasta", + "lemon", + "purple onion", + "oregano", + "dried basil", + "kalamata", + "english cucumber", + "black pepper", + "red pepper", + "salt", + "cherry tomatoes", + "extra-virgin olive oil", + "feta cheese crumbles" + ] + }, + { + "id": 43739, + "ingredients": [ + "kosher salt", + "butter", + "cilantro leaves", + "chicken pieces", + "whole peeled tomatoes", + "paprika", + "ground coriander", + "ground turmeric", + "fresh ginger", + "heavy cream", + "cayenne pepper", + "onions", + "yoghurt", + "garlic", + "juice", + "ground cumin" + ] + }, + { + "id": 12481, + "ingredients": [ + "sausage links", + "dried thyme", + "salt", + "onions", + "navy beans", + "pepper", + "leeks", + "carrots", + "tomato sauce", + "water", + "shredded cabbage", + "fresh parsley", + "turnips", + "broiler-fryer chicken", + "potatoes", + "garlic cloves" + ] + }, + { + "id": 12292, + "ingredients": [ + "spinach", + "shallots", + "sirloin steak", + "cinnamon sticks", + "asian fish sauce", + "lemongrass", + "rice noodles", + "salt", + "galangal", + "chiles", + "sesame oil", + "star anise", + "fresh lime juice", + "white peppercorns", + "tomatoes", + "low sodium chicken broth", + "vegetable oil", + "scallions", + "chopped fresh mint" + ] + }, + { + "id": 15965, + "ingredients": [ + "sugar", + "garam masala", + "paneer", + "oil", + "black pepper", + "chili powder", + "cilantro leaves", + "onions", + "red chili peppers", + "capsicum", + "salt", + "carrots", + "tomatoes", + "water", + "ginger", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 23409, + "ingredients": [ + "curry powder", + "sweetened coconut flakes", + "ground coriander", + "basmati rice", + "low sodium soy sauce", + "ground red pepper", + "salt", + "corn starch", + "sliced green onions", + "ground ginger", + "olive oil", + "light coconut milk", + "garlic cloves", + "large shrimp", + "sliced almonds", + "raisins", + "orange juice", + "red bell pepper" + ] + }, + { + "id": 39005, + "ingredients": [ + "eggplant", + "sesame oil", + "scallions", + "brown sugar", + "extra firm tofu", + "vegetable broth", + "corn starch", + "chili paste", + "vegetable oil", + "garlic cloves", + "soy sauce", + "cooking spray", + "rice vinegar" + ] + }, + { + "id": 2774, + "ingredients": [ + "fresh ginger", + "cilantro", + "fresh lemon juice", + "cremini mushrooms", + "baby spinach", + "fenugreek seeds", + "chicken thighs", + "tumeric", + "cayenne", + "canned tomatoes", + "onions", + "kosher salt", + "large garlic cloves", + "ground coriander", + "canola oil" + ] + }, + { + "id": 14529, + "ingredients": [ + "pepper", + "vegetable oil", + "scallions", + "soy sauce", + "mirin", + "salt", + "cabbage", + "gyoza skins", + "sesame oil", + "rice vinegar", + "sugar", + "minced garlic", + "ginger", + "ground beef" + ] + }, + { + "id": 16926, + "ingredients": [ + "salt", + "hass avocado", + "olive oil", + "scallions", + "radishes", + "fresh lemon juice", + "freshly ground pepper", + "chopped cilantro" + ] + }, + { + "id": 26890, + "ingredients": [ + "butter", + "unsweetened cocoa powder", + "sweetened condensed milk", + "chocolate sprinkles", + "salt" + ] + }, + { + "id": 9663, + "ingredients": [ + "milk", + "white sugar", + "gelatin", + "custard powder", + "fruit", + "sponge cake" + ] + }, + { + "id": 43052, + "ingredients": [ + "light brown sugar", + "corn oil", + "garlic cloves", + "lime", + "sirloin steak", + "coconut milk", + "chili", + "rice vermicelli", + "asian fish sauce", + "fresh basil", + "shallots", + "fresh mint" + ] + }, + { + "id": 24193, + "ingredients": [ + "sweet potatoes", + "white sugar", + "butter", + "vanilla extract", + "bourbon whiskey" + ] + }, + { + "id": 5476, + "ingredients": [ + "water", + "basil leaves", + "onions", + "eggplant", + "garlic", + "crushed tomatoes", + "extra-virgin olive oil", + "kosher salt", + "parmigiano reggiano cheese", + "croutons" + ] + }, + { + "id": 10048, + "ingredients": [ + "parsley sprigs", + "large eggs", + "onions", + "green bell pepper", + "pepper", + "garlic cloves", + "ground lamb", + "tomato sauce", + "dried basil", + "feta cheese crumbles", + "parsley flakes", + "pinenuts", + "salt", + "dried rosemary" + ] + }, + { + "id": 1981, + "ingredients": [ + "black beans", + "vegetable stock", + "garlic", + "oil", + "quinoa", + "grating cheese", + "sweet corn", + "onions", + "fresh coriander", + "red pepper", + "salt", + "smoked paprika", + "black pepper", + "spring onions", + "hot chili powder", + "red enchilada sauce" + ] + }, + { + "id": 12194, + "ingredients": [ + "chinese pancakes", + "spring onions", + "chinese five-spice powder", + "fresh ginger root", + "duck", + "rock salt", + "black peppercorns", + "szechwan peppercorns", + "oil", + "plain flour", + "hoisin sauce", + "cumin seed" + ] + }, + { + "id": 22202, + "ingredients": [ + "mayonaise", + "purple onion", + "cucumber", + "caster sugar", + "ham", + "black pepper", + "salt", + "potatoes", + "carrots" + ] + }, + { + "id": 7626, + "ingredients": [ + "soy sauce", + "ginger", + "olive oil", + "lemon juice", + "honey", + "firm tofu", + "whole wheat flour" + ] + }, + { + "id": 37365, + "ingredients": [ + "olive oil", + "coarse sea salt", + "scallions", + "lime juice", + "vegetable oil", + "sauce", + "tilapia fillets", + "jalapeno chilies", + "all-purpose flour", + "ground black pepper", + "cilantro leaves", + "corn tortillas" + ] + }, + { + "id": 44144, + "ingredients": [ + "tumeric", + "bay leaves", + "ginger", + "garlic cloves", + "onions", + "cherry tomatoes", + "boneless chicken", + "green cardamom", + "curry paste", + "fresh coriander", + "chili powder", + "green pepper", + "lemon juice", + "white sugar", + "olive oil", + "yellow lentils", + "green chilies", + "ghee" + ] + }, + { + "id": 37723, + "ingredients": [ + "sugar", + "whipping cream", + "large egg yolks", + "vanilla beans", + "whole milk" + ] + }, + { + "id": 47194, + "ingredients": [ + "salt", + "water", + "nonstick spray", + "sugar", + "rice flour", + "baking powder", + "coconut milk" + ] + }, + { + "id": 30827, + "ingredients": [ + "shallots", + "extra-virgin olive oil", + "ground black pepper", + "bacon", + "capers", + "Italian parsley leaves", + "cod fillets", + "sea salt" + ] + }, + { + "id": 33108, + "ingredients": [ + "mace", + "green cardamom", + "ghee", + "clove", + "salt", + "cinnamon sticks", + "star anise", + "green chilies", + "onions", + "water", + "rice", + "bay leaf" + ] + }, + { + "id": 2075, + "ingredients": [ + "ketchup", + "finely chopped fresh parsley", + "onion tops", + "garlic cloves", + "creole mustard", + "prepared horseradish", + "paprika", + "yellow onion", + "ground white pepper", + "olive oil", + "worcestershire sauce", + "hot sauce", + "lemon juice", + "celery ribs", + "ground black pepper", + "salt", + "cayenne pepper" + ] + }, + { + "id": 6326, + "ingredients": [ + "shredded mozzarella cheese", + "bertolli olive oil & garlic sauc", + "italian seasoned dry bread crumbs", + "grated parmesan cheese", + "gnocchi", + "chopped walnuts", + "fresh basil leaves" + ] + }, + { + "id": 11083, + "ingredients": [ + "tomatoes", + "lean ground beef", + "monterey jack", + "french dressing", + "onions", + "taco seasoning mix", + "iceberg lettuce", + "green bell pepper", + "tortilla chips" + ] + }, + { + "id": 30311, + "ingredients": [ + "soy sauce", + "balsamic vinegar", + "white sugar", + "broccoli florets", + "soba noodles", + "green onions", + "dark sesame oil", + "sesame seeds", + "garlic" + ] + }, + { + "id": 45371, + "ingredients": [ + "tomato paste", + "hot sauce", + "onions", + "garlic", + "lentils", + "ground cumin", + "olive oil", + "ground coriander", + "dried oregano", + "salt", + "ancho chile pepper" + ] + }, + { + "id": 18232, + "ingredients": [ + "Fuyu persimmons", + "cardamom pods", + "yoghurt", + "ice", + "whole milk", + "Homemade Yogurt", + "maple syrup" + ] + }, + { + "id": 9768, + "ingredients": [ + "pepper", + "garlic", + "chicken thighs", + "sugar", + "butter", + "oil", + "sake", + "mirin", + "salt", + "soy sauce", + "ginger", + "onions" + ] + }, + { + "id": 6648, + "ingredients": [ + "smoked fully cooked ham", + "ground allspice", + "ground cinnamon", + "dijon mustard", + "orange", + "grated orange", + "firmly packed brown sugar", + "whole cloves" + ] + }, + { + "id": 35650, + "ingredients": [ + "cayenne", + "all-purpose flour", + "long grain white rice", + "king crab legs", + "vegetable oil", + "bay leaf", + "tomatoes", + "chopped green bell pepper", + "chopped onion", + "water", + "chopped celery", + "medium shrimp" + ] + }, + { + "id": 23013, + "ingredients": [ + "balsamic vinegar", + "chopped onion", + "pancetta", + "crushed red pepper", + "bass fillets", + "extra-virgin olive oil", + "garlic cloves", + "cherry tomatoes", + "salt" + ] + }, + { + "id": 6669, + "ingredients": [ + "ground black pepper", + "salt", + "onions", + "tomato purée", + "vegetable oil", + "mole sauce", + "zucchini", + "carrots", + "water", + "poblano chilies", + "ground beef" + ] + }, + { + "id": 42670, + "ingredients": [ + "fresh coriander", + "salt", + "avocado", + "chili powder", + "lime", + "tomatoes", + "purple onion" + ] + }, + { + "id": 18155, + "ingredients": [ + "chicken stock", + "olive oil", + "diced tomatoes", + "all-purpose flour", + "onions", + "pepper", + "unsalted butter", + "deveined shrimp", + "rotisserie chicken", + "andouille sausage", + "frozen okra", + "cilantro", + "green pepper", + "oregano", + "celery ribs", + "minced garlic", + "parsley", + "salt", + "thyme" + ] + }, + { + "id": 44622, + "ingredients": [ + "spareribs", + "coriander seeds", + "lime wedges", + "garlic", + "onions", + "brown sugar", + "low sodium chicken broth", + "ginger", + "scallions", + "fish sauce", + "Sriracha", + "rice noodles", + "salt", + "clove", + "fresh cilantro", + "chile pepper", + "star anise", + "beansprouts" + ] + }, + { + "id": 28426, + "ingredients": [ + "green onions", + "diced tomatoes", + "long-grain rice", + "reduced sodium chicken broth", + "mexican style 4 cheese blend", + "frozen corn", + "cooked chicken breasts", + "fresh cilantro", + "vegetable oil", + "chopped onion", + "tomato sauce", + "chili powder", + "garlic", + "sour cream" + ] + }, + { + "id": 23743, + "ingredients": [ + "flour tortillas", + "vegetables", + "chicken thighs", + "shredded cheese", + "chicken broth", + "enchilada sauce" + ] + }, + { + "id": 14176, + "ingredients": [ + "sweetened condensed milk", + "sugar", + "cold water", + "lime" + ] + }, + { + "id": 9576, + "ingredients": [ + "diced onions", + "mild Italian sausage", + "tortellini", + "pepper", + "heavy cream", + "salt", + "chicken broth", + "baby spinach", + "garlic", + "olive oil", + "diced tomatoes" + ] + }, + { + "id": 36577, + "ingredients": [ + "avocado", + "ground pepper", + "chili powder", + "onions", + "reduced sodium chicken broth", + "radishes", + "garlic", + "tomato paste", + "white hominy", + "coarse salt", + "dried oregano", + "olive oil", + "cooked chicken", + "tortilla chips" + ] + }, + { + "id": 16671, + "ingredients": [ + "pitted black olives", + "vine ripened tomatoes", + "spaghetti", + "ground black pepper", + "garlic", + "olive oil", + "fresh mozzarella", + "fresh basil", + "balsamic vinegar", + "salt" + ] + }, + { + "id": 22964, + "ingredients": [ + "corn", + "light coconut milk", + "fresh veget", + "garlic cloves", + "green curry paste", + "purple onion", + "brown sugar", + "chicken breasts", + "corn starch" + ] + }, + { + "id": 16424, + "ingredients": [ + "brandy", + "salt", + "green peppercorns", + "heavy cream", + "shallots", + "steak", + "unsalted butter", + "lemon juice" + ] + }, + { + "id": 47225, + "ingredients": [ + "wheat flour", + "salt", + "ghee" + ] + }, + { + "id": 17565, + "ingredients": [ + "kosher salt", + "heavy cream", + "freshly ground pepper", + "baking potatoes", + "artichokes", + "unsalted butter", + "gruyere cheese", + "thyme", + "chicken stock", + "lemon", + "dry bread crumbs" + ] + }, + { + "id": 36401, + "ingredients": [ + "brown sugar", + "water", + "lumpia wrappers", + "carrots", + "pepper", + "flour", + "salt", + "celery", + "pork", + "vinegar", + "kinchay", + "shrimp", + "eggs", + "minced garlic", + "jicama", + "oil", + "onions" + ] + }, + { + "id": 30314, + "ingredients": [ + "padron peppers", + "dijon mustard", + "fresh lemon juice", + "olive oil", + "salt", + "large egg yolks", + "garlic cloves", + "water", + "cheese" + ] + }, + { + "id": 32982, + "ingredients": [ + "water", + "green onions", + "ground allspice", + "ground cinnamon", + "pork chops", + "cayenne pepper", + "canola oil", + "dried thyme", + "salt", + "lemon juice", + "brown sugar", + "ground black pepper", + "chopped onion" + ] + }, + { + "id": 21866, + "ingredients": [ + "sauerkraut", + "sausages", + "canned beef broth", + "red potato", + "apple juice", + "chopped fresh thyme", + "onions" + ] + }, + { + "id": 1475, + "ingredients": [ + "filet mignon", + "unsalted butter", + "chopped parsley", + "olive oil", + "canned beef broth", + "kosher salt", + "shallots", + "ground black pepper", + "cognac" + ] + }, + { + "id": 13053, + "ingredients": [ + "black pepper", + "cooking spray", + "onions", + "sugar", + "dry yeast", + "sea salt", + "olive oil", + "chopped fresh thyme", + "warm water", + "half & half", + "all-purpose flour" + ] + }, + { + "id": 33983, + "ingredients": [ + "water", + "vegetable oil", + "hot water", + "dried porcini mushrooms", + "potatoes", + "all-purpose flour", + "pepper", + "egg yolks", + "oil", + "milk", + "salt", + "onions" + ] + }, + { + "id": 24051, + "ingredients": [ + "water", + "rose syrup", + "chia seeds", + "pistachios", + "ice cream", + "plain seltzer", + "2% reduced-fat milk", + "confectioners sugar", + "mung bean noodles", + "whipped cream" + ] + }, + { + "id": 22800, + "ingredients": [ + "potatoes", + "dried salted codfish", + "olive oil", + "garlic", + "pumpkin", + "salt", + "pepper", + "leeks", + "carrots" + ] + }, + { + "id": 16561, + "ingredients": [ + "green bell pepper", + "sesame oil", + "corn starch", + "ground ginger", + "green onions", + "garlic cloves", + "soy sauce", + "ramen noodles", + "red bell pepper", + "chicken broth", + "ground red pepper", + "shrimp" + ] + }, + { + "id": 2740, + "ingredients": [ + "water", + "salt", + "butter", + "grits" + ] + }, + { + "id": 219, + "ingredients": [ + "lime juice", + "butter", + "chopped cilantro fresh", + "reduced sodium chicken broth", + "flour", + "sour cream", + "kosher salt", + "tomatillos", + "poblano chiles", + "halibut fillets", + "chopped onion" + ] + }, + { + "id": 48737, + "ingredients": [ + "semolina", + "lemon", + "water", + "whole milk", + "sugar", + "large eggs", + "phyllo dough", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 2164, + "ingredients": [ + "fresh chives", + "red wine vinegar", + "fresh parsley", + "dijon mustard", + "garlic cloves", + "olive oil", + "beets", + "celery root", + "sugar", + "shallots", + "carrots" + ] + }, + { + "id": 13579, + "ingredients": [ + "fresh basil", + "dried basil", + "heavy cream", + "sun-dried tomatoes in oil", + "chicken broth", + "white wine", + "grated parmesan cheese", + "salt", + "dried oregano", + "sugar", + "olive oil", + "garlic", + "onions", + "tomatoes", + "pinenuts", + "boneless skinless chicken breasts", + "penne pasta" + ] + }, + { + "id": 71, + "ingredients": [ + "chicken broth", + "sliced ham", + "swiss cheese", + "boneless skinless chicken breast halves", + "bacon", + "ground black pepper", + "garlic salt" + ] + }, + { + "id": 12420, + "ingredients": [ + "fajita seasoning mix", + "chopped tomatoes", + "canned black beans", + "monterey jack", + "tortillas" + ] + }, + { + "id": 35209, + "ingredients": [ + "pepper", + "cilantro", + "carrots", + "onions", + "jalapeno chilies", + "salt", + "bay leaf", + "dried oregano", + "potatoes", + "vegetable broth", + "fresh lime juice", + "chipotle sauce", + "eggs", + "serrano peppers", + "long-grain rice", + "ground beef", + "ground cumin" + ] + }, + { + "id": 11472, + "ingredients": [ + "garam masala", + "tumeric", + "mustard seeds", + "potatoes", + "olive oil", + "frozen peas" + ] + }, + { + "id": 43172, + "ingredients": [ + "pork spare ribs", + "salt", + "dark soy sauce", + "sesame oil", + "white sugar", + "green onions", + "chinese black vinegar", + "chinese rice wine", + "ginger", + "canola oil" + ] + }, + { + "id": 24927, + "ingredients": [ + "dried thyme", + "onion powder", + "ground cayenne pepper", + "red snapper", + "garlic powder", + "paprika", + "dried basil", + "ground black pepper", + "salt", + "olive oil", + "butter", + "dried oregano" + ] + }, + { + "id": 37102, + "ingredients": [ + "pepper", + "lean ground beef", + "white wine", + "whole milk", + "onions", + "nutmeg", + "unsalted butter", + "carrots", + "celery ribs", + "crushed tomatoes", + "salt" + ] + }, + { + "id": 10743, + "ingredients": [ + "eggs", + "butter", + "salt", + "lemon juice", + "baking powder", + "candied cherries", + "chopped walnuts", + "white sugar", + "milk", + "raisins", + "all-purpose flour", + "confectioners sugar", + "almond extract", + "vanilla extract", + "pitted prunes", + "liqueur" + ] + }, + { + "id": 27874, + "ingredients": [ + "orange", + "chili powder", + "lemon juice", + "allspice", + "vinegar", + "salt", + "cumin", + "coriander powder", + "garlic", + "onions", + "yoghurt", + "oil", + "chicken" + ] + }, + { + "id": 9565, + "ingredients": [ + "dry white wine", + "salt", + "risotto rice", + "clam juice", + "shrimp", + "butter", + "chopped parsley", + "shallots", + "grated lemon zest" + ] + }, + { + "id": 21419, + "ingredients": [ + "bread", + "fresh thyme", + "white wine vinegar", + "garlic cloves", + "bibb lettuce", + "chili oil", + "freshly ground pepper", + "water", + "lobster", + "salt", + "sour cream", + "olive oil", + "lemon wedge", + "walnuts" + ] + }, + { + "id": 767, + "ingredients": [ + "soy sauce", + "garlic cloves", + "green onions", + "pepper flakes", + "sesame oil", + "roasted sesame seeds", + "japanese eggplants" + ] + }, + { + "id": 28308, + "ingredients": [ + "olive oil", + "salt", + "chicken broth", + "orzo", + "grated parmesan cheese", + "baby portobello mushrooms", + "garlic" + ] + }, + { + "id": 37605, + "ingredients": [ + "unsalted butter", + "extra-virgin olive oil", + "red pepper flakes", + "garlic", + "dry white wine", + "linguine", + "kosher salt", + "littleneck clams", + "flat leaf parsley" + ] + }, + { + "id": 9558, + "ingredients": [ + "cream of tartar", + "large eggs", + "ground allspice", + "orange", + "half & half", + "mace", + "salt", + "sugar", + "pumpkin purée", + "sour cream" + ] + }, + { + "id": 31527, + "ingredients": [ + "chicken broth", + "leeks", + "butter", + "carrots", + "pepper", + "red wine vinegar", + "garlic", + "fresh spinach", + "green onions", + "extra-virgin olive oil", + "onions", + "water", + "watercress", + "salt" + ] + }, + { + "id": 2419, + "ingredients": [ + "soy sauce", + "garlic", + "sirloin", + "cooking oil", + "corn starch", + "chicken broth", + "ground black pepper", + "oyster sauce", + "chinese rice wine", + "broccoli florets" + ] + }, + { + "id": 7541, + "ingredients": [ + "shredded carrots", + "chinese black bean", + "angel hair", + "boneless skinless chicken breasts", + "corn starch", + "chicken broth", + "green onions", + "peanut oil", + "soy sauce", + "sesame oil", + "celery" + ] + }, + { + "id": 11400, + "ingredients": [ + "greek-style vinaigrette", + "bow-tie pasta", + "purple onion", + "cucumber", + "kalamata", + "feta cheese crumbles", + "grape tomatoes", + "shredded parmesan cheese" + ] + }, + { + "id": 23487, + "ingredients": [ + "brown sugar", + "all-purpose flour", + "boneless beef bottom round roast", + "swanson beef broth", + "baby carrots", + "white onion", + "egg noodles, cooked and drained", + "bouquet garni", + "V8 100% Vegetable Juice" + ] + }, + { + "id": 8087, + "ingredients": [ + "sugar", + "salt", + "food colouring", + "active dry yeast", + "bread flour", + "shortening", + "large eggs", + "warm water", + "all-purpose flour" + ] + }, + { + "id": 21906, + "ingredients": [ + "sugar", + "butter", + "flour", + "fine sea salt", + "almonds", + "amaretto", + "eggs", + "baking powder", + "dried cranberries" + ] + }, + { + "id": 48830, + "ingredients": [ + "cotija", + "chile pepper", + "chopped onion", + "chicken broth", + "fresh cilantro", + "garlic", + "sour cream", + "boneless pork shoulder", + "ground chipotle chile pepper", + "diced tomatoes", + "enchilada sauce", + "grape tomatoes", + "flour tortillas", + "salt", + "ground cumin" + ] + }, + { + "id": 37328, + "ingredients": [ + "salt", + "pepper", + "pork sausages", + "milk", + "all-purpose flour" + ] + }, + { + "id": 45490, + "ingredients": [ + "roast beef", + "beef broth", + "pepperoncini", + "salad dressing" + ] + }, + { + "id": 9710, + "ingredients": [ + "grated parmesan cheese", + "roast red peppers, drain", + "fennel seeds", + "extra-virgin olive oil", + "onions", + "unsalted butter", + "linguine", + "balsamic vinegar", + "low salt chicken broth" + ] + }, + { + "id": 16153, + "ingredients": [ + "corn kernels", + "mushrooms", + "cilantro leaves", + "chipotle chile", + "quinoa", + "coarse salt", + "adobo", + "ground pepper", + "vegetable oil", + "garlic cloves", + "beans", + "poblano peppers", + "fresh chevre" + ] + }, + { + "id": 39537, + "ingredients": [ + "ground coriander", + "ground pepper", + "ground cayenne pepper", + "minced onion", + "ground beef", + "ground cinnamon", + "oil" + ] + }, + { + "id": 13923, + "ingredients": [ + "water", + "hot sauce", + "ketchup", + "pork tenderloin", + "onions", + "olive oil", + "garlic cloves", + "cider vinegar", + "worcestershire sauce" + ] + }, + { + "id": 8120, + "ingredients": [ + "instant rice", + "low sodium chicken stock", + "black-eyed peas", + "onions", + "water", + "beef sausage", + "cayenne pepper" + ] + }, + { + "id": 12923, + "ingredients": [ + "eggs", + "black pepper", + "whole milk", + "salt", + "onions", + "ketchup", + "vinegar", + "apple cider vinegar", + "oil", + "sugar", + "baking soda", + "baking powder", + "cayenne pepper", + "cabbage", + "pickled jalapenos", + "flour", + "cajun seasoning", + "cornmeal" + ] + }, + { + "id": 1556, + "ingredients": [ + "pork", + "chile pepper", + "onions", + "prawns", + "light coconut milk", + "shrimp paste", + "coconut milk", + "fresh ginger root", + "fresh green bean", + "calabash" + ] + }, + { + "id": 6871, + "ingredients": [ + "dijon mustard", + "grated lemon zest", + "fresh parsley", + "olive oil", + "orzo", + "red bell pepper", + "spinach", + "cooking spray", + "lamb loin chops", + "sliced green onions", + "ground black pepper", + "salt", + "herbes de provence" + ] + }, + { + "id": 34201, + "ingredients": [ + "eggs", + "flour", + "salt", + "water", + "vegetable oil", + "ground almonds", + "sugar", + "baking powder", + "walnuts", + "baking soda", + "raisins", + "low-fat milk" + ] + }, + { + "id": 36146, + "ingredients": [ + "flour", + "sugar", + "margarine", + "cold water", + "salt", + "instant yeast" + ] + }, + { + "id": 33170, + "ingredients": [ + "black peppercorns", + "honey", + "bay leaves", + "paprika", + "thyme", + "water", + "cayenne", + "buttermilk", + "oil", + "chicken", + "kosher salt", + "ground black pepper", + "lemon", + "all-purpose flour", + "thyme sprigs", + "parsley sprigs", + "garlic powder", + "onion powder", + "garlic", + "flat leaf parsley" + ] + }, + { + "id": 20082, + "ingredients": [ + "jalapeno chilies", + "kosher salt", + "cilantro leaves", + "tomatoes", + "garlic", + "lime juice", + "english cucumber" + ] + }, + { + "id": 26517, + "ingredients": [ + "baking soda", + "butter", + "fresh lemon juice", + "powdered sugar", + "large eggs", + "all-purpose flour", + "low-fat buttermilk", + "salt", + "sugar", + "cooking spray", + "grated lemon zest" + ] + }, + { + "id": 15214, + "ingredients": [ + "ground black pepper", + "paprika", + "ground allspice", + "okra pods", + "water", + "ground red pepper", + "all-purpose flour", + "ham", + "large shrimp", + "fat free less sodium chicken broth", + "chopped green bell pepper", + "salt", + "garlic cloves", + "flat leaf parsley", + "dried thyme", + "diced tomatoes", + "chopped onion", + "diced celery", + "canola oil" + ] + }, + { + "id": 34092, + "ingredients": [ + "chicken broth", + "unsalted butter", + "ground red pepper", + "fresh lemon juice", + "grits", + "vidalia onion", + "parmigiano reggiano cheese", + "all-purpose flour", + "ground white pepper", + "Madeira", + "poblano peppers", + "bacon slices", + "shrimp", + "kosher salt", + "green onions", + "garlic cloves", + "fresh parsley" + ] + }, + { + "id": 40902, + "ingredients": [ + "crawfish", + "old bay seasoning", + "yellow onion", + "celery", + "jumbo shrimp", + "cocktail sauce", + "garlic", + "creole seasoning", + "corn", + "worcestershire sauce", + "cayenne pepper", + "kosher salt", + "lemon", + "hot sauce", + "waxy potatoes" + ] + }, + { + "id": 44452, + "ingredients": [ + "mint", + "greek style plain yogurt", + "lemon", + "Piment d'Espelette", + "salt", + "flat leaf parsley", + "wheat", + "cucumber" + ] + }, + { + "id": 2083, + "ingredients": [ + "pasta sauce", + "heavy cream", + "onions", + "dried basil", + "salt", + "black pepper", + "crushed red pepper flakes", + "angel hair", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 44897, + "ingredients": [ + "olive oil", + "broccoli florets", + "salsa", + "fresh lime juice", + "black beans", + "flour tortillas", + "non-fat sour cream", + "red bell pepper", + "shredded Monterey Jack cheese", + "green bell pepper", + "tomato juice", + "chili powder", + "sliced mushrooms", + "iceberg lettuce", + "fresh cilantro", + "Anaheim chile", + "purple onion", + "shiitake mushroom caps", + "ground cumin" + ] + }, + { + "id": 17850, + "ingredients": [ + "ground ginger", + "kosher salt", + "beef brisket", + "garlic", + "cinnamon sticks", + "black peppercorns", + "mace", + "whole cloves", + "carrots", + "onions", + "savoy cabbage", + "sugar", + "coriander seeds", + "red pepper flakes", + "mustard seeds", + "mustard", + "dried thyme", + "potatoes", + "allspice berries", + "bay leaf" + ] + }, + { + "id": 26693, + "ingredients": [ + "ground black pepper", + "salt", + "pinenuts", + "extra-virgin olive oil", + "small red potato", + "fresh parmesan cheese", + "linguine", + "fresh basil leaves", + "fresh green bean", + "garlic cloves" + ] + }, + { + "id": 19618, + "ingredients": [ + "milk", + "garam masala", + "onions", + "cottage cheese", + "fresh ginger", + "salt", + "water", + "ground nutmeg", + "ghee", + "fresh spinach", + "kale", + "garlic" + ] + }, + { + "id": 35589, + "ingredients": [ + "fresh ginger root", + "salt", + "ground turmeric", + "minced garlic", + "cooking oil", + "dried red chile peppers", + "bengal gram", + "cumin seed", + "calabash", + "water", + "ground red pepper", + "white sugar" + ] + }, + { + "id": 46084, + "ingredients": [ + "roast breast of chicken", + "no salt added ketchup", + "hot sauce", + "coleslaw", + "pepper", + "minced onion", + "dark brown sugar", + "cider vinegar", + "garlic powder", + "Texas toast bread", + "dressing", + "water", + "prepared mustard", + "celery seed" + ] + }, + { + "id": 17256, + "ingredients": [ + "chiles", + "salsa", + "cooked chicken", + "shredded Monterey Jack cheese", + "plain yogurt", + "corn tortillas", + "heavy cream" + ] + }, + { + "id": 47570, + "ingredients": [ + "cheddar cheese", + "ground beef", + "chili powder", + "jalapeno chilies", + "cumin", + "eggs", + "salt" + ] + }, + { + "id": 32796, + "ingredients": [ + "fennel seeds", + "peeled fresh ginger", + "lamb rib chops", + "cumin seed", + "black peppercorns", + "mint sprigs", + "clove", + "plain yogurt", + "dried chile" + ] + }, + { + "id": 27047, + "ingredients": [ + "lemon", + "chickpeas", + "harissa", + "purple onion", + "fresh mint", + "kosher salt", + "extra-virgin olive oil", + "fresh lemon juice", + "large garlic cloves", + "lamb" + ] + }, + { + "id": 39487, + "ingredients": [ + "white onion", + "parsley", + "salt", + "sun-dried tomatoes in oil", + "tomato paste", + "bay leaves", + "basil", + "green pepper", + "oregano", + "tomatoes", + "green onions", + "garlic", + "thyme", + "celery ribs", + "water", + "red wine", + "yellow onion", + "yellow peppers" + ] + }, + { + "id": 130, + "ingredients": [ + "large eggs", + "scallions", + "chopped cilantro", + "light brown sugar", + "large garlic cloves", + "bird chile", + "asian fish sauce", + "shallots", + "beansprouts", + "medium shrimp", + "thai noodles", + "roasted peanuts", + "fresh lime juice", + "canola oil" + ] + }, + { + "id": 17627, + "ingredients": [ + "red beans", + "creole seasoning", + "long grain white rice", + "green bell pepper", + "extra-virgin olive oil", + "ham hock", + "large garlic cloves", + "low sodium chicken stock", + "andouille sausage", + "purple onion", + "celery" + ] + }, + { + "id": 29072, + "ingredients": [ + "baking soda", + "bacon", + "baking powder", + "white cornmeal", + "buttermilk", + "large eggs", + "salt" + ] + }, + { + "id": 1108, + "ingredients": [ + "whole grain mustard", + "dry mustard", + "flat leaf parsley", + "celery ribs", + "prepared horseradish", + "scallions", + "mayonaise", + "paprika", + "red bell pepper", + "sherry vinegar", + "hot sauce" + ] + }, + { + "id": 22666, + "ingredients": [ + "shredded cheddar cheese", + "cornbread mix", + "worcestershire sauce", + "sour cream", + "garlic powder", + "butter", + "poultry seasoning", + "canned corn", + "sweet onion", + "boneless skinless chicken breasts", + "salt", + "celery", + "ground black pepper", + "red pepper flakes", + "lemon juice" + ] + }, + { + "id": 41630, + "ingredients": [ + "green bell pepper", + "bay leaves", + "diced tomatoes", + "celery ribs", + "smoked bacon", + "apple cider vinegar", + "garlic cloves", + "kosher salt", + "green onions", + "yellow onion", + "chicken broth", + "black-eyed peas", + "cajun seasoning", + "long grain white rice" + ] + }, + { + "id": 27289, + "ingredients": [ + "fettucine", + "ground black pepper", + "flat leaf parsley", + "water", + "garlic", + "white wine", + "extra-virgin olive oil", + "boneless skinless chicken breast halves", + "spinach leaves", + "prosciutto", + "salt" + ] + }, + { + "id": 42299, + "ingredients": [ + "corn kernels", + "fresh green bean", + "bacon grease", + "water", + "chopped green bell pepper", + "salt", + "pepper", + "evaporated milk", + "bacon", + "peeled tomatoes", + "finely chopped onion", + "all-purpose flour" + ] + }, + { + "id": 36078, + "ingredients": [ + "fresh rosemary", + "cooking spray", + "kosher salt", + "yeast", + "warm water", + "all-purpose flour", + "olive oil" + ] + }, + { + "id": 7098, + "ingredients": [ + "milk", + "white sugar", + "warm water", + "butter", + "eggs", + "active dry yeast", + "bread flour", + "minced garlic", + "salt" + ] + }, + { + "id": 46999, + "ingredients": [ + "bananas", + "kosher salt", + "tapioca pearls", + "sugar", + "vanilla extract", + "unsalted roasted peanuts", + "coconut milk" + ] + }, + { + "id": 28791, + "ingredients": [ + "cold water", + "soy sauce", + "boneless chicken breast", + "oil", + "dark soy sauce", + "peanuts", + "sesame oil", + "corn starch", + "chinese rice wine", + "granulated sugar", + "salt", + "dried red chile peppers", + "chicken broth", + "light soy sauce", + "red rice vinegar", + "garlic cloves" + ] + }, + { + "id": 39576, + "ingredients": [ + "guacamole", + "monterey jack", + "black beans", + "sour cream", + "salsa", + "flour tortillas", + "cumin" + ] + }, + { + "id": 2447, + "ingredients": [ + "rosemary", + "salt", + "chicken", + "chervil", + "parsley", + "freshly ground pepper", + "chives", + "dill", + "white wine", + "butter", + "tarragon" + ] + }, + { + "id": 22449, + "ingredients": [ + "clove", + "dried basil", + "whole peeled tomatoes", + "chili powder", + "salt", + "scallions", + "minced garlic", + "mace", + "bay leaves", + "dry red wine", + "green pepper", + "fresh parsley", + "tomato sauce", + "dried thyme", + "flour", + "vegetable oil", + "cayenne pepper", + "lemon juice", + "water", + "ground black pepper", + "chives", + "chopped celery", + "chopped onion", + "allspice" + ] + }, + { + "id": 23828, + "ingredients": [ + "red chili peppers", + "oil", + "coriander powder", + "ground turmeric", + "lemon extract", + "rice flour", + "garlic paste", + "salt", + "plantains" + ] + }, + { + "id": 5660, + "ingredients": [ + "garlic", + "tomato paste", + "carrots", + "yellow onion", + "veal", + "celery" + ] + }, + { + "id": 47460, + "ingredients": [ + "water", + "all-purpose flour", + "kosher salt", + "boneless beef chuck roast", + "chiles", + "olive oil", + "yellow onion", + "black pepper", + "beef stock" + ] + }, + { + "id": 17912, + "ingredients": [ + "chicken stock", + "olive oil", + "garlic", + "cayenne pepper", + "canola oil", + "andouille sausage", + "fresh thyme leaves", + "hot sauce", + "red bell pepper", + "green bell pepper", + "ground black pepper", + "all-purpose flour", + "turkey meat", + "kosher salt", + "worcestershire sauce", + "yellow onion", + "celery" + ] + }, + { + "id": 12288, + "ingredients": [ + "milk", + "freshly ground pepper", + "quickcooking grits", + "chicken broth", + "salt", + "grated parmesan cheese" + ] + }, + { + "id": 44037, + "ingredients": [ + "salt", + "water", + "semolina flour", + "bread flour", + "dry yeast" + ] + }, + { + "id": 20875, + "ingredients": [ + "low-fat sour cream", + "olive oil", + "cilantro", + "ground cumin", + "chile powder", + "black beans", + "meat", + "onions", + "extra lean ground beef", + "beef stock", + "pinto beans", + "tomatoes", + "lime juice", + "ancho powder", + "chopped cilantro fresh" + ] + }, + { + "id": 6500, + "ingredients": [ + "sesame oil", + "mung bean sprouts", + "garlic", + "sesame seeds", + "salt", + "green onions", + "cucumber" + ] + }, + { + "id": 13813, + "ingredients": [ + "taco shells", + "salad leaves", + "avocado", + "purple onion", + "chicken meat", + "fresh lime juice", + "tomatoes", + "salt" + ] + }, + { + "id": 4907, + "ingredients": [ + "water", + "vegetable oil", + "ginger root", + "cauliflower", + "ground black pepper", + "yellow onion", + "bay leaf", + "curry powder", + "cilantro leaves", + "fresh mint", + "kosher salt", + "whole peeled tomatoes", + "chickpeas" + ] + }, + { + "id": 38186, + "ingredients": [ + "sugar pea", + "grated parmesan cheese", + "arborio rice", + "fat free less sodium chicken broth", + "dry white wine", + "cooked ham", + "olive oil", + "garlic cloves", + "black pepper", + "leeks" + ] + }, + { + "id": 9816, + "ingredients": [ + "cooked chicken", + "onions", + "shredded cheddar cheese", + "salt", + "canola oil", + "black beans", + "brown rice", + "chopped cilantro fresh", + "flour tortillas", + "chipotles in adobo" + ] + }, + { + "id": 8170, + "ingredients": [ + "mayonaise", + "chopped celery", + "dijon mustard", + "ground white pepper", + "cooked chicken", + "seasoning salt", + "fresh lemon juice" + ] + }, + { + "id": 21681, + "ingredients": [ + "sugar", + "large eggs", + "serrano chile", + "white vinegar", + "water", + "salt", + "baguette", + "large garlic cloves", + "tomatoes", + "olive oil", + "chopped cilantro fresh" + ] + }, + { + "id": 42384, + "ingredients": [ + "biscuit baking mix", + "pizza sauce", + "red bell pepper", + "eggs", + "italian style seasoning", + "non-fat sour cream", + "green bell pepper", + "green onions", + "sausages", + "milk", + "diced tomatoes", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 35366, + "ingredients": [ + "salt", + "corn starch", + "water", + "crushed pineapples in juice", + "white sugar", + "baking powder", + "peanut oil", + "all-purpose flour", + "confectioners sugar" + ] + }, + { + "id": 34244, + "ingredients": [ + "minced garlic", + "yukon gold potatoes", + "ground coriander", + "bone in chicken thighs", + "chicken legs", + "flour", + "Bengali 5 Spice", + "red bell pepper", + "fresh ginger", + "vegetable oil", + "carrots", + "kosher salt", + "bay leaves", + "yellow bell pepper", + "plain whole-milk yogurt" + ] + }, + { + "id": 35421, + "ingredients": [ + "roma tomatoes", + "tomatillos", + "serrano peppers", + "salt", + "jalapeno chilies", + "garlic", + "lime", + "cilantro stems", + "onions" + ] + }, + { + "id": 33457, + "ingredients": [ + "frozen sweet corn", + "lean ground beef", + "green chilies", + "water", + "white rice", + "enchilada sauce", + "canned black beans", + "cilantro", + "taco seasoning", + "Mexican cheese blend", + "light cream cheese" + ] + }, + { + "id": 28026, + "ingredients": [ + "cooked ham", + "cooked white rice", + "cooking oil", + "soy sauce", + "eggs", + "garlic" + ] + }, + { + "id": 38122, + "ingredients": [ + "ground black pepper", + "roasting chickens", + "water", + "salt", + "fresh mint", + "olive oil", + "cilantro leaves", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 21362, + "ingredients": [ + "white wine", + "beef stock", + "thyme", + "onions", + "ground black pepper", + "crème fraîche", + "bay leaf", + "large egg yolks", + "salt", + "country bread", + "unsalted butter", + "carrots", + "toast" + ] + }, + { + "id": 42253, + "ingredients": [ + "cooked rice", + "ground pork", + "celery", + "bell pepper", + "onion tops", + "onions", + "cooking oil", + "all-purpose flour", + "ground beef", + "parsley", + "creole seasoning", + "broth" + ] + }, + { + "id": 21994, + "ingredients": [ + "fresh rosemary", + "dry red wine", + "ground black pepper", + "veal rib chops", + "rosemary sprigs", + "extra-virgin olive oil", + "large garlic cloves", + "salt" + ] + }, + { + "id": 34457, + "ingredients": [ + "sugar", + "radishes", + "shallots", + "garlic", + "chopped cilantro", + "bread rolls", + "lemon grass", + "jalapeno chilies", + "ground pork", + "rice vinegar", + "soy sauce", + "hoisin sauce", + "dry sherry", + "salt", + "ground beef", + "fish sauce", + "chili paste", + "cilantro stems", + "ginger", + "carrots" + ] + }, + { + "id": 40229, + "ingredients": [ + "homemade chicken stock", + "meat", + "blanched almonds", + "lard", + "oregano", + "clove", + "guajillo chiles", + "tomatillos", + "allspice berries", + "ancho chile pepper", + "brioche", + "sesame seeds", + "grated nutmeg", + "thyme", + "onions", + "tomatoes", + "fresh ginger", + "raisins", + "garlic cloves", + "canela" + ] + }, + { + "id": 10181, + "ingredients": [ + "chicken broth", + "cider vinegar", + "jalapeno chilies", + "salt", + "granny smith apples", + "chopped green chilies", + "garlic", + "cumin", + "sugar", + "olive oil", + "chili powder", + "chopped cilantro fresh", + "black pepper", + "pork tenderloin", + "purple onion" + ] + }, + { + "id": 38257, + "ingredients": [ + "parsley sprigs", + "vegetable oil", + "beer", + "dried thyme", + "salt", + "ground cumin", + "pepper", + "paprika", + "fresh lemon juice", + "chicken wings", + "cayenne", + "all-purpose flour" + ] + }, + { + "id": 40992, + "ingredients": [ + "mustard powder", + "paprika", + "ground cumin", + "salt", + "brown sugar", + "chipotle peppers" + ] + }, + { + "id": 15617, + "ingredients": [ + "pork", + "pistachio nuts", + "garlic", + "thyme", + "eggs", + "truffles", + "ground veal", + "cognac", + "tongue", + "spices", + "salt", + "stock", + "ground black pepper", + "turkey", + "ham" + ] + }, + { + "id": 34754, + "ingredients": [ + "black pepper", + "olive oil", + "coconut milk", + "fish sauce", + "lime", + "mushrooms", + "chopped cilantro fresh", + "chicken broth", + "kosher salt", + "thai noodles", + "onions", + "boneless chicken skinless thigh", + "green curry paste", + "raw sugar" + ] + }, + { + "id": 45459, + "ingredients": [ + "homemade chicken stock", + "mushrooms", + "salt", + "finely chopped onion", + "pecorino romano cheese", + "heavy whipping cream", + "ground black pepper", + "shallots", + "thyme leaves", + "dry vermouth", + "chopped fresh chives", + "extra-virgin olive oil", + "carnaroli rice" + ] + }, + { + "id": 31295, + "ingredients": [ + "kidney beans", + "rice", + "pepper", + "diced tomatoes", + "onions", + "lean ground beef", + "beef sausage", + "water", + "salt" + ] + }, + { + "id": 44977, + "ingredients": [ + "peaches", + "all-purpose flour", + "sugar", + "butter", + "cream sweeten whip", + "refrigerated piecrusts", + "chopped pecans", + "ground nutmeg", + "vanilla extract" + ] + }, + { + "id": 18322, + "ingredients": [ + "sushi rice", + "mirin", + "ginger", + "brown sugar", + "sesame seeds", + "sesame oil", + "broccoli", + "caster sugar", + "spring onions", + "rice vinegar", + "red chili peppers", + "miso paste", + "sunflower oil", + "pak choi" + ] + }, + { + "id": 23257, + "ingredients": [ + "lime juice", + "oil", + "chili powder", + "skirt steak", + "soy sauce", + "scallions", + "bell pepper", + "onions" + ] + }, + { + "id": 10084, + "ingredients": [ + "sugar", + "cold water", + "orange", + "water", + "ice cubes" + ] + }, + { + "id": 16445, + "ingredients": [ + "fresh ginger", + "garlic", + "ground coriander", + "neutral oil", + "lemon", + "chickpeas", + "ground turmeric", + "tomatoes", + "garam masala", + "salt", + "onions", + "water", + "paprika", + "green chilies", + "ground cumin" + ] + }, + { + "id": 10594, + "ingredients": [ + "duck breasts", + "hot chili sauce", + "fresh cilantro", + "five-spice powder", + "fat free less sodium chicken broth", + "dark sesame oil", + "low sodium soy sauce", + "rice vinegar" + ] + }, + { + "id": 26828, + "ingredients": [ + "grated parmesan cheese", + "orzo", + "pinenuts", + "large garlic cloves", + "oil", + "fresh basil", + "balsamic vinegar", + "extra-virgin olive oil", + "radicchio", + "kalamata" + ] + }, + { + "id": 47643, + "ingredients": [ + "soy sauce", + "green onions", + "white rice", + "eggs", + "white pepper", + "vegetable oil", + "dried shiitake mushrooms", + "dark soy sauce", + "water", + "lop chong", + "hot water", + "ground chicken", + "sesame oil", + "garlic" + ] + }, + { + "id": 49680, + "ingredients": [ + "eggs", + "water", + "flour", + "salt", + "corn starch", + "white vinegar", + "black pepper", + "fresh ginger root", + "paprika", + "red curry paste", + "chicken", + "ground ginger", + "minced garlic", + "cayenne", + "crushed red pepper flakes", + "dark brown sugar", + "soy sauce", + "vegetables", + "rice wine", + "pineapple juice", + "white sugar" + ] + }, + { + "id": 27446, + "ingredients": [ + "grated parmesan cheese", + "fresh basil leaves", + "mozzarella cheese", + "frozen bread dough", + "spinach leaves", + "large garlic cloves", + "vegetable oil spray", + "oil" + ] + }, + { + "id": 8731, + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "idaho potatoes", + "eggs", + "yellow onion" + ] + }, + { + "id": 37341, + "ingredients": [ + "chutney", + "mango", + "finely chopped onion", + "noodles", + "tomatoes", + "chopped cilantro", + "puffed rice", + "cilantro", + "boiling potatoes" + ] + }, + { + "id": 42241, + "ingredients": [ + "soy sauce", + "salt", + "nori sheets", + "sugar", + "beef strips", + "carrots", + "wasabi paste", + "gari", + "sushi grade tuna", + "cooked shrimp", + "avocado", + "sushi rice", + "rice vinegar", + "cucumber" + ] + }, + { + "id": 13669, + "ingredients": [ + "brown sugar", + "whipping cream", + "macadamia nuts", + "white sugar", + "white chocolate", + "vanilla extract", + "egg yolks" + ] + }, + { + "id": 21403, + "ingredients": [ + "lime", + "salt", + "scallions", + "chili pepper", + "fresh thyme", + "peanut oil", + "fresh spinach", + "ground black pepper", + "crabmeat", + "garlic cloves", + "water", + "bacon", + "okra" + ] + }, + { + "id": 688, + "ingredients": [ + "boneless chuck roast", + "garlic", + "fresh oregano", + "masa harina", + "vegetable oil", + "all-purpose flour", + "lard", + "corn husks", + "salt", + "cumin seed", + "ground cumin", + "white vinegar", + "red pepper flakes", + "beef broth", + "ancho chile pepper" + ] + }, + { + "id": 23894, + "ingredients": [ + "olive oil", + "freshly ground pepper", + "baby spinach", + "coarse salt", + "grape tomatoes", + "frozen corn kernels" + ] + }, + { + "id": 35753, + "ingredients": [ + "pancetta", + "unsalted butter", + "all-purpose flour", + "turkey breast", + "sage leaves", + "water", + "salt", + "thyme", + "sage", + "bread crumbs", + "dry white wine", + "freshly ground pepper", + "thyme sprigs", + "minced garlic", + "turkey stock", + "carrots", + "onions" + ] + }, + { + "id": 44692, + "ingredients": [ + "sugar", + "salt", + "french bread", + "garlic cloves", + "grated parmesan cheese", + "olivada", + "tomatoes", + "extra-virgin olive oil", + "fresh parsley leaves" + ] + }, + { + "id": 235, + "ingredients": [ + "green onions", + "salt", + "chicken", + "salsa verde", + "yellow corn", + "green chilies", + "avocado", + "chili powder", + "grated jack cheese", + "ground cumin", + "ground black pepper", + "whipping cream", + "chopped cilantro fresh" + ] + }, + { + "id": 20982, + "ingredients": [ + "lime", + "salmon steaks", + "ground allspice", + "ground cinnamon", + "roasted red peppers", + "garlic", + "ground cumin", + "pepper", + "green onions", + "salt", + "tomatoes", + "olive oil", + "shredded lettuce", + "white sugar" + ] + }, + { + "id": 10166, + "ingredients": [ + "corn", + "tomatillos", + "lard", + "avocado", + "bay leaves", + "meat bones", + "onions", + "green chile", + "Mexican oregano", + "pumpkin seeds", + "dried oregano", + "diced onions", + "tortillas", + "salt", + "chopped cilantro" + ] + }, + { + "id": 2187, + "ingredients": [ + "black pepper", + "garlic powder", + "nonstick spray", + "dried basil", + "boneless skinless chicken breasts", + "kosher salt", + "nonfat yogurt", + "dried oregano", + "dried thyme", + "Special K Cereal" + ] + }, + { + "id": 5022, + "ingredients": [ + "soy sauce", + "lime", + "extra light olive oil", + "rice", + "fresh parsley", + "ground ginger", + "minced garlic", + "flour tortillas", + "garlic", + "hot water", + "black pepper", + "Sriracha", + "peanut sauce", + "almond milk", + "chicken", + "low-fat creamy peanut butter", + "fresh cilantro", + "boneless skinless chicken breasts", + "salt", + "coconut milk" + ] + }, + { + "id": 49037, + "ingredients": [ + "basil leaves", + "salt", + "eggs", + "sheep’s milk cheese", + "oregano", + "cauliflower", + "parsley", + "cornmeal", + "marinara sauce", + "basil" + ] + }, + { + "id": 44478, + "ingredients": [ + "salt", + "chopped parsley", + "pepper", + "fat skimmed chicken broth", + "farro", + "lemon juice", + "Fuji Apple", + "butter oil", + "pork sausages" + ] + }, + { + "id": 8912, + "ingredients": [ + "spices", + "red bell pepper", + "salt", + "onions", + "frozen green beans", + "coconut milk", + "skinless chicken breasts" + ] + }, + { + "id": 8919, + "ingredients": [ + "milk", + "garlic", + "ground beef", + "pepper", + "ground nutmeg", + "carrots", + "white sugar", + "olive oil", + "salt", + "onions", + "crushed tomatoes", + "red wine", + "celery", + "dried oregano" + ] + }, + { + "id": 23856, + "ingredients": [ + "vodka", + "rum", + "crushed ice", + "triple sec", + "pineapple juice", + "orange", + "cocktail cherries", + "orange juice", + "gin", + "lime slices", + "grenadine syrup" + ] + }, + { + "id": 14647, + "ingredients": [ + "strawberries", + "blackberries", + "sugar", + "fresh lime juice", + "gold tequila", + "Grand Marnier", + "raspberries", + "ice" + ] + }, + { + "id": 48870, + "ingredients": [ + "pepper", + "thai chile", + "onions", + "fish sauce", + "bananas", + "salt", + "water", + "garlic", + "pork belly", + "vinegar", + "oil" + ] + }, + { + "id": 14377, + "ingredients": [ + "avocado", + "roma tomatoes", + "shredded Monterey Jack cheese", + "canned black beans", + "jalapeno chilies", + "refried beans", + "tortilla chips", + "corn kernels", + "green chilies" + ] + }, + { + "id": 18548, + "ingredients": [ + "large egg yolks", + "sugar", + "fresh lemon juice", + "unflavored gelatin", + "heavy cream", + "tangerine" + ] + }, + { + "id": 39591, + "ingredients": [ + "brewed coffee", + "white sugar", + "brandy", + "vanilla extract", + "eggs", + "cookies", + "mascarpone", + "bittersweet chocolate" + ] + }, + { + "id": 46746, + "ingredients": [ + "olive oil", + "anchovy fillets", + "caciocavallo", + "fresh parsley", + "dry red wine", + "brine-cured black olives", + "white onion", + "broccoli" + ] + }, + { + "id": 31926, + "ingredients": [ + "littleneck clams", + "garlic cloves", + "ground black pepper", + "crushed red pepper", + "clam juice", + "salt", + "olive oil", + "linguine", + "flat leaf parsley" + ] + }, + { + "id": 10159, + "ingredients": [ + "sugar", + "peeled fresh ginger", + "fresh lime juice", + "lower sodium soy sauce", + "light coconut milk", + "chile paste", + "shallots", + "boneless skinless chicken breast halves", + "cooking spray", + "salt" + ] + }, + { + "id": 11342, + "ingredients": [ + "chili flakes", + "minced garlic", + "rice vinegar", + "caster sugar", + "chilli paste", + "pork fillet", + "black pepper", + "spring onions", + "onions", + "soy sauce", + "fresh ginger", + "rapeseed oil" + ] + }, + { + "id": 32421, + "ingredients": [ + "collard greens", + "hot sauce", + "water", + "garlic cloves", + "vinegar", + "ham hock", + "chicken broth", + "bacon fat", + "onions" + ] + }, + { + "id": 19969, + "ingredients": [ + "anchovies", + "butter", + "fennel", + "artichokes", + "olive oil", + "garlic", + "baguette", + "celery heart", + "lemon juice" + ] + }, + { + "id": 3029, + "ingredients": [ + "sugar", + "salt", + "horseradish", + "spicy brown mustard", + "ground pepper", + "garlic cloves", + "mayonaise", + "white wine vinegar" + ] + }, + { + "id": 39565, + "ingredients": [ + "dry sherry", + "salt", + "bread slices", + "buttermilk", + "chopped celery", + "freshly ground pepper", + "milk", + "turkey", + "all-purpose flour", + "butter", + "paprika", + "chopped onion" + ] + }, + { + "id": 7426, + "ingredients": [ + "egg substitute", + "vegetable oil", + "finely chopped onion", + "cream style corn", + "self-rising cornmeal", + "low-fat buttermilk" + ] + }, + { + "id": 20624, + "ingredients": [ + "cherry tomatoes", + "salt", + "feta cheese crumbles", + "ground black pepper", + "chickpeas", + "fresh basil leaves", + "olive oil", + "grated lemon zest", + "red bell pepper", + "penne", + "shallots", + "garlic cloves" + ] + }, + { + "id": 4385, + "ingredients": [ + "bananas", + "dark rum", + "dark brown sugar", + "powdered sugar", + "large eggs", + "salt", + "heavy whipping cream", + "sugar", + "half & half", + "brioche bread", + "unsalted butter", + "vanilla extract", + "fresh lemon juice" + ] + }, + { + "id": 18761, + "ingredients": [ + "andouille sausage", + "dijon mustard", + "sea scallops", + "sherry wine vinegar", + "baby greens", + "fresh parsley", + "olive oil", + "shallots" + ] + }, + { + "id": 46710, + "ingredients": [ + "honey", + "garlic", + "soy sauce", + "flour", + "toasted sesame oil", + "sesame seeds", + "crushed red pepper", + "ketchup", + "vegetable oil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 46241, + "ingredients": [ + "ground pepper", + "bay leaf", + "water", + "salt", + "pork belly", + "dried sage", + "dried thyme", + "garlic cloves" + ] + }, + { + "id": 14208, + "ingredients": [ + "pepper", + "carrots", + "serrano chilies", + "salt", + "onions", + "lemon", + "greek yogurt", + "sugar", + "english cucumber", + "ground cumin" + ] + }, + { + "id": 29323, + "ingredients": [ + "black-eyed peas", + "worcestershire sauce", + "tomatoes", + "bell pepper", + "onions", + "chicken broth", + "pork chops", + "white rice", + "olive oil", + "old bay seasoning" + ] + }, + { + "id": 40663, + "ingredients": [ + "milk", + "raisins", + "white sugar", + "eggs", + "baking powder", + "all-purpose flour", + "egg whites", + "salt", + "shortening", + "butter", + "citron" + ] + }, + { + "id": 32391, + "ingredients": [ + "cooked rice", + "taco seasoning", + "green onions", + "tomato soup", + "shredded cheddar cheese", + "pinto beans", + "green chilies", + "ground beef" + ] + }, + { + "id": 9506, + "ingredients": [ + "fontina cheese", + "grated parmesan cheese", + "fresh oregano", + "olive oil", + "baby spinach", + "bread", + "eggplant", + "extra-virgin olive oil", + "fresh basil", + "balsamic vinegar", + "red bell pepper" + ] + }, + { + "id": 35402, + "ingredients": [ + "cherry tomatoes", + "roasting chickens", + "chicken broth", + "chees fresh mozzarella", + "arborio rice", + "butter", + "onions", + "fresh basil", + "salt" + ] + }, + { + "id": 48796, + "ingredients": [ + "olive oil", + "unsalted butter", + "salt", + "ground nutmeg", + "whole milk", + "freshly grated parmesan", + "lasagna noodles", + "all-purpose flour", + "cremini mushrooms", + "ground black pepper", + "garlic" + ] + }, + { + "id": 4657, + "ingredients": [ + "bean threads", + "boneless chicken", + "chile paste with garlic", + "dark sesame oil", + "low sodium soy sauce", + "romaine lettuce leaves", + "fresh cilantro" + ] + }, + { + "id": 2404, + "ingredients": [ + "ground cloves", + "cinnamon", + "granulated sugar", + "confectioners sugar", + "pumpkin purée", + "grated coconut", + "butter" + ] + }, + { + "id": 36923, + "ingredients": [ + "sugar", + "yeast", + "teas", + "black tea", + "water" + ] + }, + { + "id": 41762, + "ingredients": [ + "manchego cheese", + "cooking spray", + "garlic", + "kosher salt", + "ground black pepper", + "shallots", + "cremini mushrooms", + "sherry vinegar", + "mushrooms", + "garlic cloves", + "sourdough bread", + "unsalted butter", + "chopped fresh thyme" + ] + }, + { + "id": 19344, + "ingredients": [ + "eggs", + "water", + "salt", + "corn starch", + "onions", + "soy sauce", + "vinegar", + "garlic cloves", + "beansprouts", + "sugar", + "ground pepper", + "rolls", + "green beans", + "bamboo shoots", + "ketchup", + "ground pork", + "carrots", + "orange rind" + ] + }, + { + "id": 19876, + "ingredients": [ + "parmesan cheese", + "garlic cloves", + "fresh spinach", + "butter", + "ground black pepper", + "gnocchi", + "pinenuts", + "salt" + ] + }, + { + "id": 39452, + "ingredients": [ + "water", + "cooking spray", + "yellow corn meal", + "baking soda", + "vegetable oil", + "large egg whites", + "baking powder", + "1% low-fat buttermilk", + "large eggs", + "salt" + ] + }, + { + "id": 19209, + "ingredients": [ + "unsweetened coconut milk", + "curry powder", + "salt", + "dried currants", + "vegetable oil", + "whole baby okra", + "roasted cashews", + "cayenne", + "garlic cloves", + "boneless chicken skinless thigh", + "stewed tomatoes" + ] + }, + { + "id": 35461, + "ingredients": [ + "fish sauce", + "ginger", + "coconut milk", + "boneless skinless chicken breasts", + "tamarind paste", + "curry paste", + "brown sugar", + "peanut butter", + "fresh lime juice", + "vegetable oil", + "cubed potatoes" + ] + }, + { + "id": 5784, + "ingredients": [ + "pecans", + "milk", + "butter", + "masa harina", + "ground cloves", + "dried cherry", + "salt", + "brown sugar", + "corn husks", + "vanilla", + "water", + "cinnamon", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 40345, + "ingredients": [ + "lager beer", + "beer" + ] + }, + { + "id": 24765, + "ingredients": [ + "almonds", + "escarole", + "salt", + "cracked black pepper", + "caciotta", + "sunchokes", + "vinaigrette" + ] + }, + { + "id": 25563, + "ingredients": [ + "yellow corn meal", + "large eggs", + "butter", + "frozen blueberries", + "sugar", + "baking powder", + "all-purpose flour", + "ground cinnamon", + "cooking spray", + "salt", + "milk", + "vegetable oil", + "grated lemon zest" + ] + }, + { + "id": 40680, + "ingredients": [ + "kosher salt", + "olive oil", + "ground pork", + "sweet paprika", + "fresh cilantro", + "jalapeno chilies", + "all-purpose flour", + "ground cayenne pepper", + "white onion", + "lime", + "butter", + "salsa", + "ground cumin", + "water", + "ground black pepper", + "garlic", + "enchilada sauce" + ] + }, + { + "id": 36932, + "ingredients": [ + "green bell pepper", + "stewed tomatoes", + "garlic cloves", + "green onions", + "hot sauce", + "onions", + "tomato sauce", + "smoked sausage", + "shrimp", + "chicken broth", + "cajun seasoning", + "rice" + ] + }, + { + "id": 28106, + "ingredients": [ + "jicama", + "scallions", + "serrano chile", + "black pepper", + "salt", + "fresh lime juice", + "large garlic cloves", + "sour cream", + "cooked chicken", + "california avocado", + "chopped cilantro fresh" + ] + }, + { + "id": 12717, + "ingredients": [ + "red potato", + "ground black pepper", + "vegetable oil", + "salsa", + "kosher salt", + "serrano peppers", + "paprika", + "chopped cilantro", + "cream", + "large eggs", + "queso fresco", + "scallions", + "chorizo", + "lime wedges", + "garlic" + ] + }, + { + "id": 40100, + "ingredients": [ + "extra-virgin olive oil", + "feta cheese crumbles", + "whole grain mustard", + "garlic cloves", + "grated lemon peel", + "green onions", + "fresh lemon juice", + "cherry tomatoes", + "penne pasta", + "red bell pepper" + ] + }, + { + "id": 6960, + "ingredients": [ + "eggs", + "flour", + "frozen corn kernels", + "kosher salt", + "cracked black pepper", + "sugar", + "baking powder", + "soy milk", + "margarine" + ] + }, + { + "id": 20724, + "ingredients": [ + "soy sauce", + "sesame oil", + "toasted sesame seeds", + "honey", + "apple juice", + "water", + "rice vinegar", + "brown sugar", + "green onions", + "lotus roots" + ] + }, + { + "id": 24433, + "ingredients": [ + "great northern beans", + "grated parmesan cheese", + "escarole", + "italian sausage", + "olive oil", + "crushed red pepper", + "minced garlic", + "dry white wine", + "chicken stock", + "prosciutto", + "chopped onion" + ] + }, + { + "id": 32118, + "ingredients": [ + "sherry", + "ketchup", + "five-spice powder", + "brown sugar", + "rice vinegar", + "hoisin sauce" + ] + }, + { + "id": 22353, + "ingredients": [ + "eggs", + "low-fat cottage cheese", + "garlic", + "tomato paste", + "dried basil", + "grated parmesan cheese", + "ground beef", + "tomatoes", + "olive oil", + "breakfast sausages", + "dried parsley", + "mozzarella cheese", + "lasagna noodles", + "salt" + ] + }, + { + "id": 23040, + "ingredients": [ + "flank steak", + "ancho powder", + "slaw mix", + "vegetable oil", + "unsweetened cocoa powder", + "flour tortillas", + "cinnamon" + ] + }, + { + "id": 46246, + "ingredients": [ + "brandy", + "shallots", + "arborio rice", + "grated parmesan cheese", + "salt", + "ground black pepper", + "butter", + "chicken stock", + "mushrooms", + "fresh parsley" + ] + }, + { + "id": 36642, + "ingredients": [ + "ground black pepper", + "buttermilk", + "all-purpose flour", + "baking powder", + "dry mustard", + "peanut oil", + "garlic powder", + "onion powder", + "salt", + "dijon mustard", + "fryer chickens", + "cayenne pepper" + ] + }, + { + "id": 21579, + "ingredients": [ + "bread crumb fresh", + "sliced mushrooms", + "garlic", + "hellmann' or best food real mayonnais", + "grated parmesan cheese", + "frozen crabmeat, thaw and drain" + ] + }, + { + "id": 24073, + "ingredients": [ + "yellow cake mix", + "crushed pineapple", + "mandarin oranges", + "frozen whipped topping", + "vanilla instant pudding", + "chopped walnuts" + ] + }, + { + "id": 16775, + "ingredients": [ + "chicken meat", + "coconut vinegar", + "broccoli slaw", + "coconut aminos", + "fresh lime juice", + "fish sauce", + "garlic", + "carrots", + "green onions", + "extra virgin coconut oil", + "chopped cilantro fresh" + ] + }, + { + "id": 24732, + "ingredients": [ + "large eggs", + "hot sauce", + "olive oil", + "yukon gold potatoes", + "fresh parsley", + "fingerling potatoes", + "red bell pepper", + "ground pepper", + "coarse salt", + "onions" + ] + }, + { + "id": 24221, + "ingredients": [ + "pâte brisée", + "enokitake", + "rice", + "sour cream", + "dried tarragon leaves", + "medium dry sherry", + "all-purpose flour", + "white mushrooms", + "dried porcini mushrooms", + "shallots", + "fresh parsley leaves", + "unsalted butter", + "shells", + "fresh lemon juice" + ] + }, + { + "id": 33300, + "ingredients": [ + "unsalted shelled pistachio", + "whole milk", + "ground cardamom", + "unsalted butter", + "salt", + "sugar", + "baking powder", + "grated orange", + "pure vanilla extract", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 34971, + "ingredients": [ + "peanuts", + "shallots", + "shirataki", + "tamarind paste", + "jalapeno chilies", + "lime wedges", + "rice vinegar", + "beansprouts", + "soy sauce", + "green onions", + "vegetable oil", + "peanut butter", + "Sriracha", + "sesame oil", + "garlic", + "firm tofu" + ] + }, + { + "id": 19777, + "ingredients": [ + "fresh oregano leaves", + "Italian parsley leaves", + "pistachios", + "salt", + "fresh parmesan cheese", + "extra-virgin olive oil", + "spinach", + "large garlic cloves", + "lemon juice" + ] + }, + { + "id": 24337, + "ingredients": [ + "arborio rice", + "olive oil", + "fresh thyme", + "garlic cloves", + "water", + "ground black pepper", + "butter", + "yellow squash", + "asparagus", + "salt", + "fat free less sodium chicken broth", + "fresh parmesan cheese", + "leeks" + ] + }, + { + "id": 24709, + "ingredients": [ + "soy sauce", + "salmon fillets", + "scallions", + "sake", + "mirin", + "sugar", + "toasted sesame seeds" + ] + }, + { + "id": 28557, + "ingredients": [ + "black pepper", + "garlic", + "juice", + "fresh basil", + "potato gnocchi", + "parmagiano reggiano", + "italian tomatoes", + "extra-virgin olive oil", + "oil", + "chicken stock", + "pinenuts", + "salt", + "onions" + ] + }, + { + "id": 8963, + "ingredients": [ + "cold water", + "white fleshed fish", + "dry white wine", + "fresh parsley", + "unsalted butter", + "fresh lemon juice", + "salt", + "onions" + ] + }, + { + "id": 31515, + "ingredients": [ + "water", + "tomatoes with juice", + "natural peanut butter", + "fresh ginger root", + "cayenne pepper", + "white onion", + "brown rice", + "olive oil", + "garlic" + ] + }, + { + "id": 22575, + "ingredients": [ + "Sriracha", + "fish sauce", + "baby octopus", + "chinese celery", + "onions", + "tomatoes", + "lemon" + ] + }, + { + "id": 11011, + "ingredients": [ + "frozen chopped spinach", + "grated parmesan cheese", + "shredded mozzarella cheese", + "olive oil", + "part-skim ricotta cheese", + "eggs", + "green onions", + "alfredostyle pasta sauce", + "lasagna noodles", + "salt" + ] + }, + { + "id": 42030, + "ingredients": [ + "bread crumbs", + "parmesan cheese", + "basil", + "onions", + "arborio rice", + "mozzarella cheese", + "vegetable stock", + "oil", + "white wine", + "flour", + "passata", + "arugula", + "eggs", + "olive oil", + "butter", + "garlic cloves" + ] + }, + { + "id": 48012, + "ingredients": [ + "eggs", + "chinese sausage", + "oil", + "soy sauce", + "garlic", + "onions", + "cooked rice", + "green onions", + "shrimp", + "chopped ham", + "pepper", + "salt" + ] + }, + { + "id": 13623, + "ingredients": [ + "ground ginger", + "Sriracha", + "garlic", + "honey", + "red pepper flakes", + "coconut aminos", + "coconut oil", + "boneless skinless chicken breasts", + "broccoli", + "chicken stock", + "sesame seeds", + "fresh orange juice", + "orange zest" + ] + }, + { + "id": 49552, + "ingredients": [ + "chicken stock", + "roma tomatoes", + "garlic", + "pork shoulder", + "white hominy", + "chile pepper", + "ancho chile pepper", + "water", + "seeds", + "cumin seed", + "white onion", + "bay leaves", + "salt" + ] + }, + { + "id": 5702, + "ingredients": [ + "minced ginger", + "shallots", + "shaoxing", + "cooking spray", + "sesame oil", + "boiling water", + "low sodium soy sauce", + "green onions", + "coarse sea salt", + "honey", + "chenpi", + "roasting chickens" + ] + }, + { + "id": 3847, + "ingredients": [ + "olive oil", + "salt", + "boneless skinless chicken breast halves", + "capers", + "butter", + "fresh lemon juice", + "ground black pepper", + "all-purpose flour", + "spaghetti", + "white wine", + "garlic", + "flat leaf parsley" + ] + }, + { + "id": 34221, + "ingredients": [ + "coarse salt", + "grated parmesan cheese", + "all-purpose flour", + "large eggs", + "russet potatoes", + "marinara sauce", + "fresh basil leaves" + ] + }, + { + "id": 4312, + "ingredients": [ + "chai tea", + "all-purpose flour", + "mashed banana", + "white sugar", + "baking powder", + "low-fat cream cheese", + "eggs", + "salt" + ] + }, + { + "id": 35834, + "ingredients": [ + "ground ginger", + "olive oil", + "ground red pepper", + "fresh lemon juice", + "ground cumin", + "water", + "cooking spray", + "garlic cloves", + "plum tomatoes", + "salmon fillets", + "ground black pepper", + "salt", + "fresh parsley", + "green bell pepper", + "garlic powder", + "lemon", + "red bell pepper" + ] + }, + { + "id": 11849, + "ingredients": [ + "creole seasoning", + "onions", + "minced garlic", + "chopped parsley", + "cooked rice", + "sausages", + "bell pepper", + "celery" + ] + }, + { + "id": 38290, + "ingredients": [ + "potatoes", + "green chilies", + "ghee", + "clove", + "ginger", + "oil", + "basmati rice", + "mint leaves", + "cumin seed", + "onions", + "garam masala", + "green peas", + "coconut milk" + ] + }, + { + "id": 3064, + "ingredients": [ + "water", + "chopped pecans", + "ground nutmeg", + "peach pie filling", + "refrigerated buttermilk biscuits" + ] + }, + { + "id": 30099, + "ingredients": [ + "granulated sugar", + "lemon", + "blanched almonds", + "large egg whites", + "almond extract", + "grated nutmeg", + "passover cake meal", + "vanilla extract", + "carrots", + "large egg yolks", + "cinnamon", + "margarine" + ] + }, + { + "id": 37354, + "ingredients": [ + "eggs", + "water", + "garlic cloves", + "black pepper", + "garlic", + "ground cumin", + "extra lean ground beef", + "cilantro", + "chipotles in adobo", + "tomatoes", + "white onion", + "salt" + ] + }, + { + "id": 27877, + "ingredients": [ + "ground black pepper", + "whole milk ricotta cheese", + "bow-tie pasta", + "fresh basil", + "zucchini", + "garlic", + "lemon peel", + "extra-virgin olive oil", + "mascarpone", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 45642, + "ingredients": [ + "tomato juice", + "lime wedges", + "red bell pepper", + "green onions", + "garlic cloves", + "chopped green bell pepper", + "chopped celery", + "tomatoes", + "chili powder", + "cucumber" + ] + }, + { + "id": 10629, + "ingredients": [ + "chile pepper", + "red bell pepper", + "tomatoes", + "white wine vinegar", + "vegetable oil", + "black beans", + "salt" + ] + }, + { + "id": 17557, + "ingredients": [ + "black beans", + "corn kernel whole", + "flour tortillas", + "shredded cheddar cheese", + "chicken", + "enchilada sauce" + ] + }, + { + "id": 3725, + "ingredients": [ + "pepper", + "red cabbage", + "green onions", + "Italian parsley leaves", + "yellow onion", + "chopped cilantro", + "brown sugar", + "olive oil", + "italian plum tomatoes", + "Tabasco Pepper Sauce", + "salt", + "garlic cloves", + "short rib", + "slaw", + "ground black pepper", + "bay leaves", + "lime wedges", + "cilantro leaves", + "red bell pepper", + "ground cumin", + "avocado", + "lime juice", + "flour tortillas", + "jicama", + "paprika", + "dark beer", + "chipotle chile powder" + ] + }, + { + "id": 49507, + "ingredients": [ + "ground pepper", + "coarse salt", + "green beans", + "eggs", + "lettuce leaves", + "kalamata", + "dijon mustard", + "red wine vinegar", + "plum tomatoes", + "solid white tuna in oil", + "shallots", + "extra-virgin olive oil" + ] + }, + { + "id": 5560, + "ingredients": [ + "tumeric", + "fresh cilantro", + "cinnamon", + "salt", + "ground cumin", + "minced garlic", + "ground nutmeg", + "diced tomatoes", + "chopped onion", + "black pepper", + "eggplant", + "red pepper", + "chickpeas", + "curry powder", + "sweet potatoes", + "vegetable broth", + "red bell pepper" + ] + }, + { + "id": 42239, + "ingredients": [ + "tomato paste", + "fresh coriander", + "curry sauce", + "paneer cheese", + "tumeric", + "unsalted butter", + "salt", + "garlic paste", + "garam masala", + "vegetable oil", + "cumin", + "pepper", + "coriander powder", + "green chilies" + ] + }, + { + "id": 29559, + "ingredients": [ + "brown sugar", + "thai basil", + "garlic", + "sweet chili sauce", + "basil leaves", + "chicken", + "fish sauce", + "water", + "unsalted cashews", + "coconut oil", + "reduced sodium soy sauce", + "purple onion" + ] + }, + { + "id": 46028, + "ingredients": [ + "vegetable broth", + "onions", + "butter", + "sour cream", + "egg noodles", + "all-purpose flour", + "portabello mushroom", + "fresh parsley" + ] + }, + { + "id": 26523, + "ingredients": [ + "tomatillo salsa", + "corn tortillas", + "avocado", + "ear of corn", + "boneless skinless chicken breast halves", + "feta cheese", + "chopped cilantro", + "kosher salt", + "freshly ground pepper" + ] + }, + { + "id": 28313, + "ingredients": [ + "sugar", + "lemon", + "potatoes", + "green chilies", + "coconut", + "salt", + "arrowroot", + "oil" + ] + }, + { + "id": 32502, + "ingredients": [ + "fish sauce", + "potatoes", + "boneless lamb", + "clove", + "palm sugar", + "coconut cream", + "ground cinnamon", + "tamarind juice", + "coconut milk", + "peanuts", + "Massaman curry paste" + ] + }, + { + "id": 43610, + "ingredients": [ + "coconut milk", + "brown sugar" + ] + }, + { + "id": 35563, + "ingredients": [ + "dry white wine", + "flat leaf parsley", + "olive oil", + "crushed red pepper", + "prosciutto", + "garlic cloves", + "jumbo shrimp", + "lemon wedge" + ] + }, + { + "id": 22160, + "ingredients": [ + "soy sauce", + "corn starch", + "white vinegar", + "large eggs", + "canola oil", + "ketchup", + "garlic salt", + "sugar", + "boneless skinless chicken breasts" + ] + }, + { + "id": 11258, + "ingredients": [ + "clove garlic, fine chop", + "spring onions", + "Hellmann''s Light Mayonnaise", + "soy sauce", + "ginger", + "chicken breasts", + "dry bread crumbs" + ] + }, + { + "id": 36220, + "ingredients": [ + "green tea", + "rice vinegar", + "red chili peppers", + "vegetable oil", + "garlic cloves", + "fresh spinach", + "ground black pepper", + "long-grain rice", + "sesame seeds", + "salt" + ] + }, + { + "id": 15974, + "ingredients": [ + "caster sugar", + "lemon", + "milk", + "cinnamon sticks", + "brown sugar", + "egg yolks", + "orange zest", + "vanilla beans", + "cornflour" + ] + }, + { + "id": 30449, + "ingredients": [ + "salt", + "onions", + "curry leaves", + "green chilies", + "fennel seeds", + "yellow split peas", + "ginger", + "oil" + ] + }, + { + "id": 29676, + "ingredients": [ + "tomatoes", + "garlic", + "mustard seeds", + "chili powder", + "okra", + "onions", + "vegetable oil", + "cumin seed", + "ground turmeric", + "amchur", + "salt", + "asafoetida powder" + ] + }, + { + "id": 29951, + "ingredients": [ + "sugar", + "zucchini", + "yellow onion", + "red bell pepper", + "fresh ginger", + "sesame oil", + "oyster sauce", + "soy sauce", + "corn oil", + "garlic cloves", + "shiitake", + "rice vinegar", + "Chinese egg noodles" + ] + }, + { + "id": 2268, + "ingredients": [ + "tapioca flour", + "salt", + "vegetable oil", + "milk", + "eggs", + "chees fresco queso" + ] + }, + { + "id": 36813, + "ingredients": [ + "green cabbage", + "apple cider vinegar", + "cold water", + "jalapeno chilies", + "coarse salt", + "striped bass", + "corn tortillas", + "ground cumin", + "granulated sugar", + "lime wedges", + "hot sauce", + "sour cream", + "dried oregano", + "purple onion", + "carrots", + "chopped cilantro", + "avocado", + "chili powder", + "extra-virgin olive oil", + "oil", + "pickled vegetables" + ] + }, + { + "id": 28096, + "ingredients": [ + "chiles", + "milk", + "sauce", + "chipotle chile", + "vegetable oil", + "tortilla chips", + "jack cheese", + "flour", + "chopped onion", + "green bell pepper", + "kosher salt", + "shredded sharp cheddar cheese", + "red bell pepper" + ] + }, + { + "id": 40471, + "ingredients": [ + "cooking spray", + "polenta", + "asiago", + "baby spinach", + "large eggs", + "tomato basil sauce" + ] + }, + { + "id": 6545, + "ingredients": [ + "raspberries", + "heavy cream", + "brown sugar", + "white sugar", + "egg yolks" + ] + }, + { + "id": 33598, + "ingredients": [ + "black pepper", + "ground red pepper", + "chickpeas", + "ground cumin", + "olive oil", + "cilantro sprigs", + "ground cardamom", + "fat free less sodium chicken broth", + "diced tomatoes", + "fresh lemon juice", + "ground cinnamon", + "zucchini", + "salt", + "chicken thighs" + ] + }, + { + "id": 22338, + "ingredients": [ + "chicken breasts", + "lime juice", + "poblano chiles", + "garlic cloves", + "tortillas", + "onions" + ] + }, + { + "id": 41918, + "ingredients": [ + "fish sauce", + "lemon grass", + "salt", + "bamboo shoots", + "tomatoes", + "red chili peppers", + "vegetable oil", + "garlic cloves", + "mint", + "tamarind", + "pineapple", + "beansprouts", + "sugar", + "shallots", + "scallions", + "boiling water" + ] + }, + { + "id": 2133, + "ingredients": [ + "sweet onion", + "salt", + "corn tortillas", + "chipotle chile", + "chicken breasts", + "pinto beans", + "chicken broth", + "( oz.) tomato sauce", + "cilantro leaves", + "lime juice", + "garlic", + "salad oil" + ] + }, + { + "id": 42259, + "ingredients": [ + "eggs", + "rice noodles", + "canola oil", + "light brown sugar", + "extra firm tofu", + "snow peas", + "peanuts", + "fresh lime juice", + "fish sauce", + "balsamic vinegar" + ] + }, + { + "id": 11056, + "ingredients": [ + "taco sauce", + "black olives", + "shredded lettuce", + "sour cream", + "shredded cheddar cheese", + "taco seasoning", + "frozen tater tots", + "ground beef" + ] + }, + { + "id": 7034, + "ingredients": [ + "tomato sauce", + "water", + "grated parmesan cheese", + "celery", + "dried oregano", + "fennel seeds", + "black pepper", + "dried basil", + "salt", + "onions", + "sugar", + "active dry yeast", + "fresh mozzarella", + "bay leaf", + "tomato paste", + "kosher salt", + "olive oil", + "garlic cloves", + "bread flour" + ] + }, + { + "id": 17040, + "ingredients": [ + "garlic powder", + "paprika", + "melted butter", + "rice vinegar", + "mayonaise", + "white sugar" + ] + }, + { + "id": 35238, + "ingredients": [ + "dijon mustard", + "ground black pepper", + "chicken", + "kosher salt", + "thyme", + "unsalted butter" + ] + }, + { + "id": 46155, + "ingredients": [ + "light brown sugar", + "crawfish", + "butter", + "acorn squash", + "white pepper", + "seafood stock", + "yellow onion", + "celery", + "ground cinnamon", + "minced garlic", + "heavy cream", + "chinese five-spice powder", + "fresh basil", + "ground nutmeg", + "sea salt", + "red bell pepper" + ] + }, + { + "id": 23356, + "ingredients": [ + "butter", + "parsley", + "Italian bread", + "parmigiano reggiano cheese", + "garlic", + "gorgonzola dolce" + ] + }, + { + "id": 3909, + "ingredients": [ + "plain flour", + "ghee", + "salt", + "plain yogurt", + "oil" + ] + }, + { + "id": 22107, + "ingredients": [ + "black beans", + "milk", + "cayenne", + "butter", + "tortilla chips", + "polenta", + "avocado", + "pepper", + "garlic powder", + "chili powder", + "chees fresco queso", + "smoked paprika", + "chicken broth", + "fresh cilantro", + "sharp white cheddar cheese", + "onion powder", + "salt", + "onions", + "kosher salt", + "orange bell pepper", + "chicken breasts", + "red pepper", + "red enchilada sauce", + "cumin" + ] + }, + { + "id": 1656, + "ingredients": [ + "cream style corn", + "baking mix", + "low-fat milk", + "eggs", + "cooked bacon", + "cornmeal", + "baking powder", + "shredded cheese", + "sugar substitute", + "salt", + "canola oil" + ] + }, + { + "id": 9302, + "ingredients": [ + "butter", + "self rising flour", + "apples", + "brown sugar", + "buttermilk", + "cinnamon" + ] + }, + { + "id": 19473, + "ingredients": [ + "olive oil", + "garlic cloves", + "cooking spray", + "plum tomatoes", + "fresh parmesan cheese", + "bread dough", + "pepper", + "salt", + "italian seasoning" + ] + }, + { + "id": 13566, + "ingredients": [ + "minced garlic", + "salt", + "eggs", + "active dry yeast", + "bread flour", + "warm water", + "butter", + "milk", + "white sugar" + ] + }, + { + "id": 23424, + "ingredients": [ + "minced garlic", + "Alfredo sauce", + "shredded mozzarella cheese", + "milk", + "cheese tortellini", + "pepper", + "grated parmesan cheese", + "salt", + "cooked turkey", + "butter" + ] + }, + { + "id": 4139, + "ingredients": [ + "salt", + "peanuts" + ] + }, + { + "id": 15970, + "ingredients": [ + "mayonaise", + "dill pickles", + "eggs", + "salt", + "mustard", + "potatoes", + "celery", + "green olives", + "roasting chickens" + ] + }, + { + "id": 47732, + "ingredients": [ + "pecan halves", + "water", + "dark rum", + "salt", + "cold water", + "sugar", + "unsalted butter", + "butter", + "all-purpose flour", + "brown sugar", + "cayenne", + "cinnamon", + "maple syrup", + "ice cubes", + "cider vinegar", + "large eggs", + "star anise", + "cumin" + ] + }, + { + "id": 37251, + "ingredients": [ + "nutmeg", + "whole milk", + "semi-sweet chocolate morsels", + "brown sugar", + "vanilla extract", + "eggs", + "heavy cream", + "glazed doughnuts", + "salt" + ] + }, + { + "id": 44870, + "ingredients": [ + "sugar", + "fresh mint", + "pineapple chunks", + "water", + "fresh lime juice", + "seedless cucumber", + "roast beef", + "hot red pepper flakes", + "shallots", + "asian fish sauce" + ] + }, + { + "id": 9773, + "ingredients": [ + "pancetta", + "large eggs", + "flat leaf parsley", + "large egg whites", + "garlic cloves", + "black pepper", + "salt", + "parmigiano-reggiano cheese", + "leeks", + "spaghetti" + ] + }, + { + "id": 2131, + "ingredients": [ + "bay leaves", + "salt", + "smoked ham hocks", + "orange", + "garlic", + "pork shoulder", + "black beans", + "extra-virgin olive oil", + "flat leaf parsley", + "long grain white rice", + "jalapeno chilies", + "smoked sausage", + "onions" + ] + }, + { + "id": 6381, + "ingredients": [ + "grated parmesan cheese", + "hot Italian sausages", + "saffron threads", + "dry white wine", + "flat leaf parsley", + "bay leaves", + "low salt chicken broth", + "arborio rice", + "butter", + "onions" + ] + }, + { + "id": 9613, + "ingredients": [ + "bell pepper", + "garlic", + "eggplant", + "basil", + "onions", + "olive oil", + "summer squash", + "salt", + "roma tomatoes", + "paprika" + ] + }, + { + "id": 47364, + "ingredients": [ + "sugar", + "beef", + "steamed rice", + "beni shoga", + "soy sauce", + "ginger", + "sake", + "dashi", + "onions" + ] + }, + { + "id": 34376, + "ingredients": [ + "red chili peppers", + "garlic cloves", + "extra-virgin olive oil", + "broccoli rabe", + "kosher salt" + ] + }, + { + "id": 26408, + "ingredients": [ + "milk", + "ghee", + "ground cardamom", + "raisins", + "cashew nuts", + "sugar", + "carrots" + ] + }, + { + "id": 4763, + "ingredients": [ + "water", + "polenta", + "salt" + ] + }, + { + "id": 18982, + "ingredients": [ + "white onion", + "grated cotija", + "cilantro", + "bay leaf", + "tomatillo salsa", + "Mexican oregano", + "garlic", + "bone in chicken thighs", + "homemade chicken stock", + "crushed tomatoes", + "tomatillos", + "corn tortillas", + "ground cumin", + "kosher salt", + "chipotle", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 2766, + "ingredients": [ + "soy sauce", + "olive oil", + "chunky peanut butter", + "green pepper", + "red bell pepper", + "water", + "garlic powder", + "sesame oil", + "carrots", + "pepper", + "peanuts", + "green onions", + "lemon juice", + "cooked rice", + "fresh cilantro", + "beef brisket", + "crushed red pepper flakes", + "corn starch" + ] + }, + { + "id": 19247, + "ingredients": [ + "light brown sugar", + "pepper", + "sesame oil", + "salt", + "corn starch", + "low sodium soy sauce", + "unsalted butter", + "buffalo sauce", + "sauce", + "toasted sesame oil", + "cold water", + "honey", + "vegetable oil", + "rice vinegar", + "korean chile paste", + "chicken wings", + "green onions", + "ginger", + "garlic cloves", + "sweet rice flour" + ] + }, + { + "id": 13462, + "ingredients": [ + "unsalted butter", + "sugar", + "all-purpose flour", + "matcha green tea powder", + "large egg whites" + ] + }, + { + "id": 19678, + "ingredients": [ + "eggs", + "unsalted butter", + "corn starch", + "kosher salt", + "egg yolks", + "milk", + "vanilla extract", + "sugar", + "flour" + ] + }, + { + "id": 22814, + "ingredients": [ + "extra-virgin olive oil", + "sea salt flakes", + "swiss chard", + "garlic" + ] + }, + { + "id": 18582, + "ingredients": [ + "fresh dill", + "hot pepper sauce", + "bacon", + "lump crab meat", + "wonton wrappers", + "cream cheese", + "black pepper", + "vegetable oil", + "salt", + "eggs", + "crawfish", + "worcestershire sauce", + "onions" + ] + }, + { + "id": 3124, + "ingredients": [ + "brown sugar", + "sesame oil", + "chopped cilantro fresh", + "fresh ginger root", + "rice vinegar", + "fish sauce", + "tamarind juice", + "cucumber", + "peanuts", + "red pepper flakes" + ] + }, + { + "id": 19347, + "ingredients": [ + "nonfat greek yogurt", + "dried oregano", + "seedless cucumber", + "salt", + "garlic powder", + "feta cheese crumbles", + "onion powder" + ] + }, + { + "id": 8812, + "ingredients": [ + "freshly grated parmesan", + "dry bread crumbs", + "green bell pepper", + "cayenne", + "rib", + "scallion greens", + "short-grain rice", + "fresh parsley leaves", + "eggplant", + "smoked sausage", + "onions" + ] + }, + { + "id": 22037, + "ingredients": [ + "tomato paste", + "potatoes", + "worcestershire sauce", + "beef broth", + "pepper", + "butter", + "stout", + "ground beef", + "cheddar cheese", + "flour", + "veggies", + "celery", + "large egg yolks", + "buttermilk", + "salt", + "onions" + ] + }, + { + "id": 15423, + "ingredients": [ + "sugar", + "whipped topping", + "refrigerated piecrusts", + "cream cheese, soften", + "lemon", + "candy", + "large eggs", + "pie filling" + ] + }, + { + "id": 35960, + "ingredients": [ + "pimentos", + "sharp cheddar cheese", + "pepper", + "salt", + "light mayonnaise", + "parmesan cheese", + "light cream cheese" + ] + }, + { + "id": 49336, + "ingredients": [ + "lime", + "mango", + "avocado", + "sea salt", + "chile pepper", + "white onion", + "chopped cilantro fresh" + ] + }, + { + "id": 1255, + "ingredients": [ + "shredded cheddar cheese", + "chicken stock cubes", + "chicken fingers", + "refried beans", + "salt", + "enchilada sauce", + "water", + "purple onion", + "garlic cloves", + "yellow corn meal", + "olive oil", + "green chilies" + ] + }, + { + "id": 17646, + "ingredients": [ + "extra-virgin olive oil", + "sourdough bread", + "italian seasoning", + "garlic powder" + ] + }, + { + "id": 20631, + "ingredients": [ + "canned low sodium chicken broth", + "mascarpone", + "salt", + "smoked turkey", + "leeks", + "water", + "ground black pepper", + "arborio rice", + "olive oil", + "dry white wine" + ] + }, + { + "id": 19492, + "ingredients": [ + "cooked bacon", + "chopped cilantro fresh", + "minced onion", + "salt", + "cumin", + "jack cheese", + "baton", + "dried oregano", + "jalapeno chilies", + "cream cheese", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 22895, + "ingredients": [ + "eggs", + "sesame seeds", + "salt", + "sugar", + "baking powder", + "slivered almonds", + "unsalted butter", + "all-purpose flour", + "water", + "vanilla extract" + ] + }, + { + "id": 18607, + "ingredients": [ + "brown sugar", + "all-purpose flour", + "dry yeast", + "chopped walnuts", + "luke warm water", + "vegetable oil", + "white sugar", + "ground cinnamon", + "salt" + ] + }, + { + "id": 34569, + "ingredients": [ + "ginger", + "lard", + "sherry", + "chinese celery cabbage", + "boiling water", + "soy sauce", + "salt", + "dried shrimp", + "pork loin", + "fen szu" + ] + }, + { + "id": 48356, + "ingredients": [ + "kosher salt", + "dry white wine", + "squid", + "large shrimp", + "mussels", + "short-grain rice", + "grouper", + "smoked paprika", + "saffron threads", + "olive oil", + "clam juice", + "garlic cloves", + "tomatoes", + "chopped green bell pepper", + "chopped onion", + "red bell pepper" + ] + }, + { + "id": 12252, + "ingredients": [ + "unsalted butter", + "buttermilk", + "yellow corn meal", + "pimentos", + "all-purpose flour", + "large eggs", + "salt", + "baking soda", + "baking powder" + ] + }, + { + "id": 21071, + "ingredients": [ + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "fresh lemon juice", + "water", + "chicken breasts", + "garlic cloves", + "ground black pepper", + "romaine lettuce leaves", + "croutons", + "kosher salt", + "large eggs", + "anchovy fillets" + ] + }, + { + "id": 22458, + "ingredients": [ + "light corn syrup", + "butter", + "chopped pecans", + "baking soda", + "salt", + "sugar", + "vanilla" + ] + }, + { + "id": 19585, + "ingredients": [ + "peaches", + "salt", + "large eggs", + "unsalted butter", + "all-purpose flour", + "sugar", + "amaretti" + ] + }, + { + "id": 15597, + "ingredients": [ + "warm water", + "baking powder", + "whole wheat flour", + "yeast", + "milk", + "pastry flour", + "sugar", + "coffee" + ] + }, + { + "id": 15038, + "ingredients": [ + "salt", + "baking powder", + "onions", + "all-purpose flour", + "butter", + "low-fat milk" + ] + }, + { + "id": 20028, + "ingredients": [ + "serrano peppers", + "fresh cilantro", + "cream cheese", + "pickled jalapeno peppers", + "salt", + "finely chopped onion", + "imitation crab meat" + ] + }, + { + "id": 29764, + "ingredients": [ + "brown sugar", + "pepper", + "cayenne", + "fresh cranberries", + "garlic", + "smoked paprika", + "chipotle chile", + "lime", + "jalapeno chilies", + "diced tomatoes", + "salt", + "cooked quinoa", + "cotija", + "sweet onion", + "tortillas", + "chili powder", + "shredded sharp cheddar cheese", + "chipotles in adobo", + "avocado", + "black beans", + "olive oil", + "sweet potatoes", + "cilantro", + "pomegranate", + "cumin" + ] + }, + { + "id": 17206, + "ingredients": [ + "green peas", + "unsalted butter", + "fish", + "baking soda", + "salt", + "chips" + ] + }, + { + "id": 40901, + "ingredients": [ + "water", + "shredded lettuce", + "tortilla chips", + "black beans", + "garlic powder", + "salsa", + "ground beef", + "shredded cheddar cheese", + "Ortega Taco Seasoning", + "cheese sauce", + "avocado", + "lime juice", + "diced tomatoes", + "sour cream" + ] + }, + { + "id": 37954, + "ingredients": [ + "vegetables", + "sesame oil", + "garlic", + "water chestnuts", + "teriyaki sauce", + "nonfat beef broth", + "fresh ginger root", + "crushed red pepper flakes", + "scallions", + "chicken breasts", + "linguine", + "onions" + ] + }, + { + "id": 16933, + "ingredients": [ + "wide rice noodles", + "soy sauce", + "honey", + "sesame oil", + "rice vinegar", + "chopped cilantro fresh", + "fish sauce", + "minced garlic", + "salt and ground black pepper", + "napa cabbage", + "celery", + "chicken stock", + "red chili peppers", + "lime", + "extra large shrimp", + "chili oil", + "onions", + "eggs", + "ketchup", + "peanuts", + "vegetable oil", + "garlic chili sauce" + ] + }, + { + "id": 42657, + "ingredients": [ + "olive oil", + "pitted date", + "couscous", + "water", + "orange zest", + "scallion greens", + "salt" + ] + }, + { + "id": 21846, + "ingredients": [ + "chicken broth", + "chicken breasts", + "garlic", + "snow peas", + "lo mein noodles", + "red pepper flakes", + "oyster sauce", + "low sodium soy sauce", + "sesame oil", + "yellow onion", + "olives", + "green onions", + "ginger", + "corn starch" + ] + }, + { + "id": 33834, + "ingredients": [ + "jack cheese", + "garlic", + "sweet onion", + "sour cream", + "paprika", + "baguette", + "green chilies" + ] + }, + { + "id": 25873, + "ingredients": [ + "extra-virgin olive oil", + "fresh lemon juice", + "pepper", + "salt", + "collard greens", + "crushed red pepper", + "lemon zest", + "garlic cloves" + ] + }, + { + "id": 5938, + "ingredients": [ + "chili flakes", + "garlic cloves", + "ground black pepper", + "olive oil", + "spaghetti", + "salt" + ] + }, + { + "id": 34762, + "ingredients": [ + "manchego cheese", + "guava paste" + ] + }, + { + "id": 39835, + "ingredients": [ + "parsley sprigs", + "California bay leaves", + "celery ribs", + "fresh thyme", + "carrots", + "beef shank", + "veal shanks", + "cold water", + "salt", + "onions" + ] + }, + { + "id": 5805, + "ingredients": [ + "water", + "mango", + "confectioners sugar", + "shredded coconut", + "plain whole-milk yogurt", + "ground cardamom", + "saffron" + ] + }, + { + "id": 13914, + "ingredients": [ + "sugar", + "sesame oil", + "ground pork", + "black pepper", + "wonton skins", + "scallions", + "soy sauce", + "chili oil", + "salt", + "eggs", + "minced garlic", + "ground sichuan pepper", + "chinese black vinegar" + ] + }, + { + "id": 45924, + "ingredients": [ + "salmon fillets", + "orange juice", + "ground cardamom", + "plum tomatoes", + "purple onion", + "freshly ground pepper", + "chopped fresh mint", + "ground ginger", + "salt", + "fresh lemon juice", + "olives", + "olive oil", + "ground coriander", + "couscous", + "orange zest" + ] + }, + { + "id": 41460, + "ingredients": [ + "garlic", + "whole wheat spaghetti", + "onions", + "tomato sauce", + "sliced mushrooms", + "diced tomatoes", + "italian seasoning" + ] + }, + { + "id": 37287, + "ingredients": [ + "muenster cheese", + "parmigiano reggiano cheese", + "butter" + ] + }, + { + "id": 25059, + "ingredients": [ + "macadamia nuts", + "salt", + "ground black pepper", + "fresh basil leaves", + "fresh parmesan cheese", + "fresh lemon juice", + "fettucine", + "half & half" + ] + }, + { + "id": 34872, + "ingredients": [ + "cheddar cheese", + "olive oil", + "garlic", + "scallions", + "chipotles in adobo", + "lime juice", + "butternut squash", + "yellow onion", + "corn tortillas", + "sugar", + "jalapeno chilies", + "salt", + "garlic cloves", + "onions", + "tomatoes", + "refried beans", + "seeds", + "safflower", + "chipotle peppers" + ] + }, + { + "id": 7524, + "ingredients": [ + "sticky rice", + "scallions", + "dried scallops", + "salt", + "long-grain rice", + "cold water", + "cilantro sprigs", + "whole chicken", + "fresh ginger", + "cilantro leaves" + ] + }, + { + "id": 10427, + "ingredients": [ + "soy sauce", + "chicken drumsticks", + "hot pepper", + "water", + "garlic", + "sugar", + "balsamic vinegar" + ] + }, + { + "id": 8014, + "ingredients": [ + "red potato", + "prosciutto", + "salt", + "boneless skinless chicken breast halves", + "cherry tomatoes", + "crushed red pepper flakes", + "freshly ground pepper", + "minced garlic", + "zucchini", + "dri leav thyme", + "olive oil", + "purple onion", + "red bell pepper" + ] + }, + { + "id": 14740, + "ingredients": [ + "chicken breast halves", + "all-purpose flour", + "olive oil" + ] + }, + { + "id": 24329, + "ingredients": [ + "red wine vinegar", + "salt", + "garlic powder", + "garlic", + "corn starch", + "flour", + "shells", + "peppercorns", + "pepper", + "thai chile", + "oil" + ] + }, + { + "id": 38514, + "ingredients": [ + "chicken stock", + "black pepper", + "jasmine rice", + "thai basil", + "garlic", + "serrano chile", + "sugar", + "kosher salt", + "lime", + "vegetable oil", + "galangal", + "kaffir lime leaves", + "white wine", + "lemongrass", + "chicken breasts", + "white mushrooms", + "fish sauce", + "Thai chili paste", + "fresh cilantro", + "shallots", + "coconut milk" + ] + }, + { + "id": 12665, + "ingredients": [ + "soy sauce", + "water", + "assorted fresh vegetables", + "vegetable oil", + "fresh seafood", + "corn starch", + "asian fish sauce", + "sugar", + "sliced meat", + "egg whites", + "barbecue sauce", + "rice vinegar", + "shrimp", + "noodles", + "tofu", + "chili pepper", + "lime", + "Shaoxing wine", + "cilantro leaves", + "scallions", + "toasted sesame oil", + "kosher salt", + "minced ginger", + "hot chili oil", + "ginger", + "peanut oil", + "ground white pepper" + ] + }, + { + "id": 24655, + "ingredients": [ + "guanciale", + "kosher salt", + "orecchiette", + "pecorino cheese", + "large egg yolks", + "coars ground black pepper", + "unsalted butter", + "brussels sprouts", + "olive oil" + ] + }, + { + "id": 7078, + "ingredients": [ + "sugar", + "vegetable oil", + "Shaoxing wine", + "star anise", + "light beer", + "ginger", + "dark soy sauce", + "meat", + "garlic" + ] + }, + { + "id": 15995, + "ingredients": [ + "paprika", + "butter cooking spray", + "chicken pieces", + "ground red pepper", + "Italian seasoned breadcrumbs", + "buttermilk", + "garlic salt" + ] + }, + { + "id": 15861, + "ingredients": [ + "cider vinegar", + "cracked black pepper", + "cane syrup", + "collard greens", + "vinegar", + "chopped onion", + "water", + "salt", + "fat free less sodium chicken broth", + "bacon", + "garlic cloves" + ] + }, + { + "id": 30662, + "ingredients": [ + "shredded cheddar cheese", + "chopped tomatoes", + "chives", + "sour cream", + "ketchup", + "seasoning salt", + "barbecue sauce", + "chopped bacon", + "avocado", + "herb mix", + "jalapeno chilies", + "ranch dressing", + "black pepper", + "olive oil", + "green onions", + "baked potato" + ] + }, + { + "id": 17836, + "ingredients": [ + "fresh basil", + "parmesan cheese", + "pepper", + "salt", + "olive oil", + "fresh spinach", + "large garlic cloves" + ] + }, + { + "id": 2078, + "ingredients": [ + "powdered sugar", + "golden delicious apples", + "crème fraîche", + "frozen pastry puff sheets", + "lemon", + "sugar", + "cinnamon", + "eggs", + "flour", + "salt" + ] + }, + { + "id": 3600, + "ingredients": [ + "soy sauce", + "hard-boiled egg", + "ground pork", + "onions", + "cheddar cheese", + "bread crumbs", + "butter", + "crushed pineapple", + "eggs", + "ketchup", + "calamansi juice", + "salt", + "chicken", + "mayonaise", + "pepper", + "raisins", + "carrots" + ] + }, + { + "id": 46302, + "ingredients": [ + "chili powder", + "salt", + "onions", + "tomatoes", + "ginger", + "cumin seed", + "masala", + "cinnamon", + "chickpeas", + "ground turmeric", + "coriander powder", + "garlic", + "oil" + ] + }, + { + "id": 28375, + "ingredients": [ + "nutmeg", + "buttermilk", + "granulated sugar", + "all-purpose flour", + "melted butter", + "vanilla extract", + "large eggs", + "pie shell" + ] + }, + { + "id": 34839, + "ingredients": [ + "lemongrass", + "apples", + "straw mushrooms", + "miso paste", + "bird chile", + "kaffir lime leaves", + "cherry tomatoes", + "oyster mushrooms", + "lime juice", + "shallots", + "galangal" + ] + }, + { + "id": 18345, + "ingredients": [ + "romaine lettuce", + "short-grain rice", + "salt", + "cooked turkey", + "finely chopped onion", + "fresh lemon juice", + "fresh dill", + "olive oil", + "large eggs", + "sliced green onions", + "fat free less sodium chicken broth", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 23205, + "ingredients": [ + "mushrooms", + "beets", + "pinot noir", + "unsalted butter", + "salt", + "shallots" + ] + }, + { + "id": 34763, + "ingredients": [ + "parsley sprigs", + "dried beans", + "dry white wine", + "low salt chicken broth", + "tomato sauce", + "olive oil", + "confit", + "juice", + "onions", + "bread crumb fresh", + "ground black pepper", + "garlic", + "coarse kosher salt", + "pancetta", + "water", + "bay leaves", + "sweet italian sausage", + "thyme sprigs" + ] + }, + { + "id": 26692, + "ingredients": [ + "bread", + "back bacon rashers", + "olive oil", + "button mushrooms", + "eggs", + "milk", + "ground black pepper", + "pork sausages", + "tomatoes", + "sugar", + "vegetables", + "salt", + "streaky bacon", + "pudding", + "butter" + ] + }, + { + "id": 10317, + "ingredients": [ + "unsweetened coconut milk", + "sugar", + "water", + "lime wedges", + "thai chile", + "rice flour", + "onions", + "tumeric", + "red leaf lettuce", + "shell-on shrimp", + "cilantro sprigs", + "scallions", + "fresh lime juice", + "boneless pork shoulder", + "black pepper", + "lemongrass", + "vegetable oil", + "salt", + "sliced mushrooms", + "asian fish sauce", + "light brown sugar", + "minced garlic", + "mung beans", + "loosely packed fresh basil leaves", + "soybean sprouts", + "fresh mint", + "chopped garlic" + ] + }, + { + "id": 11767, + "ingredients": [ + "chicken stock", + "garlic", + "long grain white rice", + "jalapeno chilies", + "salt", + "green bell pepper", + "canned tomatoes", + "vegetable oil", + "onions" + ] + }, + { + "id": 36881, + "ingredients": [ + "ground nutmeg", + "butter", + "baby spinach leaves", + "grated parmesan cheese", + "all-purpose flour", + "large egg yolks", + "whole milk ricotta cheese", + "ground black pepper", + "salt" + ] + }, + { + "id": 33468, + "ingredients": [ + "fresh ginger root", + "rice vinegar", + "ginger purée", + "arrowroot starch", + "peanut oil", + "chicken stock", + "broccoli florets", + "beef sirloin", + "soy sauce", + "ponzu", + "garlic cloves" + ] + }, + { + "id": 20669, + "ingredients": [ + "chicken broth", + "beef", + "salt", + "sour cream", + "milk", + "green onions", + "salsa", + "shredded Monterey Jack cheese", + "shredded cheddar cheese", + "flour tortillas", + "all-purpose flour", + "onions", + "chopped green chilies", + "butter", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 18159, + "ingredients": [ + "brewed coffee", + "1% low-fat milk", + "sugar" + ] + }, + { + "id": 22891, + "ingredients": [ + "water", + "grapeseed oil", + "freshly ground pepper", + "juniper berries", + "lemon", + "beets", + "onions", + "fresh dill", + "bay leaves", + "salt", + "sour cream", + "celery ribs", + "potatoes", + "garlic", + "carrots" + ] + }, + { + "id": 39588, + "ingredients": [ + "parmesan cheese", + "extra-virgin olive oil", + "lemon", + "salt", + "large garlic cloves", + "fresh parsley", + "pepper", + "crushed red pepper flakes", + "spaghetti" + ] + }, + { + "id": 35941, + "ingredients": [ + "sugar", + "dijon mustard", + "rice vinegar", + "dashi powder", + "apple cider vinegar", + "canola oil", + "white pepper", + "egg yolks", + "lemon juice", + "mustard", + "garlic powder", + "salt" + ] + }, + { + "id": 15981, + "ingredients": [ + "boneless skinless chicken breast halves", + "flour tortillas", + "shredded Monterey Jack cheese", + "enchilada sauce" + ] + }, + { + "id": 26013, + "ingredients": [ + "sugar pea", + "broccoli florets", + "rice vinegar", + "oyster sauce", + "low sodium soy sauce", + "Sriracha", + "ginger", + "oil", + "red bell pepper", + "black bean garlic sauce", + "sesame oil", + "peanut oil", + "carrots", + "fish sauce", + "extra firm tofu", + "garlic", + "chow mein noodles", + "bok choy" + ] + }, + { + "id": 5076, + "ingredients": [ + "rice cakes", + "sugar", + "canola oil" + ] + }, + { + "id": 1573, + "ingredients": [ + "fennel seeds", + "olive oil", + "large garlic cloves", + "onions", + "cooked turkey", + "grated parmesan cheese", + "carrots", + "green bell pepper", + "zucchini", + "crushed red pepper", + "dried basil", + "cheese ravioli", + "low salt chicken broth" + ] + }, + { + "id": 39380, + "ingredients": [ + "ground nutmeg", + "onions", + "pepper", + "cooking spray", + "large eggs", + "evaporated skim milk", + "large egg whites", + "salt" + ] + }, + { + "id": 13845, + "ingredients": [ + "powdered sugar", + "milk", + "flour", + "chopped pecans", + "cocoa", + "unsalted butter", + "vanilla", + "sugar", + "baking soda", + "buttermilk", + "canola oil", + "eggs", + "water", + "mini marshmallows", + "salt" + ] + }, + { + "id": 35146, + "ingredients": [ + "unsalted butter", + "sugar", + "salt", + "eggs", + "whole milk", + "active dry yeast", + "bread flour" + ] + }, + { + "id": 32924, + "ingredients": [ + "butter", + "sliced almonds", + "green beans", + "pepper", + "salt" + ] + }, + { + "id": 9567, + "ingredients": [ + "pasta", + "grated parmesan cheese", + "fresh oregano", + "shredded Monterey Jack cheese", + "cream", + "bacon", + "cooked shrimp", + "olive oil", + "garlic", + "plum tomatoes", + "fresh basil", + "green onions", + "toasted pine nuts" + ] + }, + { + "id": 35203, + "ingredients": [ + "sugar", + "dry red wine", + "black peppercorns", + "lemon zest", + "orange zest", + "clove", + "vanilla beans", + "kirsch", + "water", + "cinnamon sticks" + ] + }, + { + "id": 39666, + "ingredients": [ + "kosher salt", + "white wine vinegar", + "lemon", + "frisee", + "radicchio", + "artichokes", + "black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 17786, + "ingredients": [ + "soy sauce", + "minced ginger", + "jasmine rice", + "thai basil", + "fresh curry leaves", + "lemongrass", + "water", + "coconut milk" + ] + }, + { + "id": 21936, + "ingredients": [ + "ground black pepper", + "garlic", + "navy beans", + "artichok heart marin", + "grated romano cheese", + "salt", + "olive oil", + "ground red pepper" + ] + }, + { + "id": 8668, + "ingredients": [ + "plain flour", + "milk", + "powdered milk", + "salt", + "caster sugar", + "instant yeast", + "vanilla", + "bread flour", + "eggs", + "granulated sugar", + "butter", + "all-purpose flour", + "water", + "large eggs", + "tangzhong roux" + ] + }, + { + "id": 41339, + "ingredients": [ + "ground cinnamon", + "golden delicious apples", + "pie dough", + "sugar", + "vanilla extract", + "honey" + ] + }, + { + "id": 32268, + "ingredients": [ + "fresh basil", + "dry red wine", + "mushrooms", + "hot Italian sausages", + "grape tomatoes", + "extra-virgin olive oil", + "fresh rosemary", + "large garlic cloves", + "chicken thighs" + ] + }, + { + "id": 29706, + "ingredients": [ + "low-fat sour cream", + "frozen whole kernel corn", + "cilantro sprigs", + "corn tortillas", + "tomatoes", + "fat free less sodium chicken broth", + "boneless skinless chicken breasts", + "peanut oil", + "ground cumin", + "boneless chicken skinless thigh", + "jalapeno chilies", + "chopped celery", + "onions", + "green chile", + "water", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 42032, + "ingredients": [ + "mayonaise", + "garlic powder", + "chicken breasts", + "crushed red pepper", + "ground allspice", + "slaw", + "tortillas", + "lime wedges", + "cilantro leaves", + "sugar", + "ground nutmeg", + "onion powder", + "salt", + "dried parsley", + "ground cinnamon", + "black pepper", + "jamaican jerk season", + "paprika", + "cayenne pepper" + ] + }, + { + "id": 8105, + "ingredients": [ + "biscuits", + "buttermilk", + "baking powder", + "all-purpose flour", + "baking soda", + "salt", + "butter" + ] + }, + { + "id": 11218, + "ingredients": [ + "black pepper", + "fine sea salt", + "unsalted butter", + "black truffles", + "large eggs" + ] + }, + { + "id": 7159, + "ingredients": [ + "tomatoes", + "garlic", + "dry white wine", + "olives", + "parsley", + "chicken", + "olive oil", + "onions" + ] + }, + { + "id": 47817, + "ingredients": [ + "sugar", + "salt", + "dry yeast", + "cornmeal", + "warm water", + "all-purpose flour", + "cold water", + "cooking spray" + ] + }, + { + "id": 1572, + "ingredients": [ + "water", + "russet potatoes", + "kosher salt", + "meat", + "garlic", + "curry powder", + "ginger", + "pepper", + "vegetable oil", + "onions" + ] + }, + { + "id": 38720, + "ingredients": [ + "butter", + "onions", + "crawfish", + "celery", + "green bell pepper", + "diced tomatoes", + "condensed cream of mushroom soup", + "condensed golden mushroom soup" + ] + }, + { + "id": 14780, + "ingredients": [ + "flour tortillas", + "chopped cilantro", + "nopales", + "shredded cheddar cheese", + "adobo seasoning" + ] + }, + { + "id": 31839, + "ingredients": [ + "fat free less sodium chicken broth", + "half & half", + "chopped fresh thyme", + "lemon rind", + "olive oil", + "leeks", + "salt", + "minced garlic", + "cooking spray", + "diced tomatoes", + "chopped cilantro fresh", + "black pepper", + "sea scallops", + "dry white wine", + "dry bread crumbs" + ] + }, + { + "id": 6501, + "ingredients": [ + "pico de gallo", + "half & half", + "sour cream", + "avocado", + "bell pepper", + "bacon", + "monterey jack", + "tortillas", + "butter", + "onions", + "eggs", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 39533, + "ingredients": [ + "buttermilk", + "baking soda", + "bacon grease", + "eggs", + "salt", + "baking powder", + "cornmeal" + ] + }, + { + "id": 22820, + "ingredients": [ + "pastry shell", + "chopped pecans", + "eggs", + "all-purpose flour", + "buttermilk", + "white sugar", + "flaked coconut", + "margarine" + ] + }, + { + "id": 9619, + "ingredients": [ + "cold water", + "water", + "fryer chickens", + "sauce", + "liquid smoke", + "white pepper", + "flour", + "crushed red pepper flakes", + "cinnamon sticks", + "black pepper", + "honey", + "paprika", + "peanut oil", + "chicken bouillon granules", + "montreal steak seasoning", + "marinade", + "salt", + "seasoned flour" + ] + }, + { + "id": 14025, + "ingredients": [ + "extra-virgin olive oil", + "lemon juice", + "salt", + "potatoes", + "dried oregano" + ] + }, + { + "id": 19697, + "ingredients": [ + "bread crumbs", + "egg whites", + "fresh oregano", + "fresh basil", + "parmesan cheese", + "chopped celery", + "onions", + "tomatoes", + "olive oil", + "cooking spray", + "garlic cloves", + "ground round", + "zucchini", + "salt", + "plum tomatoes" + ] + }, + { + "id": 5370, + "ingredients": [ + "light brown sugar", + "bananas", + "dark rum", + "heavy cream", + "light rum", + "brown sugar", + "large eggs", + "cinnamon", + "salt", + "corn starch", + "ground cinnamon", + "granulated sugar", + "baking powder", + "vanilla extract", + "cream cheese", + "baking soda", + "flour", + "butter", + "all-purpose flour", + "chopped pecans" + ] + }, + { + "id": 32639, + "ingredients": [ + "salt", + "water", + "corn starch", + "baking soda", + "large shrimp", + "chiles", + "peanut oil" + ] + }, + { + "id": 15249, + "ingredients": [ + "shad fillets", + "corn starch", + "egg yolks", + "sauce", + "baking soda", + "salt", + "ice", + "vegetable oil", + "rice flour" + ] + }, + { + "id": 47776, + "ingredients": [ + "olive oil", + "natural yogurt", + "dried oregano", + "tomatoes", + "lemon", + "cucumber", + "red cabbage", + "garlic cloves", + "flatbread", + "red wine", + "lamb leg" + ] + }, + { + "id": 48134, + "ingredients": [ + "granulated sugar", + "mango", + "berries", + "lime", + "cachaca", + "pineapple" + ] + }, + { + "id": 24141, + "ingredients": [ + "garlic powder", + "chopped celery", + "onions", + "chicken broth", + "butter", + "green beans", + "cold water", + "mushrooms", + "corn starch", + "soy sauce", + "chicken meat", + "baby corn" + ] + }, + { + "id": 4117, + "ingredients": [ + "dried black mushrooms", + "sugar", + "low sodium chicken broth", + "sesame oil", + "corn starch", + "eggs", + "water", + "green onions", + "salt", + "dried cloud ears", + "soy sauce", + "lily buds", + "ginger", + "bamboo shoots", + "dark soy sauce", + "pork tenderloin", + "rice wine", + "oil" + ] + }, + { + "id": 20578, + "ingredients": [ + "lemon", + "white sugar", + "vanilla extract", + "cold water" + ] + }, + { + "id": 47585, + "ingredients": [ + "eggs", + "baking soda", + "salt", + "unsweetened cocoa powder", + "sugar", + "baking powder", + "chopped walnuts", + "ground cinnamon", + "coffee granules", + "vanilla extract", + "hot water", + "vegetable oil cooking spray", + "egg whites", + "all-purpose flour" + ] + }, + { + "id": 20326, + "ingredients": [ + "ice", + "lime", + "cachaca", + "sugar" + ] + }, + { + "id": 43932, + "ingredients": [ + "melted butter", + "granulated sugar", + "cream cheese", + "brown sugar", + "vanilla", + "sweet rice flour", + "eggs", + "baking powder", + "crushed pineapple", + "milk", + "cream of coconut" + ] + }, + { + "id": 29704, + "ingredients": [ + "pea shoots", + "rice wine", + "salt", + "garlic cloves", + "onions", + "soy sauce", + "vegetable oil", + "scallions", + "dried red chile peppers", + "grated orange", + "brown sugar", + "sesame oil", + "cumin seed", + "corn starch", + "broth", + "cold water", + "bean paste", + "ginger", + "chinese five-spice powder", + "duck drumsticks" + ] + }, + { + "id": 12447, + "ingredients": [ + "green bell pepper", + "bay leaves", + "salt", + "water", + "butter", + "fresh parsley", + "tomato sauce", + "ground red pepper", + "celery", + "cooked rice", + "medium shrimp uncook", + "garlic", + "onions" + ] + }, + { + "id": 38117, + "ingredients": [ + "panko breadcrumbs", + "skinless chicken breasts", + "peanut sauce", + "coconut milk" + ] + }, + { + "id": 2684, + "ingredients": [ + "cooked chicken", + "romaine lettuce", + "herb dressing", + "tomatoes", + "kalamata", + "garbanzo beans", + "feta cheese crumbles" + ] + }, + { + "id": 25371, + "ingredients": [ + "milk", + "tortilla chips", + "oregano", + "black olives", + "ground beef", + "vegetables", + "garlic cloves", + "cheddar cheese", + "sauce", + "onions" + ] + }, + { + "id": 25518, + "ingredients": [ + "carrots", + "sugar pea", + "spaghetti", + "broccoli", + "pasta sauce", + "celery" + ] + }, + { + "id": 27083, + "ingredients": [ + "boneless skinless chicken breasts", + "mozzarella cheese", + "prepar pesto", + "roma tomatoes" + ] + }, + { + "id": 16073, + "ingredients": [ + "water", + "ground cardamom", + "sugar", + "whole milk", + "pistachios", + "saffron", + "unsalted almonds", + "rice" + ] + }, + { + "id": 45667, + "ingredients": [ + "black pepper", + "black-eyed peas", + "bacon", + "peanut oil", + "chicken broth", + "water", + "roasted red peppers", + "salt", + "cornmeal", + "turnip greens", + "milk", + "cajun seasoning", + "chopped onion", + "cider vinegar", + "ground black pepper", + "trout fillet", + "garlic cloves" + ] + }, + { + "id": 44188, + "ingredients": [ + "cayenne", + "large garlic cloves", + "sliced almonds", + "baby spinach", + "extra-virgin olive oil", + "pork tenderloin", + "paprika", + "pepper", + "red wine vinegar" + ] + }, + { + "id": 44888, + "ingredients": [ + "flour tortillas", + "monterey jack", + "pepper", + "chives", + "eggs", + "potatoes", + "seasoning salt", + "breakfast sausages" + ] + }, + { + "id": 41594, + "ingredients": [ + "minced garlic", + "casings", + "lamb", + "fennel seeds", + "harissa", + "lamb shoulder", + "coriander seeds", + "paprika", + "cumin seed", + "kosher salt", + "ice water", + "cayenne pepper" + ] + }, + { + "id": 1061, + "ingredients": [ + "fish sauce", + "chicken breasts", + "oyster sauce", + "long beans", + "white pepper", + "salt", + "shrimp", + "soy sauce", + "ginger", + "carrots", + "eggs", + "cooking oil", + "rice" + ] + }, + { + "id": 6536, + "ingredients": [ + "kosher salt", + "purple onion", + "plum tomatoes", + "hard-boiled egg", + "asparagus spears", + "ground black pepper", + "fresh lemon juice", + "capers", + "extra-virgin olive oil", + "chopped parsley" + ] + }, + { + "id": 31586, + "ingredients": [ + "white pepper", + "jalapeno chilies", + "all-purpose flour", + "cooking oil", + "baking powder", + "shrimp", + "water", + "green onions", + "oil", + "red chili peppers", + "egg whites", + "salt", + "corn starch" + ] + }, + { + "id": 9792, + "ingredients": [ + "sea salt", + "freshly ground pepper", + "sugar", + "yellow onion", + "flatbread", + "salt", + "fresh basil leaves", + "olive oil", + "goat cheese" + ] + }, + { + "id": 40395, + "ingredients": [ + "lime juice", + "cilantro leaves", + "rice noodles", + "carrots", + "unsalted cashews", + "chickpeas", + "sweet chili sauce", + "napa cabbage", + "chopped fresh mint" + ] + }, + { + "id": 24861, + "ingredients": [ + "ground black pepper", + "garlic", + "kosher salt", + "parsley", + "clams", + "dry white wine", + "olive oil", + "linguine" + ] + }, + { + "id": 32253, + "ingredients": [ + "tomatoes", + "coconut", + "cinnamon", + "curds", + "cinnamon sticks", + "peppercorns", + "garlic paste", + "garam masala", + "salt", + "cardamom", + "bay leaf", + "chicken", + "clove", + "tumeric", + "mint leaves", + "green chilies", + "lemon juice", + "onions", + "red chili powder", + "coriander seeds", + "poppy seeds", + "oil", + "jeera", + "shahi jeera" + ] + }, + { + "id": 31082, + "ingredients": [ + "water", + "egg yolks", + "cayenne pepper", + "toast", + "chervil", + "artichoke hearts", + "salt", + "ground white pepper", + "eggs", + "creamed spinach", + "parsley", + "fresh lemon juice", + "fresh chives", + "unsalted butter", + "fines herbes", + "tarragon" + ] + }, + { + "id": 19298, + "ingredients": [ + "chicken wings", + "water", + "rice vinegar", + "chili flakes", + "soy sauce", + "ginger", + "sesame", + "pepper", + "salt", + "brown sugar", + "honey", + "wondra flour" + ] + }, + { + "id": 6600, + "ingredients": [ + "black pepper", + "japanese cucumber", + "corn", + "salt", + "water", + "Japanese Mayonnaise", + "potatoes", + "carrots" + ] + }, + { + "id": 46939, + "ingredients": [ + "shallots", + "salt", + "low-fat milk", + "hot pepper sauce", + "baby spinach", + "large shrimp", + "clam juice", + "garlic cloves", + "quickcooking grits", + "lemon", + "applewood smoked bacon" + ] + }, + { + "id": 6092, + "ingredients": [ + "self rising flour", + "lard", + "buttermilk", + "country ham" + ] + }, + { + "id": 36600, + "ingredients": [ + "nutmeg", + "vanilla beans", + "honey", + "golden raisins", + "all purpose unbleached flour", + "brandy", + "active dry yeast", + "almonds", + "vegetable oil", + "orange juice", + "sugar", + "milk", + "large egg yolks", + "Cointreau Liqueur", + "vanilla extract", + "water", + "large egg whites", + "unsalted butter", + "almond extract", + "ground cardamom" + ] + }, + { + "id": 45979, + "ingredients": [ + "tapioca flour", + "baking spray", + "olive oil", + "white cheddar cheese", + "milk", + "butter", + "eggs", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 46910, + "ingredients": [ + "arborio rice", + "olive oil", + "grated parmesan cheese", + "chopped celery", + "chopped pecans", + "collards", + "green olives", + "ground black pepper", + "large garlic cloves", + "hot Italian sausages", + "flat leaf parsley", + "chicken stock", + "sherry vinegar", + "dry white wine", + "chopped onion", + "red bell pepper", + "kosher salt", + "unsalted butter", + "extra-virgin olive oil", + "oil", + "field peas" + ] + }, + { + "id": 14174, + "ingredients": [ + "white wine", + "grated parmesan cheese", + "salt", + "cabbage", + "mashed potatoes", + "whole grain mustard", + "flour", + "oil", + "milk", + "potatoes", + "beer", + "corned beef", + "eggs", + "baking soda", + "butter", + "heavy whipping cream" + ] + }, + { + "id": 10609, + "ingredients": [ + "tomatoes", + "vegetable oil", + "chipotles in adobo", + "flour tortillas", + "chicken stock cubes", + "chopped cilantro fresh", + "water", + "garlic", + "onions", + "cooked chicken", + "hellmann' or best food real mayonnais", + "sliced green onions" + ] + }, + { + "id": 28647, + "ingredients": [ + "ground cinnamon", + "orzo", + "oregano", + "chopped tomatoes", + "cinnamon sticks", + "olive oil", + "lamb", + "chicken stock", + "freshly grated parmesan", + "onions" + ] + }, + { + "id": 19066, + "ingredients": [ + "ground cinnamon", + "white onion", + "paprika", + "ground coriander", + "nutmeg", + "safflower oil", + "Sriracha", + "salt", + "chopped cilantro", + "fenugreek leaves", + "water", + "garlic", + "ground cardamom", + "tomatoes", + "black pepper", + "vegan butter", + "brown lentils", + "ground cumin" + ] + }, + { + "id": 16803, + "ingredients": [ + "fresh spinach", + "dates", + "ground cumin", + "pitas", + "low-fat yogurt", + "honey", + "salt", + "ground cinnamon", + "shredded carrots", + "chicken" + ] + }, + { + "id": 49114, + "ingredients": [ + "large eggs", + "all-purpose flour", + "paprika", + "lemon juice", + "milk", + "salt", + "vegetable oil", + "whole chicken" + ] + }, + { + "id": 14664, + "ingredients": [ + "olive oil", + "onions", + "unsalted butter", + "swiss chard", + "garlic cloves" + ] + }, + { + "id": 39670, + "ingredients": [ + "ground cinnamon", + "butter", + "egg whites", + "salt", + "sugar", + "whipping cream", + "flour" + ] + }, + { + "id": 4583, + "ingredients": [ + "fresh ginger", + "masala", + "cornish hens", + "salt", + "minced garlic", + "low-fat yogurt" + ] + }, + { + "id": 31121, + "ingredients": [ + "brown sugar", + "refrigerated piecrusts", + "pie crust", + "unsalted butter", + "toast", + "dark corn syrup", + "salt", + "eggs", + "bourbon whiskey" + ] + }, + { + "id": 12589, + "ingredients": [ + "brown sugar", + "jerk paste", + "ground thyme", + "beer", + "ketchup", + "green onions", + "salt", + "allspice", + "soy sauce", + "base", + "ginger", + "garlic cloves", + "nutmeg", + "pepper", + "cinnamon", + "pineapple juice" + ] + }, + { + "id": 22551, + "ingredients": [ + "large eggs", + "salt", + "ground cinnamon", + "baking powder", + "margarine", + "cooking spray", + "all-purpose flour", + "sugar", + "vanilla extract" + ] + }, + { + "id": 11817, + "ingredients": [ + "zucchini", + "salt", + "dried oregano", + "pepper", + "condensed tomato soup", + "carrots", + "lean ground beef", + "elbow macaroni", + "water", + "garlic", + "feta cheese crumbles" + ] + }, + { + "id": 22003, + "ingredients": [ + "ground black pepper", + "chopped cilantro fresh", + "curry powder", + "sea salt", + "new potatoes", + "ground turmeric", + "olive oil", + "cumin seed" + ] + }, + { + "id": 42091, + "ingredients": [ + "kosher salt", + "scallions", + "California bay leaves", + "boneless pork shoulder", + "dry sherry", + "fatback", + "parsley sprigs", + "toasted baguette", + "garlic cloves", + "water", + "chinese five-spice powder", + "carrots" + ] + }, + { + "id": 45966, + "ingredients": [ + "vegetable oil", + "club soda", + "garlic powder", + "all-purpose flour", + "salt", + "ground red pepper", + "dill pickles" + ] + }, + { + "id": 6811, + "ingredients": [ + "fat free milk", + "cooking spray", + "salt", + "large eggs", + "butter", + "semisweet chocolate", + "baking powder", + "all-purpose flour", + "light brown sugar", + "chunky peanut butter", + "vanilla extract" + ] + }, + { + "id": 2711, + "ingredients": [ + "McCormick Parsley Flakes", + "marinara sauce", + "McCormick Garlic Powder", + "lasagna noodles", + "mccormick perfect pinch italian seasoning", + "shredded mozzarella cheese", + "water", + "ricotta cheese", + "McCormick Black Pepper", + "eggs", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 44757, + "ingredients": [ + "soy sauce", + "bay leaves", + "peppercorns", + "ground pepper", + "garlic cloves", + "pork", + "vinegar", + "onions", + "water", + "salt", + "chicken" + ] + }, + { + "id": 5349, + "ingredients": [ + "citrus rind", + "Grand Marnier", + "raspberry juice", + "red wine", + "sugar", + "fresh cranberries", + "club soda", + "orange", + "lemon" + ] + }, + { + "id": 30294, + "ingredients": [ + "fish sauce", + "lettuce leaves", + "garlic", + "ground cumin", + "water", + "lemon", + "minced beef", + "caster sugar", + "vegetable oil", + "chili sauce", + "chopped tomatoes", + "clove garlic, fine chop", + "long grain white rice" + ] + }, + { + "id": 48944, + "ingredients": [ + "plain flour", + "cumin seed", + "whole wheat flour", + "water", + "ghee", + "salt" + ] + }, + { + "id": 44048, + "ingredients": [ + "white wine", + "fresh tarragon", + "sour cream", + "minced onion", + "salt", + "fontina cheese", + "mushrooms", + "freshly ground pepper", + "shiitake", + "extra-virgin olive oil", + "polenta" + ] + }, + { + "id": 411, + "ingredients": [ + "water", + "stevia powder", + "tea bags", + "peaches" + ] + }, + { + "id": 44998, + "ingredients": [ + "mirin", + "bamboo shoots", + "sugar", + "ginger", + "sake", + "sesame oil", + "chicken", + "soy sauce", + "garlic" + ] + }, + { + "id": 18078, + "ingredients": [ + "fresh basil", + "green beans", + "corn oil", + "boneless skinless chicken breast halves", + "fish sauce", + "low salt chicken broth", + "unsweetened coconut milk", + "Thai red curry paste", + "japanese eggplants" + ] + }, + { + "id": 48533, + "ingredients": [ + "minced garlic", + "bacon", + "red bell pepper", + "pesto", + "broccoli florets", + "bow-tie pasta", + "onions", + "grated parmesan cheese", + "extra-virgin olive oil", + "heavy whipping cream", + "reduced sodium chicken broth", + "chicken breasts", + "sliced mushrooms", + "butter beans" + ] + }, + { + "id": 16485, + "ingredients": [ + "water", + "spring onions", + "cracked black pepper", + "shrimp", + "fish sauce", + "grated cauliflower", + "coarse sea salt", + "sausages", + "onions", + "chili flakes", + "honey", + "apple cider vinegar", + "garlic cloves", + "fresh lime juice", + "coconut oil", + "large eggs", + "cilantro", + "carrots", + "snow peas" + ] + }, + { + "id": 32939, + "ingredients": [ + "baking powder", + "whipping cream", + "sour cream", + "large eggs", + "mint sprigs", + "strawberries", + "sugar", + "butter", + "all-purpose flour", + "almond extract", + "vanilla extract" + ] + }, + { + "id": 11808, + "ingredients": [ + "cooked ham", + "fresh peas", + "salt", + "pepper", + "butter", + "white onion", + "grated parmesan cheese", + "pasta", + "water", + "heavy cream" + ] + }, + { + "id": 23059, + "ingredients": [ + "chinese rice wine", + "sesame oil", + "white pepper", + "ginger", + "soy sauce", + "chicken drumsticks", + "water", + "oyster sauce" + ] + }, + { + "id": 16466, + "ingredients": [ + "chicken broth", + "cooked turkey", + "bay leaves", + "worcestershire sauce", + "okra", + "celery", + "black pepper", + "fresh thyme", + "vegetable oil", + "all-purpose flour", + "carrots", + "cooked rice", + "cayenne", + "green onions", + "garlic", + "ham", + "peppercorns", + "clove", + "kosher salt", + "bell pepper", + "butter", + "yellow onion", + "chopped parsley" + ] + }, + { + "id": 7315, + "ingredients": [ + "milk", + "all-purpose flour", + "salt", + "eggs" + ] + }, + { + "id": 13178, + "ingredients": [ + "curry leaves", + "shallots", + "ground cumin", + "grated coconut", + "black mustard seeds", + "coconut oil", + "green chilies", + "green cabbage", + "kosher salt", + "ground turmeric" + ] + }, + { + "id": 2751, + "ingredients": [ + "fresh curry leaves", + "grated nutmeg", + "onions", + "hot red pepper flakes", + "brown mustard seeds", + "garlic cloves", + "tumeric", + "shallots", + "fenugreek seeds", + "ground cumin", + "ground cloves", + "vegetable oil", + "ground cardamom" + ] + }, + { + "id": 41395, + "ingredients": [ + "avocado", + "radishes", + "garlic", + "cabbage", + "hominy", + "Mexican oregano", + "red bell pepper", + "water", + "bay leaves", + "salt", + "ground cumin", + "pork leg", + "lime wedges", + "ancho chile pepper" + ] + }, + { + "id": 20534, + "ingredients": [ + "large eggs", + "salt", + "cocoa", + "baking powder", + "sugar", + "coffee liqueur", + "all-purpose flour", + "almonds", + "butter" + ] + }, + { + "id": 12111, + "ingredients": [ + "unsalted butter", + "scallions", + "water", + "all-purpose flour", + "stilton", + "bacon", + "large eggs" + ] + }, + { + "id": 38708, + "ingredients": [ + "ground black pepper", + "gingersnap", + "canola oil", + "kosher salt", + "pumpkin", + "fresh lemon juice", + "salad greens", + "cooking spray", + "hard cider", + "sugar", + "dijon mustard", + "golden raisins" + ] + }, + { + "id": 37481, + "ingredients": [ + "saffron threads", + "minced garlic", + "rum", + "spanish paprika", + "onions", + "capers", + "artichoke hearts", + "salt", + "red bell pepper", + "chopped garlic", + "arborio rice", + "olive oil", + "diced tomatoes", + "pork loin chops", + "large shrimp", + "canned low sodium chicken broth", + "ground black pepper", + "fresh oregano", + "fresh lime juice", + "ground cumin" + ] + }, + { + "id": 28048, + "ingredients": [ + "sugar", + "vegetable oil", + "serrano chile", + "white onion", + "salt", + "cider vinegar", + "allspice berries", + "lime juice", + "chopped cilantro" + ] + }, + { + "id": 13123, + "ingredients": [ + "green onions", + "heavy cream", + "bow-tie pasta", + "chicken bouillon", + "butter", + "garlic", + "fresh parsley", + "boneless skinless chicken breasts", + "bacon", + "corn starch", + "sun-dried tomatoes", + "asiago", + "purple onion" + ] + }, + { + "id": 2174, + "ingredients": [ + "chives", + "deveined shrimp" + ] + }, + { + "id": 17190, + "ingredients": [ + "tomato paste", + "ground black pepper", + "yellow bell pepper", + "cayenne pepper", + "flat leaf parsley", + "white vinegar", + "andouille sausage", + "bay leaves", + "salt", + "okra", + "cooked white rice", + "scallion greens", + "dried thyme", + "vegetable oil", + "all-purpose flour", + "garlic cloves", + "chicken thighs", + "chicken broth", + "whole peeled tomatoes", + "purple onion", + "ground allspice", + "celery" + ] + }, + { + "id": 25756, + "ingredients": [ + "white onion", + "boneless skinless chicken breasts", + "shredded cheese", + "pepper", + "vegetable oil", + "chopped cilantro fresh", + "diced green chilies", + "salt", + "black beans", + "flour tortillas", + "red enchilada sauce" + ] + }, + { + "id": 38180, + "ingredients": [ + "sugar", + "tomatoes with juice", + "cayenne pepper", + "onions", + "garbanzo beans", + "garlic", + "lemon juice", + "olive oil", + "vegetable broth", + "ground coriander", + "boneless skinless chicken breast halves", + "butternut squash", + "salt", + "carrots" + ] + }, + { + "id": 26892, + "ingredients": [ + "fat free milk", + "dry bread crumbs", + "large shrimp", + "salt", + "creole seasoning", + "worcestershire sauce", + "hot sauce", + "olive oil", + "all-purpose flour", + "canola mayonnaise" + ] + }, + { + "id": 23757, + "ingredients": [ + "sake", + "tonic water", + "granny smith apples", + "lime wedges" + ] + }, + { + "id": 8553, + "ingredients": [ + "halibut fillets", + "leeks", + "low salt chicken broth", + "mayonaise", + "olive oil", + "cayenne pepper", + "saffron threads", + "fronds", + "dry white wine", + "baguette", + "fennel bulb", + "garlic cloves" + ] + }, + { + "id": 36272, + "ingredients": [ + "soy sauce", + "lemon grass", + "ground coriander", + "chopped cilantro fresh", + "lime", + "chile pepper", + "coconut milk", + "minced garlic", + "corn oil", + "baby corn", + "ground cumin", + "fresh ginger root", + "fresh green bean", + "medium shrimp" + ] + }, + { + "id": 35224, + "ingredients": [ + "mayonaise", + "tomato paste", + "peeled fresh ginger", + "curry paste" + ] + }, + { + "id": 5203, + "ingredients": [ + "peaches", + "sugar", + "all-purpose flour", + "melted butter", + "baking powder", + "milk" + ] + }, + { + "id": 23565, + "ingredients": [ + "sugar", + "granulated sugar", + "cake flour", + "nutmeg", + "ground cloves", + "baking powder", + "granny smith apples", + "large eggs", + "salt", + "ground cinnamon", + "milk", + "butter" + ] + }, + { + "id": 31420, + "ingredients": [ + "mint", + "naan", + "greek style plain yogurt", + "rub", + "basmati rice", + "char fillets" + ] + }, + { + "id": 43491, + "ingredients": [ + "black bean sauce", + "rice vinegar", + "fresh ginger root", + "chinese five-spice powder", + "sesame oil", + "pak choi", + "sirloin steak", + "garlic cloves" + ] + }, + { + "id": 38773, + "ingredients": [ + "chicken broth", + "onions", + "boneless skinless chicken breasts", + "cream of chicken soup", + "dried parsley", + "biscuits", + "butter" + ] + }, + { + "id": 15223, + "ingredients": [ + "green chilies", + "curry paste", + "chopped tomatoes", + "beets", + "basmati rice", + "yellow mustard seeds", + "ground almonds", + "onions", + "vegetable oil", + "low-fat natural yogurt" + ] + }, + { + "id": 17763, + "ingredients": [ + "sugar", + "salt", + "egg yolks", + "ice water", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 24528, + "ingredients": [ + "water", + "whole milk ricotta cheese", + "fresh mint", + "large eggs", + "extra-virgin olive oil", + "asparagus", + "green peas", + "egg pasta", + "green onions", + "salt" + ] + }, + { + "id": 21704, + "ingredients": [ + "ground cinnamon", + "water", + "salt", + "tart apples", + "quick-cooking tapioca", + "baking powder", + "whipped topping", + "sugar", + "milk", + "all-purpose flour", + "shredded cheddar cheese", + "butter", + "chopped walnuts" + ] + }, + { + "id": 45329, + "ingredients": [ + "kosher salt", + "heavy cream", + "chicken", + "black beans", + "ground black pepper", + "salsa", + "shredded cheddar cheese", + "extra-virgin olive oil", + "ground cumin", + "white onion", + "sliced black olives", + "corn tortillas" + ] + }, + { + "id": 48876, + "ingredients": [ + "baking soda", + "salt", + "jerk seasoning", + "large eggs", + "cornmeal", + "sugar", + "unsalted butter", + "all-purpose flour", + "olive oil", + "buttermilk" + ] + }, + { + "id": 3741, + "ingredients": [ + "chicken broth", + "rice", + "cilantro", + "shredded Monterey Jack cheese", + "diced green chilies", + "sour cream", + "yellow corn" + ] + }, + { + "id": 47710, + "ingredients": [ + "kosher salt", + "grated lemon zest", + "cheese ravioli", + "shallots", + "frozen peas", + "black pepper", + "butter" + ] + }, + { + "id": 9182, + "ingredients": [ + "olive oil", + "vegetable stock", + "celery", + "tomatoes", + "ground black pepper", + "purple onion", + "stewing beef", + "dry red wine", + "polenta", + "kosher salt", + "fresh thyme", + "carrots" + ] + }, + { + "id": 13782, + "ingredients": [ + "ground black pepper", + "stuffing", + "garlic", + "dried oregano", + "chiles", + "large eggs", + "turkey stock", + "celery", + "unsalted butter", + "baking powder", + "frozen corn kernels", + "ground cumin", + "kosher salt", + "flour", + "vegetable oil", + "onions" + ] + }, + { + "id": 3369, + "ingredients": [ + "sesame seeds", + "garlic", + "carrots", + "rice syrup", + "sesame oil", + "Gochujang base", + "white sugar", + "green onions", + "corn syrup", + "onions", + "fishcake", + "vegetable oil", + "green chilies" + ] + }, + { + "id": 11985, + "ingredients": [ + "flour", + "sugar", + "baking powder", + "milk", + "butter", + "peaches", + "salt" + ] + }, + { + "id": 39817, + "ingredients": [ + "brown sugar", + "fresh ginger", + "garlic", + "canola oil", + "ketchup", + "boneless skinless chicken breasts", + "all-purpose flour", + "soy sauce", + "green onions", + "rice vinegar", + "cooked rice", + "black pepper", + "red pepper flakes", + "cashew nuts" + ] + }, + { + "id": 26869, + "ingredients": [ + "cooked rice", + "swiss chard", + "bread crumbs", + "garlic", + "spinach", + "zucchini", + "eggs", + "olive oil", + "salt" + ] + }, + { + "id": 37461, + "ingredients": [ + "tomatoes", + "lime juice", + "cinnamon", + "salt", + "onions", + "clove", + "red chili peppers", + "vegetables", + "anise", + "cardamom pods", + "ginger paste", + "garlic paste", + "coriander seeds", + "poppy seeds", + "cilantro leaves", + "chicken", + "curry leaves", + "grated coconut", + "chili powder", + "star anise", + "cumin seed" + ] + }, + { + "id": 24217, + "ingredients": [ + "ground cinnamon", + "brewed espresso", + "1% low-fat milk" + ] + }, + { + "id": 2474, + "ingredients": [ + "cayenne pepper", + "mayonaise", + "sun-dried tomatoes", + "garlic cloves" + ] + }, + { + "id": 45929, + "ingredients": [ + "sugar", + "edible flowers", + "vanilla extract", + "caster sugar", + "egg yolks", + "lemon juice", + "cream", + "cherries", + "strawberries", + "eggs", + "water", + "pistachio nuts" + ] + }, + { + "id": 12768, + "ingredients": [ + "large eggs", + "all-purpose flour", + "vanilla extract", + "butter", + "cream cheese, soften", + "sugar", + "salt" + ] + }, + { + "id": 924, + "ingredients": [ + "catfish fillets", + "ground black pepper", + "all-purpose flour", + "milk", + "vegetable oil", + "yellow corn meal", + "ground red pepper", + "hot sauce", + "garlic powder", + "salt" + ] + }, + { + "id": 13258, + "ingredients": [ + "cream", + "vanilla extract", + "eggs", + "butter", + "bread", + "milk", + "grated nutmeg", + "sugar", + "raisins" + ] + }, + { + "id": 7955, + "ingredients": [ + "serrano chilies", + "nonfat yogurt", + "mustard seeds", + "fresh cilantro", + "salt", + "salad oil", + "low-fat sour cream", + "zucchini", + "red bell pepper", + "corn kernels", + "cumin seed" + ] + }, + { + "id": 37056, + "ingredients": [ + "water", + "low sodium chicken broth", + "cream style corn", + "eggs", + "corn starch" + ] + }, + { + "id": 17934, + "ingredients": [ + "feta cheese", + "flour", + "garlic", + "tortilla chips", + "ground black pepper", + "boneless skinless chicken breasts", + "purple onion", + "sour cream", + "canned low sodium chicken broth", + "cayenne", + "chili powder", + "salt", + "ground cumin", + "sugar", + "cooking oil", + "paprika", + "cilantro leaves" + ] + }, + { + "id": 5843, + "ingredients": [ + "white vinegar", + "black pepper", + "green beans", + "ground turmeric", + "table salt", + "cauliflower florets", + "mustard seeds", + "English mustard", + "green tomatoes", + "cucumber", + "sugar", + "cornflour", + "onions" + ] + }, + { + "id": 46881, + "ingredients": [ + "parmigiano-reggiano cheese", + "vine ripened tomatoes", + "spaghetti", + "ground black pepper", + "salt", + "ricotta salata", + "extra-virgin olive oil", + "herbs", + "flat leaf parsley" + ] + }, + { + "id": 4049, + "ingredients": [ + "serrano peppers", + "hass avocado", + "olive oil", + "garlic", + "iceberg lettuce", + "water", + "chile pepper", + "chopped cilantro fresh", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 24173, + "ingredients": [ + "baking soda", + "baking powder", + "all-purpose flour", + "brown sugar", + "unsalted butter", + "vanilla extract", + "ground allspice", + "ground cinnamon", + "peaches", + "buttermilk", + "blueberries", + "coarse sugar", + "granulated sugar", + "salt", + "corn starch" + ] + }, + { + "id": 4683, + "ingredients": [ + "fresh rosemary", + "manchego cheese", + "red bell pepper", + "fat free less sodium chicken broth", + "dry white wine", + "steel-cut oats", + "finely chopped onion", + "chicken", + "olive oil", + "salt" + ] + }, + { + "id": 32612, + "ingredients": [ + "cooking spray", + "salt", + "sliced mushrooms", + "large egg whites", + "green onions", + "long-grain rice", + "snow peas", + "low sodium soy sauce", + "peeled fresh ginger", + "dark sesame oil", + "onions", + "large eggs", + "dry sherry", + "garlic cloves", + "center cut loin pork chop" + ] + }, + { + "id": 11314, + "ingredients": [ + "frozen limeade", + "red grapefruit juice", + "tequila", + "lime wedges", + "ice" + ] + }, + { + "id": 13550, + "ingredients": [ + "flour tortillas", + "passata", + "sour cream", + "water", + "parsley", + "green pepper", + "onions", + "cheddar cheese", + "chili powder", + "salt", + "fillets", + "ground black pepper", + "garlic", + "enchilada sauce", + "dried oregano" + ] + }, + { + "id": 2483, + "ingredients": [ + "tumeric", + "garam masala", + "cumin seed", + "moong dal", + "salt", + "ghee", + "red chili peppers", + "ginger", + "lemon juice", + "spinach", + "water", + "cayenne pepper", + "asafetida" + ] + }, + { + "id": 9573, + "ingredients": [ + "extra-virgin olive oil", + "pesto", + "broccoli", + "salt", + "grated parmesan cheese", + "spaghetti" + ] + }, + { + "id": 34113, + "ingredients": [ + "black peppercorns", + "water", + "ginger", + "dried chile", + "tofu", + "sugar", + "green onions", + "rice vinegar", + "fish sauce", + "chili paste", + "garlic", + "ground beef", + "chicken broth", + "soy sauce", + "grapeseed oil", + "corn starch" + ] + }, + { + "id": 37865, + "ingredients": [ + "ginger", + "onions", + "rice", + "chicken", + "garlic", + "green papaya", + "fish sauce", + "pepper leaves" + ] + }, + { + "id": 36951, + "ingredients": [ + "lime", + "white rum", + "cachaca", + "sugar", + "ice", + "fresh lemon juice" + ] + }, + { + "id": 4703, + "ingredients": [ + "butternut squash", + "garlic", + "carrots", + "olive oil", + "tomatoes with juice", + "ground coriander", + "sugar", + "chili powder", + "salt", + "onions", + "garbanzo beans", + "vegetable broth", + "lemon juice" + ] + }, + { + "id": 10734, + "ingredients": [ + "olive oil", + "ginger", + "cream yogurt", + "red chili powder", + "coriander powder", + "salt", + "chicken", + "fresh coriander", + "lemon", + "green chilies", + "ground cumin", + "ground cinnamon", + "garam masala", + "garlic", + "ground turmeric" + ] + }, + { + "id": 40444, + "ingredients": [ + "eggs", + "black pepper", + "garlic", + "thyme", + "green bell pepper", + "cooking oil", + "tomato ketchup", + "onions", + "pepper sauce", + "bread crumbs", + "salt", + "hot water", + "steak sauce", + "ketchup", + "worcestershire sauce", + "bbq sauce" + ] + }, + { + "id": 44334, + "ingredients": [ + "milk", + "all-purpose flour", + "condensed tomato soup", + "butter", + "shredded cheddar cheese", + "worcestershire sauce" + ] + }, + { + "id": 35991, + "ingredients": [ + "water", + "extra-virgin olive oil", + "fresh basil", + "large garlic cloves", + "tomatoes", + "red wine vinegar", + "flat leaf parsley", + "capers", + "anchovy paste" + ] + }, + { + "id": 34020, + "ingredients": [ + "pepper", + "brewed espresso", + "baby back ribs", + "eggs", + "heavy cream", + "sweet paprika", + "canola oil", + "yellow corn meal", + "whole milk", + "all-purpose flour", + "arugula", + "kosher salt", + "bacon", + "scallions" + ] + }, + { + "id": 3743, + "ingredients": [ + "miso paste", + "kimchi", + "salt", + "nori", + "jumbo shrimp", + "scallions", + "canola oil", + "unsalted butter", + "toasted sesame oil" + ] + }, + { + "id": 18305, + "ingredients": [ + "water", + "shallots", + "ginger", + "cold water", + "boneless chicken breast", + "sesame oil", + "black vinegar", + "light soy sauce", + "szechwan peppercorns", + "salt", + "sugar", + "spring onions", + "chili oil" + ] + }, + { + "id": 7877, + "ingredients": [ + "salt", + "large shrimp", + "ground black pepper", + "fresh lemon juice", + "olive oil", + "garlic cloves", + "sauvignon blanc", + "flat leaf parsley" + ] + }, + { + "id": 10606, + "ingredients": [ + "spicy brown mustard", + "honey", + "green onions", + "minced garlic", + "hot sauce" + ] + }, + { + "id": 30584, + "ingredients": [ + "fresh raspberries", + "sugar", + "fresh lime juice", + "champagne", + "water" + ] + }, + { + "id": 9266, + "ingredients": [ + "tomatoes", + "butter", + "tomato ketchup", + "garlic cloves", + "garam masala", + "paneer", + "oil", + "bay leaf", + "red chili peppers", + "kasuri methi", + "green chilies", + "cinnamon sticks", + "clove", + "yoghurt", + "salt", + "cardamom", + "onions" + ] + }, + { + "id": 35196, + "ingredients": [ + "light sour cream", + "Spike Seasoning", + "red bell pepper", + "eggs", + "olive oil", + "monterey jack", + "green chile", + "whole wheat tortillas", + "pepper", + "salsa" + ] + }, + { + "id": 41070, + "ingredients": [ + "Grand Marnier", + "ice", + "cointreau", + "cucumber", + "reposado", + "lime slices", + "fresh lime juice" + ] + }, + { + "id": 25930, + "ingredients": [ + "bay leaves", + "coconut milk", + "chicken wings", + "garlic", + "black peppercorns", + "vegetable oil", + "soy sauce", + "rice vinegar" + ] + }, + { + "id": 48564, + "ingredients": [ + "biscuits", + "milk" + ] + }, + { + "id": 14213, + "ingredients": [ + "coconut oil", + "fresh ginger", + "red curry paste", + "fresh cilantro", + "green onions", + "coconut milk", + "red chili peppers", + "thai basil", + "garlic cloves", + "rice sticks", + "vegetable broth" + ] + }, + { + "id": 6618, + "ingredients": [ + "pasilla chiles", + "jalapeno chilies", + "salt", + "beer", + "tomato paste", + "radishes", + "shallots", + "hot sauce", + "pepper", + "mi", + "cilantro leaves", + "tomatoes", + "large eggs", + "vegetable oil", + "sharp cheddar cheese" + ] + }, + { + "id": 18479, + "ingredients": [ + "black pepper", + "lemon", + "hot sauce", + "cabbage", + "ketchup", + "green onions", + "salt", + "celery", + "mayonaise", + "remoulade", + "deveined shrimp", + "chopped parsley", + "creole mustard", + "pepper", + "worcestershire sauce", + "fresh lemon juice" + ] + }, + { + "id": 10279, + "ingredients": [ + "parsnips", + "ground black pepper", + "swede", + "white wine vinegar", + "lemon juice", + "olive oil", + "lemon zest", + "vegetable oil", + "beets", + "onions", + "white wine", + "cod fillets", + "shallots", + "salt", + "carrots", + "cold water", + "salted butter", + "butternut squash", + "butter", + "garlic cloves" + ] + }, + { + "id": 30750, + "ingredients": [ + "water", + "butter", + "green pepper", + "fresh parsley", + "sugar", + "fully cooked ham", + "chopped celery", + "garlic cloves", + "pepper", + "chili powder", + "beef broth", + "shrimp", + "dried thyme", + "diced tomatoes", + "chopped onion", + "long grain white rice" + ] + }, + { + "id": 45701, + "ingredients": [ + "butter", + "shredded mozzarella cheese", + "cauliflower", + "salt", + "heavy cream", + "pepper", + "pepperoni" + ] + }, + { + "id": 22947, + "ingredients": [ + "Japanese soy sauce", + "baby spinach", + "toasted sesame seeds", + "honey", + "chicken breasts", + "roasted peanuts", + "soy sauce", + "egg noodles", + "chili sauce", + "ginger paste", + "sesame seeds", + "sesame oil", + "carrots" + ] + }, + { + "id": 6467, + "ingredients": [ + "saffron threads", + "pistachio nuts", + "sugar", + "carrots", + "green cardamom pods", + "raisins", + "whole milk", + "ghee" + ] + }, + { + "id": 16365, + "ingredients": [ + "black pepper", + "purple onion", + "chopped cilantro fresh", + "garam masala", + "lamb loin chops", + "papaya", + "salt", + "jalapeno chilies", + "fresh lemon juice" + ] + }, + { + "id": 7184, + "ingredients": [ + "eggs", + "phyllo pastry", + "feta cheese", + "spinach leaves", + "sun-dried tomatoes in oil" + ] + }, + { + "id": 23270, + "ingredients": [ + "eggs", + "salt", + "flour", + "Hatch Green Chiles", + "baking soda", + "salsa", + "vegetable oil", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 41805, + "ingredients": [ + "file powder", + "frozen corn", + "diced tomatoes", + "onions", + "bacon", + "okra", + "pepper", + "salt" + ] + }, + { + "id": 7537, + "ingredients": [ + "mashed potatoes", + "garam masala", + "brown mustard seeds", + "garlic", + "cumin seed", + "water", + "baking powder", + "vegetable shortening", + "all-purpose flour", + "Madras curry powder", + "cooked turkey", + "mango chutney", + "peas", + "yellow onion", + "green chile", + "unsalted butter", + "vegetable oil", + "fine sea salt", + "chutney" + ] + }, + { + "id": 18616, + "ingredients": [ + "sesame", + "sliced carrots", + "soy sauce", + "beansprouts", + "sugar", + "salt", + "vinegar", + "celery" + ] + }, + { + "id": 42857, + "ingredients": [ + "yoghurt", + "butter", + "cilantro leaves", + "cashew nuts", + "cream", + "red capsicum", + "garlic", + "oil", + "chicken", + "chili powder", + "kasuri methi", + "tomato ketchup", + "ground turmeric", + "coriander powder", + "cinnamon", + "salt", + "onions", + "ground cumin" + ] + }, + { + "id": 37906, + "ingredients": [ + "brown sugar", + "garlic powder", + "bay leaves", + "freshly ground pepper", + "onions", + "pepper", + "potatoes", + "lamb shoulder", + "carrots", + "lamb stock", + "fresh thyme", + "vegetable oil", + "lemon juice", + "Guinness Beer", + "flour", + "salt", + "fresh parsley" + ] + }, + { + "id": 16846, + "ingredients": [ + "seasoned bread crumbs", + "grated parmesan cheese", + "olive oil", + "dried parsley", + "milk", + "garlic", + "eggs", + "pork chops" + ] + }, + { + "id": 573, + "ingredients": [ + "salsa", + "shredded cheddar cheese", + "flour tortillas" + ] + }, + { + "id": 26657, + "ingredients": [ + "milk", + "vegetable oil", + "ghee", + "large eggs", + "all-purpose flour", + "dry yeast", + "salt", + "sugar", + "baking powder", + "greek style plain yogurt" + ] + }, + { + "id": 12408, + "ingredients": [ + "baking soda", + "all-purpose flour", + "cream of tartar", + "raisins", + "white sugar", + "butter", + "sour cream", + "eggs", + "salt" + ] + }, + { + "id": 38232, + "ingredients": [ + "tomatoes", + "pitas", + "feta cheese crumbles", + "kosher salt", + "heavy cream", + "sausage casings", + "red pepper flakes", + "flat leaf parsley", + "tomato paste", + "eggplant", + "mint sprigs" + ] + }, + { + "id": 33447, + "ingredients": [ + "heavy cream", + "confectioners sugar", + "vanilla extract", + "brandy", + "blackberries" + ] + }, + { + "id": 40227, + "ingredients": [ + "low sodium chicken broth", + "chipotles in adobo", + "gluten", + "boneless skinless chicken breasts", + "diced tomatoes" + ] + }, + { + "id": 35760, + "ingredients": [ + "parmesan cheese", + "spaghetti squash", + "butter", + "ground pepper", + "fresh parsley", + "salt" + ] + }, + { + "id": 1385, + "ingredients": [ + "dried thyme", + "french bread", + "goat cheese", + "large egg yolks", + "mushrooms", + "large egg whites", + "cooking spray", + "garlic cloves", + "pepper", + "dijon mustard", + "purple onion" + ] + }, + { + "id": 47866, + "ingredients": [ + "parmigiano reggiano cheese", + "dry red wine", + "italian tomatoes", + "pappardelle", + "salt", + "beef shank", + "mint sprigs", + "freshly ground pepper", + "large garlic cloves", + "extra-virgin olive oil" + ] + }, + { + "id": 30871, + "ingredients": [ + "sugar", + "bread", + "milk" + ] + }, + { + "id": 22604, + "ingredients": [ + "dark soy sauce", + "green onions", + "ground beef", + "sugar", + "garlic", + "sake", + "sesame oil", + "fresh ginger", + "oyster sauce" + ] + }, + { + "id": 39397, + "ingredients": [ + "tomatoes", + "pepper", + "paprika", + "cumin seed", + "saffron threads", + "green olives", + "vegetable oil", + "salt", + "onions", + "eggs", + "fresh coriander", + "garlic", + "ground beef", + "fennel seeds", + "bread crumbs", + "cinnamon", + "cayenne pepper", + "dried oregano" + ] + }, + { + "id": 38782, + "ingredients": [ + "black peppercorns", + "water", + "eggplant", + "butternut squash", + "salt", + "fenugreek seeds", + "chinese five-spice powder", + "red bell pepper", + "chicken thighs", + "ground cinnamon", + "soy sauce", + "lime", + "bay leaves", + "sea salt", + "dri leav thyme", + "cumin seed", + "thyme leaves", + "cooked white rice", + "mango", + "anise seed", + "pepper", + "papaya", + "dark rum", + "garlic", + "tamarind paste", + "scallions", + "mustard seeds", + "onions", + "plantains", + "whole allspice", + "sweet onion", + "coriander seeds", + "vegetable oil", + "grated nutmeg", + "rich chicken stock", + "waxy potatoes", + "coconut milk", + "ground turmeric" + ] + }, + { + "id": 45343, + "ingredients": [ + "vin santo", + "yellow onion", + "olives", + "capers", + "extra-virgin olive oil", + "garlic cloves", + "baguette", + "salt", + "chicken livers", + "chicken broth", + "unsalted butter", + "freshly ground pepper" + ] + }, + { + "id": 26112, + "ingredients": [ + "coconut oil", + "garlic", + "coconut milk", + "sweet potatoes", + "salt", + "allspice", + "curry powder", + "purple onion", + "chillies", + "tomato purée", + "meat", + "ginger root" + ] + }, + { + "id": 10209, + "ingredients": [ + "ground nutmeg", + "cheese ravioli", + "chopped fresh sage", + "black pepper", + "unsalted butter", + "clove garlic, fine chop", + "kosher salt", + "grated parmesan cheese", + "heavy cream", + "swiss chard", + "pumpkin", + "yellow onion" + ] + }, + { + "id": 31702, + "ingredients": [ + "olive oil", + "salt", + "fresh parsley", + "tumeric", + "paprika", + "garlic cloves", + "cumin", + "black pepper", + "cilantro", + "lemon juice", + "vinegar", + "cayenne pepper", + "onions" + ] + }, + { + "id": 37943, + "ingredients": [ + "sesame seeds", + "rice", + "soy sauce", + "apple cider vinegar", + "sliced green onions", + "brown sugar", + "boneless skinless chicken breasts", + "corn starch", + "honey", + "garlic" + ] + }, + { + "id": 23471, + "ingredients": [ + "baking powder", + "sea salt", + "butter", + "warm water", + "all-purpose flour" + ] + }, + { + "id": 3529, + "ingredients": [ + "salad greens", + "purple onion", + "celery", + "fish sauce", + "sliced cucumber", + "fresh lemon juice", + "ground ginger", + "sesame seeds", + "cilantro leaves", + "cooked chicken breasts", + "sugar", + "crushed red pepper", + "red bell pepper" + ] + }, + { + "id": 46794, + "ingredients": [ + "pepper", + "prosciutto", + "fat", + "olive oil", + "salsa", + "minced garlic", + "white wine vinegar", + "ground cumin", + "italian sausage", + "salsa verde", + "turkey tenderloins" + ] + }, + { + "id": 16626, + "ingredients": [ + "ground pepper", + "enchilada sauce", + "water", + "onion powder", + "oregano", + "garlic powder", + "ground coriander", + "cumin", + "chicken bouillon", + "bay leaves", + "pork butt roast" + ] + }, + { + "id": 32361, + "ingredients": [ + "english cucumber", + "salt", + "rice vinegar", + "sugar" + ] + }, + { + "id": 20932, + "ingredients": [ + "green bell pepper", + "crushed tomatoes", + "salt", + "red bell pepper", + "pepper", + "olive oil", + "creole seasoning", + "celery", + "fire roasted diced tomatoes", + "dried thyme", + "yellow onion", + "smoked turkey sausage", + "chicken broth", + "minced garlic", + "white rice", + "smoked paprika" + ] + }, + { + "id": 11183, + "ingredients": [ + "fresh coriander", + "chicken breasts", + "Elmlea single", + "ground turmeric", + "fresh ginger root", + "Flora Cuisine", + "onions", + "lime", + "chili powder", + "garlic cloves", + "ground black pepper", + "Knorr Chicken Stock Pots", + "basmati rice" + ] + }, + { + "id": 33661, + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "pecorino romano cheese", + "penne", + "arugula" + ] + }, + { + "id": 12681, + "ingredients": [ + "ground black pepper", + "Mexican cheese", + "chopped cilantro fresh", + "refried beans", + "black olives", + "fresh lime juice", + "taco seasoning mix", + "salsa", + "garlic salt", + "avocado", + "green onions", + "sour cream", + "plum tomatoes" + ] + }, + { + "id": 2450, + "ingredients": [ + "cilantro", + "Mexican cheese blend", + "chicken", + "avocado", + "oil", + "tortillas" + ] + }, + { + "id": 23979, + "ingredients": [ + "unsalted butter", + "tasso", + "grits", + "water", + "salt" + ] + }, + { + "id": 18465, + "ingredients": [ + "ricotta salata", + "shallots", + "cheese", + "sardines", + "speck", + "egg yolks", + "extra-virgin olive oil", + "flat leaf parsley", + "eggplant", + "vegetable stock", + "salt", + "canola oil", + "eggs", + "flour", + "butter", + "garlic cloves" + ] + }, + { + "id": 28234, + "ingredients": [ + "marinara sauce", + "frozen peas", + "black pepper", + "shredded mozzarella cheese", + "ricotta", + "kosher salt", + "oven-ready lasagna noodles" + ] + }, + { + "id": 47449, + "ingredients": [ + "flour tortillas", + "ground beef", + "regular or convert rice", + "chili powder", + "chunky pasta sauce", + "shredded mozzarella cheese" + ] + }, + { + "id": 33869, + "ingredients": [ + "tomatoes", + "brown mustard seeds", + "cumin seed", + "salad oil", + "sweet onion", + "salt", + "tamarind concentrate", + "chopped cilantro fresh", + "fresh ginger", + "nonfat yogurt plain", + "fresh mint", + "ground cumin", + "serrano chilies", + "garlic", + "english cucumber", + "nigella seeds" + ] + }, + { + "id": 4924, + "ingredients": [ + "pepper", + "crushed red pepper flakes", + "lemon juice", + "mayonaise", + "green onions", + "cream lowfat", + "hass avocado", + "corn", + "salt", + "olive oil cooking spray", + "black beans", + "cilantro", + "garlic cloves", + "panko breadcrumbs" + ] + }, + { + "id": 18862, + "ingredients": [ + "chili flakes", + "tamarind juice", + "shallots", + "chopped garlic", + "sugar", + "cooking oil", + "roasted peanuts", + "fish sauce", + "prawns", + "rice noodles", + "eggs", + "water", + "spring onions", + "beansprouts" + ] + }, + { + "id": 30556, + "ingredients": [ + "boneless chicken skinless thigh", + "chile pepper", + "chopped cilantro", + "green bell pepper", + "chili powder", + "ground coriander", + "ground cumin", + "garlic paste", + "chopped tomatoes", + "salt", + "ginger paste", + "cooked rice", + "water", + "butter", + "ground turmeric" + ] + }, + { + "id": 35762, + "ingredients": [ + "raspberries", + "heavy cream", + "granulated sugar", + "confectioners sugar", + "edible flowers", + "meringue", + "pistachios" + ] + }, + { + "id": 7396, + "ingredients": [ + "tomato paste", + "lime", + "salt", + "bay leaf", + "green bell pepper", + "shallots", + "frozen corn kernels", + "tomatoes", + "dried thyme", + "margarine", + "medium shrimp", + "pepper", + "chile pepper", + "okra" + ] + }, + { + "id": 21232, + "ingredients": [ + "sliced almonds", + "bacon slices", + "flat leaf parsley", + "bay leaves", + "chopped onion", + "dried oregano", + "low sodium chicken broth", + "salt", + "boneless skinless chicken breast halves", + "black pepper", + "vegetable oil", + "cinnamon sticks", + "chopped garlic" + ] + }, + { + "id": 18299, + "ingredients": [ + "cider vinegar", + "sea salt", + "canola oil", + "peeled fresh ginger", + "maple syrup", + "fennel bulb", + "star anise", + "fennel seeds", + "ground red pepper", + "garlic cloves" + ] + }, + { + "id": 35468, + "ingredients": [ + "water", + "salt", + "glace cherries", + "fresh lemon juice", + "eggs", + "unsalted butter", + "sugar", + "flour" + ] + }, + { + "id": 42838, + "ingredients": [ + "ground black pepper", + "fine sea salt", + "arugula", + "spelt", + "red wine vinegar", + "cucumber", + "vine ripened tomatoes", + "purple onion", + "water", + "extra-virgin olive oil", + "fresh basil leaves" + ] + }, + { + "id": 33972, + "ingredients": [ + "crawfish", + "heavy cream", + "creole seasoning", + "onions", + "green bell pepper", + "dry white wine", + "all-purpose flour", + "chopped parsley", + "tomato paste", + "unsalted butter", + "garlic", + "freshly ground pepper", + "kosher salt", + "red pepper flakes", + "penne pasta", + "celery" + ] + }, + { + "id": 46021, + "ingredients": [ + "purple onion", + "whitefish fillets", + "scallions", + "black pepper", + "salt", + "soup" + ] + }, + { + "id": 1627, + "ingredients": [ + "heavy cream", + "unsalted butter", + "black pepper", + "salt", + "grated parmesan cheese" + ] + }, + { + "id": 28873, + "ingredients": [ + "minced garlic", + "grated parmesan cheese", + "onions", + "pasta sauce", + "olive oil", + "beef sirloin", + "seasoned bread crumbs", + "zucchini", + "shredded mozzarella cheese", + "eggs", + "dried basil", + "grated carrot", + "garlic salt" + ] + }, + { + "id": 38927, + "ingredients": [ + "refried beans", + "salsa", + "green bell pepper", + "sliced black olives", + "sour cream", + "shredded cheddar cheese", + "green onions", + "iceberg lettuce", + "tomatoes", + "taco seasoning mix", + "cream cheese" + ] + }, + { + "id": 25262, + "ingredients": [ + "soy sauce", + "boneless chicken breast", + "rice wine", + "corn starch", + "minced garlic", + "bell pepper", + "vegetable oil", + "jasmine rice", + "sambal chile paste", + "sesame oil", + "brown sugar", + "peanuts", + "green onions", + "carrots" + ] + }, + { + "id": 19152, + "ingredients": [ + "olive oil", + "vegetable oil", + "sugar", + "flour", + "sprinkles", + "eggs", + "semolina", + "lemon", + "honey", + "baking powder" + ] + }, + { + "id": 11061, + "ingredients": [ + "clove", + "honey", + "vodka", + "tonic water", + "ground cinnamon", + "apple juice concentrate" + ] + }, + { + "id": 27000, + "ingredients": [ + "cooked rice", + "jalapeno chilies", + "chopped celery", + "cayenne pepper", + "onions", + "eggs", + "pepper", + "garlic", + "hot sauce", + "pork shoulder", + "green bell pepper", + "green onions", + "salt", + "cajun seasoning mix", + "bread crumbs", + "vegetable oil", + "all-purpose flour", + "chopped parsley" + ] + }, + { + "id": 37396, + "ingredients": [ + "reduced fat firm tofu", + "hoisin sauce", + "vegetable oil", + "sliced green onions", + "sake", + "peeled fresh ginger", + "garlic cloves", + "low sodium soy sauce", + "large eggs", + "dark sesame oil", + "instant rice", + "green onions", + "frozen peas and carrots" + ] + }, + { + "id": 47358, + "ingredients": [ + "Knorr® Chicken Flavor Rice Sides™", + "shredded monterey jack cheese", + "water", + "sliced green onions", + "red bell pepper, sliced", + "I Can't Believe It's Not Butter!® Spread", + "red kidney beans", + "flour tortillas" + ] + }, + { + "id": 47825, + "ingredients": [ + "marinara sauce", + "Italian turkey sausage", + "minced garlic", + "balsamic vinegar", + "fennel seeds", + "bell pepper", + "olive oil", + "hoagie rolls" + ] + }, + { + "id": 24681, + "ingredients": [ + "whole milk", + "large eggs", + "all-purpose flour", + "chopped fresh chives", + "sharp cheddar cheese", + "roast beef fat", + "salt" + ] + }, + { + "id": 37706, + "ingredients": [ + "granulated sugar", + "corn starch", + "large egg whites", + "salt", + "powdered sugar", + "vanilla extract", + "unsweetened cocoa powder", + "cream of tartar", + "chopped hazelnuts", + "bittersweet chocolate" + ] + }, + { + "id": 44056, + "ingredients": [ + "fresh sage", + "cayenne", + "butter", + "liver", + "diced onions", + "pepper", + "parboiled rice", + "green pepper", + "diced celery", + "andouille sausage", + "bay leaves", + "salt", + "garlic cloves", + "chicken stock", + "dried thyme", + "green onions", + "rice", + "smoked paprika" + ] + }, + { + "id": 38298, + "ingredients": [ + "dried basil", + "diced tomatoes", + "onions", + "frozen chopped spinach", + "feta cheese", + "vegetable broth", + "olive oil", + "cracked black pepper", + "dried oregano", + "fettucine", + "red pepper flakes", + "garlic" + ] + }, + { + "id": 30788, + "ingredients": [ + "black pepper", + "ground nutmeg", + "large egg whites", + "salt", + "fat free less sodium chicken broth", + "large eggs", + "fresh parmesan cheese", + "flat leaf parsley" + ] + }, + { + "id": 36144, + "ingredients": [ + "zucchini", + "yellow bell pepper", + "red bell pepper", + "penne", + "mushrooms", + "purple onion", + "cooking spray", + "non-fat sour cream", + "hot italian turkey sausage", + "black pepper", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 21792, + "ingredients": [ + "firmly packed brown sugar", + "chips", + "hot sauce", + "pepper", + "lemon wedge", + "fresh parsley", + "saltines", + "water", + "onion powder", + "kosher salt", + "bay leaves", + "mullet" + ] + }, + { + "id": 31745, + "ingredients": [ + "avocado", + "sweet onion", + "ground turkey", + "colby cheese", + "garlic powder", + "taco shells", + "reduced-fat sour cream", + "pico de gallo", + "salt and ground black pepper" + ] + }, + { + "id": 15104, + "ingredients": [ + "minced garlic", + "chopped fresh thyme", + "thyme sprigs", + "black pepper", + "shallots", + "duck drumsticks", + "parsnips", + "dry white wine", + "ground allspice", + "chicken stock", + "bay leaves", + "salt" + ] + }, + { + "id": 30589, + "ingredients": [ + "sugar", + "mint leaves", + "shrimp", + "roasted cashews", + "sweet chili sauce", + "garlic", + "tomatoes", + "warm water", + "shallots", + "noodles", + "fish sauce", + "lime juice", + "cilantro leaves" + ] + }, + { + "id": 14235, + "ingredients": [ + "zucchini", + "chickpeas", + "onions", + "honey", + "garlic", + "diced tomatoes in juice", + "dried apricot", + "carrots", + "garam masala", + "avocado oil", + "lamb leg" + ] + }, + { + "id": 2608, + "ingredients": [ + "horseradish", + "grated lemon zest", + "whipping cream", + "salt", + "mayonaise", + "fresh lemon juice" + ] + }, + { + "id": 34828, + "ingredients": [ + "quickcooking grits", + "1% low-fat milk", + "pork sausages", + "ground nutmeg", + "baby spinach", + "red bell pepper", + "ground black pepper", + "butter", + "onions", + "fat free less sodium chicken broth", + "ground red pepper", + "salt" + ] + }, + { + "id": 3282, + "ingredients": [ + "cheddar cheese", + "lemon", + "parsley", + "free range egg", + "pies", + "peas", + "fresh dill", + "butter", + "bechamel" + ] + }, + { + "id": 4336, + "ingredients": [ + "sugar", + "butter", + "large eggs", + "salt", + "baking powder", + "all-purpose flour", + "corn kernels", + "whipping cream" + ] + }, + { + "id": 25666, + "ingredients": [ + "chicken breasts", + "oil", + "water", + "garlic", + "onions", + "tomatoes", + "hot pepper", + "thyme", + "curry powder", + "salt" + ] + }, + { + "id": 17831, + "ingredients": [ + "ketchup", + "kosher salt", + "chopped onion", + "tomatoes", + "chipotle chile", + "olive oil", + "chopped cilantro fresh", + "white vinegar", + "molasses", + "minced garlic", + "fresh lime juice", + "brown sugar", + "black pepper", + "fresh orange juice" + ] + }, + { + "id": 17008, + "ingredients": [ + "french bread", + "paprika", + "salt", + "celery root", + "sweet onion", + "cajun seasoning", + "vegetable broth", + "garlic cloves", + "pepper", + "shredded swiss cheese", + "dry red wine", + "beef broth", + "olive oil", + "butter", + "garlic", + "dried parsley" + ] + }, + { + "id": 35845, + "ingredients": [ + "soy sauce", + "bell pepper", + "garlic", + "cumin", + "avocado", + "lime juice", + "cilantro", + "sour cream", + "chile powder", + "white onion", + "lime wedges", + "salsa", + "canola oil", + "brown sugar", + "flour tortillas", + "cheese", + "skirt steak" + ] + }, + { + "id": 19494, + "ingredients": [ + "muscadine grapes", + "granulated sugar", + "pectin" + ] + }, + { + "id": 30797, + "ingredients": [ + "ground black pepper", + "salt", + "chives", + "tuna in oil", + "cottage cheese", + "curry" + ] + }, + { + "id": 33763, + "ingredients": [ + "olive oil", + "salt", + "pepper", + "cilantro", + "tomatoes", + "serrano peppers", + "imitation crab meat", + "lime", + "purple onion" + ] + }, + { + "id": 19950, + "ingredients": [ + "pastry shell", + "chopped pecans", + "dark corn syrup", + "vanilla extract", + "large eggs", + "salt", + "sugar", + "butter" + ] + }, + { + "id": 23089, + "ingredients": [ + "all-purpose flour", + "ground cinnamon", + "preserves", + "cream cheese", + "butter", + "white sugar" + ] + }, + { + "id": 32074, + "ingredients": [ + "kosher salt", + "chili bean paste", + "brussels sprouts", + "brown rice", + "oil", + "soy sauce", + "vegetable oil", + "cauliflower", + "Shaoxing wine", + "scallions" + ] + }, + { + "id": 49640, + "ingredients": [ + "beef bouillon", + "rice", + "water", + "salt", + "onions", + "soy sauce", + "vegetable oil", + "celery", + "beef", + "green pepper" + ] + }, + { + "id": 8403, + "ingredients": [ + "fresh ginger", + "bok choy", + "soy sauce", + "garlic cloves", + "reduced sodium chicken broth", + "toasted sesame oil", + "duck breasts", + "udon" + ] + }, + { + "id": 15879, + "ingredients": [ + "chicken broth", + "dry white wine", + "olive oil", + "garlic cloves", + "arborio rice", + "parmesan cheese", + "fresh asparagus", + "sweet onion", + "salt" + ] + }, + { + "id": 7949, + "ingredients": [ + "orange", + "cilantro sprigs", + "ground cardamom", + "marsala wine", + "pimentos", + "ground coriander", + "pitted date", + "balsamic vinegar", + "garlic cloves", + "honey", + "cornish hens", + "ground cumin" + ] + }, + { + "id": 31483, + "ingredients": [ + "soy sauce", + "large eggs", + "vegetable oil", + "rice vinegar", + "beansprouts", + "sesame seeds", + "boneless skinless chicken breasts", + "cilantro", + "carrots", + "lime juice", + "green onions", + "red pepper flakes", + "dark brown sugar", + "fish sauce", + "peanuts", + "rice noodles", + "garlic", + "red bell pepper" + ] + }, + { + "id": 32928, + "ingredients": [ + "eggs", + "fresh ginger root", + "all-purpose flour", + "sugar", + "shoyu", + "chicken", + "sake", + "mirin", + "corn starch", + "bread crumbs", + "salt" + ] + }, + { + "id": 27647, + "ingredients": [ + "frozen peaches", + "baking powder", + "apple butter", + "granulated sugar", + "salt", + "unsalted butter", + "bourbon whiskey", + "yellow corn meal", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 34616, + "ingredients": [ + "hot Italian sausages", + "onions", + "small red potato", + "olive oil", + "yellow peppers" + ] + }, + { + "id": 21113, + "ingredients": [ + "vanilla", + "sugar", + "chocolate morsels", + "brown sugar", + "whipping cream", + "egg yolks" + ] + }, + { + "id": 41599, + "ingredients": [ + "chicken sausage", + "garlic", + "celery", + "green bell pepper", + "cajun seasoning", + "yellow onion", + "boneless skinless chicken breasts", + "all-purpose flour", + "long grain white rice", + "crushed tomatoes", + "butter", + "okra" + ] + }, + { + "id": 23924, + "ingredients": [ + "minced garlic", + "pork tenderloin", + "salt", + "canola oil", + "sugar", + "hoisin sauce", + "peeled fresh ginger", + "all-purpose flour", + "low sodium soy sauce", + "honey", + "cooking spray", + "rice vinegar", + "sliced green onions", + "warm water", + "dry yeast", + "baking powder", + "five-spice powder" + ] + }, + { + "id": 36335, + "ingredients": [ + "large eggs", + "cheese ravioli", + "seasoned bread crumbs", + "marinara sauce", + "grated parmesan cheese", + "milk", + "vegetable oil" + ] + }, + { + "id": 36194, + "ingredients": [ + "chili pepper", + "oil", + "dried shrimp", + "stock", + "salt", + "shrimp", + "pepper", + "garlic cloves", + "onions", + "bread crumbs", + "peanut butter", + "coconut milk" + ] + }, + { + "id": 10980, + "ingredients": [ + "lime", + "cilantro leaves", + "roma tomatoes", + "steak", + "carne asada", + "sour cream", + "diced onions", + "guacamole" + ] + }, + { + "id": 45999, + "ingredients": [ + "pepper", + "carrots", + "chicken broth", + "baby spinach", + "onions", + "cream", + "salt", + "frozen peas", + "biscuits", + "chicken breasts", + "celery" + ] + }, + { + "id": 3943, + "ingredients": [ + "water", + "corn starch", + "ground black pepper", + "white mushrooms", + "pork chops", + "cubed beef", + "salt" + ] + }, + { + "id": 188, + "ingredients": [ + "warm water", + "fine sea salt", + "rye flour", + "dry yeast", + "honey", + "bread flour" + ] + }, + { + "id": 5799, + "ingredients": [ + "coarse salt", + "large shrimp", + "bay leaf", + "olive oil", + "fresh parsley", + "dried red chile peppers", + "chopped garlic" + ] + }, + { + "id": 20964, + "ingredients": [ + "rolled oats", + "jelly", + "butter", + "flour", + "brown sugar", + "strawberries" + ] + }, + { + "id": 2716, + "ingredients": [ + "sugar", + "heavy cream", + "large egg yolks", + "hazelnuts", + "whole milk" + ] + }, + { + "id": 5464, + "ingredients": [ + "pasta sauce", + "paprika", + "grated parmesan cheese", + "shredded mozzarella cheese", + "pepper", + "baking mix", + "boneless skinless chicken breasts", + "italian seasoning" + ] + }, + { + "id": 17640, + "ingredients": [ + "dry white wine", + "cayenne pepper", + "garlic salt", + "olive oil", + "whipping cream", + "ground white pepper", + "clams", + "worcestershire sauce", + "garlic cloves", + "grated parmesan cheese", + "linguine", + "fresh parsley" + ] + }, + { + "id": 39437, + "ingredients": [ + "tomato sauce", + "potatoes", + "beef stew meat", + "carrots", + "pepper", + "lemon", + "fresh pork fat", + "onions", + "soy sauce", + "bay leaves", + "salt", + "red bell pepper", + "green bell pepper", + "water", + "garlic", + "oil" + ] + }, + { + "id": 14835, + "ingredients": [ + "lime", + "zucchini", + "red pepper flakes", + "carrots", + "water", + "fresh ginger", + "green onions", + "cilantro leaves", + "honey", + "extra firm tofu", + "tamari soy sauce", + "beansprouts", + "lime juice", + "sesame seeds", + "daikon", + "peanut butter" + ] + }, + { + "id": 3094, + "ingredients": [ + "sugar", + "blanched almonds", + "whipping cream", + "raspberries", + "gran marnier" + ] + }, + { + "id": 14826, + "ingredients": [ + "sourdough", + "garlic", + "extra-virgin olive oil", + "salt" + ] + }, + { + "id": 30173, + "ingredients": [ + "frozen whole kernel corn", + "garlic cloves", + "ground cumin", + "black pepper", + "diced tomatoes", + "onions", + "olive oil", + "salt", + "chicken thighs", + "chicken drumsticks", + "squash" + ] + }, + { + "id": 37811, + "ingredients": [ + "cremini mushrooms", + "water", + "dry red wine", + "corn starch", + "black pepper", + "prosciutto", + "grated lemon zest", + "dried porcini mushrooms", + "olive oil", + "salt", + "cavatappi", + "fat free less sodium chicken broth", + "finely chopped onion", + "garlic cloves" + ] + }, + { + "id": 22363, + "ingredients": [ + "romaine lettuce", + "purple onion", + "sesame seeds", + "dark sesame oil", + "kosher salt", + "rice vinegar", + "lower sodium soy sauce", + "korean chile" + ] + }, + { + "id": 6369, + "ingredients": [ + "table salt", + "cinnamon", + "unsalted butter", + "peach slices", + "sugar", + "heavy cream", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 26850, + "ingredients": [ + "avocado", + "kosher salt", + "chili powder", + "beer", + "pork butt", + "cheddar cheese", + "garlic powder", + "balsamic vinegar", + "corn tortillas", + "brown sugar", + "lime juice", + "onion powder", + "orange juice", + "oregano", + "pork", + "red cabbage", + "paprika", + "coriander" + ] + }, + { + "id": 48887, + "ingredients": [ + "fresh basil", + "kalamata", + "plum tomatoes", + "water", + "spaghettini", + "bread crumb fresh", + "extra-virgin olive oil", + "shallots", + "fresh basil leaves" + ] + }, + { + "id": 44405, + "ingredients": [ + "mayonaise", + "cucumber", + "salt", + "purple onion", + "cream cheese, soften", + "fresh basil", + "freshly ground pepper" + ] + }, + { + "id": 21477, + "ingredients": [ + "red kidney beans", + "tomatoes with juice", + "diced green chilies", + "whole kernel corn, drain", + "vegetable oil", + "long grain white rice", + "boneless chop pork", + "salt" + ] + }, + { + "id": 32697, + "ingredients": [ + "garlic paste", + "chili powder", + "ground cumin", + "ground cinnamon", + "garam masala", + "salt", + "plain yogurt", + "lemon", + "fenugreek leaves", + "coriander powder", + "chicken" + ] + }, + { + "id": 38843, + "ingredients": [ + "ground black pepper", + "pork country-style ribs", + "dried oregano", + "crushed tomatoes", + "vegetable oil", + "bittersweet chocolate", + "ground cumin", + "kidney beans", + "salt", + "onions", + "chili powder", + "garlic cloves", + "chuck" + ] + }, + { + "id": 20076, + "ingredients": [ + "stewed tomatoes", + "water", + "ground turkey", + "tomato sauce", + "rice", + "crushed garlic", + "onions" + ] + }, + { + "id": 26429, + "ingredients": [ + "mild green chiles", + "cheddar cheese", + "enchilada sauce", + "salsa", + "flour tortillas", + "chicken" + ] + }, + { + "id": 35648, + "ingredients": [ + "minced garlic", + "Sriracha", + "ground coriander", + "fish sauce", + "lemongrass", + "vegetable oil", + "ground turmeric", + "lime juice", + "boneless skinless chicken breasts", + "bamboo shoots", + "soy sauce", + "palm sugar", + "peanut sauce" + ] + }, + { + "id": 41794, + "ingredients": [ + "tomato paste", + "ground red pepper", + "hot sauce", + "garlic powder", + "garlic", + "fat", + "green chile", + "paprika", + "yellow onion", + "poblano peppers", + "salt", + "ground beef" + ] + }, + { + "id": 22100, + "ingredients": [ + "ground black pepper", + "crushed red pepper", + "medium shrimp", + "mussels", + "littleneck clams", + "garlic cloves", + "dry white wine", + "salt", + "spaghetti", + "cherry tomatoes", + "extra-virgin olive oil", + "chopped parsley" + ] + }, + { + "id": 30216, + "ingredients": [ + "apple juice", + "lemon juice", + "orange juice", + "pineapple juice", + "fresh mint" + ] + }, + { + "id": 17656, + "ingredients": [ + "pepper", + "cooking oil", + "garlic", + "onions", + "tomatoes", + "eggplant", + "shrimp paste", + "okra", + "water", + "taro", + "salt", + "squash blossoms", + "pork belly", + "leaves", + "seeds", + "squash" + ] + }, + { + "id": 17317, + "ingredients": [ + "mayonaise", + "purple onion", + "french baguette", + "romano cheese", + "artichok heart marin" + ] + }, + { + "id": 4928, + "ingredients": [ + "tomatoes", + "pepper", + "salt", + "angel hair", + "grated parmesan cheese", + "garlic cloves", + "pinenuts", + "artichok heart marin", + "fresh basil", + "olive oil", + "fresh oregano" + ] + }, + { + "id": 43965, + "ingredients": [ + "milk", + "instant espresso granules", + "almond extract", + "chocolate bars", + "vanilla extract", + "ground cinnamon", + "coffee ice cream" + ] + }, + { + "id": 6404, + "ingredients": [ + "plain flour", + "tomato ketchup", + "celery", + "sweet potatoes", + "mincemeat", + "herbs", + "oil", + "onions", + "chicken stock", + "butter", + "carrots" + ] + }, + { + "id": 12274, + "ingredients": [ + "shredded carrots", + "peanut sauce", + "chicken breasts", + "scallions", + "napa cabbage leaves", + "broccoli", + "romaine lettuce leaves" + ] + }, + { + "id": 6651, + "ingredients": [ + "granulated sugar", + "thick-cut bacon", + "sea salt", + "peanuts" + ] + }, + { + "id": 40406, + "ingredients": [ + "shallots", + "nonfat chicken broth", + "olive oil", + "grated Gruyère cheese", + "water", + "balsamic vinegar", + "boiling potatoes", + "leeks", + "onions" + ] + }, + { + "id": 40933, + "ingredients": [ + "melted butter", + "chives", + "caviar", + "kosher salt", + "crème fraîche", + "smoked salmon", + "milk", + "pancake mix", + "eggs", + "purple onion" + ] + }, + { + "id": 23419, + "ingredients": [ + "queso fresco", + "sour cream", + "olive oil", + "purple onion", + "avocado", + "coarse sea salt", + "corn tortillas", + "sliced black olives", + "salsa" + ] + }, + { + "id": 37867, + "ingredients": [ + "lime", + "coarse salt", + "lime wedges", + "spring onions", + "vegetable oil" + ] + }, + { + "id": 28834, + "ingredients": [ + "celery ribs", + "beans", + "salt", + "tomato paste", + "Italian parsley leaves", + "carrots", + "pasta", + "olive oil", + "garlic cloves", + "fresh rosemary", + "crushed red pepper flakes", + "onions" + ] + }, + { + "id": 23912, + "ingredients": [ + "pepper", + "large eggs", + "corn starch", + "soy sauce", + "water", + "apple cider vinegar", + "brown sugar", + "minced garlic", + "boneless skinless chicken breasts", + "ketchup", + "olive oil", + "salt" + ] + }, + { + "id": 4791, + "ingredients": [ + "avocado", + "sugar", + "lime", + "pepper jack", + "salt", + "smoked paprika", + "cumin", + "salad", + "pepper", + "olive oil", + "cilantro", + "hot sauce", + "red bell pepper", + "dressing", + "black beans", + "cherry tomatoes", + "jalapeno chilies", + "salsa", + "pepitas", + "romaine lettuce", + "milk", + "tortillas", + "garlic", + "sweet corn", + "sour cream" + ] + }, + { + "id": 36354, + "ingredients": [ + "sake", + "short-grain rice", + "shirataki", + "bok choy", + "soy sauce", + "mirin", + "firm tofu", + "sugar", + "beef", + "yellow onion", + "eggs", + "dashi", + "mushrooms", + "scallions" + ] + }, + { + "id": 32298, + "ingredients": [ + "kosher salt", + "heavy cream", + "ground black pepper", + "mascarpone", + "grits", + "whole milk" + ] + }, + { + "id": 44577, + "ingredients": [ + "eggs", + "aonori", + "sauce", + "beansprouts", + "dashi", + "dried bonito flakes", + "Yakisoba noodles", + "mayonaise", + "bacon", + "oil", + "cabbage", + "green onions", + "all-purpose flour", + "shrimp" + ] + }, + { + "id": 48859, + "ingredients": [ + "green onions", + "fresh lemon juice", + "rice vinegar", + "low sodium soy sauce", + "dark sesame oil", + "large garlic cloves" + ] + }, + { + "id": 32485, + "ingredients": [ + "pork tenderloin", + "yellow bell pepper", + "garlic cloves", + "ground cumin", + "saffron threads", + "ground red pepper", + "salt", + "fresh parsley", + "cooking spray", + "purple onion", + "red bell pepper", + "olive oil", + "paprika", + "ground coriander", + "dried oregano" + ] + }, + { + "id": 8394, + "ingredients": [ + "fennel seeds", + "ground black pepper", + "large garlic cloves", + "extra-virgin olive oil", + "grated lemon zest", + "celery", + "saffron threads", + "olive oil", + "yukon gold potatoes", + "fresh tarragon", + "salt", + "herbes de provence", + "pernod", + "egg yolks", + "diced tomatoes", + "garlic", + "cayenne pepper", + "onions", + "water", + "dry white wine", + "paprika", + "kielbasa", + "carrots", + "chicken thighs" + ] + }, + { + "id": 7708, + "ingredients": [ + "pizza doughs", + "white truffle oil", + "taleggio", + "sliced mushrooms" + ] + }, + { + "id": 38385, + "ingredients": [ + "peaches", + "eggs", + "salt", + "whole milk", + "sugar", + "sweetened condensed milk" + ] + }, + { + "id": 22622, + "ingredients": [ + "fish sauce", + "cilantro leaves", + "fresh lime juice", + "shredded carrots", + "cucumber", + "glass noodles", + "sugar", + "rice vinegar", + "cooked shrimp", + "vegetable oil", + "red bell pepper", + "sliced green onions" + ] + }, + { + "id": 29716, + "ingredients": [ + "fish sauce", + "rice", + "bell pepper", + "curry paste", + "cooking oil", + "coconut milk", + "seafood", + "fresh basil leaves" + ] + }, + { + "id": 44462, + "ingredients": [ + "black beans", + "sweet potatoes", + "cilantro", + "taco seasoning", + "avocado", + "lime", + "large garlic cloves", + "salt", + "onions", + "corn", + "green onions", + "cheese", + "red bell pepper", + "coconut oil", + "nonfat greek yogurt", + "diced tomatoes", + "salsa", + "cumin" + ] + }, + { + "id": 9422, + "ingredients": [ + "lime wedges", + "kosher salt", + "orange liqueur", + "tequila", + "agave nectar", + "key lime juice" + ] + }, + { + "id": 22499, + "ingredients": [ + "chicken stock", + "ground black pepper", + "tomatillos", + "yellow onion", + "ground cumin", + "boneless pork shoulder", + "pasilla chiles", + "flour", + "cilantro leaves", + "serrano chile", + "green bell pepper", + "Anaheim chile", + "green enchilada sauce", + "scallions", + "chile powder", + "kosher salt", + "breakfast sausages", + "hot sauce", + "canola oil" + ] + }, + { + "id": 36, + "ingredients": [ + "penne", + "yellow bell pepper", + "green bell pepper", + "fresh parmesan cheese", + "garlic cloves", + "part-skim mozzarella cheese", + "Italian turkey sausage", + "pasta sauce", + "cooking spray", + "red bell pepper" + ] + }, + { + "id": 434, + "ingredients": [ + "rotini", + "marinara sauce", + "seasoned bread crumbs", + "chicken", + "shredded mozzarella cheese" + ] + }, + { + "id": 5479, + "ingredients": [ + "slaw mix", + "fresh lime juice", + "olive oil", + "feta cheese crumbles", + "ground cumin", + "green onions", + "corn tortillas", + "black beans", + "hot sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 42420, + "ingredients": [ + "whole milk", + "sweet corn", + "sugar", + "salt", + "yellow corn meal", + "baking powder", + "peanut oil", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 47346, + "ingredients": [ + "hard-boiled egg", + "salt", + "pickles", + "cilantro", + "cucumber", + "mayonaise", + "cooked chicken", + "carrots", + "potatoes", + "peas", + "sour cream" + ] + }, + { + "id": 44568, + "ingredients": [ + "tomatoes", + "Anaheim chile", + "salt", + "lime", + "vegetable oil", + "ground cumin", + "chicken broth", + "halibut fillets", + "garlic", + "pepper", + "leeks", + "corn tortillas" + ] + }, + { + "id": 38650, + "ingredients": [ + "mayonaise", + "dill", + "olive oil", + "filet", + "feta cheese", + "fresh lemon juice", + "mint", + "lemon" + ] + }, + { + "id": 19191, + "ingredients": [ + "baking potatoes", + "olive oil cooking spray" + ] + }, + { + "id": 22848, + "ingredients": [ + "light brown sugar", + "granulated sugar", + "vanilla", + "unsalted butter", + "heavy cream", + "pitted date", + "large eggs", + "all-purpose flour", + "baking soda", + "baking powder", + "boiling water" + ] + }, + { + "id": 17886, + "ingredients": [ + "clams", + "jalapeno chilies", + "cilantro", + "masa", + "corn kernels", + "shallots", + "poblano chiles", + "pepper", + "dry white wine", + "garlic cloves", + "unsalted butter", + "grapeseed oil", + "fresno chiles" + ] + }, + { + "id": 6036, + "ingredients": [ + "ground nutmeg", + "salt", + "light brown sugar", + "golden delicious apples", + "white sugar", + "egg yolks", + "all-purpose flour", + "ground cinnamon", + "butter" + ] + }, + { + "id": 38608, + "ingredients": [ + "honey", + "salt", + "whipping cream", + "brandy", + "vanilla extract", + "semisweet chocolate" + ] + }, + { + "id": 12890, + "ingredients": [ + "soy sauce", + "ginger", + "sesame seeds", + "oil", + "sake", + "beef", + "onions", + "sugar", + "mirin" + ] + }, + { + "id": 15709, + "ingredients": [ + "baking powder", + "all-purpose flour", + "melted butter", + "buttermilk", + "jalapeno chilies", + "salt", + "butter" + ] + }, + { + "id": 13125, + "ingredients": [ + "cold water", + "bourbon whiskey", + "sugar", + "fresh lemon juice", + "tea bags", + "lemon slices", + "lemon zest", + "boiling water" + ] + }, + { + "id": 48454, + "ingredients": [ + "dried porcini mushrooms", + "ground black pepper", + "dry sherry", + "water", + "shallots", + "low salt chicken broth", + "kosher salt", + "dry white wine", + "onion tops", + "olive oil", + "ravioli" + ] + }, + { + "id": 36627, + "ingredients": [ + "brown sugar", + "lemon", + "clove", + "dijon mustard", + "black peppercorns", + "beef brisket", + "whole allspice", + "onions" + ] + }, + { + "id": 47884, + "ingredients": [ + "tomato sauce", + "arugula", + "baked pizza crust", + "sun-dried tomatoes", + "shredded mozzarella cheese" + ] + }, + { + "id": 28, + "ingredients": [ + "sugar", + "freshly ground pepper", + "worcestershire sauce", + "mayonaise", + "salt", + "cider vinegar", + "lemon juice" + ] + }, + { + "id": 45365, + "ingredients": [ + "water", + "black olives", + "tomatoes", + "gluten", + "sour cream", + "olive oil", + "spaghetti squash", + "black beans", + "cheese", + "onions" + ] + }, + { + "id": 40795, + "ingredients": [ + "lime", + "frying oil", + "sambal chile paste", + "carbonated water", + "eggplant", + "sesame oil", + "soy sauce", + "flour", + "ginger root" + ] + }, + { + "id": 17651, + "ingredients": [ + "cooked turkey", + "vegetable oil", + "onions", + "red chili powder", + "garam masala", + "garlic", + "ground cinnamon", + "fresh ginger root", + "ground tumeric", + "water", + "chile pepper", + "salt" + ] + }, + { + "id": 1530, + "ingredients": [ + "cherry tomatoes", + "asparagus", + "chopped fresh thyme", + "scallions", + "olive oil", + "chopped fresh chives", + "garlic", + "roast red peppers, drain", + "yellow squash", + "grated parmesan cheese", + "italian eggplant", + "fresh lemon juice", + "vegetable oil cooking spray", + "vegetables", + "balsamic vinegar", + "cayenne pepper", + "polenta" + ] + }, + { + "id": 17604, + "ingredients": [ + "fresh ginger", + "green onions", + "garlic cloves", + "broccoli slaw", + "reduced sodium soy sauce", + "vietnamese fish sauce", + "serrano chile", + "lemongrass", + "mirin", + "seasoned rice wine vinegar", + "brown sugar", + "sherry vinegar", + "vegetable oil", + "chicken thighs" + ] + }, + { + "id": 4700, + "ingredients": [ + "water", + "fresh lime juice", + "silver tequila", + "lime", + "cointreau", + "coarse salt" + ] + }, + { + "id": 24972, + "ingredients": [ + "tomatoes", + "garlic", + "olive oil", + "onions", + "sugar", + "salt", + "fresh green bean" + ] + }, + { + "id": 23525, + "ingredients": [ + "orange", + "crushed ice", + "frozen orange juice concentrate", + "sea salt", + "tequila", + "cointreau", + "lime wedges", + "orange juice", + "lime juice", + "cocktail cherries", + "grenadine" + ] + }, + { + "id": 7092, + "ingredients": [ + "butter", + "fettuccine pasta", + "flat leaf parsley", + "heavy cream", + "parmigiano reggiano cheese" + ] + }, + { + "id": 43757, + "ingredients": [ + "bread mix", + "milk", + "lean ground beef", + "garlic", + "green chile", + "salt and ground black pepper", + "mexicorn", + "chunky salsa", + "eggs", + "taco seasoning mix", + "vegetable oil", + "onions", + "tomato sauce", + "Mexican cheese blend", + "extra-virgin olive oil" + ] + }, + { + "id": 4808, + "ingredients": [ + "pepper", + "cilantro", + "red wine vinegar", + "purple onion", + "jalapeno chilies", + "garlic", + "tomatoes", + "lemon", + "salt" + ] + }, + { + "id": 7249, + "ingredients": [ + "cocoa", + "cake", + "icing", + "eggs", + "mini marshmallows", + "vanilla", + "light brown sugar", + "milk", + "butter", + "sugar", + "flour", + "salt" + ] + }, + { + "id": 27589, + "ingredients": [ + "teas", + "herbal tea", + "sweetener" + ] + }, + { + "id": 47523, + "ingredients": [ + "ground cinnamon", + "flour", + "salt", + "brown sugar", + "butter", + "white sugar", + "eggs", + "baking powder", + "all-purpose flour", + "cream", + "apples" + ] + }, + { + "id": 44244, + "ingredients": [ + "orange marmalade", + "garlic", + "duck breast halves", + "orange", + "yellow onion" + ] + }, + { + "id": 10383, + "ingredients": [ + "straw mushrooms", + "cooking oil", + "chopped onion", + "sugar", + "sesame seeds", + "sesame oil", + "glass noodles", + "frozen chopped spinach", + "minced garlic", + "green onions", + "ground beef", + "soy sauce", + "zucchini", + "sliced carrots" + ] + }, + { + "id": 37285, + "ingredients": [ + "fresh cilantro", + "salt", + "extra sharp cheddar cheese", + "green chile", + "flour", + "sour cream", + "chicken", + "chicken broth", + "flour tortillas", + "yellow onion", + "canola oil", + "pepper", + "butter", + "chipotle peppers" + ] + }, + { + "id": 21332, + "ingredients": [ + "soy sauce", + "pork tenderloin", + "garlic", + "mustard", + "chinese plum sauce", + "vegetable oil", + "sugar", + "Sriracha", + "daikon", + "radicchio", + "green onions", + "chinese five-spice powder" + ] + }, + { + "id": 7311, + "ingredients": [ + "tomato paste", + "ground black pepper", + "garlic", + "cinnamon sticks", + "milk", + "grated parmesan cheese", + "cream cheese", + "onions", + "crushed tomatoes", + "cooking oil", + "salt", + "bay leaf", + "eggplant", + "red wine", + "ground allspice", + "ground lamb" + ] + }, + { + "id": 28052, + "ingredients": [ + "pot roast", + "onions", + "ground allspice", + "large garlic cloves", + "flat leaf parsley" + ] + }, + { + "id": 31653, + "ingredients": [ + "marsala wine", + "extra-virgin olive oil", + "prosciutto", + "onions", + "turkey breast cutlets", + "unsalted butter", + "fontina", + "baby spinach" + ] + }, + { + "id": 1740, + "ingredients": [ + "black pepper", + "anchovy fillets", + "grated lemon peel", + "fine sea salt", + "fresh lemon juice", + "crushed red pepper", + "flat leaf parsley", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 5484, + "ingredients": [ + "golden cake mix", + "cookies", + "bananas", + "instant banana cream pudding", + "caramel sauce", + "cold milk", + "cool whip" + ] + }, + { + "id": 41406, + "ingredients": [ + "milk", + "salt", + "yellow corn meal", + "corn kernels", + "sour cream", + "eggs", + "baking powder", + "white flour", + "canola oil cooking spray" + ] + }, + { + "id": 41907, + "ingredients": [ + "water", + "sherry", + "lemon juice", + "ground black pepper", + "salt", + "grits", + "milk", + "heavy cream", + "shrimp", + "kosher salt", + "unsalted butter", + "cayenne pepper" + ] + }, + { + "id": 46515, + "ingredients": [ + "artichoke hearts", + "Sargento® Traditional Cut Shredded 4 Cheese Mexican", + "green onions", + "sour cream", + "flour tortillas", + "chop green chilies, undrain", + "tomatoes", + "green enchilada sauce", + "chicken" + ] + }, + { + "id": 38392, + "ingredients": [ + "sugar", + "eggplant", + "salt", + "dried basil", + "diced tomatoes", + "garlic cloves", + "pepper", + "red wine vinegar", + "chopped onion", + "capers", + "olive oil", + "chopped celery" + ] + }, + { + "id": 15925, + "ingredients": [ + "black pepper", + "jalapeno chilies", + "onions", + "tomatoes", + "fresh ginger root", + "ground white pepper", + "avocado", + "lime", + "salt", + "wasabi paste", + "hot pepper sauce", + "shiso" + ] + }, + { + "id": 5094, + "ingredients": [ + "egg yolks", + "lemon juice", + "chicken stock", + "white rice", + "parsley", + "pepper", + "salt" + ] + }, + { + "id": 31816, + "ingredients": [ + "roast", + "french rolls", + "pepper", + "garlic", + "worcestershire sauce", + "beef bouillon", + "italian salad dressing mix" + ] + }, + { + "id": 35713, + "ingredients": [ + "powdered sugar", + "large eggs", + "vanilla extract", + "corn starch", + "water", + "sweetened coconut flakes", + "all-purpose flour", + "sugar", + "baking powder", + "salt", + "sour cream", + "unsalted butter", + "whipping cream", + "cream cheese" + ] + }, + { + "id": 31296, + "ingredients": [ + "cider vinegar", + "ancho powder", + "ground black pepper", + "chopped cilantro", + "lime", + "garlic cloves", + "white onion", + "chuck roast" + ] + }, + { + "id": 41640, + "ingredients": [ + "water", + "large garlic cloves", + "flat leaf parsley", + "French lentils", + "California bay leaves", + "pearl onions", + "salt", + "thyme sprigs", + "black pepper", + "unsalted butter", + "carrots" + ] + }, + { + "id": 22419, + "ingredients": [ + "kosher salt", + "finely chopped onion", + "chickpeas", + "garlic cloves", + "chopped cilantro fresh", + "crushed tomatoes", + "ground red pepper", + "cardamom pods", + "cinnamon sticks", + "canola oil", + "water", + "peeled fresh ginger", + "chopped onion", + "carrots", + "ground turmeric", + "nonfat yogurt", + "brown rice", + "ground coriander", + "bay leaf", + "ground cumin" + ] + }, + { + "id": 47874, + "ingredients": [ + "catfish fillets", + "salt", + "chili powder", + "vegetable oil", + "french bread", + "freshly ground pepper" + ] + }, + { + "id": 6570, + "ingredients": [ + "mozzarella cheese", + "grated parmesan cheese", + "purple onion", + "smoked paprika", + "dried basil", + "red pepper", + "green pepper", + "pepper", + "boneless skinless chicken breasts", + "salt", + "whole wheat penne", + "cream", + "olive oil", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 6936, + "ingredients": [ + "fresh corn", + "unsalted butter", + "kosher salt", + "ancho powder", + "fresh cilantro", + "fresh lime juice", + "lime" + ] + }, + { + "id": 34063, + "ingredients": [ + "red potato", + "butter", + "crab boil", + "water", + "garlic", + "onions", + "fresh corn", + "lemon", + "shrimp", + "coarse salt", + "smoked sausage" + ] + }, + { + "id": 34141, + "ingredients": [ + "bread crumb fresh", + "garlic cloves", + "plum tomatoes", + "vegetable oil", + "flat leaf parsley", + "whole milk", + "meatloaf", + "dried oregano", + "hot red pepper flakes", + "salt", + "onions" + ] + }, + { + "id": 44572, + "ingredients": [ + "cooking spray", + "buttermilk biscuits", + "butter" + ] + }, + { + "id": 28425, + "ingredients": [ + "milk", + "vegetable oil", + "white mushrooms", + "pasta", + "unsalted butter", + "garlic cloves", + "radicchio", + "all-purpose flour", + "mozzarella cheese", + "parsley leaves", + "fresh lemon juice" + ] + }, + { + "id": 38481, + "ingredients": [ + "tomatoes", + "vegetable oil", + "dried chile", + "pasilla chiles", + "large garlic cloves", + "corn tortillas", + "cotija", + "epazote", + "lard", + "avocado", + "white onion", + "crema" + ] + }, + { + "id": 18955, + "ingredients": [ + "chicken bouillon", + "kalamata", + "grated parmesan cheese", + "artichoke hearts", + "roast red peppers, drain", + "orzo pasta" + ] + }, + { + "id": 46466, + "ingredients": [ + "sweet onion", + "lamb stew meat", + "beef broth", + "corn starch", + "green bell pepper", + "olive oil", + "garlic", + "small red potato", + "celery", + "turnips", + "pork stew meat", + "yellow bell pepper", + "beer", + "red bell pepper", + "parsnips", + "ground black pepper", + "salt", + "carrots", + "italian seasoning" + ] + }, + { + "id": 5692, + "ingredients": [ + "rump roast", + "cooking oil", + "boiling water", + "pepper", + "salt", + "black pepper", + "garlic", + "dried thyme", + "onions" + ] + }, + { + "id": 39836, + "ingredients": [ + "fish sauce", + "lime", + "roast", + "oxtails", + "garlic", + "dried oregano", + "ground cloves", + "ground black pepper", + "condiments", + "vegetable oil", + "corn tortillas", + "homemade chicken stock", + "chili", + "bay leaves", + "apple cider vinegar", + "salsa", + "ground cumin", + "ancho", + "kosher salt", + "chipotle", + "chile negro", + "cilantro", + "onions" + ] + }, + { + "id": 33718, + "ingredients": [ + "harissa", + "couscous", + "lemon", + "tuna steaks", + "fresh mint", + "vegetable stock", + "ground cumin" + ] + }, + { + "id": 36250, + "ingredients": [ + "ground black pepper", + "fresh rosemary", + "onions", + "hungarian paprika", + "chicken", + "sea salt" + ] + }, + { + "id": 286, + "ingredients": [ + "tumeric", + "cooking spray", + "garlic", + "green pepper", + "onions", + "tomatoes", + "curry powder", + "vegetable broth", + "chickpeas", + "coconut milk", + "tomato paste", + "water", + "sea salt", + "spelt flour", + "carrots", + "ground cumin", + "chiles", + "baking powder", + "salt", + "almond milk", + "oregano" + ] + }, + { + "id": 29766, + "ingredients": [ + "water", + "diced tomatoes", + "fresh basil", + "large eggs", + "provolone cheese", + "biscuits", + "parmesan cheese", + "salt", + "pepper", + "ricotta cheese", + "garlic cloves" + ] + }, + { + "id": 20541, + "ingredients": [ + "coconut extract", + "water", + "heavy cream", + "corn starch", + "sugar", + "large eggs", + "salt", + "coconut flakes", + "unsalted butter", + "cake flour", + "confectioners sugar", + "pure vanilla extract", + "warm water", + "baking powder", + "cream cheese" + ] + }, + { + "id": 31173, + "ingredients": [ + "butter", + "mashed potatoes", + "chopped onion", + "pepper", + "cabbage", + "salt" + ] + }, + { + "id": 46440, + "ingredients": [ + "frozen pastry puff sheets", + "sugar" + ] + }, + { + "id": 23905, + "ingredients": [ + "ground ginger", + "olive oil", + "jalapeno chilies", + "peas", + "baby carrots", + "saffron", + "turnips", + "black pepper", + "fresh thyme", + "parsley", + "salt", + "couscous", + "tomatoes", + "vegetables", + "bay leaves", + "lamb shoulder", + "golden zucchini", + "rutabaga", + "water", + "potatoes", + "butter", + "yellow onion", + "cabbage" + ] + }, + { + "id": 37232, + "ingredients": [ + "warm water", + "salt", + "vegetable oil", + "yeast", + "milk", + "all-purpose flour", + "sugar", + "butter" + ] + }, + { + "id": 8517, + "ingredients": [ + "olive oil", + "salt", + "polenta", + "chopped fresh thyme", + "freshly ground pepper", + "unsalted butter", + "brie cheese", + "heavy cream", + "sliced mushrooms" + ] + }, + { + "id": 21249, + "ingredients": [ + "butternut squash", + "ground black pepper", + "salt", + "cajun seasoning", + "cooking spray" + ] + }, + { + "id": 32700, + "ingredients": [ + "pepper", + "onion powder", + "grated parmesan romano", + "shrimp", + "garlic powder", + "salt", + "sharp cheddar cheese", + "dried thyme", + "cheese", + "light cream cheese", + "chicken broth", + "quickcooking grits", + "hot sauce", + "scallions" + ] + }, + { + "id": 22845, + "ingredients": [ + "tomatoes", + "green onions", + "salad dressing", + "peaches", + "cilantro leaves", + "lime juice", + "purple onion", + "pure olive oil", + "jalapeno chilies", + "lemon juice" + ] + }, + { + "id": 45461, + "ingredients": [ + "garlic", + "italian seasoning", + "olive oil", + "salt", + "black pepper", + "white wine vinegar", + "granulated sugar", + "canola oil" + ] + }, + { + "id": 1307, + "ingredients": [ + "vegetable oil", + "confectioners sugar", + "granulated sugar", + "dipping sauces", + "large eggs", + "all-purpose flour", + "unsalted butter", + "coarse salt" + ] + }, + { + "id": 30010, + "ingredients": [ + "garlic", + "hot pepper sauce", + "all-purpose flour", + "pepper", + "salt", + "extra-virgin olive oil", + "beef sirloin" + ] + }, + { + "id": 21646, + "ingredients": [ + "chipotle chile", + "flank steak", + "cilantro leaves", + "canola oil", + "lime", + "extra-virgin olive oil", + "fresh lime juice", + "pepper", + "chili powder", + "garlic cloves", + "ground cumin", + "lager", + "salt", + "dried oregano" + ] + }, + { + "id": 28148, + "ingredients": [ + "kosher salt", + "cracked black pepper", + "chicken stock", + "finely chopped onion", + "spaghetti", + "unsalted butter", + "garlic", + "fresh rosemary", + "grated parmesan cheese" + ] + }, + { + "id": 26450, + "ingredients": [ + "dried thyme", + "salt", + "fresh lime juice", + "habanero pepper", + "scallions", + "vegetable oil", + "garlic cloves", + "ground black pepper", + "ground allspice", + "chicken pieces" + ] + }, + { + "id": 16602, + "ingredients": [ + "flour tortillas", + "poblano", + "Mexican cheese", + "refried beans", + "green onions", + "salsa", + "lettuce", + "jalapeno chilies", + "black olives", + "bell pepper", + "cilantro", + "sour cream" + ] + }, + { + "id": 9928, + "ingredients": [ + "salt", + "sugar", + "orange juice", + "eggs", + "dry bread crumbs", + "hazelnuts", + "heavy whipping cream" + ] + }, + { + "id": 27063, + "ingredients": [ + "I Can't Believe It's Not Butter!® Spread", + "firmly packed brown sugar", + "syrup", + "bread", + "vanilla extract" + ] + }, + { + "id": 22273, + "ingredients": [ + "large eggs", + "vanilla extract", + "polenta", + "sugar", + "butter cooking spray", + "grated lemon zest", + "butter", + "salt", + "milk", + "sweetened coconut flakes", + "sauce" + ] + }, + { + "id": 12744, + "ingredients": [ + "moong dal", + "green chilies", + "paneer", + "coriander", + "millet flour", + "oil", + "salt", + "ground turmeric" + ] + }, + { + "id": 28272, + "ingredients": [ + "Scotch whisky", + "dry vermouth", + "sweet vermouth", + "ice cubes" + ] + }, + { + "id": 30350, + "ingredients": [ + "pepper", + "butter", + "cabbage", + "tomato sauce", + "ground red pepper", + "salt", + "vegetable oil cooking spray", + "water", + "garlic", + "sugar", + "chicken breast halves", + "ground allspice" + ] + }, + { + "id": 23362, + "ingredients": [ + "pepper", + "chives", + "large eggs", + "salt", + "water", + "garlic", + "cheddar cheese", + "quickcooking grits" + ] + }, + { + "id": 13645, + "ingredients": [ + "kosher salt", + "red wine vinegar", + "purple onion", + "greek yogurt", + "pita bread", + "ground black pepper", + "garlic", + "lemon juice", + "olive oil", + "lemon", + "filet", + "oregano", + "plain yogurt", + "roma tomatoes", + "white wine vinegar", + "cucumber" + ] + }, + { + "id": 16942, + "ingredients": [ + "yellow corn meal", + "Tabasco Pepper Sauce", + "fresh lemon juice", + "tomato paste", + "shallots", + "dill pickles", + "mayonaise", + "vegetable oil", + "sour cream", + "catfish fillets", + "large eggs", + "dry bread crumbs", + "flat leaf parsley" + ] + }, + { + "id": 34970, + "ingredients": [ + "pork cutlets", + "large eggs", + "all-purpose flour", + "unsalted butter", + "salt", + "pepper", + "vegetable oil", + "bread crumbs", + "grated parmesan cheese" + ] + }, + { + "id": 27829, + "ingredients": [ + "butter", + "flour", + "vegetable oil", + "potatoes", + "salt" + ] + }, + { + "id": 38058, + "ingredients": [ + "country crock calcium plus vitamin d", + "pitted olives", + "flour tortillas", + "shredded cheddar cheese", + "prepar salsa" + ] + }, + { + "id": 13256, + "ingredients": [ + "black pepper", + "garlic", + "thai green curry paste", + "fresh spinach", + "lime", + "oil", + "fresh coriander", + "chickpeas", + "onions", + "red chili peppers", + "vegetable stock", + "coconut milk" + ] + }, + { + "id": 31859, + "ingredients": [ + "sugar", + "diced tomatoes", + "sour cream", + "pepper", + "garlic cloves", + "fresh parsley", + "mozzarella cheese", + "salt", + "gnocchi", + "tomato paste", + "bacon", + "smoked paprika" + ] + }, + { + "id": 43027, + "ingredients": [ + "water", + "baking powder", + "all-purpose flour", + "sugar", + "large eggs", + "salt", + "unsalted butter", + "vanilla extract", + "parmesan cheese", + "buttermilk", + "grits" + ] + }, + { + "id": 22235, + "ingredients": [ + "black pepper", + "starch", + "cooking wine", + "ginger root", + "dark soy sauce", + "water", + "sesame oil", + "scallions", + "eggs", + "chili pepper", + "green onions", + "salt", + "sugar", + "light soy sauce", + "beef tenderloin", + "oyster sauce" + ] + }, + { + "id": 2933, + "ingredients": [ + "crawfish", + "heavy cream", + "bow-tie pasta", + "green onions", + "garlic", + "pepper", + "crushed red pepper flakes", + "yellow onion", + "butter", + "salt" + ] + }, + { + "id": 45981, + "ingredients": [ + "mozzarella cheese", + "cooking spray", + "crumbles", + "french bread", + "green bell pepper", + "parmesan cheese", + "sweet onion", + "low-fat tomato-and-basil pasta sauc" + ] + }, + { + "id": 11460, + "ingredients": [ + "kosher salt", + "dry white wine", + "arborio rice", + "grated parmesan cheese", + "black pepper", + "low sodium chicken broth", + "unsalted butter", + "yellow onion" + ] + }, + { + "id": 33770, + "ingredients": [ + "celery ribs", + "pepper", + "all-purpose flour", + "onions", + "green bell pepper", + "garlic", + "rotisserie chicken", + "chicken broth", + "vegetable oil", + "creole seasoning", + "andouille sausage", + "salt", + "bay leaf" + ] + }, + { + "id": 24399, + "ingredients": [ + "dry vermouth", + "shallots", + "unsalted butter", + "white wine vinegar", + "cold water", + "dry white wine", + "sea scallops", + "fresh tarragon" + ] + }, + { + "id": 8006, + "ingredients": [ + "salmon fillets", + "salt", + "pepper", + "dressing", + "oil" + ] + }, + { + "id": 48885, + "ingredients": [ + "spinach", + "mushrooms", + "tofu" + ] + }, + { + "id": 42585, + "ingredients": [ + "bone-in chicken breast halves", + "small potatoes", + "baby carrots", + "bone in chicken thighs", + "olive oil", + "ras el hanout", + "flat leaf parsley", + "kosher salt", + "apricot halves", + "freshly ground pepper", + "green olives", + "lemon wedge", + "yellow onion", + "chopped cilantro fresh" + ] + }, + { + "id": 40160, + "ingredients": [ + "chicken broth", + "chicken breasts", + "shredded cheese", + "olives", + "milk", + "butter", + "roast red peppers, drain", + "black beans", + "rotelle", + "enchilada sauce", + "flour", + "frozen corn", + "onions" + ] + }, + { + "id": 45541, + "ingredients": [ + "green onions", + "beansprouts", + "large eggs", + "sauce", + "peanuts", + "rice noodles", + "canola oil", + "pork tenderloin", + "carrots" + ] + }, + { + "id": 22410, + "ingredients": [ + "mayonaise", + "sliced carrots", + "baguette", + "barbecued pork", + "fish sauce", + "serrano peppers", + "hot chili sauce", + "pepper", + "cilantro leaves" + ] + }, + { + "id": 26226, + "ingredients": [ + "lime", + "sesame oil", + "avocado", + "sesame seeds", + "tamari soy sauce", + "honey", + "cilantro", + "spring roll wrappers", + "red cabbage" + ] + }, + { + "id": 4591, + "ingredients": [ + "garlic", + "cumin seed", + "mango", + "fresh ginger", + "cayenne pepper", + "chopped cilantro fresh", + "water", + "salt", + "onions", + "canola oil", + "yellow lentils", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 5457, + "ingredients": [ + "zucchini", + "chickpeas", + "ancho chile pepper", + "water", + "butternut squash", + "pitted prunes", + "ground cumin", + "ground cinnamon", + "dried apricot", + "ground coriander", + "ground turmeric", + "chopped tomatoes", + "yellow onion", + "garlic cloves" + ] + }, + { + "id": 39085, + "ingredients": [ + "eggs", + "parmesan cheese", + "goat cheese", + "onions", + "pepper", + "paprika", + "garlic cloves", + "mozzarella cheese", + "potatoes", + "green chilies", + "nutmeg", + "honey", + "salt", + "serrano ham" + ] + }, + { + "id": 24040, + "ingredients": [ + "purple onion", + "Mexican cheese", + "feta cheese", + "oil", + "avocado", + "cilantro leaves", + "corn tortillas", + "queso fresco", + "enchilada sauce" + ] + }, + { + "id": 6576, + "ingredients": [ + "sugar", + "vegetable oil", + "beansprouts", + "low sodium soy sauce", + "ground black pepper", + "dark sesame oil", + "sliced green onions", + "fresh ginger", + "linguine", + "cooked chicken breasts", + "sake", + "shredded carrots", + "corn starch" + ] + }, + { + "id": 34310, + "ingredients": [ + "sugar", + "mace", + "cayenne pepper", + "dried thyme", + "dried sage", + "pork butt roast", + "water", + "garlic powder", + "smoked paprika", + "honey", + "onion powder", + "white sugar" + ] + }, + { + "id": 27350, + "ingredients": [ + "mint", + "corn", + "chili powder", + "garlic", + "rice", + "kosher salt", + "vegetables", + "ground pork", + "beef broth", + "ground beef", + "tomato sauce", + "olive oil", + "summer squash", + "salt", + "green beans", + "eggs", + "water", + "ground black pepper", + "peas", + "yellow onion" + ] + }, + { + "id": 9968, + "ingredients": [ + "fresh red chili", + "coconut", + "garlic chili sauce", + "scallops", + "squid", + "onions", + "fish sauce", + "coconut cream", + "shrimp", + "water", + "oil" + ] + }, + { + "id": 2464, + "ingredients": [ + "white onion", + "bay leaves", + "carrots", + "celery ribs", + "pepper", + "butter", + "pancetta", + "cream", + "lean ground beef", + "fresh parsley", + "white wine", + "crushed tomatoes", + "salt" + ] + }, + { + "id": 27952, + "ingredients": [ + "dark soy sauce", + "boneless chicken breast", + "szechwan peppercorns", + "roasted peanuts", + "potato flour", + "sugar", + "Shaoxing wine", + "ginger", + "chinkiang vinegar", + "gai lan", + "cooking oil", + "sesame oil", + "garlic cloves", + "chicken stock", + "light soy sauce", + "spring onions", + "salt", + "dried chile" + ] + }, + { + "id": 43388, + "ingredients": [ + "whole wheat tortillas", + "ground cumin", + "california avocado", + "cilantro", + "queso fresco", + "hummus" + ] + }, + { + "id": 33143, + "ingredients": [ + "black beans", + "green onions", + "garlic", + "ground cumin", + "tomato sauce", + "water", + "red pepper", + "cilantro leaves", + "Pepperidge Farm Puff Pastry Sheets", + "guacamole", + "ground pork", + "sour cream", + "eggs", + "shredded cheddar cheese", + "chili powder", + "crushed red pepper" + ] + }, + { + "id": 28083, + "ingredients": [ + "unsweetened coconut milk", + "extra firm tofu", + "red bell pepper", + "soy sauce", + "Thai red curry paste", + "fresh basil", + "peeled fresh ginger", + "fresh lime juice", + "zucchini", + "peanut oil" + ] + }, + { + "id": 15927, + "ingredients": [ + "large flour tortillas", + "shredded cheddar cheese", + "red enchilada sauce", + "stew meat", + "green chilies", + "beef" + ] + }, + { + "id": 10255, + "ingredients": [ + "turnip greens", + "hot pepper sauce", + "sliced carrots", + "garlic cloves", + "white vinegar", + "fat free less sodium chicken broth", + "leeks", + "butter", + "black pepper", + "reduced fat milk", + "baking potatoes", + "turnips", + "dried thyme", + "chicken breasts", + "salt" + ] + }, + { + "id": 8011, + "ingredients": [ + "potato starch", + "butter", + "sweet rice flour", + "granulated sugar", + "salt", + "baking soda", + "buttermilk", + "baking powder", + "white rice flour" + ] + }, + { + "id": 5195, + "ingredients": [ + "eggs", + "minced garlic", + "sambal olek", + "tamarind paste", + "soy sauce", + "peanuts", + "lime wedges", + "noodles", + "light brown sugar", + "ground chicken", + "thai basil", + "crushed red pepper flakes", + "fish sauce", + "water", + "green onions", + "carrots" + ] + }, + { + "id": 36015, + "ingredients": [ + "sugar", + "olive oil mayonnaise", + "rice vinegar", + "Sriracha", + "salt", + "baguette", + "daikon", + "carrots", + "avocado", + "jalapeno chilies", + "cilantro leaves" + ] + }, + { + "id": 40910, + "ingredients": [ + "cooked ham", + "brie cheese", + "chopped fresh chives", + "brazil nuts", + "fresh tarragon" + ] + }, + { + "id": 11309, + "ingredients": [ + "lemon", + "white wine", + "mango", + "egg whites", + "sugar", + "whipping cream" + ] + }, + { + "id": 47556, + "ingredients": [ + "green bell pepper", + "reduced sodium fat free chicken broth", + "okra", + "plum tomatoes", + "vegetable oil cooking spray", + "vegetable oil", + "shrimp", + "sweet onion", + "cajun seasoning", + "grits", + "andouille sausage", + "flour", + "garlic cloves", + "sliced green onions" + ] + }, + { + "id": 27958, + "ingredients": [ + "ground black pepper", + "sesame oil", + "cashew nuts", + "sugar", + "pandan extract", + "salt", + "unsalted butter", + "heavy cream", + "palm sugar", + "whole milk", + "coconut milk" + ] + }, + { + "id": 27198, + "ingredients": [ + "salt", + "tomatillos", + "chopped cilantro fresh", + "purple onion", + "ground cumin", + "grape tomatoes", + "fresh lime juice" + ] + }, + { + "id": 643, + "ingredients": [ + "salt", + "caviar", + "skim milk", + "seedless red grapes", + "Belgian endive", + "small red potato", + "vegetable oil cooking spray", + "chèvre" + ] + }, + { + "id": 40853, + "ingredients": [ + "garam masala", + "salt", + "ground turmeric", + "plain yogurt", + "vegetable oil", + "garlic cloves", + "chicken legs", + "cayenne", + "ground coriander", + "ground cumin", + "fresh ginger", + "paprika", + "lemon juice" + ] + }, + { + "id": 15815, + "ingredients": [ + "mirin", + "scallions", + "sake", + "sea salt", + "bamboo shoots", + "skinless boneless chicken legs", + "corn starch", + "soy sauce", + "togarashi" + ] + }, + { + "id": 2063, + "ingredients": [ + "butter", + "crème fraîche", + "lemon wedge", + "garlic", + "seasoned flour", + "pure olive oil", + "extra-virgin olive oil", + "small eggs", + "Tabasco Pepper Sauce", + "salt", + "chicken thighs" + ] + }, + { + "id": 19827, + "ingredients": [ + "caraway seeds", + "ground nutmeg", + "salt", + "sugar", + "buttermilk", + "shortening", + "flour", + "baking soda", + "raisins" + ] + }, + { + "id": 33443, + "ingredients": [ + "olive oil", + "sardines", + "capers", + "dillweed", + "bread", + "purple onion", + "cream cheese with chives and onion", + "sour cream" + ] + }, + { + "id": 44632, + "ingredients": [ + "chestnuts", + "minced garlic", + "potatoes", + "yellow onion", + "pears", + "table salt", + "shiitake", + "rice wine", + "beef rib short", + "brown sugar", + "water", + "green onions", + "gingerroot", + "kiwi", + "ground ginger", + "soy sauce", + "ground black pepper", + "sesame oil", + "carrots" + ] + }, + { + "id": 26773, + "ingredients": [ + "chicken stock", + "shredded carrots", + "vegetable oil", + "red bell pepper", + "sugar pea", + "boneless skinless chicken breasts", + "garlic", + "fish sauce", + "green onions", + "ginger", + "onions", + "unsweetened coconut milk", + "thai basil", + "sesame oil", + "crushed red pepper" + ] + }, + { + "id": 3203, + "ingredients": [ + "Vietnamese coriander", + "shiitake", + "grapeseed oil", + "snapper fillets", + "toasted sesame oil", + "chervil", + "nam pla", + "young ginger", + "extra-virgin olive oil", + "ground white pepper", + "chiles", + "lime", + "coarse salt", + "oyster mushrooms", + "fleur de sel", + "lemongrass", + "white miso", + "fresh tarragon", + "scallions", + "grated orange" + ] + }, + { + "id": 32873, + "ingredients": [ + "egg noodles", + "napa cabbage", + "ground black pepper", + "chicken breasts", + "evaporated milk", + "green onions", + "salt", + "chicken broth", + "large eggs", + "garlic" + ] + }, + { + "id": 24806, + "ingredients": [ + "fresh coriander", + "vegetables", + "sweet corn", + "soup noodles", + "stock", + "fresh lime", + "red pepper", + "carrots", + "sugar", + "light soy sauce", + "salt", + "celery", + "kaffir lime leaves", + "lemongrass", + "vegetable oil", + "roasting chickens", + "snow peas" + ] + }, + { + "id": 45942, + "ingredients": [ + "dijon mustard", + "butter", + "fat skimmed chicken broth", + "capers", + "fresh thyme leaves", + "dried salted codfish", + "ground pepper", + "parsley", + "salt", + "potatoes", + "whipping cream", + "onions" + ] + }, + { + "id": 1324, + "ingredients": [ + "egg whites", + "salt", + "cream of tartar", + "butter", + "bittersweet chocolate", + "egg yolks", + "sauce", + "sugar", + "vanilla extract", + "unsweetened cocoa powder" + ] + }, + { + "id": 32526, + "ingredients": [ + "pork", + "bonito flakes", + "scallions", + "mirin", + "worcestershire sauce", + "onions", + "soy sauce", + "shredded cabbage", + "carrots", + "udon", + "togarashi", + "canola oil" + ] + }, + { + "id": 48093, + "ingredients": [ + "dijon mustard", + "honey", + "orange juice", + "minced garlic", + "rice vinegar", + "olive oil", + "chopped cilantro fresh" + ] + }, + { + "id": 48942, + "ingredients": [ + "bread crumbs", + "garlic cloves", + "rosemary sprigs", + "extra-virgin olive oil", + "new potatoes", + "fish", + "black pepper", + "fine sea salt" + ] + }, + { + "id": 8845, + "ingredients": [ + "dry white wine", + "oil", + "olive oil", + "all-purpose flour", + "reduced sodium chicken broth", + "veal cutlets", + "flat leaf parsley", + "unsalted butter", + "brine-cured black olives" + ] + }, + { + "id": 11546, + "ingredients": [ + "grated parmesan cheese", + "dijon style mustard", + "romaine lettuce", + "worcestershire sauce", + "lemon", + "croutons", + "olive oil", + "garlic" + ] + }, + { + "id": 44358, + "ingredients": [ + "salsa", + "black beans", + "cheddar cheese", + "sour cream", + "flour tortillas" + ] + }, + { + "id": 3209, + "ingredients": [ + "cheese slices", + "cooked ham", + "salad", + "hard salami", + "french bread" + ] + }, + { + "id": 10553, + "ingredients": [ + "dry white wine", + "fresh mushrooms", + "pepper", + "chunky tomato sauce", + "italian seasoning", + "chicken breast halves", + "spaghetti", + "cooking spray", + "chopped onion" + ] + }, + { + "id": 44430, + "ingredients": [ + "brandy", + "large egg whites", + "ladyfingers", + "fat free yogurt", + "mascarpone", + "marsala wine", + "water", + "sugar", + "instant espresso granules", + "unsweetened cocoa powder" + ] + }, + { + "id": 44712, + "ingredients": [ + "fat free less sodium chicken broth", + "bosc pears", + "pear nectar", + "fresh parsley", + "ground cinnamon", + "ground black pepper", + "chopped fresh thyme", + "chopped walnuts", + "arborio rice", + "olive oil", + "shallots", + "salt", + "Chianti", + "crumbled blue cheese", + "butter", + "garlic cloves" + ] + }, + { + "id": 16351, + "ingredients": [ + "fresh coriander", + "yoghurt", + "garlic cloves", + "coriander powder", + "salt", + "gram flour", + "garam masala", + "chili powder", + "rice flour", + "chili flakes", + "boneless chicken breast", + "oil", + "ground cumin" + ] + }, + { + "id": 44644, + "ingredients": [ + "seedless cucumber", + "red wine vinegar", + "fresh basil", + "minced garlic", + "salt", + "pepper", + "purple onion", + "bread ciabatta", + "olive oil", + "plum tomatoes" + ] + }, + { + "id": 31670, + "ingredients": [ + "vegetable oil", + "chicken", + "hot pepper sauce", + "salt", + "curry powder", + "garlic", + "potatoes", + "onions" + ] + }, + { + "id": 49147, + "ingredients": [ + "jack cheese", + "chopped pecans", + "ground cinnamon", + "blueberries", + "bread", + "butter", + "grated lemon peel", + "syrup", + "lemon juice" + ] + }, + { + "id": 19750, + "ingredients": [ + "manioc flour", + "bacon", + "coarse salt", + "garlic" + ] + }, + { + "id": 48121, + "ingredients": [ + "eggs", + "minced ginger", + "Sriracha", + "rice vinegar", + "mayonaise", + "almond flour", + "ground pork", + "carrots", + "fish sauce", + "fresh cilantro", + "daikon", + "scallions", + "sugar substitute", + "garlic powder", + "salt", + "chopped cilantro" + ] + }, + { + "id": 22722, + "ingredients": [ + "vodka", + "coffee beans", + "vanilla beans", + "orange", + "sugar", + "dry white wine" + ] + }, + { + "id": 9910, + "ingredients": [ + "tomatoes", + "salt", + "bread", + "extra-virgin olive oil", + "large garlic cloves", + "ground black pepper" + ] + }, + { + "id": 14236, + "ingredients": [ + "pancetta", + "ground black pepper", + "cooking spray", + "cornmeal", + "dried thyme", + "dry yeast", + "all-purpose flour", + "part-skim mozzarella cheese", + "parmigiano reggiano cheese", + "garlic cloves", + "warm water", + "asparagus", + "sea salt" + ] + }, + { + "id": 48341, + "ingredients": [ + "mayonaise", + "Velveeta", + "pimentos" + ] + }, + { + "id": 23190, + "ingredients": [ + "water", + "green onions", + "galangal", + "kaffir lime leaves", + "lemongrass", + "cilantro", + "fish sauce", + "serrano peppers", + "garlic", + "lime juice", + "chicken breasts" + ] + }, + { + "id": 20362, + "ingredients": [ + "boneless chicken skinless thigh", + "passata", + "cinnamon sticks", + "dried oregano", + "salad", + "paprika", + "garlic cloves", + "white cheese", + "olive oil", + "salt", + "chopped parsley", + "allspice", + "crusty bread", + "orzo", + "greek yogurt", + "onions" + ] + }, + { + "id": 44794, + "ingredients": [ + "vegetable oil", + "crushed red pepper flakes", + "red wine vinegar", + "coarse salt", + "onions", + "collard greens", + "bacon" + ] + }, + { + "id": 39419, + "ingredients": [ + "cinnamon", + "whole milk", + "sugar", + "cinnamon sticks", + "medium-grain rice" + ] + }, + { + "id": 13526, + "ingredients": [ + "milk", + "butter", + "flour", + "pasta shells", + "dijon mustard", + "smoked sausage", + "shredded swiss cheese", + "onions" + ] + }, + { + "id": 42270, + "ingredients": [ + "beef", + "white sugar", + "garlic powder", + "carrots", + "kosher salt", + "scallions", + "ground black pepper", + "onions" + ] + }, + { + "id": 37208, + "ingredients": [ + "kidney beans", + "chili powder", + "onions", + "shredded cheddar cheese", + "sweet potatoes", + "garlic", + "soy sauce", + "flour tortillas", + "vegetable oil", + "ground cumin", + "water", + "prepared mustard", + "cayenne pepper" + ] + }, + { + "id": 33824, + "ingredients": [ + "tomatoes", + "sherry vinegar", + "fresh basil leaves", + "baguette", + "extra-virgin olive oil", + "sun-dried tomatoes", + "goat cheese", + "fresh basil", + "tapenade" + ] + }, + { + "id": 29953, + "ingredients": [ + "pizza crust", + "pizza sauce", + "olive oil", + "italian seasoning", + "mozzarella cheese", + "pepperoni", + "grated parmesan cheese" + ] + }, + { + "id": 16387, + "ingredients": [ + "water", + "soy sauce", + "sugar", + "sesame oil", + "quail eggs" + ] + }, + { + "id": 37672, + "ingredients": [ + "sugar", + "vegetable oil", + "powdered sugar", + "egg yolks", + "yams", + "honey", + "vanilla extract", + "cornflake crumbs", + "all-purpose flour" + ] + }, + { + "id": 1868, + "ingredients": [ + "fresh rosemary", + "minced onion", + "all-purpose flour", + "active dry yeast", + "kalamata", + "sugar", + "coarse salt", + "olive oil", + "salt" + ] + }, + { + "id": 24984, + "ingredients": [ + "eggs", + "gluten free rice chex", + "milk", + "garlic", + "fresh lime juice", + "hot red pepper flakes", + "pepper", + "gluten", + "salt", + "brown sugar", + "sliced almonds", + "chicken breasts", + "gluten-free tamari sauce", + "ground ginger", + "sweet chili sauce", + "water", + "cilantro", + "rice vinegar" + ] + }, + { + "id": 47128, + "ingredients": [ + "tomatoes", + "olive oil", + "purple onion", + "dried oregano", + "romaine lettuce", + "ground black pepper", + "english cucumber", + "green bell pepper", + "feta cheese", + "salt", + "pepperoni slices", + "kalamata", + "lemon juice" + ] + }, + { + "id": 44303, + "ingredients": [ + "brown sugar", + "dry bread crumbs", + "white vinegar", + "water", + "onions", + "soy sauce", + "ground beef", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 20318, + "ingredients": [ + "extra firm tofu", + "orange juice", + "fat free less sodium chicken broth", + "vegetable oil", + "low sodium soy sauce", + "peeled fresh ginger", + "cooked long-grain brown rice", + "hoisin sauce", + "crushed red pepper" + ] + }, + { + "id": 7513, + "ingredients": [ + "tomato sauce", + "bay leaves", + "dried oregano", + "dried basil", + "salt", + "pepper", + "diced tomatoes", + "italian seasoning", + "italian sausage", + "garlic powder", + "spaghetti" + ] + }, + { + "id": 13261, + "ingredients": [ + "kosher salt", + "garlic", + "black pepper", + "grated parmesan cheese", + "eggs", + "milk", + "ground meat", + "bread crumbs", + "ground pork" + ] + }, + { + "id": 19259, + "ingredients": [ + "white flour", + "sugar", + "oil", + "salt", + "warm water", + "yeast" + ] + }, + { + "id": 31103, + "ingredients": [ + "butter", + "corn starch", + "dried tarragon leaves", + "green pepper", + "chicken", + "chicken broth", + "red pepper", + "onions", + "olive oil", + "ham" + ] + }, + { + "id": 24037, + "ingredients": [ + "olive oil", + "kalamata", + "sourdough baguette", + "radishes", + "goat cheese", + "tomatoes", + "tuna steaks", + "garlic cloves", + "rocket leaves", + "balsamic vinegar", + "fresh basil leaves" + ] + }, + { + "id": 29984, + "ingredients": [ + "bourbon whiskey", + "sugar", + "juice", + "crushed ice", + "mint leaves", + "club soda" + ] + }, + { + "id": 28159, + "ingredients": [ + "vanilla ice cream", + "orange juice", + "grated orange", + "lemon peel", + "lemon juice", + "sugar", + "cognac", + "butter", + "orange liqueur" + ] + }, + { + "id": 5318, + "ingredients": [ + "plain yogurt", + "juice", + "milk", + "ice cubes", + "mango" + ] + }, + { + "id": 23962, + "ingredients": [ + "sliced olives", + "chopped cilantro", + "cheddar cheese", + "red enchilada sauce", + "green chile", + "green onions", + "chicken", + "flour tortillas", + "sour cream" + ] + }, + { + "id": 2084, + "ingredients": [ + "dry white wine", + "salt", + "spaghetti", + "mussels", + "garlic", + "freshly ground pepper", + "saffron threads", + "extra-virgin olive oil", + "grated lemon zest", + "crushed tomatoes", + "crushed red pepper", + "fresh parsley" + ] + }, + { + "id": 41793, + "ingredients": [ + "fresh parsley", + "medjool date", + "fleur de sel", + "foie gras" + ] + }, + { + "id": 18960, + "ingredients": [ + "arborio rice", + "pecorino romano cheese", + "low salt chicken broth", + "large eggs", + "chopped onion", + "dried porcini mushrooms", + "fresh tarragon", + "butter", + "carrots" + ] + }, + { + "id": 17025, + "ingredients": [ + "eggs", + "white sugar", + "vanilla extract", + "sweetened condensed milk" + ] + }, + { + "id": 15510, + "ingredients": [ + "yellow corn meal", + "baking soda", + "buttermilk", + "sugar", + "baking powder", + "all-purpose flour", + "eggs", + "green onions", + "salt", + "sesame seeds", + "butter" + ] + }, + { + "id": 36832, + "ingredients": [ + "sake", + "kosher salt", + "green onions", + "boiling water", + "wasabi paste", + "bottled clam juice", + "peeled fresh ginger", + "green tea leaves", + "soy sauce", + "sea scallops", + "white sesame seeds", + "sugar", + "short-grain rice", + "salmon roe" + ] + }, + { + "id": 20643, + "ingredients": [ + "butter", + "zesty italian dressing", + "turkey breast", + "tomatoes", + "provolone cheese", + "red wine vinegar" + ] + }, + { + "id": 4154, + "ingredients": [ + "avocado", + "hominy", + "coarse sea salt", + "garlic cloves", + "boneless pork shoulder", + "mild olive oil", + "chili powder", + "cilantro leaves", + "white onion", + "radishes", + "pork stock", + "cold water", + "ground black pepper", + "lime wedges", + "tortilla chips" + ] + }, + { + "id": 10510, + "ingredients": [ + "chicken stock", + "chili paste", + "pepper", + "ground pork", + "soy sauce", + "green onions", + "tofu", + "water", + "fermented black beans" + ] + }, + { + "id": 45117, + "ingredients": [ + "vidalia", + "shredded cheese", + "cream cheese", + "mayonaise" + ] + }, + { + "id": 43403, + "ingredients": [ + "fresh rosemary", + "whole milk", + "grated nutmeg", + "parsnips", + "large garlic cloves", + "baby portobello mushrooms", + "butter", + "grated parmesan cheese", + "cheese" + ] + }, + { + "id": 42471, + "ingredients": [ + "minced garlic", + "wasabi powder", + "corn starch", + "ground cinnamon", + "fresh ginger", + "yams", + "water", + "sea salt", + "mayonaise", + "vegetable oil", + "lemon juice" + ] + }, + { + "id": 6942, + "ingredients": [ + "basil leaves", + "extra-virgin olive oil", + "spaghettini", + "capers", + "beefsteak tomatoes", + "salt", + "ground black pepper", + "large garlic cloves", + "scallions", + "pecorino cheese", + "oil packed anchovies", + "crushed red pepper", + "salted roasted almonds" + ] + }, + { + "id": 33309, + "ingredients": [ + "egg yolks", + "heavy cream", + "ground cloves", + "shallots", + "cognac", + "ground ginger", + "chicken breasts", + "salt", + "pepper", + "butter" + ] + }, + { + "id": 6689, + "ingredients": [ + "baking soda", + "cooking spray", + "all-purpose flour", + "yellow corn meal", + "large eggs", + "salt", + "low-fat buttermilk", + "vegetable oil", + "frozen whole kernel corn", + "baking powder", + "ground cumin" + ] + }, + { + "id": 48687, + "ingredients": [ + "chicken broth", + "olive oil", + "baby spinach", + "all-purpose flour", + "chicken", + "romano cheese", + "half & half", + "butter", + "celery", + "fresh basil", + "grated parmesan cheese", + "potato gnocchi", + "carrots", + "black pepper", + "coarse salt", + "garlic", + "onions" + ] + }, + { + "id": 9880, + "ingredients": [ + "fresh parmesan cheese", + "cooking spray", + "garlic cloves", + "crushed tomatoes", + "finely chopped onion", + "linguine", + "dried oregano", + "parsley sprigs", + "ground black pepper", + "dry red wine", + "boneless skinless chicken breast halves", + "garlic powder", + "low-fat whole wheat crackers", + "salt" + ] + }, + { + "id": 25590, + "ingredients": [ + "diced tomatoes", + "noodles", + "eggs", + "garlic", + "bacon", + "onions", + "cheese" + ] + }, + { + "id": 21842, + "ingredients": [ + "mayonaise", + "fresh lime juice", + "jalapeno chilies", + "skim milk", + "avocado", + "salt" + ] + }, + { + "id": 27151, + "ingredients": [ + "fennel seeds", + "pepper", + "vinegar", + "green chilies", + "onions", + "tomatoes", + "garam masala", + "garlic", + "mustard seeds", + "chopped garlic", + "curry leaves", + "water", + "potatoes", + "oil", + "ground turmeric", + "red chili peppers", + "coriander powder", + "salt", + "coconut milk", + "chicken" + ] + }, + { + "id": 565, + "ingredients": [ + "water", + "dried shiitake mushrooms", + "dried kelp" + ] + }, + { + "id": 21740, + "ingredients": [ + "tomatoes", + "olive oil", + "capsicum", + "couscous", + "tumeric", + "lemon zest", + "salt", + "ground cumin", + "stock", + "garlic powder", + "chili powder", + "chicken", + "water", + "chicken breasts", + "lemon juice" + ] + }, + { + "id": 42399, + "ingredients": [ + "wheat berries", + "raisins", + "water", + "roasted almonds", + "salt", + "ground cinnamon", + "honey", + "poppy seeds", + "milk", + "dried apricot" + ] + }, + { + "id": 35928, + "ingredients": [ + "cooked rice", + "artichoke hearts", + "bay leaves", + "garlic cloves", + "ground lamb", + "pepper", + "fennel bulb", + "salt", + "onions", + "bread crumb fresh", + "tomato juice", + "cannellini beans", + "fresh lemon juice", + "eggs", + "water", + "leeks", + "dill", + "oregano" + ] + }, + { + "id": 47060, + "ingredients": [ + "caraway seeds", + "raisins", + "baking powder", + "all-purpose flour", + "buttermilk", + "white sugar", + "eggs", + "salt" + ] + }, + { + "id": 43147, + "ingredients": [ + "tomato purée", + "coriander powder", + "salt", + "coriander", + "tumeric", + "vegan butter", + "cumin seed", + "ground cumin", + "garlic paste", + "vegetable oil", + "cayenne pepper", + "methi", + "garam masala", + "ginger", + "dal" + ] + }, + { + "id": 16625, + "ingredients": [ + "clams", + "shell pasta", + "shrimp", + "olive oil", + "anchovy paste", + "dried basil", + "large garlic cloves", + "fresh parsley", + "italian plum tomatoes", + "crushed red pepper" + ] + }, + { + "id": 16769, + "ingredients": [ + "white wine", + "onions", + "extra-virgin olive oil", + "potatoes", + "eggs", + "salt" + ] + }, + { + "id": 12515, + "ingredients": [ + "yellow corn meal", + "large eggs", + "all-purpose flour", + "baking soda", + "vegetable oil", + "onions", + "sugar", + "baking powder", + "cayenne pepper", + "low-fat buttermilk", + "coarse salt" + ] + }, + { + "id": 14731, + "ingredients": [ + "red pepper flakes", + "fresh lemon juice", + "fresh ginger", + "chopped celery", + "sugar", + "white wine vinegar", + "dried cherry", + "apple juice" + ] + }, + { + "id": 11658, + "ingredients": [ + "white onion", + "garlic", + "olive oil", + "bay leaf", + "kosher salt", + "carrots", + "white vinegar", + "jalapeno chilies", + "dried oregano" + ] + }, + { + "id": 49467, + "ingredients": [ + "avocado", + "lime juice", + "bell pepper", + "cilantro", + "cucumber", + "almond butter", + "roasted sesame seeds", + "wheat", + "orange juice", + "rice paper", + "water", + "honey", + "basil", + "carrots", + "mint", + "minced ginger", + "lettuce leaves", + "rice vermicelli", + "chopped garlic" + ] + }, + { + "id": 19749, + "ingredients": [ + "olive oil", + "chopped celery", + "bok choy", + "water", + "ground black pepper", + "garlic cloves", + "fat free less sodium chicken broth", + "sun-dried tomatoes", + "chopped onion", + "bay leaf", + "dried basil", + "cheese tortellini", + "carrots" + ] + }, + { + "id": 39723, + "ingredients": [ + "powdered milk", + "cheese", + "sugar", + "black sesame seeds", + "glutinous rice flour", + "eggs", + "tapioca starch", + "salt", + "water", + "vegetable oil", + "green tea powder" + ] + }, + { + "id": 5722, + "ingredients": [ + "part-skim mozzarella", + "garlic powder", + "oregano", + "pepperoni slices", + "pizza sauce", + "sugar", + "boneless skinless chicken breasts", + "olive oil", + "sauce" + ] + }, + { + "id": 31967, + "ingredients": [ + "creole mustard", + "fresh parsley", + "light mayonnaise" + ] + }, + { + "id": 39857, + "ingredients": [ + "white wine", + "garlic", + "flour", + "beef broth", + "olive oil", + "purple onion", + "worcestershire sauce" + ] + }, + { + "id": 16534, + "ingredients": [ + "cherry tomatoes", + "focaccia", + "cooked shrimp", + "dijon mustard", + "gruyere cheese", + "fresh parsley", + "dry vermouth", + "dry white wine", + "corn starch", + "broccoli florets", + "garlic cloves", + "fresh basil leaves" + ] + }, + { + "id": 27334, + "ingredients": [ + "kosher salt", + "low sodium chicken broth", + "grape tomatoes", + "unsalted butter", + "fresh thyme leaves", + "black pepper", + "grated parmesan cheese", + "yellow onion", + "arborio rice", + "olive oil", + "dry white wine" + ] + }, + { + "id": 32215, + "ingredients": [ + "kosher salt", + "gluten free all purpose flour", + "baking powder", + "tapioca starch", + "warm water", + "vegetable shortening" + ] + }, + { + "id": 34903, + "ingredients": [ + "unsalted butter", + "sugar", + "juice", + "italian plum tomatoes", + "kosher salt" + ] + }, + { + "id": 24990, + "ingredients": [ + "vidalia onion", + "red wine vinegar", + "honey", + "salt", + "pecan halves", + "cracked black pepper", + "olive oil", + "mixed greens" + ] + }, + { + "id": 31307, + "ingredients": [ + "tomatoes", + "parsley", + "ground cumin", + "eggplant", + "salt", + "harissa", + "garlic cloves", + "olive oil", + "wine vinegar" + ] + }, + { + "id": 38874, + "ingredients": [ + "cooked brown rice", + "roasted red peppers", + "fresh cilantro", + "red pepper flakes", + "black beans", + "lime wedges", + "avocado", + "salsa verde" + ] + }, + { + "id": 24130, + "ingredients": [ + "pizza sauce", + "green pepper", + "cheese", + "portabello mushroom", + "olive oil", + "pepperoni turkei" + ] + }, + { + "id": 27816, + "ingredients": [ + "sugar", + "baking soda", + "garlic", + "ramen", + "water", + "sesame oil", + "Chinese egg noodles", + "soy sauce", + "beef", + "oil", + "dark soy sauce", + "light soy sauce", + "choy sum", + "corn starch" + ] + }, + { + "id": 939, + "ingredients": [ + "zucchini", + "kimchi", + "green onions", + "cooking oil", + "sweet rice wine", + "eggs", + "salt" + ] + }, + { + "id": 38293, + "ingredients": [ + "turbinado", + "salt", + "vanilla beans", + "large eggs", + "water", + "whiskey" + ] + }, + { + "id": 7889, + "ingredients": [ + "tasso", + "basil", + "fresh parsley", + "green onions", + "garlic cloves", + "angel hair", + "all-purpose flour", + "evaporated skim milk", + "oysters", + "creole seasoning" + ] + }, + { + "id": 22114, + "ingredients": [ + "cold water", + "dark corn syrup", + "pumpkin purée", + "vanilla extract", + "ground allspice", + "pecans", + "unsalted butter", + "butter", + "all-purpose flour", + "light brown sugar", + "sugar", + "large eggs", + "heavy cream", + "small eggs", + "ground cinnamon", + "ground nutmeg", + "bourbon whiskey", + "salt", + "hot water" + ] + }, + { + "id": 24614, + "ingredients": [ + "eggs", + "dumplings", + "rice cakes", + "nori", + "green onions", + "beef", + "broth" + ] + }, + { + "id": 48827, + "ingredients": [ + "fresh coriander", + "shallots", + "lime zest", + "fresh ginger", + "lemongrass", + "garlic", + "soy sauce", + "seeds" + ] + }, + { + "id": 3387, + "ingredients": [ + "tomatoes", + "milk", + "double cream", + "cheddar cheese", + "fresh thyme", + "salt", + "eggs", + "ground black pepper", + "bacon", + "plain flour", + "pastry", + "butter" + ] + }, + { + "id": 41676, + "ingredients": [ + "sugar", + "rum", + "cream of tartar", + "large eggs", + "all-purpose flour", + "semisweet chocolate", + "whipped cream", + "milk", + "butter" + ] + }, + { + "id": 3152, + "ingredients": [ + "flour tortillas", + "breakfast sausages", + "salsa", + "cheddar cheese", + "jalapeno chilies", + "salt", + "eggs", + "roma tomatoes", + "butter", + "onions", + "pepper", + "half & half", + "tater tots" + ] + }, + { + "id": 38805, + "ingredients": [ + "avocado", + "salt and ground black pepper", + "ground coriander", + "olive oil", + "purple onion", + "ground cumin", + "fresh cilantro", + "garlic", + "chipotle chile powder", + "eggs", + "sweet potatoes", + "feta cheese crumbles" + ] + }, + { + "id": 27078, + "ingredients": [ + "brown sugar", + "boneless chicken breast", + "garlic", + "corn starch", + "pepper", + "cooking oil", + "all-purpose flour", + "soy sauce", + "vinegar", + "salt", + "eggs", + "water", + "green onions", + "orange juice" + ] + }, + { + "id": 34940, + "ingredients": [ + "large egg yolks", + "salt", + "pecorino cheese", + "large eggs", + "freshly ground pepper", + "unsalted butter", + "all-purpose flour", + "milk", + "extra-virgin olive oil", + "grated orange" + ] + }, + { + "id": 16855, + "ingredients": [ + "kale", + "vegetable oil", + "chicken stock", + "sesame oil", + "salt", + "spring onions", + "chicken drumsticks", + "brown mushroom", + "rice noodles" + ] + }, + { + "id": 41891, + "ingredients": [ + "green bell pepper", + "salsa", + "chopped cilantro", + "boneless skinless chicken breasts", + "pinto beans", + "shredded cheddar cheese", + "taco seasoning", + "cooked rice", + "frozen corn", + "red bell pepper" + ] + }, + { + "id": 36715, + "ingredients": [ + "spinach", + "chili powder", + "double cream", + "ground coriander", + "ground cumin", + "fresh ginger root", + "ricotta cheese", + "cornflour", + "onions", + "tumeric", + "vegetable oil", + "paprika", + "garlic cloves", + "tomatoes", + "garam masala", + "butter", + "salt", + "cashew nuts" + ] + }, + { + "id": 49455, + "ingredients": [ + "avocado", + "frozen sweet corn", + "shredded reduced fat cheddar cheese", + "chipotle peppers", + "pico de gallo", + "black pepper", + "salt", + "ground cumin", + "light sour cream", + "canned black beans", + "chicken cutlets", + "chopped cilantro", + "romaine lettuce", + "lime juice", + "baked tortilla chips" + ] + }, + { + "id": 26522, + "ingredients": [ + "valencia rice", + "roasted red peppers", + "salt", + "red bell pepper", + "frozen sweet peas", + "olive oil", + "lemon", + "garlic cloves", + "sliced green onions", + "tomatoes", + "spanish onion", + "mushrooms", + "pimento stuffed olives", + "saffron", + "green bell pepper", + "artichoke hearts", + "vegetable broth", + "carrots" + ] + }, + { + "id": 28420, + "ingredients": [ + "pepper", + "cooked chicken", + "bow-tie pasta", + "melted butter", + "artichoke hearts", + "heavy cream", + "sliced mushrooms", + "sun-dried tomatoes", + "butter", + "cayenne pepper", + "romano cheese", + "parmesan cheese", + "salt" + ] + }, + { + "id": 329, + "ingredients": [ + "sugar", + "sherry", + "lady fingers", + "milk", + "whipped cream", + "genoise", + "pistachio nuts", + "angelica", + "egg yolks", + "candied cherries" + ] + }, + { + "id": 18986, + "ingredients": [ + "boneless skinless chicken breasts", + "corn tortillas", + "cheddar cheese", + "cayenne pepper", + "garlic salt", + "pico de gallo", + "onion powder", + "chopped cilantro", + "guacamole", + "sour cream", + "cumin" + ] + }, + { + "id": 31705, + "ingredients": [ + "butter", + "fresh mushrooms", + "beef tenderloin", + "dry sherry", + "chopped parsley", + "frozen pastry puff sheets", + "chopped onion" + ] + }, + { + "id": 7402, + "ingredients": [ + "anchovy paste", + "garlic cloves", + "red wine vinegar", + "fresh parsley leaves", + "extra-virgin olive oil" + ] + }, + { + "id": 10212, + "ingredients": [ + "self rising flour", + "vegetable shortening", + "milk" + ] + }, + { + "id": 10640, + "ingredients": [ + "soy sauce", + "leaves", + "ginger", + "green chilies", + "pears", + "honey", + "green onions", + "soybean paste", + "carrots", + "water", + "ground black pepper", + "garlic", + "beef rib short", + "lettuce", + "sesame seeds", + "sesame oil", + "Gochujang base", + "cucumber" + ] + }, + { + "id": 38014, + "ingredients": [ + "garam masala", + "chili powder", + "ginger root", + "curry powder", + "cooking spray", + "salt", + "onions", + "tomato paste", + "ground black pepper", + "cilantro", + "coconut milk", + "whole wheat flour", + "chicken breasts", + "garlic cloves" + ] + }, + { + "id": 5172, + "ingredients": [ + "olive oil", + "linguine", + "pinenuts", + "arugula", + "grated parmesan cheese" + ] + }, + { + "id": 26986, + "ingredients": [ + "butter", + "corn kernel whole", + "green bell pepper", + "red bell pepper", + "diced tomatoes", + "pork chops", + "onions" + ] + }, + { + "id": 5088, + "ingredients": [ + "water", + "garlic cloves", + "fresh mint", + "lettuce leaves", + "carrots", + "rice paper", + "fish sauce", + "rice vermicelli", + "shrimp", + "sugar", + "rice vinegar", + "beansprouts" + ] + }, + { + "id": 24522, + "ingredients": [ + "fresh basil", + "yellow crookneck squash", + "purple onion", + "red bell pepper", + "water", + "broccoli florets", + "garlic cloves", + "chopped fresh mint", + "pinenuts", + "zucchini", + "salt", + "couscous", + "eggplant", + "red wine vinegar", + "carrots", + "canola oil" + ] + }, + { + "id": 1900, + "ingredients": [ + "smoked salmon", + "flour tortillas", + "red bell pepper", + "lime juice", + "salt", + "sour cream", + "pepper", + "green onions", + "cream cheese, soften", + "fresh cilantro", + "feta cheese crumbles", + "chipotles in adobo" + ] + }, + { + "id": 4801, + "ingredients": [ + "bacon slices", + "okra", + "rice", + "sweet onion" + ] + }, + { + "id": 27932, + "ingredients": [ + "sake", + "mirin", + "rice vinegar", + "soy sauce", + "vegetable oil", + "chinese leaf", + "pork", + "spring onions", + "sauce", + "eggs", + "water", + "ginger", + "dumplings" + ] + }, + { + "id": 30941, + "ingredients": [ + "water", + "vegetable oil", + "hot sauce", + "iceberg lettuce", + "teardrop tomatoes", + "red pepper", + "celery", + "sliced green onions", + "dijon mustard", + "red wine vinegar", + "cucumber", + "italian seasoning", + "pepper", + "nonfat mozzarella cheese", + "garlic", + "yellow peppers" + ] + }, + { + "id": 42354, + "ingredients": [ + "ground black pepper", + "tomatoes with juice", + "carrots", + "dried oregano", + "water", + "diced tomatoes", + "ground coriander", + "boneless skinless chicken breast halves", + "chicken bouillon", + "vegetable oil", + "chopped celery", + "onions", + "ground cumin", + "avocado", + "chili powder", + "garlic", + "corn tortillas", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 48854, + "ingredients": [ + "red wine vinegar", + "garlic cloves", + "cabbage", + "fresh dill", + "beets", + "onions", + "beef broth", + "sour cream", + "vegetable oil", + "cuminseed", + "boiling potatoes" + ] + }, + { + "id": 39058, + "ingredients": [ + "dried basil", + "Italian turkey sausage", + "chopped garlic", + "chard", + "fennel", + "small white beans", + "olive oil", + "garlic puree", + "chicken stock", + "grated parmesan cheese", + "onions" + ] + }, + { + "id": 34294, + "ingredients": [ + "heavy cream", + "semisweet chocolate", + "light corn syrup" + ] + }, + { + "id": 46593, + "ingredients": [ + "honey", + "chop fine pecan", + "grated orange peel", + "unsalted butter", + "all purpose unbleached flour", + "ground ginger", + "baking soda", + "baking powder", + "frozen orange juice concentrate", + "nonfat yogurt", + "salt" + ] + }, + { + "id": 22582, + "ingredients": [ + "black beans", + "olive oil", + "red pepper", + "salt", + "ground turkey", + "fresh cilantro", + "green onions", + "cilantro", + "garlic cloves", + "pepper", + "jalapeno chilies", + "paprika", + "salsa", + "cumin", + "Boston lettuce", + "sweet onion", + "chili powder", + "cheese", + "sour cream" + ] + }, + { + "id": 36937, + "ingredients": [ + "olive oil", + "fish sauce", + "shrimp", + "kaffir lime leaves", + "garlic", + "roasted chili paste", + "onions" + ] + }, + { + "id": 34596, + "ingredients": [ + "plain yogurt", + "unsalted butter", + "celery seed", + "semolina", + "salt", + "water", + "vegetable oil", + "whole wheat flour", + "all-purpose flour" + ] + }, + { + "id": 42570, + "ingredients": [ + "chives", + "heavy cream", + "sharp cheddar cheese", + "mushrooms", + "cider", + "hot dog rolls", + "veal demi-glace", + "shallots", + "dry sherry", + "freshly ground pepper", + "unsalted butter", + "pastrami", + "salt" + ] + }, + { + "id": 10147, + "ingredients": [ + "lemon verbena", + "peaches", + "cava", + "sugar" + ] + }, + { + "id": 44796, + "ingredients": [ + "garlic", + "fresh lime juice", + "water", + "sauce", + "long grain white rice", + "chile pepper", + "boneless pork loin", + "salt", + "chopped cilantro" + ] + }, + { + "id": 46819, + "ingredients": [ + "chicken stock", + "poblano chiles", + "canola oil", + "chopped onion", + "chopped cilantro", + "salt", + "chopped parsley", + "garlic cloves", + "long grain white rice" + ] + }, + { + "id": 30905, + "ingredients": [ + "chiles", + "fresh lime juice", + "fresh mint", + "tomatillos", + "white onion" + ] + }, + { + "id": 34980, + "ingredients": [ + "rum", + "cocoa powder", + "sugar", + "lady fingers", + "heavy cream", + "mascarpone", + "espresso" + ] + }, + { + "id": 49265, + "ingredients": [ + "vegetable oil cooking spray", + "dried thyme", + "salt", + "tomatoes", + "pepper", + "eggplant", + "feta cheese crumbles", + "pasta", + "tomato sauce", + "olive oil", + "chopped onion", + "fresh basil", + "minced garlic", + "red wine vinegar", + "no salt added chicken broth" + ] + }, + { + "id": 37563, + "ingredients": [ + "large egg yolks", + "whole milk", + "instant espresso powder", + "sugar", + "hot water" + ] + }, + { + "id": 25673, + "ingredients": [ + "angel hair", + "Sriracha", + "red pepper flakes", + "shrimp", + "black pepper", + "chili powder", + "salt", + "sweet chili sauce", + "green onions", + "paprika", + "corn starch", + "nonfat greek yogurt", + "sesame oil", + "juice" + ] + }, + { + "id": 14267, + "ingredients": [ + "ground black pepper", + "salt", + "onions", + "butter", + "carrots", + "yukon gold potatoes", + "dri leav thyme", + "corned beef", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 32410, + "ingredients": [ + "pepper", + "garlic", + "celery", + "bell pepper", + "scallions", + "grape tomatoes", + "extra-virgin olive oil", + "long grain brown rice", + "andouille chicken sausage", + "salt", + "medium shrimp" + ] + }, + { + "id": 26392, + "ingredients": [ + "red chili peppers", + "cilantro sprigs", + "chicken broth", + "lime", + "coconut milk", + "lemongrass", + "ginger root", + "fish sauce", + "boneless chicken breast" + ] + }, + { + "id": 27384, + "ingredients": [ + "grated parmesan cheese", + "salt", + "dried oregano", + "vegetable oil spray", + "lean ground beef", + "french rolls", + "crushed cornflakes", + "marinara sauce", + "ground white pepper", + "large eggs", + "large garlic cloves", + "fresh parsley" + ] + }, + { + "id": 43045, + "ingredients": [ + "brown sugar", + "garlic", + "lemon juice", + "soy sauce", + "sauce", + "red chili peppers", + "curry", + "coconut milk", + "water", + "creamy peanut butter" + ] + }, + { + "id": 22576, + "ingredients": [ + "green chile", + "chili powder", + "ground cumin", + "tomatoes", + "pepper", + "salt", + "reduced fat sharp cheddar cheese", + "no-salt-added black beans", + "eggs", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 11597, + "ingredients": [ + "eggs", + "olive oil", + "salt", + "fresh mint", + "ground cloves", + "ground nutmeg", + "feta cheese crumbles", + "noodles", + "sugar", + "parmesan cheese", + "garlic cloves", + "onions", + "ground cinnamon", + "crushed tomatoes", + "ground black pepper", + "greek yogurt", + "ground lamb" + ] + }, + { + "id": 22656, + "ingredients": [ + "water", + "trout fillet", + "sugar", + "unsalted butter", + "California bay leaves", + "sauerkraut", + "bacon slices", + "juniper berries", + "dry white wine", + "onions" + ] + }, + { + "id": 47811, + "ingredients": [ + "sugar", + "shredded carrots", + "non-fat sour cream", + "olives", + "pepper", + "green onions", + "feta cheese crumbles", + "sliced almonds", + "shredded cabbage", + "salt", + "garlic powder", + "red wine vinegar", + "cucumber" + ] + }, + { + "id": 7925, + "ingredients": [ + "Belgian endive", + "walnut oil", + "red wine vinegar", + "chopped walnuts", + "dijon mustard" + ] + }, + { + "id": 14860, + "ingredients": [ + "butter", + "cooked rice", + "carrots", + "eggs", + "peas", + "soy sauce", + "onions" + ] + }, + { + "id": 27525, + "ingredients": [ + "olive oil", + "sesame oil", + "carrots", + "sugar pea", + "bay scallops", + "tamari soy sauce", + "spinach", + "fresh ginger", + "plum wine", + "minced garlic", + "water chestnuts", + "rice vinegar" + ] + }, + { + "id": 7798, + "ingredients": [ + "basil leaves", + "garlic", + "heirloom tomatoes", + "red wine vinegar", + "salt", + "pasta", + "extra-virgin olive oil" + ] + }, + { + "id": 10848, + "ingredients": [ + "fresh marjoram", + "pork tenderloin", + "butter", + "garlic cloves", + "fresh rosemary", + "finely chopped onion", + "chopped fresh thyme", + "fresh oregano", + "water", + "low sodium chicken broth", + "extra-virgin olive oil", + "polenta", + "ground black pepper", + "cooking spray", + "salt" + ] + }, + { + "id": 19062, + "ingredients": [ + "all-purpose flour", + "egg whites", + "white sugar", + "butter", + "vanilla extract" + ] + }, + { + "id": 32224, + "ingredients": [ + "ketchup", + "garlic", + "sugar", + "pineapple", + "chicken", + "white vinegar", + "vegetable oil", + "juice", + "eggs", + "gluten", + "corn starch" + ] + }, + { + "id": 11529, + "ingredients": [ + "cheese", + "kosher salt", + "mexican chorizo", + "russet potatoes" + ] + }, + { + "id": 12155, + "ingredients": [ + "red wine vinegar", + "cinnamon sticks", + "tomatoes", + "crushed red pepper", + "crushed garlic", + "salt", + "clove", + "paprika", + "white sugar" + ] + }, + { + "id": 30628, + "ingredients": [ + "black pepper", + "onion powder", + "garlic powder", + "salt", + "dried thyme", + "paprika", + "cayenne", + "dried oregano" + ] + }, + { + "id": 21909, + "ingredients": [ + "chile paste with garlic", + "dark sesame oil", + "soba", + "rice vinegar", + "beansprouts", + "white miso", + "english cucumber", + "sliced green onions", + "low sodium soy sauce", + "edamame", + "reduced fat mayonnaise" + ] + }, + { + "id": 14291, + "ingredients": [ + "chopped tomatoes", + "herring fillets", + "cumin seed", + "pure olive oil", + "calamata olives", + "salt", + "corn tortillas", + "hot pepper sauce", + "purple onion", + "sour cream", + "romaine lettuce", + "sliced cucumber", + "freshly ground pepper" + ] + }, + { + "id": 3323, + "ingredients": [ + "brown sugar", + "light corn syrup", + "tart shells", + "salt", + "shortening", + "vanilla extract", + "eggs", + "raisins" + ] + }, + { + "id": 6502, + "ingredients": [ + "half & half", + "cheese", + "butter" + ] + }, + { + "id": 25833, + "ingredients": [ + "olive oil", + "garlic", + "fresh basil", + "chopped fresh thyme", + "banana peppers", + "corn kernels", + "lemon", + "tomatoes", + "chopped green bell pepper", + "chopped fresh sage" + ] + }, + { + "id": 31108, + "ingredients": [ + "sugar", + "all-purpose flour", + "baking powder", + "butter", + "warm water", + "golden syrup" + ] + }, + { + "id": 47484, + "ingredients": [ + "large eggs", + "salt", + "tarragon", + "unsalted butter", + "fresh chevre", + "freshly ground pepper", + "grated parmesan cheese", + "all-purpose flour", + "flat leaf parsley", + "milk", + "chives", + "dill", + "bay leaf" + ] + }, + { + "id": 27396, + "ingredients": [ + "saffron threads", + "dried thyme", + "dry white wine", + "crushed red pepper", + "mussels", + "fennel bulb", + "red wine vinegar", + "garlic cloves", + "clams", + "olive oil", + "clam juice", + "chopped onion", + "lump crab meat", + "chopped green bell pepper", + "diced tomatoes", + "medium shrimp" + ] + }, + { + "id": 48147, + "ingredients": [ + "vegetable oil", + "scallions", + "bamboo shoots", + "soy sauce", + "barbecued pork", + "mung bean sprouts", + "spring roll wrappers", + "all-purpose flour", + "celery", + "napa cabbage", + "ground white pepper", + "dried mushrooms" + ] + }, + { + "id": 10489, + "ingredients": [ + "kosher salt", + "purple onion", + "scallions", + "skirt steak", + "green cabbage", + "flour tortillas", + "spanish paprika", + "fresh lime juice", + "olive oil", + "salsa", + "garlic cloves", + "ground cumin", + "white onion", + "onion powder", + "freshly ground pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 12014, + "ingredients": [ + "baking powder", + "hot water", + "salt", + "flour" + ] + }, + { + "id": 4904, + "ingredients": [ + "ground chipotle chile pepper", + "shredded cabbage", + "extra-virgin olive oil", + "corn tortillas", + "water", + "lime wedges", + "salt", + "chopped cilantro", + "plain yogurt", + "haddock fillets", + "purple onion", + "fresh lime juice", + "avocado", + "radishes", + "cilantro sprigs", + "sweet paprika", + "ground cumin" + ] + }, + { + "id": 36607, + "ingredients": [ + "radicchio", + "pizza doughs", + "garlic cloves", + "extra-virgin olive oil", + "freshly ground pepper", + "ricotta cheese", + "anchovy fillets", + "fresh lemon juice", + "cherry tomatoes", + "salt", + "shredded mozzarella cheese" + ] + }, + { + "id": 12756, + "ingredients": [ + "vegetable oil", + "onions", + "ground cumin", + "jalapeno chilies", + "spanish chorizo", + "plum tomatoes", + "empanada", + "chopped cilantro fresh", + "queso blanco", + "boiling potatoes" + ] + }, + { + "id": 32462, + "ingredients": [ + "fruit", + "suet", + "salt", + "brown sugar", + "mixed dried fruit", + "raisins", + "ground allspice", + "brandy", + "ground nutmeg", + "apples", + "ground beef", + "ground cinnamon", + "ground cloves", + "lemon", + "walnuts" + ] + }, + { + "id": 42204, + "ingredients": [ + "tomato paste", + "lemongrass", + "boneless beef short ribs", + "thai chile", + "minced garlic", + "ground black pepper", + "star anise", + "canola oil", + "kosher salt", + "thai basil", + "daikon", + "carrots", + "fish sauce", + "fresh ginger", + "beef stock", + "yellow onion" + ] + }, + { + "id": 246, + "ingredients": [ + "fresh cilantro", + "Tabasco Pepper Sauce", + "taco seasoning", + "black beans", + "garlic powder", + "purple onion", + "ground turkey", + "green chile", + "olive oil", + "tomatoes with juice", + "juice", + "lime juice", + "flour tortillas", + "salt", + "onions" + ] + }, + { + "id": 47061, + "ingredients": [ + "spinach", + "sesame seeds", + "sesame oil", + "onions", + "soy sauce", + "mushrooms", + "salt", + "chopped garlic", + "sugar", + "beef", + "oyster mushrooms", + "glass noodles", + "pepper", + "rice wine", + "carrots" + ] + }, + { + "id": 15908, + "ingredients": [ + "fish sauce", + "vermicelli", + "garlic cloves", + "chopped fresh mint", + "honey", + "sesame oil", + "cucumber", + "dry roasted peanuts", + "shredded cabbage", + "carrots", + "chopped cilantro fresh", + "jalapeno chilies", + "salt", + "fresh lime juice" + ] + }, + { + "id": 29572, + "ingredients": [ + "pecorino cheese", + "eggplant", + "egg yolks", + "lemon", + "cayenne pepper", + "bay leaf", + "ground ginger", + "water", + "unsalted butter", + "yukon gold potatoes", + "garlic", + "lemon juice", + "allspice", + "black pepper", + "ground nutmeg", + "whole milk", + "red wine", + "chopped onion", + "dried oregano", + "tomato paste", + "olive oil", + "flour", + "cinnamon", + "salt", + "red bell pepper", + "ground lamb" + ] + }, + { + "id": 13458, + "ingredients": [ + "fresh cilantro", + "hot dog bun", + "freshly ground pepper", + "avocado", + "crema mexican", + "salt", + "chipotle sauce", + "lime", + "purple onion", + "pinto beans", + "buns", + "jalapeno chilies", + "sweet mini bells" + ] + }, + { + "id": 14022, + "ingredients": [ + "baking soda", + "buttermilk", + "self rising flour", + "all-purpose flour", + "unsalted butter", + "salt", + "baking powder" + ] + }, + { + "id": 40437, + "ingredients": [ + "water", + "jalapeno chilies", + "rice noodles", + "salt", + "beansprouts", + "fresh cilantro", + "whole cloves", + "ginger", + "beef broth", + "steak", + "fish sauce", + "fresh ginger", + "green onions", + "star anise", + "yellow onion", + "black pepper", + "thai basil", + "lime wedges", + "garlic", + "cinnamon sticks" + ] + }, + { + "id": 48136, + "ingredients": [ + "mayonaise", + "fresh cilantro", + "vegetable oil", + "fresh lime juice", + "onions", + "fish fillets", + "water", + "lime wedges", + "corn tortillas", + "adobo sauce", + "avocado", + "kosher salt", + "ground black pepper", + "garlic cloves", + "chipotles in adobo", + "iceberg lettuce", + "ground cloves", + "olive oil", + "diced tomatoes", + "bay leaf", + "dried oregano" + ] + }, + { + "id": 17687, + "ingredients": [ + "olive oil", + "cracked black pepper", + "unsalted butter", + "spaghetti", + "parmesan cheese", + "salt", + "guanciale", + "large eggs" + ] + }, + { + "id": 48504, + "ingredients": [ + "pineapple", + "seltzer", + "cachaca", + "cane sugar", + "mint leaves", + "ice" + ] + }, + { + "id": 22857, + "ingredients": [ + "milk", + "all-purpose flour", + "chicken broth", + "poblano peppers", + "ground nutmeg", + "margarine", + "pepper", + "salt" + ] + }, + { + "id": 11465, + "ingredients": [ + "halibut fillets", + "fenugreek seeds", + "nigella seeds", + "tomatoes", + "lemon slices", + "garlic cloves", + "vegetable oil", + "ground coriander", + "tumeric", + "cayenne pepper", + "mustard seeds" + ] + }, + { + "id": 42107, + "ingredients": [ + "cooked chicken", + "roasted peanuts", + "mozzarella cheese", + "cilantro", + "red bell pepper", + "sweet chili sauce", + "basil", + "carrots", + "green onions", + "pizza doughs", + "beansprouts" + ] + }, + { + "id": 12514, + "ingredients": [ + "Mexican cheese blend", + "cornmeal", + "milk", + "frozen corn", + "eggs", + "diced tomatoes", + "taco seasoning mix", + "rolls" + ] + }, + { + "id": 46339, + "ingredients": [ + "garam masala", + "butter", + "lemon juice", + "olive oil", + "chicken breasts", + "paprika", + "cumin", + "food colouring", + "yoghurt", + "lemon", + "coriander", + "ground pepper", + "chili powder", + "salt", + "ginger paste" + ] + }, + { + "id": 8383, + "ingredients": [ + "bacon slices", + "dark brown sugar", + "cracked black pepper" + ] + }, + { + "id": 27362, + "ingredients": [ + "pepper", + "salt", + "potatoes", + "yellow squash", + "onions", + "fresh tomatoes", + "butter" + ] + }, + { + "id": 38646, + "ingredients": [ + "tomatoes", + "pork", + "ginger", + "cilantro leaves", + "sugar", + "thai basil", + "shells", + "cucumber", + "salad", + "red chili peppers", + "mint leaves", + "salt", + "fish sauce", + "lime", + "chilli bean sauce", + "oyster sauce" + ] + }, + { + "id": 44084, + "ingredients": [ + "salt", + "water", + "oil", + "spring onions", + "beansprouts", + "sesame oil", + "kimchi" + ] + }, + { + "id": 12946, + "ingredients": [ + "cooked chicken", + "cabbage", + "fish sauce", + "cilantro", + "basil", + "lime", + "cracked black pepper" + ] + }, + { + "id": 11670, + "ingredients": [ + "water", + "garlic", + "thyme leaves", + "frozen peas", + "coconut oil", + "sea salt", + "chickpeas", + "onions", + "tomatoes", + "potatoes", + "cayenne pepper", + "coconut milk", + "cumin", + "tumeric", + "ginger", + "carrots", + "coriander" + ] + }, + { + "id": 34916, + "ingredients": [ + "fresh basil", + "red wine vinegar", + "olive oil", + "ground pepper", + "kosher salt", + "garlic cloves" + ] + }, + { + "id": 2944, + "ingredients": [ + "red lentils", + "pumpkin", + "extra-virgin olive oil", + "organic vegetable broth", + "ground cumin", + "ground black pepper", + "lime wedges", + "chopped onion", + "chopped cilantro fresh", + "ground ginger", + "ground red pepper", + "salt", + "garlic cloves", + "jalapeno chilies", + "diced tomatoes", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 33063, + "ingredients": [ + "white onion", + "vegetable oil", + "orange juice", + "corn tortillas", + "boneless pork shoulder", + "lime wedges", + "yellow onion", + "lard", + "Mexican oregano", + "salsa", + "lemon juice", + "chopped cilantro fresh", + "kosher salt", + "garlic", + "dark brown sugar", + "bay leaf" + ] + }, + { + "id": 26982, + "ingredients": [ + "red beans", + "garlic cloves", + "unsweetened coconut milk", + "salt", + "long grain white rice", + "red pepper", + "thyme", + "black pepper", + "scallions" + ] + }, + { + "id": 2231, + "ingredients": [ + "tomato paste", + "shredded cheddar cheese", + "lean ground beef", + "cream cheese", + "sour cream", + "black beans", + "lasagna noodles", + "salt", + "garlic cloves", + "dried oregano", + "tomato sauce", + "corn kernels", + "diced tomatoes", + "shredded mozzarella cheese", + "olives", + "pepper", + "chili powder", + "yellow onion", + "ground cayenne pepper", + "ground cumin" + ] + }, + { + "id": 5118, + "ingredients": [ + "water", + "plain yogurt", + "chile pepper", + "cumin seed", + "ghee", + "salt", + "asafoetida powder", + "ground turmeric", + "chickpea flour", + "fresh ginger root", + "cilantro leaves", + "dried red chile peppers", + "fresh curry leaves", + "vegetable oil", + "mustard seeds", + "white sugar" + ] + }, + { + "id": 28258, + "ingredients": [ + "fat free less sodium chicken broth", + "vegetable oil", + "rotisserie chicken", + "grape tomatoes", + "dri thyme leaves, crush", + "salt", + "red bell pepper", + "corn kernels", + "old bay seasoning", + "garlic cloves", + "baby lima beans", + "ground black pepper", + "chopped onion" + ] + }, + { + "id": 44113, + "ingredients": [ + "quail", + "pepper", + "salt", + "water", + "all-purpose flour", + "vegetable oil" + ] + }, + { + "id": 47328, + "ingredients": [ + "soy sauce", + "star anise", + "scallions", + "beef shank", + "peanut oil", + "cinnamon sticks", + "green chile", + "ginger", + "beef rib short", + "onions", + "water", + "asian rice noodles", + "garlic cloves" + ] + }, + { + "id": 33937, + "ingredients": [ + "msg", + "potatoes", + "garlic powder", + "onions", + "pepper", + "bay leaves", + "soy sauce", + "vinegar", + "chicken" + ] + }, + { + "id": 40399, + "ingredients": [ + "ground black pepper", + "shallots", + "grated nutmeg", + "kosher salt", + "large eggs", + "extra-virgin olive oil", + "wild mushrooms", + "unsalted butter", + "whole milk ricotta cheese", + "low salt chicken broth", + "swiss chard", + "grated parmesan cheese", + "all-purpose flour" + ] + }, + { + "id": 23562, + "ingredients": [ + "pork belly", + "cilantro", + "scallions", + "beansprouts", + "mint", + "mung beans", + "salt", + "shrimp", + "perilla", + "water", + "vietnamese fish sauce", + "rice flour", + "onions", + "tumeric", + "mustard greens", + "coconut cream", + "wheat flour" + ] + }, + { + "id": 12787, + "ingredients": [ + "bread crumbs", + "large eggs", + "salt", + "tomato paste", + "crushed tomatoes", + "vegetable oil", + "ground chuck", + "chili", + "garlic", + "pepper", + "chili powder", + "chopped cilantro" + ] + }, + { + "id": 13992, + "ingredients": [ + "dried bonito flakes", + "dried kelp", + "water", + "cold water" + ] + }, + { + "id": 38992, + "ingredients": [ + "sugar", + "baking soda", + "chestnut flour", + "honey", + "baking powder", + "hazelnuts", + "large eggs", + "olive oil", + "salt" + ] + }, + { + "id": 45269, + "ingredients": [ + "flour tortillas", + "hot chili powder", + "center cut loin pork chop", + "nonfat yogurt", + "chili powder", + "salt", + "lime juice", + "low sodium chicken broth", + "shredded lettuce", + "dried oregano", + "garlic powder", + "ground red pepper", + "crushed red pepper", + "ground cumin" + ] + }, + { + "id": 15211, + "ingredients": [ + "ground cinnamon", + "lemon", + "vegetable broth", + "carrots", + "ground cumin", + "celery ribs", + "crushed tomatoes", + "sea salt", + "ground coriander", + "onions", + "pepper", + "red pepper flakes", + "sweet paprika", + "flat leaf parsley", + "red lentils", + "fresh cilantro", + "extra-virgin olive oil", + "garlic cloves", + "ground turmeric" + ] + }, + { + "id": 34602, + "ingredients": [ + "caramels", + "salt", + "sugar", + "half & half", + "toasted pecans", + "egg yolks", + "long grain white rice", + "milk", + "vanilla extract" + ] + }, + { + "id": 41779, + "ingredients": [ + "fish sauce", + "fresh ginger root", + "vegetable oil", + "coconut milk", + "onions", + "water", + "potatoes", + "green pepper", + "bay leaf", + "fresh coriander", + "lemon grass", + "garlic", + "lime leaves", + "chicken", + "chicken stock", + "curry powder", + "shallots", + "carrots", + "chillies" + ] + }, + { + "id": 4179, + "ingredients": [ + "avocado", + "olive oil", + "queso fresco", + "rice", + "chopped cilantro fresh", + "kosher salt", + "red cabbage", + "salt", + "fresh tomato salsa", + "black beans", + "garlic powder", + "garlic", + "sour cream", + "ground cumin", + "water", + "bay leaves", + "farmer cheese", + "chopped cilantro" + ] + }, + { + "id": 37925, + "ingredients": [ + "water", + "daikon sprouts", + "salmon fillets", + "konbu", + "bonito flakes", + "black pepper", + "fleur de sel" + ] + }, + { + "id": 46161, + "ingredients": [ + "ground black pepper", + "purple onion", + "fresh basil leaves", + "tomatoes", + "red wine vinegar", + "english cucumber", + "cooking spray", + "salt", + "boneless skinless chicken breast halves", + "bread ciabatta", + "extra-virgin olive oil", + "celery" + ] + }, + { + "id": 5512, + "ingredients": [ + "ground cinnamon", + "all-purpose flour", + "buttermilk", + "chicken", + "vegetable shortening", + "freshly ground pepper", + "salt" + ] + }, + { + "id": 27845, + "ingredients": [ + "fresh cilantro", + "diced tomatoes", + "onions", + "black beans", + "chili powder", + "tortilla chips", + "cumin", + "corn", + "salt", + "garlic salt", + "water", + "boneless chicken", + "shredded cheese" + ] + }, + { + "id": 12024, + "ingredients": [ + "boneless chicken breast", + "sweet chili sauce", + "linguine", + "parmesan cheese", + "creole seasoning", + "half & half" + ] + }, + { + "id": 41072, + "ingredients": [ + "scallions", + "unsalted butter", + "green cabbage", + "boiling potatoes", + "large eggs" + ] + }, + { + "id": 17911, + "ingredients": [ + "fresh thyme leaves", + "baguette", + "freshly ground pepper", + "truffle oil", + "garlic cloves", + "goat cheese" + ] + }, + { + "id": 4237, + "ingredients": [ + "celery ribs", + "water", + "beef stew meat", + "canola oil", + "ground ginger", + "water chestnuts", + "corn starch", + "cold water", + "reduced sodium soy sauce", + "green pepper", + "cooked rice", + "mandarin oranges", + "onions" + ] + }, + { + "id": 40442, + "ingredients": [ + "large eggs", + "ricotta", + "olive oil", + "salt", + "orange zest", + "granulated sugar", + "all-purpose flour", + "fresh orange juice", + "confectioners sugar" + ] + }, + { + "id": 15522, + "ingredients": [ + "cheddar cheese", + "lime", + "jalapeno chilies", + "diced tomatoes", + "cayenne pepper", + "cumin", + "avocado", + "black beans", + "feta cheese", + "chili powder", + "salt", + "yellow peppers", + "pico de gallo", + "corn", + "quinoa", + "red pepper", + "yellow onion", + "dried oregano", + "diced onions", + "granulated garlic", + "olive oil", + "chicken breasts", + "cilantro", + "sour cream" + ] + }, + { + "id": 6804, + "ingredients": [ + "green bell pepper", + "yellow curry paste", + "unsweetened coconut milk", + "vegetable oil", + "sliced shallots", + "all potato purpos", + "ground white pepper", + "chicken broth", + "salt", + "chicken" + ] + }, + { + "id": 43807, + "ingredients": [ + "baby arugula", + "freshly ground pepper", + "chopped fresh mint", + "olive oil", + "kirby cucumbers", + "Thai fish sauce", + "boneless sirloin steak", + "sugar", + "shallots", + "scallions", + "chopped cilantro fresh", + "peanuts", + "coarse salt", + "fresh lime juice", + "serrano chile" + ] + }, + { + "id": 21647, + "ingredients": [ + "sugar", + "sea salt", + "sherry", + "celery", + "ground ginger", + "watercress", + "onions", + "soy sauce", + "duck" + ] + }, + { + "id": 22758, + "ingredients": [ + "orange", + "unsalted butter", + "almond meal", + "hibiscus", + "light brown sugar", + "macadamia nuts", + "flour", + "grenadine syrup", + "rhubarb", + "vanilla beans", + "granulated sugar", + "salt", + "orange zest", + "sugar", + "mascarpone", + "meyer lemon", + "heavy whipping cream" + ] + }, + { + "id": 32551, + "ingredients": [ + "black pepper", + "jalapeno chilies", + "fatfree lowsodium chicken broth", + "masa harina", + "boneless pork shoulder", + "corn husks", + "salt", + "canola oil", + "fat free less sodium chicken broth", + "tomatillos", + "garlic cloves", + "ground cumin", + "water", + "cilantro sprigs", + "onions" + ] + }, + { + "id": 20470, + "ingredients": [ + "coarse salt", + "scallions", + "ground pepper", + "prepar salsa", + "nonstick spray", + "baby spinach", + "pinto beans", + "pepper jack", + "cilantro leaves", + "corn tortillas" + ] + }, + { + "id": 20842, + "ingredients": [ + "fresh mint", + "mint leaves", + "water", + "sugar", + "red grapefruit juice" + ] + }, + { + "id": 43018, + "ingredients": [ + "ginger", + "green chilies", + "amchur", + "cilantro leaves", + "ghee", + "whole wheat flour", + "chopped onion", + "boiling potatoes", + "water", + "salt", + "oil" + ] + }, + { + "id": 45493, + "ingredients": [ + "marsala wine", + "butter", + "boneless skinless chicken breast halves", + "olive oil", + "salt", + "pepper", + "portabello mushroom", + "dried oregano", + "fresh spinach", + "sun-dried tomatoes", + "all-purpose flour" + ] + }, + { + "id": 42442, + "ingredients": [ + "ground ginger", + "fine salt", + "hog casings", + "minced garlic", + "white sugar", + "curing salt", + "ground pork", + "white vinegar", + "ground pepper", + "dried oregano" + ] + }, + { + "id": 14655, + "ingredients": [ + "eggs", + "olive oil", + "whole milk", + "all-purpose flour", + "tomato sauce", + "fresh thyme", + "vegetable oil", + "fresh basil", + "eggplant", + "cheese slices", + "fresh oregano", + "tomato paste", + "pepper", + "grated parmesan cheese", + "stewed tomatoes" + ] + }, + { + "id": 32247, + "ingredients": [ + "chopped fresh thyme", + "onions", + "blue cheese", + "butter", + "brandy", + "chicken livers" + ] + }, + { + "id": 32302, + "ingredients": [ + "fat free beef broth", + "vegetable oil", + "salt", + "ground cinnamon", + "red wine vinegar", + "garlic cloves", + "sugar", + "stewed tomatoes", + "onions", + "clove", + "rump roast", + "dry red wine", + "dried oregano" + ] + }, + { + "id": 42075, + "ingredients": [ + "olive oil", + "cumin", + "salt", + "garlic powder", + "sirloin tip steak", + "tomatoes", + "onions" + ] + }, + { + "id": 19949, + "ingredients": [ + "lime juice", + "salt", + "cooked chicken breasts", + "Progresso Black Beans", + "quick cooking brown rice", + "salsa", + "reduced fat sharp cheddar cheese", + "mild salsa", + "low-fat whole wheat tortillas", + "water", + "chili powder", + "chopped cilantro fresh" + ] + }, + { + "id": 23352, + "ingredients": [ + "sugar", + "butter", + "large eggs", + "whipping cream", + "ground nutmeg", + "raisins", + "light brown sugar", + "french bread", + "sauce" + ] + }, + { + "id": 48549, + "ingredients": [ + "green tomatoes", + "salt", + "vegetable oil", + "lemon pepper seasoning", + "cornmeal" + ] + }, + { + "id": 15053, + "ingredients": [ + "salmon fillets", + "grated orange", + "low sodium soy sauce", + "salt", + "ground black pepper", + "canola oil", + "brown sugar", + "pineapple juice" + ] + }, + { + "id": 23490, + "ingredients": [ + "sugar", + "nuts", + "almonds", + "water", + "ground cardamom" + ] + }, + { + "id": 12080, + "ingredients": [ + "lemon wedge", + "peanut oil", + "ginger", + "potato flour", + "Kewpie Mayonnaise", + "garlic cloves", + "soy sauce", + "squid" + ] + }, + { + "id": 41992, + "ingredients": [ + "lime juice", + "water chestnuts", + "salted roast peanuts", + "garlic cloves", + "sugar", + "lemongrass", + "green onions", + "salt", + "cucumber", + "ground chicken", + "hoisin sauce", + "vegetable oil", + "peanut butter", + "lettuce", + "minced ginger", + "jalapeno chilies", + "vietnamese fish sauce", + "carrots" + ] + }, + { + "id": 10618, + "ingredients": [ + "sweetened condensed milk", + "salted butter", + "chocolate sprinkles", + "bittersweet chocolate" + ] + }, + { + "id": 2870, + "ingredients": [ + "milk", + "vanilla extract", + "purple grapes", + "eggs", + "extra-virgin olive oil", + "grated lemon zest", + "baking powder", + "all-purpose flour", + "grated orange", + "unsalted butter", + "salt", + "white sugar" + ] + }, + { + "id": 49226, + "ingredients": [ + "avocado", + "chili powder", + "onions", + "olive oil", + "tortilla chips", + "plum tomatoes", + "chicken broth", + "large garlic cloves", + "chopped cilantro fresh", + "nonfat yogurt", + "ancho chile pepper", + "dried oregano" + ] + }, + { + "id": 10052, + "ingredients": [ + "cream of tartar", + "large egg yolks", + "all-purpose flour", + "large egg whites", + "apples", + "brown sugar", + "granulated sugar", + "sundae syrup", + "fat free yogurt", + "butter" + ] + }, + { + "id": 39400, + "ingredients": [ + "ground black pepper", + "wine vinegar", + "dried rosemary", + "capers", + "linguine", + "tuna", + "green olives", + "dried sage", + "salt", + "grated orange", + "olive oil", + "garlic", + "fresh parsley" + ] + }, + { + "id": 8410, + "ingredients": [ + "ground pepper", + "taco seasoning", + "fresh cilantro", + "boneless skinless chicken breasts", + "shredded cheddar cheese", + "green onions", + "enchilada sauce", + "corn", + "green chilies" + ] + }, + { + "id": 15752, + "ingredients": [ + "vegetable oil", + "chopped cilantro fresh", + "Old El Paso™ Thick 'n Chunky salsa", + "Progresso Black Beans", + "salt", + "boneless chicken skinless thigh", + "sweet corn" + ] + }, + { + "id": 18854, + "ingredients": [ + "dried lentils", + "lemon wedge", + "diced yellow onion", + "tomato paste", + "water", + "lima beans", + "fresh parsley", + "saffron threads", + "kosher salt", + "chopped celery", + "organic vegetable broth", + "tomato purée", + "ground black pepper", + "chickpeas", + "chopped cilantro fresh" + ] + }, + { + "id": 28448, + "ingredients": [ + "minced garlic", + "salt", + "unsweetened coconut milk", + "butter", + "plum tomatoes", + "mussels", + "Thai red curry paste", + "peeled fresh ginger", + "chopped cilantro fresh" + ] + }, + { + "id": 27260, + "ingredients": [ + "mint", + "salt", + "tomato paste", + "bulgur wheat", + "ground lamb", + "chili powder", + "greek yogurt", + "eggs", + "garlic" + ] + }, + { + "id": 1083, + "ingredients": [ + "milk chocolate", + "all-purpose flour", + "unsalted butter", + "cocoa powder", + "sugar", + "heavy cream", + "large eggs", + "bittersweet chocolate" + ] + }, + { + "id": 21430, + "ingredients": [ + "cannellini beans", + "tortellini", + "onions", + "chicken broth", + "baby spinach", + "crushed red pepper", + "fresh thyme leaves", + "garlic", + "olives", + "grated parmesan cheese", + "diced tomatoes", + "sausages" + ] + }, + { + "id": 46343, + "ingredients": [ + "eggs", + "butter", + "yeast", + "bread crumbs", + "all-purpose flour", + "warm water", + "salt", + "whole milk", + "white sugar" + ] + }, + { + "id": 12493, + "ingredients": [ + "condensed cream of chicken soup", + "italian salad dressing mix", + "mushrooms", + "water", + "boneless skinless chicken breast halves", + "cooked rice", + "cream cheese" + ] + }, + { + "id": 14251, + "ingredients": [ + "water", + "black peppercorns", + "cinnamon sticks", + "cardamom seeds", + "tea bags", + "white sugar" + ] + }, + { + "id": 37764, + "ingredients": [ + "clove", + "shallots", + "salt", + "white wine", + "basil", + "onions", + "bread crumbs", + "butter", + "chopped parsley", + "mussels", + "pepper", + "garlic" + ] + }, + { + "id": 3912, + "ingredients": [ + "fresh spinach", + "prawns", + "chicken broth", + "pepper", + "salt", + "pork", + "garlic", + "fresh corn", + "olive oil", + "onions" + ] + }, + { + "id": 28477, + "ingredients": [ + "halibut fillets", + "cooking spray", + "garlic cloves", + "fennel seeds", + "ground black pepper", + "salt", + "fronds", + "extra-virgin olive oil", + "fresh lemon juice", + "plain low-fat yogurt", + "fennel bulb", + "grated lemon zest" + ] + }, + { + "id": 25100, + "ingredients": [ + "tomatoes", + "olive oil", + "chopped onion", + "corn kernels", + "salt", + "fat free less sodium chicken broth", + "ground black pepper", + "polenta", + "fresh basil", + "fresh parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 44515, + "ingredients": [ + "brandy", + "lemon-lime soda", + "orange juice", + "lime", + "dry red wine", + "orange", + "lemon", + "pineapple chunks", + "cherries", + "apples" + ] + }, + { + "id": 36019, + "ingredients": [ + "Sriracha", + "all-purpose flour", + "sour cream", + "mayonaise", + "buttermilk", + "cayenne pepper", + "eggs", + "baking powder", + "yellow onion", + "cornmeal", + "baking soda", + "salt", + "peanut oil" + ] + }, + { + "id": 44471, + "ingredients": [ + "sugar", + "salt", + "plum tomatoes", + "rosemary sprigs", + "extra-virgin olive oil", + "white mushrooms", + "black pepper", + "garlic cloves", + "rigatoni", + "parmigiano reggiano cheese", + "juice" + ] + }, + { + "id": 27855, + "ingredients": [ + "water", + "chili powder", + "ground coriander", + "onions", + "tomato purée", + "garam masala", + "salt", + "cinnamon sticks", + "ground cumin", + "clove", + "fresh ginger root", + "double cream", + "garlic cloves", + "olives", + "sliced almonds", + "bay leaves", + "cardamom pods", + "chicken pieces" + ] + }, + { + "id": 47538, + "ingredients": [ + "eggs", + "buttermilk", + "vegetable oil", + "self-rising cornmeal" + ] + }, + { + "id": 16954, + "ingredients": [ + "taco seasoning", + "taco meat", + "shredded cheese" + ] + }, + { + "id": 5730, + "ingredients": [ + "kaffir lime leaves", + "kosher salt", + "watercress", + "Thai fish sauce", + "sugar", + "ground black pepper", + "juice", + "steak", + "neutral oil", + "lime", + "thai chile", + "cucumber", + "tomatoes", + "sweet chili sauce", + "mint leaves", + "carrots", + "chopped cilantro" + ] + }, + { + "id": 29892, + "ingredients": [ + "cajun seasoning", + "okra", + "melted butter" + ] + }, + { + "id": 25581, + "ingredients": [ + "water", + "basil leaves", + "white beans", + "onions", + "ground black pepper", + "garlic", + "carrots", + "olive oil", + "diced tomatoes", + "elbow macaroni", + "boiling potatoes", + "canned low sodium chicken broth", + "zucchini", + "salt", + "green beans" + ] + }, + { + "id": 43708, + "ingredients": [ + "ground cardamom", + "greek yogurt", + "mango", + "milk" + ] + }, + { + "id": 49152, + "ingredients": [ + "lime juice", + "chopped cilantro fresh", + "chili flakes", + "salt", + "vegetable oil", + "shredded cabbage" + ] + }, + { + "id": 40984, + "ingredients": [ + "green onions", + "cooked chicken breasts", + "black beans", + "KRAFT Mexican Style Finely Shredded Four Cheese", + "diced tomatoes", + "flour tortillas", + "Philadelphia Cream Cheese" + ] + }, + { + "id": 13050, + "ingredients": [ + "basil leaves", + "33% less sodium cooked deli ham", + "dijon mustard", + "chees fresh mozzarella", + "hot cherry pepper", + "balsamic vinegar", + "plum tomatoes", + "cooking spray", + "ciabatta" + ] + }, + { + "id": 15031, + "ingredients": [ + "sazon goya", + "garlic", + "olive oil", + "chicken thighs", + "tomato sauce", + "yellow onion", + "cooked rice", + "manzanilla", + "dried oregano" + ] + }, + { + "id": 42841, + "ingredients": [ + "ground cinnamon", + "large eggs", + "all-purpose flour", + "active dry yeast", + "salt", + "sugar", + "butter", + "sour cream", + "warm water", + "frosting" + ] + }, + { + "id": 16325, + "ingredients": [ + "butter", + "bittersweet baking chocolate", + "shortbread cookies", + "pecans", + "heavy cream", + "bourbon whiskey", + "vanilla extract" + ] + }, + { + "id": 1866, + "ingredients": [ + "granulated sugar", + "sour cream", + "pecan halves", + "coarse salt", + "pure vanilla extract", + "bourbon whiskey", + "unsalted butter", + "dark brown sugar" + ] + }, + { + "id": 29547, + "ingredients": [ + "sugar", + "pineapple", + "water", + "ice cubes" + ] + }, + { + "id": 24281, + "ingredients": [ + "white wine", + "low sodium chicken broth", + "garlic", + "red bell pepper", + "green bell pepper", + "ground black pepper", + "butter", + "salt", + "fettucine", + "olive oil", + "boneless skinless chicken breasts", + "purple onion", + "fresh parsley", + "cajun spice mix", + "roma tomatoes", + "heavy cream", + "cayenne pepper" + ] + }, + { + "id": 49183, + "ingredients": [ + "eggs", + "extract", + "starch", + "salt", + "sugar", + "vanilla", + "baking powder", + "coconut milk" + ] + }, + { + "id": 41136, + "ingredients": [ + "black beans", + "extra-virgin olive oil", + "chopped cilantro fresh", + "reduced fat Mexican cheese", + "chili powder", + "pinto beans", + "cumin", + "chili pepper", + "frozen corn", + "plum tomatoes", + "lean ground turkey", + "red pepper flakes", + "coriander" + ] + }, + { + "id": 15790, + "ingredients": [ + "chile pepper", + "cumin seed", + "green lentil", + "salt", + "cooking spray", + "chopped onion", + "fresh ginger root", + "white rice" + ] + }, + { + "id": 23832, + "ingredients": [ + "caster sugar", + "garlic", + "sake", + "mirin", + "fresh ginger root", + "chicken", + "soy sauce", + "cooking oil" + ] + }, + { + "id": 4231, + "ingredients": [ + "cooked rice", + "unsalted butter", + "dill", + "frozen chopped spinach", + "white wine", + "shallots", + "salmon", + "mushrooms", + "puff pastry", + "eggs", + "pepper", + "salt" + ] + }, + { + "id": 5306, + "ingredients": [ + "garlic", + "medium shrimp", + "chili powder", + "tequila", + "lime", + "salt", + "chopped cilantro fresh", + "butter", + "fresh lime juice" + ] + }, + { + "id": 40103, + "ingredients": [ + "sea salt", + "brown rice flour", + "onions", + "black pepper", + "extra-virgin olive oil", + "green pepper", + "organic chicken broth", + "cooked brown rice", + "diced tomatoes", + "cayenne pepper", + "oregano", + "parsley", + "smoked sausage", + "carrots" + ] + }, + { + "id": 45908, + "ingredients": [ + "garlic powder", + "salt", + "ground cumin", + "ground cloves", + "chili powder", + "ground coriander", + "pork", + "ground black pepper", + "sweet paprika", + "cider vinegar", + "red pepper flakes", + "dried oregano" + ] + }, + { + "id": 34333, + "ingredients": [ + "tomatoes", + "cider vinegar", + "ginger", + "cumin", + "clove", + "sugar", + "cinnamon", + "garlic", + "tumeric", + "pepper", + "red", + "mustard", + "pork", + "raisins", + "oil" + ] + }, + { + "id": 19999, + "ingredients": [ + "fat free less sodium chicken broth", + "cooking spray", + "turkey breast", + "ground cumin", + "salt free chili powder", + "stewed tomatoes", + "fresh lime juice", + "olive oil", + "queso fresco", + "corn tortillas", + "finely chopped onion", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 9304, + "ingredients": [ + "black pepper", + "boneless skinless chicken breasts", + "Gochujang base", + "water", + "crushed red pepper flakes", + "onions", + "minced garlic", + "vegetable oil", + "carrots", + "soy sauce", + "potatoes", + "salt" + ] + }, + { + "id": 11613, + "ingredients": [ + "chicken broth", + "bay leaves", + "old bay seasoning", + "chopped cilantro fresh", + "shredded cheddar cheese", + "chili powder", + "garlic cloves", + "ground cumin", + "pepper", + "cooked chicken", + "salt", + "plum tomatoes", + "avocado", + "spanish onion", + "vegetable oil", + "corn tortillas" + ] + }, + { + "id": 30183, + "ingredients": [ + "orange juice", + "chopped garlic", + "olive oil", + "fresh lime juice", + "grated parmesan cheese", + "fresh basil leaves", + "pinenuts", + "fresh lemon juice" + ] + }, + { + "id": 14480, + "ingredients": [ + "radishes", + "yellow onion", + "brown sugar", + "coarse salt", + "cabbage", + "fish sauce", + "green onions", + "shrimp", + "hot red pepper flakes", + "garlic", + "sweet rice flour" + ] + }, + { + "id": 26493, + "ingredients": [ + "soy sauce", + "bibb lettuce", + "toasted sesame oil", + "chile paste", + "rice wine", + "minced garlic", + "green onions", + "white sugar", + "ground black pepper", + "beef sirloin" + ] + }, + { + "id": 46415, + "ingredients": [ + "chili powder", + "shredded cheddar cheese", + "ground beef", + "flour tortillas", + "ragu old world style pasta sauc", + "whole kernel corn, drain" + ] + }, + { + "id": 23012, + "ingredients": [ + "fenugreek leaves", + "white poppy seeds", + "canola oil", + "amchur", + "ground coriander", + "kosher salt", + "russet potatoes", + "red chile powder", + "ground turmeric" + ] + }, + { + "id": 2981, + "ingredients": [ + "eggs", + "anise extract", + "all-purpose flour", + "baking powder", + "white sugar", + "margarine" + ] + }, + { + "id": 31371, + "ingredients": [ + "sesame seeds", + "crystallized ginger", + "cinnamon", + "fennel seeds", + "almonds", + "unsalted butter", + "saffron threads", + "mace", + "cayenne", + "allspice berries", + "honey", + "ground nutmeg", + "golden raisins" + ] + }, + { + "id": 8119, + "ingredients": [ + "eggplant", + "carrots", + "olive oil", + "garlic cloves", + "zucchini", + "red bell pepper", + "yellow squash", + "sherry wine vinegar" + ] + }, + { + "id": 48376, + "ingredients": [ + "cider vinegar", + "gingerroot", + "sugar", + "mirin", + "soy sauce", + "beer", + "rib pork chops" + ] + }, + { + "id": 42957, + "ingredients": [ + "tequila", + "lime slices", + "fresh lime juice", + "frozen limeade concentrate", + "water", + "orange liqueur" + ] + }, + { + "id": 18688, + "ingredients": [ + "water", + "garlic", + "cognac", + "onions", + "ground cloves", + "butter", + "lean beef", + "bay leaf", + "ground black pepper", + "salt", + "carrots", + "burgundy", + "pork", + "flour", + "salt pork", + "thyme" + ] + }, + { + "id": 38876, + "ingredients": [ + "whole milk", + "vanilla beans", + "corn starch", + "sugar", + "lemon", + "egg yolks", + "cinnamon sticks" + ] + }, + { + "id": 11197, + "ingredients": [ + "potatoes", + "dried oregano", + "Flora Cuisine", + "lemon", + "garlic" + ] + }, + { + "id": 48216, + "ingredients": [ + "brown sugar", + "low sodium chicken broth", + "yellow onion", + "cooked rice", + "fresh cilantro", + "light coconut milk", + "red bell pepper", + "curry powder", + "chicken breasts", + "cayenne pepper", + "fish sauce", + "olive oil", + "salt", + "fresh lime juice" + ] + }, + { + "id": 24611, + "ingredients": [ + "orange", + "goat cheese", + "sugar", + "mission figs", + "grated orange", + "fresh rosemary", + "ground black pepper", + "chopped walnuts", + "baguette", + "fresh orange juice" + ] + }, + { + "id": 16761, + "ingredients": [ + "almond paste", + "sugar", + "Spring! Water" + ] + }, + { + "id": 47345, + "ingredients": [ + "diced onions", + "olive oil", + "fresh lemon juice", + "green bell pepper", + "yellow bell pepper", + "capers", + "diced tomatoes", + "fresh parsley", + "pepper", + "salt" + ] + }, + { + "id": 16477, + "ingredients": [ + "chorizo", + "extra-virgin olive oil", + "yukon gold potatoes", + "onions", + "large eggs", + "freshly ground pepper", + "coarse salt" + ] + }, + { + "id": 31855, + "ingredients": [ + "eggs", + "all-purpose flour", + "active dry yeast", + "white sugar", + "water", + "margarine", + "fennel seeds", + "salt" + ] + }, + { + "id": 403, + "ingredients": [ + "eggs", + "salt", + "onion powder", + "american cheese slices", + "white bread", + "diced tomatoes", + "ground black pepper", + "ground beef" + ] + }, + { + "id": 48608, + "ingredients": [ + "shredded cheddar cheese", + "paprika", + "cream cheese", + "tomatoes", + "garlic powder", + "yellow onion", + "lime juice", + "cilantro", + "black beans", + "onion powder", + "cayenne pepper" + ] + }, + { + "id": 1985, + "ingredients": [ + "large egg whites", + "cinnamon sticks", + "water", + "vanilla extract", + "large eggs", + "orange peel", + "sugar", + "2% reduced-fat milk" + ] + }, + { + "id": 36249, + "ingredients": [ + "nutmeg", + "sweet pepper", + "thyme", + "water", + "salt pork", + "onions", + "pepper", + "dasheen", + "coconut milk", + "chicken stock", + "garlic", + "okra" + ] + }, + { + "id": 27201, + "ingredients": [ + "boneless skinless chicken breasts", + "garlic cloves", + "snow peas", + "kosher salt", + "dry sherry", + "corn starch", + "soy sauce", + "vegetable oil", + "oyster sauce", + "steamed white rice", + "scallions", + "red bell pepper" + ] + }, + { + "id": 22141, + "ingredients": [ + "triple sec", + "teas", + "ground cinnamon", + "cooking spray", + "all-purpose flour", + "ground ginger", + "large eggs", + "vegetable oil", + "sugar", + "baking powder", + "ground allspice" + ] + }, + { + "id": 34166, + "ingredients": [ + "cooked rice", + "low sodium chicken broth", + "cajun seasoning", + "fresh parsley", + "celery ribs", + "olive oil", + "shallots", + "garlic cloves", + "green bell pepper", + "chopped fresh chives", + "butter", + "onions", + "crawfish", + "ground red pepper", + "all-purpose flour" + ] + }, + { + "id": 4721, + "ingredients": [ + "arborio rice", + "coconut", + "vanilla extract", + "brown sugar", + "butter", + "mango", + "ground ginger", + "half & half", + "salt", + "lime juice", + "raisins" + ] + }, + { + "id": 44230, + "ingredients": [ + "refried beans", + "reduced-fat sour cream", + "Mexican cheese blend", + "taco seasoning", + "cooking spray", + "cream cheese, soften", + "tomatoes", + "green onions" + ] + }, + { + "id": 21409, + "ingredients": [ + "tomato purée", + "extra-virgin olive oil", + "lemon juice", + "worcestershire sauce", + "freshly ground pepper", + "fresh parmesan cheese", + "bow-tie pasta", + "fresh parsley", + "anchovy paste", + "garlic cloves" + ] + }, + { + "id": 29986, + "ingredients": [ + "chopped ham", + "dried thyme", + "dry white wine", + "chopped onion", + "pepper", + "black-eyed peas", + "garlic", + "celery", + "chicken broth", + "olive oil", + "white rice", + "ham", + "water", + "bay leaves", + "salt" + ] + }, + { + "id": 15401, + "ingredients": [ + "low-fat plain yogurt", + "fresh lemon juice", + "coarse salt", + "ground pepper", + "mustard seeds", + "english cucumber" + ] + }, + { + "id": 32341, + "ingredients": [ + "olive oil", + "garlic cloves", + "fresh rosemary", + "diced tomatoes", + "pitted kalamata olives", + "salt", + "tomato paste", + "eggplant", + "onions" + ] + }, + { + "id": 46266, + "ingredients": [ + "barilla", + "green peas", + "onions", + "freshly grated parmesan", + "dry white wine", + "salt", + "half & half", + "extra-virgin olive oil", + "prosciutto", + "heavy cream", + "freshly ground pepper" + ] + }, + { + "id": 6633, + "ingredients": [ + "curry powder", + "diced tomatoes", + "juice", + "ground cumin", + "ground cloves", + "fresh ginger", + "crushed red pepper", + "onions", + "boneless chicken skinless thigh", + "large garlic cloves", + "ground cardamom", + "chopped cilantro fresh", + "yellow mustard seeds", + "olive oil", + "white wine vinegar", + "cinnamon sticks" + ] + }, + { + "id": 42713, + "ingredients": [ + "romano cheese", + "shredded mozzarella cheese", + "margarine", + "provolone cheese", + "garlic powder", + "spaghetti" + ] + }, + { + "id": 9117, + "ingredients": [ + "beans", + "peas", + "carrots", + "mayonaise", + "sauerkraut", + "cooked meat", + "pickles", + "potatoes", + "scallions", + "eggs", + "pepper", + "salt" + ] + }, + { + "id": 16266, + "ingredients": [ + "sugar", + "savoiardi", + "frozen raspberries", + "fresh lemon juice", + "water", + "cognac", + "vanilla ice cream", + "heavy cream" + ] + }, + { + "id": 36470, + "ingredients": [ + "sugar", + "vanilla extract", + "refrigerated piecrusts", + "cream cheese, soften", + "powdered sugar", + "butter", + "blackberries", + "water", + "corn starch" + ] + }, + { + "id": 16164, + "ingredients": [ + "garam masala", + "salt", + "chillies", + "fresh tomatoes", + "red pepper", + "cumin seed", + "tomatoes", + "vegetable oil", + "green pepper", + "onions", + "tumeric", + "lamb shoulder", + "garlic cloves" + ] + }, + { + "id": 34712, + "ingredients": [ + "chicken broth", + "sesame oil", + "white pepper", + "eggs", + "peas", + "green onions" + ] + }, + { + "id": 29117, + "ingredients": [ + "kosher salt", + "large eggs", + "old bay seasoning", + "milk", + "cajun seasoning", + "pepper", + "vegetable oil", + "large shrimp", + "self rising flour", + "butter" + ] + }, + { + "id": 34991, + "ingredients": [ + "clove", + "green peas", + "cinnamon sticks", + "water", + "cardamom pods", + "cashew nuts", + "slivered almonds", + "salt", + "onions", + "vegetable oil", + "cumin seed", + "basmati rice" + ] + }, + { + "id": 24906, + "ingredients": [ + "grated parmesan cheese", + "pasta sauce", + "part-skim ricotta cheese", + "eggs", + "ziti", + "part-skim mozzarella cheese" + ] + }, + { + "id": 36954, + "ingredients": [ + "green onions", + "dried rosemary", + "white wine", + "wine vinegar", + "ground black pepper", + "steak", + "butter" + ] + }, + { + "id": 29979, + "ingredients": [ + "sugar", + "onions", + "tuna steaks", + "olive oil", + "red wine vinegar" + ] + }, + { + "id": 16710, + "ingredients": [ + "egg pasta", + "parmigiano reggiano cheese", + "juice", + "tomatoes", + "rosemary", + "baby spinach", + "onions", + "celery ribs", + "water", + "leeks", + "carrots", + "roast turkey", + "olive oil", + "large garlic cloves" + ] + }, + { + "id": 48056, + "ingredients": [ + "fresh basil", + "grated parmesan cheese", + "jumbo shells", + "grated romano cheese", + "ricotta cheese", + "shredded mozzarella cheese", + "ground black pepper", + "marinara sauce", + "ground sausage", + "large eggs", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 24035, + "ingredients": [ + "plain flour", + "green lentil", + "spices", + "lamb", + "celery seed", + "pepper", + "zucchini", + "salt", + "garlic cloves", + "coriander", + "water", + "potatoes", + "chickpeas", + "carrots", + "fresh tomatoes", + "fennel bulb", + "lemon", + "oil", + "onions" + ] + }, + { + "id": 32656, + "ingredients": [ + "ground red pepper", + "tamarind paste", + "ground turmeric", + "calamari", + "vegetable oil", + "hot water", + "shallots", + "fresh lemon juice", + "ground cumin", + "minced garlic", + "salt", + "basmati rice" + ] + }, + { + "id": 45875, + "ingredients": [ + "sugar", + "large eggs", + "cognac", + "coffee ice cream", + "salt", + "pure vanilla extract", + "unsalted butter", + "all-purpose flour", + "water", + "heavy cream", + "bittersweet chocolate" + ] + }, + { + "id": 1735, + "ingredients": [ + "fish sauce", + "minced garlic", + "ginger", + "green beans", + "salmon fillets", + "lime wedges", + "peanut oil", + "bird chile", + "brown sugar", + "lime juice", + "red curry paste", + "red bell pepper", + "unsweetened coconut milk", + "jasmine rice", + "chiffonade", + "scallions", + "chopped cilantro" + ] + }, + { + "id": 35986, + "ingredients": [ + "lemon juice", + "cherry tomatoes", + "onions", + "feta cheese crumbles", + "olive oil" + ] + }, + { + "id": 45005, + "ingredients": [ + "large eggs", + "vanilla wafers", + "cream cheese, soften", + "bananas", + "butter", + "meringue", + "granulated sugar", + "vanilla extract", + "lemon juice", + "light brown sugar", + "coffee liqueur", + "chopped walnuts" + ] + }, + { + "id": 46636, + "ingredients": [ + "salt and ground black pepper", + "ground pork", + "carrots", + "tomato sauce", + "cooking oil", + "beef broth", + "garlic powder", + "green peas", + "quail eggs", + "raisins", + "yellow onion" + ] + }, + { + "id": 31507, + "ingredients": [ + "salted butter", + "half & half", + "ground black pepper", + "grits", + "seasoning salt", + "self rising flour", + "pork chops", + "vegetable oil" + ] + }, + { + "id": 31348, + "ingredients": [ + "white onion", + "Kikkoman Soy Sauce", + "flank steak", + "salsa", + "lime", + "guacamole", + "vegetable oil", + "orange", + "light beer", + "lime wedges", + "corn tortillas", + "salad", + "ground pepper", + "green onions", + "nopales" + ] + }, + { + "id": 28362, + "ingredients": [ + "ground cinnamon", + "parsley leaves", + "extra-virgin olive oil", + "sweet paprika", + "ground turmeric", + "minced garlic", + "coarse salt", + "yellow onion", + "low salt chicken broth", + "aleppo pepper", + "lemon wedge", + "cilantro leaves", + "carrots", + "plum tomatoes", + "red lentils", + "minced ginger", + "dates", + "chickpeas", + "celery" + ] + }, + { + "id": 33305, + "ingredients": [ + "ground cardamom", + "cottage cheese", + "jaggery", + "flour" + ] + }, + { + "id": 36747, + "ingredients": [ + "water", + "eggs", + "vegetable oil", + "Jell-O Gelatin", + "white cake mix", + "vanilla extract" + ] + }, + { + "id": 39897, + "ingredients": [ + "sugar", + "cream style corn", + "garlic", + "sweet corn", + "onions", + "pepper", + "butter", + "hot sauce", + "bbq sauce", + "pork", + "potatoes", + "salt", + "rotisserie chicken", + "chicken broth", + "crushed tomatoes", + "diced tomatoes", + "sauce", + "celery" + ] + }, + { + "id": 27450, + "ingredients": [ + "dashi", + "salt", + "soy sauce", + "green onions", + "eggs", + "shiitake", + "medium shrimp", + "lean ground pork", + "wonton wrappers" + ] + }, + { + "id": 49579, + "ingredients": [ + "romaine lettuce", + "sesame seeds", + "hot bean paste", + "onions", + "lettuce", + "soy sauce", + "sesame oil", + "kimchi", + "sugar", + "mirin", + "garlic", + "rib eye steaks", + "black pepper", + "ginger", + "cooked white rice" + ] + }, + { + "id": 24426, + "ingredients": [ + "kidney beans", + "chili powder", + "pinto beans", + "ground cumin", + "ground black pepper", + "salt", + "white sugar", + "tomato juice", + "lean ground beef", + "ground cayenne pepper", + "tomato sauce", + "chopped green bell pepper", + "chopped onion", + "dried oregano" + ] + }, + { + "id": 11507, + "ingredients": [ + "tumeric", + "potatoes", + "cardamom", + "onions", + "ground ginger", + "ground black pepper", + "salt", + "carrots", + "cumin", + "San Marzano tomatoes", + "olive oil", + "cinnamon", + "garlic cloves", + "coriander", + "nutmeg", + "zucchini", + "chickpeas", + "couscous", + "saffron" + ] + }, + { + "id": 6093, + "ingredients": [ + "green onions", + "fresh spinach", + "button mushrooms", + "ramen noodles", + "large eggs", + "chili garlic paste" + ] + }, + { + "id": 49338, + "ingredients": [ + "plain yogurt", + "feta cheese", + "cucumber", + "spinach", + "cherry tomatoes", + "white wine vinegar", + "cooked turkey", + "ground black pepper", + "fresh dill", + "olive oil", + "salt" + ] + }, + { + "id": 11560, + "ingredients": [ + "pepper", + "balsamic vinegar", + "dried oregano", + "nonfat italian dressing", + "part-skim mozzarella cheese", + "salt", + "water", + "portabello mushroom", + "olive oil", + "red pepper" + ] + }, + { + "id": 49597, + "ingredients": [ + "cheddar cheese", + "salsa", + "iceberg lettuce", + "red beans", + "onions", + "flour", + "corn tortillas", + "chicken broth", + "reduced-fat sour cream", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 17865, + "ingredients": [ + "cooking oil", + "onions", + "water", + "salt", + "garlic", + "vinegar", + "squid" + ] + }, + { + "id": 5995, + "ingredients": [ + "salt", + "ground cumin", + "finely chopped onion", + "low salt chicken broth", + "chili powder", + "dried oregano", + "tomatoes", + "garlic cloves" + ] + }, + { + "id": 9707, + "ingredients": [ + "ground black pepper", + "salt", + "chopped cilantro fresh", + "black beans", + "red wine vinegar", + "fresh lime juice", + "avocado", + "jalapeno chilies", + "red bell pepper", + "diced red onions", + "sweet corn", + "plum tomatoes" + ] + }, + { + "id": 6888, + "ingredients": [ + "ground black pepper", + "purple onion", + "kosher salt", + "jalapeno chilies", + "avocado", + "roma tomatoes", + "ground cumin", + "lime", + "cilantro" + ] + }, + { + "id": 46148, + "ingredients": [ + "sugar", + "rice vinegar", + "white rice", + "cold water", + "salt", + "dried kelp" + ] + }, + { + "id": 19940, + "ingredients": [ + "cream of tartar", + "large eggs", + "milk", + "salt", + "cheddar cheese", + "butter", + "cayenne", + "all-purpose flour" + ] + }, + { + "id": 34637, + "ingredients": [ + "italian tomatoes", + "kidney beans", + "lean ground beef", + "green beans", + "dried oregano", + "water", + "grated parmesan cheese", + "garlic cloves", + "onions", + "pepper", + "zucchini", + "salt", + "tomato soup", + "dried basil", + "chili powder", + "carrots", + "noodles" + ] + }, + { + "id": 14214, + "ingredients": [ + "tumeric", + "paprika", + "ground cumin", + "ground ginger", + "lemon", + "cayenne pepper", + "ground black pepper", + "extra-virgin olive oil", + "chicken legs", + "sea salt", + "dried oregano" + ] + }, + { + "id": 15805, + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "warm water", + "whole milk", + "fresh lemon juice", + "sugar", + "large eggs", + "apricot preserves", + "active dry yeast", + "salt", + "confectioners sugar" + ] + }, + { + "id": 34328, + "ingredients": [ + "soy sauce", + "sesame oil", + "spaghetti", + "green onions", + "rice vinegar", + "canola oil", + "shredded carrots", + "crushed red pepper flakes", + "snow peas", + "ground ginger", + "boneless skinless chicken breasts", + "corn starch" + ] + }, + { + "id": 27174, + "ingredients": [ + "sugar", + "teas", + "egg yolks", + "milk", + "salt", + "dark rum" + ] + }, + { + "id": 24919, + "ingredients": [ + "grated parmesan cheese", + "chile paste", + "chopped cilantro", + "basil pesto sauce", + "bow-tie pasta", + "olive oil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 33206, + "ingredients": [ + "avocado", + "refried beans", + "black olives", + "shredded cheddar cheese", + "jalapeno chilies", + "sour cream", + "tomatoes", + "olive oil", + "salt", + "water", + "chili powder", + "ground cumin" + ] + }, + { + "id": 10745, + "ingredients": [ + "Southern Comfort Liqueur", + "orange juice", + "grenadine syrup", + "amaretto liqueur" + ] + }, + { + "id": 41550, + "ingredients": [ + "water", + "corn oil", + "dark brown sugar", + "crema mexicana", + "french bread", + "unsalted dry roast peanuts", + "canela", + "slivered almonds", + "unsalted butter", + "anise", + "french rolls", + "queso manchego", + "raisins", + "sour cream" + ] + }, + { + "id": 5008, + "ingredients": [ + "eggs", + "swiss cheese", + "oil", + "ground black pepper", + "salt", + "confectioners sugar", + "water", + "turkey", + "ham", + "white bread", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 10685, + "ingredients": [ + "black pepper", + "green enchilada sauce", + "red enchilada sauce", + "chopped cilantro", + "green chile", + "water", + "salt", + "Mexican cheese", + "avocado", + "black beans", + "diced tomatoes", + "long-grain rice", + "fire roasted diced tomatoes", + "corn", + "cream cheese", + "sour cream" + ] + }, + { + "id": 15287, + "ingredients": [ + "pepper", + "provolone cheese", + "green bell pepper", + "beef", + "onions", + "olive oil", + "red bell pepper", + "pizza crust", + "salt" + ] + }, + { + "id": 25701, + "ingredients": [ + "cheddar cheese", + "salt", + "unsalted butter", + "white bread", + "large eggs", + "black pepper", + "canadian bacon" + ] + }, + { + "id": 31525, + "ingredients": [ + "balsamic vinegar", + "pepper", + "extra-virgin olive oil", + "kosher salt", + "fresh mozzarella", + "cherry tomatoes", + "fresh basil leaves" + ] + }, + { + "id": 27096, + "ingredients": [ + "minced garlic", + "chinese five-spice powder", + "chinese rice wine", + "hoisin sauce", + "dark soy sauce", + "honey", + "pork spareribs", + "ketchup", + "sesame oil" + ] + }, + { + "id": 36113, + "ingredients": [ + "water", + "firm tofu", + "bonito flakes", + "red miso", + "shiitake", + "konbu", + "onion tops" + ] + }, + { + "id": 48480, + "ingredients": [ + "honey", + "chopped walnuts", + "sugar", + "cinnamon", + "almond extract", + "pitted date", + "cream cheese" + ] + }, + { + "id": 1944, + "ingredients": [ + "sugar", + "fresh parmesan cheese", + "extra-virgin olive oil", + "water", + "basil leaves", + "dried oregano", + "pizza crust", + "roasted red peppers", + "plum tomatoes", + "tomato paste", + "part-skim mozzarella cheese", + "large garlic cloves" + ] + }, + { + "id": 26314, + "ingredients": [ + "large egg whites", + "large eggs", + "all-purpose flour", + "italian seasoning", + "part-skim mozzarella cheese", + "cooking spray", + "lemon pepper", + "eggplant", + "marinara sauce", + "dry bread crumbs", + "angel hair", + "fresh parmesan cheese", + "salt", + "fresh parsley" + ] + }, + { + "id": 10478, + "ingredients": [ + "fish sauce", + "garlic", + "peanut oil", + "kosher salt", + "yellow onion", + "fresh lime juice", + "soy sauce", + "salted peanuts", + "scallions", + "light brown sugar", + "ground black pepper", + "tri-tip steak" + ] + }, + { + "id": 15149, + "ingredients": [ + "light brown sugar", + "unsalted butter", + "vanilla extract", + "apricots", + "large egg yolks", + "almond extract", + "all-purpose flour", + "ground cinnamon", + "granulated sugar", + "fine sea salt", + "almonds", + "sea salt", + "corn starch" + ] + }, + { + "id": 5024, + "ingredients": [ + "water", + "salt", + "flour", + "eggs", + "butter", + "milk" + ] + }, + { + "id": 1676, + "ingredients": [ + "minced garlic", + "escargot", + "chives", + "tarragon", + "unsalted butter", + "chopped parsley", + "cremini mushrooms", + "shallots" + ] + }, + { + "id": 2869, + "ingredients": [ + "garbanzo beans", + "salt", + "spices", + "olive oil" + ] + }, + { + "id": 20079, + "ingredients": [ + "ground cinnamon", + "large eggs", + "all-purpose flour", + "kosher salt", + "spices", + "unsalted butter", + "chocolate", + "sugar", + "whole milk", + "canola oil" + ] + }, + { + "id": 8053, + "ingredients": [ + "crema mexican", + "sauce", + "chipotle chile" + ] + }, + { + "id": 6212, + "ingredients": [ + "tomato paste", + "chopped tomatoes", + "basil", + "chopped parsley", + "minced garlic", + "red wine", + "green pepper", + "olive oil", + "diced tomatoes", + "sliced mushrooms", + "tomato purée", + "bay leaves", + "salt", + "oregano" + ] + }, + { + "id": 13557, + "ingredients": [ + "capsicum", + "rice flour", + "water", + "salt", + "chaat masala", + "chickpea flour", + "chili powder", + "onions", + "potatoes", + "oil", + "ground turmeric" + ] + }, + { + "id": 9735, + "ingredients": [ + "salt", + "water", + "white sugar", + "grated coconut", + "glutinous rice flour", + "sesame seeds" + ] + }, + { + "id": 39956, + "ingredients": [ + "arborio rice", + "white wine", + "ground black pepper", + "chopped onion", + "chorizo sausage", + "saffron threads", + "capers", + "water", + "green peas", + "chopped cilantro fresh", + "tomatoes", + "fat free less sodium chicken broth", + "roasted red peppers", + "garlic cloves", + "mussels", + "boneless chicken skinless thigh", + "olive oil", + "salt", + "large shrimp" + ] + }, + { + "id": 21569, + "ingredients": [ + "lime", + "tomatillos", + "salt", + "granulated garlic", + "poblano peppers", + "cilantro", + "cumin", + "olive oil", + "sea salt", + "onions", + "pepper", + "jalapeno chilies", + "garlic" + ] + }, + { + "id": 3269, + "ingredients": [ + "turnips", + "black peppercorns", + "butter", + "garlic cloves", + "onions", + "tomato paste", + "sugar", + "beef broth", + "bay leaf", + "celery ribs", + "pot roast", + "red wine", + "carrots", + "celery root", + "fresh sage", + "olive oil", + "chopped fresh sage", + "fresh parsley" + ] + }, + { + "id": 4461, + "ingredients": [ + "mustard", + "hard-boiled egg", + "paprika", + "green pepper", + "cider vinegar", + "boneless skinless chicken breasts", + "salt", + "mayonaise", + "green onions", + "chopped celery", + "creole seasoning", + "prepared horseradish", + "Tabasco Pepper Sauce", + "hot sauce" + ] + }, + { + "id": 41598, + "ingredients": [ + "garlic powder", + "chopped fresh thyme", + "onions", + "olive oil", + "barbecue sauce", + "chipotles in adobo", + "sugar", + "kaiser rolls", + "provolone cheese", + "sandwiches", + "pork tenderloin", + "diced tomatoes", + "ground cumin" + ] + }, + { + "id": 44612, + "ingredients": [ + "onion soup mix", + "butter", + "curry powder", + "sesame oil", + "sweet potatoes", + "milk", + "wonton wrappers" + ] + }, + { + "id": 20150, + "ingredients": [ + "granulated sugar", + "stout", + "sugar", + "dry yeast", + "salt", + "large egg whites", + "dried tart cherries", + "bread flour", + "water", + "cooking spray", + "bittersweet chocolate" + ] + }, + { + "id": 7278, + "ingredients": [ + "hot red pepper flakes", + "juice", + "extra-virgin olive oil", + "polenta", + "diced tomatoes", + "flat leaf parsley", + "pancetta", + "garlic cloves", + "large shrimp" + ] + }, + { + "id": 35809, + "ingredients": [ + "water", + "all-purpose flour", + "chuck eye steak", + "vegetable oil", + "onions", + "bacon slices" + ] + }, + { + "id": 21612, + "ingredients": [ + "salsa", + "shredded cheddar cheese", + "boneless skinless chicken breast halves", + "sour cream", + "taco seasoning mix" + ] + }, + { + "id": 20357, + "ingredients": [ + "orange", + "all-purpose flour", + "grated orange", + "sugar", + "salt", + "clarified butter", + "eggs", + "milk", + "orange juice", + "orange zest", + "vanilla ice cream", + "vanilla extract", + "orange liqueur" + ] + }, + { + "id": 23355, + "ingredients": [ + "celery ribs", + "water", + "unsalted butter", + "salt", + "fresh sage", + "parmesan cheese", + "vegetable stock", + "wild rice", + "arborio rice", + "olive oil", + "large eggs", + "yellow onion", + "marsala wine", + "ground black pepper", + "chopped fresh thyme", + "fresh parsley" + ] + }, + { + "id": 27727, + "ingredients": [ + "unflavored gelatin", + "kirby cucumbers", + "apple juice", + "fresh mint", + "tomatoes", + "sherry vinegar", + "salt", + "red bell pepper", + "sweet onion", + "extra-virgin olive oil", + "hot water", + "sugar", + "balsamic vinegar", + "garlic cloves", + "grappa" + ] + }, + { + "id": 34021, + "ingredients": [ + "brown sugar", + "black pepper", + "lime", + "chicken drumsticks", + "long-grain rice", + "onions", + "nutmeg", + "red kidnei beans, rins and drain", + "water", + "olive oil", + "salt", + "coconut milk", + "cajun spice mix", + "pepper", + "dried thyme", + "paprika", + "garlic cloves", + "allspice", + "ground cinnamon", + "soy sauce", + "fresh cilantro", + "fresh ginger", + "oil", + "bay leaf" + ] + }, + { + "id": 9970, + "ingredients": [ + "kosher salt", + "sour cream", + "lime juice", + "avocado", + "chopped cilantro fresh" + ] + }, + { + "id": 36438, + "ingredients": [ + "eggs", + "vanilla extract", + "baking powder", + "confectioners sugar", + "milk", + "all-purpose flour", + "butter" + ] + }, + { + "id": 12079, + "ingredients": [ + "water", + "butter", + "eggs", + "honey", + "all-purpose flour", + "yellow corn meal", + "milk", + "salt", + "sugar", + "baking powder" + ] + }, + { + "id": 22380, + "ingredients": [ + "gyoza skins", + "russet potatoes", + "oil", + "tumeric", + "serrano peppers", + "cumin seed", + "spinach", + "garam masala", + "ginger", + "onions", + "olive oil", + "butter", + "feta cheese crumbles" + ] + }, + { + "id": 28065, + "ingredients": [ + "ground ginger", + "water", + "hot pepper", + "cucumber", + "fish sauce", + "lemon grass", + "butter", + "fresh parsley", + "soy sauce", + "green onions", + "garlic", + "chopped cilantro fresh", + "chicken broth", + "salt and ground black pepper", + "red wine vinegar", + "sour cream" + ] + }, + { + "id": 49690, + "ingredients": [ + "fresh basil", + "large garlic cloves", + "pinenuts", + "salt", + "parmigiano reggiano cheese", + "black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 48671, + "ingredients": [ + "pepper", + "potatoes", + "chopped celery", + "carrots", + "plum tomatoes", + "olive oil", + "cinnamon", + "cayenne pepper", + "coconut milk", + "water", + "butternut squash", + "salt", + "smoked paprika", + "cumin", + "garbanzo beans", + "vegetable broth", + "ground coriander", + "onions" + ] + }, + { + "id": 18509, + "ingredients": [ + "butter cake mix", + "dark brown sugar", + "eggs", + "vanilla", + "melted butter", + "light corn syrup", + "chopped pecans", + "pecans", + "salt" + ] + }, + { + "id": 8903, + "ingredients": [ + "minced garlic", + "extra-virgin olive oil", + "diced tomatoes", + "red bell pepper", + "large eggs", + "feta cheese crumbles", + "paprika", + "onions" + ] + }, + { + "id": 23374, + "ingredients": [ + "leaves", + "cinnamon", + "large eggs", + "vegetable broth", + "udon", + "star anise", + "soy sauce", + "spring onions" + ] + }, + { + "id": 22475, + "ingredients": [ + "water", + "tuna in oil", + "garlic", + "white onion", + "radishes", + "shoyu", + "fresh cilantro", + "green onions", + "noodles", + "shiitake", + "vegetable oil" + ] + }, + { + "id": 28418, + "ingredients": [ + "ground black pepper", + "peanut oil", + "ginger", + "onions", + "button mushrooms", + "ghee", + "curry leaves", + "salt" + ] + }, + { + "id": 42625, + "ingredients": [ + "butter", + "unsweetened cocoa powder", + "sea salt", + "heavy cream", + "bittersweet chocolate chips", + "sweetened condensed milk" + ] + }, + { + "id": 44840, + "ingredients": [ + "unsalted butter", + "grappa", + "heavy cream", + "grated parmesan cheese", + "fontina cheese", + "salt" + ] + }, + { + "id": 42121, + "ingredients": [ + "green cardamom pods", + "fresh curry leaves", + "vegetables", + "double cream", + "greek style plain yogurt", + "cinnamon sticks", + "sea salt flakes", + "tomato purée", + "lime", + "bay leaves", + "star anise", + "garlic puree", + "chicken thighs", + "fenugreek leaves", + "pepper", + "garam masala", + "paprika", + "green chilies", + "onions", + "ground cumin", + "tumeric", + "chopped tomatoes", + "butter", + "salt", + "carrots", + "coriander" + ] + }, + { + "id": 2243, + "ingredients": [ + "sliced almonds", + "lemon", + "cumin seed", + "onions", + "ground cinnamon", + "fresh ginger", + "salt", + "carrots", + "chicken", + "pepper", + "sunflower oil", + "garlic cloves", + "frozen peas", + "sultana", + "potatoes", + "ground coriander", + "bay leaf", + "ground cumin" + ] + }, + { + "id": 18032, + "ingredients": [ + "soy sauce", + "red miso", + "brown sugar", + "mirin", + "frozen edamame beans", + "chili paste", + "sake", + "sesame oil" + ] + }, + { + "id": 19392, + "ingredients": [ + "corn chips", + "cheddar cheese soup", + "water", + "shredded mozzarella cheese", + "taco seasoning", + "milk", + "ground beef" + ] + }, + { + "id": 25679, + "ingredients": [ + "figs", + "large egg yolks", + "dry white wine", + "grated lemon zest", + "apricots", + "water", + "lemon zest", + "salt", + "sour cherries", + "pure vanilla extract", + "vanilla beans", + "large eggs", + "all-purpose flour", + "cream cheese, soften", + "sugar", + "unsalted butter", + "cinnamon", + "ricotta" + ] + }, + { + "id": 11223, + "ingredients": [ + "avocado", + "lime", + "whole kernel corn, drain", + "green bell pepper", + "green onions", + "chopped cilantro fresh", + "tomatoes", + "jalapeno chilies", + "garlic salt", + "black beans", + "pimentos", + "italian salad dressing" + ] + }, + { + "id": 35867, + "ingredients": [ + "kosher salt", + "poppy seeds", + "ground black pepper", + "toasted sesame seeds", + "olive oil", + "bread dough", + "parmigiano-reggiano cheese", + "cooking spray" + ] + }, + { + "id": 33842, + "ingredients": [ + "water", + "garlic", + "jalapeno chilies", + "lard", + "fresh cilantro", + "salt", + "white onion", + "dried pinto beans" + ] + }, + { + "id": 12676, + "ingredients": [ + "sugar", + "salt", + "ground ginger", + "five-spice powder", + "white pepper" + ] + }, + { + "id": 38377, + "ingredients": [ + "pepper", + "salt", + "fresh parsley", + "roasted red peppers", + "fresh oregano", + "green onions", + "lemon juice", + "black-eyed peas", + "hot sauce", + "ground cumin" + ] + }, + { + "id": 344, + "ingredients": [ + "half & half", + "cocoa", + "tequila" + ] + }, + { + "id": 11864, + "ingredients": [ + "white vinegar", + "potatoes", + "boneless skinless chicken", + "orange rind", + "soy sauce", + "cooking wine", + "carrots", + "italian seasoning", + "sugar", + "bay leaves", + "garlic cloves", + "onions", + "pepper", + "salt", + "corn starch" + ] + }, + { + "id": 16895, + "ingredients": [ + "sliced almonds", + "chopped green bell pepper", + "vegetable broth", + "long grain brown rice", + "kale", + "raisins", + "chickpeas", + "water", + "bay leaves", + "chopped celery", + "hungarian sweet paprika", + "olive oil", + "stewed tomatoes", + "chopped onion" + ] + }, + { + "id": 3001, + "ingredients": [ + "yellow mustard seeds", + "ginger", + "ground turmeric", + "tomatoes", + "fresh cilantro", + "bird chile", + "pepper", + "salt", + "neutral oil", + "large eggs", + "onions" + ] + }, + { + "id": 19195, + "ingredients": [ + "rice", + "sesame seeds", + "salt", + "salmon", + "nori" + ] + }, + { + "id": 3635, + "ingredients": [ + "milk", + "carrots", + "sugar" + ] + }, + { + "id": 23150, + "ingredients": [ + "sugar", + "raisins", + "rye bread", + "water", + "dry yeast" + ] + }, + { + "id": 17502, + "ingredients": [ + "boneless skinless chicken breast halves", + "mozzarella cheese", + "basil pesto sauce", + "cooking spray" + ] + }, + { + "id": 16405, + "ingredients": [ + "extra-virgin olive oil", + "fresh lemon juice", + "cumin seed", + "chopped cilantro fresh", + "paprika", + "garlic cloves", + "cayenne pepper", + "flat leaf parsley" + ] + }, + { + "id": 34160, + "ingredients": [ + "green chile", + "seasoning salt", + "mexicorn", + "white corn", + "green onions", + "adobo seasoning", + "mayonaise", + "Mexican cheese blend", + "sour cream", + "minced garlic", + "chili powder" + ] + }, + { + "id": 34495, + "ingredients": [ + "eggs", + "frozen pastry puff sheets", + "bacon", + "beer", + "white sugar", + "water", + "bay leaves", + "beef stew meat", + "thyme", + "olive oil", + "crimini mushrooms", + "all-purpose flour", + "corn starch", + "white onion", + "beef stock", + "garlic", + "carrots" + ] + }, + { + "id": 18377, + "ingredients": [ + "vanilla ice cream", + "orange juice", + "bay leaf", + "sugar", + "corn starch", + "black peppercorns", + "pound cake", + "bartlett pears", + "dry red wine", + "orange peel" + ] + }, + { + "id": 18988, + "ingredients": [ + "jalapeno chilies", + "oregano", + "cilantro", + "basil", + "coconut", + "Bragg Liquid Aminos" + ] + }, + { + "id": 24880, + "ingredients": [ + "lime zest", + "chickpeas", + "extra-virgin olive oil", + "kosher salt", + "smoked paprika", + "cayenne pepper" + ] + }, + { + "id": 48302, + "ingredients": [ + "grated parmesan cheese", + "linguine", + "olive oil", + "red wine", + "salt", + "eggs", + "butter", + "garlic", + "ground black pepper", + "bacon", + "fresh parsley" + ] + }, + { + "id": 33358, + "ingredients": [ + "honey", + "cinnamon", + "cumin", + "lemon peel", + "garlic", + "fresh ginger", + "sea salt", + "tumeric", + "boneless skinless chicken breasts", + "coriander" + ] + }, + { + "id": 20732, + "ingredients": [ + "tomatoes", + "ground black pepper", + "fish", + "soy sauce", + "celery", + "red chili peppers", + "cooking oil", + "water", + "onions" + ] + }, + { + "id": 22094, + "ingredients": [ + "fresh basil", + "corn kernels", + "fresh lemon juice", + "vidalia onion", + "cornbread mix", + "red bell pepper", + "tomatoes", + "mayonaise", + "bacon slices", + "butter beans", + "coars ground black pepper", + "chopped fresh chives", + "chicken thighs" + ] + }, + { + "id": 8638, + "ingredients": [ + "large egg whites", + "green onions", + "fresh lime juice", + "bread crumb fresh", + "large eggs", + "peanut sauce", + "olive oil", + "ground red pepper", + "chopped cilantro fresh", + "lump crab meat", + "cooking spray", + "beansprouts" + ] + }, + { + "id": 35556, + "ingredients": [ + "avocado", + "shredded pepper jack cheese", + "corn kernels", + "refried beans", + "salsa", + "dough", + "cilantro leaves" + ] + }, + { + "id": 27248, + "ingredients": [ + "water", + "salt", + "onions", + "green bell pepper", + "butter", + "corn starch", + "green onions", + "cayenne pepper", + "crawfish", + "chopped celery", + "fresh parsley" + ] + }, + { + "id": 15746, + "ingredients": [ + "pancetta", + "pecorino romano cheese", + "fresh oregano", + "cherry tomatoes", + "extra-virgin olive oil", + "fresh basil leaves", + "flour", + "salt", + "white onion", + "cracked black pepper", + "hot water" + ] + }, + { + "id": 46404, + "ingredients": [ + "green onions", + "dry mustard", + "juice", + "mayonaise", + "onion powder", + "cream cheese", + "garlic salt", + "pimentos", + "hot sauce", + "sour cream", + "pepper jack", + "bacon", + "sharp cheddar cheese" + ] + }, + { + "id": 23323, + "ingredients": [ + "eggs", + "dill", + "greek yogurt", + "tomatoes", + "feta cheese", + "thyme", + "onions", + "rosemary", + "lemon juice", + "ground beef", + "pita bread", + "garlic", + "cucumber", + "marjoram" + ] + }, + { + "id": 39018, + "ingredients": [ + "water", + "dry mustard", + "garlic cloves", + "cream of tartar", + "butter", + "salt", + "ground turmeric", + "large eggs", + "shredded sharp cheddar cheese", + "grits", + "pepper", + "paprika", + "hot sauce" + ] + }, + { + "id": 23510, + "ingredients": [ + "fresh rosemary", + "ground black pepper", + "carrots", + "dried rosemary", + "olive oil", + "garlic", + "bay leaf", + "canned low sodium chicken broth", + "tubetti", + "celery", + "italian sausage", + "kidney beans", + "salt", + "onions" + ] + }, + { + "id": 27710, + "ingredients": [ + "ground nutmeg", + "all-purpose flour", + "water", + "butter", + "pumpkin seed oil", + "large eggs", + "pumpkin seeds", + "large egg yolks", + "salt" + ] + }, + { + "id": 30540, + "ingredients": [ + "tomatoes", + "water", + "lemon grass", + "cayenne pepper", + "boneless chicken skinless thigh", + "fresh ginger root", + "paprika", + "fish sauce", + "curry powder", + "corn oil", + "onions", + "minced garlic", + "garam masala", + "salt" + ] + }, + { + "id": 48945, + "ingredients": [ + "all-purpose flour", + "half & half", + "coarse kosher salt", + "unsalted butter", + "heavy whipping cream", + "baking powder" + ] + }, + { + "id": 37197, + "ingredients": [ + "peeled fresh ginger", + "medium shrimp", + "seasoned rice wine vinegar", + "chopped cilantro fresh", + "hoisin sauce", + "garlic chili sauce", + "rice paper", + "slaw mix", + "chopped fresh mint" + ] + }, + { + "id": 27343, + "ingredients": [ + "ground ginger", + "sesame seeds", + "teriyaki sauce", + "cayenne pepper", + "sugar pea", + "green onions", + "garlic", + "red bell pepper", + "chicken broth", + "ground black pepper", + "white rice", + "corn starch", + "water", + "sesame oil", + "salt", + "medium shrimp" + ] + }, + { + "id": 29349, + "ingredients": [ + "kosher salt", + "baking powder", + "masa harina", + "warm water", + "unsalted butter", + "shredded mozzarella cheese", + "corn kernels", + "vegetable oil", + "green chile", + "corn husks", + "calabaza" + ] + }, + { + "id": 38383, + "ingredients": [ + "hot pepper sauce", + "cayenne pepper", + "minced garlic", + "butter", + "oil", + "black pepper", + "onion powder", + "creole style seasoning", + "garlic powder", + "all-purpose flour", + "shrimp" + ] + }, + { + "id": 46758, + "ingredients": [ + "worcestershire sauce", + "black pepper", + "salt", + "jalapeno chilies", + "tequila", + "teriyaki sauce" + ] + }, + { + "id": 24859, + "ingredients": [ + "pork spare ribs", + "sauce", + "sugar", + "cornflour", + "chinese black vinegar", + "Shaoxing wine", + "oil", + "soy sauce", + "garlic" + ] + }, + { + "id": 18292, + "ingredients": [ + "ketchup", + "coarse salt", + "boneless beef chuck roast", + "corn", + "relish", + "corn tortillas", + "chipotle chile", + "tomato salsa", + "garlic cloves", + "ground pepper", + "crema", + "dried oregano" + ] + }, + { + "id": 32450, + "ingredients": [ + "tomato paste", + "dried basil", + "ground beef", + "tomato sauce", + "garlic", + "dried oregano", + "black pepper", + "salt", + "green bell pepper", + "diced tomatoes", + "onions" + ] + }, + { + "id": 35936, + "ingredients": [ + "boneless chicken skinless thigh", + "rice vinegar", + "light brown sugar", + "hot chili paste", + "Sriracha", + "fish sauce", + "ginger" + ] + }, + { + "id": 36789, + "ingredients": [ + "ground black pepper", + "collard greens", + "salt", + "water", + "butter" + ] + }, + { + "id": 19804, + "ingredients": [ + "pepper", + "diced tomatoes", + "onions", + "green bell pepper", + "sweet potatoes", + "salsa", + "ground cinnamon", + "tortillas", + "salt", + "garlic salt", + "black beans", + "chili powder", + "shredded cheese" + ] + }, + { + "id": 16604, + "ingredients": [ + "dried basil", + "garlic", + "dried oregano", + "black pepper", + "zucchini", + "carrots", + "Italian cheese", + "russet potatoes", + "red bell pepper", + "fresh basil", + "olive oil", + "salt" + ] + }, + { + "id": 585, + "ingredients": [ + "ketchup", + "ground red pepper", + "salt", + "garlic powder", + "apple cider vinegar", + "firmly packed brown sugar", + "unsalted butter", + "worcestershire sauce", + "black pepper", + "onion powder", + "ground cumin" + ] + }, + { + "id": 29352, + "ingredients": [ + "chiles", + "ground black pepper", + "scotch bonnet chile", + "garlic", + "store bought low sodium chicken broth", + "curry powder", + "lamb stew meat", + "crushed red pepper flakes", + "onions", + "kosher salt", + "cayenne", + "diced tomatoes", + "cilantro leaves", + "tumeric", + "garam masala", + "vegetable oil", + "ginger", + "cumin" + ] + }, + { + "id": 48392, + "ingredients": [ + "tomato paste", + "diced tomatoes", + "crushed red pepper", + "fresh parsley", + "fresh basil", + "littleneck clams", + "chopped onion", + "bay scallops", + "extra-virgin olive oil", + "garlic cloves", + "mussels", + "clam juice", + "linguine", + "medium shrimp" + ] + }, + { + "id": 44324, + "ingredients": [ + "water", + "red wine vinegar", + "plum tomatoes", + "ground black pepper", + "garlic cloves", + "olive oil", + "chickpeas", + "dried oregano", + "spinach", + "sliced cucumber", + "feta cheese crumbles" + ] + }, + { + "id": 5012, + "ingredients": [ + "chicken broth", + "garlic powder", + "green beans", + "water", + "red pepper flakes", + "black pepper", + "butter", + "seasoning salt", + "bacon" + ] + }, + { + "id": 19487, + "ingredients": [ + "dry white wine", + "salt", + "water", + "garlic", + "fresh parsley", + "butter", + "medium shrimp", + "fresh angel hair", + "crushed red pepper" + ] + }, + { + "id": 17263, + "ingredients": [ + "picante sauce", + "cooked chicken", + "sour cream", + "flour tortillas", + "diced tomatoes", + "dried oregano", + "shredded cheddar cheese", + "shredded lettuce", + "onions", + "guacamole", + "salt", + "ground cumin" + ] + }, + { + "id": 26127, + "ingredients": [ + "green cabbage", + "broccoli", + "ground black pepper", + "mashed potatoes", + "garlic salt", + "butter" + ] + }, + { + "id": 39464, + "ingredients": [ + "sea salt", + "garlic", + "black pepper", + "cauliflower florets", + "lite coconut milk", + "crushed red pepper flakes", + "curry powder", + "extra-virgin olive oil" + ] + }, + { + "id": 4870, + "ingredients": [ + "chopped nuts", + "Sriracha", + "vegetable oil", + "english cucumber", + "soy sauce", + "boneless skinless chicken breasts", + "salt", + "red bell pepper", + "natural peanut butter", + "green onions", + "ginger", + "carrots", + "salad", + "honey", + "sesame oil", + "rice vinegar" + ] + }, + { + "id": 16171, + "ingredients": [ + "lower sodium chicken broth", + "ground red pepper", + "leg of lamb", + "saffron threads", + "white onion", + "salt", + "pumpkin pie spice", + "dried plum", + "honey", + "all-purpose flour", + "ground cumin", + "slivered almonds", + "navel oranges", + "couscous" + ] + }, + { + "id": 308, + "ingredients": [ + "chicken legs", + "low salt chicken broth", + "ground ginger", + "olive oil", + "chopped fresh mint", + "ground cinnamon", + "chopped onion", + "dried fruit", + "couscous" + ] + }, + { + "id": 19155, + "ingredients": [ + "chicken stock", + "ground black pepper", + "crushed red pepper", + "red bell pepper", + "andouille sausage", + "bay leaves", + "yellow onion", + "chopped garlic", + "green bell pepper", + "unsalted butter", + "all-purpose flour", + "celery", + "kosher salt", + "chili powder", + "thyme", + "chicken" + ] + }, + { + "id": 18736, + "ingredients": [ + "ice cubes", + "superfine sugar", + "lime", + "cachaca" + ] + }, + { + "id": 43352, + "ingredients": [ + "whole milk", + "lemon juice", + "firmly packed brown sugar", + "light corn syrup", + "sweetened condensed milk", + "pie crust", + "butter", + "chopped pecans", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 24652, + "ingredients": [ + "lime juice", + "chili powder", + "flour tortillas", + "onions", + "green bell pepper, slice", + "vegetable oil", + "boneless, skinless chicken breast", + "knorr homestyl stock chicken" + ] + }, + { + "id": 44181, + "ingredients": [ + "dried thyme", + "paprika", + "salt", + "brown sugar", + "onion powder", + "ground pork", + "dried oregano", + "dried basil", + "red wine vinegar", + "cracked black pepper", + "fennel seeds", + "garlic powder", + "crushed red pepper flakes", + "dried parsley" + ] + }, + { + "id": 36237, + "ingredients": [ + "bengal gram", + "ground red pepper", + "mustard seeds", + "chopped cilantro fresh", + "fresh curry leaves", + "cooking oil", + "salt", + "dried red chile peppers", + "split black lentils", + "chile pepper", + "asafoetida powder", + "ground turmeric", + "fresh ginger root", + "potatoes", + "chopped onion", + "fresh lime juice" + ] + }, + { + "id": 30286, + "ingredients": [ + "fresh basil", + "cod fillets", + "onions", + "mussels", + "olive oil", + "clam juice", + "large shrimp", + "saffron threads", + "minced garlic", + "dry white wine", + "dried oregano", + "red potato", + "fennel bulb", + "diced tomatoes" + ] + }, + { + "id": 4019, + "ingredients": [ + "cream sweeten whip", + "apples", + "fresh lemon juice", + "ground cinnamon", + "unsalted butter", + "all-purpose flour", + "apricot jam", + "sugar", + "salt", + "corn starch", + "eggs", + "ice water", + "grated nutmeg" + ] + }, + { + "id": 20111, + "ingredients": [ + "vanilla essence", + "vanilla", + "dark brown sugar", + "dark chocolate", + "butter", + "condensed milk", + "pumpkin pie spice", + "roasted hazelnuts", + "double cream", + "cocoa powder", + "liqueur", + "plain flour", + "white chocolate", + "whipping cream", + "golden syrup" + ] + }, + { + "id": 35543, + "ingredients": [ + "pepper", + "whole milk", + "grated parmesan cheese", + "beef sirloin", + "large eggs", + "salt", + "french bread", + "italian seasoning" + ] + }, + { + "id": 25992, + "ingredients": [ + "water", + "mint leaves", + "firmly packed brown sugar", + "Lipton® Cup Size Tea Bags", + "peaches" + ] + }, + { + "id": 8275, + "ingredients": [ + "pepper", + "guacamole", + "orange juice", + "cumin", + "flour tortillas", + "salt", + "sour cream", + "lime juice", + "flank steak", + "garlic cloves", + "monterey jack", + "white onion", + "bell pepper", + "cilantro leaves", + "chipotle peppers" + ] + }, + { + "id": 49613, + "ingredients": [ + "european cucumber", + "fresh ginger", + "crushed red pepper", + "roasted peanuts", + "minced garlic", + "boneless skinless chicken breasts", + "rice vinegar", + "soy sauce", + "mint leaves", + "cilantro leaves", + "mung bean sprouts", + "sugar", + "water", + "sesame oil", + "leaf lettuce" + ] + }, + { + "id": 45149, + "ingredients": [ + "tumeric", + "potatoes", + "mustard seeds", + "cauliflower", + "coriander powder", + "chopped onion", + "olive oil", + "salt", + "curry powder", + "red pepper", + "chopped cilantro" + ] + }, + { + "id": 38610, + "ingredients": [ + "tomatoes", + "garam masala", + "peas", + "fenugreek seeds", + "onions", + "green bell pepper", + "butter", + "salt", + "cumin seed", + "ground turmeric", + "black peppercorns", + "chili powder", + "paneer", + "green chilies", + "basmati rice", + "clove", + "coriander seeds", + "ginger", + "cilantro leaves", + "bay leaf" + ] + }, + { + "id": 18111, + "ingredients": [ + "shredded cheddar cheese", + "cream cheese", + "italian seasoning", + "worcestershire sauce", + "imitation crab meat", + "garlic powder", + "scallions", + "Frank's® RedHot® Original Cayenne Pepper Sauce", + "creole seasoning", + "sour cream" + ] + }, + { + "id": 35670, + "ingredients": [ + "part-skim mozzarella", + "marinara sauce", + "nonfat ricotta cheese", + "italian chicken sausage", + "garlic", + "rigatoni", + "pepper", + "pecorino romano cheese", + "olive oil spray", + "frozen chopped spinach", + "olive oil", + "salt" + ] + }, + { + "id": 30349, + "ingredients": [ + "low sodium soy sauce", + "mirin", + "sugar", + "freshly ground pepper", + "sake", + "salt", + "chicken stock", + "olive oil", + "bone in skin on chicken thigh" + ] + }, + { + "id": 12034, + "ingredients": [ + "chicken wings", + "prepared mustard", + "prepared horseradish", + "soy sauce", + "plum jam", + "hot pepper sauce" + ] + }, + { + "id": 20729, + "ingredients": [ + "cajun seasoning", + "shrimp", + "sweet onion", + "vinaigrette", + "olive oil", + "okra", + "green bell pepper", + "heirloom tomatoes" + ] + }, + { + "id": 11458, + "ingredients": [ + "vidalia onion", + "butter", + "chicken broth", + "kosher salt", + "creole seasoning", + "black pepper", + "all-purpose flour", + "fresh basil", + "olive oil", + "red bell pepper" + ] + }, + { + "id": 16423, + "ingredients": [ + "chili powder", + "green chilies", + "pepper", + "garlic", + "ghee", + "white onion", + "ginger", + "lentils", + "fresh coriander", + "salt", + "ground cumin" + ] + }, + { + "id": 47404, + "ingredients": [ + "tomato paste", + "extra lean ground beef", + "shredded low-fat mozzarella cheese", + "cream cheese, soften", + "sugar", + "green onions", + "salt", + "tomato sauce", + "crushed tomatoes", + "non-fat sour cream", + "vegetable oil cooking spray", + "minced garlic", + "whole wheat linguine" + ] + }, + { + "id": 43875, + "ingredients": [ + "ground ginger", + "white pepper", + "green onions", + "tamari soy sauce", + "eggs", + "sesame seeds", + "arrowroot starch", + "tomato paste", + "honey", + "chicken breasts", + "salt", + "chicken stock", + "coconut oil", + "garlic powder", + "apple cider vinegar" + ] + }, + { + "id": 43513, + "ingredients": [ + "mayonaise", + "process cheese spread", + "pepper", + "sharp cheddar cheese", + "cheddar cheese", + "pimentos", + "sugar", + "salt" + ] + }, + { + "id": 21894, + "ingredients": [ + "olive oil", + "purple onion", + "cajun seasoning", + "garlic cloves", + "ground black pepper", + "hot sauce", + "scallops", + "butter" + ] + }, + { + "id": 9350, + "ingredients": [ + "pepper", + "lemon juice", + "balsamic vinegar", + "fresh parsley", + "olive oil", + "flounder fillets", + "vegetable oil cooking spray", + "salt", + "dried oregano" + ] + }, + { + "id": 18519, + "ingredients": [ + "pepper", + "tomatoes", + "black olives", + "avocado", + "lemon", + "green chile", + "salt" + ] + }, + { + "id": 4651, + "ingredients": [ + "white onion", + "cilantro leaves", + "poblano chiles", + "chiles", + "queso fresco", + "garlic cloves", + "short pasta", + "corn kernels", + "fresh oregano", + "chopped cilantro fresh", + "tomatoes", + "olive oil", + "pumpkin seeds", + "ground cumin" + ] + }, + { + "id": 14831, + "ingredients": [ + "cheddar cheese", + "vinegar", + "lean ground beef", + "garlic", + "ground coriander", + "dried oregano", + "pepper", + "guacamole", + "diced tomatoes", + "hot sauce", + "corn tortillas", + "ground cumin", + "tomato sauce", + "low sodium chicken broth", + "shredded lettuce", + "salt", + "sour cream", + "canola oil", + "brown sugar", + "lime", + "chili powder", + "cilantro", + "cayenne pepper", + "onions" + ] + }, + { + "id": 32530, + "ingredients": [ + "cherry tomatoes", + "salt", + "bird chile", + "fish sauce", + "palm sugar", + "garlic cloves", + "eggplant", + "roasted peanuts", + "green papaya", + "lime juice", + "yardlong beans", + "shrimp" + ] + }, + { + "id": 44131, + "ingredients": [ + "tomato paste", + "cooked rice", + "ground black pepper", + "heavy cream", + "ground coriander", + "onions", + "tomato purée", + "kosher salt", + "yukon gold potatoes", + "garlic", + "fresh mint", + "ground turmeric", + "flatbread", + "plain yogurt", + "low sodium chicken broth", + "ginger", + "ground cardamom", + "naan", + "chicken legs", + "garam masala", + "vegetable oil", + "cayenne pepper", + "ghee", + "ground cumin" + ] + }, + { + "id": 36724, + "ingredients": [ + "mint", + "bourbon whiskey", + "water", + "simple syrup", + "sugar", + "peach slices", + "tonic", + "peaches" + ] + }, + { + "id": 20264, + "ingredients": [ + "andouille sausage", + "white rice", + "crabmeat", + "juice", + "canola oil", + "(14.5 oz.) diced tomatoes", + "file powder", + "yellow onion", + "freshly ground pepper", + "red bell pepper", + "bottled clam juice", + "all-purpose flour", + "okra", + "shrimp", + "green bell pepper", + "bay leaves", + "creole seasoning", + "garlic cloves", + "flat leaf parsley" + ] + }, + { + "id": 4994, + "ingredients": [ + "ground ginger", + "garam masala", + "salt", + "cinnamon sticks", + "serrano chile", + "plain yogurt", + "cilantro", + "oil", + "onions", + "saffron", + "mint", + "ground black pepper", + "cumin seed", + "bay leaf", + "basmati rice", + "green cardamom pods", + "water", + "garlic", + "cucumber", + "bone in skin on chicken thigh" + ] + }, + { + "id": 47875, + "ingredients": [ + "egg whites", + "heavy whipping cream", + "vanilla extract", + "milk", + "confectioners sugar" + ] + }, + { + "id": 1952, + "ingredients": [ + "milk", + "soy sauce", + "ground white pepper", + "American cheese", + "eggs", + "prepared mustard" + ] + }, + { + "id": 6792, + "ingredients": [ + "creole seasoning", + "diced tomatoes", + "smoked sausage", + "low sodium chicken broth", + "long-grain rice" + ] + }, + { + "id": 44853, + "ingredients": [ + "kosher salt", + "shallots", + "flat leaf parsley", + "pork rib chops", + "heavy cream", + "ground black pepper", + "red wine vinegar", + "veal stock", + "dijon mustard", + "extra-virgin olive oil" + ] + }, + { + "id": 13807, + "ingredients": [ + "tomato paste", + "olive oil", + "bay leaves", + "red wine", + "carrots", + "water", + "ground black pepper", + "butter", + "beef stew meat", + "onions", + "sugar", + "Guinness Beer", + "russet potatoes", + "worcestershire sauce", + "fresh parsley", + "dried thyme", + "beef stock", + "large garlic cloves", + "salt" + ] + }, + { + "id": 14303, + "ingredients": [ + "unsalted butter", + "onions", + "tomatoes", + "hot water", + "garlic cloves", + "tomatoes with juice" + ] + }, + { + "id": 27449, + "ingredients": [ + "corn", + "chicken breasts", + "cilantro leaves", + "garlic cloves", + "ground cumin", + "cherry tomatoes", + "butter", + "salsa", + "sour cream", + "green bell pepper", + "flour tortillas", + "salt", + "shredded cheese", + "iceberg lettuce", + "avocado", + "olive oil", + "purple onion", + "cayenne pepper", + "fresh lime juice" + ] + }, + { + "id": 20389, + "ingredients": [ + "red potato", + "lager beer", + "brats", + "knockwurst", + "sauerkraut", + "bacon", + "garlic cloves", + "juniper berries", + "bay leaves", + "ground coriander", + "ground cloves", + "ground black pepper", + "yellow onion", + "pork butt" + ] + }, + { + "id": 32028, + "ingredients": [ + "tomato paste", + "bay leaves", + "garlic", + "ground white pepper", + "thyme sprigs", + "leeks", + "dry red wine", + "carrots", + "celery", + "black peppercorns", + "shallots", + "salt", + "flat leaf parsley", + "short rib", + "flour", + "vegetable oil", + "beef broth", + "rib" + ] + }, + { + "id": 9758, + "ingredients": [ + "extra-lean ground beef", + "water", + "diced tomatoes and green chilies", + "taco seasoning mix", + "spaghetti", + "reduced-fat sour cream" + ] + }, + { + "id": 15295, + "ingredients": [ + "ground black pepper", + "carrots", + "eggs", + "ground pork", + "onions", + "flour", + "red bell pepper", + "chinese celery", + "salt" + ] + }, + { + "id": 14904, + "ingredients": [ + "large egg whites", + "reduced fat milk", + "fresh oregano", + "ground black pepper", + "extra-virgin olive oil", + "flat leaf parsley", + "large eggs", + "salt", + "onions", + "sherry vinegar", + "yukon gold potatoes", + "red bell pepper" + ] + }, + { + "id": 9534, + "ingredients": [ + "olive oil", + "ricotta cheese", + "mozzarella cheese", + "grated parmesan cheese", + "garlic cloves", + "fresh spinach", + "artichoke hearts", + "salt", + "pepper", + "shallots" + ] + }, + { + "id": 46950, + "ingredients": [ + "fresh parmesan cheese", + "cooking spray", + "mushroom caps", + "marinara sauce", + "ground black pepper", + "salt" + ] + }, + { + "id": 15648, + "ingredients": [ + "plain yogurt", + "olive oil", + "paprika", + "ground coriander", + "lime", + "ground black pepper", + "fine sea salt", + "cinnamon sticks", + "water", + "fresh ginger", + "garlic", + "cumin seed", + "tomatoes", + "honey", + "chicken breasts", + "cayenne pepper", + "onions" + ] + }, + { + "id": 44473, + "ingredients": [ + "vegetable oil cooking spray", + "zucchini", + "sourdough rolls", + "fresh lemon juice", + "feta cheese", + "sliced cucumber", + "purple onion", + "marjoram", + "ground black pepper", + "lean ground beef", + "salt", + "hothouse cucumber", + "romaine lettuce", + "nonfat plain greek yogurt", + "garlic", + "roast red peppers, drain" + ] + }, + { + "id": 29833, + "ingredients": [ + "chicken stock", + "kosher salt", + "cayenne", + "bacon", + "celery", + "black pepper", + "prosciutto", + "red wine", + "yellow onion", + "fresh basil", + "minced garlic", + "unsalted butter", + "diced tomatoes", + "bay leaf", + "cranberry beans", + "fennel", + "red wine vinegar", + "extra-virgin olive oil", + "sage" + ] + }, + { + "id": 3015, + "ingredients": [ + "frozen spinach", + "diced tomatoes", + "shredded mozzarella cheese", + "olive oil", + "salt", + "pepper", + "uncooked rigatoni", + "cooked chicken breasts", + "chives", + "chopped onion" + ] + }, + { + "id": 43675, + "ingredients": [ + "unsalted butter", + "dry sherry", + "cayenne pepper", + "parmigiano-reggiano cheese", + "large eggs", + "gruyere cheese", + "kosher salt", + "heavy cream", + "all-purpose flour", + "cream of tartar", + "dijon mustard", + "dry mustard", + "sour cream" + ] + }, + { + "id": 3329, + "ingredients": [ + "cod fillets", + "beer", + "kosher salt", + "baking potatoes", + "black pepper", + "vegetable oil", + "garlic powder", + "all-purpose flour" + ] + }, + { + "id": 27359, + "ingredients": [ + "tomato paste", + "ground black pepper", + "garlic cloves", + "ground cumin", + "coconut oil", + "paprika", + "onions", + "tomatoes", + "roasted pistachios", + "fresh parsley leaves", + "water", + "salt", + "ground lamb" + ] + }, + { + "id": 18163, + "ingredients": [ + "Spike Seasoning", + "tamari soy sauce", + "grating cheese", + "red russian kale", + "olive oil", + "purple onion", + "eggs", + "garlic", + "whole wheat breadcrumbs" + ] + }, + { + "id": 45238, + "ingredients": [ + "ginger", + "onions", + "boiled eggs", + "green chilies", + "masala", + "yoghurt", + "lemon juice", + "garlic paste", + "keema", + "coriander" + ] + }, + { + "id": 2146, + "ingredients": [ + "tostadas", + "red bell pepper", + "cooking spray", + "zucchini", + "sliced mushrooms" + ] + }, + { + "id": 17194, + "ingredients": [ + "cream of tartar", + "almond flour", + "granulated sugar", + "cognac", + "large egg whites", + "unsalted butter", + "salt", + "whole almonds", + "large egg yolks", + "large eggs", + "confectioners sugar", + "water", + "instant espresso powder", + "cake flour", + "bittersweet chocolate" + ] + }, + { + "id": 15864, + "ingredients": [ + "pinenuts", + "raisins", + "green olives", + "swordfish steaks", + "salt", + "tomatoes", + "pepper", + "garlic", + "capers", + "olive oil", + "onions" + ] + }, + { + "id": 6084, + "ingredients": [ + "potatoes", + "salt", + "vegetable oil", + "butter", + "flour" + ] + }, + { + "id": 44220, + "ingredients": [ + "dried basil", + "grated parmesan cheese", + "salt", + "mustard seeds", + "dried oregano", + "ground black pepper", + "garlic", + "sausages", + "rotini", + "pitted black olives", + "chopped green bell pepper", + "purple onion", + "cucumber", + "fresh parsley", + "olive oil", + "red wine vinegar", + "provolone cheese", + "red bell pepper" + ] + }, + { + "id": 1843, + "ingredients": [ + "salt", + "vinegar", + "chicken pieces", + "bay leaves", + "peppercorns", + "soy sauce", + "garlic cloves" + ] + }, + { + "id": 4777, + "ingredients": [ + "yeast", + "olive oil", + "salt", + "warm water", + "bread flour" + ] + }, + { + "id": 27182, + "ingredients": [ + "whole wheat flour", + "large eggs", + "grated lemon zest", + "sea salt flakes", + "kosher salt", + "unsalted butter", + "maitake mushrooms", + "garlic cloves", + "swiss chard", + "apple cider vinegar", + "ricotta", + "olive oil", + "herbs", + "all-purpose flour", + "fresh lemon juice" + ] + }, + { + "id": 47648, + "ingredients": [ + "grated parmesan cheese", + "lemon juice", + "capers", + "dry white wine", + "boneless skinless chicken breast halves", + "flour", + "chopped parsley", + "olive oil", + "butter" + ] + }, + { + "id": 30068, + "ingredients": [ + "sweet potatoes", + "yellow onion", + "black beans", + "cilantro", + "shredded cheese", + "light sour cream", + "butter", + "light cream cheese", + "corn", + "salt", + "chipotles in adobo" + ] + }, + { + "id": 36696, + "ingredients": [ + "tortillas", + "chili powder", + "salt", + "sour cream", + "pepper", + "guacamole", + "cheese", + "oil", + "oregano", + "green bell pepper, slice", + "cilantro", + "salsa", + "onions", + "lime", + "chicken breasts", + "garlic", + "red bell pepper", + "cumin" + ] + }, + { + "id": 47909, + "ingredients": [ + "salt", + "stewed tomatoes", + "celery", + "orzo pasta", + "cayenne pepper", + "garlic", + "ground lamb" + ] + }, + { + "id": 19016, + "ingredients": [ + "tomato sauce", + "water", + "chili powder", + "ground beef", + "eggs", + "kosher salt", + "jalapeno chilies", + "garlic cloves", + "ground cumin", + "white onion", + "cream style corn", + "salt", + "canola oil", + "green chile", + "shredded cheddar cheese", + "baking powder", + "cornmeal" + ] + }, + { + "id": 32683, + "ingredients": [ + "sugar", + "tuna steaks", + "fresh lime juice", + "water", + "ginger", + "soy sauce", + "vegetable oil", + "white peppercorns", + "black peppercorns", + "coriander seeds", + "scallions" + ] + }, + { + "id": 224, + "ingredients": [ + "white flour", + "unsalted butter", + "cinnamon", + "salt", + "red bell pepper", + "eggs", + "milk", + "balsamic vinegar", + "extra-virgin olive oil", + "brown lentils", + "onions", + "nutmeg", + "pepper", + "zucchini", + "diced tomatoes", + "cayenne pepper", + "flat leaf parsley", + "pecorino cheese", + "eggplant", + "russet potatoes", + "garlic", + "feta cheese crumbles", + "oregano" + ] + }, + { + "id": 2031, + "ingredients": [ + "ground black pepper", + "cajun seasoning", + "yellow onion", + "kosher salt", + "Tabasco Pepper Sauce", + "smoked sausage", + "green bell pepper", + "red beans", + "garlic", + "smoked ham hocks", + "celery ribs", + "bay leaves", + "butter", + "cooked white rice" + ] + }, + { + "id": 26715, + "ingredients": [ + "sugar", + "anchovy paste", + "scallions", + "fresh ginger", + "salt", + "nori", + "soy sauce", + "buckwheat noodles", + "carrots", + "mirin", + "rice vinegar" + ] + }, + { + "id": 23886, + "ingredients": [ + "gold tequila", + "lime wedges", + "salt", + "plum tomatoes", + "Haas avocados", + "garlic", + "shrimp", + "lime", + "lemon", + "tortilla chips", + "jalapeno chilies", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 28724, + "ingredients": [ + "fresh sage", + "leeks", + "fowl", + "celery", + "clove", + "fresh thyme", + "coarse salt", + "cinnamon sticks", + "pasta", + "stuffing", + "sea salt", + "flat leaf parsley", + "turnips", + "black peppercorns", + "bay leaves", + "baby carrots", + "onions" + ] + }, + { + "id": 46037, + "ingredients": [ + "yukon gold potatoes", + "red bell pepper", + "eggs", + "yellow onion", + "salt", + "chorizo sausage", + "olive oil", + "freshly ground pepper" + ] + }, + { + "id": 38683, + "ingredients": [ + "fresh ginger", + "soy sauce", + "garlic", + "chicken wings", + "rice wine", + "water", + "scallions" + ] + }, + { + "id": 19328, + "ingredients": [ + "fresh mozzarella", + "italian meatballs", + "hoagie rolls", + "tomato sauce" + ] + }, + { + "id": 15324, + "ingredients": [ + "fresh rosemary", + "coarse salt", + "black pepper", + "orecchiette", + "grated parmesan cheese", + "cooked chicken" + ] + }, + { + "id": 20480, + "ingredients": [ + "water", + "dry white wine", + "onions", + "arborio rice", + "ground black pepper", + "garlic", + "clams", + "olive oil", + "bacon slices", + "bottled clam juice", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 43132, + "ingredients": [ + "water", + "cooking spray", + "salt", + "turkey breast", + "sliced green onions", + "radishes", + "lime wedges", + "unsalted pumpkinseed kernels", + "dried oregano", + "white hominy", + "guajillo chile powder", + "chopped onion", + "chopped cilantro fresh", + "lower sodium chicken broth", + "Anaheim chile", + "chees fresco queso", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 25028, + "ingredients": [ + "dry white wine", + "chopped celery", + "yellow onion", + "flat leaf parsley", + "tomatoes", + "fat free less sodium beef broth", + "all-purpose flour", + "veal shanks", + "ground black pepper", + "bacon slices", + "grated lemon zest", + "carrots", + "butter", + "salt", + "garlic cloves" + ] + }, + { + "id": 15859, + "ingredients": [ + "unsalted butter", + "pie shell", + "milk", + "garlic", + "frozen chopped spinach, thawed and squeezed dry", + "pepper", + "large eggs", + "grated Gruyère cheese", + "ground nutmeg", + "salt", + "onions" + ] + }, + { + "id": 13023, + "ingredients": [ + "brie cheese", + "curry powder", + "mango chutney", + "french baguette", + "cashew nuts" + ] + }, + { + "id": 27838, + "ingredients": [ + "cooked rice", + "chopped celery", + "garlic powder", + "thyme", + "chopped bell pepper", + "cayenne pepper", + "tomatoes", + "smoked sausage", + "onions" + ] + }, + { + "id": 3661, + "ingredients": [ + "olive oil", + "onions", + "cumin seed", + "green chilies", + "basmati rice", + "tumeric", + "black mustard seeds" + ] + }, + { + "id": 35313, + "ingredients": [ + "black olives", + "hot pepper sauce", + "cream cheese", + "flour tortillas" + ] + }, + { + "id": 45668, + "ingredients": [ + "chili flakes", + "garlic powder", + "cracked black pepper", + "dried oregano", + "kosher salt", + "onion powder", + "thyme", + "white pepper", + "chili powder", + "cayenne pepper", + "celery salt", + "dried basil", + "paprika", + "smoked paprika" + ] + }, + { + "id": 3070, + "ingredients": [ + "eggs", + "butter", + "margarine", + "egg yolks", + "salt", + "confectioners sugar", + "milk", + "vanilla extract", + "corn starch", + "baking powder", + "all-purpose flour", + "white sugar" + ] + }, + { + "id": 20607, + "ingredients": [ + "chicken broth", + "kosher salt", + "extra-virgin olive oil", + "fat", + "black peppercorns", + "unsalted butter", + "mortadella", + "boiling potatoes", + "black pepper", + "butter", + "garlic cloves", + "fresh rosemary", + "water", + "boneless pork loin", + "corn starch" + ] + }, + { + "id": 33560, + "ingredients": [ + "honey", + "chinese five-spice powder", + "chili flakes", + "teriyaki sauce", + "onions", + "plain flour", + "vegetable oil", + "fillets", + "black pepper", + "green pepper", + "toasted sesame seeds" + ] + }, + { + "id": 43354, + "ingredients": [ + "fat free less sodium chicken broth", + "hot sauce", + "onions", + "parsley", + "long-grain rice", + "olive oil", + "creole seasoning", + "large shrimp", + "green bell pepper", + "all-purpose flour", + "garlic cloves" + ] + }, + { + "id": 19935, + "ingredients": [ + "grated parmesan cheese", + "low salt chicken broth", + "pork", + "fresh oregano", + "olive oil", + "garlic cloves", + "tubetti", + "escarole" + ] + }, + { + "id": 45795, + "ingredients": [ + "pepper", + "all-purpose flour", + "onions", + "gruyere cheese", + "fresh mushrooms", + "white wine", + "salt", + "fresh parsley", + "butter", + "dried dillweed", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 42932, + "ingredients": [ + "lime juice", + "slaw mix", + "TACO BELL® Thick & Chunky Mild Salsa", + "boneless skinless chicken breasts", + "KRAFT Classic Ranch Dressing", + "Knudsen Sour Cream", + "whole wheat tortillas", + "grape tomatoes", + "chili powder", + "KRAFT Mexican Style Finely Shredded Four Cheese" + ] + }, + { + "id": 42059, + "ingredients": [ + "swiss chard", + "penne pasta", + "olive oil", + "garlic", + "shredded mozzarella cheese", + "diced tomatoes", + "hot Italian sausages", + "parmesan cheese", + "salt" + ] + }, + { + "id": 47601, + "ingredients": [ + "vegetable oil", + "chicken leg quarters", + "garlic", + "ginger", + "pepper", + "salt" + ] + }, + { + "id": 31240, + "ingredients": [ + "minced garlic", + "sherry", + "chinese five-spice powder", + "hoisin sauce", + "pork roast", + "Sriracha", + "red food coloring", + "onions", + "honey", + "ginger", + "toasted sesame oil" + ] + }, + { + "id": 5339, + "ingredients": [ + "powdered sugar", + "large eggs", + "whipped cream", + "vanilla extract", + "milk", + "vanilla pudding", + "vanilla", + "all-purpose flour", + "bananas", + "butter", + "crust", + "sugar", + "egg yolks", + "heavy cream", + "vanilla wafers" + ] + }, + { + "id": 8192, + "ingredients": [ + "pepper", + "whipping cream", + "chicken broth", + "feta cheese", + "kasseri", + "olive oil", + "salt", + "fresh dill", + "orzo" + ] + }, + { + "id": 4831, + "ingredients": [ + "gochugaru", + "garlic", + "chinese eggplants", + "green onions", + "toasted sesame seeds", + "soy sauce", + "sesame oil" + ] + }, + { + "id": 9134, + "ingredients": [ + "asafoetida", + "vegetable oil", + "yellow split peas", + "chopped cilantro fresh", + "fresh ginger root", + "garlic", + "lemon juice", + "water", + "diced tomatoes", + "cumin seed", + "ground turmeric", + "chile pepper", + "salt", + "dried red chile peppers" + ] + }, + { + "id": 49500, + "ingredients": [ + "plain yogurt", + "heavy cream", + "lemon juice", + "saffron threads", + "vegetable oil", + "salt", + "white pepper", + "boneless chicken", + "cumin seed", + "garam masala", + "garlic" + ] + }, + { + "id": 45456, + "ingredients": [ + "oysters", + "vegetable oil", + "corn flour", + "tomatoes", + "ground black pepper", + "all-purpose flour", + "iceberg lettuce", + "garlic powder", + "salt", + "Italian bread", + "mayonaise", + "cayenne", + "dill pickles" + ] + }, + { + "id": 47506, + "ingredients": [ + "pepper", + "green chilies", + "eggs", + "ancho powder", + "flour tortillas", + "ground cumin", + "cheddar cheese", + "salt" + ] + }, + { + "id": 43238, + "ingredients": [ + "milk", + "vanilla extract", + "angel food cake mix", + "raspberry jam", + "egg yolks", + "salt", + "white sugar", + "cream sherry", + "cocktail cherries", + "heavy whipping cream", + "sliced almonds", + "butter", + "all-purpose flour" + ] + }, + { + "id": 43910, + "ingredients": [ + "bittersweet chocolate chips", + "heavy cream", + "sugar", + "half & half", + "praline paste", + "vanilla bean seeds", + "large egg yolks" + ] + }, + { + "id": 36829, + "ingredients": [ + "kaffir lime leaves", + "thai basil", + "shrimp", + "low sodium vegetable stock", + "sweet potatoes", + "mango", + "fish sauce", + "palm sugar", + "coconut milk", + "jasmine rice", + "red curry paste" + ] + }, + { + "id": 2771, + "ingredients": [ + "crushed tomatoes", + "chopped fresh sage", + "jalape", + "cannellini beans", + "olive oil", + "chopped garlic" + ] + }, + { + "id": 14712, + "ingredients": [ + "milk", + "heavy cream", + "corn starch", + "baguette", + "bourbon whiskey", + "crushed pineapple", + "pecans", + "unsalted butter", + "sweetened coconut flakes", + "sugar", + "large eggs", + "vanilla" + ] + }, + { + "id": 37718, + "ingredients": [ + "eggs", + "salsa verde", + "soft corn tortillas", + "white onion", + "crema mexican", + "cotija", + "vegetables", + "store bought low sodium chicken broth", + "kosher salt", + "cilantro leaves" + ] + }, + { + "id": 5264, + "ingredients": [ + "sugar", + "garam masala", + "unsalted cashews", + "heavy cream", + "peanut oil", + "water", + "unsalted butter", + "shallots", + "yellow onion", + "lemon juice", + "chile powder", + "fresh ginger", + "fenugreek", + "tomato coulis", + "cayenne pepper", + "ground cumin", + "plain yogurt", + "ground black pepper", + "chicken breasts", + "salt", + "garlic cloves" + ] + }, + { + "id": 26273, + "ingredients": [ + "water", + "butter", + "peanut oil", + "fresh bay leaves", + "sea salt", + "kidney", + "ground black pepper", + "worcestershire sauce", + "thyme sprigs", + "plain flour", + "potatoes", + "lamb", + "onions" + ] + }, + { + "id": 48641, + "ingredients": [ + "chopped tomatoes", + "fish stock", + "garlic cloves", + "tilapia fillets", + "pimentos", + "salt", + "coriander", + "new potatoes", + "paprika", + "onions", + "olive oil", + "lemon", + "green pepper", + "ground cumin" + ] + }, + { + "id": 46990, + "ingredients": [ + "milk", + "vegetable oil", + "green peas", + "mixed nuts", + "ground turmeric", + "tomato sauce", + "chopped green bell pepper", + "heavy cream", + "salt", + "carrots", + "water", + "chopped potatoes", + "fresh green bean", + "cayenne pepper", + "onions", + "garlic paste", + "garam masala", + "raisins", + "paneer", + "ground coriander", + "ginger paste" + ] + }, + { + "id": 26575, + "ingredients": [ + "zucchini", + "fresh oregano", + "purple onion", + "plum tomatoes", + "bacon slices", + "gemelli", + "dry white wine", + "soft fresh goat cheese" + ] + }, + { + "id": 43906, + "ingredients": [ + "ground ginger", + "kosher salt", + "radishes", + "garlic", + "onions", + "duck stock", + "ground black pepper", + "ginger", + "chopped parsley", + "toast points", + "turnips", + "ground cloves", + "duck fat", + "cornichons", + "duck drumsticks", + "grated orange", + "black peppercorns", + "pickled carrots", + "bay leaves", + "thyme", + "armagnac" + ] + }, + { + "id": 30518, + "ingredients": [ + "pickled jalapenos", + "evaporated milk", + "cilantro", + "hot sauce", + "shredded Monterey Jack cheese", + "minced garlic", + "chili powder", + "mexicorn", + "ground beef", + "kosher salt", + "shredded extra sharp cheddar cheese", + "cracked black pepper", + "sour cream", + "ground cumin", + "diced onions", + "olive oil", + "diced tomatoes", + "bow-tie pasta", + "oregano" + ] + }, + { + "id": 45950, + "ingredients": [ + "buttermilk", + "baking powder", + "King Arthur Gluten Free MultiPurpose Flour", + "baking soda", + "salt", + "butter" + ] + }, + { + "id": 15967, + "ingredients": [ + "chicken broth", + "vegetable oil", + "freshly ground pepper", + "grated parmesan cheese", + "all-purpose flour", + "prosciutto", + "salt", + "thyme", + "fontina cheese", + "boneless turkey breast", + "margarine" + ] + }, + { + "id": 25115, + "ingredients": [ + "sugar", + "tequila", + "pineapple", + "fresh lime juice" + ] + }, + { + "id": 15112, + "ingredients": [ + "water", + "salt", + "ground black pepper", + "milk", + "shredded cheddar cheese", + "macaroni" + ] + }, + { + "id": 34860, + "ingredients": [ + "celery ribs", + "kosher salt", + "bay leaves", + "worcestershire sauce", + "garlic cloves", + "andouille sausage", + "chopped green bell pepper", + "brown rice", + "all-purpose flour", + "lower sodium chicken broth", + "hot pepper sauce", + "green onions", + "diced tomatoes", + "canola oil", + "boneless chicken thighs", + "cooking spray", + "cajun seasoning", + "chopped onion" + ] + }, + { + "id": 32100, + "ingredients": [ + "eggplant", + "plum tomatoes", + "fresh oregano", + "sherry wine vinegar", + "olive oil", + "feta cheese crumbles" + ] + }, + { + "id": 11239, + "ingredients": [ + "brown sugar", + "sesame oil", + "black pepper", + "beef rib short", + "soy sauce", + "crushed garlic", + "rice wine", + "kiwi" + ] + }, + { + "id": 809, + "ingredients": [ + "fresh parmesan cheese", + "fresh lemon juice", + "black pepper", + "purple onion", + "sugar", + "fennel bulb", + "arugula", + "olive oil", + "salt" + ] + }, + { + "id": 9212, + "ingredients": [ + "pizza doughs", + "arugula", + "olive oil", + "fresh lemon juice", + "freshly ground pepper", + "cheese", + "serrano ham" + ] + }, + { + "id": 34741, + "ingredients": [ + "jalapeno chilies", + "crackers", + "mayonaise", + "worcestershire sauce", + "roasted red peppers", + "cream cheese, soften", + "cheddar cheese", + "pimentos", + "extra sharp cheddar cheese" + ] + }, + { + "id": 29409, + "ingredients": [ + "cream of chicken soup", + "sour cream", + "diced green chilies", + "salt", + "chicken", + "tortillas", + "enchilada sauce", + "shredded Monterey Jack cheese", + "pepper", + "cilantro", + "chopped cilantro fresh" + ] + }, + { + "id": 39986, + "ingredients": [ + "tomato paste", + "unsalted butter", + "Italian bread", + "mussels", + "cayenne", + "juice", + "chicken broth", + "all-purpose flour", + "onions", + "celery ribs", + "green bell pepper", + "garlic cloves" + ] + }, + { + "id": 21487, + "ingredients": [ + "Madeira", + "panko", + "rosemary", + "garlic cloves", + "sliced almonds", + "pork tenderloin", + "olive oil", + "smoked paprika" + ] + }, + { + "id": 36981, + "ingredients": [ + "olive oil", + "kalamata", + "fresh thyme leaves", + "olives", + "russet potatoes", + "bay leaves", + "roasting chickens" + ] + }, + { + "id": 19115, + "ingredients": [ + "kosher salt", + "baking powder", + "cayenne pepper", + "corn starch", + "fresh cilantro", + "all-purpose flour", + "garlic cloves", + "frozen peas", + "water", + "russet potatoes", + "ground coriander", + "chutney", + "ground ginger", + "garam masala", + "yellow onion", + "fresh lemon juice", + "canola oil" + ] + }, + { + "id": 37110, + "ingredients": [ + "chiles", + "radishes", + "vegetable oil", + "freshly ground pepper", + "monterey jack", + "hungarian sweet paprika", + "kosher salt", + "jalapeno chilies", + "guajillo", + "corn tortillas", + "white onion", + "large eggs", + "queso fresco", + "garlic cloves", + "tomatoes", + "honey", + "lime wedges", + "tortilla chips", + "chopped cilantro fresh" + ] + }, + { + "id": 36185, + "ingredients": [ + "cooked rice", + "minced garlic", + "onion tops", + "soy sauce", + "sesame oil", + "low salt chicken broth", + "sugar", + "peeled fresh ginger", + "corn starch", + "cider vinegar", + "sea bass fillets" + ] + }, + { + "id": 26244, + "ingredients": [ + "low sodium soy sauce", + "peeled fresh ginger", + "mirin", + "dark sesame oil", + "cooking spray", + "garlic cloves", + "brown sugar", + "top sirloin steak" + ] + }, + { + "id": 18026, + "ingredients": [ + "bouillon shrimp", + "boneless chicken", + "juice", + "chicken livers", + "cabbage", + "water", + "salt", + "shrimp", + "onions", + "pepper", + "garlic", + "carrots", + "red bell pepper", + "cauliflower", + "green bell pepper, slice", + "oyster sauce", + "corn starch", + "snow peas" + ] + }, + { + "id": 36961, + "ingredients": [ + "mayonaise", + "garlic", + "canned tuna", + "olive oil", + "bay leaf", + "lime juice", + "salt", + "allspice", + "white vinegar", + "poblano chilies", + "onions" + ] + }, + { + "id": 14384, + "ingredients": [ + "frozen chopped spinach", + "black pepper", + "radishes", + "cucumber", + "cheddar cheese", + "kosher salt", + "salsa", + "fresh lime juice", + "romaine lettuce", + "olive oil", + "scallions", + "ground cumin", + "grape tomatoes", + "black beans", + "frozen corn", + "corn tortillas" + ] + }, + { + "id": 6039, + "ingredients": [ + "clove", + "cooking oil", + "onions", + "mirlitons", + "butter", + "pork sausages", + "pepper", + "creole seasoning", + "bread crumbs", + "salt" + ] + }, + { + "id": 31871, + "ingredients": [ + "ground red pepper", + "olive oil", + "ground cumin", + "ground ginger", + "mixed nuts", + "garam masala" + ] + }, + { + "id": 35841, + "ingredients": [ + "chopped tomatoes", + "chopped cilantro fresh", + "chipotle chile", + "ground cumin", + "fresh lime juice" + ] + }, + { + "id": 16074, + "ingredients": [ + "pepper", + "carrots", + "green cabbage", + "salt", + "celery salt", + "malt vinegar", + "whipping cream" + ] + }, + { + "id": 39180, + "ingredients": [ + "onion powder", + "salt", + "chicken drumsticks", + "hot sauce", + "vegetable oil", + "all-purpose flour", + "pepper", + "buttermilk" + ] + }, + { + "id": 19331, + "ingredients": [ + "green bell pepper", + "dried basil", + "low-sodium fat-free chicken broth", + "garlic cloves", + "tomato paste", + "extra lean ground beef", + "parmesan cheese", + "fresh mushrooms", + "dried oregano", + "fresh basil", + "crushed tomatoes", + "green onions", + "freshly ground pepper", + "vegetable oil cooking spray", + "olive oil", + "pepperoni turkei", + "toast points" + ] + }, + { + "id": 8658, + "ingredients": [ + "black peppercorns", + "water", + "salt", + "flat leaf parsley", + "chopped garlic", + "boneless pork shoulder", + "bread crumb fresh", + "fresh thyme", + "California bay leaves", + "onions", + "clove", + "minced garlic", + "confit duck leg", + "carrots", + "pork sausages", + "black pepper", + "olive oil", + "white beans", + "fresh parsley" + ] + }, + { + "id": 49574, + "ingredients": [ + "tomatoes", + "boneless skinless chicken breasts", + "finely chopped fresh parsley", + "shredded mozzarella cheese", + "olive oil", + "salt", + "chicken broth", + "grated parmesan cheese" + ] + }, + { + "id": 25237, + "ingredients": [ + "cointreau", + "cucumber", + "lime wedges", + "fresh lime juice", + "kosher salt", + "tequila", + "cayenne pepper", + "ice" + ] + }, + { + "id": 6947, + "ingredients": [ + "olive oil", + "garlic cloves", + "capers", + "whole wheat linguine", + "diced tomatoes", + "fresh parsley", + "anchovies", + "pitted olives" + ] + }, + { + "id": 5309, + "ingredients": [ + "tomato paste", + "boar", + "dry pasta", + "carrots", + "fresh basil", + "dry white wine", + "all-purpose flour", + "onions", + "pepper", + "garlic", + "diced celery", + "dried oregano", + "fresh rosemary", + "olive oil", + "salt", + "fresh parsley" + ] + }, + { + "id": 35914, + "ingredients": [ + "chicken drumsticks", + "herbes de provence", + "apricot preserves", + "olive oil", + "garlic cloves", + "salt", + "apricots" + ] + }, + { + "id": 14715, + "ingredients": [ + "crab", + "cream cheese", + "wonton wrappers", + "sugar" + ] + }, + { + "id": 47994, + "ingredients": [ + "milk", + "all-purpose flour", + "eggs" + ] + }, + { + "id": 11508, + "ingredients": [ + "soy sauce", + "scallions", + "hot red pepper flakes", + "soft tofu", + "sesame seeds", + "chopped garlic", + "sugar", + "sesame oil" + ] + }, + { + "id": 41662, + "ingredients": [ + "minced garlic", + "boneless sirloin steak", + "frozen hash browns", + "cooking spray", + "fennel seeds", + "olive oil", + "dried oregano", + "black pepper", + "salt" + ] + }, + { + "id": 39047, + "ingredients": [ + "unsweetened coconut milk", + "sweet potatoes", + "red curry paste", + "fresh cilantro", + "vegetable oil", + "chickpeas", + "ground pepper", + "coarse salt", + "long grain white rice", + "cauliflower", + "brown mustard seeds", + "yellow onion" + ] + }, + { + "id": 22933, + "ingredients": [ + "fresh basil", + "vegetable oil", + "garlic cloves", + "dry white wine", + "purple onion", + "crackers", + "white vinegar", + "green tomatoes", + "salt pork", + "sugar", + "dry mustard", + "pork shoulder boston butt" + ] + }, + { + "id": 5016, + "ingredients": [ + "dashi", + "light soy sauce", + "mirin" + ] + }, + { + "id": 49449, + "ingredients": [ + "tomatoes", + "ground black pepper", + "hot green chile", + "pimento stuffed olives", + "ouzo", + "shell-on shrimp", + "fine sea salt", + "bay leaf", + "tomato paste", + "feta cheese", + "extra-virgin olive oil", + "yellow onion", + "water", + "millet", + "garlic", + "flat leaf parsley" + ] + }, + { + "id": 39029, + "ingredients": [ + "buttermilk", + "smoked paprika", + "large eggs", + "okra", + "chili", + "salt", + "cornmeal", + "vegetable oil", + "scallions" + ] + }, + { + "id": 1721, + "ingredients": [ + "water", + "green pepper", + "carrot greens", + "onions", + "red kidney beans", + "large garlic cloves", + "greens", + "celery ribs", + "vegetable oil", + "bread flour" + ] + }, + { + "id": 41864, + "ingredients": [ + "fromage blanc", + "parmesan cheese", + "extra-virgin olive oil", + "fresh mushrooms", + "fresh leav spinach", + "unsalted butter", + "all-purpose flour", + "pasta sheets", + "milk", + "sea salt", + "yellow onion", + "dried porcini mushrooms", + "ground black pepper", + "gruyere cheese", + "garlic cloves" + ] + }, + { + "id": 17358, + "ingredients": [ + "olive oil", + "purple onion", + "beer", + "chopped cilantro fresh", + "chicken breast halves", + "salsa", + "bay leaf", + "ground black pepper", + "salt", + "corn tortillas", + "white wine vinegar", + "fresh oregano", + "chipotles in adobo" + ] + }, + { + "id": 36847, + "ingredients": [ + "cotija", + "canola oil", + "garlic", + "refried beans", + "corn tortillas" + ] + }, + { + "id": 34812, + "ingredients": [ + "tandoori spices", + "heavy cream", + "clarified butter", + "red chili powder", + "garam masala", + "tomato ketchup", + "tomato sauce", + "boneless skinless chicken breasts", + "onions", + "minced garlic", + "salt" + ] + }, + { + "id": 5486, + "ingredients": [ + "evaporated milk", + "hot cross buns", + "eggs", + "butter", + "ground cinnamon", + "ground nutmeg", + "apricot jam", + "sugar", + "vanilla" + ] + }, + { + "id": 2492, + "ingredients": [ + "sweet chili sauce", + "pork loin", + "crushed red pepper flakes", + "onions", + "ground ginger", + "cooking oil", + "sliced carrots", + "red bell pepper", + "cold water", + "garlic powder", + "sesame oil", + "corn starch", + "soy sauce", + "chinese noodles", + "napa cabbage", + "celery" + ] + }, + { + "id": 45624, + "ingredients": [ + "reduced-fat sour cream", + "fresh lime juice", + "fresh cilantro", + "fillets", + "plantains", + "salsa", + "olive oil flavored cooking spray", + "salt", + "chopped cilantro" + ] + }, + { + "id": 7576, + "ingredients": [ + "black beans", + "bay leaves", + "sausages", + "smoked ham hocks", + "crushed tomatoes", + "smoked sausage", + "pork shoulder", + "water", + "garlic", + "carne seca", + "olive oil", + "salt", + "onions" + ] + }, + { + "id": 34773, + "ingredients": [ + "soy sauce", + "water", + "red pepper flakes", + "scallions", + "eggs", + "pepper", + "vinegar", + "ginger", + "mung bean sprouts", + "tofu", + "black pepper", + "dumpling wrappers", + "ground pork", + "kimchi", + "sugar", + "minced garlic", + "sesame oil", + "salt", + "onions" + ] + }, + { + "id": 16904, + "ingredients": [ + "minced garlic", + "szechwan peppercorns", + "low sodium chicken stock", + "chinese black vinegar", + "soy sauce", + "Shaoxing wine", + "chili bean paste", + "chicken nugget", + "sugar", + "fresh ginger", + "vegetable oil", + "roasted peanuts", + "celery", + "chili pepper", + "leeks", + "green pepper", + "corn starch" + ] + }, + { + "id": 4279, + "ingredients": [ + "chicken broth", + "jalapeno chilies", + "red enchilada sauce", + "cream of chicken soup", + "salt", + "white onion", + "cheese", + "chopped cilantro", + "avocado", + "boneless chicken breast", + "baked tortilla chips" + ] + }, + { + "id": 38068, + "ingredients": [ + "sugar", + "espresso", + "vanilla" + ] + }, + { + "id": 7370, + "ingredients": [ + "milk", + "ground red pepper", + "garlic cloves", + "ground turmeric", + "kosher salt", + "cooking spray", + "cilantro leaves", + "cinnamon sticks", + "ground cumin", + "boneless chicken skinless thigh", + "half & half", + "fat free greek yogurt", + "fresh lemon juice", + "canola oil", + "crushed tomatoes", + "peeled fresh ginger", + "ground coriander", + "onions" + ] + }, + { + "id": 23586, + "ingredients": [ + "marzipan", + "unsweetened cocoa powder" + ] + }, + { + "id": 48790, + "ingredients": [ + "lime juice", + "green onions", + "red bell pepper", + "mango", + "red cabbage", + "Mexican oregano", + "garlic salt", + "cod fillets", + "seeds", + "corn tortillas", + "ground cumin", + "cotija", + "jalapeno chilies", + "chili powder", + "chopped cilantro fresh" + ] + }, + { + "id": 26717, + "ingredients": [ + "ground round", + "corn", + "noodles", + "tomato sauce", + "salt", + "olives", + "condensed cream", + "chili powder", + "grated sharp cheese", + "pepper", + "onions" + ] + }, + { + "id": 32749, + "ingredients": [ + "olive oil", + "dried oregano", + "clams", + "grated parmesan cheese", + "minced garlic", + "red pepper flakes", + "ground black pepper" + ] + }, + { + "id": 42536, + "ingredients": [ + "brown sugar", + "garlic powder", + "marinade", + "garlic", + "panko breadcrumbs", + "chicken broth", + "honey", + "green onions", + "sesame oil", + "sauce", + "ground ginger", + "soy sauce", + "flour", + "onion powder", + "rice vinegar", + "chicken", + "eggs", + "sesame seeds", + "chicken breasts", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 5372, + "ingredients": [ + "sugar", + "fresh lemon juice", + "large egg yolks", + "grated lemon peel", + "whole milk", + "large egg whites", + "corn starch" + ] + }, + { + "id": 37143, + "ingredients": [ + "eggs", + "milk", + "baking powder", + "apples", + "brandy", + "suet", + "currant", + "citron", + "sugar", + "ground nutmeg", + "raisins", + "salt", + "bread crumbs", + "flour", + "ginger" + ] + }, + { + "id": 37244, + "ingredients": [ + "olive oil", + "red wine vinegar", + "oregano", + "tomatoes", + "italian sandwich rolls", + "provolone cheese", + "capicola", + "shredded lettuce", + "hot cherry pepper", + "mayonaise", + "salami", + "onions" + ] + }, + { + "id": 27674, + "ingredients": [ + "soy sauce", + "Thai red curry paste", + "fresh basil", + "peeled fresh ginger", + "fresh lime juice", + "unsweetened coconut milk", + "extra firm tofu", + "red bell pepper", + "zucchini", + "peanut oil" + ] + }, + { + "id": 778, + "ingredients": [ + "sugar", + "salt", + "cooking oil", + "sauce", + "soy sauce", + "chili bean paste", + "tofu", + "chives" + ] + }, + { + "id": 14686, + "ingredients": [ + "chicken stock", + "smoked sea salt", + "garlic", + "flat leaf parsley", + "thick-cut bacon", + "dark chocolate", + "button mushrooms", + "California bay leaves", + "onions", + "tomato paste", + "flour", + "cognac", + "celery", + "Malbec", + "black pepper", + "cipollini onions", + "thyme", + "chicken thighs" + ] + }, + { + "id": 9274, + "ingredients": [ + "lime", + "boneless country pork ribs", + "onion powder", + "chopped cilantro fresh", + "green bell pepper", + "olive oil", + "green onions", + "salt", + "honey", + "jalapeno chilies", + "garlic", + "cumin", + "pepper", + "sweet cherries", + "chili powder", + "onions" + ] + }, + { + "id": 37769, + "ingredients": [ + "whole peeled tomatoes", + "spaghetti", + "italian sausage", + "extra-virgin olive oil", + "coarse salt", + "ground pepper", + "yellow onion" + ] + }, + { + "id": 12871, + "ingredients": [ + "olive oil", + "shallots", + "goat cheese", + "chicken broth", + "zucchini", + "garlic", + "unsalted butter", + "crushed red pepper flakes", + "pepper", + "basil leaves", + "salt" + ] + }, + { + "id": 38528, + "ingredients": [ + "green onions", + "yellow peppers", + "black beans", + "fresh lime juice", + "plum tomatoes", + "olive oil", + "chipotles in adobo", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 32968, + "ingredients": [ + "potatoes", + "onions", + "beef broth", + "corned beef" + ] + }, + { + "id": 6275, + "ingredients": [ + "minced garlic", + "cannellini beans", + "dried oregano", + "ground fennel", + "olive oil", + "kale leaves", + "dried basil", + "tomatoes with juice", + "chicken stock", + "grated parmesan cheese", + "Italian turkey sausage" + ] + }, + { + "id": 4732, + "ingredients": [ + "egg yolks", + "vanilla wafers", + "sugar", + "heavy cream", + "sweetened condensed milk", + "graham cracker crumbs", + "fresh lemon juice", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 9452, + "ingredients": [ + "black peppercorns", + "salt", + "ground turmeric", + "red chili peppers", + "garlic cloves", + "chili powder", + "dal", + "spinach", + "cumin seed" + ] + }, + { + "id": 29194, + "ingredients": [ + "tamarind", + "salt", + "red chili peppers", + "chicken breast halves", + "hot water", + "fresh curry leaves", + "vegetable oil", + "coriander seeds", + "cumin seed" + ] + }, + { + "id": 16627, + "ingredients": [ + "milk", + "beets", + "eggs", + "herring fillets", + "mayonaise", + "purple onion", + "potatoes", + "carrots" + ] + }, + { + "id": 5127, + "ingredients": [ + "arugula", + "water", + "white cannellini beans", + "Wish-Bone® Robusto Italian Dressing", + "sun-dried tomatoes in oil" + ] + }, + { + "id": 26447, + "ingredients": [ + "salami", + "pasta sauce", + "rotini", + "provolone cheese", + "Italian cheese", + "italian seasoning" + ] + }, + { + "id": 11489, + "ingredients": [ + "merguez", + "jam", + "dandelion greens", + "chickpeas" + ] + }, + { + "id": 23884, + "ingredients": [ + "black pepper", + "worcestershire sauce", + "English mustard", + "walnut pieces", + "cayenne pepper", + "cream", + "salt", + "bread", + "butter", + "stilton cheese" + ] + }, + { + "id": 14545, + "ingredients": [ + "kaffir lime leaves", + "coriander seeds", + "extra-virgin olive oil", + "lemongrass", + "leaves", + "serrano chile", + "kosher salt", + "thai basil", + "fresh mint", + "green peppercorns", + "fresh ginger", + "lemon", + "ground turmeric" + ] + }, + { + "id": 19620, + "ingredients": [ + "plain yogurt", + "olive oil", + "boneless skinless chicken breasts", + "cilantro", + "salt", + "water", + "roma tomatoes", + "heavy cream", + "garlic", + "tomato paste", + "lime juice", + "serrano peppers", + "paprika", + "purple onion", + "pepper", + "garam masala", + "butter", + "ginger" + ] + }, + { + "id": 9771, + "ingredients": [ + "eggs", + "salt", + "baking powder", + "sour cream", + "baking soda", + "all-purpose flour", + "raisins", + "white sugar" + ] + }, + { + "id": 21265, + "ingredients": [ + "brown sugar", + "ground cloves", + "raisins", + "ancho chile pepper", + "chicken stock", + "fire roasted diced tomatoes", + "mulato chiles", + "mexican chocolate", + "white bread", + "whole almonds", + "ground black pepper", + "sea salt", + "canela", + "anise seed", + "pasilla chiles", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 38249, + "ingredients": [ + "ricotta cheese", + "country bread", + "fresh basil", + "fresh fava bean", + "extra-virgin olive oil", + "baby lima beans", + "garlic cloves" + ] + }, + { + "id": 3483, + "ingredients": [ + "salt", + "vegetable oil", + "squid", + "ground black pepper", + "all-purpose flour", + "buttermilk", + "dried oregano" + ] + }, + { + "id": 21262, + "ingredients": [ + "crushed tomatoes", + "garlic", + "fresh basil", + "fresh thyme", + "onions", + "tomato paste", + "olive oil", + "red bell pepper", + "fresh marjoram", + "dry white wine" + ] + }, + { + "id": 14605, + "ingredients": [ + "chestnuts", + "coarse salt", + "ginger", + "carrots", + "water", + "red pepper", + "green pepper", + "pears", + "radishes", + "sea salt", + "scallions", + "brown sugar", + "napa cabbage", + "garlic", + "shrimp" + ] + }, + { + "id": 9448, + "ingredients": [ + "saffron threads", + "plain yogurt", + "butter", + "garlic", + "brown cardamom", + "tomato paste", + "garam masala", + "ginger", + "fenugreek seeds", + "chicken thighs", + "clove", + "chili pepper", + "heavy cream", + "salt", + "cinnamon sticks", + "fenugreek leaves", + "vegetable oil", + "stewed tomatoes", + "green cardamom", + "cashew nuts" + ] + }, + { + "id": 15750, + "ingredients": [ + "sugar", + "pineapple", + "lime", + "watermelon", + "water", + "fresh lime juice" + ] + }, + { + "id": 6413, + "ingredients": [ + "olive oil", + "bacon", + "onions", + "pepper", + "chili powder", + "salt", + "chicken stock", + "garlic powder", + "garlic", + "boneless skinless chicken breast halves", + "dried thyme", + "dates", + "all-purpose flour" + ] + }, + { + "id": 17585, + "ingredients": [ + "serrano chilies", + "minced garlic", + "daikon", + "dark sesame oil", + "onions", + "soy sauce", + "dry white wine", + "dried shiitake mushrooms", + "carrots", + "boiling water", + "cooked rice", + "minced ginger", + "beef broth", + "scallions", + "bamboo shoots", + "black pepper", + "vegetable oil", + "corn syrup", + "beef ribs" + ] + }, + { + "id": 10057, + "ingredients": [ + "tomato paste", + "low sodium chicken broth", + "cayenne pepper", + "boneless skinless chicken breast halves", + "black pepper", + "raisins", + "couscous", + "ground cumin", + "ground cinnamon", + "dried apricot", + "lemon juice", + "boiling water", + "ground ginger", + "curry powder", + "all-purpose flour", + "onions" + ] + }, + { + "id": 29462, + "ingredients": [ + "baking powder", + "sweet rice flour", + "sweet red bean paste", + "white sugar", + "milk", + "canola oil", + "eggs", + "toasted sesame seeds" + ] + }, + { + "id": 18943, + "ingredients": [ + "oysters", + "extra-virgin olive oil", + "garlic cloves", + "hot pepper sauce", + "freshly ground pepper", + "ground nutmeg", + "salt", + "fat free cream cheese", + "frozen chopped spinach", + "grated parmesan cheese", + "and fat free half half" + ] + }, + { + "id": 22591, + "ingredients": [ + "cilantro", + "Mexican cheese", + "onions", + "corn", + "tortilla chips", + "corn tortillas", + "black beans", + "salsa", + "sour cream", + "rotelle", + "taco seasoning", + "ground beef" + ] + }, + { + "id": 32048, + "ingredients": [ + "mustard", + "french sandwich rolls", + "large garlic cloves", + "sweet paprika", + "pickle juice", + "eggs", + "flour", + "hot sauce", + "medium shrimp", + "tomatoes", + "prepared horseradish", + "salt", + "cornmeal", + "mayonaise", + "cajun seasoning", + "peanut oil", + "iceberg lettuce" + ] + }, + { + "id": 32249, + "ingredients": [ + "water", + "white sugar", + "butter", + "slivered almonds", + "chocolate chips" + ] + }, + { + "id": 39578, + "ingredients": [ + "cold water", + "katsuo bushi", + "dried kelp" + ] + }, + { + "id": 21724, + "ingredients": [ + "olive oil", + "red bell pepper", + "yellow onion", + "serrano ham", + "baking potatoes", + "flat leaf parsley", + "eggs", + "freshly ground pepper" + ] + }, + { + "id": 27119, + "ingredients": [ + "eggs", + "baking powder", + "cornmeal", + "milk", + "ricotta cheese", + "cheddar cheese", + "vegetable oil", + "flour", + "salt" + ] + }, + { + "id": 25094, + "ingredients": [ + "cooking oil", + "garlic", + "apple cider vinegar", + "bay leaves", + "chicken", + "soy sauce", + "cracked black pepper" + ] + }, + { + "id": 41200, + "ingredients": [ + "nutmeg", + "Irish whiskey", + "milk", + "Baileys Irish Cream Liqueur", + "eggs" + ] + }, + { + "id": 33033, + "ingredients": [ + "brown sugar", + "cooking spray", + "celery", + "cabbage", + "ground black pepper", + "ginger", + "spaghetti", + "water", + "vegetable oil", + "onions", + "reduced sodium soy sauce", + "garlic", + "cooked chicken breasts" + ] + }, + { + "id": 21389, + "ingredients": [ + "almond paste", + "beaten eggs", + "all-purpose flour", + "butter", + "white sugar" + ] + }, + { + "id": 49103, + "ingredients": [ + "tomato paste", + "olive oil", + "salt", + "pepper", + "raw cashews", + "fresh basil", + "sun-dried tomatoes", + "pasta", + "water", + "garlic" + ] + }, + { + "id": 12519, + "ingredients": [ + "fresh ginger", + "lemon juice", + "chopped fresh mint", + "honey", + "mint leaves", + "red bell pepper", + "olive oil", + "pineapple juice", + "onions", + "watermelon", + "jalapeno chilies", + "cucumber" + ] + }, + { + "id": 26913, + "ingredients": [ + "coconut", + "salt", + "cabbage", + "coconut oil", + "urad dal", + "mustard seeds", + "curry leaves", + "chili powder", + "cumin seed", + "red chili peppers", + "purple onion", + "ground turmeric" + ] + }, + { + "id": 12460, + "ingredients": [ + "bread crumb fresh", + "flat leaf parsley", + "pasta", + "olive oil", + "large shrimp", + "perciatelli", + "grated lemon peel", + "capers", + "garlic cloves" + ] + }, + { + "id": 3397, + "ingredients": [ + "mayonaise", + "vegetable oil", + "dipping sauces", + "smoked paprika", + "cold water", + "ground black pepper", + "russet potatoes", + "salt", + "ground cumin", + "tomato paste", + "bay leaves", + "paprika", + "cayenne pepper", + "sherry vinegar", + "spices", + "garlic", + "chipotle peppers" + ] + }, + { + "id": 3502, + "ingredients": [ + "soy sauce", + "mixed mushrooms", + "garlic cloves", + "fresh ginger", + "spring onions", + "caster sugar", + "Shaoxing wine", + "toasted sesame oil", + "red chili peppers", + "egg noodles", + "vegetable stock" + ] + }, + { + "id": 42877, + "ingredients": [ + "olive oil", + "hot sauce", + "onions", + "smoked sausage", + "creole seasoning", + "onion soup", + "green pepper", + "chicken broth", + "beef broth", + "long-grain rice" + ] + }, + { + "id": 249, + "ingredients": [ + "gluten", + "water", + "oil", + "jambalaya mix", + "green onions" + ] + }, + { + "id": 46008, + "ingredients": [ + "blanched almonds", + "firmly packed light brown sugar", + "whipping cream" + ] + }, + { + "id": 14185, + "ingredients": [ + "lime", + "dried oregano", + "pepper", + "garlic", + "boneless pork shoulder", + "chili powder", + "ground cumin", + "orange", + "salt" + ] + }, + { + "id": 20873, + "ingredients": [ + "parsley sprigs", + "paprika", + "ground cumin", + "peeled fresh ginger", + "garlic cloves", + "ground red pepper", + "fresh lemon juice", + "olive oil", + "cilantro sprigs" + ] + }, + { + "id": 11722, + "ingredients": [ + "paprika", + "pepper", + "all-purpose flour", + "calamari", + "salt", + "vegetable oil", + "dried oregano" + ] + }, + { + "id": 24883, + "ingredients": [ + "fresh coriander", + "chili powder", + "ground turmeric", + "tomatoes", + "coriander powder", + "onions", + "ginger paste", + "garam masala", + "salt", + "chicken", + "garlic paste", + "yoghurt", + "clarified butter" + ] + }, + { + "id": 3932, + "ingredients": [ + "olive oil", + "salt", + "flat leaf parsley", + "dry vermouth", + "ground black pepper", + "cayenne pepper", + "cremini mushrooms", + "button mushrooms", + "garlic cloves", + "dried thyme", + "linguine", + "sour cream" + ] + }, + { + "id": 25728, + "ingredients": [ + "pectin", + "peaches", + "water", + "sugar", + "lemon", + "orange" + ] + }, + { + "id": 16428, + "ingredients": [ + "fat free less sodium chicken broth", + "chopped cilantro fresh", + "navy beans", + "stewed tomatoes", + "ground cumin", + "reduced-fat sour cream", + "cooked chicken breasts", + "chipotle chile", + "extra-virgin olive oil" + ] + }, + { + "id": 7887, + "ingredients": [ + "black beans", + "garbanzo beans", + "yellow mustard", + "sour cream", + "corn kernels", + "cooking spray", + "shredded mozzarella cheese", + "shredded cheddar cheese", + "flour tortillas", + "rice", + "ground cumin", + "green bell pepper", + "honey", + "cooked chicken", + "red bell pepper" + ] + }, + { + "id": 48364, + "ingredients": [ + "green onions", + "konbu", + "minced ginger", + "gluten", + "gluten-free tamari", + "water", + "rice noodles", + "sliced mushrooms", + "extra firm tofu", + "garlic" + ] + }, + { + "id": 47197, + "ingredients": [ + "bananas", + "canela", + "slivered almonds", + "red wine", + "matzos", + "pears", + "pitted date", + "apples" + ] + }, + { + "id": 28640, + "ingredients": [ + "flour tortillas", + "grated jack cheese", + "vegetable oil", + "red bell pepper", + "tomatillos", + "chopped cilantro fresh", + "medium shrimp uncook", + "sharp cheddar cheese" + ] + }, + { + "id": 16758, + "ingredients": [ + "cooked rice", + "water", + "garlic", + "soy sauce", + "olive oil", + "onions", + "green bell pepper", + "honey", + "corn starch", + "black pepper", + "boneless skinless chicken breasts" + ] + }, + { + "id": 39135, + "ingredients": [ + "pinenuts", + "all-purpose flour", + "ground red pepper", + "fresh basil", + "butter", + "parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 33302, + "ingredients": [ + "seeds", + "fresh oregano", + "onions", + "olive oil", + "cracked black pepper", + "rotini", + "red wine vinegar", + "cucumber", + "feta cheese", + "salt", + "fresh parsley" + ] + }, + { + "id": 23677, + "ingredients": [ + "pepper", + "serrano peppers", + "white wine vinegar", + "low sodium soy sauce", + "lime juice", + "boneless beef sirloin steak", + "onions", + "sugar", + "shredded carrots", + "unsalted dry roast peanuts", + "vegetable oil cooking spray", + "lemon grass", + "garlic", + "chopped fresh mint" + ] + }, + { + "id": 25509, + "ingredients": [ + "green cabbage", + "salmon", + "fresh lime juice", + "white corn tortillas", + "fat-free buttermilk", + "fat-free mayonnaise", + "tomatoes", + "fresh cilantro", + "adobo sauce", + "chipotle chile", + "green onions" + ] + }, + { + "id": 35746, + "ingredients": [ + "soy sauce", + "crimini mushrooms", + "onions", + "spinach", + "sesame seeds", + "garlic", + "olive oil", + "sesame oil", + "sugar", + "green onions", + "carrots" + ] + }, + { + "id": 46195, + "ingredients": [ + "pepper", + "parmigiano reggiano cheese", + "plum tomatoes", + "pasta", + "prosciutto", + "onions", + "olive oil", + "salt", + "water", + "bay leaves" + ] + }, + { + "id": 19788, + "ingredients": [ + "tapioca flour", + "olive oil", + "water", + "beaten eggs", + "minced garlic", + "grated parmesan cheese", + "milk", + "salt" + ] + }, + { + "id": 18888, + "ingredients": [ + "apples", + "onions", + "large garlic cloves", + "oil", + "ground black pepper", + "dark brown sugar", + "gluten", + "rib" + ] + }, + { + "id": 21153, + "ingredients": [ + "tomato paste", + "unsalted butter", + "paprika", + "onions", + "fresh dill", + "mushrooms", + "all-purpose flour", + "green bell pepper", + "beef stock", + "beef tenderloin", + "chopped tomatoes", + "dry white wine", + "sour cream" + ] + }, + { + "id": 44672, + "ingredients": [ + "almonds", + "light corn syrup", + "toasted almonds", + "large egg whites", + "instant coffee", + "all-purpose flour", + "sugar", + "unsalted butter", + "whipping cream", + "sour cream", + "white chocolate", + "semisweet chocolate", + "vanilla extract" + ] + }, + { + "id": 48707, + "ingredients": [ + "olive oil", + "low sodium soy sauce", + "edamame", + "sea salt", + "garlic" + ] + }, + { + "id": 2232, + "ingredients": [ + "worcestershire sauce", + "chili sauce", + "butter", + "hot sauce", + "steak sauce", + "beef tenderloin", + "freshly ground pepper", + "ketchup", + "salt", + "chutney" + ] + }, + { + "id": 36081, + "ingredients": [ + "shallots", + "fresh lime juice", + "chiles", + "squid", + "fish sauce", + "salt", + "canola oil", + "sugar", + "corn starch" + ] + }, + { + "id": 948, + "ingredients": [ + "potato gnocchi", + "onions", + "crushed tomatoes", + "red pepper flakes", + "chopped fresh thyme", + "garlic", + "pancetta", + "pecorino romano cheese" + ] + }, + { + "id": 24512, + "ingredients": [ + "black peppercorns", + "skinless boneless duck breast halves", + "garlic", + "cumin seed", + "ground turmeric", + "tomato paste", + "kosher salt", + "ground red pepper", + "fenugreek seeds", + "small red potato", + "ground cinnamon", + "water", + "vegetable oil", + "ground coriander", + "mustard seeds", + "sugar", + "peeled fresh ginger", + "white wine vinegar", + "fresh onion" + ] + }, + { + "id": 24382, + "ingredients": [ + "brandy", + "mango chutney", + "boneless chicken breast halves", + "whipping cream", + "flour", + "low salt chicken broth", + "curry powder", + "butter" + ] + }, + { + "id": 40648, + "ingredients": [ + "bay leaves", + "butter", + "cognac", + "grape juice", + "shallots", + "all-purpose flour", + "chopped garlic", + "mussels", + "chopped fresh thyme", + "cayenne pepper", + "saffron", + "dry white wine", + "whipping cream", + "fresh parsley" + ] + }, + { + "id": 48886, + "ingredients": [ + "unsalted butter", + "all purpose unbleached flour", + "sage leaves", + "whole milk", + "chopped fresh sage", + "large eggs", + "salt", + "honey", + "baking powder", + "cornmeal" + ] + }, + { + "id": 21967, + "ingredients": [ + "eggs", + "olive oil", + "chopped parsley", + "seasoned bread crumbs", + "grated parmesan cheese", + "tomato sauce", + "eggplant", + "Hidden Valley® Original Ranch Salad® Dressing & Seasoning Mix", + "mozzarella cheese", + "ricotta cheese" + ] + }, + { + "id": 40119, + "ingredients": [ + "water", + "ground black pepper", + "gluten", + "carrots", + "tomato paste", + "dried basil", + "fennel bulb", + "acorn squash", + "dried oregano", + "great northern beans", + "olive oil", + "zucchini", + "chopped onion", + "lower sodium chicken broth", + "swiss chard", + "asiago", + "garlic cloves" + ] + }, + { + "id": 38221, + "ingredients": [ + "black pepper", + "chicken drumsticks", + "ground coriander", + "ground ginger", + "honey", + "salt", + "Mountain High Yoghurt", + "curry powder", + "paprika", + "ground cardamom", + "tumeric", + "cinnamon", + "cayenne pepper", + "cumin" + ] + }, + { + "id": 49494, + "ingredients": [ + "minced garlic", + "green onions", + "smoked sausage", + "rice", + "chopped green bell pepper", + "vegetable oil", + "beef broth", + "cubed pork", + "water", + "parsley", + "chopped celery", + "chopped onion", + "bay leaves", + "cajun seasoning", + "hot sauce", + "roux" + ] + }, + { + "id": 17286, + "ingredients": [ + "olive oil", + "salt", + "fresh dill", + "white wine vinegar", + "cauliflower", + "balsamic vinegar", + "red bell pepper", + "pepper", + "purple onion" + ] + }, + { + "id": 10421, + "ingredients": [ + "green bell pepper, slice", + "vegetable oil", + "lemon juice", + "soy sauce", + "extra firm tofu", + "scallions", + "chopped cilantro fresh", + "tomato paste", + "agave nectar", + "cayenne pepper", + "onions", + "chili paste", + "apple cider vinegar", + "garlic cloves" + ] + }, + { + "id": 13088, + "ingredients": [ + "extra lean ground beef", + "spanish onion", + "garlic powder", + "cooking spray", + "onion salt", + "white sugar", + "chili flakes", + "minced garlic", + "dried thyme", + "large eggs", + "ricotta cheese", + "diced tomatoes", + "tomato paste", + "mozzarella cheese", + "dried basil", + "ground black pepper", + "whole wheat lasagna noodles", + "sea salt", + "dried oregano", + "tomato sauce", + "crushed tomatoes", + "olive oil", + "grated parmesan cheese", + "red wine", + "sweet italian sausage" + ] + }, + { + "id": 34348, + "ingredients": [ + "butter", + "boneless skinless chicken breast halves", + "dry white wine", + "fresh oregano", + "lemon verbena", + "balsamic vinegar", + "lemon juice" + ] + }, + { + "id": 15405, + "ingredients": [ + "butter", + "coconut milk", + "chicken drumsticks", + "ground cumin", + "red curry paste", + "fresh ginger", + "sauce" + ] + }, + { + "id": 15218, + "ingredients": [ + "parmesan cheese", + "eggs", + "almond meal", + "boneless skinless chicken breasts", + "pesto", + "feta cheese crumbles" + ] + }, + { + "id": 40233, + "ingredients": [ + "rock sugar", + "water", + "thai basil", + "salt", + "fat", + "chicken", + "clove", + "black pepper", + "coriander seeds", + "cilantro", + "scallions", + "serrano chile", + "mint", + "lime", + "cooked chicken", + "yellow onion", + "beansprouts", + "fish sauce", + "fresh ginger", + "rice noodles", + "culantro", + "chopped cilantro fresh" + ] + }, + { + "id": 26098, + "ingredients": [ + "soy sauce", + "large eggs", + "scallions", + "canola oil", + "minced garlic", + "brown rice", + "ground beef", + "kosher salt", + "beef stock", + "corn starch", + "ground black pepper", + "white rice", + "onions" + ] + }, + { + "id": 17221, + "ingredients": [ + "taco seasoning mix", + "sour cream", + "dried oregano", + "shredded cheddar cheese", + "margarine", + "onions", + "white vinegar", + "garlic", + "ground beef", + "chopped green chilies", + "corn tortillas" + ] + }, + { + "id": 25198, + "ingredients": [ + "water", + "white sugar", + "small pearl tapioca", + "salt", + "shredded coconut", + "coconut cream" + ] + }, + { + "id": 22532, + "ingredients": [ + "fillet red snapper", + "shallots", + "scallions", + "fresh basil", + "tamarind", + "cilantro root", + "asian fish sauce", + "cold water", + "red chili peppers", + "vegetable oil", + "garlic cloves", + "sugar", + "thai basil", + "salt" + ] + }, + { + "id": 41563, + "ingredients": [ + "boneless chop pork", + "butter", + "chili sauce", + "dijon mustard", + "all-purpose flour", + "onions", + "minced garlic", + "salt", + "peach preserves", + "soy sauce", + "apple cider vinegar", + "green pepper" + ] + }, + { + "id": 2554, + "ingredients": [ + "milk", + "sauce", + "salt", + "shrimp", + "baking powder", + "peanut oil", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 38170, + "ingredients": [ + "shredded cheddar cheese", + "green onions", + "chopped cilantro fresh", + "cream of chicken soup", + "sour cream", + "taco seasoning mix", + "salsa", + "green chile", + "flour tortillas", + "ground beef" + ] + }, + { + "id": 29476, + "ingredients": [ + "flatbread", + "lemon", + "cucumber", + "mint leaves", + "thyme", + "dried oregano", + "olive oil", + "garlic cloves", + "greek yogurt", + "bay leaves", + "leg of lamb" + ] + }, + { + "id": 33384, + "ingredients": [ + "finely chopped fresh parsley", + "cooked white rice", + "tomato sauce", + "garlic", + "fennel seeds", + "large eggs", + "onions", + "ground chuck", + "salt" + ] + }, + { + "id": 5770, + "ingredients": [ + "soy sauce", + "toasted sesame oil", + "pork loin", + "brown sugar", + "Gochujang base", + "sake", + "garlic cloves" + ] + }, + { + "id": 5628, + "ingredients": [ + "chicken stock", + "swiss chard", + "flank steak", + "peanut oil", + "soy sauce", + "hot chili oil", + "crushed red pepper flakes", + "corn starch", + "sugar", + "hoisin sauce", + "dry sherry", + "oyster sauce", + "black pepper", + "green onions", + "salt", + "chopped garlic" + ] + }, + { + "id": 44069, + "ingredients": [ + "brine-cured olives", + "dried basil", + "havarti cheese", + "penne", + "grated parmesan cheese", + "chopped onion", + "fresh basil", + "olive oil", + "crushed red pepper", + "minced garlic", + "italian plum tomatoes", + "low salt chicken broth" + ] + }, + { + "id": 18530, + "ingredients": [ + "black pepper", + "grated parmesan cheese", + "garlic cloves", + "large egg whites", + "green onions", + "fresh mint", + "phyllo dough", + "swiss chard", + "salt", + "fresh parsley", + "white onion", + "cooking spray", + "feta cheese crumbles" + ] + }, + { + "id": 22369, + "ingredients": [ + "sesame seeds", + "salt", + "palm sugar", + "cilantro leaves", + "water", + "bawang goreng", + "mango", + "fruit", + "black sticky rice", + "coconut milk" + ] + }, + { + "id": 9498, + "ingredients": [ + "boneless, skinless chicken breast", + "garlic", + "escarole", + "ground black pepper", + "rice", + "fresh parsley", + "olive oil", + "salt", + "celery", + "canned low sodium chicken broth", + "grated parmesan cheese", + "carrots", + "onions" + ] + }, + { + "id": 26476, + "ingredients": [ + "dijon mustard", + "extra-virgin olive oil", + "red bell pepper", + "shallots", + "salt", + "flat leaf parsley", + "prosciutto", + "red wine vinegar", + "carrots", + "French lentils", + "chopped fresh thyme", + "freshly ground pepper" + ] + }, + { + "id": 29939, + "ingredients": [ + "fresh oregano", + "eggplant", + "plum tomatoes", + "olive oil", + "feta cheese crumbles", + "sherry wine vinegar" + ] + }, + { + "id": 9336, + "ingredients": [ + "fish sauce", + "lime juice", + "black quinoa", + "mango", + "brown sugar", + "Sriracha", + "cilantro", + "coconut flakes", + "peanuts", + "red pepper", + "mint", + "water", + "green onions", + "bird chile" + ] + }, + { + "id": 26377, + "ingredients": [ + "tortillas", + "ground beef", + "olive oil", + "sharp cheddar cheese", + "green chile", + "black olives", + "onions", + "mild salsa", + "enchilada sauce" + ] + }, + { + "id": 18442, + "ingredients": [ + "white cheese", + "guava paste" + ] + }, + { + "id": 13470, + "ingredients": [ + "lime", + "vegetable oil", + "oyster sauce", + "green bell pepper", + "large eggs", + "ground pork", + "Sriracha", + "cilantro", + "onions", + "fish sauce", + "rice noodles", + "garlic" + ] + }, + { + "id": 34689, + "ingredients": [ + "pimentos", + "white cheddar cheese", + "sliced green onions", + "pepper", + "dry mustard", + "celery seed", + "mayonaise", + "worcestershire sauce", + "hot sauce", + "apple cider vinegar", + "salt" + ] + }, + { + "id": 11016, + "ingredients": [ + "baking powder", + "white cornmeal", + "sugar", + "salt", + "vegetable oil", + "boiling water", + "half & half", + "softened butter" + ] + }, + { + "id": 28985, + "ingredients": [ + "black pepper", + "bay leaves", + "lemon", + "beef stew meat", + "carrots", + "tomato purée", + "lemongrass", + "seeds", + "ginger", + "all-purpose flour", + "Madras curry powder", + "fish sauce", + "potatoes", + "cinnamon", + "star anise", + "chinese five-spice powder", + "water", + "basil leaves", + "cilantro", + "salt", + "onions" + ] + }, + { + "id": 25293, + "ingredients": [ + "vegetable oil spray", + "liquid", + "large eggs", + "extra sharp white cheddar cheese", + "oil", + "fresh basil", + "jalapeno chilies" + ] + }, + { + "id": 569, + "ingredients": [ + "large eggs", + "all-purpose flour", + "black pepper", + "vegetable oil", + "whole milk", + "rib pork chops", + "salt" + ] + }, + { + "id": 29992, + "ingredients": [ + "dried kelp", + "shelled shrimp", + "vegetable oil", + "corn starch", + "soy sauce", + "large eggs", + "sesame oil", + "carrots", + "cold water", + "mirin", + "dried bonito", + "salt", + "water", + "flour", + "cilantro", + "onions" + ] + }, + { + "id": 20363, + "ingredients": [ + "salt", + "water", + "Country Crock® Spread", + "cornmeal", + "queso blanco" + ] + }, + { + "id": 6981, + "ingredients": [ + "milk", + "butter", + "sugar", + "baking powder", + "carrots", + "eggs", + "flour", + "salt", + "cocoa", + "vegetable oil" + ] + }, + { + "id": 30154, + "ingredients": [ + "sweet potatoes", + "sugar", + "gingerroot", + "starch", + "water" + ] + }, + { + "id": 39960, + "ingredients": [ + "water", + "bacon", + "onions", + "cheddar cheese", + "olive oil", + "salt", + "large shrimp", + "milk", + "garlic", + "grits", + "pepper", + "butter", + "scallions" + ] + }, + { + "id": 25975, + "ingredients": [ + "parsley sprigs", + "butter", + "yellow corn meal", + "ground black pepper", + "flat leaf parsley", + "fresh rosemary", + "parmigiano reggiano cheese", + "fat free less sodium chicken broth", + "salt" + ] + }, + { + "id": 4029, + "ingredients": [ + "tumeric", + "kasuri methi", + "oil", + "red chili powder", + "fresh ginger", + "salt", + "tandoori paste", + "fresh lime", + "garlic", + "coriander", + "food colouring", + "extra firm tofu", + "tamarind paste", + "cumin" + ] + }, + { + "id": 49081, + "ingredients": [ + "pork", + "salt", + "peppercorns", + "bay leaves", + "chicken leg quarters", + "pork chops", + "carrots", + "garlic", + "onions" + ] + }, + { + "id": 7493, + "ingredients": [ + "light soy sauce", + "ground red pepper", + "garlic cloves", + "sweet onion", + "cooking spray", + "dark sesame oil", + "orange", + "orange marmalade", + "broccoli", + "grated orange", + "chicken broth", + "fresh ginger", + "chicken breast halves", + "corn starch" + ] + }, + { + "id": 10393, + "ingredients": [ + "Mexican cheese blend", + "salt", + "garlic cloves", + "ground cumin", + "fresh cilantro", + "flour tortillas", + "salsa", + "ground turkey", + "zucchini", + "frozen corn", + "red bell pepper", + "chopped green chilies", + "purple onion", + "cayenne pepper", + "dried oregano" + ] + }, + { + "id": 6915, + "ingredients": [ + "olive oil", + "sea bass fillets", + "zucchini", + "carrots", + "ground black pepper", + "salt", + "pesto", + "dry white wine" + ] + }, + { + "id": 42310, + "ingredients": [ + "lettuce", + "romaine lettuce", + "green leaf lettuce", + "fresh basil", + "endive", + "dandelion", + "fresh dill", + "lettuce leaves", + "escarole", + "rocket leaves", + "red leaf lettuce", + "fresh tarragon" + ] + }, + { + "id": 15612, + "ingredients": [ + "green bell pepper", + "vinegar", + "chili powder", + "salt", + "lime", + "guacamole", + "cilantro", + "onions", + "pepper", + "flour tortillas", + "top sirloin", + "red bell pepper", + "pico de gallo", + "olive oil", + "Mexican oregano", + "garlic", + "ground cumin" + ] + }, + { + "id": 23160, + "ingredients": [ + "salt", + "ice water", + "unsalted butter", + "all-purpose flour", + "vegetable shortening" + ] + }, + { + "id": 37897, + "ingredients": [ + "milk", + "all-purpose flour", + "salt", + "butter", + "caviar", + "smoked salmon", + "crème fraîche" + ] + }, + { + "id": 44731, + "ingredients": [ + "sun-dried tomatoes", + "butter", + "salt", + "refrigerated four cheese ravioli", + "roma tomatoes", + "heavy cream", + "fresh basil", + "ground black pepper", + "red pepper flakes", + "shredded parmesan cheese", + "milk", + "flour", + "garlic" + ] + }, + { + "id": 3460, + "ingredients": [ + "cream of tartar", + "corn starch", + "baking powder", + "eggs", + "white sugar", + "butter" + ] + }, + { + "id": 29855, + "ingredients": [ + "tomatoes", + "grated parmesan cheese", + "black olives", + "green olives", + "extra-virgin olive oil", + "fresh basil", + "red pepper flakes", + "dried oregano", + "pasta", + "capers", + "garlic" + ] + }, + { + "id": 31140, + "ingredients": [ + "eggs", + "sushi rice", + "chicken breasts", + "chili bean paste", + "sugar", + "water", + "garlic", + "carrots", + "soy sauce", + "sesame seeds", + "salt", + "cucumber", + "spinach", + "pepper", + "sesame oil", + "scallions" + ] + }, + { + "id": 4481, + "ingredients": [ + "curry powder", + "boneless skinless chicken breasts", + "all-purpose flour", + "tarragon", + "garlic powder", + "vegetable oil", + "sweet paprika", + "dried thyme", + "onion powder", + "dill", + "water", + "ground black pepper", + "salt", + "ground cayenne pepper" + ] + }, + { + "id": 30882, + "ingredients": [ + "sugar", + "extra-virgin olive oil", + "active dry yeast", + "all-purpose flour", + "plain yogurt", + "salt", + "anise seed", + "salted butter" + ] + }, + { + "id": 511, + "ingredients": [ + "cooked rice", + "sesame seeds", + "garlic cloves", + "soy sauce", + "green onions", + "sugar", + "zucchini", + "kimchi", + "eggs", + "olive oil", + "sesame oil" + ] + }, + { + "id": 1120, + "ingredients": [ + "ground pepper", + "kosher salt", + "yellow onion", + "olive oil", + "chorizo sausage", + "eggs", + "idaho potatoes" + ] + }, + { + "id": 42651, + "ingredients": [ + "rotel tomatoes", + "brown rice", + "chicken broth", + "cumin", + "chili powder" + ] + }, + { + "id": 18209, + "ingredients": [ + "caraway seeds", + "large eggs", + "salt", + "baking soda", + "buttermilk", + "sugar", + "baking powder", + "all-purpose flour", + "unsalted butter", + "raisins" + ] + }, + { + "id": 38368, + "ingredients": [ + "black pepper", + "all-purpose flour", + "chicken", + "soy sauce", + "ginger", + "cashew nuts", + "brown sugar", + "red pepper flakes", + "garlic cloves", + "ketchup", + "rice vinegar", + "canola oil" + ] + }, + { + "id": 31783, + "ingredients": [ + "savoy cabbage", + "chile paste", + "garlic", + "peanut oil", + "asian fish sauce", + "seedless cucumber", + "boneless chicken breast", + "cilantro leaves", + "red bell pepper", + "sugar", + "peanuts", + "purple onion", + "carrots", + "lime juice", + "hot pepper", + "rice vinegar", + "fresh mint" + ] + }, + { + "id": 37589, + "ingredients": [ + "black pepper", + "cooking spray", + "salt", + "red potato", + "fat free milk", + "frozen chopped broccoli", + "fontina cheese", + "large egg whites", + "leeks", + "dry bread crumbs", + "fresh basil", + "large eggs", + "butter" + ] + }, + { + "id": 17752, + "ingredients": [ + "pea shoots", + "sesame oil", + "garlic", + "white miso", + "garden peas", + "bok choy", + "soy sauce", + "ramen noodles", + "scallions", + "eggs", + "mirin", + "ginger" + ] + }, + { + "id": 37020, + "ingredients": [ + "red lentils", + "curry powder", + "onions", + "pepper", + "salt", + "melted butter", + "vegetable oil", + "long grain white rice", + "water", + "chopped parsley" + ] + }, + { + "id": 19503, + "ingredients": [ + "caribbean jerk seasoning", + "olive oil", + "sauce", + "nutmeg", + "water", + "onion powder", + "onions", + "ground ginger", + "white pepper", + "ground black pepper", + "garlic cloves", + "brown sugar", + "lime", + "salt", + "garlic salt" + ] + }, + { + "id": 2718, + "ingredients": [ + "pepper", + "tomatillos", + "green pepper", + "jalapeno chilies", + "garlic", + "cumin", + "water", + "cilantro", + "onions", + "coconut oil", + "chili powder", + "salt" + ] + }, + { + "id": 28365, + "ingredients": [ + "tomatoes", + "salt", + "olive oil", + "corn kernel whole", + "green chile", + "ripe olives", + "white vinegar", + "jalapeno chilies" + ] + }, + { + "id": 45843, + "ingredients": [ + "fresh raspberries", + "carbonated water", + "mint sprigs", + "sorbet" + ] + }, + { + "id": 4514, + "ingredients": [ + "lean ground pork", + "vegetable oil", + "oil", + "onions", + "fish sauce", + "soy vermicelli", + "rice", + "shrimp", + "eggs", + "ground black pepper", + "garlic", + "carrots", + "soy sauce", + "mushrooms", + "crabmeat", + "beansprouts" + ] + }, + { + "id": 4311, + "ingredients": [ + "water", + "scallions", + "eggs", + "sesame oil", + "bread flour", + "soy paste", + "corn starch", + "sweet chili sauce", + "salt" + ] + }, + { + "id": 41356, + "ingredients": [ + "mushrooms", + "lemon", + "chablis", + "vegetable oil", + "chopped garlic", + "angel hair", + "boneless skinless chicken breasts", + "all-purpose flour", + "ground black pepper", + "butter" + ] + }, + { + "id": 12022, + "ingredients": [ + "large eggs", + "all-purpose flour", + "unsalted butter", + "salt", + "sugar", + "orange marmalade", + "orange juice", + "baking soda", + "golden raisins", + "whole wheat breadcrumbs" + ] + }, + { + "id": 6846, + "ingredients": [ + "ground red pepper", + "cucumber", + "ground cumin", + "extra-virgin olive oil", + "squash", + "reduced-fat sour cream", + "red bell pepper", + "lime juice", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 8983, + "ingredients": [ + "black peppercorns", + "ground nutmeg", + "vegetable oil", + "cumin seed", + "unsweetened coconut milk", + "water", + "Dungeness crabs", + "anise", + "garlic cloves", + "unsweetened shredded dried coconut", + "coriander seeds", + "lime wedges", + "salt", + "ground turmeric", + "clove", + "steamed rice", + "finely chopped onion", + "chile de arbol", + "cinnamon sticks" + ] + }, + { + "id": 47589, + "ingredients": [ + "ground nutmeg", + "bacon slices", + "flat leaf parsley", + "sweet onion", + "half & half", + "salt", + "olive oil", + "refrigerated piecrusts", + "freshly ground pepper", + "large eggs", + "gruyere cheese" + ] + }, + { + "id": 14859, + "ingredients": [ + "water", + "tea bags", + "baking soda", + "sugar" + ] + }, + { + "id": 20035, + "ingredients": [ + "sugar", + "large eggs", + "glutinous rice flour", + "candied pineapple", + "baking powder", + "pitted date", + "cooking spray", + "canola oil", + "slivered almonds", + "water", + "dried tart cherries" + ] + }, + { + "id": 732, + "ingredients": [ + "sugar", + "rice sticks", + "unsalted dry roast peanuts", + "medium shrimp", + "ketchup", + "large eggs", + "crushed red pepper", + "chopped cilantro fresh", + "water", + "green onions", + "garlic cloves", + "boiling water", + "fish sauce", + "lime", + "vegetable oil", + "beansprouts" + ] + }, + { + "id": 38568, + "ingredients": [ + "worcestershire sauce", + "ground cayenne pepper", + "all-purpose flour", + "salt", + "butter", + "sharp cheddar cheese" + ] + }, + { + "id": 10871, + "ingredients": [ + "bread crumbs", + "crushed red pepper flakes", + "shrimp", + "serrano chilies", + "paprika", + "peanut butter", + "dried shrimp", + "tomatoes", + "olive oil", + "salt", + "coconut milk", + "fish fillets", + "cilantro", + "garlic cloves", + "onions" + ] + }, + { + "id": 42540, + "ingredients": [ + "butter", + "cumin seed", + "coconut", + "peas", + "ginger root", + "tumeric", + "lemon", + "mustard seeds", + "garam masala", + "green chilies", + "greens" + ] + }, + { + "id": 48782, + "ingredients": [ + "warm water", + "vegetable oil", + "semolina", + "cornmeal", + "white flour", + "salt", + "sugar", + "flour", + "yeast" + ] + }, + { + "id": 17988, + "ingredients": [ + "olive oil", + "onions", + "greek seasoning", + "garlic powder", + "ground cumin", + "extra-lean ground beef", + "iceberg lettuce", + "cherry tomatoes", + "tzatziki" + ] + }, + { + "id": 8147, + "ingredients": [ + "low sodium soy sauce", + "green onions", + "Gochujang base", + "pear juice", + "ginger", + "toasted sesame seeds", + "cooked rice", + "lean ground beef", + "toasted sesame oil", + "honey", + "garlic" + ] + }, + { + "id": 32029, + "ingredients": [ + "black pepper", + "peeled fresh ginger", + "chopped onion", + "ground cumin", + "ground nutmeg", + "paprika", + "fresh lemon juice", + "coriander seeds", + "chili powder", + "garlic cloves", + "plain low-fat yogurt", + "cooking spray", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 25598, + "ingredients": [ + "fat free less sodium chicken broth", + "chicken breast halves", + "margarine", + "olive oil", + "all-purpose flour", + "corn starch", + "pepper", + "salt", + "fresh lemon juice", + "sugar", + "garlic powder", + "grated lemon zest", + "fresh parsley" + ] + }, + { + "id": 8695, + "ingredients": [ + "chicken broth", + "regular soy sauce", + "garlic", + "bamboo shoots", + "brown sugar", + "fresh shiitake mushrooms", + "chinese black vinegar", + "dark soy sauce", + "green onions", + "chinese five-spice powder", + "noodles", + "cooking oil", + "ground pork", + "onions" + ] + }, + { + "id": 11213, + "ingredients": [ + "pepper", + "avocado", + "green chilies", + "salt", + "cottage cheese" + ] + }, + { + "id": 21053, + "ingredients": [ + "chicken broth", + "swiss chard", + "french bread", + "garlic", + "onions", + "kale", + "grated parmesan cheese", + "cannellini beans", + "carrots", + "water", + "ground black pepper", + "bay leaves", + "salt", + "cabbage", + "sage leaves", + "olive oil", + "potatoes", + "diced tomatoes", + "celery" + ] + }, + { + "id": 29154, + "ingredients": [ + "bourbon whiskey", + "chopped walnuts", + "eggs", + "light corn syrup", + "semi-sweet chocolate morsels", + "butter", + "white sugar", + "unbaked pie crusts", + "vanilla extract" + ] + }, + { + "id": 33691, + "ingredients": [ + "cranberry juice", + "green onions", + "japanese eggplants", + "white miso", + "rice vinegar", + "agave nectar", + "apple juice", + "sesame seeds", + "sesame oil" + ] + }, + { + "id": 32129, + "ingredients": [ + "tomatoes", + "shredded mozzarella cheese", + "chicken breasts", + "Kraft Sun Dried Tomato Vinaigrette", + "basil" + ] + }, + { + "id": 43787, + "ingredients": [ + "kosher salt", + "ginger", + "shrimp", + "sugar", + "Shaoxing wine", + "fresh pork fat", + "ground white pepper", + "pork", + "wonton wrappers", + "carrots", + "toasted sesame oil", + "baking soda", + "extra-virgin olive oil", + "corn starch" + ] + }, + { + "id": 40642, + "ingredients": [ + "artichoke hearts", + "cannellini beans", + "diced tomatoes", + "fat free less sodium chicken broth", + "chopped green bell pepper", + "shallots", + "fresh spinach", + "ground black pepper", + "dry white wine", + "garlic cloves", + "parmigiana-reggiano", + "cooking spray", + "fresh mozzarella" + ] + }, + { + "id": 39782, + "ingredients": [ + "frozen pastry puff sheets", + "chopped pecans", + "sugar", + "whipping cream", + "water", + "lemon juice", + "apples" + ] + }, + { + "id": 38430, + "ingredients": [ + "romano cheese", + "garlic powder", + "bread flour", + "dried basil", + "salt", + "active dry yeast", + "onion powder", + "dried oregano", + "warm water", + "olive oil", + "white sugar" + ] + }, + { + "id": 33438, + "ingredients": [ + "chinese rice wine", + "dry sherry", + "oil", + "light soy sauce", + "ginger", + "black vinegar", + "kosher salt", + "ground pork", + "corn starch", + "eggs", + "wonton wrappers", + "garlic" + ] + }, + { + "id": 31602, + "ingredients": [ + "ground cinnamon", + "large eggs", + "all-purpose flour", + "unsalted butter", + "heavy cream", + "corn starch", + "peaches", + "baking powder", + "dark brown sugar", + "sparkling sugar", + "granulated sugar", + "salt" + ] + }, + { + "id": 17581, + "ingredients": [ + "white vinegar", + "milk", + "large eggs", + "garlic", + "white onion", + "olive oil", + "red pepper", + "all-purpose flour", + "cold water", + "cherry tomatoes", + "baking potatoes", + "salt", + "pepper", + "unsalted butter", + "cilantro", + "ground beef" + ] + }, + { + "id": 25169, + "ingredients": [ + "water", + "peppercorns", + "sugar", + "bay leaves", + "vinegar", + "kosher salt", + "purple onion" + ] + }, + { + "id": 35755, + "ingredients": [ + "hot red pepper flakes", + "halibut fillets", + "diced tomatoes", + "garlic cloves", + "large shrimp", + "hard shelled clams", + "water", + "fish stock", + "italian loaf", + "dried oregano", + "fresh basil", + "black pepper", + "dry white wine", + "squid", + "flat leaf parsley", + "mussels", + "sugar", + "olive oil", + "salt", + "juice" + ] + }, + { + "id": 33544, + "ingredients": [ + "olive oil", + "chili powder", + "cilantro", + "hot sauce", + "dried oregano", + "pepper", + "zucchini", + "lime wedges", + "garlic", + "smoked paprika", + "ground cumin", + "tomatoes", + "cayenne", + "onion powder", + "vegetable broth", + "tortilla chips", + "monterey jack", + "corn kernels", + "jalapeno chilies", + "tempeh", + "salt", + "sour cream" + ] + }, + { + "id": 34252, + "ingredients": [ + "light soy sauce", + "shallots", + "peanut oil", + "beansprouts", + "Sriracha", + "firm tofu", + "garlic cloves", + "light brown sugar", + "large eggs", + "roasted peanuts", + "hot water", + "tamarind", + "rice noodles", + "scallions" + ] + }, + { + "id": 30764, + "ingredients": [ + "celery ribs", + "kosher salt", + "unsalted butter", + "thyme sprigs", + "pecans", + "ground black pepper", + "tart apples", + "bread", + "quail", + "shallots", + "canola oil", + "chicken broth", + "olive oil", + "carrots" + ] + }, + { + "id": 44946, + "ingredients": [ + "edamame", + "silken tofu", + "lemon juice", + "salt", + "black pepper", + "garlic cloves" + ] + }, + { + "id": 716, + "ingredients": [ + "bell pepper", + "chili powder", + "garlic cloves", + "tomato sauce", + "cooking spray", + "salt", + "onions", + "ground black pepper", + "colby jack cheese", + "spaghetti squash", + "jalapeno chilies", + "cilantro", + "kidney" + ] + }, + { + "id": 24668, + "ingredients": [ + "pasta", + "chopped fresh thyme", + "white beans", + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "orange bell pepper", + "baby spinach", + "garlic cloves", + "cold water", + "balsamic vinegar", + "salt" + ] + }, + { + "id": 24270, + "ingredients": [ + "mint", + "pepper", + "cilantro", + "carrots", + "iceberg lettuce", + "Boston lettuce", + "chili oil", + "roasted peanuts", + "beansprouts", + "brown sugar", + "asian pear", + "dill", + "cucumber", + "soy sauce", + "basil", + "scallions", + "fresh lime juice" + ] + }, + { + "id": 13165, + "ingredients": [ + "olive oil", + "cooking spray", + "sliced green onions", + "smoked salmon", + "fresh thyme", + "cream cheese", + "ground black pepper", + "salt", + "egg substitute", + "potatoes", + "onions" + ] + }, + { + "id": 33758, + "ingredients": [ + "italian sausage", + "olive oil", + "onions", + "kale", + "thyme sprigs", + "chicken stock", + "cannellini beans", + "white wine", + "garlic cloves" + ] + }, + { + "id": 3090, + "ingredients": [ + "fish sauce", + "red leaf lettuce", + "ground black pepper", + "enokitake", + "daikon", + "salt", + "scallions", + "beansprouts", + "pickles", + "minced ginger", + "mung beans", + "vegetable oil", + "crushed red pepper", + "boneless pork loin", + "cucumber", + "tumeric", + "water", + "chili paste", + "mint leaves", + "dipping sauces", + "cilantro leaves", + "rice flour", + "coconut milk", + "sugar", + "lime juice", + "nuoc nam", + "basil leaves", + "garlic", + "rice vinegar", + "carrots", + "medium shrimp" + ] + }, + { + "id": 43987, + "ingredients": [ + "ground cinnamon", + "orange", + "sliced almonds", + "anjou pears", + "sugar", + "unsalted butter", + "water", + "ras el hanout" + ] + }, + { + "id": 39021, + "ingredients": [ + "lime juice", + "cilantro", + "boneless chicken breast", + "cumin", + "olive oil", + "garlic", + "chili powder" + ] + }, + { + "id": 44460, + "ingredients": [ + "pepper", + "garlic", + "red bell pepper", + "tomato paste", + "olive oil", + "yellow onion", + "ground lamb", + "frozen chopped spinach", + "dried basil", + "salt", + "dried oregano", + "tomatoes", + "orzo pasta", + "feta cheese crumbles" + ] + }, + { + "id": 29876, + "ingredients": [ + "cheese", + "large eggs", + "grits", + "milk", + "salt", + "butter" + ] + }, + { + "id": 17737, + "ingredients": [ + "green chile", + "halibut fillets", + "ginger", + "dark brown sugar", + "water", + "nonfat yogurt", + "ground mustard", + "ground cardamom", + "ground cloves", + "unsalted butter", + "garlic", + "low sodium canned vegetable stock", + "tomatoes", + "curry powder", + "coarse salt", + "fenugreek seeds", + "onions" + ] + }, + { + "id": 36772, + "ingredients": [ + "water", + "lemon", + "sweet paprika", + "tomatoes", + "hot pepper", + "cilantro leaves", + "onions", + "canned beans", + "salt", + "garlic cloves", + "black pepper", + "vegetable oil", + "dried chickpeas", + "ground turmeric" + ] + }, + { + "id": 18174, + "ingredients": [ + "firmly packed brown sugar", + "salt", + "pies", + "unsalted butter", + "chopped pecans", + "cream sweeten whip", + "vanilla pudding" + ] + }, + { + "id": 20924, + "ingredients": [ + "heavy cream", + "confectioners sugar", + "low-fat sweetened condensed milk", + "salt", + "lime zest", + "vanilla extract", + "key lime juice", + "graham cracker crusts", + "cream cheese" + ] + }, + { + "id": 39098, + "ingredients": [ + "arborio rice", + "butter", + "grated parmesan cheese", + "onions", + "tomato sauce", + "garlic", + "Red Gold® diced tomatoes" + ] + }, + { + "id": 32571, + "ingredients": [ + "colby cheese", + "tomatoes with juice", + "lean ground beef", + "taco seasoning mix", + "corn tortillas", + "prepar salsa" + ] + }, + { + "id": 26957, + "ingredients": [ + "sesame seeds", + "soy sauce", + "sesame oil", + "broccoli florets", + "olive oil" + ] + }, + { + "id": 11363, + "ingredients": [ + "tomato purée", + "fresh cilantro", + "chili powder", + "tortilla chips", + "cumin", + "avocado", + "pepper", + "jalapeno chilies", + "crushed red pepper", + "onions", + "black beans", + "lime", + "diced tomatoes", + "sour cream", + "shredded Monterey Jack cheese", + "chicken broth", + "minced garlic", + "boneless skinless chicken breasts", + "salt", + "oregano" + ] + }, + { + "id": 20736, + "ingredients": [ + "lean ground pork", + "shallots", + "fresh cilantro", + "fresh lime juice", + "green cabbage", + "cayenne", + "asian fish sauce", + "bread crumbs", + "fresh mint" + ] + }, + { + "id": 42639, + "ingredients": [ + "pepper", + "garlic", + "fermented black beans", + "chinese rice wine", + "fresh ginger root", + "dark sesame oil", + "canola oil", + "soy sauce", + "chinese wheat noodles", + "corn starch", + "spinach", + "water", + "salt", + "fresh asparagus" + ] + }, + { + "id": 43350, + "ingredients": [ + "garlic paste", + "potatoes", + "cilantro leaves", + "garam masala", + "green peas", + "oil", + "tumeric", + "chili powder", + "cumin seed", + "tomatoes", + "coriander powder", + "salt", + "onions" + ] + }, + { + "id": 15451, + "ingredients": [ + "lasagna noodles", + "shredded mozzarella cheese", + "frozen chopped spinach", + "Alfredo sauce", + "boneless chicken breast halves", + "salt and ground black pepper", + "ricotta cheese" + ] + }, + { + "id": 45175, + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "white sugar", + "pepper", + "garlic", + "green bell pepper", + "chile pepper", + "chopped cilantro fresh", + "ground black pepper", + "onions" + ] + }, + { + "id": 5652, + "ingredients": [ + "fresh dill", + "chopped onion", + "butter", + "smoked salmon", + "whipping cream", + "brown hash potato" + ] + }, + { + "id": 1569, + "ingredients": [ + "drummettes", + "vegetable oil", + "toasted sesame seeds", + "chicken wings", + "soy sauce", + "oyster sauce", + "sugar", + "chile de arbol", + "bamboo shoots", + "fish sauce", + "ground black pepper", + "fresh lime juice" + ] + }, + { + "id": 39036, + "ingredients": [ + "light brown sugar", + "minced garlic", + "sweetened coconut flakes", + "bok choy", + "soy sauce", + "large eggs", + "peanut oil", + "tofu", + "jasmine rice", + "lime wedges", + "green beans", + "roasted cashews", + "minced ginger", + "crushed red pepper" + ] + }, + { + "id": 13673, + "ingredients": [ + "soy sauce", + "mirin", + "garlic", + "oil", + "stewing beef", + "sesame oil", + "Gochujang base", + "kosher salt", + "potatoes", + "purple onion", + "hot water", + "chicken stock", + "ground black pepper", + "ginger", + "scallions" + ] + }, + { + "id": 1550, + "ingredients": [ + "black pepper", + "tortillas", + "onion powder", + "salt", + "cumin", + "lettuce", + "water", + "chicken breast halves", + "cheese", + "sour cream", + "taco shells", + "guacamole", + "paprika", + "salsa", + "tomatoes", + "garlic powder", + "chili powder", + "purple onion", + "oregano" + ] + }, + { + "id": 38553, + "ingredients": [ + "candied ginger", + "evaporated milk", + "sea salt", + "sweetened condensed milk", + "pure vanilla extract", + "water", + "flour", + "ginger", + "ground ginger", + "salted butter", + "ginger syrup", + "rice flour", + "ground cinnamon", + "granulated sugar", + "liquor" + ] + }, + { + "id": 38594, + "ingredients": [ + "potato soup", + "avocado", + "Anaheim chile", + "water", + "chicken broth", + "fresh lemon juice" + ] + }, + { + "id": 3220, + "ingredients": [ + "yellow corn meal", + "whole milk", + "salt", + "chopped cilantro fresh", + "ground cumin", + "ground black pepper", + "lean ground beef", + "garlic cloves", + "long grain white rice", + "olive oil", + "bay leaves", + "beef broth", + "pork sausages", + "large eggs", + "diced tomatoes", + "onions", + "chunky tomato salsa" + ] + }, + { + "id": 24686, + "ingredients": [ + "lime", + "garlic", + "chopped cilantro fresh", + "fish sauce", + "lemon grass", + "salt", + "pepper", + "jalapeno chilies", + "dried rice noodles", + "thai basil", + "unsalted dry roast peanuts", + "canola oil" + ] + }, + { + "id": 10863, + "ingredients": [ + "dried basil", + "reduced fat italian dressing", + "banana peppers", + "grated parmesan cheese", + "deli ham", + "sliced black olives", + "hard salami", + "fresh tomatoes", + "french bread", + "shredded mozzarella cheese" + ] + }, + { + "id": 46683, + "ingredients": [ + "black pepper", + "salt", + "feta cheese crumbles", + "navy beans", + "olive oil", + "long-grain rice", + "water", + "chopped onion", + "red bell pepper", + "fresh basil", + "kalamata", + "lemon juice" + ] + }, + { + "id": 5113, + "ingredients": [ + "beef", + "salt", + "onions", + "parmesan cheese", + "red beans", + "ground coriander", + "tomatoes", + "beef stock", + "cayenne pepper", + "tortillas", + "garlic", + "oil" + ] + }, + { + "id": 34967, + "ingredients": [ + "empanada", + "eggs", + "extra-virgin olive oil", + "tomatoes", + "ground pork", + "chili powder", + "purple onion" + ] + }, + { + "id": 15420, + "ingredients": [ + "water", + "salt", + "cumin", + "hot pepper sauce", + "chipotle peppers", + "olive oil", + "edamame", + "pepper", + "garlic", + "adobo sauce" + ] + }, + { + "id": 9607, + "ingredients": [ + "seasoning", + "garlic cloves", + "butter", + "cream cheese, soften", + "crawfish", + "diced celery", + "diced onions", + "cayenne pepper", + "celery" + ] + }, + { + "id": 7190, + "ingredients": [ + "reduced fat monterey jack cheese", + "hot pepper sauce", + "all-purpose flour", + "sliced green onions", + "water", + "chile pepper", + "corn tortillas", + "tomato sauce", + "chili powder", + "chopped onion", + "ground cumin", + "olive oil", + "salt", + "95% lean ground beef" + ] + }, + { + "id": 7482, + "ingredients": [ + "dried basil", + "diced tomatoes", + "red bell pepper", + "tomato paste", + "red wine vinegar", + "extra-virgin olive oil", + "dried oregano", + "cooking spray", + "dry red wine", + "fresh parsley", + "kosher salt", + "large garlic cloves", + "chopped onion" + ] + }, + { + "id": 3928, + "ingredients": [ + "eggs", + "lasagna noodles, cooked and drained", + "frozen chopped spinach, thawed and squeezed dry", + "ground nutmeg", + "salt", + "Bertolli® Alfredo Sauce", + "ricotta cheese", + "ground black pepper", + "shredded mozzarella cheese" + ] + }, + { + "id": 11288, + "ingredients": [ + "bologna", + "chicken bones", + "hot pepper sauce", + "uncook medium shrimp, peel and devein", + "tomatoes", + "salt and ground black pepper", + "peas", + "chicken broth", + "sweet onion", + "seafood seasoning", + "green bell pepper", + "garlic powder", + "okra" + ] + }, + { + "id": 1948, + "ingredients": [ + "vegetable oil", + "fresh lemon juice", + "water", + "salt", + "mustard seeds", + "chili powder", + "brown lentils", + "long grain white rice", + "fresh green bean", + "carrots" + ] + }, + { + "id": 6590, + "ingredients": [ + "sugar", + "parmesan cheese", + "noodles", + "minced garlic", + "butter", + "soy sauce", + "green onions", + "garlic powder", + "oyster sauce" + ] + }, + { + "id": 20275, + "ingredients": [ + "warm water", + "vegetable oil", + "cold water", + "fat free less sodium chicken broth", + "salt", + "clove", + "bay leaves", + "basmati rice", + "saffron threads", + "sliced almonds", + "raisins" + ] + }, + { + "id": 14212, + "ingredients": [ + "mayonaise", + "bourbon whiskey", + "ground cumin", + "grated parmesan cheese", + "sharp cheddar cheese", + "fresh cilantro", + "ancho powder", + "pimentos", + "freshly ground pepper" + ] + }, + { + "id": 47990, + "ingredients": [ + "sweet onion", + "soft sandwich rolls", + "mayonaise", + "ground black pepper", + "olive oil", + "salt", + "cooked turkey", + "lettuce leaves" + ] + }, + { + "id": 36653, + "ingredients": [ + "extra-virgin olive oil", + "baguette", + "garlic cloves", + "anchovy fillets", + "vine ripened tomatoes" + ] + }, + { + "id": 22436, + "ingredients": [ + "olive oil", + "top sirloin steak", + "garlic cloves", + "slivered almonds", + "ground red pepper", + "salt", + "fresh ginger", + "apples", + "onions", + "curry powder", + "brown rice", + "apple juice" + ] + }, + { + "id": 34790, + "ingredients": [ + "trout fillet", + "cayenne", + "fresh lemon juice", + "unsalted butter", + "chopped parsley", + "pecans", + "all-purpose flour" + ] + }, + { + "id": 45752, + "ingredients": [ + "table salt", + "lemon wedge", + "onions", + "matzo meal", + "ground black pepper", + "garlic", + "frozen chopped spinach", + "olive oil", + "vegetable oil", + "fresh spinach", + "large eggs", + "grated nutmeg" + ] + }, + { + "id": 19159, + "ingredients": [ + "Old El Paso™ taco seasoning mix", + "tortilla chips", + "Old El Paso™ chopped green chiles", + "green onions", + "monterey jack", + "Progresso Black Beans", + "plums" + ] + }, + { + "id": 14515, + "ingredients": [ + "preserved lemon", + "fennel bulb", + "lemon", + "fennel seeds", + "fronds", + "fingerling potatoes", + "plain whole-milk yogurt", + "parsley sprigs", + "black bass", + "extra-virgin olive oil", + "fresh cilantro", + "fresh thyme", + "fresh lime juice" + ] + }, + { + "id": 27510, + "ingredients": [ + "leeks", + "fresh parsley", + "butter", + "mussels", + "whipping cream", + "dry white wine" + ] + }, + { + "id": 38699, + "ingredients": [ + "sesame oil", + "avocado oil", + "ginger", + "sea salt", + "chicken", + "green onions", + "garlic" + ] + }, + { + "id": 34959, + "ingredients": [ + "cherry tomatoes", + "large eggs", + "shallots", + "asparagus", + "dry white wine", + "all-purpose flour", + "ground black pepper", + "whole milk", + "basil", + "kosher salt", + "unsalted butter", + "cooked chicken", + "grated Gruyère cheese" + ] + }, + { + "id": 7206, + "ingredients": [ + "crushed tomatoes", + "vegetable oil", + "ground coriander", + "serrano chile", + "sugar", + "garam masala", + "salt", + "onions", + "tomato paste", + "fresh ginger", + "heavy cream", + "garlic cloves", + "ground cumin", + "plain yogurt", + "boneless skinless chicken breasts", + "cayenne pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 2316, + "ingredients": [ + "grated parmesan cheese", + "butter", + "cooking spray", + "marinara sauce", + "reduced fat mozzarella", + "seasoned bread crumbs", + "chicken breasts" + ] + }, + { + "id": 18823, + "ingredients": [ + "jicama", + "cucumber", + "orange", + "purple onion", + "chopped fresh mint", + "hot chili powder", + "fresh lime juice", + "cantaloupe", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 1909, + "ingredients": [ + "ground black pepper", + "pork shoulder", + "fennel seeds", + "crushed red pepper flakes", + "hog casings", + "dry white wine", + "dried parsley", + "garlic powder", + "salt" + ] + }, + { + "id": 48313, + "ingredients": [ + "chile powder", + "kosher salt", + "file powder", + "garlic", + "ground white pepper", + "chicken", + "green bell pepper", + "cayenne", + "flour", + "okra", + "cooked white rice", + "andouille sausage", + "poblano peppers", + "paprika", + "scallions", + "canola oil", + "chicken stock", + "ground black pepper", + "jalapeno chilies", + "yellow onion", + "celery" + ] + }, + { + "id": 5844, + "ingredients": [ + "granny smith apples", + "granulated sugar", + "ground cinnamon", + "mace", + "cognac", + "bread crumb fresh", + "all-purpose flour", + "firmly packed light brown sugar", + "unsalted butter", + "fresh lemon juice" + ] + }, + { + "id": 29975, + "ingredients": [ + "pepper", + "rome apples", + "sliced mushrooms", + "fresh parsley", + "vegetable oil cooking spray", + "raisins", + "garlic cloves", + "couscous", + "ground cumin", + "olive oil", + "chopped onion", + "red bell pepper", + "ground turmeric", + "pinenuts", + "salt", + "low salt chicken broth", + "celery" + ] + }, + { + "id": 41091, + "ingredients": [ + "stir fry sauce", + "chicken fingers", + "broccoli", + "red bell pepper" + ] + }, + { + "id": 9532, + "ingredients": [ + "finely chopped onion", + "country ham", + "heavy cream", + "spinach", + "large eggs", + "unsalted butter", + "chopped garlic" + ] + }, + { + "id": 46569, + "ingredients": [ + "ground red pepper", + "white wine vinegar", + "ground black pepper", + "shallots", + "salt", + "dry white wine", + "fresh tarragon", + "egg yolks", + "butter", + "lemon juice" + ] + }, + { + "id": 10399, + "ingredients": [ + "fresh ginger", + "malt vinegar", + "ketchup", + "hoisin sauce", + "sambal ulek", + "pork spare ribs", + "scallions", + "slaw", + "coarse salt" + ] + }, + { + "id": 42934, + "ingredients": [ + "green cabbage", + "crushed tomatoes", + "lean ground beef", + "sauce", + "celery", + "brown sugar", + "finely chopped onion", + "chopped celery", + "rice", + "cabbage", + "black pepper", + "meat", + "salt", + "fresh lemon juice", + "eggs", + "vegetables", + "raisins", + "green pepper", + "onions" + ] + }, + { + "id": 2688, + "ingredients": [ + "garlic cloves", + "chipotle chile", + "adobo sauce", + "chopped onion", + "chopped cilantro fresh", + "tomatoes", + "fresh lime juice" + ] + }, + { + "id": 27095, + "ingredients": [ + "green bell pepper", + "salt", + "annatto oil", + "chopped cilantro fresh", + "black pepper", + "garlic cloves", + "tomato paste", + "finely chopped onion" + ] + }, + { + "id": 12476, + "ingredients": [ + "soda bread", + "ground black pepper", + "prepared horseradish", + "flat leaf parsley", + "smoked salmon", + "dill tips", + "whole grain dijon mustard", + "canola mayonnaise" + ] + }, + { + "id": 23070, + "ingredients": [ + "vegetable oil", + "chunky salsa", + "avocado", + "boneless skinless chicken breast halves", + "garlic salt", + "ground cumin", + "chili powder", + "chopped cilantro fresh" + ] + }, + { + "id": 9837, + "ingredients": [ + "tomato sauce", + "eggplant", + "cherry tomatoes", + "sauce", + "mozzarella cheese", + "red pepper", + "olive oil", + "prepared lasagne" + ] + }, + { + "id": 45829, + "ingredients": [ + "salt", + "cooked rice" + ] + }, + { + "id": 31887, + "ingredients": [ + "pecan halves", + "butter", + "chips", + "salt" + ] + }, + { + "id": 28518, + "ingredients": [ + "sugar", + "baking powder", + "all-purpose flour", + "cooking spray", + "salt", + "baking soda", + "almond extract", + "low-fat granola", + "large eggs", + "butter" + ] + }, + { + "id": 47168, + "ingredients": [ + "zucchini", + "flat leaf parsley", + "safflower oil", + "scallions", + "dried oregano", + "pecorino cheese", + "sea salt", + "chopped fresh mint", + "olive oil", + "corn starch" + ] + }, + { + "id": 45321, + "ingredients": [ + "tomatoes", + "honey", + "boneless skinless chicken breasts", + "red bell pepper", + "white vinegar", + "black beans", + "tortillas", + "salt", + "monterey jack", + "black pepper", + "olive oil", + "garlic", + "sour cream", + "lettuce", + "corn", + "green onions", + "salsa", + "ground cumin" + ] + }, + { + "id": 20662, + "ingredients": [ + "saffron threads", + "fennel bulb", + "loosely packed fresh basil leaves", + "herbes de provence", + "salmon", + "dry white wine", + "salt", + "orange zest", + "black pepper", + "large garlic cloves", + "hot water", + "mayonaise", + "dijon mustard", + "extra-virgin olive oil", + "plum tomatoes" + ] + }, + { + "id": 9699, + "ingredients": [ + "lemongrass", + "crushed red pepper", + "large shrimp", + "shallots", + "fresh lime juice", + "lettuce leaves", + "squid", + "fish sauce", + "fresh tarragon", + "chopped cilantro fresh" + ] + }, + { + "id": 41018, + "ingredients": [ + "sugar", + "rose water", + "water", + "cashew nuts" + ] + }, + { + "id": 705, + "ingredients": [ + "whole milk", + "all-purpose flour", + "ground nutmeg", + "butter", + "bay leaf", + "chopped fresh chives", + "gruyere cheese", + "white sandwich bread", + "melted butter", + "black forest ham", + "grated Gruyère cheese" + ] + }, + { + "id": 42898, + "ingredients": [ + "tomato paste", + "ground black pepper", + "salt", + "fresh parsley", + "water", + "dry red wine", + "garlic cloves", + "chicken", + "fat free less sodium chicken broth", + "mushrooms", + "chopped onion", + "dried rosemary", + "pearl onions", + "bacon slices", + "corn starch" + ] + }, + { + "id": 633, + "ingredients": [ + "whole wheat flour", + "paneer", + "ground cumin", + "water", + "chili powder", + "green chilies", + "coriander powder", + "salt", + "amchur", + "ginger", + "ghee" + ] + }, + { + "id": 31443, + "ingredients": [ + "brown rice", + "sliced chicken", + "canned black beans", + "prepar salsa", + "cheddar cheese", + "whole wheat tortillas", + "chips", + "broccoli" + ] + }, + { + "id": 18613, + "ingredients": [ + "green bell pepper", + "ground black pepper", + "salt", + "carrots", + "chopped cilantro fresh", + "water", + "light corn syrup", + "whole kernel corn, drain", + "celery", + "ground cumin", + "white vinegar", + "lime juice", + "purple onion", + "lemon juice", + "chipotle peppers", + "black beans", + "onion powder", + "pearl barley", + "red bell pepper", + "canola oil" + ] + }, + { + "id": 19060, + "ingredients": [ + "sugar", + "whipping cream", + "unsalted butter", + "grated lemon peel", + "baking powder", + "crystallized ginger", + "all-purpose flour" + ] + }, + { + "id": 17845, + "ingredients": [ + "green tomatoes", + "olive oil", + "sweet paprika", + "dried thyme", + "salt", + "flour" + ] + }, + { + "id": 1534, + "ingredients": [ + "potatoes", + "garlic", + "shallots", + "tamarind pulp", + "chillies" + ] + }, + { + "id": 41786, + "ingredients": [ + "sliced almonds", + "unsalted butter", + "kataifi", + "water", + "lemon zest", + "confectioners sugar", + "sugar pumpkin", + "honey", + "cinnamon", + "plain yogurt", + "granulated sugar", + "fresh lemon juice" + ] + }, + { + "id": 31656, + "ingredients": [ + "lime", + "sugar", + "crushed ice", + "liquor", + "water" + ] + }, + { + "id": 17330, + "ingredients": [ + "Wish-Bone Italian Dressing", + "green beans", + "tuna, drain and flake", + "pitted olives", + "eggs", + "mixed greens", + "tomatoes", + "potatoes" + ] + }, + { + "id": 7048, + "ingredients": [ + "pepper", + "flour", + "ham", + "spinach", + "mushroom caps", + "salt", + "fat free milk", + "cooking spray", + "bechamel", + "unsalted butter", + "shallots" + ] + }, + { + "id": 7938, + "ingredients": [ + "ground black pepper", + "butter", + "salt", + "eggs", + "whole milk", + "dry mustard", + "cayenne pepper", + "macaroni", + "paprika", + "all-purpose flour", + "seasoning salt", + "spices", + "cheese", + "thyme" + ] + }, + { + "id": 46208, + "ingredients": [ + "unsalted butter", + "boneless skinless chicken breast halves", + "dry white wine", + "parsley leaves", + "olives", + "olive oil", + "fresh lemon juice" + ] + }, + { + "id": 33759, + "ingredients": [ + "dried pasta", + "artichokes", + "lemon", + "flat leaf parsley", + "pinenuts", + "extra-virgin olive oil", + "freshly grated parmesan", + "garlic cloves" + ] + }, + { + "id": 5526, + "ingredients": [ + "brown sugar", + "loosely packed fresh basil leaves", + "asian fish sauce", + "peeled fresh ginger", + "onions", + "soy sauce", + "garlic cloves", + "green chile", + "vegetable oil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 26943, + "ingredients": [ + "watermelon", + "pineapple", + "agave nectar", + "mango", + "lime", + "jicama", + "silver tequila", + "strawberries" + ] + }, + { + "id": 20701, + "ingredients": [ + "broccoli rabe", + "salt", + "large garlic cloves", + "olive oil", + "crushed red pepper", + "ground black pepper" + ] + }, + { + "id": 35701, + "ingredients": [ + "lime", + "garlic", + "coconut milk", + "brown sugar", + "mushrooms", + "serrano", + "onions", + "fresh ginger", + "cilantro leaves", + "thai green curry paste", + "water", + "vegetable oil", + "shrimp" + ] + }, + { + "id": 36687, + "ingredients": [ + "spanish onion", + "carrots", + "tomatoes", + "extra-virgin olive oil", + "kosher salt", + "garlic cloves", + "chopped fresh thyme" + ] + }, + { + "id": 21401, + "ingredients": [ + "pepper", + "garlic", + "pork roast", + "liquid smoke", + "apple cider vinegar", + "hot sauce", + "chicken stock", + "bacon", + "kale leaves", + "Ciabatta rolls", + "salt", + "onions" + ] + }, + { + "id": 376, + "ingredients": [ + "water", + "salt", + "phyllo dough", + "butter", + "white sugar", + "eggs", + "whole milk", + "corn starch", + "semolina flour", + "vanilla extract" + ] + }, + { + "id": 6980, + "ingredients": [ + "boneless chicken skinless thigh", + "extra-virgin olive oil", + "fresh lemon juice", + "unsalted butter", + "freshly ground pepper", + "rosemary", + "salt", + "flour for dusting", + "chicken stock", + "peppadews", + "garlic cloves" + ] + }, + { + "id": 39402, + "ingredients": [ + "water", + "ricotta cheese", + "mozzarella cheese", + "lasagna noodles", + "ground beef", + "pasta sauce", + "garlic powder", + "salt", + "pepper", + "grated parmesan cheese", + "onions" + ] + }, + { + "id": 43095, + "ingredients": [ + "shredded cheddar cheese", + "ricotta cheese", + "chunky salsa", + "lasagna noodles", + "diced tomatoes", + "green onions", + "taco seasoning", + "eggs", + "lean ground beef", + "sour cream" + ] + }, + { + "id": 18576, + "ingredients": [ + "lemon", + "salt", + "greek yogurt", + "ground lamb", + "pepper", + "garlic", + "persian cucumber", + "onions", + "paprika", + "cayenne pepper", + "fresh parsley", + "ground cumin", + "olive oil", + "purple onion", + "feta cheese crumbles", + "chopped fresh mint" + ] + }, + { + "id": 39720, + "ingredients": [ + "green cardamom pods", + "green bell pepper", + "ground nutmeg", + "plain soy yogurt", + "salt", + "lemon juice", + "ground cumin", + "tomatoes", + "ground cloves", + "extra firm tofu", + "ginger", + "ground coriander", + "chopped cilantro", + "clove", + "tumeric", + "garam masala", + "cinnamon", + "yellow onion", + "red bell pepper", + "red chili powder", + "water", + "fenugreek", + "garlic", + "oil", + "ground turmeric" + ] + }, + { + "id": 17526, + "ingredients": [ + "french bread", + "salt", + "onions", + "pepper", + "dry white wine", + "chopped pecans", + "celery ribs", + "dried sage", + "mincemeat", + "large eggs", + "butter", + "fresh parsley" + ] + }, + { + "id": 27549, + "ingredients": [ + "black pepper", + "sun-dried tomatoes", + "salt", + "fresh parsley", + "dried thyme", + "half & half", + "shiitake mushroom caps", + "fat free less sodium chicken broth", + "egg noodles", + "garlic cloves", + "chicken thighs", + "marsala wine", + "olive oil", + "button mushrooms", + "bay leaf" + ] + }, + { + "id": 27123, + "ingredients": [ + "asian eggplants", + "garlic cloves", + "ricotta salata", + "fresh basil leaves", + "olive oil", + "tomatoes", + "ridged ziti" + ] + }, + { + "id": 22979, + "ingredients": [ + "chicken broth", + "corn kernels", + "butter", + "cayenne pepper", + "pepper", + "bay leaves", + "salt", + "lump crab meat", + "half & half", + "garlic", + "onions", + "milk", + "cajun seasoning", + "all-purpose flour" + ] + }, + { + "id": 46113, + "ingredients": [ + "ground cinnamon", + "ground allspice", + "sauce", + "vegetable oil", + "kosher salt", + "scallions" + ] + }, + { + "id": 31557, + "ingredients": [ + "lime", + "chopped cilantro", + "white onion", + "salt", + "fire roasted diced tomatoes", + "jalapeno chilies", + "pepper", + "garlic cloves" + ] + }, + { + "id": 20414, + "ingredients": [ + "pistachios", + "sweetened condensed milk", + "pretzels", + "walnuts", + "unsweetened cocoa powder", + "salt", + "chocolate sprinkles", + "unsalted butter", + "potato chips" + ] + }, + { + "id": 14487, + "ingredients": [ + "eggs", + "napa cabbage", + "tamarind paste", + "garlic cloves", + "lime", + "peeled shrimp", + "peanut oil", + "chopped cilantro fresh", + "fish sauce", + "red pepper flakes", + "roasted peanuts", + "mung bean sprouts", + "fettucine", + "honey", + "rice vinegar", + "scallions" + ] + }, + { + "id": 24881, + "ingredients": [ + "white onion", + "grated parmesan cheese", + "carrots", + "frozen peas", + "arborio rice", + "yellow crookneck squash", + "butter", + "low salt chicken broth", + "pinenuts", + "zucchini", + "baby carrots", + "fresh basil leaves", + "olive oil", + "dry white wine", + "asparagus spears" + ] + }, + { + "id": 17955, + "ingredients": [ + "potatoes", + "fresh parsley", + "water", + "salt", + "pork sausages", + "ground pepper", + "ham stock cube", + "bacon", + "onions" + ] + }, + { + "id": 39109, + "ingredients": [ + "water", + "whole peeled tomatoes", + "diced tomatoes", + "sour cream", + "chunky salsa", + "chili beans", + "garlic powder", + "onion powder", + "salt", + "dried parsley", + "olive oil", + "chili powder", + "garlic", + "onions", + "chicken bouillon", + "ground black pepper", + "condensed tomato soup", + "whole kernel corn, drain", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 35576, + "ingredients": [ + "water", + "bacon slices", + "lentilles du puy", + "olive oil", + "garlic cloves", + "arugula", + "dried thyme", + "white wine vinegar", + "onions", + "parsley sprigs", + "dijon mustard", + "carrots" + ] + }, + { + "id": 25876, + "ingredients": [ + "butter", + "pepper", + "salt", + "bread", + "diced tomatoes", + "bacon pieces", + "onions" + ] + }, + { + "id": 24669, + "ingredients": [ + "sliced black olives", + "whole kernel corn, drain", + "boneless skinless chicken breast halves", + "salsa", + "oil", + "flour tortillas", + "taco seasoning", + "sliced green onions", + "black beans", + "Sargento® Traditional Cut Shredded 4 Cheese Mexican", + "enchilada sauce" + ] + }, + { + "id": 22261, + "ingredients": [ + "fresh ginger", + "mirin", + "shirataki", + "sugar", + "shiitake", + "sesame oil", + "carrots", + "sesame seeds", + "green onions", + "garlic", + "dashi kombu", + "reduced-sodium tamari sauce", + "rice noodles", + "snow peas" + ] + }, + { + "id": 832, + "ingredients": [ + "soy sauce", + "fresh ginger root", + "napa cabbage", + "ground beef", + "water", + "shallots", + "shrimp", + "white pepper", + "green onions", + "salt", + "white sugar", + "gyoza", + "vegetable oil", + "toasted sesame oil" + ] + }, + { + "id": 29742, + "ingredients": [ + "capers", + "crushed red pepper", + "Italian parsley leaves", + "extra-virgin olive oil", + "mint leaves", + "olives" + ] + }, + { + "id": 21381, + "ingredients": [ + "ground ginger", + "lime", + "green onions", + "garlic cloves", + "pepper", + "ground nutmeg", + "salt", + "boneless skinless chicken breast halves", + "brown sugar", + "dried thyme", + "vegetable oil", + "onions", + "water", + "ground black pepper", + "ground allspice" + ] + }, + { + "id": 34322, + "ingredients": [ + "dough", + "extra-virgin olive oil", + "sage", + "parmigiano reggiano cheese", + "dry bread crumbs", + "unsalted butter", + "grated nutmeg", + "butternut squash", + "fresh lemon juice" + ] + }, + { + "id": 7224, + "ingredients": [ + "ginger", + "mirin", + "garlic cloves", + "sake", + "Gochujang base", + "vegetable oil", + "pork shoulder boston butt" + ] + }, + { + "id": 17978, + "ingredients": [ + "lemon juice", + "watermelon", + "popsicle", + "greek yogurt", + "granulated sugar" + ] + }, + { + "id": 9438, + "ingredients": [ + "minced ginger", + "pineapple", + "red chili peppers", + "bell pepper", + "oil", + "pineapple chunks", + "Thai Kitchen Fish Sauce", + "cilantro leaves", + "minced garlic", + "boneless skinless chicken breasts", + "corn starch" + ] + }, + { + "id": 9458, + "ingredients": [ + "tomato purée", + "minced ginger", + "garlic cloves", + "soy sauce", + "paneer", + "romaine lettuce", + "mirin", + "garlic chili sauce", + "white onion", + "green pepper" + ] + }, + { + "id": 41045, + "ingredients": [ + "curry powder", + "potatoes", + "Thai Kitchen Red Curry Paste", + "onions", + "liquid aminos", + "cayenne", + "salt", + "corn starch", + "tumeric", + "full fat coconut milk", + "spices", + "carrots", + "cumin", + "soy sauce", + "extra firm tofu", + "oil", + "green beans" + ] + }, + { + "id": 34614, + "ingredients": [ + "purple onion", + "chopped cilantro fresh", + "jalapeno chilies", + "red bell pepper", + "tomatillos", + "fresh lime juice", + "sugar", + "garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 16651, + "ingredients": [ + "pasta sauce", + "grated parmesan cheese", + "sun-dried tomatoes in oil", + "eggs", + "ground pepper", + "garlic", + "pinenuts", + "ricotta cheese", + "ground beef", + "fresh basil", + "lasagna noodles", + "shredded mozzarella cheese" + ] + }, + { + "id": 8230, + "ingredients": [ + "red currants", + "sugar", + "water", + "black currant" + ] + }, + { + "id": 39372, + "ingredients": [ + "dried thyme", + "butter", + "vegetable juice cocktail", + "sliced green onions", + "water", + "chopped green bell pepper", + "garlic", + "bay leaf", + "hot pepper sauce", + "red pepper flakes", + "shrimp", + "dried basil", + "clam juice", + "salt", + "long grain white rice" + ] + }, + { + "id": 39357, + "ingredients": [ + "clove", + "boneless chop pork", + "bacon", + "fresh parsley", + "black peppercorns", + "sauerkraut", + "sausages", + "granny smith apples", + "potatoes", + "bay leaf", + "chicken broth", + "juniper berries", + "dark brown sugar", + "onions" + ] + }, + { + "id": 44341, + "ingredients": [ + "cauliflower", + "olive oil", + "vegetable broth", + "hot sauce", + "carrots", + "ground cumin", + "green cabbage", + "chili powder", + "salt", + "beer", + "corn tortillas", + "lime juice", + "tomato salsa", + "rice vinegar", + "garlic cloves", + "chopped cilantro", + "avocado", + "garlic powder", + "tamari soy sauce", + "yellow onion", + "smoked paprika" + ] + }, + { + "id": 42052, + "ingredients": [ + "leeks", + "cheese", + "thyme leaves", + "unsalted butter", + "heavy cream", + "all-purpose flour", + "large eggs", + "bacon", + "ground white pepper", + "large egg yolks", + "ice water", + "salt" + ] + }, + { + "id": 45208, + "ingredients": [ + "long beans", + "palm sugar", + "shrimp", + "cherry tomatoes", + "dried Thai chili", + "fresh lime juice", + "peanuts", + "garlic cloves", + "lime", + "kirby cucumbers", + "Thai fish sauce" + ] + }, + { + "id": 28626, + "ingredients": [ + "cheddar cheese", + "prepared mustard", + "hot sauce", + "white bread", + "beefsteak tomatoes", + "worcestershire sauce", + "flour", + "butter", + "peppered bacon", + "lager", + "watercress", + "flat leaf parsley" + ] + }, + { + "id": 48345, + "ingredients": [ + "fish sauce", + "lettuce leaves", + "yellow onion", + "pork shoulder", + "kosher salt", + "jicama", + "shrimp", + "canola oil", + "ground black pepper", + "mint sprigs", + "vermicelli noodles", + "rice paper", + "sugar", + "taro", + "carrots", + "glass noodles" + ] + }, + { + "id": 37791, + "ingredients": [ + "shredded coconut", + "blueberries", + "coconut milk", + "coconut", + "goji berries", + "almond butter", + "walnuts", + "pure acai puree", + "avocado", + "bananas", + "frozen blueberries" + ] + }, + { + "id": 15227, + "ingredients": [ + "water", + "teriyaki sauce", + "salmon fillets", + "fresh ginger", + "garlic cloves", + "soy sauce", + "sesame seeds", + "corn starch", + "brown sugar", + "honey", + "rice vinegar" + ] + }, + { + "id": 24053, + "ingredients": [ + "salmon", + "sushi nori", + "salt", + "water", + "sushi rice", + "rice vinegar" + ] + }, + { + "id": 17716, + "ingredients": [ + "ground ginger", + "white chocolate", + "baking powder", + "dark brown sugar", + "whole almonds", + "crystallized ginger", + "salt", + "sugar", + "large eggs", + "all-purpose flour", + "ground cinnamon", + "ground cloves", + "butter" + ] + }, + { + "id": 6087, + "ingredients": [ + "teas", + "sugar", + "fresh mint", + "plums", + "water" + ] + }, + { + "id": 28000, + "ingredients": [ + "red kidney beans", + "chopped tomatoes", + "paprika", + "sour cream", + "sugar", + "red pepper", + "long-grain rice", + "marjoram", + "tomato purée", + "beef stock cubes", + "oil", + "onions", + "lean minced beef", + "hot chili powder", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 4320, + "ingredients": [ + "ground black pepper", + "asparagus spears", + "butter", + "coarse salt", + "olive oil", + "garlic" + ] + }, + { + "id": 21783, + "ingredients": [ + "bouillon cube", + "hot pepper", + "extra-virgin olive oil", + "beef steak", + "flour", + "red pepper flakes", + "salt", + "bell pepper", + "butter", + "garlic", + "mushrooms", + "red wine", + "yellow onion" + ] + }, + { + "id": 16148, + "ingredients": [ + "picante sauce", + "ground beef", + "wonton wrappers", + "Mexican cheese", + "taco seasoning mix", + "chunky salsa" + ] + }, + { + "id": 47562, + "ingredients": [ + "angel hair", + "sun-dried tomatoes", + "salt", + "fresh cilantro", + "grated parmesan cheese", + "pepper", + "feta cheese", + "olive oil", + "garlic" + ] + }, + { + "id": 31541, + "ingredients": [ + "chopped tomatoes", + "bay leaf", + "salt", + "onions", + "tomato paste", + "fresh oregano", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 43574, + "ingredients": [ + "sugar", + "mustard", + "hard-boiled egg", + "salt and ground black pepper", + "mayonaise", + "chives" + ] + }, + { + "id": 45475, + "ingredients": [ + "sherry vinegar", + "extra-virgin olive oil", + "thyme", + "la", + "leeks", + "garlic cloves", + "chicken thighs", + "green bell pepper", + "bacon", + "carrots", + "chicken stock", + "green lentil", + "salt", + "onions" + ] + }, + { + "id": 16953, + "ingredients": [ + "sugar", + "baking powder", + "salt", + "baking soda", + "buttermilk", + "milk", + "all purpose unbleached flour", + "cheddar cheese", + "unsalted butter", + "cracked black pepper" + ] + }, + { + "id": 5239, + "ingredients": [ + "sugar", + "leeks", + "chili bean paste", + "pork belly", + "bean paste", + "fermented black beans", + "soy sauce", + "green onions", + "ramps", + "cooking oil", + "sweet bean paste" + ] + }, + { + "id": 4595, + "ingredients": [ + "curry powder", + "jalapeno chilies", + "chopped cilantro fresh", + "sugar", + "garbanzo beans", + "salad oil", + "tomatoes", + "fresh ginger", + "salt", + "plain yogurt", + "garam masala", + "onions" + ] + }, + { + "id": 37279, + "ingredients": [ + "shortcrust pastry", + "sugar", + "mincemeat" + ] + }, + { + "id": 33264, + "ingredients": [ + "pizza doughs", + "grated parmesan cheese", + "dried parsley", + "mozzarella cheese", + "softened butter", + "garlic" + ] + }, + { + "id": 30484, + "ingredients": [ + "minute rice", + "crushed garlic", + "chicken broth", + "chili powder", + "salt", + "boneless skinless chicken breasts", + "butter", + "pepper", + "rotelle", + "onions" + ] + }, + { + "id": 9200, + "ingredients": [ + "chicken drumsticks", + "smoked paprika", + "garlic powder", + "sea salt", + "plain flour", + "buttermilk", + "chicken thighs", + "ground black pepper", + "cayenne pepper" + ] + }, + { + "id": 7457, + "ingredients": [ + "thai basil", + "cilantro sprigs", + "cucumber", + "fish sauce", + "boneless skinless chicken breasts", + "garlic cloves", + "white sugar", + "jasmine rice", + "red pepper", + "oyster sauce", + "serrano peppers", + "peanut oil", + "onions" + ] + }, + { + "id": 42413, + "ingredients": [ + "clove", + "kosher salt", + "extra firm tofu", + "bonito flakes", + "ramen noodles", + "ginger", + "dried shiitake mushrooms", + "ground white pepper", + "dried porcini mushrooms", + "mirin", + "hard-boiled egg", + "sesame oil", + "crushed red pepper flakes", + "rice vinegar", + "sausages", + "fish sauce", + "white miso", + "water chestnuts", + "shallots", + "furikake", + "tamari soy sauce", + "scallions", + "no-chicken broth", + "black peppercorns", + "canola", + "egg whites", + "mushrooms", + "wonton wrappers", + "garlic", + "seaweed", + "onions" + ] + }, + { + "id": 18484, + "ingredients": [ + "fish sauce", + "chile paste", + "boneless skinless chicken", + "canola oil", + "sugar", + "rice wine", + "scallions", + "chiles", + "meal", + "roasted peanuts", + "chicken stock", + "lemongrass", + "purple onion", + "chopped garlic" + ] + }, + { + "id": 20985, + "ingredients": [ + "avocado", + "taco seasoning mix", + "sour cream", + "tomatoes", + "corn chips", + "ripe olives", + "refried beans", + "cilantro sprigs", + "green chile", + "butter", + "monterey jack" + ] + }, + { + "id": 29503, + "ingredients": [ + "olive oil", + "cracked black pepper", + "onions", + "curry powder", + "diced tomatoes", + "ground allspice", + "dried thyme", + "crushed red pepper flakes", + "garlic cloves", + "black beans", + "boneless skinless chicken breasts", + "dry red wine" + ] + }, + { + "id": 45242, + "ingredients": [ + "melted butter", + "parsley", + "parmesan cheese", + "shredded mozzarella cheese", + "garlic powder", + "pepperoni", + "refrigerated pizza dough", + "oregano" + ] + }, + { + "id": 46953, + "ingredients": [ + "coconut", + "ice cubes", + "water", + "white sugar" + ] + }, + { + "id": 13948, + "ingredients": [ + "pita bread rounds", + "ripe olives", + "vegetable oil cooking spray", + "cheese", + "green chile", + "diced tomatoes", + "iceberg lettuce", + "refried beans", + "non-fat sour cream" + ] + }, + { + "id": 1623, + "ingredients": [ + "sugar", + "all-purpose flour", + "extra-virgin olive oil", + "dry yeast", + "fresh rosemary", + "salt" + ] + }, + { + "id": 33251, + "ingredients": [ + "artichok heart marin", + "bottled clam juice", + "garlic cloves", + "zucchini", + "plum tomatoes", + "fresh basil", + "sea bass fillets" + ] + }, + { + "id": 6148, + "ingredients": [ + "chicken stock", + "olive oil", + "salt", + "carrots", + "capers", + "red wine", + "anchovy fillets", + "celery", + "tomato purée", + "butter", + "chopped onion", + "chicken livers", + "pepper", + "garlic", + "lamb", + "fresh parsley" + ] + }, + { + "id": 30392, + "ingredients": [ + "sugar", + "butter", + "egg yolks", + "lemon juice", + "frozen whipped topping", + "cream cheese", + "powdered sugar", + "graham cracker crumbs", + "sweetened condensed milk" + ] + }, + { + "id": 144, + "ingredients": [ + "peeled fresh ginger", + "crushed red pepper", + "baby greens", + "sesame oil", + "garlic cloves", + "green onions", + "rice vinegar", + "reduced sodium soy sauce", + "vegetable oil" + ] + }, + { + "id": 20602, + "ingredients": [ + "vanilla extract", + "margarine", + "boiling water", + "granulated sugar", + "salt", + "chopped pecans", + "1% low-fat milk", + "dark brown sugar", + "baking powder", + "all-purpose flour", + "fat free frozen top whip" + ] + }, + { + "id": 48085, + "ingredients": [ + "ground cinnamon", + "honey", + "ground cardamom", + "ground cloves", + "salt", + "canola oil", + "brown sugar", + "ground black pepper", + "cashew nuts", + "hazelnuts", + "blanched almonds" + ] + }, + { + "id": 14896, + "ingredients": [ + "tomato paste", + "fresh thyme leaves", + "orange juice", + "white onion", + "bacon slices", + "ground black pepper", + "salt", + "brown sugar", + "balsamic vinegar" + ] + }, + { + "id": 47518, + "ingredients": [ + "coriander seeds", + "garlic", + "galangal", + "lime rind", + "shallots", + "cumin seed", + "lemongrass", + "cilantro root", + "hot water", + "chiles", + "shrimp paste", + "salt", + "white peppercorns" + ] + }, + { + "id": 29161, + "ingredients": [ + "sunflower oil", + "dried thyme", + "onion flakes", + "chicken breast fillets", + "paprika", + "guacamole", + "cayenne pepper" + ] + }, + { + "id": 39363, + "ingredients": [ + "tortillas", + "salsa", + "smoked sausage", + "grapeseed oil", + "dried guajillo chiles", + "lime", + "salt" + ] + }, + { + "id": 694, + "ingredients": [ + "cream sherry", + "black peppercorns", + "heavy cream", + "vegetable oil", + "rib pork chops", + "salt" + ] + }, + { + "id": 3887, + "ingredients": [ + "tomato paste", + "unsalted butter", + "salt", + "penne", + "red pepper flakes", + "fresh basil", + "parmigiano reggiano cheese", + "pasta", + "vodka", + "heavy cream" + ] + }, + { + "id": 12671, + "ingredients": [ + "vinegar", + "vanilla", + "cocoa powder", + "sugar", + "butter", + "salt", + "eggs", + "flour", + "red food coloring", + "baking soda", + "buttermilk", + "icing" + ] + }, + { + "id": 31117, + "ingredients": [ + "lemon extract", + "vegetable oil", + "sugar", + "flour", + "water", + "flaked coconut", + "mung beans", + "sugar syrup" + ] + }, + { + "id": 14714, + "ingredients": [ + "ground red pepper", + "white wine vinegar", + "garlic cloves", + "ground cumin", + "fat free less sodium chicken broth", + "baking potatoes", + "salt", + "chayotes", + "chili powder", + "achiote paste", + "carrots", + "olive oil", + "diced tomatoes", + "chopped onion", + "boneless sirloin steak" + ] + }, + { + "id": 29993, + "ingredients": [ + "sugar", + "coconut milk", + "sesame oil", + "soy sauce", + "curry paste", + "fish sauce", + "peanut butter" + ] + }, + { + "id": 20639, + "ingredients": [ + "sausage links", + "grated parmesan cheese", + "italian style stewed tomatoes", + "fresh mushrooms", + "minced garlic", + "chopped onion", + "yellow summer squash", + "zucchini", + "carrots" + ] + }, + { + "id": 17665, + "ingredients": [ + "extra-virgin olive oil", + "red bell pepper", + "pitted kalamata olives", + "feta cheese crumbles", + "dried oregano", + "red wine vinegar", + "cucumber", + "tomatoes", + "purple onion", + "flat leaf parsley" + ] + }, + { + "id": 3969, + "ingredients": [ + "black pepper", + "salt", + "coriander", + "garam masala", + "diced tomatoes in juice", + "canola oil", + "eggplant", + "cumin seed", + "serrano chile", + "brown mustard seeds", + "onions" + ] + }, + { + "id": 11014, + "ingredients": [ + "white onion", + "lime wedges", + "cilantro leaves", + "boneless chicken skinless thigh", + "water", + "tomato salsa", + "corn tortillas", + "guajillo chiles", + "ground black pepper", + "ginger", + "ground cumin", + "avocado", + "kosher salt", + "vegetable oil", + "ancho chile pepper" + ] + }, + { + "id": 19530, + "ingredients": [ + "coconut", + "egg yolks", + "cream cheese", + "plain flour", + "crisco", + "buttermilk", + "chopped nuts", + "baking soda", + "butter", + "chopped pecans", + "sugar", + "egg whites", + "vanilla" + ] + }, + { + "id": 17271, + "ingredients": [ + "salt and ground black pepper", + "boneless skinless chicken breast halves", + "cherry tomatoes", + "red bell pepper", + "ground cumin", + "lime", + "zucchini", + "chopped cilantro fresh", + "olive oil", + "onions" + ] + }, + { + "id": 30457, + "ingredients": [ + "honey", + "mint leaves", + "garlic cloves", + "prunes", + "fresh ginger root", + "hot chili powder", + "carrots", + "olive oil", + "leeks", + "lemon juice", + "parsnips", + "potatoes", + "purple onion", + "coriander" + ] + }, + { + "id": 22989, + "ingredients": [ + "tumeric", + "vegetable oil", + "onions", + "red lentils", + "fresh ginger", + "cumin seed", + "brown basmati rice", + "kosher salt", + "ground coriander", + "serrano chile", + "spinach", + "bay leaves", + "garlic cloves" + ] + }, + { + "id": 45756, + "ingredients": [ + "tumeric", + "crushed red pepper flakes", + "cumin seed", + "fresh lime juice", + "red lentils", + "water", + "salt", + "cinnamon sticks", + "canola oil", + "fresh spinach", + "curry", + "mustard seeds", + "onions", + "garlic paste", + "chopped tomatoes", + "green chilies", + "coconut milk" + ] + }, + { + "id": 20297, + "ingredients": [ + "sugar", + "rice vinegar", + "garlic", + "water", + "corn starch", + "chiles", + "salt" + ] + }, + { + "id": 10942, + "ingredients": [ + "powdered sugar", + "rose extract", + "cake flour", + "vegetable oil", + "lard", + "salt" + ] + }, + { + "id": 35686, + "ingredients": [ + "black beans", + "jalapeno chilies", + "lime wedges", + "salt", + "pinto beans", + "avocado", + "milk", + "boneless skinless chicken breasts", + "diced tomatoes", + "yellow onion", + "canola oil", + "minced garlic", + "low sodium chicken broth", + "heavy cream", + "frozen corn", + "sour cream", + "corn tortilla chips", + "ground black pepper", + "chili powder", + "cilantro", + "shredded cheese", + "masa harina" + ] + }, + { + "id": 13032, + "ingredients": [ + "kosher salt", + "cooking spray", + "olive oil", + "dried thyme", + "bread dough", + "black pepper", + "fennel bulb" + ] + }, + { + "id": 7951, + "ingredients": [ + "seasoning", + "extra large shrimp", + "hot sauce", + "crawfish", + "lemon", + "onions", + "red potato", + "cocktail sauce", + "sausages", + "corn", + "salt", + "clarified butter" + ] + }, + { + "id": 20432, + "ingredients": [ + "butter", + "grits", + "cherry tomatoes", + "ear of corn", + "water", + "goat cheese", + "whole milk", + "shrimp" + ] + }, + { + "id": 17971, + "ingredients": [ + "green onions", + "salsa", + "pitted black olives", + "non-fat sour cream", + "vegetarian refried beans", + "taco seasoning mix", + "shredded sharp cheddar cheese", + "iceberg lettuce", + "tomatoes", + "low-fat baked tortilla chips", + "salad dressing" + ] + }, + { + "id": 4128, + "ingredients": [ + "tumeric", + "water", + "lean ground beef", + "thyme", + "eggs", + "pepper", + "unsalted butter", + "butter flavor shortening", + "chicken stock", + "kosher salt", + "seasoning salt", + "vegetable oil", + "onions", + "unseasoned breadcrumbs", + "minced garlic", + "flour", + "scallions" + ] + }, + { + "id": 7589, + "ingredients": [ + "flour tortillas", + "garlic", + "onions", + "shredded cheddar cheese", + "vegetable oil", + "all-purpose flour", + "cooked turkey", + "diced tomatoes", + "sour cream", + "chicken stock", + "jalapeno chilies", + "black olives" + ] + }, + { + "id": 18816, + "ingredients": [ + "fresh ginger", + "green onions", + "soy sauce", + "vinegar", + "toasted sesame seeds", + "sugar", + "pork spare ribs", + "oyster sauce", + "water", + "Shaoxing wine" + ] + }, + { + "id": 12650, + "ingredients": [ + "eggs", + "palm sugar", + "ginger", + "corn starch", + "minced garlic", + "dry sherry", + "scallions", + "shrimp powder", + "white pepper", + "water chestnuts", + "peanut oil", + "bok choy", + "chicken stock", + "shiitake", + "ground pork", + "oyster sauce", + "mushroom soy sauce" + ] + }, + { + "id": 418, + "ingredients": [ + "tumeric", + "organic chicken", + "cinnamon", + "salt", + "cashew nuts", + "chicken stock", + "pepper", + "curry sauce", + "diced tomatoes", + "cumin seed", + "cumin", + "coconut oil", + "curry powder", + "yoghurt", + "purple onion", + "chopped cilantro", + "masala", + "fennel seeds", + "jasmine rice", + "ground black pepper", + "heavy cream", + "grated nutmeg", + "toasted coconut" + ] + }, + { + "id": 36366, + "ingredients": [ + "eggs", + "all-purpose flour", + "water", + "shortening", + "white sugar", + "white vinegar", + "salt" + ] + }, + { + "id": 32991, + "ingredients": [ + "cilantro", + "tomatillos", + "salt", + "boneless skinless chicken breasts", + "garlic", + "heavy cream", + "serrano chile" + ] + }, + { + "id": 6424, + "ingredients": [ + "lean ground turkey", + "ground pepper", + "extra-virgin olive oil", + "spaghetti", + "water", + "large garlic cloves", + "yellow onion", + "pepper", + "low sodium chicken broth", + "salt", + "italian seasoning", + "tomato paste", + "parmesan cheese", + "red pepper flakes", + "bay leaf" + ] + }, + { + "id": 8134, + "ingredients": [ + "water", + "cumin seed", + "moong dal", + "salt", + "green chile", + "bay leaves", + "ghee", + "sugar", + "peeled fresh ginger" + ] + }, + { + "id": 39280, + "ingredients": [ + "sugar", + "baking soda", + "condensed chicken broth", + "chopped fresh sage", + "toasted pecans", + "pepper", + "butter", + "all-purpose flour", + "white cornmeal", + "granny smith apples", + "large eggs", + "buttermilk", + "celery", + "andouille sausage", + "bread crumbs", + "baking powder", + "salt", + "onions" + ] + }, + { + "id": 3091, + "ingredients": [ + "low salt chicken broth", + "polenta", + "whipping cream", + "crumbled gorgonzola" + ] + }, + { + "id": 23382, + "ingredients": [ + "capers", + "large eggs", + "cracked black pepper", + "flat leaf parsley", + "olive oil", + "white truffle oil", + "anchovy fillets", + "grated orange", + "kosher salt", + "shallots", + "beef tenderloin", + "crostini", + "dijon mustard", + "worcestershire sauce", + "garlic cloves" + ] + }, + { + "id": 34090, + "ingredients": [ + "avocado", + "cilantro", + "shrimp", + "flour tortillas", + "extra-virgin olive oil", + "dried oregano", + "chipotle chile", + "yellow bell pepper", + "onions", + "lime wedges", + "garlic cloves" + ] + }, + { + "id": 23320, + "ingredients": [ + "fat free less sodium chicken broth", + "ground red pepper", + "salt", + "ground cinnamon", + "curry powder", + "paprika", + "large shrimp", + "water", + "butter", + "couscous", + "plain low-fat yogurt", + "mixed dried fruit", + "cilantro sprigs", + "ground cumin" + ] + }, + { + "id": 14962, + "ingredients": [ + "sugar", + "cream sherry" + ] + }, + { + "id": 42047, + "ingredients": [ + "bay leaves", + "salt", + "garlic powder", + "onion powder", + "ground coriander", + "chicken broth", + "Mexican oregano", + "spanish paprika", + "pork tenderloin", + "cinnamon", + "ground cumin" + ] + }, + { + "id": 44805, + "ingredients": [ + "white onion", + "coarse salt", + "low sodium chicken broth", + "long grain white rice", + "ground pepper", + "garlic cloves", + "tomato paste", + "vegetable oil", + "dried oregano" + ] + }, + { + "id": 36584, + "ingredients": [ + "minced garlic", + "gingerroot", + "coarse salt", + "toast points", + "dry white wine", + "fatback", + "green peppercorns", + "duck" + ] + }, + { + "id": 3016, + "ingredients": [ + "caraway seeds", + "ground red pepper", + "ground turmeric", + "honey", + "cumin seed", + "fat free yogurt", + "sea salt", + "sliced green onions", + "coriander seeds", + "fresh lime juice" + ] + }, + { + "id": 6391, + "ingredients": [ + "napa cabbage", + "pork shoulder", + "oil", + "salt", + "water", + "corn starch" + ] + }, + { + "id": 38188, + "ingredients": [ + "black pepper", + "guacamole", + "garlic cloves", + "pico de gallo", + "olive oil", + "salt", + "onions", + "chicken legs", + "lime", + "lemon", + "corn tortillas", + "beans", + "flour tortillas", + "orange juice" + ] + }, + { + "id": 1784, + "ingredients": [ + "chopped green chilies", + "all-purpose flour", + "sliced green onions", + "warm water", + "baking powder", + "sour cream", + "shortening", + "cooked chicken", + "salsa", + "shredded cheddar cheese", + "salt", + "ripe olives" + ] + }, + { + "id": 18300, + "ingredients": [ + "mustard", + "tuna packed in olive oil", + "penne pasta", + "chopped parsley" + ] + }, + { + "id": 3856, + "ingredients": [ + "polenta prepar", + "white beans", + "capers", + "wheat", + "flat leaf parsley", + "reduced fat sharp cheddar cheese", + "extra-virgin olive oil", + "pimentos", + "hot sauce" + ] + }, + { + "id": 41841, + "ingredients": [ + "minced garlic", + "portabello mushroom", + "onions", + "fresh ginger", + "carrots", + "miso", + "celery", + "kale", + "vegetable broth", + "soba" + ] + }, + { + "id": 16837, + "ingredients": [ + "white vinegar", + "sea salt", + "coarse salt", + "fresh oregano", + "eggplant", + "extra-virgin olive oil", + "red pepper flakes", + "garlic cloves" + ] + }, + { + "id": 23687, + "ingredients": [ + "sugar", + "vegetable oil", + "nigella seeds", + "milk", + "poppy seeds", + "fresh coriander", + "butter", + "chopped garlic", + "plain flour", + "baking powder", + "salt" + ] + }, + { + "id": 38118, + "ingredients": [ + "pistachios", + "milk", + "saffron", + "sugar", + "ground cardamom", + "almonds" + ] + }, + { + "id": 27801, + "ingredients": [ + "low sodium soy sauce", + "fresh ginger", + "green onions", + "rice vinegar", + "orange", + "mirin", + "sesame oil", + "black pepper", + "sesame seeds", + "boneless skinless chicken breasts", + "corn starch", + "cold water", + "honey", + "low sodium chicken broth", + "garlic" + ] + }, + { + "id": 17096, + "ingredients": [ + "chinese rice wine", + "sesame oil", + "oyster sauce", + "red bell pepper", + "granulated sugar", + "ginger", + "shrimp", + "light soy sauce", + "napa cabbage", + "Chinese egg noodles", + "bamboo shoots", + "low sodium chicken broth", + "oil", + "corn starch" + ] + }, + { + "id": 20235, + "ingredients": [ + "crawfish", + "deveined shrimp", + "coarse salt", + "cayenne pepper", + "bay leaves", + "garlic", + "emerils original essence", + "lemon", + "onions" + ] + }, + { + "id": 13288, + "ingredients": [ + "kosher salt", + "granulated sugar", + "corn", + "butter", + "milk", + "large eggs", + "ground nutmeg", + "all-purpose flour" + ] + }, + { + "id": 26749, + "ingredients": [ + "water", + "beef stock", + "garlic", + "corn starch", + "grits", + "tomatoes", + "ground black pepper", + "butter", + "salt", + "flat leaf parsley", + "tomato paste", + "olive oil", + "green onions", + "chopped celery", + "veal scallops", + "fresh basil", + "chopped green bell pepper", + "worcestershire sauce", + "yellow onion", + "bay leaf" + ] + }, + { + "id": 19084, + "ingredients": [ + "lime", + "tomatillos", + "dried oregano", + "chicken stock", + "hominy", + "pumpkin seeds", + "white onion", + "radishes", + "serrano chile", + "olive oil", + "salt" + ] + }, + { + "id": 35200, + "ingredients": [ + "garlic powder", + "dried minced onion", + "catfish fillets", + "stewed tomatoes", + "chicken bouillon granules", + "hot pepper sauce", + "dried oregano", + "water", + "long-grain rice" + ] + }, + { + "id": 41073, + "ingredients": [ + "garlic cloves", + "plain yogurt", + "fresh mint", + "lamb rib chops", + "fresh lemon juice", + "olive oil" + ] + }, + { + "id": 28016, + "ingredients": [ + "fresh marjoram", + "flat leaf parsley", + "cream cheese", + "slivered almonds", + "low salt chicken broth", + "fresh cilantro" + ] + }, + { + "id": 18431, + "ingredients": [ + "pasta sauce", + "cream cheese, soften", + "butter", + "shredded mozzarella cheese", + "cottage cheese", + "noodles" + ] + }, + { + "id": 22228, + "ingredients": [ + "salmon fillets", + "mirin", + "freshly ground pepper", + "fresh ginger", + "salt", + "soy sauce", + "green onions", + "toasted sesame oil", + "white miso", + "rice vinegar" + ] + }, + { + "id": 27456, + "ingredients": [ + "tomato sauce", + "sea salt", + "olive oil", + "ground cumin", + "minute rice", + "chopped cilantro fresh", + "chicken broth", + "garlic powder" + ] + }, + { + "id": 325, + "ingredients": [ + "pepper", + "beef bouillon granules", + "carrots", + "onions", + "celery ribs", + "dried basil", + "vegetable oil", + "bay leaf", + "dried oregano", + "water", + "grated parmesan cheese", + "green beans", + "spaghetti", + "pasta", + "kidney beans", + "garlic cloves", + "fresh parsley" + ] + }, + { + "id": 6543, + "ingredients": [ + "olive oil", + "fresh mushrooms", + "italian seasoning", + "white wine", + "butter", + "sour cream", + "chicken stock", + "grated parmesan cheese", + "corn starch", + "minced garlic", + "salt", + "noodles" + ] + }, + { + "id": 7062, + "ingredients": [ + "bacon drippings", + "honey", + "chopped celery", + "onions", + "white vinegar", + "water", + "dry red wine", + "rib", + "tomato sauce", + "garlic powder", + "salt", + "pepper", + "worcestershire sauce", + "lemon juice" + ] + }, + { + "id": 49221, + "ingredients": [ + "ground black pepper", + "butter", + "salt", + "mushrooms", + "non-fat sour cream", + "grated Gruyère cheese", + "cooking spray", + "ice water", + "all-purpose flour", + "spring onions", + "cake flour", + "fresh lemon juice" + ] + }, + { + "id": 44536, + "ingredients": [ + "prosciutto", + "chopped fresh sage", + "white cornmeal", + "pepper", + "butter", + "herbes de provence", + "olive oil", + "salt", + "spaghetti", + "marsala wine", + "veal cutlets", + "low salt chicken broth" + ] + }, + { + "id": 24865, + "ingredients": [ + "oil", + "urad dal", + "millet", + "salt" + ] + }, + { + "id": 26543, + "ingredients": [ + "green onions", + "shrimp", + "ground black pepper", + "skinless boneless chicken legs", + "soy sauce", + "rice noodles", + "cabbage", + "pork tenderloin", + "carrots" + ] + }, + { + "id": 10096, + "ingredients": [ + "salt", + "pastry", + "white sugar", + "double crust pie", + "all-purpose flour", + "butter", + "blackberries" + ] + }, + { + "id": 38273, + "ingredients": [ + "eggplant", + "purple onion", + "garlic cloves", + "fresh coriander", + "butternut squash", + "coconut cream", + "red chili peppers", + "chopped tomatoes", + "chickpeas", + "olive oil", + "red pepper", + "gingerroot" + ] + }, + { + "id": 6710, + "ingredients": [ + "soy sauce", + "olive oil", + "ground sage", + "ground allspice", + "chili flakes", + "lime juice", + "ground pepper", + "boneless skinless chicken breasts", + "onions", + "ground cinnamon", + "pepper", + "garlic powder", + "vinegar", + "orange juice", + "sugar", + "dried thyme", + "ground nutmeg", + "salt" + ] + }, + { + "id": 49243, + "ingredients": [ + "fettucine", + "ground pepper", + "salt", + "parmesan cheese", + "whipping cream", + "milk", + "portabello mushroom", + "flat leaf parsley", + "parsley sprigs", + "butter", + "garlic cloves" + ] + }, + { + "id": 19624, + "ingredients": [ + "pasta sauce", + "margarine", + "mozzarella cheese", + "onions", + "cottage cheese", + "ground beef", + "eggs", + "parmesan cheese", + "spaghetti" + ] + }, + { + "id": 24435, + "ingredients": [ + "chicken broth", + "cooked chicken", + "hot sauce", + "french onion soup", + "smoked sausage", + "long-grain rice", + "green bell pepper", + "cilantro sprigs", + "creole seasoning", + "olive oil", + "beef broth", + "onions" + ] + }, + { + "id": 14883, + "ingredients": [ + "minced garlic", + "chopped parsley", + "sun-dried tomatoes", + "pasta", + "anchovy fillets", + "olive oil", + "olives" + ] + }, + { + "id": 22516, + "ingredients": [ + "chicken stock", + "minced garlic", + "worcestershire sauce", + "chopped onion", + "brown sugar", + "barbecue sauce", + "salt", + "pork shoulder", + "diced potatoes", + "ground black pepper", + "diced tomatoes", + "ground cayenne pepper", + "baby lima beans", + "butter", + "frozen corn kernels", + "chicken thighs" + ] + }, + { + "id": 587, + "ingredients": [ + "granulated sugar", + "sweetened coconut flakes", + "coconut milk", + "active dry yeast", + "flour", + "grated nutmeg", + "glaze", + "large eggs", + "vanilla extract", + "white sugar", + "unsalted butter", + "whole milk", + "rolls", + "sweetened condensed milk" + ] + }, + { + "id": 40539, + "ingredients": [ + "garlic powder", + "vegetable oil", + "cinnamon sticks", + "cumin", + "chili powder", + "beer", + "onions", + "bay leaves", + "salt", + "pork shoulder", + "pepper", + "onion powder", + "orange juice", + "dried oregano" + ] + }, + { + "id": 11208, + "ingredients": [ + "canola", + "yellow onion", + "ground cumin", + "kosher salt", + "crushed red pepper flakes", + "hot water", + "tomato paste", + "boneless chicken breast", + "garlic cloves", + "curry powder", + "ground tumeric", + "coconut milk" + ] + }, + { + "id": 18273, + "ingredients": [ + "avocado", + "green onions", + "chopped parsley", + "ground black pepper", + "non-fat sour cream", + "boneless skinless chicken breast halves", + "brown sugar", + "ground red pepper", + "fresh lime juice", + "cooking spray", + "salt", + "ground cumin" + ] + }, + { + "id": 22762, + "ingredients": [ + "avocado", + "toasted sesame seeds", + "japanese cucumber", + "sushi rice", + "nori", + "imitation crab meat" + ] + }, + { + "id": 13300, + "ingredients": [ + "water", + "garlic cloves", + "fettucine", + "fresh parmesan cheese", + "olive oil", + "flat leaf parsley", + "kosher salt", + "crushed red pepper" + ] + }, + { + "id": 42245, + "ingredients": [ + "pasta sauce", + "ricotta cheese", + "lasagna noodles", + "bulk italian sausag", + "shredded mozzarella cheese", + "eggs", + "grated parmesan cheese" + ] + }, + { + "id": 14177, + "ingredients": [ + "rocket leaves", + "large eggs", + "crushed red pepper", + "dry bread crumbs", + "lemon juice", + "pepper", + "chopped fresh thyme", + "salt", + "garlic cloves", + "meatloaf", + "mint", + "sliced cucumber", + "purple onion", + "ground allspice", + "thyme", + "feta cheese", + "extra-virgin olive oil", + "greek style plain yogurt", + "fresh lemon juice", + "chopped fresh mint" + ] + }, + { + "id": 4184, + "ingredients": [ + "ground ginger", + "kosher salt", + "kale", + "ground black pepper", + "butter", + "corn starch", + "dried lentils", + "curry powder", + "garbanzo beans", + "dried apricot", + "organic vegetable broth", + "ground cumin", + "ground cloves", + "sweet onion", + "ground nutmeg", + "sweet potatoes", + "carrots", + "ground cinnamon", + "water", + "honey", + "potatoes", + "diced tomatoes", + "ground turmeric" + ] + }, + { + "id": 14277, + "ingredients": [ + "bacon drippings", + "soft-wheat flour", + "gravy", + "tomatoes", + "dried thyme", + "salt", + "vidalia onion", + "unsalted butter", + "freshly ground pepper", + "biscuits", + "milk", + "buttermilk" + ] + }, + { + "id": 41308, + "ingredients": [ + "light agave nectar", + "fine sea salt", + "ground black pepper", + "chopped fresh chives", + "fresh lime juice", + "Sriracha", + "kimchi", + "reduced sodium soy sauce", + "extra-virgin olive oil" + ] + }, + { + "id": 34438, + "ingredients": [ + "green bell pepper", + "eggplant", + "garlic", + "dried oregano", + "tomato paste", + "anchovies", + "grated parmesan cheese", + "bay leaf", + "italian tomatoes", + "salt and ground black pepper", + "fresh mushrooms", + "angel hair", + "olive oil", + "red pepper flakes", + "onions" + ] + }, + { + "id": 9805, + "ingredients": [ + "soy sauce", + "peanuts", + "sesame oil", + "oil", + "black pepper", + "green onions", + "red pepper flakes", + "chicken bouillon", + "beef", + "chili oil", + "garlic salt", + "minced garlic", + "rice wine", + "chinese five-spice powder" + ] + }, + { + "id": 38007, + "ingredients": [ + "pepper", + "pasta shell small", + "garlic cloves", + "grape tomatoes", + "olive oil", + "red wine vinegar", + "pears", + "sugar", + "parmesan cheese", + "salt", + "fresh basil", + "salad greens", + "dijon mustard", + "toasted pine nuts" + ] + }, + { + "id": 23919, + "ingredients": [ + "garlic paste", + "yoghurt", + "cilantro leaves", + "lemon juice", + "garam masala", + "crushed red pepper", + "minced beef", + "cumin", + "papaya", + "ginger", + "yellow onion", + "ghee", + "fresh lemon", + "salt", + "green chilies" + ] + }, + { + "id": 13945, + "ingredients": [ + "tumeric", + "chili powder", + "ground cumin", + "ground ginger", + "sweet onion", + "sea salt", + "pepper", + "lemon", + "grass-fed butter", + "garlic powder", + "chicken" + ] + }, + { + "id": 32279, + "ingredients": [ + "tomato purée", + "curry powder", + "ginger", + "lentils", + "sugar", + "butter", + "cayenne pepper", + "onions", + "tumeric", + "garam masala", + "red curry paste", + "coconut milk", + "minced garlic", + "cilantro", + "rice" + ] + }, + { + "id": 17456, + "ingredients": [ + "large eggs", + "pepper", + "chopped cilantro fresh", + "cauliflower", + "salt", + "lime" + ] + }, + { + "id": 47941, + "ingredients": [ + "large eggs", + "chopped onion", + "ground black pepper", + "salt", + "self-rising cornmeal", + "cream style corn", + "jalapeno chilies", + "peanut oil", + "self rising flour", + "chili sauce" + ] + }, + { + "id": 32310, + "ingredients": [ + "tomatoes", + "pepper", + "ricotta cheese", + "pasta sheets", + "tomato sauce", + "grated parmesan cheese", + "shredded mozzarella cheese", + "eggs", + "eggplant", + "salt", + "pesto", + "pumpkin", + "feta cheese crumbles" + ] + }, + { + "id": 44442, + "ingredients": [ + "parmigiano reggiano cheese", + "fine sea salt", + "red wine vinegar", + "escarole", + "fennel bulb", + "extra-virgin olive oil", + "frisee", + "shallots", + "fresh lemon juice" + ] + }, + { + "id": 14163, + "ingredients": [ + "cantaloupe", + "fresh mozzarella", + "flour tortillas", + "thin deli ham" + ] + }, + { + "id": 27573, + "ingredients": [ + "zucchini", + "garlic", + "olive oil", + "cheese ravioli", + "kosher salt", + "grated parmesan cheese", + "flat leaf parsley", + "ground black pepper", + "crushed red pepper flakes" + ] + }, + { + "id": 777, + "ingredients": [ + "amaretto", + "low-fat milk", + "dark chocolate", + "salt", + "boiler", + "sugar", + "whole milk greek yogurt" + ] + }, + { + "id": 44116, + "ingredients": [ + "Bengali 5 Spice", + "red chili peppers", + "canola oil", + "tumeric", + "salt", + "yukon gold potatoes" + ] + }, + { + "id": 13347, + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "salsa", + "cumin", + "water", + "large flour tortillas", + "juice", + "shredded cheddar cheese", + "chili powder", + "burger style crumbles", + "taco seasoning mix", + "white rice", + "vegetarian refried beans" + ] + }, + { + "id": 29348, + "ingredients": [ + "golden brown sugar", + "vegetable oil", + "beef tenderloin", + "peeled fresh ginger", + "lemon", + "fresh lemon juice", + "soy sauce", + "green onions", + "large garlic cloves", + "shiso", + "mirin", + "daikon", + "dipping sauces" + ] + }, + { + "id": 14219, + "ingredients": [ + "bacon", + "white sugar", + "pepper", + "cayenne pepper", + "bread mix", + "salt", + "cabbage", + "jalapeno chilies", + "chopped onion" + ] + }, + { + "id": 39983, + "ingredients": [ + "fresh basil", + "dry pasta", + "arugula", + "grated parmesan cheese", + "cayenne pepper", + "olive oil", + "salt", + "garlic", + "chopped walnuts" + ] + }, + { + "id": 33682, + "ingredients": [ + "tumeric", + "olive oil", + "salt", + "onions", + "white wine", + "currant", + "flat leaf parsley", + "chicken broth", + "pinenuts", + "garlic", + "bay leaf", + "black pepper", + "cinnamon", + "long-grain rice", + "cumin" + ] + }, + { + "id": 21443, + "ingredients": [ + "food colouring", + "cardamon", + "semolina", + "ghee", + "sugar", + "hot water", + "silver", + "almonds" + ] + }, + { + "id": 47642, + "ingredients": [ + "vegetable oil", + "boneless skinless chicken breast halves", + "sandwich rolls", + "bacon slices", + "sliced tomatoes", + "cajun seasoning", + "swiss cheese", + "salad dressing" + ] + }, + { + "id": 1759, + "ingredients": [ + "green bell pepper", + "pork roast", + "creole seasoning", + "garlic", + "onions", + "celery ribs", + "bacon grease" + ] + }, + { + "id": 1205, + "ingredients": [ + "butter", + "canola oil", + "eggs", + "chopped pecans", + "butter pecan cake mix", + "frosting", + "half & half", + "sweetened condensed milk" + ] + }, + { + "id": 4794, + "ingredients": [ + "white wine", + "shallots", + "salt", + "fresh tomatoes", + "olive oil", + "raisins", + "onions", + "saffron threads", + "curry powder", + "butter", + "all-purpose flour", + "black pepper", + "chicken parts", + "garlic", + "white sugar" + ] + }, + { + "id": 17408, + "ingredients": [ + "red pepper hot sauce", + "sherry", + "stewed tomatoes", + "fresh parsley", + "green bell pepper", + "crushed garlic", + "yellow onion", + "tomato paste", + "pimentos", + "extra-virgin olive oil", + "lobster tails", + "water", + "peas", + "shrimp" + ] + }, + { + "id": 34666, + "ingredients": [ + "chile paste with garlic", + "shallots", + "fresh lime juice", + "lime rind", + "light coconut milk", + "mussels", + "gari", + "garlic cloves", + "parsley sprigs", + "vegetable oil", + "fresh parsley" + ] + }, + { + "id": 40237, + "ingredients": [ + "pepper", + "flour tortillas", + "scallions", + "fresh spinach", + "sun-dried tomatoes", + "salt", + "cucumber", + "olive oil", + "garlic", + "lemon juice", + "black pepper", + "feta cheese", + "dill", + "greek yogurt" + ] + }, + { + "id": 13778, + "ingredients": [ + "ground black pepper", + "garlic", + "butter", + "walnuts", + "grated parmesan cheese", + "salt", + "olive oil", + "cheese tortellini", + "flat leaf parsley" + ] + }, + { + "id": 41289, + "ingredients": [ + "fresh basil", + "zucchini", + "whipping cream", + "garlic cloves", + "sliced green onions", + "pepper", + "broccoli florets", + "salt", + "flat leaf parsley", + "pinenuts", + "grated parmesan cheese", + "pea pods", + "asparagus spears", + "cherry tomatoes", + "butter", + "fresh mushrooms", + "spaghetti" + ] + }, + { + "id": 3560, + "ingredients": [ + "sugar", + "unsalted butter", + "vanilla extract", + "unsweetened cocoa powder", + "cold milk", + "salted butter", + "vegetable oil", + "confectioners sugar", + "pure vanilla extract", + "milk", + "large eggs", + "all-purpose flour", + "shortening", + "baking soda", + "stout", + "sour cream" + ] + }, + { + "id": 35830, + "ingredients": [ + "bacon", + "cheddar cheese", + "cream cheese", + "jalapeno chilies" + ] + }, + { + "id": 11151, + "ingredients": [ + "dried basil", + "hot sauce", + "bay leaf", + "chicken broth", + "diced tomatoes", + "green pepper", + "long grain white rice", + "italian sausage", + "garlic powder", + "margarine", + "cooked shrimp", + "black pepper", + "chopped celery", + "chopped onion", + "cooked chicken breasts" + ] + }, + { + "id": 12789, + "ingredients": [ + "celery ribs", + "andouille sausage", + "creole seasoning", + "chicken broth", + "brown rice", + "ham", + "red kidney beans", + "Turkish bay leaves", + "garlic cloves", + "green bell pepper", + "vegetable oil", + "onions" + ] + }, + { + "id": 21166, + "ingredients": [ + "parmesan cheese", + "low salt chicken broth", + "grated parmesan cheese", + "arborio rice", + "butter", + "finely chopped onion", + "flat leaf parsley" + ] + }, + { + "id": 24716, + "ingredients": [ + "celery ribs", + "minced garlic", + "russet potatoes", + "beets", + "onions", + "black peppercorns", + "vegetable oil", + "butter", + "sour cream", + "clove", + "water", + "red wine vinegar", + "beef rib short", + "green cabbage", + "bay leaves", + "canned beef broth", + "carrots" + ] + }, + { + "id": 25586, + "ingredients": [ + "tomato juice", + "garlic", + "jumbo shrimp", + "jalapeno chilies", + "cucumber", + "tomatoes", + "radishes", + "tortilla chips", + "white onion", + "lemon", + "chopped cilantro fresh" + ] + }, + { + "id": 11046, + "ingredients": [ + "shortening", + "cinnamon", + "rolls", + "milk", + "vanilla", + "sugar", + "butter", + "self rising flour", + "sauce" + ] + }, + { + "id": 31793, + "ingredients": [ + "tumeric", + "chicken", + "garlic", + "ginger", + "salt" + ] + }, + { + "id": 28746, + "ingredients": [ + "black peppercorns", + "olive oil", + "bay leaves", + "freshly ground pepper", + "flat leaf parsley", + "saffron threads", + "dry vermouth", + "lemon zest", + "extra-virgin olive oil", + "garlic cloves", + "fish", + "clams", + "kosher salt", + "leeks", + "country style bread", + "carrots", + "fish fillets", + "fennel bulb", + "Italian parsley leaves", + "tarragon leaves", + "onions" + ] + }, + { + "id": 7226, + "ingredients": [ + "water", + "diced tomatoes", + "chicken broth", + "cornbread mix", + "great northern beans", + "chicken breasts", + "dried thyme", + "smoked sausage" + ] + }, + { + "id": 30991, + "ingredients": [ + "sugar", + "peach schnapps", + "peaches", + "champagne" + ] + }, + { + "id": 47476, + "ingredients": [ + "sausage links", + "butter", + "onions", + "vegetable oil", + "unsmoked bacon", + "potatoes", + "bouquet garni", + "savoy cabbage", + "vegetable stock", + "carrots" + ] + }, + { + "id": 30626, + "ingredients": [ + "yellow corn meal", + "cheese", + "swiss cheese", + "mozzarella cheese", + "canned chicken broth", + "fresh parsley" + ] + }, + { + "id": 49367, + "ingredients": [ + "water", + "oil", + "salt", + "white flour" + ] + }, + { + "id": 35754, + "ingredients": [ + "water", + "vegetable oil", + "cilantro leaves", + "boiling water", + "tomatoes", + "yoghurt", + "ginger", + "green chilies", + "clove", + "garam masala", + "cinnamon", + "green cardamom", + "ground turmeric", + "sugar", + "chili powder", + "salt", + "onions" + ] + }, + { + "id": 4247, + "ingredients": [ + "soy sauce", + "salt", + "onions", + "ground ginger", + "garlic powder", + "thyme leaves", + "lime", + "ground allspice", + "chicken thighs", + "brown sugar", + "vegetable oil", + "ground cayenne pepper" + ] + }, + { + "id": 49423, + "ingredients": [ + "warm water", + "olive oil", + "salt", + "fontina", + "vin santo", + "all purpose unbleached flour", + "sugar", + "active dry yeast", + "cracked black pepper", + "grapes", + "gorgonzola dolce" + ] + }, + { + "id": 22295, + "ingredients": [ + "water", + "butternut squash", + "allspice berries", + "mild curry powder", + "sweet potatoes", + "heavy cream", + "cinnamon sticks", + "unsalted butter", + "chives", + "carrots", + "granny smith apples", + "leeks", + "pie pumpkin", + "onions" + ] + }, + { + "id": 2749, + "ingredients": [ + "black pepper", + "cooking oil", + "garlic", + "brown sugar", + "fresh ginger", + "flank steak", + "water", + "green onions", + "corn starch", + "soy sauce", + "hoisin sauce", + "sesame oil" + ] + }, + { + "id": 685, + "ingredients": [ + "stock", + "shallots", + "cognac", + "strip steaks", + "watercress", + "whole peppercorn", + "vegetable oil", + "chopped parsley", + "unsalted butter", + "salt" + ] + }, + { + "id": 30988, + "ingredients": [ + "ground black pepper", + "butter", + "chopped onion", + "parmigiano-reggiano cheese", + "dry white wine", + "salt", + "mushrooms", + "whipping cream", + "fresh parsley", + "minced garlic", + "shallots", + "bow-tie pasta" + ] + }, + { + "id": 46285, + "ingredients": [ + "black pepper", + "prosciutto", + "asiago", + "sliced green onions", + "kosher salt", + "zucchini", + "fresh oregano", + "fat free less sodium chicken broth", + "asparagus", + "green peas", + "fresh basil", + "olive oil", + "dry white wine", + "spaghettini" + ] + }, + { + "id": 40492, + "ingredients": [ + "corn kernels", + "butternut squash", + "yellow onion", + "chipotles in adobo", + "chicken broth", + "Mexican cheese blend", + "garlic", + "carrots", + "fresh basil leaves", + "olive oil", + "diced tomatoes", + "tortilla chips", + "fresh parsley", + "lime", + "cannellini beans", + "chopped celery", + "sour cream", + "cumin" + ] + }, + { + "id": 22264, + "ingredients": [ + "reduced sodium chicken broth", + "parmigiano reggiano cheese", + "small white beans", + "celery ribs", + "olive oil", + "salt", + "onions", + "water", + "baby spinach", + "carrots", + "black pepper", + "precooked meatballs", + "garlic cloves" + ] + }, + { + "id": 15921, + "ingredients": [ + "corn tortilla chips", + "cilantro", + "flour tortillas", + "onions", + "eggs", + "jalapeno chilies", + "chopped tomatoes", + "cheese" + ] + }, + { + "id": 388, + "ingredients": [ + "scallions", + "soy sauce", + "chopped garlic", + "pork", + "dried chile", + "peanut oil" + ] + }, + { + "id": 33121, + "ingredients": [ + "soy sauce", + "chili oil", + "green onions", + "five-spice powder", + "peeled fresh ginger", + "dry sherry", + "sesame oil" + ] + }, + { + "id": 35685, + "ingredients": [ + "salt", + "red chili peppers", + "ground cumin", + "sugar", + "yellow onion", + "garlic" + ] + }, + { + "id": 4416, + "ingredients": [ + "granulated sugar", + "fresh orange juice", + "unflavored gelatin", + "whole milk", + "sugar", + "heavy cream", + "low-fat buttermilk", + "strawberries" + ] + }, + { + "id": 17725, + "ingredients": [ + "olive oil", + "boneless skinless chicken breasts", + "Italian seasoned breadcrumbs", + "marinara sauce", + "chees fresh mozzarella", + "grated parmesan cheese", + "baby spinach", + "fresh basil", + "egg whites", + "part-skim ricotta cheese" + ] + }, + { + "id": 39525, + "ingredients": [ + "ground ginger", + "fat free less sodium chicken broth", + "coriander seeds", + "lemon", + "garlic cloves", + "chopped cilantro fresh", + "fresh basil", + "curry powder", + "finely chopped onion", + "salt", + "red bell pepper", + "dried cranberries", + "ground cinnamon", + "water", + "garlic powder", + "fresh orange juice", + "skinless boneless turkey breast halves", + "dried oregano", + "black pepper", + "olive oil", + "cooking spray", + "grated lemon zest", + "couscous", + "ground cumin" + ] + }, + { + "id": 27034, + "ingredients": [ + "caster sugar", + "salt", + "water", + "plain flour", + "rapeseed oil" + ] + }, + { + "id": 28470, + "ingredients": [ + "brown sugar", + "corn syrup", + "Hershey bars", + "pecans", + "butter", + "water", + "white sugar" + ] + }, + { + "id": 38953, + "ingredients": [ + "lime juice", + "cilantro leaves", + "purple onion", + "diced tomatoes", + "garlic cloves", + "pickled jalapenos", + "salt" + ] + }, + { + "id": 20045, + "ingredients": [ + "large egg whites", + "2% reduced-fat milk", + "corn starch", + "powdered sugar", + "large eggs", + "salt", + "water", + "butter", + "all-purpose flour", + "granulated sugar", + "vanilla extract", + "fat free frozen top whip" + ] + }, + { + "id": 12896, + "ingredients": [ + "olive oil", + "purple onion", + "ground cumin", + "fresh cilantro", + "ground red pepper", + "fresh lime juice", + "avocado", + "cooking spray", + "salt", + "honey", + "pineapple", + "serrano chile" + ] + }, + { + "id": 39573, + "ingredients": [ + "eggplant", + "garlic cloves", + "plain yogurt", + "diced tomatoes", + "fresh parsley", + "pita bread", + "red wine vinegar", + "fresh lemon juice", + "white onion", + "extra-virgin olive oil", + "dried oregano" + ] + }, + { + "id": 8838, + "ingredients": [ + "lime", + "crushed ice", + "sugar", + "cachaca", + "cane sugar" + ] + }, + { + "id": 15399, + "ingredients": [ + "thai chile", + "lime juice", + "scallions", + "cherry tomatoes", + "chopped cilantro", + "fish sauce", + "salt" + ] + }, + { + "id": 39439, + "ingredients": [ + "lime", + "grating cheese", + "yellow onion", + "sour cream", + "kosher salt", + "ground black pepper", + "garlic", + "ground coriander", + "chipotle chile powder", + "avocado", + "honey", + "extra-virgin olive oil", + "orange juice", + "corn tortillas", + "pork shoulder roast", + "red cabbage", + "cilantro leaves", + "cinnamon sticks", + "cumin" + ] + }, + { + "id": 26837, + "ingredients": [ + "pepper", + "slaw mix", + "onions", + "pork", + "egg roll wrappers", + "corn starch", + "sugar", + "garlic powder", + "salt", + "soy sauce", + "sesame oil", + "beansprouts" + ] + }, + { + "id": 41220, + "ingredients": [ + "sugar", + "egg whites", + "almond flour" + ] + }, + { + "id": 35968, + "ingredients": [ + "low sodium soy sauce", + "broccoli florets", + "gingerroot", + "water", + "salt", + "corn starch", + "sugar", + "vegetable oil", + "garlic cloves", + "hoisin sauce", + "firm tofu" + ] + }, + { + "id": 24335, + "ingredients": [ + "fish sauce", + "fresh cilantro", + "shallots", + "sugar", + "cooking oil", + "chiles", + "cherry tomatoes", + "top sirloin", + "spinach leaves", + "lime juice", + "mint leaves" + ] + }, + { + "id": 10983, + "ingredients": [ + "meat cuts", + "scallions", + "sake", + "mirin", + "soy sauce", + "sea salt", + "water", + "corn starch" + ] + }, + { + "id": 5516, + "ingredients": [ + "green onions", + "salt", + "shredded Monterey Jack cheese", + "green bell pepper", + "diced tomatoes", + "shrimp", + "chicken broth", + "butter", + "garlic cloves", + "pepper", + "shredded sharp cheddar cheese", + "grits" + ] + }, + { + "id": 38894, + "ingredients": [ + "kaffir lime leaves", + "lemongrass", + "cilantro", + "garlic", + "chinese five-spice powder", + "fish sauce", + "ground black pepper", + "ground pork", + "ground coriander", + "cucumber", + "mint", + "cherry tomatoes", + "crushed red pepper flakes", + "grated nutmeg", + "ground cardamom", + "kosher salt", + "shallots", + "thai chile", + "scallions", + "canola oil" + ] + }, + { + "id": 11887, + "ingredients": [ + "water", + "vine ripened tomatoes", + "lemon juice", + "kosher salt", + "ground black pepper", + "purple onion", + "long grain brown rice", + "avocado", + "olive oil", + "kalamata", + "feta cheese crumbles", + "minced garlic", + "lemon zest", + "english cucumber", + "chopped fresh mint" + ] + }, + { + "id": 31306, + "ingredients": [ + "sugar", + "baking powder", + "cake flour", + "pure vanilla extract", + "granulated sugar", + "butter", + "baking soda", + "bourbon whiskey", + "salt", + "firmly packed brown sugar", + "large eggs", + "buttermilk" + ] + }, + { + "id": 38578, + "ingredients": [ + "curry powder", + "chili powder", + "garlic", + "carrots", + "potatoes", + "vegetable oil", + "cumin seed", + "ground cumin", + "fresh ginger root", + "chile pepper", + "cilantro leaves", + "onions", + "fresh green peas", + "bay leaves", + "cauliflower florets", + "black mustard seeds" + ] + }, + { + "id": 3561, + "ingredients": [ + "sugar", + "all-purpose flour", + "vegetable shortening", + "large egg yolks", + "cornmeal", + "salt" + ] + }, + { + "id": 45095, + "ingredients": [ + "green curry paste", + "red bell pepper", + "fish sauce", + "peas", + "large shrimp", + "unsweetened coconut milk", + "vegetable oil", + "onions", + "cremini mushrooms", + "white rice" + ] + }, + { + "id": 30969, + "ingredients": [ + "arborio rice", + "fennel bulb", + "garlic", + "ground coriander", + "chopped fresh mint", + "pepper", + "butter", + "yellow onion", + "fresh parsley", + "fresh rosemary", + "dry white wine", + "grated lemon zest", + "red bell pepper", + "chicken stock", + "grated parmesan cheese", + "salt", + "fresh lemon juice", + "canola oil" + ] + }, + { + "id": 14389, + "ingredients": [ + "brown sugar", + "evaporated milk", + "sweet potatoes", + "all-purpose flour", + "ground cinnamon", + "kosher salt", + "egg yolks", + "salt", + "cold water", + "sugar", + "egg whites", + "vanilla extract", + "marshmallow creme", + "shortening", + "ground nutmeg", + "lemon", + "fresh lemon juice" + ] + }, + { + "id": 29670, + "ingredients": [ + "low sodium soy sauce", + "honey", + "dark sesame oil", + "fresh lime juice", + "sugar", + "cilantro leaves", + "pork shoulder boston butt", + "rice sticks", + "rice vinegar", + "fresh mint", + "chile paste with garlic", + "hoisin sauce", + "garlic cloves" + ] + }, + { + "id": 40995, + "ingredients": [ + "milk", + "chopped walnuts", + "butter", + "unsweetened cocoa powder", + "flaked coconut", + "white sugar", + "rolled oats", + "vanilla extract" + ] + }, + { + "id": 33629, + "ingredients": [ + "fresh orange juice", + "flaked coconut", + "fresh lemon juice", + "bananas", + "salt", + "butter", + "white sugar" + ] + }, + { + "id": 10616, + "ingredients": [ + "arborio rice", + "dry white wine", + "ham", + "fat free less sodium chicken broth", + "green peas", + "fresh parmesan cheese", + "chopped onion", + "black pepper", + "butter", + "fresh parsley" + ] + }, + { + "id": 30886, + "ingredients": [ + "pepper", + "garlic", + "sausages", + "chicken broth", + "fresh mozzarella", + "shredded parmesan cheese", + "fresh basil leaves", + "kale", + "salt", + "sun-dried tomatoes in oil", + "white wine", + "butter", + "spaghetti squash" + ] + }, + { + "id": 18995, + "ingredients": [ + "red chili powder", + "fresh cilantro", + "chicken breasts", + "ground coriander", + "tomato paste", + "white pepper", + "garam masala", + "garlic", + "onions", + "green cardamom pods", + "tumeric", + "fresh ginger", + "heavy cream", + "ghee", + "tomatoes", + "kosher salt", + "yoghurt", + "salt", + "ground cumin" + ] + }, + { + "id": 31098, + "ingredients": [ + "soy sauce", + "peanuts", + "garlic", + "black peppercorns", + "water", + "star anise", + "white vinegar", + "beans", + "bay leaves", + "pork belly", + "palm sugar" + ] + }, + { + "id": 34607, + "ingredients": [ + "olive oil", + "low salt chicken broth", + "honey", + "orange juice", + "boneless chicken skinless thigh", + "hot pepper sauce", + "whole grain dijon mustard" + ] + }, + { + "id": 48989, + "ingredients": [ + "chicken stock", + "heavy cream", + "all-purpose flour", + "pork tenderloin", + "apples", + "pepper", + "apple cider", + "onions", + "butter", + "salt" + ] + }, + { + "id": 44542, + "ingredients": [ + "soy sauce", + "sake", + "mirin", + "white miso", + "sugar", + "chicken thighs" + ] + }, + { + "id": 47075, + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "lemon juice", + "boneless chicken skinless thigh", + "purple onion", + "green bell pepper", + "chopped fresh chives", + "large shrimp", + "unsweetened coconut milk", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 19228, + "ingredients": [ + "green cabbage", + "diced red onions", + "scallions", + "medium shrimp", + "fresh ginger", + "sauce", + "cucumber", + "brown basmati rice", + "ground black pepper", + "frozen corn kernels", + "bok choy", + "neutral oil", + "garlic", + "oyster sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 2685, + "ingredients": [ + "diced onions", + "shredded cheddar cheese", + "chili powder", + "roasted tomatoes", + "sugar", + "corn", + "all-purpose flour", + "eggs", + "milk", + "paprika", + "cumin", + "black beans", + "baking powder", + "cornmeal" + ] + }, + { + "id": 11686, + "ingredients": [ + "ground ginger", + "bread crumbs", + "honey", + "corn starch", + "brown sugar", + "water", + "worcestershire sauce", + "eggs", + "pepper", + "garlic powder", + "ground beef", + "cold water", + "soy sauce", + "milk", + "salt" + ] + }, + { + "id": 9610, + "ingredients": [ + "shredded cheddar cheese", + "vegetable oil", + "purple onion", + "frozen corn", + "sour cream", + "garlic powder", + "stewed tomatoes", + "cilantro leaves", + "scallions", + "cumin", + "chiles", + "boneless chicken breast", + "garlic", + "all-purpose flour", + "enchilada sauce", + "chopped tomatoes", + "spices", + "salt", + "green chilies", + "corn tortillas" + ] + }, + { + "id": 30405, + "ingredients": [ + "salmon", + "garlic puree", + "lemon zest", + "olive oil", + "garlic cloves", + "greek seasoning", + "lemon" + ] + }, + { + "id": 43666, + "ingredients": [ + "olive oil", + "diced tomatoes", + "fresh lemon juice", + "minced garlic", + "peeled fresh ginger", + "chickpeas", + "chopped cilantro fresh", + "red lentils", + "ground black pepper", + "salt", + "smoked paprika", + "water", + "harissa", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 32892, + "ingredients": [ + "ground black pepper", + "salt", + "eggplant", + "egg yolks", + "italian seasoning", + "part-skim mozzarella cheese", + "part-skim ricotta cheese", + "pasta sauce", + "grated parmesan cheese", + "roast red peppers, drain" + ] + }, + { + "id": 44741, + "ingredients": [ + "salt", + "baking soda", + "oil", + "curds", + "maida flour", + "club soda" + ] + }, + { + "id": 6791, + "ingredients": [ + "soy sauce", + "chicken breasts", + "orange", + "crushed red pepper", + "curry powder", + "garlic", + "honey", + "orange zest" + ] + }, + { + "id": 440, + "ingredients": [ + "fat free less sodium chicken broth", + "part-skim mozzarella cheese", + "shallots", + "fresh lemon juice", + "saffron threads", + "water", + "ground black pepper", + "quick-cooking barley", + "pinenuts", + "quinoa", + "1% low-fat milk", + "asparagus spears", + "arborio rice", + "olive oil", + "dry white wine", + "salt" + ] + }, + { + "id": 22693, + "ingredients": [ + "ground black pepper", + "chorizo", + "vegetable oil", + "kosher salt", + "flour tortillas", + "jack", + "ramps" + ] + }, + { + "id": 24328, + "ingredients": [ + "minced ginger", + "bean paste", + "garlic cloves", + "celery ribs", + "sesame seeds", + "red pepper flakes", + "onions", + "steamed rice", + "sesame oil", + "fat", + "soy sauce", + "beef stock", + "rice vinegar" + ] + }, + { + "id": 13800, + "ingredients": [ + "soy sauce", + "scallions", + "sesame oil", + "fresh ginger", + "toasted sesame seeds", + "brown sugar", + "garlic" + ] + }, + { + "id": 23873, + "ingredients": [ + "jasmine rice", + "flour", + "yellow onion", + "green bell pepper", + "chopped tomatoes", + "butter", + "celery", + "seasoning salt", + "parsley", + "scallions", + "peeled deveined shrimp", + "fresh bay leaves", + "garlic" + ] + }, + { + "id": 12767, + "ingredients": [ + "catfish fillets", + "vegetable oil", + "crushed red pepper", + "fat-free mayonnaise", + "sugar", + "white wine vinegar", + "hoagie rolls", + "yellow corn meal", + "cajun seasoning", + "salt", + "fat free milk", + "non-fat sour cream", + "coleslaw" + ] + }, + { + "id": 5929, + "ingredients": [ + "fresh cilantro", + "ear of corn", + "tomatoes", + "jalapeno chilies", + "masa harina", + "cold water", + "ground black pepper", + "chipotle sauce", + "pork", + "salt" + ] + }, + { + "id": 20645, + "ingredients": [ + "chili powder", + "chopped cilantro", + "kosher salt", + "oil", + "chicken broth", + "garlic", + "onions", + "pepper", + "pinto beans" + ] + }, + { + "id": 20999, + "ingredients": [ + "green bell pepper", + "garlic", + "vegetable oil", + "onions", + "chopped tomatoes", + "celery", + "Johnsonville Andouille", + "cajun seasoning", + "Uncle Ben's® Ready Rice® Original Long Grain" + ] + }, + { + "id": 29995, + "ingredients": [ + "superfine sugar", + "heavy cream", + "confectioners sugar", + "cream of tartar", + "egg whites", + "almond paste", + "eggs", + "egg yolks", + "corn starch", + "green tea", + "cake flour", + "white sugar" + ] + }, + { + "id": 35223, + "ingredients": [ + "flour", + "eggs", + "greek style plain yogurt", + "baking soda" + ] + }, + { + "id": 22414, + "ingredients": [ + "romaine lettuce", + "dried thyme", + "diced red onions", + "cilantro", + "purple onion", + "fresh lemon juice", + "coriander", + "flatbread", + "milk", + "ground black pepper", + "boneless skinless chicken breasts", + "extra-virgin olive oil", + "greek style plain yogurt", + "cucumber", + "dried oregano", + "warm water", + "feta cheese", + "roma tomatoes", + "kalamata", + "salt", + "lemon juice", + "bread flour", + "fresh dill", + "active dry yeast", + "granulated sugar", + "red wine vinegar", + "garlic", + "tzatziki", + "fresh parsley" + ] + }, + { + "id": 23410, + "ingredients": [ + "shanghai bok choy", + "ginger", + "sugar", + "sesame oil", + "corn starch", + "soy sauce", + "vegetable oil", + "chinese rice wine", + "reduced sodium chicken broth", + "salt" + ] + }, + { + "id": 36558, + "ingredients": [ + "avocado", + "milk", + "seasoned rice wine vinegar", + "gari", + "light mayonnaise", + "imitation crab meat", + "water", + "wasabi powder", + "nori", + "sushi rice", + "sesame seeds", + "english cucumber" + ] + }, + { + "id": 13704, + "ingredients": [ + "unsalted butter", + "ice water", + "sugar", + "all-purpose flour", + "coarse salt" + ] + }, + { + "id": 41952, + "ingredients": [ + "cayenne", + "diced tomatoes", + "chopped cilantro", + "basmati rice", + "boneless chicken skinless thigh", + "lemon", + "ginger", + "onions", + "tomato paste", + "whole milk yoghurt", + "paprika", + "ghee", + "cumin", + "garam masala", + "heavy cream", + "garlic", + "coriander" + ] + }, + { + "id": 46915, + "ingredients": [ + "chicken stock", + "flour", + "vegetable oil", + "yellow onion", + "greens", + "dried thyme", + "bay leaves", + "rabbit", + "ham", + "olive oil", + "green onions", + "garlic", + "long grain white rice", + "green bell pepper", + "gumbo file", + "cajun seasoning", + "cayenne pepper" + ] + }, + { + "id": 47170, + "ingredients": [ + "chicken broth", + "chips", + "salt", + "butter beans", + "white vinegar", + "pepper", + "yellow corn", + "onions", + "firmly packed brown sugar", + "worcestershire sauce", + "hot sauce", + "chicken", + "ketchup", + "diced tomatoes", + "pork roast" + ] + }, + { + "id": 2295, + "ingredients": [ + "kosher salt", + "bay leaf", + "clove", + "lemon", + "coriander seeds", + "black peppercorns", + "cinnamon sticks" + ] + }, + { + "id": 46128, + "ingredients": [ + "kosher salt", + "hot pepper sauce", + "paprika", + "cornmeal", + "iceberg lettuce", + "sliced tomatoes", + "garlic powder", + "vegetable oil", + "cayenne pepper", + "medium shrimp", + "dried thyme", + "onion powder", + "all-purpose flour", + "french rolls", + "mayonaise", + "ground black pepper", + "buttermilk", + "dill pickles", + "dried oregano" + ] + }, + { + "id": 48349, + "ingredients": [ + "pitas", + "spices", + "salt", + "sour cream", + "mayonaise", + "beef brisket", + "cilantro", + "red radishes", + "dressing", + "dijon mustard", + "russet potatoes", + "dried dillweed", + "cabbage", + "pepper", + "grated parmesan cheese", + "garlic", + "lemon juice" + ] + }, + { + "id": 1482, + "ingredients": [ + "fresh spinach", + "dark sesame oil", + "sesame seeds", + "kosher salt", + "garlic cloves", + "low sodium soy sauce", + "green onions" + ] + }, + { + "id": 26589, + "ingredients": [ + "active dry yeast", + "milk", + "romano cheese", + "all-purpose flour", + "eggs", + "butter" + ] + }, + { + "id": 9418, + "ingredients": [ + "capers", + "cooking spray", + "salt", + "pepper", + "diced tomatoes", + "boneless skinless chicken breast halves", + "seasoned bread crumbs", + "red wine vinegar", + "garlic cloves", + "tomato paste", + "olive oil", + "kalamata", + "dried oregano" + ] + }, + { + "id": 31356, + "ingredients": [ + "garlic", + "dijon mustard", + "flank steak", + "Guinness Beer", + "salt" + ] + }, + { + "id": 16052, + "ingredients": [ + "lemon juice", + "tomatoes", + "avocado", + "minced onion" + ] + }, + { + "id": 43594, + "ingredients": [ + "canned black beans", + "eggs", + "salsa" + ] + }, + { + "id": 29099, + "ingredients": [ + "lemon", + "masala", + "cherry tomatoes", + "salt", + "sugar", + "purple onion", + "chicken", + "vegetable oil", + "coriander" + ] + }, + { + "id": 23472, + "ingredients": [ + "vegetable oil cooking spray", + "flour", + "salt", + "fresh basil", + "cherry tomatoes", + "turkey sausage", + "part-skim mozzarella", + "olive oil", + "red pepper flakes", + "active dry yeast", + "balsamic vinegar" + ] + }, + { + "id": 34914, + "ingredients": [ + "boneless skinless chicken breasts", + "sauce", + "smoked sausage", + "frozen peas", + "extra-virgin olive oil", + "shrimp", + "corkscrew pasta" + ] + }, + { + "id": 19404, + "ingredients": [ + "brown sugar", + "large eggs", + "ginger", + "beansprouts", + "peanuts", + "rice noodles", + "firm tofu", + "chopped cilantro", + "soy sauce", + "serrano peppers", + "garlic", + "fresh lime juice", + "fish sauce", + "zucchini", + "vegetable oil", + "scallions" + ] + }, + { + "id": 28299, + "ingredients": [ + "grated parmesan cheese", + "shredded mozzarella cheese", + "pasta", + "lean ground beef", + "shredded cheddar cheese", + "pasta rotel", + "pizza sauce", + "sausages" + ] + }, + { + "id": 12314, + "ingredients": [ + "large eggs", + "soft-wheat flour", + "fine sea salt" + ] + }, + { + "id": 6047, + "ingredients": [ + "garlic", + "water", + "onions", + "pepper", + "salt", + "fresh green bean", + "thick-cut bacon" + ] + }, + { + "id": 37581, + "ingredients": [ + "celery ribs", + "olive oil", + "fresh thyme leaves", + "salt", + "veal shanks", + "parsley sprigs", + "lemon zest", + "kalamata", + "garlic cloves", + "flat leaf parsley", + "chicken broth", + "unsalted butter", + "large garlic cloves", + "all-purpose flour", + "carrots", + "black pepper", + "dry white wine", + "tomatoes with juice", + "California bay leaves", + "onions" + ] + }, + { + "id": 12750, + "ingredients": [ + "pork", + "lemongrass", + "bay leaves", + "yellow onion", + "boneless pork shoulder", + "pig", + "granulated sugar", + "vegetable oil", + "serrano chile", + "soy sauce", + "fresh ginger", + "seeds", + "garlic cloves", + "black peppercorns", + "water", + "steamed white rice", + "calamansi juice" + ] + }, + { + "id": 17498, + "ingredients": [ + "silken tofu", + "miso", + "dashi", + "water", + "wakame", + "green onions" + ] + }, + { + "id": 7694, + "ingredients": [ + "cherry tomatoes", + "salt", + "pesto", + "zucchini", + "ground black pepper", + "pinenuts", + "extra-virgin olive oil" + ] + }, + { + "id": 14531, + "ingredients": [ + "tomatoes", + "chicken breasts", + "carrots", + "pepper", + "salt", + "olives", + "potatoes", + "oil", + "tumeric", + "garlic", + "onions" + ] + }, + { + "id": 26628, + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "chopped cilantro", + "lime juice", + "sea salt", + "dried oregano", + "cotija", + "fresh green bean", + "onions", + "avocado", + "olive oil", + "purple onion" + ] + }, + { + "id": 8205, + "ingredients": [ + "sweetened coconut flakes", + "garlic cloves", + "kosher salt", + "extra-virgin olive oil", + "fresh tarragon", + "fresh lime juice", + "buttermilk", + "freshly ground pepper" + ] + }, + { + "id": 25101, + "ingredients": [ + "garlic powder", + "onion powder", + "homemade chicken stock", + "grated parmesan cheese", + "poultry seasoning", + "cream of chicken soup", + "grating cheese", + "Dreamfields Lasagna", + "boneless skinless chicken breasts", + "sour cream" + ] + }, + { + "id": 29045, + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "dill", + "flat leaf parsley", + "vine ripened tomatoes", + "penne pasta", + "lemon juice", + "green onions", + "salt", + "fresh herbs", + "mint", + "basil", + "fresh oregano", + "feta cheese crumbles" + ] + }, + { + "id": 20917, + "ingredients": [ + "tomato paste", + "whole peeled tomatoes", + "crushed red pepper flakes", + "garlic cloves", + "basmati rice", + "garam masala", + "vegetable oil", + "cardamom pods", + "onions", + "ground cumin", + "kosher salt", + "chicken breast halves", + "ginger", + "ghee", + "ground turmeric", + "whole milk yoghurt", + "heavy cream", + "ground coriander", + "chopped cilantro fresh" + ] + }, + { + "id": 8311, + "ingredients": [ + "garlic", + "carrots", + "olive oil", + "ground allspice", + "honey", + "purple onion", + "chopped cilantro fresh", + "raisins", + "fresh lemon juice" + ] + }, + { + "id": 10213, + "ingredients": [ + "spring greens", + "oil", + "caster sugar", + "shallots", + "basmati rice", + "soy sauce", + "boneless skinless chicken breasts", + "carrots", + "mirin", + "lemon" + ] + }, + { + "id": 15241, + "ingredients": [ + "tomatoes", + "palm sugar", + "fresh lime juice", + "papaya", + "carrots", + "fish sauce", + "garlic", + "dried shrimp", + "long beans", + "peanuts", + "bird chile" + ] + }, + { + "id": 46132, + "ingredients": [ + "whipping cream", + "vanilla beans", + "granulated sugar", + "crème fraîche" + ] + }, + { + "id": 15349, + "ingredients": [ + "shredded mozzarella cheese", + "refrigerated pizza dough", + "chees mozzarella stick", + "ragu old world style smooth pasta sauc", + "red bell pepper", + "pepperoni" + ] + }, + { + "id": 22580, + "ingredients": [ + "chili powder", + "salt", + "dry red wine", + "dried oregano", + "white vinegar", + "garlic", + "ground pork", + "ground beef" + ] + }, + { + "id": 47335, + "ingredients": [ + "chicken broth", + "dried thyme", + "butter", + "fresh parsley", + "clams", + "water", + "bay scallops", + "garlic", + "dried oregano", + "mussels", + "dried basil", + "bay leaves", + "crabmeat", + "large shrimp", + "white wine", + "cod fillets", + "stewed tomatoes", + "onions" + ] + }, + { + "id": 17759, + "ingredients": [ + "green bell pepper", + "ground black pepper", + "fish stock", + "okra", + "ground cayenne pepper", + "grits", + "kosher salt", + "bay leaves", + "all-purpose flour", + "fresh parsley leaves", + "fresh lime juice", + "celery ribs", + "lump crab meat", + "vegetable oil", + "hot sauce", + "red bell pepper", + "onions", + "andouille sausage", + "file powder", + "diced tomatoes", + "garlic cloves", + "thyme sprigs", + "large shrimp" + ] + }, + { + "id": 27633, + "ingredients": [ + "potatoes", + "wine vinegar", + "dried parsley", + "crushed garlic", + "onions", + "vegetable oil", + "salt", + "dried oregano", + "pepper", + "lemon", + "chicken thighs" + ] + }, + { + "id": 42313, + "ingredients": [ + "chicken breasts", + "cream of chicken soup", + "green chilies", + "cheese", + "flour tortillas", + "sour cream" + ] + }, + { + "id": 47272, + "ingredients": [ + "lime", + "shallots", + "red curry paste", + "serrano chilies", + "crimini mushrooms", + "cilantro", + "fresh lime juice", + "chicken stock", + "agave nectar", + "grapeseed oil", + "coconut milk", + "fish sauce", + "chicken breasts", + "broccoli" + ] + }, + { + "id": 4553, + "ingredients": [ + "pepper", + "bay leaves", + "onions", + "orange", + "salt", + "ground cumin", + "water", + "chili pepper flakes", + "dried oregano", + "pork shoulder butt", + "fresh lime juice" + ] + }, + { + "id": 15235, + "ingredients": [ + "water", + "chopped onion", + "sugar", + "diced tomatoes", + "vegetable oil", + "okra pods", + "black pepper", + "salt" + ] + }, + { + "id": 34102, + "ingredients": [ + "chicken stock", + "lime", + "peanut oil", + "ground cumin", + "lime juice", + "heavy cream", + "coconut milk", + "bottled clam juice", + "coriander seeds", + "garlic cloves", + "frozen spinach", + "spanish onion", + "salt", + "bird chile" + ] + }, + { + "id": 21227, + "ingredients": [ + "milk", + "kosher salt", + "herbs", + "beef drippings", + "all-purpose flour", + "eggs", + "ground black pepper" + ] + }, + { + "id": 9782, + "ingredients": [ + "part-skim ricotta cheese", + "unsweetened cocoa powder", + "slivered almonds", + "confectioners sugar", + "amaretto liqueur", + "cocktail cherries", + "cannoli shells", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 6913, + "ingredients": [ + "dried thyme", + "butter", + "dried cranberries", + "shallots", + "salt", + "ground black pepper", + "port", + "fat free less sodium chicken broth", + "cutlet", + "corn starch" + ] + }, + { + "id": 11944, + "ingredients": [ + "sugar", + "fresh ginger", + "sesame oil", + "garlic", + "firm tofu", + "sesame paste", + "eggs", + "kosher salt", + "hoisin sauce", + "napa cabbage", + "cilantro leaves", + "scallions", + "toasted sesame oil", + "chicken stock", + "soy sauce", + "ground black pepper", + "wonton wrappers", + "salt", + "dark sesame oil", + "carrots", + "chile paste with garlic", + "water", + "peeled fresh ginger", + "red pepper", + "rice vinegar", + "garlic cloves" + ] + }, + { + "id": 19035, + "ingredients": [ + "lemon", + "carrots", + "couscous", + "purple onion", + "roast red peppers, drain", + "ground cumin", + "extra-virgin olive oil", + "smoked paprika", + "chicken", + "olive oil", + "ground coriander", + "fresh mint" + ] + }, + { + "id": 9848, + "ingredients": [ + "light sour cream", + "flour tortillas", + "vegetable oil", + "ground cumin", + "cheddar cheese", + "brown rice", + "garlic cloves", + "green bell pepper", + "green onions", + "salsa", + "black beans", + "chili powder", + "onions" + ] + }, + { + "id": 42745, + "ingredients": [ + "olive oil", + "diced tomatoes", + "garlic cloves", + "ground cumin", + "pepper", + "poblano peppers", + "salt", + "adobo sauce", + "fresh cilantro", + "chili powder", + "whole kernel corn, drain", + "onions", + "lean ground turkey", + "Mexican cheese blend", + "reduced-fat sour cream", + "chipotles in adobo" + ] + }, + { + "id": 40846, + "ingredients": [ + "chees fresh mozzarella", + "fresh basil", + "garlic", + "extra-virgin olive oil", + "french baguette", + "plum tomatoes" + ] + }, + { + "id": 27618, + "ingredients": [ + "cooked rice", + "chopped tomatoes", + "whole kernel corn, drain", + "ground beef", + "water", + "shredded lettuce", + "sour cream", + "cheddar cheese", + "corn chips", + "taco seasoning", + "corn bread", + "chopped green chilies", + "diced tomatoes", + "ripe olives" + ] + }, + { + "id": 41067, + "ingredients": [ + "bacon bits", + "green onions", + "frozen corn kernels", + "black beans", + "red pepper", + "fresh parsley", + "shredded cheddar cheese", + "salsa", + "eggs", + "chile pepper", + "sour cream" + ] + }, + { + "id": 13555, + "ingredients": [ + "large eggs", + "salt", + "sugar", + "chocolate", + "flour", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 18063, + "ingredients": [ + "black olives", + "milk", + "ground beef", + "American cheese", + "salsa", + "refried beans" + ] + }, + { + "id": 16962, + "ingredients": [ + "fresh lemon juice", + "grated lemon zest", + "water", + "sugar", + "corn starch" + ] + }, + { + "id": 8415, + "ingredients": [ + "large eggs", + "unsalted butter", + "all-purpose flour", + "large egg yolks", + "salt", + "sugar", + "vanilla extract" + ] + }, + { + "id": 19041, + "ingredients": [ + "catfish fillets", + "onion powder", + "dried oregano", + "pepper", + "cayenne pepper", + "white pepper", + "paprika", + "dried thyme", + "butter-flavored spray" + ] + }, + { + "id": 38889, + "ingredients": [ + "olive oil", + "chopped onion", + "hot red pepper flakes", + "white wine vinegar", + "fresh mint", + "golden raisins", + "ground coriander", + "water", + "salt" + ] + }, + { + "id": 32528, + "ingredients": [ + "jasmine rice", + "shallots", + "yellowtail snapper fillets", + "fresh basil leaves", + "sugar", + "lemon grass", + "star anise", + "coconut milk", + "fish sauce", + "fresh ginger", + "mint sprigs", + "fresh mint", + "mango", + "fresh cilantro", + "clam juice", + "dark sesame oil", + "chopped cilantro fresh" + ] + }, + { + "id": 21750, + "ingredients": [ + "water", + "zucchini", + "carrots", + "chopped tomatoes", + "flowerets", + "borlotti beans", + "olive oil", + "large garlic cloves", + "Italian bread", + "freshly grated parmesan", + "beef broth", + "onions" + ] + }, + { + "id": 11344, + "ingredients": [ + "chicken broth", + "fresh ginger", + "garlic cloves", + "ketchup", + "sesame oil", + "corn starch", + "sugar", + "green onions", + "shrimp", + "canola", + "rice vinegar", + "iceberg lettuce" + ] + }, + { + "id": 27945, + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "broccoli", + "ginger root", + "honey", + "sesame oil", + "scallions", + "kosher salt", + "brown rice", + "peanut oil", + "chicken stock", + "ground black pepper", + "garlic", + "corn starch" + ] + }, + { + "id": 37025, + "ingredients": [ + "water", + "all purpose unbleached flour", + "semolina" + ] + }, + { + "id": 789, + "ingredients": [ + "cooked chicken", + "stewed tomatoes", + "onions", + "chicken broth", + "diced tomatoes", + "corn tortillas", + "ground cumin", + "avocado", + "vegetable oil", + "garlic cloves", + "monterey jack", + "pepper", + "cilantro", + "bay leaf" + ] + }, + { + "id": 25084, + "ingredients": [ + "ketchup", + "hoisin sauce", + "green onions", + "corn starch", + "sake", + "minced garlic", + "pork tenderloin", + "dark sesame oil", + "low sodium soy sauce", + "fat free less sodium chicken broth", + "broccoli florets", + "vegetable oil", + "basmati rice", + "sugar", + "fresh ginger", + "cooking spray", + "oyster sauce" + ] + }, + { + "id": 6024, + "ingredients": [ + "olive oil", + "bacon", + "onions", + "milk", + "jalapeno chilies", + "garlic cloves", + "celery ribs", + "cream style corn", + "all-purpose flour", + "dried thyme", + "boneless skinless chicken breasts", + "carrots" + ] + }, + { + "id": 14741, + "ingredients": [ + "crystallized ginger", + "mango", + "ground cardamom", + "pistachios", + "sugar", + "greek yogurt" + ] + }, + { + "id": 20468, + "ingredients": [ + "wine", + "beef broth", + "arborio rice", + "szechwan peppercorns", + "shallots", + "dried shiitake mushrooms", + "low sodium soy sauce", + "butter" + ] + }, + { + "id": 26963, + "ingredients": [ + "bread crumbs", + "vegetable broth", + "toasted almonds", + "green olives", + "heavy cream", + "yellow onion", + "chives", + "garlic", + "gnocchi", + "capers", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 1451, + "ingredients": [ + "curry powder", + "red pepper flakes", + "all-purpose flour", + "ground turmeric", + "kosher salt", + "vegetable oil", + "ginger", + "juice", + "tomato paste", + "ground black pepper", + "paprika", + "ground coriander", + "ground cumin", + "water", + "lemon", + "garlic", + "onions" + ] + }, + { + "id": 27745, + "ingredients": [ + "garlic powder", + "lemon slices", + "catfish fillets", + "paprika", + "ground cumin", + "butter", + "dried oregano", + "pepper", + "salt" + ] + }, + { + "id": 31347, + "ingredients": [ + "green bell pepper", + "sweet onion", + "butter", + "fresh parsley", + "toasted pecans", + "low sodium chicken broth", + "creole seasoning", + "andouille sausage", + "large eggs", + "dry sherry", + "celery ribs", + "crumbles", + "green onions", + "fresh mushrooms" + ] + }, + { + "id": 46592, + "ingredients": [ + "green chile", + "garlic", + "jack cheese", + "mayonaise", + "ground cumin", + "artichoke hearts" + ] + }, + { + "id": 38107, + "ingredients": [ + "cooked rice", + "low sodium chicken broth", + "canned tomatoes", + "garlic cloves", + "onions", + "flatbread", + "kosher salt", + "heavy cream", + "ground coriander", + "fresh mint", + "ground turmeric", + "chicken legs", + "garam masala", + "ginger", + "freshly ground pepper", + "ghee", + "ground cumin", + "tomato paste", + "plain yogurt", + "yukon gold potatoes", + "cayenne pepper", + "ground cardamom", + "naan" + ] + }, + { + "id": 5987, + "ingredients": [ + "light brown sugar", + "baking powder", + "all-purpose flour", + "blackberries", + "salted butter", + "heavy cream", + "fresh lemon juice", + "granulated sugar", + "vanilla", + "bread flour", + "sugar", + "cinnamon", + "cardamom" + ] + }, + { + "id": 1808, + "ingredients": [ + "sugar", + "fat free milk", + "butter", + "corn starch", + "powdered sugar", + "large egg whites", + "cooking spray", + "all-purpose flour", + "instant espresso granules", + "large egg yolks", + "vanilla extract", + "fat free frozen top whip", + "unflavored gelatin", + "water", + "large eggs", + "salt" + ] + }, + { + "id": 23783, + "ingredients": [ + "puff pastry sheets", + "ground black pepper", + "extra-virgin olive oil", + "filo", + "leeks", + "chopped fresh mint", + "fresh dill", + "large eggs", + "garlic cloves", + "feta cheese", + "baby spinach" + ] + }, + { + "id": 28618, + "ingredients": [ + "chicken broth", + "flour", + "garlic", + "fresh parsley", + "olive oil", + "cooked chicken", + "shredded parmesan cheese", + "black pepper", + "Alfredo sauce", + "salt", + "low-fat milk", + "grated parmesan cheese", + "ziti", + "shredded mozzarella cheese" + ] + }, + { + "id": 36764, + "ingredients": [ + "red pepper", + "kosher salt", + "scallions", + "rice vinegar", + "granulated sugar", + "toasted sesame oil" + ] + }, + { + "id": 11326, + "ingredients": [ + "processed cheese", + "onions", + "whole kernel corn, drain", + "macaroni", + "ground beef", + "diced tomatoes" + ] + }, + { + "id": 3020, + "ingredients": [ + "soy sauce", + "sesame oil", + "roasted sesame seeds", + "scallions", + "seedless cucumber", + "rice vinegar", + "sugar", + "chili paste" + ] + }, + { + "id": 24326, + "ingredients": [ + "olive oil", + "mushrooms", + "salt", + "pepper", + "soy milk", + "pastry shell", + "large egg whites", + "large eggs", + "baby spinach", + "freshly grated parmesan", + "shallots" + ] + }, + { + "id": 34002, + "ingredients": [ + "glutinous rice" + ] + }, + { + "id": 11499, + "ingredients": [ + "superfine sugar", + "salt", + "food colouring", + "egg whites", + "confectioners sugar", + "cream of tartar", + "almond flour", + "vanilla bean paste", + "raspberries", + "butter" + ] + }, + { + "id": 9268, + "ingredients": [ + "dark rum", + "all-purpose flour", + "baking soda", + "vanilla extract", + "white sugar", + "brewed coffee", + "salt", + "eggs", + "butter", + "unsweetened chocolate" + ] + }, + { + "id": 49368, + "ingredients": [ + "white pepper", + "rice vinegar", + "green onions", + "dumplings", + "light soy sauce", + "pak choi", + "chicken stock", + "sesame oil" + ] + }, + { + "id": 44720, + "ingredients": [ + "soy sauce", + "basil leaves", + "salt", + "salad oil", + "sugar", + "chili paste", + "shallots", + "chinese five-spice powder", + "baguette", + "bawang goreng", + "english cucumber", + "pork", + "roast", + "garlic", + "mixed greens" + ] + }, + { + "id": 13127, + "ingredients": [ + "chiles", + "fresh orange juice", + "orange zest", + "kosher salt", + "fresh mint", + "sugar", + "purple onion", + "water", + "fresh lime juice" + ] + }, + { + "id": 34494, + "ingredients": [ + "brussels sprouts", + "large egg yolks", + "orecchiette", + "kosher salt", + "cracked black pepper", + "olive oil", + "grated pecorino", + "cured pork", + "unsalted butter" + ] + }, + { + "id": 48382, + "ingredients": [ + "salt", + "mango", + "coconut milk", + "corn starch", + "white rice", + "white sugar" + ] + }, + { + "id": 18585, + "ingredients": [ + "parmesan cheese", + "heavy cream", + "fettucine", + "spices", + "chicken broth", + "flour", + "shrimp", + "olive oil", + "butter" + ] + }, + { + "id": 40052, + "ingredients": [ + "soy sauce", + "canola oil", + "sesame oil", + "jasmine rice", + "eggs", + "peas" + ] + }, + { + "id": 46321, + "ingredients": [ + "buttermilk", + "bread flour", + "caraway seeds", + "salt", + "raisins", + "baking soda", + "double-acting baking powder" + ] + }, + { + "id": 49561, + "ingredients": [ + "dijon mustard", + "pickle juice", + "ranch dressing", + "assorted fresh vegetables", + "mayonaise", + "dill pickles" + ] + }, + { + "id": 9453, + "ingredients": [ + "chopped tomatoes", + "lean ground beef", + "sour cream", + "sweet onion", + "chili powder", + "pinto beans", + "jack cheese", + "guacamole", + "enchilada sauce", + "ground cumin", + "green chile", + "garlic powder", + "Gold Medal All Purpose Flour", + "corn tortillas" + ] + }, + { + "id": 19555, + "ingredients": [ + "water", + "sliced olives", + "salt", + "taco seasoning", + "tomato sauce", + "chopped green chilies", + "diced tomatoes", + "hot sauce", + "ground beef", + "corn kernels", + "green onions", + "salsa", + "sour cream", + "shredded cheddar cheese", + "chopped tomatoes", + "shells", + "tortilla chips", + "onions" + ] + }, + { + "id": 17833, + "ingredients": [ + "pasta sauce", + "salt", + "grated parmesan cheese", + "shredded mozzarella cheese", + "ground black pepper", + "manicotti pasta", + "whole milk ricotta cheese", + "fresh parsley" + ] + }, + { + "id": 10196, + "ingredients": [ + "baking powder", + "all-purpose flour", + "shortening", + "buttermilk", + "country ham", + "butter", + "baking soda", + "salt" + ] + }, + { + "id": 35996, + "ingredients": [ + "chicken breast tenders", + "basmati rice", + "bell pepper", + "green curry paste", + "light coconut milk" + ] + }, + { + "id": 22530, + "ingredients": [ + "chicken broth", + "buttermilk", + "chicken", + "pepper", + "fresh mushrooms", + "jasmine rice", + "salt", + "dry white wine", + "fresh parsley" + ] + }, + { + "id": 44176, + "ingredients": [ + "sweet onion", + "crushed red pepper", + "sour cream", + "dry white wine", + "cream cheese", + "turnip greens", + "bacon slices", + "garlic cloves", + "freshly grated parmesan", + "salt" + ] + }, + { + "id": 2669, + "ingredients": [ + "diced onions", + "broccoli", + "romaine lettuce", + "salad dressing", + "low-fat sour cream", + "fresh mushrooms", + "artichoke hearts", + "red bell pepper" + ] + }, + { + "id": 10896, + "ingredients": [ + "coriander seeds", + "cumin seed", + "chipotle chile", + "mustard powder", + "fennel seeds", + "pink peppercorns", + "kosher salt", + "dark brown sugar" + ] + }, + { + "id": 7343, + "ingredients": [ + "active dry yeast", + "margarine", + "salt", + "vegetable oil", + "white sugar", + "warm water", + "all-purpose flour" + ] + }, + { + "id": 46255, + "ingredients": [ + "minced garlic", + "boneless chicken breast", + "ginger", + "ground black pepper", + "grapeseed oil", + "onions", + "chile paste", + "chinese noodles", + "chinese black vinegar", + "gai lan", + "unsalted butter", + "sea salt", + "cabbage" + ] + }, + { + "id": 27043, + "ingredients": [ + "spinach leaves", + "ground nutmeg", + "half & half", + "pepper", + "grated parmesan cheese", + "salt", + "prosciutto", + "pies", + "all-purpose flour", + "pastry", + "large eggs", + "green onions" + ] + }, + { + "id": 20998, + "ingredients": [ + "pan drippings", + "large eggs", + "all-purpose flour", + "coarse salt", + "whole milk", + "freshly ground pepper" + ] + }, + { + "id": 12357, + "ingredients": [ + "tomato sauce", + "ground beef", + "Mexican cheese blend", + "Progresso Black Beans", + "Old El Paso Enchilada Sauce", + "refrigerated biscuits" + ] + }, + { + "id": 36339, + "ingredients": [ + "country ham", + "grated parmesan cheese", + "white cheddar cheese", + "wild mushrooms", + "fresh thyme", + "shallots", + "salt", + "water", + "dry white wine", + "whipping cream", + "large eggs", + "butter", + "corn grits" + ] + }, + { + "id": 45086, + "ingredients": [ + "white pepper", + "boneless chicken breast", + "oil", + "fish sauce", + "milk", + "salt", + "chicken-flavored soup powder", + "lime juice", + "napa cabbage", + "corn starch", + "sugar", + "black fungus", + "cilantro leaves", + "steamed bun flour" + ] + }, + { + "id": 37690, + "ingredients": [ + "tomatoes", + "finely chopped onion", + "butter", + "black pepper", + "mushrooms", + "all-purpose flour", + "sugar", + "cooking spray", + "salt", + "yellow corn meal", + "fat free milk", + "green tomatoes" + ] + }, + { + "id": 37829, + "ingredients": [ + "garlic paste", + "cilantro", + "carrots", + "russet", + "butter", + "kasuri methi", + "cumin", + "green bell pepper", + "green peas", + "ground turmeric", + "red chili powder", + "diced tomatoes", + "purple onion", + "masala" + ] + }, + { + "id": 3537, + "ingredients": [ + "romaine lettuce", + "fresh cilantro", + "lime wedges", + "sour cream", + "ground cumin", + "black beans", + "ground black pepper", + "chopped onion", + "boneless skinless chicken breast halves", + "reduced sodium chicken broth", + "frozen whole kernel corn", + "cilantro sprigs", + "corn tortillas", + "fresh tomatoes", + "lime juice", + "chili powder", + "nonstick spray", + "dried oregano" + ] + }, + { + "id": 5150, + "ingredients": [ + "peanuts", + "salt" + ] + }, + { + "id": 13, + "ingredients": [ + "frozen pie crust", + "bourbon whiskey", + "powdered sugar", + "chop fine pecan", + "heavy whipping cream", + "eggs", + "unsalted butter", + "vanilla", + "sugar", + "flour", + "chocolate chips" + ] + }, + { + "id": 44579, + "ingredients": [ + "vidalia onion", + "ground black pepper", + "melted butter", + "honey", + "balsamic vinegar", + "water", + "vegetable oil", + "collard greens", + "fresh ginger root", + "salt" + ] + }, + { + "id": 8749, + "ingredients": [ + "heavy cream", + "sweetened condensed milk", + "graham crackers", + "ataulfo" + ] + }, + { + "id": 131, + "ingredients": [ + "zucchini", + "lemon juice", + "tomatoes", + "vegetable oil", + "ground cumin", + "avocado", + "green onions", + "garlic salt", + "picante sauce", + "frozen corn kernels" + ] + }, + { + "id": 44306, + "ingredients": [ + "low sodium chicken broth", + "diced tomatoes", + "chili powder", + "kosher salt", + "long grain white rice" + ] + }, + { + "id": 19202, + "ingredients": [ + "fresh basil", + "pepper", + "salt", + "sliced mushrooms", + "tomato sauce", + "veggies", + "shredded mozzarella cheese", + "green bell pepper", + "lean ground beef", + "fresh oregano", + "onions", + "sugar", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 21300, + "ingredients": [ + "sugar", + "baking powder", + "eggs", + "vinegar", + "raisins", + "ground cinnamon", + "water", + "butter", + "brown sugar", + "flour", + "lard" + ] + }, + { + "id": 27286, + "ingredients": [ + "pepper", + "vegetable broth", + "cabbage", + "olive oil", + "thyme", + "water", + "salt", + "cream", + "baking potatoes", + "onions" + ] + }, + { + "id": 18297, + "ingredients": [ + "cheese", + "balsamic vinegar", + "treviso radicchio", + "extra-virgin olive oil" + ] + }, + { + "id": 4388, + "ingredients": [ + "baguette", + "sharp cheddar cheese", + "jack", + "corn starch", + "milk", + "cumin seed", + "chiles", + "tortilla chips" + ] + }, + { + "id": 22234, + "ingredients": [ + "ground pepper", + "grated lemon zest", + "center cut pork chops", + "minced garlic", + "kalamata", + "feta cheese crumbles", + "roasted red peppers", + "fresh lemon juice", + "dried oregano", + "olive oil", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 7359, + "ingredients": [ + "chicken broth", + "leeks", + "white rice", + "ground black pepper", + "butter", + "carrots", + "fresh thyme", + "cracked black pepper", + "heavy whipping cream", + "sorrel", + "russet potatoes", + "garlic" + ] + }, + { + "id": 39947, + "ingredients": [ + "active dry yeast", + "bread flour", + "sugar", + "butter", + "cold water", + "egg whites", + "warm water", + "salt" + ] + }, + { + "id": 6855, + "ingredients": [ + "sugar", + "wafer cookies", + "lemon", + "ground cinnamon", + "raw almond" + ] + }, + { + "id": 46057, + "ingredients": [ + "salmon fillets", + "ripe olives", + "diced tomatoes", + "pimento stuffed olives", + "water packed artichoke hearts" + ] + }, + { + "id": 33950, + "ingredients": [ + "chicken broth", + "mild Italian sausage", + "diced tomatoes", + "italian seasoning", + "olive oil", + "biscotti", + "fresh parsley", + "fresh basil", + "cannellini beans", + "garlic cloves", + "parmesan cheese", + "baby spinach", + "onions" + ] + }, + { + "id": 36009, + "ingredients": [ + "whole grain mustard", + "turkey breast deli meat", + "powdered sugar", + "cheese slices", + "bread slices", + "large eggs", + "preserves", + "milk", + "butter" + ] + }, + { + "id": 23732, + "ingredients": [ + "capers", + "olive oil", + "dry red wine", + "fresh parsley", + "black pepper", + "diced tomatoes", + "chopped onion", + "sugar", + "pitted green olives", + "crushed red pepper", + "italian seasoning", + "tomato paste", + "dried basil", + "anchovy paste", + "garlic cloves" + ] + }, + { + "id": 21316, + "ingredients": [ + "sweet potatoes", + "coconut milk", + "chicken stock", + "sunflower oil", + "boneless skinless chicken breasts", + "frozen peas", + "mild curry paste", + "lentils" + ] + }, + { + "id": 32806, + "ingredients": [ + "pepper", + "garlic powder", + "onion powder", + "paprika", + "thyme", + "chicken stock", + "minced garlic", + "flour", + "parsley", + "salt", + "oregano", + "tomato paste", + "pearl onions", + "crimini mushrooms", + "red wine", + "essence", + "chicken", + "black pepper", + "dried thyme", + "shallots", + "bacon", + "cayenne pepper" + ] + }, + { + "id": 34343, + "ingredients": [ + "white vinegar", + "black pepper", + "dried thyme", + "ground sage", + "cayenne pepper", + "sugar", + "pepper", + "garlic powder", + "chicken breasts", + "orange juice", + "ground cinnamon", + "white onion", + "olive oil", + "green onions", + "ground allspice", + "soy sauce", + "lime", + "ground nutmeg", + "salt" + ] + }, + { + "id": 11973, + "ingredients": [ + "turnips", + "lamb stock", + "fresh thyme", + "garlic cloves", + "fresh rosemary", + "olive oil", + "fine sea salt", + "onions", + "parsnips", + "unsalted butter", + "lamb shoulder", + "celery ribs", + "sugar", + "bay leaves", + "carrots" + ] + }, + { + "id": 2380, + "ingredients": [ + "fresh cilantro", + "cubed meat", + "ground cumin", + "chicken broth", + "diced tomatoes", + "corn starch", + "cold water", + "chili powder", + "tortilla chips", + "minced garlic", + "cheese", + "onions" + ] + }, + { + "id": 30667, + "ingredients": [ + "sugar", + "baking soda", + "cornmeal", + "milk", + "all purpose unbleached flour", + "water", + "instant yeast", + "olive oil", + "salt" + ] + }, + { + "id": 42364, + "ingredients": [ + "low-fat plain yogurt", + "garam masala", + "ginger", + "lamb leg", + "black pepper", + "cinnamon", + "cardamom", + "brown basmati rice", + "tumeric", + "bay leaves", + "salt", + "onions", + "clove", + "water", + "butter", + "garlic cloves" + ] + }, + { + "id": 30258, + "ingredients": [ + "sugar", + "fresh bay leaves", + "anchovy fillets", + "onions", + "water", + "extra-virgin olive oil", + "garlic cloves", + "active dry yeast", + "fine sea salt", + "flat leaf parsley", + "warm water", + "fresh thyme", + "Niçoise olives", + "bread flour" + ] + }, + { + "id": 34109, + "ingredients": [ + "vegetable oil", + "onions", + "water", + "white rice", + "pineapple chunks", + "chicken meat", + "asian fish sauce", + "curry powder", + "pineapple juice" + ] + }, + { + "id": 5265, + "ingredients": [ + "tomatoes", + "fresh tarragon", + "dry white wine", + "whipping cream", + "grated parmesan cheese", + "extra-virgin olive oil", + "cheese ravioli", + "garlic cloves" + ] + }, + { + "id": 123, + "ingredients": [ + "chicken broth", + "chicken breasts", + "corn tortillas", + "condensed cream of chicken soup", + "condensed cream of mushroom soup", + "garlic salt", + "shredded cheddar cheese", + "diced tomatoes", + "green bell pepper", + "chili powder", + "onions" + ] + }, + { + "id": 12498, + "ingredients": [ + "tomato paste", + "water", + "fennel bulb", + "clam juice", + "small red potato", + "black pepper", + "dried thyme", + "french bread", + "chopped onion", + "large shrimp", + "tomatoes", + "halibut fillets", + "bay scallops", + "salt", + "fresh parsley", + "saffron threads", + "nonfat mayonnaise", + "olive oil", + "ground red pepper", + "garlic cloves" + ] + }, + { + "id": 23713, + "ingredients": [ + "pepper", + "olive oil", + "chile pepper", + "dried oregano", + "cooked turkey", + "cannellini beans", + "salt", + "water", + "white hominy", + "garlic", + "ground cumin", + "turkey broth", + "chili powder", + "yellow onion" + ] + }, + { + "id": 25176, + "ingredients": [ + "diced tomatoes", + "freshly ground pepper", + "capers", + "extra-virgin olive oil", + "frozen chopped spinach", + "Sicilian olives", + "chicken cutlets", + "crushed red pepper" + ] + }, + { + "id": 28576, + "ingredients": [ + "fresh ginger root", + "ground coriander", + "coriander", + "braising steak", + "yoghurt", + "chillies", + "ground cumin", + "garam masala", + "garlic cloves", + "ground turmeric", + "chopped tomatoes", + "sunflower oil", + "onions" + ] + }, + { + "id": 32563, + "ingredients": [ + "rice", + "tomatoes", + "hamburger", + "shredded cheddar cheese", + "taco seasoning", + "water" + ] + }, + { + "id": 38829, + "ingredients": [ + "fresh tomatoes", + "garlic", + "lentils", + "onions", + "fresh ginger", + "green chilies", + "cinnamon sticks", + "ground cumin", + "water", + "salt", + "mustard seeds", + "ground turmeric", + "curry leaves", + "crushed red pepper flakes", + "cumin seed", + "coconut milk" + ] + }, + { + "id": 3835, + "ingredients": [ + "olive oil", + "freshly ground pepper", + "tomatoes", + "coarse salt", + "minced onion", + "dried oregano", + "fresh basil", + "garlic" + ] + }, + { + "id": 1960, + "ingredients": [ + "black pepper", + "bouillon cube", + "butter", + "chickpeas", + "onions", + "crushed tomatoes", + "lemon wedge", + "salt", + "chopped parsley", + "tumeric", + "semolina", + "cinnamon", + "cilantro leaves", + "celery", + "water", + "garam masala", + "ginger", + "brown lentils" + ] + }, + { + "id": 43991, + "ingredients": [ + "cream style corn", + "whole kernel corn, drain", + "corn mix muffin", + "cooking spray", + "cream cheese, soften", + "black pepper", + "finely chopped onion", + "red bell pepper", + "large egg whites", + "butter" + ] + }, + { + "id": 45136, + "ingredients": [ + "polenta", + "chicken broth", + "cream cheese" + ] + }, + { + "id": 41554, + "ingredients": [ + "chicken broth", + "soy sauce", + "finely chopped onion", + "worcestershire sauce", + "all-purpose flour", + "garlic cloves", + "mayonaise", + "bread crumb fresh", + "bourbon whiskey", + "chopped celery", + "fresh mushrooms", + "fresh parsley", + "tomatoes", + "ketchup", + "large eggs", + "bacon slices", + "Texas toast bread", + "fresh lemon juice", + "light brown sugar", + "ground chuck", + "cola soft drink", + "butter", + "salt", + "freshly ground pepper" + ] + }, + { + "id": 10118, + "ingredients": [ + "short-grain rice", + "salt", + "black sesame seeds", + "smoked salmon", + "toasted nori" + ] + }, + { + "id": 43827, + "ingredients": [ + "tomatoes on the vine", + "boneless skinless chicken breasts", + "salt", + "sour cream", + "cumin", + "pepper", + "lime", + "cilantro", + "garlic cloves", + "onions", + "lime juice", + "bell pepper", + "vegetable broth", + "cucumber", + "oregano", + "avocado", + "corn", + "chili powder", + "cayenne pepper", + "corn tortillas" + ] + }, + { + "id": 32583, + "ingredients": [ + "cheddar cheese", + "ground red pepper", + "fat", + "ground cumin", + "tomatoes", + "jalapeno chilies", + "cream cheese", + "onions", + "kosher salt", + "cilantro", + "heavy whipping cream", + "chicken broth", + "salsa verde", + "garlic", + "corn tortillas" + ] + }, + { + "id": 31949, + "ingredients": [ + "water", + "cooking spray", + "salt", + "fresh lemon juice", + "capers", + "firm silken tofu", + "red wine vinegar", + "garlic cloves", + "tuna", + "picholine olives", + "large eggs", + "purple onion", + "small red potato", + "flat leaf parsley", + "tomatoes", + "ground black pepper", + "chopped fresh thyme", + "anchovy fillets", + "green beans" + ] + }, + { + "id": 23574, + "ingredients": [ + "soy sauce", + "ginger", + "green beans", + "water chestnuts", + "garlic cloves", + "ground turkey", + "chicken broth", + "sesame oil", + "corn starch", + "hoisin sauce", + "rice vinegar", + "chili garlic paste" + ] + }, + { + "id": 28211, + "ingredients": [ + "seasoned bread crumbs", + "ground red pepper", + "corn starch", + "honey", + "low sodium teriyaki sauce", + "halibut fillets", + "vegetable oil", + "garlic powder", + "pineapple juice" + ] + }, + { + "id": 21793, + "ingredients": [ + "boneless chicken skinless thigh", + "taco seasoning", + "bay leaves", + "roasted tomatoes", + "pepper", + "red enchilada sauce", + "salt" + ] + }, + { + "id": 25914, + "ingredients": [ + "cod", + "pepper", + "jalapeno chilies", + "yellow bell pepper", + "garlic cloves", + "sea bass", + "olive oil", + "vegetable stock", + "salt", + "coconut milk", + "coconut oil", + "lime", + "green onions", + "garlic", + "red bell pepper", + "jasmine rice", + "cayenne", + "paprika", + "yellow onion" + ] + }, + { + "id": 34735, + "ingredients": [ + "chicken broth", + "whole peeled tomatoes", + "onions", + "olive oil", + "white rice", + "green bell pepper", + "paprika", + "chicken", + "ground black pepper", + "bay leaf" + ] + }, + { + "id": 26071, + "ingredients": [ + "sugar", + "water", + "scallions", + "white pepper", + "sweet soy sauce", + "corn starch", + "soy sauce", + "rice sticks", + "oil", + "boneless, skinless chicken breast", + "garlic", + "beansprouts" + ] + }, + { + "id": 9476, + "ingredients": [ + "Belgian endive", + "dijon mustard", + "walnut pieces", + "apples", + "ground black pepper", + "extra-virgin olive oil", + "kosher salt", + "apple cider vinegar" + ] + }, + { + "id": 29443, + "ingredients": [ + "bananas", + "salt", + "sugar", + "large eggs", + "corn starch", + "unsalted butter", + "vanilla wafers", + "milk", + "vanilla extract" + ] + }, + { + "id": 16966, + "ingredients": [ + "minced garlic", + "asparagus", + "white rice", + "corn starch", + "honey", + "rice wine", + "scallions", + "canola oil", + "water", + "egg whites", + "salt", + "sliced shallots", + "soy sauce", + "fresh ginger", + "boneless chicken", + "lemon juice" + ] + }, + { + "id": 6457, + "ingredients": [ + "pan drippings", + "eggs", + "wondra flour", + "whole milk", + "salt" + ] + }, + { + "id": 25882, + "ingredients": [ + "red wine vinegar", + "jalapeno chilies", + "fresh parsley", + "eggplant", + "garlic", + "vegetable oil", + "olives" + ] + }, + { + "id": 48390, + "ingredients": [ + "feta cheese", + "feta cheese crumbles", + "tomatoes", + "kalamata", + "dried oregano", + "frozen chopped spinach", + "butter", + "phyllo pastry", + "pepper", + "dried dillweed" + ] + }, + { + "id": 28356, + "ingredients": [ + "cream of tartar", + "egg whites", + "salt", + "milk", + "butter", + "all-purpose flour", + "sugar", + "egg yolks", + "vanilla wafers", + "bananas", + "vanilla extract", + "meringue" + ] + }, + { + "id": 15699, + "ingredients": [ + "eggs", + "milk", + "ground pork", + "vienna sausage", + "pimentos", + "salt", + "sweet pickle relish", + "ground black pepper", + "teriyaki sauce", + "bread", + "pork", + "raisins", + "carrots" + ] + }, + { + "id": 2090, + "ingredients": [ + "water", + "ground red pepper", + "yellow onion", + "black pepper", + "cherry tomatoes", + "brown rice", + "poblano chiles", + "saffron threads", + "corn kernels", + "lemon wedge", + "garlic cloves", + "kosher salt", + "olive oil", + "littleneck clams", + "flat leaf parsley" + ] + }, + { + "id": 4686, + "ingredients": [ + "olive oil", + "sardines", + "white vinegar", + "all-purpose flour", + "garlic", + "white wine", + "fresh mint" + ] + }, + { + "id": 27937, + "ingredients": [ + "minced garlic", + "chili powder", + "beansprouts", + "asian fish sauce", + "eggs", + "fresh lemon", + "rice vermicelli", + "white sugar", + "ketchup", + "green onions", + "shrimp", + "chopped cilantro fresh", + "dry roasted peanuts", + "vegetable oil", + "dried shrimp" + ] + }, + { + "id": 25560, + "ingredients": [ + "olive oil", + "ground cumin", + "chili", + "chopped cilantro fresh", + "red bell pepper", + "green cabbage", + "fresh lime juice" + ] + }, + { + "id": 38937, + "ingredients": [ + "eggs", + "salt", + "pepper", + "ground beef", + "mozzarella cheese", + "sauce", + "pasta", + "ricotta cheese", + "fresh parsley" + ] + }, + { + "id": 48670, + "ingredients": [ + "honey", + "cinnamon", + "chopped pecans", + "rolled oats", + "organic cane sugar", + "salt", + "plain yogurt", + "baking soda", + "butter", + "water", + "peaches", + "spelt flour" + ] + }, + { + "id": 2547, + "ingredients": [ + "fresh lemon juice", + "butter", + "grated lemon peel", + "golden brown sugar", + "sour cream", + "crème fraîche", + "pears" + ] + }, + { + "id": 17442, + "ingredients": [ + "large eggs", + "salt", + "chopped pecans", + "baking soda", + "vanilla extract", + "dark brown sugar", + "pecans", + "butter", + "icing", + "sour cream", + "baking powder", + "all-purpose flour", + "cream cheese, soften" + ] + }, + { + "id": 28669, + "ingredients": [ + "mayonaise", + "green onions", + "fresh lemon juice", + "baguette", + "cayenne pepper", + "bottled clam juice", + "paprika", + "large shrimp", + "olive oil", + "crabmeat" + ] + }, + { + "id": 4410, + "ingredients": [ + "warm water", + "masa" + ] + }, + { + "id": 36917, + "ingredients": [ + "sugar", + "minced garlic", + "mirin", + "sesame oil", + "corn starch", + "eggs", + "boneless chicken skinless thigh", + "orange", + "flour", + "rice vinegar", + "soy sauce", + "water", + "broccoli florets", + "salt", + "hot red pepper flakes", + "white pepper", + "fresh ginger", + "green onions", + "oil" + ] + }, + { + "id": 46755, + "ingredients": [ + "clove", + "heavy cream", + "blanched almonds", + "saffron threads", + "bay leaves", + "cardamom pods", + "boneless lamb", + "fresh ginger", + "cayenne pepper", + "cinnamon sticks", + "olive oil", + "salt", + "garlic cloves" + ] + }, + { + "id": 25321, + "ingredients": [ + "eggs", + "grating cheese", + "pepper", + "ham", + "cream", + "salt", + "self raising flour", + "milk", + "onions" + ] + }, + { + "id": 47019, + "ingredients": [ + "fresh cilantro", + "vegetable oil", + "soy sauce", + "lemon grass", + "garlic cloves", + "red chili peppers", + "fresh ginger root", + "wonton wrappers", + "boneless chicken skinless thigh", + "sesame oil" + ] + }, + { + "id": 33077, + "ingredients": [ + "parsley", + "chorizo sausage", + "bread crumbs", + "garlic cloves", + "Tabasco Pepper Sauce", + "ground beef", + "eggs", + "vegetable oil" + ] + }, + { + "id": 11593, + "ingredients": [ + "cooked chicken", + "salt", + "carrots", + "pepper", + "diced tomatoes", + "small white beans", + "bay leaf", + "shallots", + "dry bread crumbs", + "herbes de provence", + "olive oil", + "garlic", + "fat skimmed chicken broth" + ] + }, + { + "id": 44295, + "ingredients": [ + "water", + "cooked chicken", + "regular or convert rice", + "frozen whole kernel corn", + "garlic", + "Country Crock® Spread", + "salsa verde", + "chees fresco queso", + "onions", + "red kidnei beans, rins and drain", + "crema mexican", + "knorr chicken flavor bouillon" + ] + }, + { + "id": 46632, + "ingredients": [ + "white pepper", + "wonton wrappers", + "garlic cloves", + "spinach", + "peeled fresh ginger", + "chinese cabbage", + "low sodium soy sauce", + "fat free less sodium chicken broth", + "deveined shrimp", + "canola oil", + "lean ground pork", + "green onions", + "dark sesame oil" + ] + }, + { + "id": 18503, + "ingredients": [ + "water", + "lemonade", + "lemon slices", + "sugar", + "blackberries", + "mint sprigs" + ] + }, + { + "id": 29030, + "ingredients": [ + "milk", + "sauce", + "bread crumbs", + "butter", + "water", + "salt", + "eggs", + "flour", + "elbow macaroni" + ] + }, + { + "id": 32516, + "ingredients": [ + "unsalted butter", + "cognac", + "black peppercorns", + "vegetable oil", + "kosher salt", + "heavy cream", + "top loin", + "shallots" + ] + }, + { + "id": 35128, + "ingredients": [ + "kosher salt", + "low-fat buttermilk", + "all-purpose flour", + "baking soda", + "rye flour", + "large egg whites", + "baking powder", + "sugar", + "unsalted butter", + "cracked black pepper" + ] + }, + { + "id": 41715, + "ingredients": [ + "sugar", + "coffee", + "water" + ] + }, + { + "id": 49185, + "ingredients": [ + "ketchup", + "garam masala", + "onions", + "green bell pepper", + "fresh ginger root", + "salt", + "tomatoes", + "water", + "paneer", + "ground turmeric", + "ground fennel", + "minced garlic", + "vegetable oil", + "chopped cilantro fresh" + ] + }, + { + "id": 35517, + "ingredients": [ + "bread", + "olive oil", + "garlic cloves", + "bay leaf", + "tomatoes", + "white beans", + "dried chile", + "kosher salt", + "freshly ground pepper", + "flat leaf parsley", + "tomato paste", + "low sodium chicken broth", + "smoked paprika", + "medium shrimp" + ] + }, + { + "id": 13909, + "ingredients": [ + "butter", + "eggs", + "cornmeal", + "buttermilk", + "vegetable oil" + ] + }, + { + "id": 36886, + "ingredients": [ + "nutmeg", + "sweet potatoes", + "ginger", + "pecan halves", + "cinnamon", + "vanilla extract", + "eggs", + "bourbon whiskey", + "vanilla", + "pie crust", + "brown sugar", + "butter", + "maple syrup" + ] + }, + { + "id": 29304, + "ingredients": [ + "kosher salt", + "garlic", + "cheese sauce", + "mexican chorizo", + "ground black pepper", + "tater tots", + "peanut oil", + "tomatoes", + "jalapeno chilies", + "cilantro leaves", + "scallions", + "lime", + "purple onion", + "yellow onion", + "juice" + ] + }, + { + "id": 29577, + "ingredients": [ + "worcestershire sauce", + "lime", + "sea salt", + "lager" + ] + }, + { + "id": 24570, + "ingredients": [ + "jalapeno chilies", + "garlic cloves", + "Morton Salt", + "Hellmann's® Real Mayonnaise", + "minced onion", + "hot sauce", + "chili powder", + "lemon juice" + ] + }, + { + "id": 29466, + "ingredients": [ + "chicken stock", + "long-grain rice", + "salt", + "fresh ginger", + "scallions" + ] + }, + { + "id": 10724, + "ingredients": [ + "diced onions", + "fat free less sodium chicken broth", + "chili paste with garlic", + "ground coriander", + "red bell pepper", + "ground cloves", + "fresh ginger", + "salt", + "ground cardamom", + "canola oil", + "boneless chicken skinless thigh", + "brown rice", + "rice vinegar", + "corn starch", + "ground cumin", + "ground cinnamon", + "water", + "yellow bell pepper", + "garlic cloves", + "chopped cilantro" + ] + }, + { + "id": 30026, + "ingredients": [ + "unsalted butter", + "ricotta", + "pecorino cheese", + "coarse salt", + "ground black pepper", + "fresh chevre", + "ziti" + ] + }, + { + "id": 37133, + "ingredients": [ + "poppyseeds", + "rolled oats", + "bulgur wheat", + "black sesame seeds", + "quinoa", + "flaxseed" + ] + }, + { + "id": 29346, + "ingredients": [ + "crabmeat", + "chopped cilantro fresh", + "bread crumb fresh", + "peanut oil", + "mayonaise", + "brown shrimp", + "peeled fresh ginger", + "Thai fish sauce" + ] + }, + { + "id": 32871, + "ingredients": [ + "kaffir lime leaves", + "thai basil", + "red curry paste", + "lemongrass", + "ginger", + "coconut milk", + "green bell pepper", + "chicken breasts", + "red bell pepper", + "chicken broth", + "eggplant", + "garlic", + "onions" + ] + }, + { + "id": 46420, + "ingredients": [ + "honey", + "red pepper", + "soy sauce", + "vegetable oil", + "carrots", + "chicken stock", + "chicken breasts", + "cornflour", + "sugar pea", + "lemon" + ] + }, + { + "id": 29083, + "ingredients": [ + "low sodium soy sauce", + "olive oil", + "sesame oil", + "black cod fillets", + "green onions", + "serrano chile", + "firmly packed brown sugar", + "fresh ginger", + "rice vinegar", + "water", + "shallots" + ] + }, + { + "id": 4402, + "ingredients": [ + "extra-virgin olive oil", + "red bell pepper", + "flat leaf parsley", + "black olives" + ] + }, + { + "id": 15877, + "ingredients": [ + "roma tomatoes", + "shells", + "black pepper", + "extra-virgin olive oil", + "country bread", + "water", + "garlic", + "flat leaf parsley", + "mussels", + "dry white wine", + "salt" + ] + }, + { + "id": 33448, + "ingredients": [ + "cold water", + "ajwain", + "amchur", + "unsalted butter", + "salt", + "sauce", + "fresh lemon juice", + "cumin", + "eggs", + "water", + "peanuts", + "russet potatoes", + "all-purpose flour", + "ground coriander", + "frozen peas", + "ground cinnamon", + "black pepper", + "fresh ginger", + "chili powder", + "cilantro leaves", + "green chilies", + "fresh mint", + "sugar", + "fresh cilantro", + "garam masala", + "Italian parsley leaves", + "yellow onion", + "garlic cloves", + "ground turmeric" + ] + }, + { + "id": 3541, + "ingredients": [ + "soy sauce", + "egg whites", + "garlic", + "italian seasoning", + "olive oil", + "chili powder", + "onions", + "bread crumbs", + "jalapeno chilies", + "ground turkey", + "ground black pepper", + "blue cheese", + "dried parsley" + ] + }, + { + "id": 27704, + "ingredients": [ + "olive oil", + "cauliflower florets", + "cumin seed", + "ground turmeric", + "water", + "diced tomatoes", + "salt", + "honey gold potatoes", + "chili powder", + "garlic", + "ground cardamom", + "steamed rice", + "ginger", + "ground coriander", + "onions" + ] + }, + { + "id": 28658, + "ingredients": [ + "olive oil", + "salt", + "dried oregano", + "tomato sauce", + "diced tomatoes", + "onions", + "sausage casings", + "ground black pepper", + "cayenne pepper", + "dried basil", + "garlic", + "white sugar" + ] + }, + { + "id": 23793, + "ingredients": [ + "dried basil", + "onions", + "tomato sauce", + "ground black pepper", + "dried oregano", + "tomato purée", + "garlic powder", + "white sugar", + "crushed tomatoes", + "salt", + "canola oil" + ] + }, + { + "id": 11040, + "ingredients": [ + "red potato", + "cabbage", + "salt and ground black pepper", + "pork butt", + "water" + ] + }, + { + "id": 28419, + "ingredients": [ + "tomato paste", + "olive oil", + "chopped celery", + "Madras curry powder", + "brandy", + "dry white wine", + "chopped onion", + "chicken", + "pernod", + "fennel", + "salt", + "saffron", + "pepper", + "clam juice", + "red bell pepper" + ] + }, + { + "id": 37086, + "ingredients": [ + "italian chicken sausage", + "salt", + "bell pepper", + "oregano", + "olive oil", + "garlic cloves", + "pepper", + "broccoli florets" + ] + }, + { + "id": 13965, + "ingredients": [ + "italian sausage", + "green pepper", + "pizza sauce", + "refrigerated pizza dough", + "onions", + "cheese" + ] + }, + { + "id": 28674, + "ingredients": [ + "mayonaise", + "jalapeno chilies", + "garlic powder", + "black olives", + "tomatoes", + "hot pepper sauce", + "shredded cheddar cheese", + "green onions" + ] + }, + { + "id": 5645, + "ingredients": [ + "baking soda", + "cooking spray", + "salt", + "red bell pepper", + "sugar", + "low-fat buttermilk", + "chili powder", + "chopped onion", + "kidney beans", + "large eggs", + "diced tomatoes", + "garlic cloves", + "yellow corn meal", + "ground turkey breast", + "baking powder", + "all-purpose flour", + "dried oregano" + ] + }, + { + "id": 20756, + "ingredients": [ + "sliced black olives", + "enchilada sauce", + "chopped cilantro", + "pepper", + "garlic", + "sour cream", + "onions", + "chili powder", + "smoked paprika", + "ground beef", + "shredded cheddar cheese", + "salt", + "corn tortillas", + "cumin" + ] + }, + { + "id": 15548, + "ingredients": [ + "heavy cream", + "Irish whiskey", + "lobster tails", + "butter", + "pepper", + "sea salt" + ] + }, + { + "id": 14495, + "ingredients": [ + "almond extract", + "milk", + "mango", + "sugar", + "rice", + "pistachios", + "saffron" + ] + }, + { + "id": 11989, + "ingredients": [ + "kosher salt", + "walnuts", + "grated parmesan cheese", + "baguette", + "lemon juice", + "extra-virgin olive oil" + ] + }, + { + "id": 47482, + "ingredients": [ + "sugar", + "daikon", + "carrots", + "white vinegar", + "coriander seeds", + "star anise", + "water", + "red pepper flakes", + "ground ginger", + "pickling salt", + "black mustard seeds" + ] + }, + { + "id": 14101, + "ingredients": [ + "red pepper hot sauce", + "olive oil", + "sour cream", + "tomato sauce", + "rotisserie chicken", + "onions", + "chicken broth", + "pepper jack", + "corn tortillas", + "fresh cilantro", + "pinto beans" + ] + }, + { + "id": 1289, + "ingredients": [ + "cream of chicken soup", + "cilantro", + "potatoes", + "diced chicken", + "green onions", + "Mexican cheese blend", + "diced tomatoes" + ] + }, + { + "id": 49473, + "ingredients": [ + "worcestershire sauce", + "ketchup", + "hot sauce", + "white vinegar", + "salt", + "ground black pepper", + "splenda no calorie sweetener" + ] + }, + { + "id": 39161, + "ingredients": [ + "zucchini", + "baby spinach", + "garlic cloves", + "canola oil", + "cherry tomatoes", + "rice noodles", + "salt", + "red bell pepper", + "yellow squash", + "vegetable stock", + "chopped onion", + "curry paste", + "low sodium soy sauce", + "mushrooms", + "ginger", + "carrots" + ] + }, + { + "id": 14452, + "ingredients": [ + "olive oil", + "apple juice", + "dried oregano", + "prunes", + "loin pork roast", + "cinnamon sticks", + "cider vinegar", + "salt", + "onions", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 31489, + "ingredients": [ + "lime", + "garlic cloves", + "cilantro leaves", + "fish", + "lemongrass", + "scallions", + "fresh ginger", + "asian fish sauce" + ] + }, + { + "id": 15599, + "ingredients": [ + "olive oil", + "garlic", + "jalapeno chilies", + "salsa verde", + "onions", + "boneless pork shoulder", + "diced tomatoes" + ] + }, + { + "id": 28440, + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "dried oregano", + "ground black pepper", + "fleur de sel", + "egg bread", + "cheese", + "pancetta", + "baby arugula", + "fresh basil leaves" + ] + }, + { + "id": 33624, + "ingredients": [ + "apple cider vinegar", + "cinnamon sticks", + "allspice", + "guajillo chiles", + "salt", + "oregano", + "clove", + "garlic", + "ancho chile pepper", + "meat", + "sausages", + "cumin" + ] + }, + { + "id": 24090, + "ingredients": [ + "sugar", + "garlic", + "onions", + "black peppercorns", + "bay leaves", + "ground coriander", + "fresh thyme", + "salt", + "blue crabs", + "spices", + "lemon juice" + ] + }, + { + "id": 16137, + "ingredients": [ + "green onions", + "olive oil", + "garlic cloves", + "peeled tomatoes", + "anchovy fillets", + "grated parmesan cheese", + "rotini" + ] + }, + { + "id": 4819, + "ingredients": [ + "flour", + "unsalted butter", + "baking chocolate", + "egg whites", + "sugar", + "egg yolks" + ] + }, + { + "id": 1377, + "ingredients": [ + "shortening", + "vanilla extract", + "milk", + "sugar", + "eggs", + "self rising flour" + ] + }, + { + "id": 47636, + "ingredients": [ + "red potato", + "jalapeno chilies", + "purple onion", + "ground black pepper", + "garlic", + "fresh parsley", + "curry powder", + "yukon gold potatoes", + "fresh lemon juice", + "mayonaise", + "sweet potatoes", + "salt" + ] + }, + { + "id": 25907, + "ingredients": [ + "soy sauce", + "green onions", + "peanut oil", + "orange zest", + "eggs", + "boneless chicken skinless thigh", + "sesame oil", + "toasted sesame seeds", + "diced onions", + "ketchup", + "rice wine", + "corn starch", + "red chili peppers", + "minced garlic", + "rice vinegar", + "white sugar" + ] + }, + { + "id": 35894, + "ingredients": [ + "water", + "onions", + "fresh tomatoes", + "salsa", + "minute rice", + "tomato sauce", + "taco seasoning" + ] + }, + { + "id": 20315, + "ingredients": [ + "chicken breasts", + "green chilies", + "low-fat sour cream", + "frozen corn", + "corn tortillas", + "salt", + "enchilada sauce", + "shredded cheddar cheese", + "salsa" + ] + }, + { + "id": 27199, + "ingredients": [ + "ground nutmeg", + "cayenne pepper", + "sugar", + "paprika", + "ground cinnamon", + "ground black pepper", + "ground allspice", + "dried thyme", + "salt" + ] + }, + { + "id": 34055, + "ingredients": [ + "tomato sauce", + "kosher salt", + "dry yeast", + "crushed red pepper", + "red bell pepper", + "warm water", + "part-skim mozzarella cheese", + "2% low-fat cottage cheese", + "chopped onion", + "chicken-apple sausage", + "fresh parmesan cheese", + "extra-virgin olive oil", + "garlic cloves", + "sugar", + "olive oil", + "cooking spray", + "all-purpose flour", + "dried oregano" + ] + }, + { + "id": 26938, + "ingredients": [ + "mustard", + "salt", + "peppercorns", + "bay leaves", + "celery", + "pork", + "carrots", + "red horseradish", + "chicken drumsticks", + "onions" + ] + }, + { + "id": 5734, + "ingredients": [ + "pico de gallo", + "taco seasoning", + "cilantro", + "sour cream", + "lean ground beef", + "shredded cheese", + "frozen tater tots", + "olives" + ] + }, + { + "id": 32241, + "ingredients": [ + "light sour cream", + "dark rum", + "light cream cheese", + "marsala wine", + "extra large eggs", + "sugar", + "angel food cake", + "semisweet chocolate", + "brewed espresso" + ] + }, + { + "id": 2163, + "ingredients": [ + "chives", + "large eggs", + "salt", + "milk", + "vegetable oil", + "flour" + ] + }, + { + "id": 20340, + "ingredients": [ + "cajun seasoning", + "salt", + "seasoning", + "lemon", + "adobo seasoning", + "butter", + "sweet paprika", + "green onions", + "worcestershire sauce", + "large shrimp" + ] + }, + { + "id": 6278, + "ingredients": [ + "lime", + "ginger", + "mango", + "red cabbage", + "carrots", + "zucchini", + "peanut butter", + "soy sauce", + "spring onions", + "coriander" + ] + }, + { + "id": 49404, + "ingredients": [ + "egg whites", + "powdered sugar", + "strawberries", + "medium dry sherry", + "heavy cream" + ] + }, + { + "id": 36731, + "ingredients": [ + "milk", + "all-purpose flour", + "iceberg lettuce", + "picante sauce", + "baking powder", + "pinto beans", + "taco seasoning mix", + "oil", + "shredded cheddar cheese", + "salt", + "ground beef" + ] + }, + { + "id": 29165, + "ingredients": [ + "ground black pepper", + "salsa", + "romaine lettuce", + "flank steak", + "chopped cilantro", + "regular sour cream", + "crema mexican", + "pepitas", + "olive oil", + "salt", + "onions" + ] + }, + { + "id": 24932, + "ingredients": [ + "chili powder", + "salt", + "onions", + "boneless chicken skinless thigh", + "diced tomatoes", + "ground coriander", + "ground cumin", + "vegetable oil", + "cilantro leaves", + "ground turmeric", + "fresh ginger root", + "garlic", + "ghee" + ] + }, + { + "id": 6591, + "ingredients": [ + "olive oil", + "ground turmeric", + "salt", + "coriander powder", + "red chili powder", + "okra" + ] + }, + { + "id": 14644, + "ingredients": [ + "garlic", + "chopped cilantro fresh", + "olive oil", + "fresh lime juice", + "ground cumin", + "salt", + "plum tomatoes", + "chile pepper", + "onions" + ] + }, + { + "id": 43518, + "ingredients": [ + "milk", + "sweet rice flour", + "potato starch", + "vanilla", + "sugar", + "creamy peanut butter", + "baking powder" + ] + }, + { + "id": 28979, + "ingredients": [ + "sugar", + "olive oil", + "sesame oil", + "creamy peanut butter", + "fresh lime juice", + "silken tofu", + "Sriracha", + "garlic", + "carrots", + "soy sauce", + "peanuts", + "lime wedges", + "scallions", + "cooked quinoa", + "butter lettuce", + "lime", + "mushrooms", + "rice vinegar", + "cucumber" + ] + }, + { + "id": 45821, + "ingredients": [ + "cauliflower", + "white onion", + "sea salt", + "cayenne pepper", + "chicken stock", + "bell pepper", + "garlic", + "scallions", + "Frank's® RedHot® Original Cayenne Pepper Sauce", + "olive oil", + "diced tomatoes", + "creole seasoning", + "black pepper", + "boneless skinless chicken breasts", + "kielbasa" + ] + }, + { + "id": 26627, + "ingredients": [ + "plain flour", + "cooked chicken", + "dill", + "onions", + "egg yolks", + "lemon", + "garlic cloves", + "milk", + "butter", + "long-grain rice", + "puff pastry", + "mushrooms", + "oyster mushrooms", + "sour cream" + ] + }, + { + "id": 39139, + "ingredients": [ + "honey", + "red pepper flakes", + "flank steak", + "lime", + "Soy Vay® Veri Veri Teriyaki® Marinade & Sauce" + ] + }, + { + "id": 3026, + "ingredients": [ + "plain flour", + "kecap manis", + "cracked black pepper", + "purple onion", + "skinless chicken thighs", + "water", + "chili powder", + "garlic sauce", + "green pepper", + "corn flour", + "garlic paste", + "spring onions", + "ginger", + "salt", + "oil", + "vinegar", + "vegetable oil", + "garlic", + "green chilies" + ] + }, + { + "id": 13204, + "ingredients": [ + "savoy cabbage", + "grated parmesan cheese", + "pork sausages", + "olive oil", + "garlic", + "sage", + "rosemary", + "whole milk", + "plum tomatoes", + "bread", + "ground black pepper", + "salt" + ] + }, + { + "id": 762, + "ingredients": [ + "chicken stock", + "rice wine", + "chili bean paste", + "red chili peppers", + "vegetable oil", + "corn starch", + "flank steak", + "salt", + "celery", + "dark soy sauce", + "szechwan peppercorns", + "scallions" + ] + }, + { + "id": 28036, + "ingredients": [ + "tomatoes", + "light tuna in oil", + "dijon mustard", + "lemon", + "romaine lettuce", + "ground black pepper", + "chopped fresh thyme", + "olives", + "eggs", + "kosher salt", + "vinegar", + "vinaigrette", + "red potato", + "olive oil", + "green onions", + "green beans" + ] + }, + { + "id": 46514, + "ingredients": [ + "tomatoes", + "vegetable oil", + "pork ribs", + "garlic", + "chili", + "tomatillos", + "meat", + "salt" + ] + }, + { + "id": 34536, + "ingredients": [ + "olive oil", + "leeks", + "extra-virgin olive oil", + "carrots", + "pinenuts", + "fennel bulb", + "butternut squash", + "walnuts", + "chicken", + "celery stick", + "parmesan cheese", + "cannellini beans", + "salt", + "onions", + "pepper", + "potatoes", + "Italian parsley leaves", + "garlic cloves" + ] + }, + { + "id": 36484, + "ingredients": [ + "split black lentils", + "cumin seed", + "greens", + "water", + "chile pepper", + "asafoetida powder", + "fresh curry leaves", + "cooking oil", + "mustard seeds", + "ground turmeric", + "pigeon peas", + "salt", + "dried red chile peppers" + ] + }, + { + "id": 5676, + "ingredients": [ + "cheese", + "pinto beans", + "tortillas", + "salsa" + ] + }, + { + "id": 13715, + "ingredients": [ + "flour", + "pie crust", + "vanilla extract", + "brown sugar", + "heavy cream" + ] + }, + { + "id": 43019, + "ingredients": [ + "chicken broth", + "flour tortillas", + "garlic", + "sour cream", + "lime juice", + "chili powder", + "shrimp", + "shredded Monterey Jack cheese", + "white onion", + "flour", + "salt", + "chopped cilantro fresh", + "salsa verde", + "butter", + "red bell pepper" + ] + }, + { + "id": 2471, + "ingredients": [ + "curry powder", + "chopped onion", + "japanese eggplants", + "jalapeno chilies", + "chopped cilantro fresh", + "peeled tomatoes", + "garlic cloves", + "salt", + "canola oil" + ] + }, + { + "id": 34065, + "ingredients": [ + "prosciutto", + "frozen peas", + "grated lemon zest", + "freshly grated parmesan", + "fresh mint", + "bow-tie pasta" + ] + }, + { + "id": 39362, + "ingredients": [ + "romaine lettuce", + "white wine vinegar", + "boiling potatoes", + "ground black pepper", + "salt", + "olive oil", + "smoked sausage", + "canned low sodium chicken broth", + "dijon mustard", + "fresh parsley" + ] + }, + { + "id": 4987, + "ingredients": [ + "orange", + "salt", + "pitted date", + "pistachios", + "bulgur", + "baby spinach leaves", + "olive oil", + "cilantro leaves", + "water", + "apple cider vinegar" + ] + }, + { + "id": 28414, + "ingredients": [ + "pimentos" + ] + }, + { + "id": 8710, + "ingredients": [ + "white bread", + "water", + "salt", + "tomato sauce", + "grated parmesan cheese", + "onions", + "eggs", + "rye bread", + "fresh parsley", + "pepper", + "lean ground beef", + "dried oregano" + ] + }, + { + "id": 6610, + "ingredients": [ + "olive oil", + "carrots", + "salt", + "pinenuts", + "lemon juice", + "basil leaves" + ] + }, + { + "id": 28847, + "ingredients": [ + "ginger", + "peanut oil", + "coconut milk", + "chicken", + "nam pla", + "cayenne pepper", + "garlic cloves", + "onions", + "glutinous rice", + "salt", + "long-grain rice", + "bay leaf", + "hard-boiled egg", + "green chilies", + "red bell pepper", + "chorizo sausage" + ] + }, + { + "id": 10560, + "ingredients": [ + "crushed tomatoes", + "dark brown sugar", + "ground cumin", + "kosher salt", + "plain low fat greek yogurt", + "ginger root", + "minced garlic", + "cilantro", + "onions", + "boneless chicken skinless thigh", + "garam masala", + "ground coriander" + ] + }, + { + "id": 32993, + "ingredients": [ + "grated parmesan cheese", + "penne pasta", + "fresh mint", + "grated orange peel", + "butter", + "fresh lemon juice", + "grated lemon peel", + "shallots", + "cayenne pepper", + "frozen peas", + "prosciutto", + "whipping cream", + "low salt chicken broth" + ] + }, + { + "id": 16912, + "ingredients": [ + "olive oil", + "salt", + "tortilla chips", + "red bell pepper", + "ground cumin", + "fresh cilantro", + "guacamole", + "salsa", + "freshly ground pepper", + "skirt steak", + "jalapeno chilies", + "rice vinegar", + "sharp cheddar cheese", + "sour cream", + "refried beans", + "chili powder", + "yellow onion", + "garlic cloves", + "monterey jack" + ] + }, + { + "id": 35262, + "ingredients": [ + "italian salad dressing", + "mozzarella cheese", + "chicken breasts" + ] + }, + { + "id": 46936, + "ingredients": [ + "lime", + "green onions", + "basil", + "red bell pepper", + "fish sauce", + "quinoa", + "vegetable oil", + "carrots", + "frozen edamame beans", + "peanuts", + "sesame oil", + "ginger", + "chopped cilantro", + "sugar", + "red cabbage", + "red pepper flakes", + "cucumber" + ] + }, + { + "id": 14553, + "ingredients": [ + "pepper", + "worcestershire sauce", + "creole seasoning", + "chopped green bell pepper", + "chopped celery", + "onions", + "water", + "garlic", + "shanks", + "small red beans", + "Tabasco Pepper Sauce", + "salt" + ] + }, + { + "id": 17471, + "ingredients": [ + "soy sauce", + "sesame oil", + "boneless skinless chicken", + "sesame seeds", + "garlic", + "water", + "ginger", + "Gochujang base", + "sugar", + "green onions", + "salt" + ] + }, + { + "id": 22897, + "ingredients": [ + "andouille sausage", + "kosher salt", + "garlic", + "celery", + "sliced green onions", + "store bought low sodium chicken broth", + "black pepper", + "roma tomatoes", + "creole seasoning", + "chicken thighs", + "green bell pepper", + "white pepper", + "white rice", + "ham", + "pork sausages", + "louisiana hot sauce", + "olive oil", + "yellow onion", + "bay leaf" + ] + }, + { + "id": 2789, + "ingredients": [ + "salt", + "minced garlic", + "white onion", + "serrano chile", + "tomatillos" + ] + }, + { + "id": 3897, + "ingredients": [ + "nutmeg", + "sweet onion", + "butter", + "salt", + "milk", + "unsalted butter", + "chopped celery", + "white wine", + "olive oil", + "diced tomatoes", + "carrots", + "pepper", + "parmesan cheese", + "ground pork" + ] + }, + { + "id": 22751, + "ingredients": [ + "pepper", + "dijon mustard", + "salt", + "chopped cilantro fresh", + "coriander seeds", + "extra-virgin olive oil", + "fresh lemon juice", + "olive oil", + "red wine vinegar", + "anchovy fillets", + "large egg yolks", + "pecorino romano cheese", + "garlic cloves" + ] + }, + { + "id": 16566, + "ingredients": [ + "wakame", + "sesame oil", + "kale leaves", + "hass avocado", + "sesame seeds", + "cilantro leaves", + "peanut oil", + "white miso", + "rice vinegar", + "beansprouts", + "water", + "ginger", + "soba noodles", + "nori" + ] + }, + { + "id": 23033, + "ingredients": [ + "sugar", + "beaten eggs", + "flour", + "milk", + "salt", + "melted butter", + "baking powder" + ] + }, + { + "id": 30500, + "ingredients": [ + "frozen corn", + "celery", + "cajun seasoning", + "long-grain rice", + "onions", + "sliced carrots", + "beef broth", + "ground beef", + "salt", + "red bell pepper", + "frozen peas" + ] + }, + { + "id": 13018, + "ingredients": [ + "sugar", + "crushed tomatoes", + "heavy cream", + "corn starch", + "ground cumin", + "kosher salt", + "butter", + "ground coriander", + "basmati rice", + "plain yogurt", + "jalapeno chilies", + "garlic", + "onions", + "boneless chicken skinless thigh", + "garam masala", + "ginger", + "chopped cilantro" + ] + }, + { + "id": 13077, + "ingredients": [ + "kosher salt", + "flat leaf parsley", + "unsalted butter", + "canola oil", + "ground black pepper", + "skirt steak", + "garlic" + ] + }, + { + "id": 9177, + "ingredients": [ + "straw mushrooms", + "green pepper", + "lime wedges", + "oil", + "minced garlic", + "freshly ground pepper", + "dressing", + "bow-tie pasta", + "shrimp" + ] + }, + { + "id": 16012, + "ingredients": [ + "pimentos", + "extra-virgin olive oil", + "fresh lemon juice", + "pepper", + "shallots", + "apple juice", + "dried oregano", + "chives", + "salt", + "fresh parsley", + "dried basil", + "apple cider vinegar", + "garlic cloves" + ] + }, + { + "id": 5293, + "ingredients": [ + "white onion", + "garlic cloves", + "ground cumin", + "coarse salt", + "serrano chile", + "water", + "fresh mint", + "cilantro leaves", + "plum tomatoes" + ] + }, + { + "id": 35451, + "ingredients": [ + "powdered sugar", + "salt", + "butter", + "semi-sweet chocolate morsels", + "vanilla extract", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 5591, + "ingredients": [ + "bread", + "white wine", + "wine vinegar", + "onions", + "ground cinnamon", + "olive oil", + "garlic cloves", + "ground cumin", + "tomato paste", + "pepper", + "salt", + "ground lamb", + "fresh tomatoes", + "seeds", + "ground beef" + ] + }, + { + "id": 44443, + "ingredients": [ + "sugar", + "unsalted butter", + "poblano chilies", + "fresh lime juice", + "serrano chilies", + "ground black pepper", + "large garlic cloves", + "low salt chicken broth", + "masa harina", + "corn kernels", + "baking powder", + "salt", + "onions", + "avocado", + "corn husks", + "tomatillos", + "sharp cheddar cheese", + "chopped cilantro fresh" + ] + }, + { + "id": 36811, + "ingredients": [ + "olive oil", + "garlic cloves", + "pinenuts", + "red wine vinegar", + "baby greens", + "soft fresh goat cheese", + "baguette", + "oil" + ] + }, + { + "id": 7031, + "ingredients": [ + "kosher salt", + "coriander seeds", + "curry", + "tamarind concentrate", + "chuck", + "tomatoes", + "ground peanut", + "spices", + "cumin seed", + "onions", + "brown sugar", + "peanuts", + "ginger", + "garlic cloves", + "boiling potatoes", + "aleppo", + "water", + "vegetable oil", + "salt", + "chutney" + ] + }, + { + "id": 11475, + "ingredients": [ + "fresh basil", + "grated parmesan cheese", + "part-skim ricotta cheese", + "dried oregano", + "tomato paste", + "mozzarella cheese", + "diced tomatoes", + "onions", + "eggs", + "lasagna noodles", + "garlic", + "dried parsley", + "brown sugar", + "lean ground beef", + "salt" + ] + }, + { + "id": 5556, + "ingredients": [ + "lean ground beef", + "oregano", + "pasta sauce", + "dry bread crumbs", + "garlic", + "onion soup mix", + "dried parsley" + ] + }, + { + "id": 33728, + "ingredients": [ + "clove", + "sea salt", + "cinnamon sticks", + "white vinegar", + "green tomatoes", + "chopped onion", + "brown sugar", + "star anise", + "ground ginger", + "crushed red pepper flakes" + ] + }, + { + "id": 46703, + "ingredients": [ + "milk", + "all-purpose flour", + "eggs", + "egg whites", + "white sugar", + "bananas", + "cooki vanilla wafer", + "brown sugar", + "egg yolks" + ] + }, + { + "id": 41776, + "ingredients": [ + "prepar pesto", + "ground black pepper", + "garlic", + "olive oil", + "baby spinach", + "rigatoni", + "salmon fillets", + "artichoke hearts", + "crushed red pepper flakes", + "white wine", + "shallots", + "shredded parmesan cheese" + ] + }, + { + "id": 4099, + "ingredients": [ + "red wine vinegar", + "olive oil", + "garlic cloves", + "pimentos", + "purple onion" + ] + }, + { + "id": 4251, + "ingredients": [ + "green bell pepper", + "red wine vinegar", + "garlic cloves", + "olive oil", + "salt", + "chopped cilantro fresh", + "tomatoes", + "green onions", + "lemon slices", + "ground cumin", + "pepper", + "portabello mushroom", + "lemon juice" + ] + }, + { + "id": 29381, + "ingredients": [ + "pasta", + "olive oil", + "onions", + "chicken broth", + "diced tomatoes", + "italian sausage", + "grated parmesan cheese", + "frozen chopped spinach", + "dried basil", + "garlic" + ] + }, + { + "id": 30300, + "ingredients": [ + "soy sauce", + "peanuts", + "sesame oil", + "rice vinegar", + "kale", + "green onions", + "large garlic cloves", + "corn starch", + "water", + "bell pepper", + "rice noodles", + "peanut butter", + "honey", + "boneless skinless chicken breasts", + "red pepper flakes" + ] + }, + { + "id": 27494, + "ingredients": [ + "tomato paste", + "chopped fresh thyme", + "chopped onion", + "olive oil", + "diced tomatoes", + "large shrimp", + "fresh basil", + "large garlic cloves", + "red bell pepper", + "fennel seeds", + "dry white wine", + "kalamata" + ] + }, + { + "id": 48254, + "ingredients": [ + "cabbage", + "salt", + "konbu" + ] + }, + { + "id": 32789, + "ingredients": [ + "garlic", + "onions", + "cayenne", + "cumin seed", + "pepper", + "salt", + "chili powder", + "fat" + ] + }, + { + "id": 44569, + "ingredients": [ + "sugar", + "rice cakes", + "chili pepper", + "rice vinegar", + "light soy sauce", + "roasted sesame seeds" + ] + }, + { + "id": 44160, + "ingredients": [ + "olive oil", + "provolone cheese", + "rocket leaves", + "sherry vinegar", + "gluten-free pizza crust", + "sweet onion", + "ground black pepper", + "pears", + "prosciutto", + "chopped walnuts" + ] + }, + { + "id": 18762, + "ingredients": [ + "olive oil", + "jalapeno chilies", + "white beans", + "dried oregano", + "green chile", + "garlic powder", + "green enchilada sauce", + "chopped cilantro", + "chicken broth", + "Tabasco Green Pepper Sauce", + "chili powder", + "corn starch", + "ground cumin", + "pepper", + "pork tenderloin", + "salt", + "onions" + ] + }, + { + "id": 23808, + "ingredients": [ + "vegetable oil", + "eggs", + "cake flour", + "baking powder", + "white sugar", + "cream of tartar", + "vanilla" + ] + }, + { + "id": 11875, + "ingredients": [ + "cayenne", + "salt", + "golden zucchini", + "pepper", + "paprika", + "lemon juice", + "ground cumin", + "salmon fillets", + "lemon wedge", + "ground coriander", + "chopped cilantro fresh", + "olive oil", + "garlic", + "red bell pepper" + ] + }, + { + "id": 35843, + "ingredients": [ + "ground pepper", + "salt", + "onions", + "curry powder", + "boneless chicken breast halves", + "ground allspice", + "water", + "unsalted butter", + "hot sauce", + "fresh ginger", + "vegetable oil", + "scallions" + ] + }, + { + "id": 4948, + "ingredients": [ + "black pepper", + "garam masala", + "diced tomatoes", + "cumin seed", + "chili flakes", + "lime juice", + "lean ground meat", + "chili con carne", + "coriander", + "tumeric", + "garlic powder", + "cinnamon", + "green chilies", + "cumin", + "chicken broth", + "black beans", + "baked beans", + "salt", + "onions" + ] + }, + { + "id": 34713, + "ingredients": [ + "shredded carrots", + "garlic", + "cooked shrimp", + "sugar", + "shredded cabbage", + "green chilies", + "mint leaves", + "salted peanuts", + "asian fish sauce", + "lime juice", + "shallots", + "beansprouts" + ] + }, + { + "id": 8352, + "ingredients": [ + "unsalted butter", + "grated lemon peel", + "veal scallops", + "flat leaf parsley", + "fresh lemon juice", + "chopped garlic" + ] + }, + { + "id": 28407, + "ingredients": [ + "tomatoes", + "green onions", + "chopped cilantro fresh", + "black pepper", + "salt", + "eggs", + "vegetable oil", + "shredded Monterey Jack cheese", + "jalapeno chilies", + "corn tortillas" + ] + }, + { + "id": 3506, + "ingredients": [ + "large eggs", + "unsweetened apple juice", + "all-purpose flour", + "sugar", + "golden raisins", + "extra-virgin olive oil", + "fresh lemon juice", + "baking soda", + "fresh cranberries", + "salt", + "pears", + "yellow corn meal", + "cooking spray", + "buttermilk", + "grated lemon zest" + ] + }, + { + "id": 44338, + "ingredients": [ + "kosher salt", + "ginger", + "szechwan peppercorns", + "scallions", + "rice wine", + "dried shiitake mushrooms", + "chicken wings", + "chili oil", + "ground white pepper" + ] + }, + { + "id": 38464, + "ingredients": [ + "fresh dill", + "chicken breasts", + "garlic", + "dried parsley", + "kosher salt", + "lemon", + "fresh lemon juice", + "black pepper", + "red wine vinegar", + "english cucumber", + "dried oregano", + "nonfat greek yogurt", + "extra-virgin olive oil", + "coriander" + ] + }, + { + "id": 1139, + "ingredients": [ + "chicken stock", + "nonfat greek yogurt", + "butter", + "ground coriander", + "milk", + "boneless skinless chicken breasts", + "garlic", + "onions", + "kosher salt", + "poblano peppers", + "cracked black pepper", + "shredded cheese", + "olive oil", + "Mexican oregano", + "all-purpose flour", + "ground cumin" + ] + }, + { + "id": 12287, + "ingredients": [ + "chili flakes", + "cinnamon", + "long-grain rice", + "water", + "cardamom pods", + "mustard seeds", + "tumeric", + "salt", + "garlic cloves", + "clove", + "vegetable oil", + "cumin seed", + "onions" + ] + }, + { + "id": 27031, + "ingredients": [ + "scallion greens", + "minced garlic", + "garlic powder", + "salt", + "red bell pepper", + "low sodium soy sauce", + "honey", + "boneless skinless chicken breasts", + "cayenne pepper", + "ground ginger", + "water", + "hoisin sauce", + "rice vinegar", + "unsweetened pineapple juice", + "black pepper", + "olive oil", + "arrowroot powder", + "scallions" + ] + }, + { + "id": 42153, + "ingredients": [ + "large egg yolks", + "vanilla beans", + "semisweet chocolate", + "sugar", + "whipping cream" + ] + }, + { + "id": 42686, + "ingredients": [ + "honey", + "ice cubes", + "mango", + "milk" + ] + }, + { + "id": 44415, + "ingredients": [ + "tomatoes", + "boneless skinless chicken breasts", + "green pepper", + "dried oregano", + "hot pepper sauce", + "chicken flavored rice", + "garlic cloves", + "pepper", + "butter", + "ground sausage", + "ground cumin", + "celery ribs", + "medium shrimp uncook", + "salt", + "onions" + ] + }, + { + "id": 10072, + "ingredients": [ + "vegetable oil cooking spray", + "lemon", + "margarine", + "pepper", + "salt", + "fresh asparagus", + "lump crab meat", + "fresh tarragon", + "sauce", + "veal", + "all-purpose flour" + ] + }, + { + "id": 8618, + "ingredients": [ + "sea salt", + "large egg yolks", + "lemon juice", + "warm water", + "dijon style mustard", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 14153, + "ingredients": [ + "tomatoes", + "skim milk", + "chicken breasts", + "all-purpose flour", + "vegetable oil cooking spray", + "jalapeno chilies", + "vegetable oil", + "corn tortillas", + "reduced fat sharp cheddar cheese", + "garlic powder", + "chili powder", + "no salt added chicken broth", + "tomato sauce", + "ground red pepper", + "salt", + "ground cumin" + ] + }, + { + "id": 23825, + "ingredients": [ + "greek seasoning", + "roasted red peppers", + "salt", + "chopped fresh mint", + "olive oil", + "sliced cucumber", + "fresh lemon juice", + "chicken breast tenders", + "cooking spray", + "grated lemon zest", + "whole wheat pita bread rounds", + "ground black pepper", + "romaine lettuce leaves", + "feta cheese crumbles" + ] + }, + { + "id": 21440, + "ingredients": [ + "mushrooms", + "garlic cloves", + "eggs", + "peas", + "new potatoes", + "onions", + "garlic shoots", + "serrano" + ] + }, + { + "id": 13366, + "ingredients": [ + "olive oil", + "hot sauce", + "onions", + "green bell pepper", + "chopped celery", + "shrimp", + "Success White Rice", + "creole seasoning", + "stewed tomatoes", + "garlic cloves" + ] + }, + { + "id": 24979, + "ingredients": [ + "fish sauce", + "onions", + "tomatoes", + "cooking oil", + "tofu", + "water", + "eggs", + "garlic" + ] + }, + { + "id": 33437, + "ingredients": [ + "sugar", + "ancho chile pepper", + "white vinegar", + "garlic", + "onions", + "clove", + "salt", + "cumin", + "chiles", + "cinnamon sticks", + "allspice" + ] + }, + { + "id": 4864, + "ingredients": [ + "sugar", + "vegetable oil", + "vegetables", + "rice vinegar", + "hot red pepper flakes", + "large eggs", + "all-purpose flour", + "soy sauce", + "salt" + ] + }, + { + "id": 33017, + "ingredients": [ + "tomato purée", + "hazelnuts", + "dry white wine", + "salt", + "onions", + "day old bread", + "piquillo peppers", + "littleneck clams", + "chopped parsley", + "chiles", + "lobster", + "extra-virgin olive oil", + "fresno chiles", + "whole almonds", + "pepper", + "smoked sweet Spanish paprika", + "garlic cloves" + ] + }, + { + "id": 15122, + "ingredients": [ + "reduced fat coconut milk", + "deveined shrimp", + "corn starch", + "soy sauce", + "rice vinegar", + "firmly packed brown sugar", + "white rice", + "fresh basil leaves", + "Belgian endive", + "fresh ginger", + "grapefruit" + ] + }, + { + "id": 42731, + "ingredients": [ + "baking soda", + "butter", + "vanilla extract", + "sugar", + "baking powder", + "sweetened coconut flakes", + "sweet rice flour", + "coconut oil", + "granulated sugar", + "sea salt", + "coconut milk", + "water", + "almond extract", + "banana leaves" + ] + }, + { + "id": 8281, + "ingredients": [ + "kosher salt", + "lard", + "all-purpose flour", + "baking powder", + "hot water" + ] + }, + { + "id": 2812, + "ingredients": [ + "ground black pepper", + "white sugar", + "bacon", + "vegetable oil", + "cabbage", + "white onion", + "salt" + ] + }, + { + "id": 30683, + "ingredients": [ + "light brown sugar", + "ground cloves", + "baking powder", + "salt", + "dried cranberries", + "ground cinnamon", + "baking soda", + "lemon", + "confectioners sugar", + "ground ginger", + "milk", + "butter", + "all-purpose flour", + "pure vanilla extract", + "pure maple syrup", + "old-fashioned oats", + "buttermilk", + "unsulphured molasses" + ] + }, + { + "id": 24249, + "ingredients": [ + "warm water", + "whole milk", + "unsalted butter", + "buckwheat flour", + "active dry yeast", + "salt", + "sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 12169, + "ingredients": [ + "catfish fillets", + "andouille sausage", + "chicken breasts", + "tasso", + "green bell pepper", + "meat", + "onions", + "cooked rice", + "crab", + "butter", + "stock", + "flour", + "celery" + ] + }, + { + "id": 28629, + "ingredients": [ + "rosemary sprigs", + "extra-virgin olive oil", + "flat leaf parsley", + "mussels", + "dry white wine", + "garlic cloves", + "bread crumb fresh", + "fine sea salt", + "sausage casings", + "shallots", + "ground white pepper" + ] + }, + { + "id": 32774, + "ingredients": [ + "yellow mustard", + "cherry pie filling", + "cooked ham", + "pineapple juice", + "pineapple slices", + "cocktail cherries", + "cola", + "ground cloves", + "dark brown sugar" + ] + }, + { + "id": 15181, + "ingredients": [ + "eggplant", + "marinara sauce", + "salt", + "ground black pepper", + "balsamic vinegar", + "italian seasoning", + "part-skim mozzarella cheese", + "cooking spray", + "dry bread crumbs", + "black pepper", + "grated parmesan cheese", + "crushed red pepper", + "fat-free mayonnaise" + ] + }, + { + "id": 44314, + "ingredients": [ + "green bell pepper", + "salsa", + "onions", + "chili powder", + "sour cream", + "dried oregano", + "shredded cheddar cheese", + "red bell pepper", + "garlic salt", + "eggs", + "vegetable oil", + "ground beef", + "ground cumin" + ] + }, + { + "id": 37583, + "ingredients": [ + "egg whites", + "beer", + "safflower oil", + "salt", + "chees mozzarella stick", + "baking powder", + "ground white pepper", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 28069, + "ingredients": [ + "jasmine rice", + "garlic", + "chicken broth", + "jalapeno chilies", + "garlic chili sauce", + "green cabbage", + "lime", + "cremini caps", + "soy sauce", + "ginger", + "canola oil" + ] + }, + { + "id": 33503, + "ingredients": [ + "soy sauce", + "green onions", + "salt", + "cabbage", + "ground pepper", + "vegetable oil", + "minced pork", + "sweet chili sauce", + "jicama", + "carrots", + "canola oil", + "spring roll wrappers", + "vermicelli", + "garlic", + "onions" + ] + }, + { + "id": 24015, + "ingredients": [ + "unsalted butter", + "lemon", + "minced garlic", + "dry white wine", + "artichokes", + "bread crumb fresh", + "grated parmesan cheese", + "sea salt", + "ground black pepper", + "shallots", + "flat leaf parsley" + ] + }, + { + "id": 39333, + "ingredients": [ + "pork", + "mushrooms", + "frozen garden peas", + "oyster sauce", + "chiles", + "water", + "seeds", + "cornflour", + "cashew nuts", + "sugar", + "light soy sauce", + "sesame oil", + "garlic", + "chinese rice wine", + "fresh coriander", + "spring onions", + "ginger", + "chicken-flavored soup powder" + ] + }, + { + "id": 13414, + "ingredients": [ + "pasta sauce", + "part-skim mozzarella cheese", + "chopped onion", + "frozen chopped spinach", + "egg substitute", + "pimentos", + "vegetable oil cooking spray", + "lasagna noodles", + "nonfat ricotta cheese", + "ground round", + "water", + "salt" + ] + }, + { + "id": 4855, + "ingredients": [ + "kalamata", + "salt", + "paprika", + "crushed red pepper", + "large shrimp", + "tomato sauce", + "littleneck clams", + "pork shoulder boston butt", + "minced garlic", + "dry red wine", + "fresh parsley" + ] + }, + { + "id": 6512, + "ingredients": [ + "vegetable oil cooking spray", + "egg whites", + "sesame seeds", + "salt", + "eggs", + "baking soda", + "all-purpose flour", + "sugar", + "vanilla extract" + ] + }, + { + "id": 21974, + "ingredients": [ + "heavy cream", + "fresh lemon juice", + "dried thyme", + "black olives", + "salmon fillets", + "extra-virgin olive oil", + "bread slices", + "baking potatoes", + "garlic cloves" + ] + }, + { + "id": 9062, + "ingredients": [ + "seasoned bread crumbs", + "salt", + "tomatoes", + "chopped green bell pepper", + "onions", + "part-skim mozzarella cheese", + "rolls", + "fresh basil", + "ground sirloin" + ] + }, + { + "id": 6243, + "ingredients": [ + "butter", + "all-purpose flour", + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "water", + "heavy cream", + "large eggs", + "salt" + ] + }, + { + "id": 10675, + "ingredients": [ + "salad", + "lime juice", + "shredded lettuce", + "salsa", + "black pepper", + "olive oil", + "cheese", + "corn tortillas", + "avocado", + "black beans", + "lime wedges", + "salt", + "tostadas", + "honey", + "cilantro", + "liquid" + ] + }, + { + "id": 35788, + "ingredients": [ + "cold water", + "olive oil", + "hot sauce", + "kosher salt", + "lemon", + "hot water", + "chicken wings", + "unsalted butter", + "garlic cloves", + "honey", + "crushed red pepper", + "chopped fresh herbs" + ] + }, + { + "id": 37372, + "ingredients": [ + "steamed rice", + "purple onion", + "ginger root", + "red chili peppers", + "green onions", + "long green chili peppers", + "black vinegar", + "cooking oil", + "salt", + "ground beef", + "light soy sauce", + "sesame oil", + "garlic cloves" + ] + }, + { + "id": 28810, + "ingredients": [ + "white sugar", + "water", + "quinces" + ] + }, + { + "id": 23045, + "ingredients": [ + "large egg yolks", + "heavy cream", + "sugar", + "mascarpone", + "hot water", + "marsala wine", + "coffee liqueur", + "unsweetened cocoa powder", + "instant espresso powder", + "savoiardi" + ] + }, + { + "id": 21296, + "ingredients": [ + "all-purpose flour", + "salt", + "milk", + "pepper", + "chicken" + ] + }, + { + "id": 33484, + "ingredients": [ + "freshly ground pepper", + "kosher salt", + "zucchini" + ] + }, + { + "id": 30045, + "ingredients": [ + "eggs", + "jasmine rice", + "boneless skinless chicken breasts", + "dry sherry", + "oyster sauce", + "brown sugar", + "cherry tomatoes", + "sesame oil", + "garlic", + "corn starch", + "soy sauce", + "fresh ginger", + "vegetable oil", + "purple onion", + "chicken broth", + "ketchup", + "green onions", + "lemon", + "all-purpose flour" + ] + }, + { + "id": 17354, + "ingredients": [ + "whole wheat flour", + "maida flour", + "cubed potatoes", + "mustard seeds", + "warm water", + "garam masala", + "peas", + "cumin seed", + "sugar", + "baking soda", + "cilantro", + "green chilies", + "ground turmeric", + "semolina", + "seeds", + "salt", + "oil" + ] + }, + { + "id": 30061, + "ingredients": [ + "vegetable oil", + "fresh mushrooms", + "mushrooms", + "lemon slices", + "dried mushrooms", + "capers", + "salt", + "onions", + "tomato paste", + "black olives", + "sour cream" + ] + }, + { + "id": 41671, + "ingredients": [ + "lime", + "boneless chicken breast", + "cilantro", + "shrimp", + "tomatoes", + "Herdez Salsa Verde", + "green onions", + "nopales", + "pepper", + "tortillas", + "queso fresco", + "sausages", + "avocado", + "carne asada", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 13160, + "ingredients": [ + "tomatoes", + "coriander seeds", + "garlic", + "cardamom", + "sesame seeds", + "chili powder", + "tamarind paste", + "onions", + "tumeric", + "capsicum", + "salt", + "cinnamon sticks", + "clove", + "peanuts", + "ginger", + "cumin seed", + "cashew nuts" + ] + }, + { + "id": 43260, + "ingredients": [ + "sugar", + "vegetable oil", + "corn starch", + "cold water", + "peeled fresh ginger", + "dry sherry", + "five-spice powder", + "water", + "pineapple", + "pork butt", + "dark soy sauce", + "chenpi", + "scallions" + ] + }, + { + "id": 43992, + "ingredients": [ + "light soy sauce", + "salt", + "shao hsing wine", + "sugar", + "sesame oil", + "scallions", + "cold water", + "young ginger", + "peanut oil", + "noodles", + "white pepper", + "vegetable stock", + "oyster sauce" + ] + }, + { + "id": 16117, + "ingredients": [ + "fresh spinach", + "olive oil", + "fresh green bean", + "ripe olives", + "red potato", + "cherry tomatoes", + "red pepper", + "freshly ground pepper", + "vegetable oil cooking spray", + "dijon mustard", + "white wine vinegar", + "water", + "tuna steaks", + "purple onion" + ] + }, + { + "id": 30403, + "ingredients": [ + "dried lentils", + "ground pepper", + "fresh lemon juice", + "cherry tomatoes", + "salt", + "cucumber", + "dried thyme", + "romaine lettuce leaves", + "feta cheese crumbles", + "olive oil", + "garlic cloves", + "celery" + ] + }, + { + "id": 37331, + "ingredients": [ + "parmigiano reggiano cheese", + "saffron", + "chicken stock", + "butter", + "arborio rice", + "vegetable oil", + "white wine", + "onions" + ] + }, + { + "id": 5456, + "ingredients": [ + "shortening", + "all-purpose flour", + "ground cinnamon", + "baking powder", + "white sugar", + "nutmeg", + "milk", + "margarine", + "eggs", + "salt" + ] + }, + { + "id": 26893, + "ingredients": [ + "baking soda", + "all-purpose flour", + "sugar", + "buttermilk", + "cream of tartar", + "unsalted butter", + "toasted wheat germ", + "whole wheat flour", + "salt" + ] + }, + { + "id": 44470, + "ingredients": [ + "black peppercorns", + "chuck roast", + "bone-in short ribs", + "thyme sprigs", + "turnips", + "water", + "Turkish bay leaves", + "chopped parsley", + "clove", + "veal", + "boiling onions", + "celery", + "parsley sprigs", + "leeks", + "carrots", + "onions" + ] + }, + { + "id": 38130, + "ingredients": [ + "haricots verts", + "spices", + "freshly ground pepper", + "zucchini", + "summer squash", + "couscous", + "chicken stock", + "fingerling potatoes", + "baby carrots", + "onions", + "olive oil", + "lemon", + "flat leaf parsley" + ] + }, + { + "id": 9361, + "ingredients": [ + "minced garlic", + "salt", + "diced red onions", + "fresh lime juice", + "ground black pepper", + "hot sauce", + "green chile", + "tomatillos", + "chopped cilantro fresh" + ] + }, + { + "id": 19320, + "ingredients": [ + "shredded reduced fat cheddar cheese", + "chopped fresh chives", + "dry mustard", + "cream of tartar", + "french bread", + "butter", + "canadian bacon", + "large egg whites", + "cooking spray", + "1% low-fat milk", + "large egg yolks", + "shallots", + "salt" + ] + }, + { + "id": 3545, + "ingredients": [ + "eggs", + "mushrooms", + "bacon", + "carrots", + "toasted sesame seeds", + "sugar", + "sesame oil", + "Gochujang base", + "kimchi", + "spinach", + "brown rice", + "garlic", + "beansprouts", + "red cabbage", + "red pepper flakes", + "scallions", + "toasted nori" + ] + }, + { + "id": 25778, + "ingredients": [ + "cooking spray", + "gruyere cheese", + "black pepper", + "dry sherry", + "all-purpose flour", + "olive oil", + "1% low-fat milk", + "vidalia onion", + "butter", + "salt" + ] + }, + { + "id": 34074, + "ingredients": [ + "eggs", + "vegetable oil", + "low sodium chicken stock", + "ground white pepper", + "Shaoxing wine", + "garlic", + "shrimp", + "sugar", + "ground pork", + "scallions", + "frozen peas", + "sesame oil", + "salt", + "corn starch" + ] + }, + { + "id": 34216, + "ingredients": [ + "vanilla almondmilk", + "juice", + "frozen banana", + "coconut flakes", + "granola", + "chia seeds", + "matcha green tea powder", + "frozen strawberries", + "flax seed meal", + "sunflower seeds", + "blueberries", + "frozen blueberries" + ] + }, + { + "id": 38817, + "ingredients": [ + "green bell pepper", + "red wine vinegar", + "salt", + "onions", + "olive oil", + "large garlic cloves", + "cucumber", + "chili", + "ice water", + "croutons", + "white bread", + "vine ripened tomatoes", + "diced tomatoes", + "red bell pepper" + ] + }, + { + "id": 20749, + "ingredients": [ + "white onion", + "beef broth", + "ground cumin", + "garlic powder", + "ground coriander", + "pork shoulder roast", + "cayenne pepper", + "bay leaves", + "dried oregano" + ] + }, + { + "id": 31535, + "ingredients": [ + "celery ribs", + "olive oil", + "whole milk", + "garlic cloves", + "tomato paste", + "parmigiano reggiano cheese", + "grated nutmeg", + "thyme leaves", + "pancetta", + "ground chuck", + "large eggs", + "ricotta", + "onions", + "frozen chopped spinach", + "lasagna noodles", + "dry white wine", + "carrots" + ] + }, + { + "id": 2052, + "ingredients": [ + "bow-tie pasta", + "yellow corn meal", + "creole seasoning", + "vegetable oil" + ] + }, + { + "id": 18186, + "ingredients": [ + "green onions", + "water", + "bird chile", + "mustard greens", + "pickling salt" + ] + }, + { + "id": 49595, + "ingredients": [ + "vanilla beans", + "frozen pastry puff sheets", + "chile de arbol", + "water", + "bananas", + "pineapple", + "vanilla ice cream", + "milk", + "dark rum", + "sugar", + "large egg yolks", + "peeled fresh ginger" + ] + }, + { + "id": 47592, + "ingredients": [ + "olive oil", + "kalamata", + "basil leaves", + "cod fillets", + "plum tomatoes", + "fresh thyme leaves" + ] + }, + { + "id": 26011, + "ingredients": [ + "tomato sauce", + "parsley", + "large eggs", + "jumbo pasta shells", + "mozzarella cheese", + "ricotta cheese", + "grated parmesan cheese" + ] + }, + { + "id": 23403, + "ingredients": [ + "garlic paste", + "rose water", + "cinnamon", + "rice", + "bay leaf", + "ginger paste", + "clove", + "cream", + "yoghurt", + "ginger", + "cardamom", + "onions", + "white pepper", + "fennel", + "lemon", + "green chilies", + "ghee", + "ground fennel", + "water", + "chili powder", + "salt", + "ground cardamom", + "chicken thighs" + ] + }, + { + "id": 8005, + "ingredients": [ + "ground black pepper", + "all-purpose flour", + "boneless chop pork", + "corn oil", + "cooked rice", + "large eggs", + "panko breadcrumbs", + "kosher salt", + "tonkatsu sauce" + ] + }, + { + "id": 19517, + "ingredients": [ + "light cream", + "rose extract", + "salt", + "milk", + "pink food coloring", + "heavy cream", + "white sugar" + ] + }, + { + "id": 10157, + "ingredients": [ + "kosher salt", + "vegetable oil", + "fat-free chicken broth", + "nonstick spray", + "ground cumin", + "chicken broth", + "chicken breasts", + "cilantro", + "garlic cloves", + "dried oregano", + "diced onions", + "pepper", + "whole wheat tortillas", + "scallions", + "chipotles in adobo", + "tomato sauce", + "chili powder", + "garlic", + "Mexican cheese", + "cumin" + ] + }, + { + "id": 47071, + "ingredients": [ + "sugar", + "instant espresso powder", + "raspberries", + "heavy cream", + "kahlúa", + "almonds", + "corn starch", + "cream of tartar", + "large egg whites", + "salt" + ] + }, + { + "id": 22469, + "ingredients": [ + "greek seasoning", + "yoghurt", + "pita rounds", + "feta cheese crumbles", + "tomatoes", + "shrimp", + "olive oil", + "cucumber" + ] + }, + { + "id": 26224, + "ingredients": [ + "penne", + "butter", + "fresh basil leaves", + "pinenuts", + "salt", + "fresh parmesan cheese", + "garlic cloves", + "romano cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 29482, + "ingredients": [ + "brown sugar", + "sweet potatoes", + "chopped pecans", + "nutmeg", + "evaporated milk", + "butter", + "sugar", + "cinnamon", + "cinnamon sticks", + "eggs", + "flour", + "vanilla" + ] + }, + { + "id": 8227, + "ingredients": [ + "eggs", + "Shaoxing wine", + "chili oil", + "ground white pepper", + "soy sauce", + "wonton wrappers", + "ginger", + "sugar", + "sesame oil", + "ground pork", + "greens", + "chicken stock", + "flour", + "crushed garlic", + "salt" + ] + }, + { + "id": 12580, + "ingredients": [ + "flour", + "milk", + "salt", + "fresh blueberries", + "eggs", + "butter" + ] + }, + { + "id": 26385, + "ingredients": [ + "sugar", + "lemon zest", + "pinenuts", + "raw almond", + "eggs", + "coconut", + "milk chocolate", + "guava paste" + ] + }, + { + "id": 49610, + "ingredients": [ + "powdered sugar", + "strawberries", + "cream", + "sugar", + "meringue", + "whipped cream" + ] + }, + { + "id": 6446, + "ingredients": [ + "olive oil", + "fresh lemon juice", + "ground turmeric", + "canned tomatoes", + "onions", + "eggplant", + "red bell pepper", + "sugar", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 1766, + "ingredients": [ + "lime zest", + "cooking spray", + "salt", + "smoked paprika", + "ground cumin", + "romaine lettuce", + "light mayonnaise", + "garlic cloves", + "chopped cilantro fresh", + "white corn tortillas", + "ground red pepper", + "ground coriander", + "fresh lime juice", + "garlic powder", + "non-fat sour cream", + "shrimp", + "sliced green onions" + ] + }, + { + "id": 19538, + "ingredients": [ + "soy sauce", + "garlic", + "crabmeat", + "spring roll wrappers", + "lettuce leaves", + "rice vinegar", + "white sugar", + "mayonaise", + "vegetable oil", + "tamarind paste", + "egg yolks", + "salt", + "bird chile" + ] + }, + { + "id": 44811, + "ingredients": [ + "black pepper", + "chives", + "salt", + "bay leaf", + "light butter", + "dry white wine", + "fresh thyme leaves", + "tarragon leaves", + "onions", + "fat-free reduced-sodium chicken broth", + "leeks", + "baking powder", + "all-purpose flour", + "fresh parsley", + "skim milk", + "boneless skinless chicken breasts", + "whole wheat white flour", + "carrots", + "canola oil" + ] + }, + { + "id": 16844, + "ingredients": [ + "avocado", + "garlic powder", + "butter", + "red bell pepper", + "chipotle chile powder", + "lime", + "green bell pepper, slice", + "purple onion", + "chipotle peppers", + "olive oil", + "chipotle", + "shrimp", + "adobo sauce", + "kosher salt", + "tortillas", + "cilantro", + "sour cream", + "cumin" + ] + }, + { + "id": 28777, + "ingredients": [ + "warm water", + "vegetable oil", + "dry milk powder", + "green bell pepper", + "active dry yeast", + "salt", + "bread flour", + "granulated garlic", + "boneless skinless chicken breasts", + "roasted garlic", + "tomatoes", + "mozzarella cheese", + "purple onion", + "cornmeal" + ] + }, + { + "id": 28282, + "ingredients": [ + "hot pepper sauce", + "yoghurt", + "red bell pepper", + "ground black pepper", + "tahini", + "salt", + "olive oil", + "zucchini", + "garlic", + "water", + "egg noodles", + "lemon" + ] + }, + { + "id": 15025, + "ingredients": [ + "pure vanilla extract", + "granulated sugar", + "cinnamon sticks", + "large egg yolks", + "lemon", + "white rum", + "whole milk", + "baking soda", + "blanched almonds" + ] + }, + { + "id": 35345, + "ingredients": [ + "mustard", + "lime juice", + "soy sauce", + "dry sherry", + "ketchup", + "salt", + "brown sugar", + "hot pepper" + ] + }, + { + "id": 21527, + "ingredients": [ + "chicken legs", + "bay leaves", + "cider vinegar", + "soy sauce", + "minced garlic" + ] + }, + { + "id": 26997, + "ingredients": [ + "spinach", + "green chilies", + "ginger paste", + "mustard", + "water", + "onions", + "tumeric", + "lentils", + "curry leaves", + "salt", + "cumin" + ] + }, + { + "id": 40454, + "ingredients": [ + "grated orange peel", + "water", + "white rice", + "corn starch", + "cold water", + "soy sauce", + "green onions", + "orange juice", + "white vinegar", + "warm water", + "olive oil", + "garlic", + "boneless skinless chicken breast halves", + "brown sugar", + "ketchup", + "crushed red pepper flakes", + "chinese five-spice powder" + ] + }, + { + "id": 2828, + "ingredients": [ + "black pepper", + "olive oil", + "beef liver", + "sweet onion", + "squirrel", + "bay leaf", + "minced garlic", + "tomato juice", + "carrots", + "green bell pepper", + "dried thyme", + "salt", + "dried oregano" + ] + }, + { + "id": 18980, + "ingredients": [ + "black pepper", + "lean ground beef", + "celery flakes", + "garlic powder", + "creole seasoning", + "water", + "red pepper", + "diced bell pepper", + "green onions", + "long-grain rice" + ] + }, + { + "id": 13604, + "ingredients": [ + "black pepper", + "zucchini", + "garlic cloves", + "corn tortillas", + "lime juice", + "flank steak", + "sliced mushrooms", + "onions", + "sugar", + "olive oil", + "chili powder", + "red bell pepper", + "kosher salt", + "jalapeno chilies", + "hot water", + "chopped cilantro" + ] + }, + { + "id": 9911, + "ingredients": [ + "tumeric", + "garam masala", + "purple onion", + "ground cumin", + "kosher salt", + "yukon gold potatoes", + "canola oil", + "red chili peppers", + "jalapeno chilies", + "chopped cilantro fresh", + "eggplant", + "garlic", + "ginger paste" + ] + }, + { + "id": 49684, + "ingredients": [ + "sesame oil", + "scallions", + "garlic", + "red pepper", + "green beans", + "low sodium soy sauce", + "salt" + ] + }, + { + "id": 5056, + "ingredients": [ + "unsalted butter", + "garlic cloves", + "kosher salt", + "zest", + "steak", + "ground chipotle chile pepper", + "vegetable oil", + "juice", + "lime", + "sweet paprika", + "ground cumin" + ] + }, + { + "id": 2990, + "ingredients": [ + "green onions", + "chèvre", + "Piment d'Espelette", + "paprika", + "roasted almonds", + "chopped fresh herbs" + ] + }, + { + "id": 32016, + "ingredients": [ + "dried thyme", + "vegetable oil", + "garlic cloves", + "chicken broth", + "bay leaves", + "creole seasoning", + "onions", + "andouille sausage", + "green onions", + "long-grain rice", + "dried oregano", + "celery ribs", + "bell pepper", + "tomatoes with juice", + "shrimp" + ] + }, + { + "id": 37476, + "ingredients": [ + "fresh coriander", + "boneless skinless chicken breasts", + "carrots", + "olive oil", + "lemon", + "cabbage", + "water", + "chile pepper", + "red bell pepper", + "soy sauce", + "green onions", + "peanut butter" + ] + }, + { + "id": 33761, + "ingredients": [ + "caster sugar", + "yellow bean sauce", + "dry sherry", + "chopped garlic", + "chicken stock", + "fresh ginger root", + "spring onions", + "chilli bean sauce", + "dark soy sauce", + "ground black pepper", + "sesame oil", + "salt", + "pork", + "egg noodles", + "chili oil", + "oil" + ] + }, + { + "id": 20280, + "ingredients": [ + "drippings", + "lard", + "eggs", + "salt", + "milk", + "sausages", + "flour" + ] + }, + { + "id": 19266, + "ingredients": [ + "lamb rib chops", + "kalamata", + "fresh parsley leaves", + "boiling potatoes", + "diced red onions", + "garlic cloves", + "fresh mint", + "plain yogurt", + "salt", + "fresh lemon juice", + "plum tomatoes", + "olive oil", + "grated lemon zest", + "cucumber", + "dried oregano" + ] + }, + { + "id": 17492, + "ingredients": [ + "sugar", + "roasted red peppers", + "extra-virgin olive oil", + "hearts of romaine", + "water", + "red wine vinegar", + "salt", + "black pepper", + "artichok heart marin", + "purple onion", + "bottled peperoncini", + "brine-cured olives", + "cherry tomatoes", + "Italian parsley leaves", + "garlic cloves" + ] + }, + { + "id": 29376, + "ingredients": [ + "pita bread rounds", + "salt", + "sesame seeds", + "freshly ground pepper", + "butter" + ] + }, + { + "id": 39788, + "ingredients": [ + "seasoning salt", + "cream cheese", + "flour tortillas", + "sour cream", + "garlic powder", + "green chilies", + "shredded cheddar cheese", + "black olives" + ] + }, + { + "id": 606, + "ingredients": [ + "honey", + "garlic", + "sesame seeds", + "Gochujang base", + "seeds", + "squid", + "soy sauce", + "sesame oil" + ] + }, + { + "id": 28514, + "ingredients": [ + "passion fruit", + "crushed ice", + "sugar cane", + "sugar", + "cachaca" + ] + }, + { + "id": 8497, + "ingredients": [ + "water", + "beef tenderloin", + "oil", + "soy sauce", + "sesame seeds", + "rice vinegar", + "carrots", + "sugar", + "fresh ginger", + "garlic", + "garlic cloves", + "pepper", + "sesame oil", + "scallions", + "snow peas" + ] + }, + { + "id": 14688, + "ingredients": [ + "chicken wings", + "ground black pepper", + "ground cayenne pepper", + "garlic powder", + "ancho powder", + "kosher salt", + "cooking spray", + "canola oil", + "ground paprika", + "sweet tea", + "salt" + ] + }, + { + "id": 6514, + "ingredients": [ + "peanut butter", + "mini marshmallows", + "chocolate chips", + "sweetened coconut flakes", + "corn tortilla chips", + "confectioners sugar" + ] + }, + { + "id": 22222, + "ingredients": [ + "black beans", + "vegetable broth", + "corn starch", + "onions", + "mushrooms", + "cumin seed", + "sour cream", + "poblano chilies", + "enchilada sauce", + "corn tortillas", + "shredded mild cheddar cheese", + "salsa", + "cucumber", + "chopped cilantro fresh" + ] + }, + { + "id": 40303, + "ingredients": [ + "boneless pork shoulder", + "brown rice", + "red enchilada sauce", + "sweet onion", + "salt", + "chopped cilantro fresh", + "green chile", + "shredded lettuce", + "Old El Paso Taco Seasoning Mix", + "Mexican cheese blend", + "salsa" + ] + }, + { + "id": 23173, + "ingredients": [ + "ice", + "coconut", + "cachaca", + "sugar" + ] + }, + { + "id": 26842, + "ingredients": [ + "frozen chopped spinach", + "shredded carrots", + "alfredostyle pasta sauce", + "skim milk", + "fresh mushrooms", + "eggs", + "part-skim ricotta cheese", + "lasagna noodles", + "shredded mozzarella cheese" + ] + }, + { + "id": 38197, + "ingredients": [ + "orange glaze", + "boneless pork loin", + "ground red pepper", + "ground black pepper", + "salt" + ] + }, + { + "id": 6680, + "ingredients": [ + "ground chicken", + "garam masala", + "ginger", + "frozen peas", + "fennel seeds", + "minced garlic", + "potatoes", + "cumin seed", + "black pepper", + "egg roll wrappers", + "salt", + "canola oil", + "chiles", + "coriander seeds", + "crushed red pepper flakes", + "onions" + ] + }, + { + "id": 11165, + "ingredients": [ + "chicken broth", + "wing sauce", + "diced celery", + "cooked chicken breasts", + "white wine", + "salt", + "red bell pepper", + "corn kernel whole", + "avocado", + "olive oil", + "green chilies", + "mole sauce", + "pepper", + "yellow onion", + "sour cream" + ] + }, + { + "id": 10077, + "ingredients": [ + "sweetened condensed milk" + ] + }, + { + "id": 10703, + "ingredients": [ + "cooked rice", + "salt", + "frozen peas", + "large eggs", + "ham", + "minced garlic", + "scallions", + "vegetable oil", + "ground white pepper" + ] + }, + { + "id": 32046, + "ingredients": [ + "warm water", + "butter", + "yeast", + "honey", + "salt", + "milk", + "buttermilk", + "eggs", + "flour", + "buckwheat flour" + ] + }, + { + "id": 40961, + "ingredients": [ + "paprika", + "oregano", + "black pepper", + "cayenne pepper", + "granulated garlic", + "salt", + "butter", + "thyme" + ] + }, + { + "id": 35596, + "ingredients": [ + "soy sauce", + "spring onions", + "peanut butter", + "lime", + "Thai red curry paste", + "coriander", + "jasmine rice", + "vegetable oil", + "baby corn", + "brown sugar", + "pork tenderloin", + "light coconut milk" + ] + }, + { + "id": 1653, + "ingredients": [ + "bell pepper", + "carrots", + "refried beans", + "whole wheat tortillas", + "spinach", + "butter", + "finely chopped onion", + "grating cheese" + ] + }, + { + "id": 3886, + "ingredients": [ + "unsalted butter", + "large garlic cloves", + "milk", + "large eggs", + "grated Gruyère cheese", + "finely chopped onion", + "all-purpose flour", + "freshly grated parmesan", + "sweet potatoes" + ] + }, + { + "id": 14121, + "ingredients": [ + "slivered almonds", + "salt", + "smoked paprika", + "cooking spray", + "organic vegetable broth", + "fresh parsley", + "olive oil", + "dry bread crumbs", + "red bell pepper", + "white vinegar", + "crushed red pepper", + "garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 36351, + "ingredients": [ + "fish sauce", + "fresh lime juice", + "peeled fresh ginger", + "halibut", + "sugar" + ] + }, + { + "id": 32915, + "ingredients": [ + "olive oil", + "baby portobello mushrooms", + "garlic", + "pasta sauce", + "butter", + "dried pasta" + ] + }, + { + "id": 5386, + "ingredients": [ + "chicken", + "cooking oil", + "water", + "salt" + ] + }, + { + "id": 40215, + "ingredients": [ + "tomatoes", + "cilantro", + "lard", + "jalapeno chilies", + "salt", + "chicken", + "chicken broth", + "queso fresco", + "sour cream", + "corn tortilla chips", + "garlic", + "onions" + ] + }, + { + "id": 183, + "ingredients": [ + "cheddar cheese", + "lasagna noodles", + "chili powder", + "sauce", + "minced garlic", + "bay leaves", + "balsamic vinegar", + "onions", + "tomato sauce", + "marinara sauce", + "parsley", + "ground beef", + "tomato paste", + "low-fat cottage cheese", + "basil leaves", + "stewed tomatoes", + "ground oregano" + ] + }, + { + "id": 24641, + "ingredients": [ + "fish sauce", + "Sriracha", + "scallions", + "wide rice noodles", + "kosher salt", + "cilantro", + "chicken", + "white onion", + "jalapeno chilies", + "fresh lime juice", + "rock sugar", + "ground black pepper", + "squid" + ] + }, + { + "id": 47715, + "ingredients": [ + "baby spinach leaves", + "goat cheese", + "fine sea salt", + "canola oil", + "mushrooms", + "chipotles in adobo", + "purple onion", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 34390, + "ingredients": [ + "creole mustard", + "frozen vegetables", + "pepper", + "pork sausages", + "kosher salt", + "heavy cream", + "olive oil", + "whole wheat penne" + ] + }, + { + "id": 712, + "ingredients": [ + "soy sauce", + "green onions", + "sweet basil", + "firmly packed brown sugar", + "ground turkey breast", + "fat skimmed chicken broth", + "asian fish sauce", + "jasmine rice", + "garlic", + "green beans", + "roasted cashews", + "pepper", + "serrano", + "salad oil" + ] + }, + { + "id": 12535, + "ingredients": [ + "fish sauce", + "pepper", + "flour", + "butter", + "rice", + "toasted sesame oil", + "seasoning", + "soy sauce", + "fresh ginger", + "chicken breasts", + "salt", + "carrots", + "fried rice", + "sugar", + "light soy sauce", + "green onions", + "peas", + "garlic cloves", + "unsweetened pineapple juice", + "eggs", + "white onion", + "distilled vinegar", + "vegetable oil", + "cayenne pepper", + "corn starch" + ] + }, + { + "id": 49435, + "ingredients": [ + "eggs", + "butter", + "honey", + "walnuts", + "baking soda", + "sour cream", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 30517, + "ingredients": [ + "frozen okra", + "salt", + "pepper", + "quickcooking grits", + "medium shrimp", + "green bell pepper", + "flour", + "cayenne pepper", + "crushed tomatoes", + "butter", + "onions" + ] + }, + { + "id": 3489, + "ingredients": [ + "large eggs", + "all-purpose flour", + "granulated sugar", + "vegetable oil", + "sour cream", + "unsalted butter", + "baking powder", + "confectioners sugar", + "lemon zest", + "salt" + ] + }, + { + "id": 1636, + "ingredients": [ + "mayonaise", + "salt", + "peppercorns", + "chicken breasts", + "elbow pasta", + "cheddar cheese", + "pineapple rings", + "bay leaf", + "sultana", + "carrots", + "pickle relish" + ] + }, + { + "id": 30044, + "ingredients": [ + "lime juice", + "salt", + "chiles", + "garlic", + "tomatoes", + "cilantro sprigs", + "corn tortillas", + "chipotle chile", + "purple onion" + ] + }, + { + "id": 24095, + "ingredients": [ + "tomato sauce", + "chili powder", + "sour cream", + "shredded cheddar cheese", + "salt", + "cumin", + "pepper", + "lean ground beef", + "olives", + "tomatoes", + "flour tortillas", + "taco toppings" + ] + }, + { + "id": 22105, + "ingredients": [ + "kaffir lime leaves", + "olive oil", + "light coconut milk", + "carrots", + "water", + "hot chili paste", + "firm tofu", + "red bell pepper", + "tumeric", + "shallots", + "peanut butter", + "grate lime peel", + "golden brown sugar", + "ginger", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 24627, + "ingredients": [ + "nama yuba", + "bonito flakes", + "shiso", + "white pepper", + "agave nectar", + "rice vinegar", + "sake", + "mirin", + "salt", + "uni", + "light soy sauce", + "yuzu", + "konbu" + ] + }, + { + "id": 38840, + "ingredients": [ + "green chile", + "green onions", + "avocado", + "refried beans", + "corn tortillas", + "jack cheese", + "bacon", + "tomatoes", + "large eggs", + "chopped cilantro" + ] + }, + { + "id": 9246, + "ingredients": [ + "melted butter", + "ricotta cheese", + "white sugar", + "cold water", + "baking soda", + "vanilla extract", + "white vinegar", + "eggs", + "candied cherries", + "semi-sweet chocolate morsels", + "ground cinnamon", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 32088, + "ingredients": [ + "green chile", + "olive oil", + "salt", + "sour cream", + "pepper", + "chili powder", + "sweet corn", + "ground cumin", + "white onion", + "flour tortillas", + "salsa", + "chopped cilantro fresh", + "avocado", + "jack", + "lime wedges", + "shrimp" + ] + }, + { + "id": 38769, + "ingredients": [ + "sugar", + "green onions", + "asian fish sauce", + "chicken broth", + "lime", + "shallots", + "rice stick noodles", + "minced ginger", + "cooked chicken", + "fresh basil", + "chili", + "chinese five-spice powder" + ] + }, + { + "id": 5657, + "ingredients": [ + "chicken stock", + "pork belly", + "ground nutmeg", + "knox gelatin powder", + "lard", + "eggs", + "smoked bacon", + "unsalted butter", + "salt", + "fresh sage", + "water", + "gelatin", + "cracked black pepper", + "pork shoulder", + "pastry", + "mace", + "fresh thyme", + "all-purpose flour" + ] + }, + { + "id": 15325, + "ingredients": [ + "soy sauce", + "tahini", + "red pepper flakes", + "cucumber", + "canned low sodium chicken broth", + "ground black pepper", + "boneless skinless chicken breasts", + "salt", + "fresh ginger", + "vermicelli", + "garlic", + "sugar", + "cooking oil", + "sesame oil", + "scallions" + ] + }, + { + "id": 28603, + "ingredients": [ + "olive oil", + "yellow mustard", + "white onion", + "jalapeno chilies", + "cayenne pepper", + "hamburger buns", + "ground black pepper", + "garlic", + "water", + "chili powder", + "ground turkey" + ] + }, + { + "id": 42188, + "ingredients": [ + "diced onions", + "tumeric", + "zucchini", + "orange juice", + "saffron", + "fresh basil", + "olive oil", + "garlic", + "ground coriander", + "fresh tomatoes", + "eggplant", + "salt", + "ground cardamom", + "ground cinnamon", + "chili pepper", + "bell pepper", + "gingerroot", + "ground cumin" + ] + }, + { + "id": 30446, + "ingredients": [ + "sugar pea", + "finely chopped onion", + "freshly ground pepper", + "spinach", + "olive oil", + "vegetable broth", + "rubbed sage", + "arborio rice", + "water", + "dry white wine", + "garlic cloves", + "sugar", + "fresh parmesan cheese", + "salt" + ] + }, + { + "id": 1757, + "ingredients": [ + "soy sauce", + "peanut oil", + "choy sum", + "chopped garlic" + ] + }, + { + "id": 32710, + "ingredients": [ + "eggs", + "cajun seasoning", + "flour", + "salt", + "fillet red snapper", + "buttermilk", + "vegetable oil", + "dry bread crumbs" + ] + }, + { + "id": 2136, + "ingredients": [ + "pepper", + "butter", + "onions", + "nutmeg", + "beef", + "all-purpose flour", + "canola oil", + "dried thyme", + "salt", + "dried rosemary", + "mashed potatoes", + "beef stock", + "carrots" + ] + }, + { + "id": 27690, + "ingredients": [ + "russet", + "garam masala", + "black onion seeds", + "salt", + "mustard seeds", + "olive oil", + "potatoes", + "cilantro", + "beets", + "tumeric", + "zucchini", + "butter", + "serrano", + "onions", + "garbanzo beans", + "fenugreek", + "garlic", + "cumin seed" + ] + }, + { + "id": 35074, + "ingredients": [ + "eggs", + "vanilla extract", + "water", + "sugar", + "milk" + ] + }, + { + "id": 48873, + "ingredients": [ + "black beans", + "Mexican cheese blend", + "sea salt", + "hot sauce", + "corn tortillas", + "avocado", + "lime", + "beefsteak tomatoes", + "garlic", + "olive oil cooking spray", + "white onion", + "jalapeno chilies", + "extra-virgin olive oil", + "scallions", + "organic unsalted butter", + "ancho", + "ground black pepper", + "boneless skinless chicken breasts", + "cilantro leaves", + "sour cream" + ] + }, + { + "id": 39277, + "ingredients": [ + "bananas", + "vanilla extract", + "firmly packed light brown sugar", + "large eggs", + "all-purpose flour", + "ground cinnamon", + "granulated sugar", + "vanilla wafers", + "milk", + "butter" + ] + }, + { + "id": 28708, + "ingredients": [ + "black pepper", + "part-skim ricotta cheese", + "sugar", + "large egg whites", + "grated lemon zest", + "crème de cassis", + "sweet cherries", + "fresh lemon juice", + "sliced almonds", + "salt" + ] + }, + { + "id": 45762, + "ingredients": [ + "fat free less sodium chicken broth", + "parmigiano reggiano cheese", + "salt", + "radicchio", + "bacon slices", + "ground black pepper", + "purple onion", + "water", + "dry white wine", + "pearl barley" + ] + }, + { + "id": 37933, + "ingredients": [ + "water", + "salt", + "warm water", + "olive oil", + "milk", + "bread flour", + "active dry yeast" + ] + }, + { + "id": 4491, + "ingredients": [ + "olive oil", + "dried apricot", + "cinnamon", + "garlic", + "couscous", + "green olives", + "fennel bulb", + "butternut squash", + "paprika", + "ground coriander", + "cumin", + "chicken stock", + "merguez sausage", + "flour", + "lemon", + "chickpeas", + "onions", + "tumeric", + "zucchini", + "golden raisins", + "cilantro", + "carrots" + ] + }, + { + "id": 35597, + "ingredients": [ + "sugar", + "hot pepper sauce", + "vegetable oil", + "garlic cloves", + "smoked turkey", + "bay leaves", + "mustard greens", + "onions", + "pecorino cheese", + "ground black pepper", + "shallots", + "bacon", + "kosher salt", + "egg noodles", + "red wine vinegar", + "low salt chicken broth" + ] + }, + { + "id": 15163, + "ingredients": [ + "white bread", + "olive oil", + "leeks", + "fish stock", + "garlic cloves", + "toast", + "saffron threads", + "pernod", + "ground black pepper", + "dry white wine", + "crushed red pepper flakes", + "thyme", + "liqueur", + "tomatoes", + "large egg yolks", + "bay leaves", + "anise", + "fresh lemon juice", + "onions", + "mussels", + "kosher salt", + "roasted red peppers", + "large garlic cloves", + "cayenne pepper", + "flat leaf parsley" + ] + }, + { + "id": 25745, + "ingredients": [ + "grated parmesan cheese", + "seasoned bread crumbs", + "monterey jack", + "pasta sauce", + "boneless skinless chicken breast halves", + "eggs", + "vegetable oil" + ] + }, + { + "id": 49614, + "ingredients": [ + "tortilla chips", + "shredded cheddar cheese", + "shredded mozzarella cheese", + "mixed greens", + "zesty italian dressing", + "ground beef" + ] + }, + { + "id": 41946, + "ingredients": [ + "active dry yeast", + "all-purpose flour", + "unsalted butter", + "cake yeast", + "kosher salt", + "large eggs", + "granulated sugar", + "bread flour" + ] + }, + { + "id": 6372, + "ingredients": [ + "extra-virgin olive oil", + "coarse salt", + "garlic cloves", + "whole wheat linguine", + "crushed red pepper flakes", + "red bell pepper" + ] + }, + { + "id": 39604, + "ingredients": [ + "minced garlic", + "green leaf lettuce", + "chopped celery", + "olive oil", + "apple cider vinegar", + "ham", + "dried thyme", + "converted rice", + "hot sauce", + "canned low sodium chicken broth", + "black-eyed peas", + "cajun seasoning", + "sliced green onions" + ] + }, + { + "id": 42983, + "ingredients": [ + "soy sauce", + "mirin", + "broccoli", + "brown sugar", + "corn", + "spring onions", + "pink salmon", + "minced ginger", + "zucchini", + "garlic cloves", + "red chili peppers", + "olive oil", + "watercress", + "toasted sesame seeds" + ] + }, + { + "id": 19983, + "ingredients": [ + "frozen chopped spinach", + "fresh cilantro", + "extra firm tofu", + "purple onion", + "basmati rice", + "ground cloves", + "full fat coconut milk", + "garlic", + "green chilies", + "fennel seeds", + "fresh ginger", + "vegetable oil", + "salt", + "naan", + "curry powder", + "garam masala", + "canned tomatoes", + "coconut vinegar" + ] + }, + { + "id": 21892, + "ingredients": [ + "olive oil", + "lemon", + "dried chickpeas", + "celery", + "ginger paste", + "tomatoes", + "mung beans", + "paprika", + "chopped parsley", + "onions", + "chicken stock", + "green lentil", + "red pepper flakes", + "sour cream", + "chopped cilantro", + "kosher salt", + "cinnamon", + "crema", + "ground turkey", + "saffron" + ] + }, + { + "id": 20647, + "ingredients": [ + "ricotta", + "extra-virgin olive oil" + ] + }, + { + "id": 47368, + "ingredients": [ + "black cod fillets", + "sake", + "mirin", + "white miso", + "sugar" + ] + }, + { + "id": 3557, + "ingredients": [ + "minced garlic", + "hot sauce", + "reduced fat cheddar cheese", + "quickcooking grits", + "low sodium worcestershire sauce", + "water", + "skim milk", + "salt" + ] + }, + { + "id": 41749, + "ingredients": [ + "black pepper", + "salt", + "chicken", + "biscuits", + "water", + "yellow onion", + "mozzarella cheese", + "broccoli", + "condensed cream", + "green peas", + "carrots" + ] + }, + { + "id": 31498, + "ingredients": [ + "tomatoes", + "water", + "all-purpose flour", + "angel hair", + "grated parmesan cheese", + "peanut oil", + "eggs", + "eggplant", + "dry bread crumbs", + "pasta sauce", + "ricotta cheese", + "italian seasoning" + ] + }, + { + "id": 19271, + "ingredients": [ + "honey", + "unsalted butter", + "baking powder", + "jack cheese", + "baking soda", + "jalapeno chilies", + "cornmeal", + "orange bell pepper", + "large eggs", + "buttermilk", + "kosher salt", + "ground black pepper", + "flour", + "corn-on-the-cob" + ] + }, + { + "id": 15640, + "ingredients": [ + "slivered almonds", + "orange", + "vanilla ice cream", + "brandy", + "coffee ice cream", + "grated orange peel", + "water", + "coffee beans", + "butter cookies", + "sugar", + "honey" + ] + }, + { + "id": 26181, + "ingredients": [ + "pepper", + "garlic", + "kosher salt", + "cheese ravioli", + "flat leaf parsley", + "grated parmesan cheese", + "lemon juice", + "olive oil", + "walnuts" + ] + }, + { + "id": 22491, + "ingredients": [ + "cream", + "sweetened condensed milk", + "digestive biscuit", + "butter", + "bananas" + ] + }, + { + "id": 31939, + "ingredients": [ + "fresh coriander", + "rice noodles", + "carrots", + "chillies", + "clove", + "mint leaves", + "ginger", + "beansprouts", + "lime", + "crushed garlic", + "cinnamon sticks", + "onions", + "fish sauce", + "beef stock", + "star anise", + "steak" + ] + }, + { + "id": 35961, + "ingredients": [ + "slivered almonds", + "grated parmesan cheese", + "italian seasoning", + "salt and ground black pepper", + "onions", + "olive oil", + "butter", + "hot pepper sauce", + "fresh asparagus" + ] + }, + { + "id": 9811, + "ingredients": [ + "minced garlic", + "chicken breast halves", + "salt", + "chopped onion", + "oregano", + "ground red pepper", + "stewed tomatoes", + "margarine", + "ground white pepper", + "ground black pepper", + "dry mustard", + "hot sauce", + "thyme", + "sliced green onions", + "vegetable oil cooking spray", + "converted rice", + "chopped celery", + "green pepper", + "no salt added chicken broth" + ] + }, + { + "id": 40599, + "ingredients": [ + "tumeric", + "ground black pepper", + "ginger", + "mustard seeds", + "kosher salt", + "diced tomatoes", + "purple onion", + "molasses", + "apple cider vinegar", + "garlic", + "canola oil", + "garam masala", + "paprika", + "cumin seed" + ] + }, + { + "id": 40190, + "ingredients": [ + "scallion greens", + "goose", + "tasso", + "water", + "celery ribs", + "green bell pepper", + "bread flour", + "tomatoes", + "onions" + ] + }, + { + "id": 16581, + "ingredients": [ + "chicken broth", + "minced garlic", + "mascarpone", + "paprika", + "cayenne pepper", + "fettuccine pasta", + "olive oil", + "dijon mustard", + "salt", + "boneless skinless chicken breast halves", + "marsala wine", + "shiitake", + "butter", + "all-purpose flour", + "cremini mushrooms", + "sweet onion", + "ground black pepper", + "oyster mushrooms", + "flat leaf parsley" + ] + }, + { + "id": 22637, + "ingredients": [ + "pepper sauce", + "green onions", + "garlic", + "long-grain rice", + "ground turmeric", + "dried thyme", + "sliced carrots", + "chopped onion", + "red bell pepper", + "vegetable oil cooking spray", + "ground red pepper", + "salt", + "no salt added chicken broth", + "pork tenderloin", + "no-salt-added black beans", + "ground allspice", + "fresh lime juice" + ] + }, + { + "id": 37123, + "ingredients": [ + "asadero", + "bay leaf", + "kosher salt", + "garlic", + "onions", + "roma tomatoes", + "poblano chiles", + "large eggs", + "all-purpose flour", + "canola oil" + ] + }, + { + "id": 36020, + "ingredients": [ + "cayenne", + "dried oregano", + "garlic powder", + "paprika", + "dried thyme", + "onion powder", + "ground black pepper", + "salt" + ] + }, + { + "id": 2226, + "ingredients": [ + "grated parmesan cheese", + "crushed red pepper", + "chicken stock", + "bacon", + "garlic cloves", + "cannellini beans", + "salt", + "ground black pepper", + "extra-virgin olive oil", + "escarole" + ] + }, + { + "id": 43012, + "ingredients": [ + "grape tomatoes", + "ground black pepper", + "chees fresh mozzarella", + "large egg whites", + "large eggs", + "salt", + "canned black beans", + "asparagus", + "purple onion", + "fresh basil", + "fat free milk", + "cooking spray" + ] + }, + { + "id": 13134, + "ingredients": [ + "prosciutto", + "lemon rind", + "crushed red pepper", + "asparagus spears", + "ground black pepper", + "garlic cloves", + "salt", + "olive oil flavored cooking spray" + ] + }, + { + "id": 18749, + "ingredients": [ + "sugar", + "plums", + "unsalted butter", + "all-purpose flour", + "ground cinnamon", + "egg yolks", + "grated lemon zest", + "brandy", + "salt" + ] + }, + { + "id": 1692, + "ingredients": [ + "eggs", + "unsalted butter", + "double cream", + "caster sugar", + "self rising flour", + "golden syrup", + "bread crumbs", + "vanilla pods", + "lemon", + "milk", + "egg yolks" + ] + }, + { + "id": 10138, + "ingredients": [ + "seasoning salt", + "cajun seasoning", + "cracked black pepper", + "onions", + "potatoes", + "worcestershire sauce", + "carrots", + "green bell pepper, slice", + "butter", + "sauce", + "braising steak", + "beef stock", + "paprika", + "steak" + ] + }, + { + "id": 25235, + "ingredients": [ + "curry powder", + "ginger", + "onions", + "cream", + "butter", + "garlic cloves", + "eggs", + "vegetable oil", + "all-purpose flour", + "golden raisins", + "salt", + "chicken" + ] + }, + { + "id": 13955, + "ingredients": [ + "active dry yeast", + "grated parmesan cheese", + "canola oil", + "warm water", + "part-skim mozzarella cheese", + "all-purpose flour", + "sugar", + "dried thyme", + "salt", + "fat-free italian salad dressing", + "pepper", + "garlic powder", + "dried oregano" + ] + }, + { + "id": 42655, + "ingredients": [ + "bean threads", + "vegetable oil", + "boneless skinless chicken breast halves", + "green onions", + "Thai fish sauce", + "large shrimp", + "chiles", + "garlic cloves", + "chopped cilantro fresh", + "shallots", + "fresh lime juice" + ] + }, + { + "id": 12415, + "ingredients": [ + "honey", + "salt", + "chicken", + "warm water", + "barbecue sauce", + "shredded mozzarella cheese", + "olive oil", + "Gold Medal All Purpose Flour", + "active dry yeast", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 7502, + "ingredients": [ + "unsalted butter", + "salt", + "olive oil", + "boneless skinless chicken breasts", + "lemon juice", + "pasta", + "dry white wine", + "garlic cloves", + "ground black pepper", + "crushed red pepper flakes", + "fresh parsley" + ] + }, + { + "id": 27394, + "ingredients": [ + "eggs", + "vanilla extract", + "sweet potatoes", + "sweetened condensed milk", + "brown sugar", + "salt", + "ground cinnamon", + "butter" + ] + }, + { + "id": 44210, + "ingredients": [ + "Taco Bell Taco Seasoning Mix", + "TACO BELL® Thick & Chunky Mild Salsa", + "sliced black olives", + "shredded lettuce", + "KRAFT Shredded Cheddar Cheese", + "green onions", + "guacamole", + "Philadelphia Cream Cheese" + ] + }, + { + "id": 5331, + "ingredients": [ + "baking powder", + "milk", + "all-purpose flour", + "large eggs", + "salt" + ] + }, + { + "id": 25173, + "ingredients": [ + "kosher salt", + "ground black pepper", + "yellow onion", + "milk", + "sea salt", + "chopped cilantro", + "shredded cheddar cheese", + "jalapeno chilies", + "corn tortillas", + "eggs", + "cherry tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 48988, + "ingredients": [ + "ground pepper", + "green cabbage", + "bacon", + "coarse salt", + "cheddar cheese", + "corned beef" + ] + }, + { + "id": 20735, + "ingredients": [ + "halibut fillets", + "red curry paste", + "canola oil", + "fish sauce", + "green onions", + "ground coriander", + "fresh basil", + "peeled fresh ginger", + "chopped onion", + "sugar", + "light coconut milk", + "fresh lime juice" + ] + }, + { + "id": 22048, + "ingredients": [ + "tomato sauce", + "cauliflower", + "shredded cheese", + "basil", + "eggs", + "oregano" + ] + }, + { + "id": 27644, + "ingredients": [ + "black pepper", + "steamed white rice", + "cayenne pepper", + "unsweetened coconut milk", + "fresh cilantro", + "garlic", + "medium shrimp", + "lime juice", + "green onions", + "red bell pepper", + "tomatoes", + "olive oil", + "salt", + "onions" + ] + }, + { + "id": 43242, + "ingredients": [ + "tortillas", + "feta cheese crumbles", + "shredded cheddar cheese", + "salsa", + "black beans", + "cooked chicken", + "unsalted butter", + "shredded mozzarella cheese" + ] + }, + { + "id": 28368, + "ingredients": [ + "red wine", + "cola-flavored carbonated beverage" + ] + }, + { + "id": 2429, + "ingredients": [ + "yellow bell pepper", + "lemon juice", + "olive oil", + "wine vinegar", + "ground black pepper", + "salt", + "capers", + "anchovy paste", + "red bell pepper" + ] + }, + { + "id": 25477, + "ingredients": [ + "cheddar cheese", + "yellow onion", + "ground beef", + "salsa", + "enchilada sauce", + "mozzarella cheese", + "cream cheese", + "jumbo pasta shells", + "taco seasoning" + ] + }, + { + "id": 30938, + "ingredients": [ + "( oz.) tomato sauce", + "large garlic cloves", + "beer", + "onions", + "shredded cheddar cheese", + "chili powder", + "salt", + "sour cream", + "sliced green onions", + "smoked sweet Spanish paprika", + "worcestershire sauce", + "pinto beans", + "thick-cut bacon", + "crushed tomatoes", + "lean ground beef", + "cayenne pepper", + "roasted tomatoes", + "ground cumin" + ] + }, + { + "id": 29877, + "ingredients": [ + "rum", + "lemon juice", + "olive oil", + "sea salt", + "cooking sherry", + "fresh basil", + "butter", + "sour cream", + "grated parmesan cheese", + "fresh mushrooms" + ] + }, + { + "id": 30451, + "ingredients": [ + "black beans", + "chopped onion", + "reduced fat cheddar cheese", + "diced tomatoes", + "ground cumin", + "green onions", + "corn tortillas", + "bean soup", + "salsa" + ] + }, + { + "id": 48987, + "ingredients": [ + "chicken stock", + "lemongrass", + "button mushrooms", + "kaffir lime leaves", + "prawns", + "Thai fish sauce", + "fresh red chili", + "lime", + "yams", + "fresh coriander", + "spring onions", + "white sugar" + ] + }, + { + "id": 17989, + "ingredients": [ + "unsalted butter", + "sugar", + "whipping cream", + "vanilla beans", + "farmer cheese", + "egg yolks" + ] + }, + { + "id": 13439, + "ingredients": [ + "minced garlic", + "boneless skinless chicken breasts", + "cumin", + "tomato paste", + "crushed tomatoes", + "heavy cream", + "diced onions", + "minced ginger", + "red pepper flakes", + "tumeric", + "garam masala", + "cardamom" + ] + }, + { + "id": 33444, + "ingredients": [ + "instant yeast", + "bread flour", + "salt", + "warm water" + ] + }, + { + "id": 38794, + "ingredients": [ + "diced onions", + "chile pepper", + "black-eyed peas", + "salad dressing", + "minced garlic", + "green chilies", + "pimentos" + ] + }, + { + "id": 37227, + "ingredients": [ + "minced garlic", + "sun-dried tomatoes", + "part-skim ricotta cheese", + "carrots", + "large egg whites", + "pecorino romano cheese", + "provolone cheese", + "fresh parsley", + "dried thyme", + "cooking spray", + "crushed red pepper", + "penne rigate", + "diced onions", + "olive oil", + "diced tomatoes", + "diced celery" + ] + }, + { + "id": 39679, + "ingredients": [ + "sugar", + "almond extract", + "powdered sugar", + "semisweet chocolate", + "grated lemon peel", + "unsalted butter", + "salt", + "slivered almonds", + "large eggs" + ] + }, + { + "id": 34234, + "ingredients": [ + "eggs", + "salted peanuts", + "unbaked pie crusts", + "white sugar", + "dark corn syrup", + "creamy peanut butter", + "salt" + ] + }, + { + "id": 38038, + "ingredients": [ + "low sodium soy sauce", + "water", + "vegetable oil", + "corn starch", + "fat free less sodium chicken broth", + "green onions", + "dark sesame oil", + "sugar", + "peeled fresh ginger", + "broccoli", + "minced garlic", + "rice wine", + "oyster sauce" + ] + }, + { + "id": 7274, + "ingredients": [ + "fresh basil", + "spanish onion", + "italian plum tomatoes", + "hot Italian sausages", + "polenta", + "dried porcini mushrooms", + "olive oil", + "dry white wine", + "flat leaf parsley", + "dried oregano", + "chicken stock", + "minced garlic", + "parmigiano reggiano cheese", + "cracked black pepper", + "pork butt", + "fennel seeds", + "kosher salt", + "unsalted butter", + "heavy cream", + "bay leaf", + "chuck" + ] + }, + { + "id": 18018, + "ingredients": [ + "olive oil", + "freshly ground pepper", + "capers", + "lemon", + "green beans", + "chicken breasts", + "feta cheese crumbles", + "cherry tomatoes", + "salt", + "oregano" + ] + }, + { + "id": 11450, + "ingredients": [ + "crawfish", + "lasagna noodles, cooked and drained", + "ricotta", + "eggs", + "bell pepper", + "shredded parmesan cheese", + "medium shrimp", + "tomatoes", + "olive oil", + "seeds", + "garlic cloves", + "Velveeta", + "jalapeno chilies", + "shredded pepper jack cheese", + "onions" + ] + }, + { + "id": 48160, + "ingredients": [ + "ground red pepper", + "creole mustard", + "hollandaise sauce", + "fresh parsley" + ] + }, + { + "id": 21288, + "ingredients": [ + "diced red onions", + "yellow rice", + "plum tomatoes", + "water", + "extra-virgin olive oil", + "garlic cloves", + "black beans", + "salsa seasoning mix", + "cumin seed", + "poblano peppers", + "shredded pepper jack cheese", + "chopped cilantro" + ] + }, + { + "id": 34704, + "ingredients": [ + "sugar", + "whole milk", + "all-purpose flour", + "unsalted butter", + "vanilla extract", + "armagnac", + "water", + "raisins", + "pitted prunes", + "powdered sugar", + "large eggs", + "salt" + ] + }, + { + "id": 46684, + "ingredients": [ + "minced garlic", + "cheese", + "vegetable oil cooking spray", + "olive oil", + "chopped onion", + "crushed tomatoes", + "salt", + "sugar", + "grated parmesan cheese", + "italian seasoning" + ] + }, + { + "id": 7049, + "ingredients": [ + "sugar", + "chili powder", + "ground coriander", + "unsweetened cocoa powder", + "ground nutmeg", + "garlic", + "onions", + "ground cinnamon", + "boneless skinless chicken breasts", + "peanut butter", + "toasted sesame seeds", + "crushed tomatoes", + "raisins", + "chipotles in adobo", + "ground cumin" + ] + }, + { + "id": 9116, + "ingredients": [ + "light brown sugar", + "large garlic cloves", + "water", + "fresh lime juice", + "jalapeno chilies", + "chopped cilantro", + "spearmint", + "vietnamese fish sauce" + ] + }, + { + "id": 22485, + "ingredients": [ + "orzo", + "ground black pepper", + "fresh lemon juice", + "homemade chicken stock", + "salt", + "large eggs", + "corn starch" + ] + }, + { + "id": 6346, + "ingredients": [ + "cucumber", + "radishes", + "salsa" + ] + }, + { + "id": 40269, + "ingredients": [ + "black beans", + "lime slices", + "ground cumin", + "black pepper", + "olive oil", + "chopped onion", + "minced garlic", + "diced tomatoes", + "fat free less sodium chicken broth", + "frozen whole kernel corn", + "dried oregano" + ] + }, + { + "id": 35850, + "ingredients": [ + "green bell pepper", + "lower sodium soy sauce", + "green onions", + "garlic cloves", + "onions", + "pineapple chunks", + "ketchup", + "pork tenderloin", + "crushed red pepper", + "corn starch", + "lower sodium chicken broth", + "cider vinegar", + "peeled fresh ginger", + "peanut oil", + "red bell pepper", + "sugar", + "water chestnuts", + "white rice", + "juice" + ] + }, + { + "id": 1429, + "ingredients": [ + "coconut milk", + "grated coconut", + "sugar", + "cassava", + "banana leaves" + ] + }, + { + "id": 19739, + "ingredients": [ + "butter", + "white sugar", + "all-purpose flour", + "vanilla extract", + "eggs", + "cream cheese" + ] + }, + { + "id": 38972, + "ingredients": [ + "warm water", + "white sugar", + "baking soda", + "active dry yeast", + "all-purpose flour" + ] + }, + { + "id": 39570, + "ingredients": [ + "pepper", + "lemon", + "fresh parsley", + "vegetable oil", + "salt", + "flour", + "heavy cream", + "white wine", + "butter", + "shrimp" + ] + }, + { + "id": 43463, + "ingredients": [ + "dried basil", + "large eggs", + "shredded mozzarella cheese", + "olive oil", + "grated parmesan cheese", + "dried oregano", + "eggplant", + "coarse salt", + "plain dry bread crumb", + "ground pepper", + "chunky tomato sauce" + ] + }, + { + "id": 21757, + "ingredients": [ + "mushrooms", + "tomatoes", + "ground beef", + "italian sausage", + "shredded mozzarella cheese", + "pepperoni slices", + "rigatoni" + ] + }, + { + "id": 36070, + "ingredients": [ + "sliced olives", + "capers", + "salad dressing", + "feta cheese crumbles", + "artichoke hearts", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 40550, + "ingredients": [ + "mushroom caps", + "laughing cow", + "black pepper", + "jalapeno chilies", + "salsa", + "reduced fat Mexican cheese", + "flour tortillas", + "non-fat sour cream", + "garlic powder", + "onion powder", + "filet" + ] + }, + { + "id": 22914, + "ingredients": [ + "fish sauce", + "lemongrass", + "coriander seeds", + "vegetable stock", + "zest", + "garlic cloves", + "kaffir lime leaves", + "pepper", + "olive oil", + "butternut squash", + "salt", + "squid", + "coconut milk", + "dark soy sauce", + "fresh coriander", + "fresh ginger", + "spring onions", + "cilantro leaves", + "oil", + "raw tiger prawn", + "red chili peppers", + "lime", + "bell pepper", + "peas", + "green chilies", + "baby corn" + ] + }, + { + "id": 15074, + "ingredients": [ + "red chili peppers", + "garam masala", + "cracked black pepper", + "rice", + "fresh lemon juice", + "brown sugar", + "water", + "dried cilantro leaves", + "yellow onion", + "vegan milk substitute", + "ground turmeric", + "tomato paste", + "shredded coconut", + "pumpkin", + "ginger", + "brown lentils", + "smoked paprika", + "slivered almonds", + "olive oil", + "sea salt", + "kale leaves", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 41576, + "ingredients": [ + "refried beans", + "garlic", + "corn tortillas", + "pepper", + "large eggs", + "oil", + "pico de gallo", + "feta cheese", + "salt", + "onions", + "chorizo", + "cilantro", + "sour cream" + ] + }, + { + "id": 46372, + "ingredients": [ + "green olives", + "butter", + "anchovy fillets", + "water", + "salt", + "fresh mushrooms", + "pepper", + "purple onion", + "goat cheese", + "tomatoes", + "olive oil", + "all-purpose flour", + "fresh basil leaves" + ] + }, + { + "id": 8751, + "ingredients": [ + "canned low sodium chicken broth", + "heavy cream", + "celery", + "baking potatoes", + "pizza doughs", + "dried thyme", + "gruyere cheese", + "ground black pepper", + "salt" + ] + }, + { + "id": 47378, + "ingredients": [ + "dried porcini mushrooms", + "part-skim mozzarella cheese", + "dry red wine", + "hot water", + "dried rosemary", + "tomato paste", + "olive oil", + "diced tomatoes", + "chopped onion", + "dried oregano", + "dried thyme", + "mushroom caps", + "part-skim ricotta cheese", + "shiitake mushroom caps", + "large egg whites", + "cooking spray", + "salt", + "polenta" + ] + }, + { + "id": 21143, + "ingredients": [ + "sake", + "bread crumbs", + "firm tofu", + "eggs", + "soy sauce", + "miso", + "mayonaise", + "mirin", + "sesame", + "ground chicken", + "ginger" + ] + }, + { + "id": 3818, + "ingredients": [ + "garam masala", + "vegetable broth", + "pinto beans", + "dried lentils", + "diced tomatoes", + "cayenne pepper", + "onions", + "nutmeg", + "cinnamon", + "chopped celery", + "carrots", + "garbanzo beans", + "ginger", + "garlic cloves", + "cumin" + ] + }, + { + "id": 48486, + "ingredients": [ + "tomatoes", + "olive oil", + "sliced mushrooms", + "green bell pepper", + "stewed tomatoes", + "onions", + "angel hair", + "light beer", + "red bell pepper", + "corn", + "garlic", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 23388, + "ingredients": [ + "ground black pepper", + "garlic", + "onions", + "chicken stock", + "bay leaves", + "pork roast", + "celery ribs", + "fresh thyme", + "salt", + "white wine", + "crushed red pepper flakes", + "lard" + ] + }, + { + "id": 37216, + "ingredients": [ + "chicken bouillon granules", + "snaps", + "paprika", + "bone in chicken thighs", + "vegetable gumbo", + "field peas", + "creole seasoning", + "corn kernel whole" + ] + }, + { + "id": 13142, + "ingredients": [ + "green bell pepper", + "cajun seasoning", + "long-grain rice", + "chicken broth", + "ground red pepper", + "all-purpose flour", + "onions", + "crawfish", + "butter", + "garlic cloves", + "celery ribs", + "green onions", + "salt", + "fresh parsley" + ] + }, + { + "id": 828, + "ingredients": [ + "dry white wine", + "roasting chickens", + "onions", + "fresh rosemary", + "chopped fresh thyme", + "low salt chicken broth", + "fennel seeds", + "coarse salt", + "garlic cloves", + "unsalted butter", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 18468, + "ingredients": [ + "ground black pepper", + "vegetable oil", + "potatoes", + "salt", + "water", + "starch", + "chili sauce", + "light soy sauce", + "sesame oil", + "chinese five-spice powder" + ] + }, + { + "id": 25554, + "ingredients": [ + "water", + "vanilla", + "cayenne", + "masa harina", + "milk", + "chocolate", + "brown sugar", + "cinnamon" + ] + }, + { + "id": 9863, + "ingredients": [ + "water", + "garlic", + "italian seasoning", + "tomato paste", + "olive oil", + "chopped onion", + "tomatoes", + "red wine", + "white sugar", + "dried basil", + "crushed red pepper" + ] + }, + { + "id": 12771, + "ingredients": [ + "fish sauce", + "thai basil", + "ginger", + "shrimp", + "soy sauce", + "green onions", + "rice vinegar", + "toasted sesame oil", + "brown sugar", + "Sriracha", + "garlic", + "coconut milk", + "chicken broth", + "peanuts", + "crushed red pepper flakes", + "creamy peanut butter", + "noodles" + ] + }, + { + "id": 3066, + "ingredients": [ + "mozzarella cheese", + "instant yeast", + "hot red pepper flakes", + "olive oil", + "salt", + "minced garlic", + "asiago", + "warm water", + "eggplant", + "all-purpose flour" + ] + }, + { + "id": 35442, + "ingredients": [ + "lime juice", + "hot pepper", + "dry red wine", + "bay leaf", + "ground black pepper", + "large garlic cloves", + "garlic cloves", + "dried oregano", + "lime", + "coarse salt", + "salt", + "onions", + "white onion", + "jalapeno chilies", + "sirloin steak", + "fresh parsley leaves" + ] + }, + { + "id": 25696, + "ingredients": [ + "bread crumbs", + "butter", + "chayotes", + "ground black pepper", + "salt", + "curry powder", + "red pepper", + "onions", + "tomatoes", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 38136, + "ingredients": [ + "chiles", + "apple cider vinegar", + "canola oil", + "dijon mustard", + "extra-virgin olive oil", + "cotija", + "sherry wine vinegar", + "spinach leaves", + "radishes", + "pepitas" + ] + }, + { + "id": 35825, + "ingredients": [ + "fennel seeds", + "fat free less sodium chicken broth", + "cooking spray", + "garlic cloves", + "ground round", + "finely chopped onion", + "dry red wine", + "polenta", + "fresh basil", + "ground black pepper", + "diced tomatoes", + "carrots", + "romano cheese", + "reduced fat milk", + "salt" + ] + }, + { + "id": 28933, + "ingredients": [ + "cooked rice", + "paprika", + "scallions", + "oregano", + "honey", + "salt", + "shrimp", + "tomato sauce", + "vegetable broth", + "garlic cloves", + "tomatoes", + "vegetable oil", + "cayenne pepper", + "thyme" + ] + }, + { + "id": 34629, + "ingredients": [ + "cooked bone in ham", + "spicy brown mustard", + "light brown sugar", + "fresh bay leaves", + "cola soft drink", + "clove", + "bourbon whiskey" + ] + }, + { + "id": 22169, + "ingredients": [ + "fresh rosemary", + "diced tomatoes", + "salt", + "fresh spinach", + "sprinkles", + "carrots", + "minced garlic", + "dry red wine", + "onions", + "pasta", + "ground black pepper", + "crushed red pepper", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 7028, + "ingredients": [ + "soy sauce", + "sesame oil", + "pears", + "sesame seeds", + "beef rib short", + "honey", + "garlic", + "brown sugar", + "green onions", + "onions" + ] + }, + { + "id": 37204, + "ingredients": [ + "avocado", + "red chile sauce", + "guacamole", + "oil", + "onions", + "cheddar cheese", + "flour tortillas", + "black olives", + "sour cream", + "ground cumin", + "tomatoes", + "fresh cilantro", + "shredded lettuce", + "pinto beans", + "dried oregano", + "red chili peppers", + "bell pepper", + "salsa", + "chipotles in adobo" + ] + }, + { + "id": 16980, + "ingredients": [ + "olive oil", + "chili powder", + "salt", + "dried parsley", + "canned black beans", + "quinoa", + "butter", + "cayenne pepper", + "grape tomatoes", + "ground pepper", + "mexican style 4 cheese blend", + "yellow onion", + "plain yogurt", + "bell pepper", + "vegetable broth", + "sweet corn" + ] + }, + { + "id": 27356, + "ingredients": [ + "pinenuts", + "heavy cream", + "freshly ground pepper", + "queso fresco", + "cayenne pepper", + "boiling water", + "ground black pepper", + "salt", + "ancho chile pepper", + "large garlic cloves", + "peanut oil", + "dried oregano" + ] + }, + { + "id": 11736, + "ingredients": [ + "olive oil", + "garlic", + "reduced sodium chicken broth", + "fresh thyme", + "thick-cut bacon", + "cremini mushrooms", + "ground black pepper", + "salt", + "pearl onions", + "yukon gold potatoes", + "chicken" + ] + }, + { + "id": 1632, + "ingredients": [ + "sugar", + "fresh ginger root", + "butter", + "salt", + "water", + "yoghurt", + "canned tomatoes", + "ground cumin", + "red chili powder", + "minced ginger", + "ricotta cheese", + "purple onion", + "boneless chicken skinless thigh", + "coriander powder", + "kasuri methi", + "garlic cloves" + ] + }, + { + "id": 1073, + "ingredients": [ + "mayonaise", + "cayenne pepper", + "worcestershire sauce", + "shrimp", + "green onions", + "cream cheese", + "salt", + "key lime juice" + ] + }, + { + "id": 8236, + "ingredients": [ + "potatoes", + "lamb", + "chicken stock", + "sea salt", + "butter", + "onions", + "plain flour", + "cracked black pepper" + ] + }, + { + "id": 42866, + "ingredients": [ + "green onions", + "chopped parsley", + "artichoke hearts", + "salt", + "sun-dried tomatoes", + "black olives", + "chopped garlic", + "chopped fresh chives", + "cream cheese" + ] + }, + { + "id": 30904, + "ingredients": [ + "red chili peppers", + "lime peel", + "cumin seed", + "black peppercorns", + "lemongrass", + "shallots", + "chopped garlic", + "lime zest", + "kosher salt", + "shrimp paste", + "galangal", + "chiles", + "coriander seeds", + "cilantro root" + ] + }, + { + "id": 35258, + "ingredients": [ + "fresh mozzarella balls", + "cherry tomatoes", + "fresh basil leaves", + "pepper", + "salt", + "olive oil" + ] + }, + { + "id": 17290, + "ingredients": [ + "water", + "parsley leaves", + "salt", + "milk", + "grated parmesan cheese", + "garlic cloves", + "olive oil", + "basil leaves", + "pasta", + "ground black pepper", + "green peas" + ] + }, + { + "id": 35929, + "ingredients": [ + "green bell pepper", + "milk", + "ground sirloin", + "purple onion", + "grill seasoning", + "sour cream", + "onions", + "chiles", + "hot dogs", + "worcestershire sauce", + "all-purpose flour", + "scallions", + "chopped cilantro", + "cumin", + "tomato sauce", + "unsalted butter", + "chili powder", + "salt", + "beer", + "chipotles in adobo", + "pimento stuffed green olives", + "corn tortilla chips", + "shredded cheddar cheese", + "red beans", + "extra-virgin olive oil", + "hot sauce", + "garlic cloves", + "roasted tomatoes" + ] + }, + { + "id": 46072, + "ingredients": [ + "soy sauce", + "ginger", + "corn starch", + "dark soy sauce", + "green onions", + "salt", + "seasoning", + "water", + "garlic", + "chicken thighs", + "sugar", + "russet potatoes", + "oil" + ] + }, + { + "id": 46763, + "ingredients": [ + "shallots", + "ground white pepper", + "water", + "salt", + "wild mushrooms", + "butter", + "flat leaf parsley", + "large eggs", + "fresh lemon juice" + ] + }, + { + "id": 47664, + "ingredients": [ + "olive oil", + "leeks", + "ricotta salata", + "large eggs", + "kosher salt", + "fresh peas", + "ground black pepper", + "fresh mint" + ] + }, + { + "id": 45625, + "ingredients": [ + "sugar", + "vegetable stock", + "cinnamon sticks", + "curry powder", + "extra-virgin olive oil", + "sliced almonds", + "sea salt", + "ground turmeric", + "cauliflower", + "brown mustard seeds", + "green chilies" + ] + }, + { + "id": 31177, + "ingredients": [ + "jalapeno chilies", + "garlic", + "almonds", + "lemon", + "boneless skinless chicken breast halves", + "fresh ginger root", + "heavy cream", + "chopped cilantro fresh", + "butter", + "salt" + ] + }, + { + "id": 33941, + "ingredients": [ + "lime juice", + "fillets", + "shallots", + "salsa", + "olive oil" + ] + }, + { + "id": 12272, + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "white sugar", + "milk", + "butter", + "eggs", + "chopped almonds", + "bread flour", + "active dry yeast", + "salt" + ] + }, + { + "id": 48146, + "ingredients": [ + "sugar pea", + "garden peas", + "cumin seed", + "ground turmeric", + "olive oil", + "garlic", + "fresh lemon juice", + "spinach", + "sesame seeds", + "salt", + "onions", + "shredded coconut", + "red pepper flakes", + "black mustard seeds" + ] + }, + { + "id": 11812, + "ingredients": [ + "black pepper", + "garlic cloves", + "pitted black olives", + "oil", + "anchovies", + "lemon juice", + "capers", + "extra-virgin olive oil" + ] + }, + { + "id": 42795, + "ingredients": [ + "ground black pepper", + "ranch dressing", + "flour tortillas", + "onions", + "green bell pepper, slice", + "vegetable oil", + "lime juice", + "flank steak", + "ground cumin" + ] + }, + { + "id": 14372, + "ingredients": [ + "chicken stock", + "olive oil", + "salt", + "italian seasoning", + "black pepper", + "cannellini beans", + "carrots", + "chili flakes", + "ditalini pasta", + "chopped onion", + "celery ribs", + "peeled tomatoes", + "large garlic cloves", + "chopped parsley" + ] + }, + { + "id": 2964, + "ingredients": [ + "chicken breasts", + "salsa", + "cumin", + "black beans", + "diced tomatoes", + "cream cheese", + "chicken broth", + "red pepper", + "green pepper", + "green onions", + "pasta shells", + "sharp cheddar cheese" + ] + }, + { + "id": 9236, + "ingredients": [ + "shiitake", + "salt", + "chicken stock", + "marinade", + "oil", + "peanuts", + "root vegetables", + "sugar", + "sesame oil", + "dried shrimp" + ] + }, + { + "id": 18992, + "ingredients": [ + "water", + "garlic", + "onions", + "soy sauce", + "Shaoxing wine", + "oyster sauce", + "warm water", + "beef", + "oil", + "white pepper", + "sesame oil", + "carrots" + ] + }, + { + "id": 30902, + "ingredients": [ + "olive oil", + "all-purpose flour", + "whole milk", + "large eggs", + "water", + "salt" + ] + }, + { + "id": 30939, + "ingredients": [ + "sugar", + "lemon", + "green olives", + "italian plum tomatoes", + "artichokes", + "celery ribs", + "dried basil", + "extra-virgin olive oil", + "capers", + "red wine vinegar", + "garlic cloves" + ] + }, + { + "id": 20108, + "ingredients": [ + "eggs", + "extra-virgin olive oil", + "grated lemon peel", + "zucchini", + "green beans", + "grated parmesan cheese", + "heavy whipping cream", + "white onion", + "fresh lemon juice" + ] + }, + { + "id": 6562, + "ingredients": [ + "coconut", + "fresh ginger", + "asparagus", + "vegetable broth", + "cumin seed", + "chopped cilantro fresh", + "sugar", + "light soy sauce", + "swiss chard", + "shallots", + "salt", + "onions", + "black peppercorns", + "lime", + "coriander seeds", + "extra firm tofu", + "garlic", + "flat leaf parsley", + "water", + "green curry paste", + "lemon grass", + "arrowroot powder", + "green chilies", + "cashew nuts" + ] + }, + { + "id": 46412, + "ingredients": [ + "nori sheets", + "Sriracha", + "cooked shrimp", + "mayonaise", + "cucumber", + "cilantro leaves" + ] + }, + { + "id": 8034, + "ingredients": [ + "asparagus", + "large eggs", + "salt", + "zucchini", + "heavy cream", + "unsalted butter", + "shallots", + "scallions", + "ground black pepper", + "parsley leaves", + "yellow bell pepper" + ] + }, + { + "id": 37521, + "ingredients": [ + "kosher salt", + "baking powder", + "ground coriander", + "eggs", + "ground black pepper", + "buttermilk", + "sliced green onions", + "yellow corn meal", + "baking soda", + "all purpose unbleached flour", + "canola oil", + "sugar", + "jalapeno chilies", + "cayenne pepper" + ] + }, + { + "id": 46651, + "ingredients": [ + "fresh basil", + "fusilli", + "ground black pepper", + "salt", + "olive oil", + "garlic", + "tomatoes", + "grated parmesan cheese" + ] + }, + { + "id": 32493, + "ingredients": [ + "cranberries", + "water", + "orange zest", + "brown sugar", + "cinnamon sticks", + "orange juice" + ] + }, + { + "id": 3251, + "ingredients": [ + "black peppercorns", + "basil leaves", + "lemon", + "rigatoni", + "cherry tomatoes", + "balsamic vinegar", + "extra-virgin olive oil", + "kosher salt", + "boneless skinless chicken breasts", + "red pepper flakes", + "store bought low sodium chicken broth", + "ground black pepper", + "fresh mozzarella", + "zest" + ] + }, + { + "id": 31825, + "ingredients": [ + "self rising flour", + "unsalted butter", + "peaches in heavy syrup", + "salt", + "granulated sugar" + ] + }, + { + "id": 2676, + "ingredients": [ + "sugar", + "red pepper flakes", + "greens", + "apple cider vinegar", + "salt", + "mustard greens", + "yellow onion", + "black pepper", + "bacon" + ] + }, + { + "id": 32140, + "ingredients": [ + "clam juice", + "anise liqueur", + "salmon fillets", + "garlic cloves", + "purple onion", + "olive oil", + "herbes de provence" + ] + }, + { + "id": 5326, + "ingredients": [ + "kosher salt", + "Mexican oregano", + "lime", + "ancho chile pepper", + "lime juice", + "large garlic cloves", + "pineapple juice concentrate" + ] + }, + { + "id": 38240, + "ingredients": [ + "black pepper", + "large eggs", + "grated nutmeg", + "asparagus", + "butter", + "large egg yolks", + "whole milk", + "fontina", + "parmigiano reggiano cheese", + "salt" + ] + }, + { + "id": 45874, + "ingredients": [ + "flank steak", + "oyster sauce", + "soy sauce", + "ginger", + "noodles", + "water", + "scallions", + "snow peas", + "sugar", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 17253, + "ingredients": [ + "enokitake", + "boiling water", + "low sodium soy sauce", + "firm tofu", + "bonito", + "yellow miso", + "red miso" + ] + }, + { + "id": 25292, + "ingredients": [ + "black pepper", + "cayenne pepper", + "chicken broth", + "garlic", + "shanks", + "vegetable oil", + "chopped onion", + "sugar", + "salt", + "greens" + ] + }, + { + "id": 48666, + "ingredients": [ + "ground ginger", + "black pepper", + "cayenne pepper", + "onions", + "plain flour", + "curry powder", + "lemon juice", + "boiling water", + "ground cinnamon", + "dried apricot", + "couscous", + "ground cumin", + "chicken stock", + "tomato purée", + "raisins", + "fillets" + ] + }, + { + "id": 49278, + "ingredients": [ + "vegetable oil", + "ground beef", + "milk", + "enchilada sauce", + "shredded cheddar cheese", + "condensed cream of mushroom soup", + "onions", + "chopped green chilies", + "corn tortillas" + ] + }, + { + "id": 47903, + "ingredients": [ + "eggs", + "milk", + "Duncan Hines Classic White Cake Mix", + "powdered sugar", + "cream cheese", + "coconut extract", + "butter", + "coconut", + "sour cream" + ] + }, + { + "id": 42062, + "ingredients": [ + "marinara sauce", + "penne pasta", + "dried basil", + "red pepper flakes", + "spinach", + "shredded Italian cheese", + "Italian turkey sausage", + "garlic powder", + "cracked black pepper" + ] + }, + { + "id": 27885, + "ingredients": [ + "tomato paste", + "dried basil", + "red wine", + "fresh mushrooms", + "italian sausage", + "water", + "red pepper flakes", + "salt", + "pepper", + "green onions", + "garlic", + "dried oregano", + "tomato sauce", + "olive oil", + "stewed tomatoes", + "white sugar" + ] + }, + { + "id": 21229, + "ingredients": [ + "cilantro leaves", + "large eggs", + "mexican chorizo", + "spanish chorizo", + "vegetable oil" + ] + }, + { + "id": 47629, + "ingredients": [ + "pepper", + "chicken breasts", + "salt", + "buttery spread", + "paprika", + "water", + "parsley", + "eggs", + "cornflake crumbs", + "garlic" + ] + }, + { + "id": 16695, + "ingredients": [ + "water", + "mustard seeds", + "vegetable oil", + "salt", + "shallots", + "basmati rice" + ] + }, + { + "id": 5355, + "ingredients": [ + "large egg yolks", + "cooking spray", + "ice cream", + "chopped pecans", + "vanilla low-fat ic cream", + "granulated sugar", + "butter", + "all-purpose flour", + "ground nutmeg", + "baking powder", + "sweetened coconut flakes", + "nonfat evaporated milk", + "brown sugar", + "peaches", + "bourbon whiskey", + "salt" + ] + }, + { + "id": 45369, + "ingredients": [ + "black peppercorns", + "green tomatoes", + "white vinegar", + "ground pepper", + "red bell pepper", + "sugar", + "salt", + "tomatoes", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 25736, + "ingredients": [ + "chile paste with garlic", + "water", + "garlic", + "green onion bottoms", + "sugar", + "hoisin sauce", + "dark sesame oil", + "five-spice powder", + "sake", + "olive oil", + "onion tops", + "snow peas", + "low sodium soy sauce", + "jasmine rice", + "yellow bell pepper", + "red bell pepper" + ] + }, + { + "id": 29882, + "ingredients": [ + "red chili peppers", + "chopped walnuts", + "pineapple chunks", + "garlic", + "mustard seeds", + "white vinegar", + "fresh ginger", + "juice", + "sugar", + "salt" + ] + }, + { + "id": 38900, + "ingredients": [ + "cayenne", + "black mustard seeds", + "ground cumin", + "purple onion", + "chopped cilantro fresh", + "vegetable oil", + "carrots", + "fresh curry leaves", + "salt", + "plain whole-milk yogurt" + ] + }, + { + "id": 1508, + "ingredients": [ + "minced garlic", + "green onions", + "salt", + "large shrimp", + "chopped green bell pepper", + "bacon slices", + "chopped onion", + "water", + "butter", + "hot sauce", + "fat free less sodium chicken broth", + "quickcooking grits", + "shredded sharp cheddar cheese", + "fresh lemon juice" + ] + }, + { + "id": 2526, + "ingredients": [ + "salt", + "sliced green onions", + "dried basil", + "green beans", + "pepper", + "garlic cloves", + "olive oil", + "plum tomatoes" + ] + }, + { + "id": 16563, + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "tortilla chips", + "monterey jack", + "boneless chicken skinless thigh", + "olive oil", + "yellow onion", + "sour cream", + "rub", + "refried beans", + "salsa", + "red bell pepper", + "fresh cilantro", + "guacamole", + "sharp cheddar cheese" + ] + }, + { + "id": 49060, + "ingredients": [ + "large egg yolks", + "vanilla extract", + "granulated sugar", + "cinnamon sticks", + "reduced fat milk", + "orange rind", + "nonfat dry milk", + "salt" + ] + }, + { + "id": 31448, + "ingredients": [ + "pecan halves", + "granulated sugar", + "butter", + "firmly packed light brown sugar", + "bourbon whiskey", + "chopped pecans", + "powdered sugar", + "large eggs", + "all-purpose flour", + "milk", + "refrigerated piecrusts" + ] + }, + { + "id": 36746, + "ingredients": [ + "shallots", + "rice", + "medium shrimp", + "fresh ginger", + "salted peanuts", + "fresh lime juice", + "sugar", + "watercress", + "corn starch", + "chicken stock", + "vegetable oil", + "freshly ground pepper", + "asian fish sauce" + ] + }, + { + "id": 1280, + "ingredients": [ + "sugar", + "soft-wheat flour", + "butter", + "baking powder", + "shortening", + "buttermilk" + ] + }, + { + "id": 41950, + "ingredients": [ + "ice cubes", + "cachaca", + "lime", + "white sugar" + ] + }, + { + "id": 25948, + "ingredients": [ + "top sirloin steak", + "feta cheese crumbles", + "yellow squash", + "purple onion", + "kosher salt", + "lemon", + "couscous", + "olive oil", + "freshly ground pepper" + ] + }, + { + "id": 35444, + "ingredients": [ + "soy sauce", + "grapeseed oil", + "onions", + "sesame oil", + "mustard powder", + "ground black pepper", + "sea salt", + "granulated sugar", + "rice vinegar" + ] + }, + { + "id": 2881, + "ingredients": [ + "cheddar cheese", + "bacon", + "tomatoes", + "milk", + "dried oregano", + "frozen spinach", + "kosher salt", + "onions", + "eggs", + "idaho potatoes" + ] + }, + { + "id": 44080, + "ingredients": [ + "butter", + "self rising flour", + "biscuits", + "buttermilk", + "sweet potatoes" + ] + }, + { + "id": 4446, + "ingredients": [ + "kirby cucumbers", + "rice vinegar", + "Fuji Apple", + "ginger", + "water", + "fine sea salt", + "sugar", + "red pepper" + ] + }, + { + "id": 47106, + "ingredients": [ + "garam masala", + "chicken drumsticks", + "salt", + "whole milk greek yogurt", + "lime", + "lime wedges", + "cilantro", + "ground coriander", + "mango chutney", + "paprika", + "cayenne pepper", + "ground cumin", + "fresh ginger", + "vegetable oil", + "ground tumeric", + "garlic cloves" + ] + }, + { + "id": 15521, + "ingredients": [ + "minced garlic", + "sherry vinegar", + "cooking spray", + "dark sesame oil", + "shiitake mushroom caps", + "ground chicken", + "large egg whites", + "ground black pepper", + "green onions", + "red miso", + "serrano chile", + "kosher salt", + "panko", + "mirin", + "dry sherry", + "corn starch", + "lime juice", + "lower sodium soy sauce", + "peeled fresh ginger", + "dark brown sugar", + "toasted sesame seeds" + ] + }, + { + "id": 44359, + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "dates", + "milk", + "sweet potatoes", + "chopped pecans", + "light brown sugar", + "light cream", + "crumbs", + "melted butter", + "large eggs", + "vanilla" + ] + }, + { + "id": 48967, + "ingredients": [ + "vegetable oil", + "steak seasoning", + "onion salt", + "buttermilk", + "yellow corn meal", + "catfish" + ] + }, + { + "id": 1599, + "ingredients": [ + "part-skim mozzarella cheese", + "part-skim ricotta cheese", + "onions", + "pepper", + "wonton wrappers", + "garlic cloves", + "tomato sauce", + "mushrooms", + "salt", + "dried oregano", + "dried basil", + "red pepper flakes", + "ground turkey" + ] + }, + { + "id": 44514, + "ingredients": [ + "celery ribs", + "salt", + "red bell pepper", + "olive oil", + "carrots", + "onions", + "pepper", + "lemon juice", + "fresh parsley", + "cannellini beans", + "feta cheese crumbles" + ] + }, + { + "id": 7140, + "ingredients": [ + "reduced fat coconut milk", + "sunflower oil", + "fresh ginger root", + "garlic cloves", + "baby spinach leaves", + "paneer", + "red lentils", + "garam masala", + "coriander" + ] + }, + { + "id": 27656, + "ingredients": [ + "black pepper", + "onion powder", + "paprika", + "cayenne pepper", + "celery", + "tomato sauce", + "garlic powder", + "dry sherry", + "garlic", + "shrimp", + "dried oregano", + "chicken stock", + "dried thyme", + "cajun seasoning", + "crushed red pepper flakes", + "scallions", + "onions", + "sugar", + "bell pepper", + "diced tomatoes", + "salt", + "corn starch" + ] + }, + { + "id": 35581, + "ingredients": [ + "diced onions", + "louisiana hot sauce", + "bay leaves", + "green pepper", + "andouille sausage links", + "cooked rice", + "dried thyme", + "diced tomatoes", + "dried oregano", + "celery ribs", + "chicken broth", + "minced garlic", + "cajun seasoning", + "medium shrimp", + "tomato paste", + "tomato sauce", + "boneless skinless chicken breasts", + "red bell pepper" + ] + }, + { + "id": 6359, + "ingredients": [ + "brown sugar", + "fresh ginger", + "red pepper flakes", + "pork belly", + "chives", + "chinese five-spice powder", + "soy sauce", + "green onions", + "rice vinegar", + "ground ginger", + "water", + "vegetable oil", + "serrano chile" + ] + }, + { + "id": 41639, + "ingredients": [ + "boneless skinless chicken breasts", + "basil pesto sauce", + "low-fat mozzarella cheese", + "salt", + "ground black pepper" + ] + }, + { + "id": 42680, + "ingredients": [ + "unsalted butter", + "garlic", + "ground cumin", + "sugar", + "ancho powder", + "scallions", + "jumbo shrimp", + "worcestershire sauce", + "salt", + "water", + "paprika", + "fresh lemon juice" + ] + }, + { + "id": 31520, + "ingredients": [ + "citrus vinaigrette", + "pork loin chops", + "chili powder", + "romaine lettuce", + "tortilla chips", + "bell pepper", + "onions" + ] + }, + { + "id": 47846, + "ingredients": [ + "olive oil", + "balsamic vinegar", + "rolls", + "green onions", + "crema", + "ground cumin", + "jalapeno chilies", + "tomatillos", + "chopped garlic", + "fresh oregano leaves", + "flank steak", + "purple onion" + ] + }, + { + "id": 7993, + "ingredients": [ + "black pepper", + "Alfredo sauce", + "salt", + "low-fat milk", + "grated parmesan cheese", + "ziti", + "shredded mozzarella cheese", + "olive oil", + "cooked chicken", + "shredded parmesan cheese", + "chicken broth", + "flour", + "garlic", + "fresh parsley" + ] + }, + { + "id": 2996, + "ingredients": [ + "water", + "grated parmesan cheese", + "carrots", + "fresh parsley", + "olive oil", + "garlic", + "celery", + "dried thyme", + "portabello mushroom", + "green split peas", + "onions", + "ground black pepper", + "salt", + "bay leaf" + ] + }, + { + "id": 27737, + "ingredients": [ + "fish sauce", + "fresh mint", + "hothouse cucumber", + "green onions", + "serrano chile", + "coconut", + "cooked shrimp", + "rice paper", + "sugar", + "fresh lime juice", + "iceberg lettuce" + ] + }, + { + "id": 27427, + "ingredients": [ + "olive oil", + "raisins", + "tea bags", + "boneless skinless chicken breasts", + "couscous", + "ground cinnamon", + "dried apricot", + "salt", + "water", + "butter", + "chopped fresh mint" + ] + }, + { + "id": 3734, + "ingredients": [ + "chili flakes", + "dried basil", + "onions", + "pepper", + "eggplant", + "tomatoes", + "minced garlic", + "salt", + "sugar", + "olive oil", + "dried oregano" + ] + }, + { + "id": 44673, + "ingredients": [ + "onion soup mix", + "shredded mozzarella cheese", + "grated parmesan cheese", + "dried oregano", + "macaroni", + "whole peel tomatoes, undrain and chop", + "water", + "lean ground beef" + ] + }, + { + "id": 43924, + "ingredients": [ + "soy sauce", + "garlic powder", + "rice vinegar", + "honey", + "boneless skinless chicken breasts", + "milk", + "flour", + "scallions", + "ground ginger", + "sesame seeds", + "sesame oil" + ] + }, + { + "id": 18628, + "ingredients": [ + "ground cinnamon", + "olive oil", + "baby spinach", + "extra-virgin olive oil", + "cucumber", + "rosemary", + "bay leaves", + "lemon", + "garlic cloves", + "oregano", + "mint", + "potatoes", + "red wine vinegar", + "purple onion", + "greek yogurt", + "cherry tomatoes", + "parsley", + "kalamata", + "leg of lamb" + ] + }, + { + "id": 3596, + "ingredients": [ + "spring roll wrappers", + "ground pork", + "onions", + "black pepper", + "carrots", + "soy sauce", + "garlic", + "eggs", + "water chestnuts", + "celery" + ] + }, + { + "id": 37666, + "ingredients": [ + "pure vanilla extract", + "baking soda", + "buttermilk", + "turbinado", + "large eggs", + "all-purpose flour", + "light brown sugar", + "unsalted butter", + "salt", + "pecan halves", + "baking powder", + "grated nutmeg" + ] + }, + { + "id": 14633, + "ingredients": [ + "salt", + "chili pepper", + "bucatini", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 36259, + "ingredients": [ + "tomato purée", + "chopped tomatoes", + "ginger", + "green chilies", + "bay leaf", + "white onion", + "chicken breasts", + "salt", + "greek yogurt", + "ground turmeric", + "fresh leav spinach", + "garam masala", + "garlic", + "cumin seed", + "peppercorns", + "clove", + "olive oil", + "paprika", + "brown cardamom", + "cinnamon sticks" + ] + }, + { + "id": 19752, + "ingredients": [ + "white onion", + "tomatoes", + "fine sea salt", + "large garlic cloves", + "chipotle chile", + "canola oil" + ] + }, + { + "id": 16697, + "ingredients": [ + "lemon zest", + "sugar", + "heavy whipping cream", + "basil", + "cream cheese" + ] + }, + { + "id": 9550, + "ingredients": [ + "preserved lemon", + "bay leaves", + "tomatoes with juice", + "ground cumin", + "ground cinnamon", + "orange", + "lemon", + "olives", + "saffron threads", + "kosher salt", + "cilantro stems", + "garlic", + "ground ginger", + "water", + "lamb stew meat", + "yellow onion" + ] + }, + { + "id": 20813, + "ingredients": [ + "eggs", + "flour", + "vanilla", + "light brown sugar", + "baking soda", + "baking powder", + "confectioners sugar", + "sliced almonds", + "Irish whiskey", + "salt", + "melted butter", + "coffee", + "butter" + ] + }, + { + "id": 34356, + "ingredients": [ + "egg substitute", + "cooking spray", + "all-purpose flour", + "boneless skinless chicken breast halves", + "fresh parmesan cheese", + "butter", + "fresh lemon juice", + "olive oil", + "dry white wine", + "garlic cloves", + "hot pepper sauce", + "salt", + "fresh parsley" + ] + }, + { + "id": 3583, + "ingredients": [ + "celery ribs", + "winter squash", + "white beans", + "pistou", + "soup pasta", + "large garlic cloves", + "carrots", + "green cabbage", + "leeks", + "freshly ground pepper", + "onions", + "turnips", + "water", + "salt", + "thyme" + ] + }, + { + "id": 14148, + "ingredients": [ + "brown sugar", + "ground black pepper", + "pork spareribs", + "honey", + "worcestershire sauce", + "onions", + "soy sauce", + "vegetable oil", + "lemon juice", + "fresh ginger", + "star anise" + ] + }, + { + "id": 28329, + "ingredients": [ + "tomato sauce", + "eggplant", + "orzo", + "nonfat ricotta cheese", + "diced onions", + "olive oil", + "grated parmesan cheese", + "garlic cloves", + "pinenuts", + "tomato juice", + "dry bread crumbs", + "boiling water", + "fresh basil", + "sun-dried tomatoes", + "diced tomatoes", + "red bell pepper" + ] + }, + { + "id": 166, + "ingredients": [ + "salsa verde", + "chili powder", + "cream cheese", + "ground cumin", + "cooking spray", + "cheese", + "chopped cilantro", + "flour tortillas", + "onion powder", + "fresh lime juice", + "cooked chicken", + "garlic", + "sliced green onions" + ] + }, + { + "id": 12368, + "ingredients": [ + "sugar", + "all-purpose flour", + "pure vanilla extract", + "large eggs", + "unsalted butter", + "yellow corn meal", + "salt" + ] + }, + { + "id": 32261, + "ingredients": [ + "chiles", + "fish stock", + "fillets", + "lime", + "root vegetables", + "fresh cilantro", + "canned coconut milk", + "fish sauce", + "lemon grass", + "scallions" + ] + }, + { + "id": 35306, + "ingredients": [ + "black pepper", + "pimentos", + "bacon slices", + "sharp cheddar cheese", + "smoked paprika", + "unsalted butter", + "heavy cream", + "cayenne pepper", + "scallions", + "chicken broth", + "finely chopped fresh parsley", + "diced tomatoes", + "mustard powder", + "old fashioned stone ground grits", + "kosher salt", + "lemon", + "all-purpose flour", + "sweet paprika", + "large shrimp" + ] + }, + { + "id": 1414, + "ingredients": [ + "sugar", + "ground red pepper", + "garlic powder", + "dark sesame oil", + "soy sauce", + "rice vinegar", + "ground ginger", + "chunky peanut butter", + "fresh lime juice" + ] + }, + { + "id": 45051, + "ingredients": [ + "ground cinnamon", + "egg whites", + "salt", + "white sugar", + "shortening", + "red wine", + "oil", + "candied orange peel", + "ricotta cheese", + "all-purpose flour", + "miniature semisweet chocolate chips", + "ground nutmeg", + "vanilla extract", + "confectioners sugar" + ] + }, + { + "id": 20767, + "ingredients": [ + "kosher salt", + "corn tortillas", + "masa", + "vegetable oil" + ] + }, + { + "id": 23450, + "ingredients": [ + "white wine vinegar", + "fresh parsley", + "olive oil", + "cayenne pepper", + "grated orange peel", + "salt", + "raw honey", + "orange juice" + ] + }, + { + "id": 404, + "ingredients": [ + "grated parmesan cheese", + "polenta", + "canned chicken broth", + "butter", + "water", + "bay leaf", + "leeks" + ] + }, + { + "id": 527, + "ingredients": [ + "dried sardines", + "konbu", + "mirin", + "shiitake", + "soy sauce", + "dried bonito flakes" + ] + }, + { + "id": 25416, + "ingredients": [ + "sugar", + "rice sticks", + "cilantro leaves", + "cucumber", + "black pepper", + "mint leaves", + "carrots", + "ground turmeric", + "warm water", + "thai basil", + "roasted peanuts", + "beansprouts", + "fish sauce", + "lime juice", + "lettuce leaves", + "shrimp", + "perilla" + ] + }, + { + "id": 25409, + "ingredients": [ + "large eggs", + "sugar", + "butter", + "shredded coconut", + "all-purpose flour", + "sesame", + "chopped almonds" + ] + }, + { + "id": 34603, + "ingredients": [ + "ground ginger", + "water", + "broccoli florets", + "carrots", + "brown sugar", + "fresh ginger", + "flank steak", + "corn starch", + "soy sauce", + "garlic powder", + "extra-virgin olive oil", + "onions", + "black pepper", + "Sriracha", + "garlic" + ] + }, + { + "id": 20266, + "ingredients": [ + "homemade chicken broth", + "ground black pepper", + "fresh chili", + "chuck", + "kosher salt", + "cinnamon", + "onions", + "ground cumin", + "chiles", + "vegetable oil", + "ground allspice", + "masa", + "hot chili", + "garlic", + "dried oregano" + ] + }, + { + "id": 9513, + "ingredients": [ + "ground black pepper", + "beef broth", + "minced garlic", + "butter", + "onions", + "swiss cheese", + "croutons", + "au jus gravy mix", + "condensed chicken broth" + ] + }, + { + "id": 7794, + "ingredients": [ + "water", + "peas", + "white onion", + "lamb neck", + "chopped fresh mint", + "turnips", + "ground black pepper", + "carrots", + "kosher salt", + "small new potatoes" + ] + }, + { + "id": 19429, + "ingredients": [ + "asafoetida", + "butter", + "oil", + "potatoes", + "green chilies", + "bread slices", + "methi leaves", + "chili powder", + "cumin seed", + "ground turmeric", + "garam masala", + "salt", + "mustard seeds" + ] + }, + { + "id": 11328, + "ingredients": [ + "minced garlic", + "grated parmesan cheese", + "vegetable oil", + "salt", + "fettuccine pasta", + "dijon mustard", + "flour", + "heavy cream", + "onions", + "yellow squash", + "jalapeno chilies", + "cajun seasoning", + "sliced mushrooms", + "pepper", + "zucchini", + "meat", + "diced tomatoes" + ] + }, + { + "id": 49242, + "ingredients": [ + "sliced black olives", + "sliced green onions", + "red enchilada sauce", + "vegetable oil", + "jack", + "corn tortillas" + ] + }, + { + "id": 40411, + "ingredients": [ + "ground black pepper", + "water chestnuts", + "garlic", + "shao hsing wine", + "agave nectar", + "sesame oil", + "corn starch", + "reduced sodium soy sauce", + "green onions", + "rice vinegar", + "black rice vinegar", + "fresh ginger", + "extra firm tofu", + "vegetable broth", + "chili garlic paste" + ] + }, + { + "id": 46424, + "ingredients": [ + "eggs", + "ricotta cheese", + "prego traditional italian sauce", + "shredded mozzarella cheese", + "grated parmesan cheese", + "ground beef", + "lasagna noodles, cooked and drained" + ] + }, + { + "id": 1634, + "ingredients": [ + "sugar", + "baking powder", + "sweet potatoes", + "all-purpose flour", + "unsalted butter", + "heavy cream", + "kosher salt", + "buttermilk" + ] + }, + { + "id": 47221, + "ingredients": [ + "fish sauce", + "thai basil", + "roasted chili paste", + "oil", + "chiles", + "squid", + "lime juice" + ] + }, + { + "id": 3963, + "ingredients": [ + "sugar", + "light corn syrup", + "baking soda", + "salt", + "peanuts", + "vanilla extract", + "butter" + ] + }, + { + "id": 15515, + "ingredients": [ + "cooked rice", + "smoked sausage", + "ground cumin", + "water", + "green pepper", + "minced garlic", + "salt", + "tomatoes", + "red beans", + "onions" + ] + }, + { + "id": 6735, + "ingredients": [ + "vegan sour cream", + "kosher salt", + "vegan cheese", + "red rice", + "chunky salsa", + "avocado", + "frozen sweet corn", + "fresh cilantro", + "chili powder", + "all-purpose flour", + "fresh tomatoes", + "water", + "flour tortillas", + "diced tomatoes", + "ground cumin", + "tomato paste", + "black beans", + "olive oil", + "onion powder", + "garlic cloves" + ] + }, + { + "id": 41899, + "ingredients": [ + "large eggs", + "worcestershire sauce", + "crabmeat", + "pepper", + "old bay seasoning", + "sauce", + "saltines", + "watercress", + "dry mustard", + "fresh parsley", + "mayonaise", + "butter", + "lemon slices" + ] + }, + { + "id": 36222, + "ingredients": [ + "garlic", + "puff pastry", + "soy sauce", + "beansprouts", + "eggs", + "carrots", + "chicken breasts", + "ginger root" + ] + }, + { + "id": 24468, + "ingredients": [ + "celery ribs", + "brown rice", + "vegetable broth", + "sausage links", + "old bay seasoning", + "onions", + "green bell pepper", + "chile pepper", + "salt", + "olive oil", + "diced tomatoes" + ] + }, + { + "id": 9876, + "ingredients": [ + "sugar", + "egg yolks", + "honey", + "strawberries", + "vin santo", + "heavy cream", + "aged balsamic vinegar", + "peaches", + "zabaglione" + ] + }, + { + "id": 33614, + "ingredients": [ + "caster sugar", + "butter", + "fennel seeds", + "large free range egg", + "ground almonds", + "rose water", + "orange blossom honey", + "dark chocolate", + "self rising flour" + ] + }, + { + "id": 42279, + "ingredients": [ + "beef shank", + "beef broth", + "onions", + "russet potatoes", + "beets", + "cabbage", + "fresh dill", + "red wine vinegar", + "carrots", + "ground black pepper", + "salt", + "sour cream" + ] + }, + { + "id": 46846, + "ingredients": [ + "sugar", + "rice vinegar", + "water", + "Thai fish sauce", + "minced garlic", + "juice", + "lime zest", + "thai chile" + ] + }, + { + "id": 34711, + "ingredients": [ + "chiles", + "basil leaves", + "fresh lime juice", + "soy sauce", + "vegetable oil", + "sugar", + "boneless skinless chicken breasts", + "asian fish sauce", + "chicken broth", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 39556, + "ingredients": [ + "shredded coconut", + "vanilla extract", + "egg yolks", + "sweetened condensed milk" + ] + }, + { + "id": 1064, + "ingredients": [ + "Johnsonville Andouille", + "black pepper", + "chili powder", + "extra-virgin olive oil", + "garlic cloves", + "green bell pepper", + "gumbo file", + "old bay seasoning", + "yellow onion", + "grits", + "tomato paste", + "water", + "butter", + "hot sauce", + "shrimp", + "celery ribs", + "sugar", + "bay leaves", + "basil", + "creole seasoning", + "oregano leaves" + ] + }, + { + "id": 30080, + "ingredients": [ + "bread crumbs", + "monterey jack", + "eggs", + "vegetable oil", + "parmesan cheese", + "pasta sauce", + "fillets" + ] + }, + { + "id": 6076, + "ingredients": [ + "lasagna noodles", + "baby spinach", + "marinara sauce", + "ricotta cheese", + "grated parmesan cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 5670, + "ingredients": [ + "ground cinnamon", + "mint sauce", + "garlic cloves", + "olive oil", + "spices", + "onions", + "pinenuts", + "coarse salt", + "flat leaf parsley", + "large eggs", + "paprika", + "ground lamb" + ] + }, + { + "id": 44525, + "ingredients": [ + "ground nutmeg", + "ground cloves", + "ground coriander", + "ground pepper", + "cumin", + "ground cinnamon", + "cardamon" + ] + }, + { + "id": 19743, + "ingredients": [ + "white vinegar", + "shallots", + "freshly ground pepper", + "chopped cilantro", + "garam masala", + "sweet paprika", + "fresh lemon juice", + "canola oil", + "kosher salt", + "chicken drumsticks", + "garlic cloves", + "ground turmeric", + "peeled fresh ginger", + "ground coriander", + "greek yogurt", + "ground cumin" + ] + }, + { + "id": 36205, + "ingredients": [ + "pineapple preserves", + "purple onion", + "prepared horseradish", + "hot water", + "whole cranberry sauce", + "ham", + "sugar", + "dijon mustard" + ] + }, + { + "id": 9030, + "ingredients": [ + "soft goat's cheese", + "ground black pepper", + "fresh basil leaves", + "minced garlic", + "diced tomatoes", + "olive oil", + "spaghettini", + "fresh tomatoes", + "lemon" + ] + }, + { + "id": 39755, + "ingredients": [ + "mint", + "soy sauce", + "green onions", + "minced chicken", + "miso paste", + "sake", + "water", + "sesame oil", + "sugar", + "mirin" + ] + }, + { + "id": 39434, + "ingredients": [ + "dashi", + "scallions", + "sake", + "large eggs", + "honey", + "chicken thighs", + "soy sauce", + "salt" + ] + }, + { + "id": 37803, + "ingredients": [ + "pepper", + "broccoli rabe", + "lemon", + "olive oil", + "flour", + "kosher salt", + "garlic powder", + "vegetable oil", + "large egg whites", + "cayenne", + "corn starch" + ] + }, + { + "id": 30053, + "ingredients": [ + "sherry vinegar", + "fine sea salt", + "flat leaf parsley", + "tomatoes", + "roasted red peppers", + "garlic cloves", + "ground black pepper", + "cayenne pepper", + "slivered almonds", + "extra-virgin olive oil", + "smoked paprika" + ] + }, + { + "id": 11661, + "ingredients": [ + "frozen chopped spinach", + "artichoke hearts", + "garlic", + "pepper", + "ricotta cheese", + "dough", + "olive oil", + "cheese", + "tomatoes", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 17918, + "ingredients": [ + "ground red pepper", + "whipping cream", + "large eggs", + "refrigerated piecrusts", + "ground white pepper", + "ground nutmeg", + "shredded swiss cheese", + "salt", + "green onions", + "bacon slices" + ] + }, + { + "id": 44237, + "ingredients": [ + "granulated sugar", + "ice cubes", + "sweetened condensed milk", + "water", + "lemon" + ] + }, + { + "id": 38536, + "ingredients": [ + "canned low sodium chicken broth", + "butter", + "carrots", + "flour", + "bone-in chicken breasts", + "bay leaf", + "ground black pepper", + "salt", + "celery", + "dried sage", + "cavatelli", + "onions" + ] + }, + { + "id": 47369, + "ingredients": [ + "sausages", + "beef stock cubes", + "onions", + "potatoes", + "carrots", + "bacon" + ] + }, + { + "id": 6108, + "ingredients": [ + "kosher salt", + "sweet onion", + "cayenne pepper", + "pork shoulder roast", + "chili powder", + "cumin", + "water", + "tortillas", + "dried oregano", + "taco sauce", + "milk", + "garlic" + ] + }, + { + "id": 16807, + "ingredients": [ + "coriander powder", + "green chilies", + "tomatoes", + "cooking oil", + "cumin", + "amchur", + "salt", + "tumeric", + "chili powder", + "masala" + ] + }, + { + "id": 41329, + "ingredients": [ + "celery ribs", + "large egg whites", + "low sodium chicken broth", + "salt", + "onions", + "sugar", + "unsalted butter", + "buttermilk", + "carrots", + "chicken wings", + "baking soda", + "vegetable oil", + "all-purpose flour", + "bone in chicken thighs", + "pepper", + "fresh thyme", + "dry sherry", + "fresh parsley" + ] + }, + { + "id": 33582, + "ingredients": [ + "boneless chicken skinless thigh", + "thai basil", + "Anaheim chile", + "red pepper", + "yellow onion", + "garlic cloves", + "toasted sesame seeds", + "gai lan", + "lime juice", + "asian pear", + "shallots", + "all-purpose flour", + "orange juice", + "toasted sesame oil", + "eggs", + "kosher salt", + "ground black pepper", + "jalapeno chilies", + "cilantro leaves", + "chili sauce", + "korean chile paste", + "serrano chile", + "soy sauce", + "fresh ginger", + "steamed white rice", + "vegetable oil", + "hot sauce", + "scallions", + "shiso" + ] + }, + { + "id": 9570, + "ingredients": [ + "phyllo dough", + "finely chopped onion", + "peeled fresh ginger", + "mustard seeds", + "olive oil", + "jalapeno chilies", + "salt", + "fresh lime juice", + "water", + "shredded carrots", + "green peas", + "fresh mint", + "mashed potatoes", + "garam masala", + "cooking spray", + "cilantro leaves", + "chopped garlic" + ] + }, + { + "id": 47129, + "ingredients": [ + "arborio rice", + "olive oil", + "asiago", + "garlic cloves", + "corn kernels", + "shallots", + "and fat free half half", + "roast breast of chicken", + "ground black pepper", + "bacon", + "sliced green onions", + "dry vermouth", + "cooking spray", + "fatfree lowsodium chicken broth" + ] + }, + { + "id": 14268, + "ingredients": [ + "cooked rice", + "ground black pepper", + "bacon slices", + "fresh parsley", + "celery ribs", + "olive oil", + "shallots", + "fresh lemon juice", + "chiles", + "lemon zest", + "salt", + "fresh basil", + "black-eyed peas", + "yellow bell pepper", + "cooked shrimp" + ] + }, + { + "id": 8395, + "ingredients": [ + "french bread", + "chopped pecans", + "water", + "mild cheddar cheese", + "white sugar", + "raisins", + "onions", + "vegetable oil", + "cinnamon sticks" + ] + }, + { + "id": 38977, + "ingredients": [ + "mozzarella cheese", + "cream cheese", + "cheddar cheese", + "green onions", + "jalapeno chilies", + "mayonaise", + "bacon" + ] + }, + { + "id": 22716, + "ingredients": [ + "baking soda", + "salt", + "eggs", + "all purpose unbleached flour", + "canola oil", + "caraway seeds", + "baking powder", + "dark brown sugar", + "whole wheat flour", + "buttermilk" + ] + }, + { + "id": 25753, + "ingredients": [ + "peaches", + "basil", + "sugar", + "bourbon whiskey", + "simple syrup", + "basil leaves", + "peach purée", + "water", + "peach slices" + ] + }, + { + "id": 12018, + "ingredients": [ + "chili powder", + "boneless pork shoulder roast", + "salsa", + "diced tomatoes", + "water", + "onions" + ] + }, + { + "id": 31659, + "ingredients": [ + "red chili peppers", + "chili oil", + "salt", + "sliced green onions", + "bean paste", + "shirataki", + "cinnamon sticks", + "water", + "gluten", + "sesame paste", + "clove", + "szechwan peppercorns", + "star anise", + "chopped cilantro" + ] + }, + { + "id": 21149, + "ingredients": [ + "tomato paste", + "olive oil", + "pimentos", + "canned tomatoes", + "dried oregano", + "capers", + "ground black pepper", + "raisins", + "waxy potatoes", + "ground cumin", + "white onion", + "bay leaves", + "worcestershire sauce", + "red bell pepper", + "kosher salt", + "dry white wine", + "garlic", + "ground beef" + ] + }, + { + "id": 10328, + "ingredients": [ + "shredded coconut", + "chile pepper", + "cumin seed", + "ghee", + "cooking oil", + "cilantro leaves", + "asafoetida powder", + "ground turmeric", + "water", + "salt", + "mustard seeds", + "cashew nuts", + "black peppercorns", + "split yellow lentils", + "rice", + "dried red chile peppers" + ] + }, + { + "id": 33585, + "ingredients": [ + "olive oil", + "diced tomatoes", + "fresh basil", + "red wine vinegar", + "onions", + "capers", + "large garlic cloves", + "eggplant", + "toasted pine nuts" + ] + }, + { + "id": 29192, + "ingredients": [ + "kale", + "coarse salt", + "yellow onion", + "parmesan cheese", + "diced tomatoes", + "rigatoni", + "olive oil", + "ricotta cheese", + "sweet italian sausage", + "mozzarella cheese", + "ground pepper", + "garlic" + ] + }, + { + "id": 46733, + "ingredients": [ + "lime juice", + "salt", + "sour cream", + "crepes", + "grate lime peel", + "orange", + "fresh raspberries", + "blackberries", + "vanilla extract", + "confectioners sugar" + ] + }, + { + "id": 12887, + "ingredients": [ + "vegetable oil", + "lime juice", + "chopped garlic", + "soy sauce", + "boneless skinless chicken breast halves", + "honey" + ] + }, + { + "id": 24354, + "ingredients": [ + "coarse salt", + "sugar", + "all-purpose flour", + "unsalted butter", + "ice water" + ] + }, + { + "id": 39237, + "ingredients": [ + "olive oil", + "boneless chop pork", + "parmesan cheese", + "garlic powder", + "black pepper", + "Italian seasoned breadcrumbs" + ] + }, + { + "id": 19430, + "ingredients": [ + "water", + "mango", + "cream of coconut", + "white rice", + "white sugar" + ] + }, + { + "id": 39895, + "ingredients": [ + "olive oil", + "purple onion", + "fresh mint", + "cantaloupe", + "lemon juice", + "melon", + "fresh ginger", + "salt", + "fresh pineapple", + "pepper", + "jalapeno chilies", + "red bell pepper" + ] + }, + { + "id": 34566, + "ingredients": [ + "grape tomatoes", + "yellow bell pepper", + "fresh lemon juice", + "basil leaves", + "salt", + "flat anchovy", + "tuna steaks", + "freshly ground pepper", + "olives", + "large eggs", + "extra-virgin olive oil", + "green beans" + ] + }, + { + "id": 17889, + "ingredients": [ + "sugar", + "green onions", + "salt", + "fresh ginger", + "chives", + "cucumber", + "red chili peppers", + "shrimp paste", + "yellow onion", + "radishes", + "garlic" + ] + }, + { + "id": 40652, + "ingredients": [ + "avocado", + "salt", + "garlic powder", + "onion powder", + "lime juice", + "salsa" + ] + }, + { + "id": 31395, + "ingredients": [ + "fish sauce", + "hoisin sauce", + "oyster sauce", + "honey", + "scallions", + "pork", + "salt", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 35908, + "ingredients": [ + "minced garlic", + "extra-virgin olive oil", + "chopped cilantro fresh", + "jalapeno chilies", + "fresh lime juice", + "lime rind", + "green onions", + "chopped fresh mint", + "honey", + "salt" + ] + }, + { + "id": 18341, + "ingredients": [ + "tomato paste", + "lean ground beef", + "green chilies", + "ground cumin", + "kidney beans", + "cheese", + "elbow macaroni", + "pepper", + "diced tomatoes", + "garlic cloves", + "chili powder", + "salt", + "onions" + ] + }, + { + "id": 17745, + "ingredients": [ + "boneless chicken thighs", + "flour", + "salsa", + "pepper", + "grating cheese", + "black beans", + "chili powder", + "ground cumin", + "corn", + "salt" + ] + }, + { + "id": 40560, + "ingredients": [ + "jalapeno chilies", + "corn tortillas", + "garlic", + "onions", + "vegetable oil", + "chipotles in adobo", + "pepper", + "salt", + "pork butt" + ] + }, + { + "id": 25097, + "ingredients": [ + "green bell pepper, slice", + "garlic cloves", + "arugula", + "chicken broth", + "boneless skinless chicken breasts", + "squash", + "zucchini", + "curly endive", + "japanese eggplants", + "olive oil", + "balsamic vinegar", + "herbes de provence" + ] + }, + { + "id": 31430, + "ingredients": [ + "water", + "heavy cream", + "sorrel", + "finely chopped onion", + "chicken broth", + "unsalted butter", + "boiling potatoes", + "fresh chives", + "leeks" + ] + }, + { + "id": 25484, + "ingredients": [ + "lime", + "spring onions", + "phyllo pastry", + "olive oil", + "carrots", + "cherry tomatoes", + "green chilies", + "frozen chopped spinach", + "garam masala", + "mustard seeds" + ] + }, + { + "id": 43668, + "ingredients": [ + "melted butter", + "fresh tarragon", + "fat skimmed chicken broth", + "calvados", + "crème fraîche", + "white pepper", + "salt", + "tarragon", + "shallots", + "cornish hens" + ] + }, + { + "id": 2184, + "ingredients": [ + "cottage cheese", + "pepper", + "potatoes", + "raisins", + "salt", + "carrots", + "ground turmeric", + "sugar", + "cream", + "garam masala", + "vegetable oil", + "peas", + "pomegranate", + "cashew nuts", + "clove", + "black pepper", + "almonds", + "seeds", + "poppy seeds", + "cumin seed", + "onions", + "ground cumin", + "cauliflower", + "beans", + "milk", + "bay leaves", + "pineapple", + "green chilies", + "ghee", + "saffron" + ] + }, + { + "id": 12106, + "ingredients": [ + "soy sauce", + "garlic", + "honey", + "sake" + ] + }, + { + "id": 25747, + "ingredients": [ + "water", + "curry", + "mustard seeds", + "fennel seeds", + "cinnamon", + "green chilies", + "onions", + "cauliflower", + "coconut", + "salt", + "dried chile", + "black pepper", + "garlic", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 11423, + "ingredients": [ + "parmigiano reggiano cheese", + "garlic cloves", + "extra-virgin olive oil", + "pumpkin seeds", + "Italian parsley leaves" + ] + }, + { + "id": 22403, + "ingredients": [ + "ground almonds", + "sugar", + "ghee", + "chickpea flour", + "ground cardamom", + "sweetened coconut flakes" + ] + }, + { + "id": 2880, + "ingredients": [ + "white vinegar", + "sesame seeds", + "corn syrup", + "carrots", + "fresca", + "baby radishes", + "seaweed", + "light brown sugar", + "sesame oil", + "Gochujang base", + "boiled eggs", + "buckwheat noodles", + "english cucumber" + ] + }, + { + "id": 15445, + "ingredients": [ + "artichoke hearts", + "large shrimp", + "chorizo", + "roast red peppers, drain", + "rice", + "chicken", + "olive oil", + "frozen peas" + ] + }, + { + "id": 9825, + "ingredients": [ + "olive oil", + "bbq sauce", + "taco seasoning", + "ground cumin", + "chili sauce", + "dried oregano", + "chicken fingers" + ] + }, + { + "id": 31607, + "ingredients": [ + "fat free less sodium chicken broth", + "bay leaves", + "all-purpose flour", + "red bell pepper", + "slivered almonds", + "olive oil", + "non-fat sour cream", + "ground cardamom", + "curry powder", + "chicken breasts", + "garlic cloves", + "ground turmeric", + "sugar", + "finely chopped onion", + "salt", + "cinnamon sticks" + ] + }, + { + "id": 9341, + "ingredients": [ + "olive oil", + "chili powder", + "scallions", + "onions", + "tumeric", + "cayenne", + "vegetable stock", + "smoked paprika", + "celery ribs", + "black-eyed peas", + "crushed garlic", + "carrots", + "fire roasted diced tomatoes", + "brown rice", + "salt", + "sliced mushrooms" + ] + }, + { + "id": 2406, + "ingredients": [ + "hot red pepper flakes", + "paprika", + "olive oil", + "salt", + "baguette", + "garlic", + "chicken broth", + "large eggs" + ] + }, + { + "id": 28466, + "ingredients": [ + "tomatoes", + "ground black pepper", + "red pepper", + "chillies", + "olive oil", + "tortillas", + "garlic", + "cheddar cheese", + "fresh bay leaves", + "sea salt", + "onions", + "chopped tomatoes", + "large eggs", + "dried chile" + ] + }, + { + "id": 8619, + "ingredients": [ + "honey", + "crimini mushrooms", + "provolone cheese", + "warm water", + "whole wheat flour", + "salt", + "fontina cheese", + "olive oil", + "bacon", + "garlic cloves", + "active dry yeast", + "grated parmesan cheese", + "all-purpose flour" + ] + }, + { + "id": 16097, + "ingredients": [ + "tomato sauce", + "salt and ground black pepper", + "onions", + "water", + "orzo pasta", + "chicken legs", + "olive oil", + "garlic", + "ground cloves", + "bay leaves" + ] + }, + { + "id": 11652, + "ingredients": [ + "chipotle chile", + "ground black pepper", + "vegetable oil", + "carrots", + "plum tomatoes", + "cotija", + "olive oil", + "jicama", + "hibiscus flowers", + "onions", + "adobo", + "white onion", + "red cabbage", + "dri leav thyme", + "sour cream", + "dried oregano", + "sugar", + "kosher salt", + "bay leaves", + "garlic cloves", + "corn tortillas" + ] + }, + { + "id": 16852, + "ingredients": [ + "large eggs", + "salt", + "butter", + "fat skimmed chicken broth", + "fontina cheese", + "whipping cream", + "couscous", + "mushrooms", + "grated nutmeg" + ] + }, + { + "id": 29111, + "ingredients": [ + "fennel seeds", + "purple onion", + "olive oil", + "fresh lemon juice", + "pancetta", + "sherry wine vinegar", + "fresh parsley", + "minced garlic", + "country style bread" + ] + }, + { + "id": 33602, + "ingredients": [ + "chicken breasts", + "ground coriander", + "onions", + "kosher salt", + "cayenne pepper", + "carrots", + "ground cumin", + "garlic", + "lentils", + "Madras curry powder", + "olive oil", + "fresh chicken stock", + "celery" + ] + }, + { + "id": 35, + "ingredients": [ + "black beans", + "green onions", + "olives", + "avocado", + "Mexican cheese blend", + "salsa", + "lime juice", + "cooked chicken", + "fajita seasoning mix", + "Daisy Sour Cream", + "blue corn tortilla chips", + "banana peppers" + ] + }, + { + "id": 47741, + "ingredients": [ + "capers", + "boneless chicken breast halves", + "paprika", + "pepper", + "lemon", + "cornflakes", + "skim milk", + "shallots", + "salt", + "eggs", + "olive oil", + "Italian parsley leaves" + ] + }, + { + "id": 39820, + "ingredients": [ + "water", + "red wine", + "cachaca", + "lemongrass", + "apples", + "pears", + "peaches", + "cointreau liqueur", + "sugar", + "whole cloves", + "cinnamon sticks" + ] + }, + { + "id": 25332, + "ingredients": [ + "soy sauce", + "sesame oil", + "rice", + "eggs", + "palm sugar", + "rice vinegar", + "kimchi", + "water", + "garlic", + "oil", + "chili flakes", + "green onions", + "Gochujang base", + "ground beef" + ] + }, + { + "id": 5720, + "ingredients": [ + "salt", + "sugar", + "white vinegar", + "fresh chili", + "garlic" + ] + }, + { + "id": 19634, + "ingredients": [ + "diced onions", + "lump crab meat", + "ground red pepper", + "lemon slices", + "lemon juice", + "mayonaise", + "large eggs", + "butter", + "mixed greens", + "pepper sauce", + "pepper", + "vegetable oil", + "hot sauce", + "parsley sprigs", + "prepared mustard", + "salt", + "saltine crumbs" + ] + }, + { + "id": 34851, + "ingredients": [ + "soy sauce", + "sesame oil", + "scallions", + "sugar", + "chinese eggplants", + "ginger", + "fish sauce", + "Shaoxing wine", + "ground pork", + "oil", + "red chili peppers", + "bean paste", + "garlic" + ] + }, + { + "id": 14117, + "ingredients": [ + "white pepper", + "sesame oil", + "scallions", + "baby bok choy", + "vegetables", + "ground pork", + "chicken stock", + "water", + "wonton skins", + "soy sauce", + "Shaoxing wine", + "salt" + ] + }, + { + "id": 12195, + "ingredients": [ + "English mustard", + "all-purpose flour", + "milk", + "pork sausages", + "eggs", + "lard", + "salt" + ] + }, + { + "id": 33665, + "ingredients": [ + "orzo pasta", + "salt", + "sun-dried tomatoes", + "kalamata", + "boiling water", + "finely chopped fresh parsley", + "extra-virgin olive oil", + "pepper", + "lemon", + "feta cheese crumbles" + ] + }, + { + "id": 46228, + "ingredients": [ + "pasta", + "tomato basil sauce", + "grated parmesan cheese", + "pesto", + "salt" + ] + }, + { + "id": 15964, + "ingredients": [ + "olive oil", + "red bell pepper", + "feta cheese", + "arugula", + "eggplant", + "fresh mint", + "ricotta" + ] + }, + { + "id": 47502, + "ingredients": [ + "soy sauce", + "sherry vinegar", + "vegetable oil", + "creamy peanut butter", + "honey", + "bell pepper", + "garlic", + "scallions", + "black pepper", + "tahini", + "dry sherry", + "dark sesame oil", + "thin spaghetti", + "fresh ginger", + "hot chili oil", + "cayenne pepper" + ] + }, + { + "id": 41865, + "ingredients": [ + "large eggs", + "ham", + "vegetable oil", + "onions", + "potatoes", + "red bell pepper", + "milk", + "salt" + ] + }, + { + "id": 46055, + "ingredients": [ + "sugar", + "all-purpose flour", + "unsalted butter", + "vanilla", + "large egg whites", + "orange zest" + ] + }, + { + "id": 8863, + "ingredients": [ + "shredded cheddar cheese", + "vegetable broth", + "frozen peppers and onions", + "avocado", + "chile pepper", + "salt", + "ground cumin", + "pepper", + "vegetable oil", + "tortilla chips", + "crushed tomatoes", + "garlic", + "corn kernel whole" + ] + }, + { + "id": 48658, + "ingredients": [ + "large eggs", + "oven-ready lasagna noodles", + "pesto", + "part-skim ricotta cheese", + "pasta sauce", + "cheese", + "mild Italian sausage" + ] + }, + { + "id": 42251, + "ingredients": [ + "black pepper", + "leeks", + "ham", + "fontina", + "unsalted butter", + "crème fraîche", + "mozzarella cheese", + "gruyere cheese", + "pie dough", + "large eggs", + "grated nutmeg" + ] + }, + { + "id": 33164, + "ingredients": [ + "ground black pepper", + "manicotti pasta", + "eggs", + "part-skim ricotta cheese", + "dried parsley", + "grated parmesan cheese", + "shredded mozzarella cheese", + "pasta sauce", + "salt" + ] + }, + { + "id": 24526, + "ingredients": [ + "pepper", + "butter", + "baking powder", + "salt", + "baking soda", + "buttermilk", + "cold milk", + "breakfast sausages", + "all-purpose flour" + ] + }, + { + "id": 39431, + "ingredients": [ + "mint jelly", + "ketchup", + "butter", + "honey", + "red wine vinegar" + ] + }, + { + "id": 3893, + "ingredients": [ + "large eggs", + "vanilla extract", + "sugar", + "butter", + "chopped pecans", + "pecan halves", + "refrigerated piecrusts", + "salt", + "white chocolate", + "light corn syrup" + ] + }, + { + "id": 34175, + "ingredients": [ + "pepper", + "apple cider vinegar", + "salt", + "ketchup", + "honey", + "worcestershire sauce", + "canola oil", + "brown sugar", + "water", + "butter", + "grits", + "molasses", + "beef brisket", + "garlic" + ] + }, + { + "id": 6727, + "ingredients": [ + "melted butter", + "salt", + "milk", + "cream cheese", + "sugar", + "all-purpose flour", + "medium eggs", + "vanilla", + "corn flour" + ] + }, + { + "id": 17230, + "ingredients": [ + "chopped cilantro fresh", + "white onion", + "avocado", + "serrano chile", + "tomatillos" + ] + }, + { + "id": 24579, + "ingredients": [ + "eggs", + "pepper", + "jalapeno chilies", + "crème fraîche", + "chicken", + "avocado", + "white onion", + "fresh cilantro", + "queso fresca", + "corn tortillas", + "chipotle chile", + "water", + "lime slices", + "smoked paprika", + "tomatoes", + "kosher salt", + "olive oil", + "large garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 15873, + "ingredients": [ + "milk", + "salt", + "sugar", + "unsalted butter", + "water", + "heavy cream", + "eggs", + "active dry yeast", + "all-purpose flour" + ] + }, + { + "id": 3703, + "ingredients": [ + "powdered sugar", + "baking powder", + "all-purpose flour", + "pinenuts", + "vanilla extract", + "large eggs", + "salt", + "shortening", + "almond extract" + ] + }, + { + "id": 27030, + "ingredients": [ + "tomato sauce", + "salt", + "pico de gallo", + "queso fresco", + "ground beef", + "pepper", + "dry bread crumbs", + "bell pepper", + "chopped onion" + ] + }, + { + "id": 9149, + "ingredients": [ + "basil pesto sauce", + "ground black pepper", + "baby spinach", + "olive oil", + "chicken breasts", + "garlic", + "cream", + "large eggs", + "asiago", + "pasta", + "low-fat greek yogurt", + "shallots", + "salt" + ] + }, + { + "id": 16152, + "ingredients": [ + "tomato sauce", + "tortillas", + "garlic cloves", + "ground cumin", + "chili", + "vegetable oil", + "onions", + "romaine lettuce", + "guacamole", + "sour cream", + "olive oil", + "salt", + "chuck" + ] + }, + { + "id": 49665, + "ingredients": [ + "sage leaves", + "dry white wine", + "chicken broth", + "onions", + "parmigiano reggiano cheese", + "fresh basil leaves", + "arborio rice", + "extra-virgin olive oil" + ] + }, + { + "id": 27036, + "ingredients": [ + "navy beans", + "extra-virgin olive oil", + "feta cheese crumbles", + "minced garlic", + "lemon rind", + "boiling water", + "romaine lettuce", + "crushed red pepper", + "chopped fresh mint", + "tabbouleh", + "fresh lemon juice", + "plum tomatoes" + ] + }, + { + "id": 8341, + "ingredients": [ + "fresh basil", + "pepper", + "red wine vinegar", + "salt", + "pitted kalamata olives", + "salami", + "garlic", + "romaine lettuce", + "roasted red peppers", + "extra-virgin olive oil", + "dried oregano", + "sugar", + "fresh mozzarella", + "purple onion" + ] + }, + { + "id": 30384, + "ingredients": [ + "low-fat chocolate ice cream", + "brewed coffee", + "coffee granules", + "ground cinnamon", + "whipped topping" + ] + }, + { + "id": 32883, + "ingredients": [ + "unsalted butter" + ] + }, + { + "id": 29047, + "ingredients": [ + "pepper", + "chili powder", + "shredded cheese", + "chicken stock", + "flour", + "butter", + "cumin", + "diced onions", + "garlic powder", + "rotelle", + "corn tortillas", + "green chile", + "chicken breasts", + "salt" + ] + }, + { + "id": 31964, + "ingredients": [ + "yellow cake mix", + "double crust pie", + "strawberry jam", + "pastry" + ] + }, + { + "id": 7011, + "ingredients": [ + "ground black pepper", + "pork chops, 1 inch thick", + "arugula", + "bread crumb fresh", + "teardrop tomatoes", + "extra-virgin olive oil", + "unsalted butter", + "extra large eggs", + "kosher salt", + "lemon", + "fresh lemon juice" + ] + }, + { + "id": 46301, + "ingredients": [ + "powdered sugar", + "vanilla extract", + "granulated sugar", + "all-purpose flour", + "milk", + "salt", + "melted butter", + "dry yeast", + "canola oil" + ] + }, + { + "id": 3495, + "ingredients": [ + "fresh lime juice", + "sugar", + "water" + ] + }, + { + "id": 11949, + "ingredients": [ + "olive oil", + "green onions", + "frozen corn kernels", + "plum tomatoes", + "black beans", + "bell pepper", + "cilantro", + "ripe olives", + "monterey jack", + "quinoa", + "chili powder", + "garlic cloves", + "cumin", + "water", + "jalapeno chilies", + "salt", + "fresh lime juice" + ] + }, + { + "id": 975, + "ingredients": [ + "almonds", + "pistachios", + "all-purpose flour", + "anise seed", + "granulated sugar", + "lemon", + "unsalted butter", + "baking powder", + "large egg whites", + "large eggs", + "salt" + ] + }, + { + "id": 15529, + "ingredients": [ + "flour tortillas", + "monterey jack", + "sesame seeds", + "kimchi", + "cheddar cheese", + "vegetable oil", + "unsalted butter", + "perilla" + ] + }, + { + "id": 15372, + "ingredients": [ + "mayonaise", + "black beans", + "lime", + "chopped green bell pepper", + "old bay seasoning", + "chopped onion", + "fresh lime juice", + "canola oil", + "tomatoes", + "chipotle chile", + "fresh cilantro", + "tortillas", + "lime wedges", + "salt", + "tequila", + "corn kernel whole", + "green cabbage", + "mahi mahi", + "lime juice", + "black-eyed peas", + "chili powder", + "garlic", + "greek yogurt", + "cumin", + "jack cheese", + "pepper", + "olive oil", + "jalapeno chilies", + "cilantro", + "smoked paprika", + "adobo sauce" + ] + }, + { + "id": 5176, + "ingredients": [ + "olive oil", + "salt", + "romano cheese", + "lemon wedge", + "fresh basil", + "sea scallops", + "black pepper", + "linguine" + ] + }, + { + "id": 13631, + "ingredients": [ + "ahi", + "red potato", + "sweet paprika", + "olive oil", + "tomato sauce" + ] + }, + { + "id": 42028, + "ingredients": [ + "garlic powder", + "paprika", + "olive oil", + "chili powder", + "dried oregano", + "fettucine", + "sea scallops", + "sauce", + "seasoning salt", + "dry white wine", + "flat leaf parsley" + ] + }, + { + "id": 4936, + "ingredients": [ + "large eggs", + "dry bread crumbs", + "kosher salt", + "russet potatoes", + "sour cream", + "ground black pepper", + "bacon", + "onions", + "vegetable oil", + "white mushrooms" + ] + }, + { + "id": 26471, + "ingredients": [ + "powdered sugar", + "vegetable oil", + "refrigerated buttermilk biscuits" + ] + }, + { + "id": 43833, + "ingredients": [ + "soy sauce", + "rice", + "noodles", + "salt", + "hot water", + "cabbage", + "tomato sauce", + "minced beef", + "onions", + "curry powder", + "carrots", + "fresh bean" + ] + }, + { + "id": 47933, + "ingredients": [ + "baking powder", + "sugar", + "all purpose unbleached flour", + "butter", + "sweet potatoes", + "salt" + ] + }, + { + "id": 38373, + "ingredients": [ + "refried beans", + "oil", + "red chili peppers", + "yoghurt", + "arugula", + "tomatoes", + "flour tortillas", + "cajun seasoning mix", + "lime", + "butternut squash" + ] + }, + { + "id": 5780, + "ingredients": [ + "eggs", + "lumpia wrappers", + "carrots", + "canola oil", + "pork", + "salt", + "onions", + "fish sauce", + "ground pork", + "green beans", + "pepper", + "garlic cloves", + "cabbage" + ] + }, + { + "id": 46303, + "ingredients": [ + "milk", + "lean ground beef", + "shredded mozzarella cheese", + "eggs", + "grated parmesan cheese", + "chopped onion", + "italian seasoning", + "chopped green bell pepper", + "all-purpose flour", + "canola oil", + "kosher salt", + "pizza sauce", + "pepperoni" + ] + }, + { + "id": 27308, + "ingredients": [ + "black pepper", + "grits", + "salt", + "fresh rosemary", + "boiling water", + "parmesan cheese" + ] + }, + { + "id": 10340, + "ingredients": [ + "grated orange peel", + "baking powder", + "all-purpose flour", + "unsalted butter", + "vanilla extract", + "corn starch", + "sugar", + "ricotta cheese", + "cream cheese", + "large eggs", + "salt" + ] + }, + { + "id": 48900, + "ingredients": [ + "baking soda", + "baking powder", + "warm water", + "cooking spray", + "all-purpose flour", + "yellow corn meal", + "dry yeast", + "butter", + "sugar", + "low-fat buttermilk", + "salt" + ] + }, + { + "id": 876, + "ingredients": [ + "green bell pepper", + "dried thyme", + "bay leaf", + "water", + "bacon", + "onions", + "cooked ham", + "garlic powder", + "fresh parsley", + "seasoning salt", + "peas" + ] + }, + { + "id": 10446, + "ingredients": [ + "peaches", + "all-purpose flour", + "shortening", + "butter", + "boiling water", + "ground cinnamon", + "baking powder", + "white sugar", + "milk", + "salt" + ] + }, + { + "id": 15082, + "ingredients": [ + "white onion", + "serrano chile", + "fresh lime juice", + "avocado", + "chopped cilantro fresh", + "tomatillos" + ] + }, + { + "id": 31706, + "ingredients": [ + "bay leaves", + "dried chile peppers", + "pickling spices", + "malt vinegar", + "garlic", + "pearl onions", + "salt" + ] + }, + { + "id": 24885, + "ingredients": [ + "brown sugar", + "teas", + "salt", + "flour", + "peach slices", + "heavy whipping cream", + "sugar", + "cinnamon", + "corn starch", + "baking powder", + "vanilla" + ] + }, + { + "id": 34944, + "ingredients": [ + "pork chops", + "salt", + "worcestershire sauce", + "onions", + "vegetable oil", + "all-purpose flour", + "green bell pepper", + "diced tomatoes" + ] + }, + { + "id": 7917, + "ingredients": [ + "eggs", + "parmesan cheese", + "ground beef", + "minced garlic", + "sausages", + "dried oregano", + "pepper", + "diced tomatoes", + "flax seed meal", + "tomatoes", + "dried basil", + "whole wheat breadcrumbs" + ] + }, + { + "id": 5923, + "ingredients": [ + "clove", + "coconut", + "green chilies", + "toor dal", + "red chili powder", + "leaves", + "oil", + "curry leaves", + "pigeon peas", + "cumin seed", + "ground turmeric", + "red chili peppers", + "salt", + "mustard seeds" + ] + }, + { + "id": 44272, + "ingredients": [ + "olive oil", + "grated lemon peel", + "anchovy fillets", + "capers", + "chopped parsley", + "garlic" + ] + }, + { + "id": 41074, + "ingredients": [ + "orange", + "egg yolks", + "orange flower water", + "water", + "flour", + "salt", + "powdered sugar", + "unsalted butter", + "lemon", + "yeast", + "warm water", + "granulated sugar", + "anise" + ] + }, + { + "id": 381, + "ingredients": [ + "risotto mix", + "goat cheese", + "olive oil" + ] + }, + { + "id": 16053, + "ingredients": [ + "eggs", + "vanilla extract", + "baking powder", + "hazelnut liqueur", + "hazelnuts", + "all-purpose flour", + "almond extract", + "white sugar" + ] + }, + { + "id": 37470, + "ingredients": [ + "butter", + "sorbet", + "vanilla extract", + "large egg whites", + "sugar cookie mix", + "large eggs", + "anise extract" + ] + }, + { + "id": 23027, + "ingredients": [ + "chicken breasts", + "tomatoes", + "corn", + "seasoning" + ] + }, + { + "id": 42078, + "ingredients": [ + "confectioners sugar", + "egg yolks", + "salt", + "egg whites", + "ground pecans" + ] + }, + { + "id": 13183, + "ingredients": [ + "black peppercorns", + "cannellini beans", + "bay leaf", + "clove", + "octopuses", + "carrots", + "hot red pepper flakes", + "extra-virgin olive oil", + "onions", + "celery ribs", + "parsley sprigs", + "lemon juice", + "arugula" + ] + }, + { + "id": 14828, + "ingredients": [ + "greek seasoning", + "plum tomatoes", + "feta cheese crumbles", + "cooking spray", + "frozen chopped spinach", + "fillets" + ] + }, + { + "id": 15394, + "ingredients": [ + "shredded cheddar cheese", + "chicken breasts", + "hot sauce", + "onions", + "lime", + "diced tomatoes", + "fritos", + "cumin", + "corn", + "chili powder", + "smoked paprika", + "chopped cilantro fresh", + "tomato paste", + "olive oil", + "salt", + "sour cream", + "chopped garlic" + ] + }, + { + "id": 46300, + "ingredients": [ + "unsalted butter", + "garlic cloves", + "russet potatoes", + "frozen peas", + "leeks", + "low salt chicken broth", + "fresh chives", + "whipping cream" + ] + }, + { + "id": 38963, + "ingredients": [ + "lime", + "hot sauce", + "tuna packed in water", + "salt", + "sour cream", + "tostada shells", + "cilantro", + "sweet corn", + "pepper", + "salsa", + "onions" + ] + }, + { + "id": 679, + "ingredients": [ + "chicken broth", + "olive oil", + "pecorino romano cheese", + "cavolo nero", + "unsalted butter", + "rib", + "eggs", + "large egg yolks", + "heavy cream", + "water", + "leeks" + ] + }, + { + "id": 34558, + "ingredients": [ + "worcestershire sauce", + "sesame oil", + "fresh herbs", + "soy sauce", + "ginger", + "scallops", + "garlic cloves" + ] + }, + { + "id": 31528, + "ingredients": [ + "celery ribs", + "dried thyme", + "smoked sausage", + "green bell pepper", + "red pepper flakes", + "oregano", + "chicken broth", + "ground red pepper", + "onions", + "boneless chicken skinless thigh", + "diced tomatoes" + ] + }, + { + "id": 45629, + "ingredients": [ + "cooking spray", + "salt", + "large egg whites", + "ground red pepper", + "ground cumin", + "brown sugar", + "black sesame seeds", + "ground coriander", + "ground black pepper", + "unsalted dry roast peanuts" + ] + }, + { + "id": 5034, + "ingredients": [ + "avocado", + "salsa", + "chopped cilantro", + "vegetable oil", + "pinto beans", + "large eggs", + "hot sauce", + "queso fresco", + "corn tortillas" + ] + }, + { + "id": 35031, + "ingredients": [ + "olive oil", + "purple onion", + "tomatoes", + "red wine vinegar", + "fresh lemon juice", + "avocado", + "lettuce leaves", + "salt", + "fresh basil", + "cracked black pepper" + ] + }, + { + "id": 13237, + "ingredients": [ + "white vinegar", + "guajillo chiles", + "fine salt", + "skirt steak", + "pasilla chiles", + "mild olive oil", + "garlic cloves", + "adobo", + "kosher salt", + "cumin seed", + "clove", + "white onion", + "Mexican beer", + "dried oregano" + ] + }, + { + "id": 42339, + "ingredients": [ + "grape tomatoes", + "large eggs", + "extra-virgin olive oil", + "garlic cloves", + "mayonaise", + "vegetable oil", + "all-purpose flour", + "greens", + "brioche", + "soft shelled crabs", + "salt", + "cornmeal", + "fresh chives", + "balsamic vinegar", + "freshly ground pepper" + ] + }, + { + "id": 3911, + "ingredients": [ + "white vinegar", + "carrots", + "olive oil", + "habanero chile", + "onions", + "garlic" + ] + }, + { + "id": 20409, + "ingredients": [ + "large egg yolks", + "clarified butter", + "pastry flour", + "milk", + "salt", + "large eggs" + ] + }, + { + "id": 24741, + "ingredients": [ + "roasted red peppers", + "shredded mozzarella cheese", + "pepper", + "chopped fresh chives", + "italian seasoning", + "grated parmesan cheese", + "boneless skinless chicken breast halves", + "olive oil", + "salt" + ] + }, + { + "id": 18381, + "ingredients": [ + "coriander seeds", + "seeds", + "garlic", + "black salt", + "jaggery", + "ground black pepper", + "paprika", + "fresh lemon juice", + "onions", + "canola oil", + "garam masala", + "russet potatoes", + "cumin seed", + "nigella seeds", + "ground turmeric", + "kosher salt", + "flour", + "thai chile", + "tamarind concentrate", + "frozen peas", + "ground cumin" + ] + }, + { + "id": 7572, + "ingredients": [ + "ground black pepper", + "russet potatoes", + "leg of lamb", + "beef stock", + "extra-virgin olive oil", + "fresh thyme", + "large garlic cloves", + "onions", + "fresh rosemary", + "savory", + "salt" + ] + }, + { + "id": 24226, + "ingredients": [ + "baking powder", + "anise extract", + "anise seed", + "vanilla extract", + "eggs", + "all-purpose flour", + "butter", + "white sugar" + ] + }, + { + "id": 19945, + "ingredients": [ + "black beans", + "dried thyme", + "vegetable broth", + "hibiscus flowers", + "shredded Monterey Jack cheese", + "sweet onion", + "zucchini", + "cilantro leaves", + "corn tortillas", + "sugar", + "chopped bell pepper", + "queso fresco", + "enchilada sauce", + "dried oregano", + "kosher salt", + "olive oil", + "purple onion", + "sour cream" + ] + }, + { + "id": 31809, + "ingredients": [ + "milk", + "ground beef", + "Italian seasoned breadcrumbs", + "garlic salt", + "ground black pepper", + "onions", + "flat leaf parsley" + ] + }, + { + "id": 17903, + "ingredients": [ + "pancetta", + "frozen pastry puff sheets", + "provolone cheese", + "feta cheese", + "garlic", + "egg whites", + "purple onion", + "frozen chopped spinach", + "extra-virgin olive oil" + ] + }, + { + "id": 48664, + "ingredients": [ + "fresh corn", + "butter", + "onions", + "olive oil", + "okra", + "andouille sausage", + "creole seasoning", + "tomatoes", + "salt and ground black pepper", + "celery" + ] + }, + { + "id": 14122, + "ingredients": [ + "fresh dill", + "hot water", + "chicken stock", + "mint leaves", + "long grain white rice", + "olive oil", + "onions", + "grape leaves", + "fresh lemon juice" + ] + }, + { + "id": 3175, + "ingredients": [ + "fresh cilantro", + "tomatillos", + "garlic cloves", + "honey", + "serrano", + "canola oil", + "queso fresco", + "rotisserie chicken", + "lime", + "purple onion", + "corn tortillas" + ] + }, + { + "id": 3403, + "ingredients": [ + "bay leaves", + "salt", + "fresh parsley", + "pepper", + "bacon", + "ground coriander", + "smoked ham hocks", + "black beans", + "green onions", + "chopped onion", + "chopped cilantro fresh", + "olive oil", + "garlic", + "ham" + ] + }, + { + "id": 11062, + "ingredients": [ + "chopped green bell pepper", + "white cheddar cheese", + "evaporated milk", + "crimini mushrooms", + "plum tomatoes", + "water", + "quickcooking grits", + "chopped onion", + "hot pepper sauce", + "bacon slices", + "large shrimp" + ] + }, + { + "id": 16629, + "ingredients": [ + "ground black pepper", + "all-purpose flour", + "fresh lime juice", + "boneless chicken thighs", + "tomatillos", + "garlic cloves", + "onions", + "kosher salt", + "cilantro leaves", + "corn tortillas", + "serrano chile", + "vegetable oil", + "cayenne pepper", + "hass avocado" + ] + }, + { + "id": 11349, + "ingredients": [ + "sugar", + "olive oil", + "flour", + "spanish onion", + "reduced sodium soy sauce", + "gruyere cheese", + "kosher salt", + "unsalted butter", + "dry sherry", + "french baguette", + "ground black pepper", + "reduced sodium chicken stock" + ] + }, + { + "id": 14353, + "ingredients": [ + "corn", + "salsa", + "cumin", + "black beans", + "salt", + "shredded cheese", + "chicken stock", + "chili powder", + "cream cheese", + "chicken", + "shredded cheddar cheese", + "jumbo pasta shells", + "onions" + ] + }, + { + "id": 25633, + "ingredients": [ + "fresh lime juice", + "garlic", + "adobo sauce", + "chipotles in adobo", + "coconut milk yogurt", + "cumin" + ] + }, + { + "id": 11424, + "ingredients": [ + "tomatoes", + "sea scallops", + "deveined shrimp", + "tomato paste", + "halibut fillets", + "grapefruit juice", + "fresh lemon juice", + "maui onion", + "brown sugar", + "jalapeno chilies", + "salt", + "green olives", + "fresh ginger root", + "yellow bell pepper" + ] + }, + { + "id": 36024, + "ingredients": [ + "salt and ground black pepper", + "fresh lime juice", + "vegetable oil", + "boneless skinless chicken breast halves", + "green onions", + "curry paste", + "chicken broth", + "coconut milk", + "chopped cilantro fresh" + ] + }, + { + "id": 7151, + "ingredients": [ + "chicken meat", + "corn tortillas", + "mozzarella cheese", + "garlic cloves", + "serrano chile", + "whipping cream", + "chopped cilantro fresh", + "tomatillos", + "low salt chicken broth", + "sliced green onions" + ] + }, + { + "id": 12777, + "ingredients": [ + "olive oil", + "onion powder", + "cilantro", + "plain breadcrumbs", + "ground beef", + "eggs", + "jalapeno chilies", + "ricotta cheese", + "shells", + "taco seasoning", + "fontina cheese", + "sharp white cheddar cheese", + "vegetable oil", + "dipping sauces", + "yellow onion", + "pico de gallo", + "chili powder", + "diced tomatoes", + "salt", + "smoked paprika" + ] + }, + { + "id": 34289, + "ingredients": [ + "yellow corn meal", + "kosher salt", + "bourbon whiskey", + "bacon", + "dark brown sugar", + "pure maple syrup", + "sweet corn kernels", + "butter", + "vanilla extract", + "turbinado", + "ground cloves", + "baking powder", + "buttermilk", + "cake flour", + "eggs", + "baking soda", + "cinnamon", + "peach slices", + "chipotle peppers" + ] + }, + { + "id": 13904, + "ingredients": [ + "zucchini", + "mixed greens", + "anchovies", + "mushrooms", + "chopped parsley", + "tomatoes", + "hard-boiled egg", + "tuna", + "kidney beans", + "vinaigrette", + "olives" + ] + }, + { + "id": 40792, + "ingredients": [ + "crème fraîche", + "granulated sugar", + "gooseberries", + "heavy cream" + ] + }, + { + "id": 11649, + "ingredients": [ + "vanilla", + "sugar", + "all-purpose flour", + "milk", + "eggs", + "salt" + ] + }, + { + "id": 227, + "ingredients": [ + "tomatoes", + "zucchini", + "garlic", + "pinenuts", + "red wine vinegar", + "black pepper", + "golden raisins", + "olive oil", + "anchovy paste" + ] + }, + { + "id": 10396, + "ingredients": [ + "tomato paste", + "hot pepper sauce", + "salt", + "garlic cloves", + "parsley flakes", + "diced tomatoes", + "green pepper", + "onions", + "chicken broth", + "boneless skinless chicken breasts", + "cayenne pepper", + "shrimp", + "celery ribs", + "dried basil", + "smoked sausage", + "rice", + "dried oregano" + ] + }, + { + "id": 6559, + "ingredients": [ + "sugar", + "minced garlic", + "zucchini", + "salt", + "eggs", + "soy sauce", + "roasted sesame seeds", + "vegetable oil", + "scallions", + "rib eye steaks", + "red chili peppers", + "water", + "sesame oil", + "soybean sprouts", + "spinach", + "pepper", + "short-grain rice", + "pickling cucumbers", + "carrots" + ] + }, + { + "id": 14195, + "ingredients": [ + "genoa salami", + "shredded mozzarella cheese", + "provolone cheese", + "dough", + "sausages" + ] + }, + { + "id": 21511, + "ingredients": [ + "curry", + "celery", + "mandarin oranges", + "toasted almonds", + "mayonaise", + "salt", + "pepper", + "chicken fingers" + ] + }, + { + "id": 431, + "ingredients": [ + "lime", + "rice vinegar", + "kosher salt", + "vegetable oil", + "fish sauce", + "shallots", + "light brown sugar", + "ground black pepper", + "bone-in pork chops" + ] + }, + { + "id": 5651, + "ingredients": [ + "milk", + "large eggs", + "all-purpose flour", + "corn kernels", + "butter", + "onions", + "smoked bacon", + "grated parmesan cheese", + "cayenne pepper", + "ground black pepper", + "salt" + ] + }, + { + "id": 20754, + "ingredients": [ + "garlic", + "lime", + "chicken", + "garam masala" + ] + }, + { + "id": 24905, + "ingredients": [ + "dark brown sugar", + "dijon mustard", + "pure vanilla extract", + "ham", + "peach preserves" + ] + }, + { + "id": 16731, + "ingredients": [ + "honey", + "sesame oil", + "scallions", + "soy sauce", + "asian pear", + "dried shiitake mushrooms", + "carrots", + "radishes", + "ginger", + "garlic cloves", + "pepper", + "rice wine", + "beef rib short", + "onions" + ] + }, + { + "id": 9006, + "ingredients": [ + "tomatoes", + "radishes", + "red bell pepper", + "romaine lettuce", + "vinaigrette", + "green bell pepper", + "purple onion", + "escarole", + "pitted kalamata olives", + "feta cheese crumbles" + ] + }, + { + "id": 43909, + "ingredients": [ + "eggs", + "black pepper", + "feta cheese", + "red bell pepper", + "chopped fresh mint", + "lettuce", + "spinach", + "minced garlic", + "lean ground beef", + "fresh parsley", + "sliced tomatoes", + "mayonaise", + "lime juice", + "salt", + "onions", + "fresh basil", + "bread crumbs", + "kaiser rolls", + "fresh mint" + ] + }, + { + "id": 28526, + "ingredients": [ + "broccoli", + "olive oil", + "shredded mozzarella cheese", + "pesto", + "pizza doughs", + "cooked chicken" + ] + }, + { + "id": 31141, + "ingredients": [ + "large egg whites", + "cooking spray", + "1% low-fat milk", + "fresh oregano", + "parmigiano-reggiano cheese", + "chopped fresh chives", + "fresh tarragon", + "dry bread crumbs", + "large egg yolks", + "dry white wine", + "salt", + "fresh parsley", + "cream of tartar", + "ground black pepper", + "shallots", + "all-purpose flour" + ] + }, + { + "id": 39787, + "ingredients": [ + "black-eyed peas", + "watercress", + "jelly", + "jalapeno chilies", + "salt", + "chopped cilantro fresh", + "peaches", + "purple onion", + "red bell pepper", + "olive oil", + "red wine vinegar", + "freshly ground pepper" + ] + }, + { + "id": 35320, + "ingredients": [ + "cream of chicken soup", + "green chilies", + "rotelle", + "chicken breasts", + "shredded cheddar cheese", + "tortilla chips" + ] + }, + { + "id": 25077, + "ingredients": [ + "pepper", + "lettuce leaves", + "long grain white rice", + "pork tenderloin", + "garlic", + "soy sauce", + "orange marmalade", + "rice vinegar", + "honey", + "green onions" + ] + }, + { + "id": 2902, + "ingredients": [ + "olive oil", + "mushrooms", + "broccoli", + "tomato sauce", + "eggplant", + "basil", + "eggs", + "orange bell pepper", + "red pepper flakes", + "onions", + "romano cheese", + "part-skim mozzarella cheese", + "part-skim ricotta cheese" + ] + }, + { + "id": 34305, + "ingredients": [ + "bread", + "minced garlic", + "garam masala", + "salt", + "chopped cilantro", + "cream", + "fresh ginger", + "butter", + "frozen mixed thawed vegetables,", + "ground turmeric", + "mashed potatoes", + "milk", + "vegetable oil", + "fat", + "cashew nuts", + "tomato paste", + "minced ginger", + "serrano peppers", + "ground coriander", + "onions" + ] + }, + { + "id": 6174, + "ingredients": [ + "granulated sugar", + "baking powder", + "activ dry quick rise yeast", + "baking soda", + "large eggs", + "salt", + "corn starch", + "instant espresso powder", + "whole milk", + "all-purpose flour", + "confectioners sugar", + "warm water", + "low-fat buttermilk", + "butter", + "unsweetened chocolate" + ] + }, + { + "id": 24695, + "ingredients": [ + "fresh dill", + "olive oil", + "red wine vinegar", + "juice", + "chopped parsley", + "fresh oregano leaves", + "ground black pepper", + "purple onion", + "cucumber", + "tomatoes", + "kosher salt", + "boneless skinless chicken breasts", + "salt", + "greek yogurt", + "pitted kalamata olives", + "pitas", + "garlic", + "feta cheese crumbles" + ] + }, + { + "id": 12211, + "ingredients": [ + "sirloin", + "fresh coriander", + "spring onions", + "soy sauce", + "lemon grass", + "fresh mint", + "romaine lettuce", + "sesame seeds", + "garlic", + "fresh basil", + "caster sugar", + "ground black pepper" + ] + }, + { + "id": 13227, + "ingredients": [ + "lime", + "rice noodles", + "carrots", + "brown sugar", + "peanuts", + "crushed red pepper", + "olive oil", + "garlic", + "beansprouts", + "soy sauce", + "chicken breasts", + "rice vinegar" + ] + }, + { + "id": 728, + "ingredients": [ + "tomatoes", + "gammon", + "potatoes", + "paprika", + "salt", + "cheddar cheese", + "chorizo", + "butter", + "purple onion", + "eggs", + "chili pepper", + "smoked ham", + "ginger", + "black pudding", + "tumeric", + "pepper", + "salami", + "garlic" + ] + }, + { + "id": 21635, + "ingredients": [ + "unsweetened coconut milk", + "pepper", + "boneless chicken", + "cayenne pepper", + "basmati rice", + "tumeric", + "water", + "ginger", + "chopped cilantro", + "ground cloves", + "vegetable oil", + "salt", + "onions", + "tomatoes", + "minced garlic", + "cinnamon", + "ground coriander", + "cumin" + ] + }, + { + "id": 14011, + "ingredients": [ + "oats", + "baking powder", + "flour", + "softened butter", + "milk", + "raisins", + "granulated sugar", + "walnuts" + ] + }, + { + "id": 5861, + "ingredients": [ + "vegetable oil cooking spray", + "dry white wine", + "scallions", + "thick-cut bacon", + "unsalted butter", + "all purpose unbleached flour", + "red bell pepper", + "grated parmesan cheese", + "low sodium chicken stock", + "fresh parsley", + "hot pepper sauce", + "lemon", + "shrimp", + "grits" + ] + }, + { + "id": 9976, + "ingredients": [ + "tomatoes", + "peas", + "carrots", + "lamb fillet", + "garlic cloves", + "onions", + "mixed spice", + "oil", + "couscous", + "red pepper", + "juice" + ] + }, + { + "id": 49218, + "ingredients": [ + "sugar", + "green onions", + "crushed red pepper flakes", + "fresh ginger", + "crushed garlic", + "soy sauce", + "sesame oil", + "toasted sesame seeds", + "beef", + "dry sherry" + ] + }, + { + "id": 27684, + "ingredients": [ + "seasoning", + "tilapia fillets", + "salsa", + "lime rind", + "lime wedges", + "fresh lime juice", + "vegetable oil cooking spray", + "olive oil", + "corn tortillas", + "slaw", + "salt", + "ground cumin" + ] + }, + { + "id": 11095, + "ingredients": [ + "tomato paste", + "sesame oil", + "peanut oil", + "chopped garlic", + "fresh ginger", + "chili bean sauce", + "shrimp", + "sugar", + "cilantro sprigs", + "scallions", + "ground black pepper", + "salt", + "chinese black vinegar" + ] + }, + { + "id": 47314, + "ingredients": [ + "diced tomatoes", + "fresh parsley", + "lemon juice", + "garlic cloves", + "large shrimp", + "olive oil", + "feta cheese crumbles" + ] + }, + { + "id": 41901, + "ingredients": [ + "head on shrimp", + "garlic cloves", + "lemon", + "kosher salt", + "extra-virgin olive oil" + ] + }, + { + "id": 5859, + "ingredients": [ + "barbecue sauce", + "ground black pepper", + "pork shoulder", + "fine sea salt" + ] + }, + { + "id": 3947, + "ingredients": [ + "tumeric", + "fresh ginger", + "cinnamon", + "ground cardamom", + "cumin", + "boneless chicken skinless thigh", + "cayenne", + "salt", + "onions", + "ground cloves", + "ground black pepper", + "garlic", + "coconut milk", + "canola oil", + "cooked rice", + "lime juice", + "jalapeno chilies", + "ground coriander", + "fresh basil leaves" + ] + }, + { + "id": 14030, + "ingredients": [ + "tomatoes", + "olive oil", + "ground cumin", + "mint", + "scallions", + "ground cinnamon", + "paprika", + "meat loaf mixture", + "carrots" + ] + }, + { + "id": 10056, + "ingredients": [ + "warm water", + "basil dried leaves", + "dried oregano", + "active dry yeast", + "white sugar", + "minced garlic", + "salt", + "olive oil", + "bread flour" + ] + }, + { + "id": 39408, + "ingredients": [ + "vanilla extract", + "confectioners sugar", + "eggs", + "unsweetened chocolate", + "ground cinnamon", + "ground almonds", + "all-purpose flour", + "white sugar" + ] + }, + { + "id": 35283, + "ingredients": [ + "radicchio leaves", + "walnuts", + "whole milk ricotta cheese", + "whole wheat crackers", + "chestnut honey", + "balsamic vinegar" + ] + }, + { + "id": 13994, + "ingredients": [ + "white sugar", + "cream", + "sweetened condensed milk", + "passion fruit" + ] + }, + { + "id": 36302, + "ingredients": [ + "pepper", + "butter", + "beef broth", + "frozen pastry puff sheets", + "beef tenderloin", + "onions", + "egg yolks", + "salt", + "liver pate", + "red wine", + "fresh mushrooms" + ] + }, + { + "id": 16113, + "ingredients": [ + "spinach", + "shiitake", + "extract", + "carrots", + "soy sauce", + "green onions", + "garlic", + "glass noodles", + "sugar", + "bell pepper", + "red pepper", + "onions", + "eggs", + "sesame seeds", + "sesame oil", + "oyster sauce" + ] + }, + { + "id": 47207, + "ingredients": [ + "watercress", + "cilantro leaves", + "fresh lime juice", + "sugar", + "beef tenderloin", + "Thai fish sauce", + "low sodium soy sauce", + "crushed red pepper flakes", + "grated lemon zest", + "canola oil", + "radishes", + "purple onion", + "fresh mint" + ] + }, + { + "id": 36198, + "ingredients": [ + "Boston lettuce", + "sliced cucumber", + "rice vinegar", + "chopped cilantro fresh", + "sambal ulek", + "honey", + "sliced carrots", + "fresh lime juice", + "duck breasts", + "shallots", + "red bell pepper", + "fish sauce", + "ground black pepper", + "purple onion", + "chopped fresh mint" + ] + }, + { + "id": 21134, + "ingredients": [ + "ketchup", + "crushed red pepper flakes", + "shredded cabbage", + "hot pepper sauce", + "white sugar", + "apple cider vinegar" + ] + }, + { + "id": 49070, + "ingredients": [ + "bread crumb fresh", + "large eggs", + "ground pork", + "onions", + "whole peeled tomatoes", + "large garlic cloves", + "ground beef", + "unsalted butter", + "whole milk", + "flat leaf parsley", + "ground black pepper", + "grated parmesan cheese", + "salt", + "spaghetti" + ] + }, + { + "id": 8030, + "ingredients": [ + "flour tortillas", + "alfalfa sprouts", + "cherry tomatoes", + "garlic", + "eggs", + "butter cooking spray", + "shredded Monterey Jack cheese", + "mushrooms", + "garlic salt" + ] + }, + { + "id": 31802, + "ingredients": [ + "whole grain dijon mustard", + "fresh tarragon", + "cheddar cheese", + "hard-boiled egg", + "salad", + "bibb lettuce", + "malt vinegar", + "water", + "low-fat mayonnaise" + ] + }, + { + "id": 36511, + "ingredients": [ + "lemon", + "lime", + "cold water", + "sweetened condensed milk", + "agave nectar" + ] + }, + { + "id": 7785, + "ingredients": [ + "ground black pepper", + "salt", + "cucumber", + "capers", + "purple onion", + "fresh lemon juice", + "fresh basil", + "extra-virgin olive oil", + "tuna packed in olive oil", + "celery ribs", + "lemon zest", + "bow-tie pasta", + "red bell pepper" + ] + }, + { + "id": 38965, + "ingredients": [ + "baking soda", + "buttermilk", + "cream cheese", + "shortening", + "flaked coconut", + "vanilla extract", + "confectioners sugar", + "eggs", + "baking powder", + "sweetened coconut flakes", + "chopped walnuts", + "light cream", + "butter", + "all-purpose flour", + "white sugar" + ] + }, + { + "id": 31453, + "ingredients": [ + "finely chopped fresh parsley", + "pitted kalamata olives", + "cream cheese, soften", + "fresh basil", + "garlic cloves", + "fresh oregano" + ] + }, + { + "id": 43100, + "ingredients": [ + "baby spinach", + "garlic cloves", + "serrano chile", + "kosher salt", + "vegetable broth", + "chipotle chile powder", + "dried pinto beans", + "smoked paprika", + "dried oregano", + "water", + "yellow onion", + "roasted tomatoes" + ] + }, + { + "id": 32307, + "ingredients": [ + "green peppercorns", + "kosher salt", + "dijon mustard", + "white peppercorns", + "eggs", + "milk", + "szechwan peppercorns", + "warm water", + "unsalted butter", + "all-purpose flour", + "black peppercorns", + "whole grain mustard", + "rib roast" + ] + }, + { + "id": 45405, + "ingredients": [ + "spanish onion", + "salt", + "pimenton", + "white bread", + "extra-virgin olive oil", + "red bell pepper", + "sherry vinegar", + "blanched almonds", + "chili pepper", + "garlic", + "plum tomatoes" + ] + }, + { + "id": 28532, + "ingredients": [ + "eggs", + "salt", + "pepper", + "cauliflower" + ] + }, + { + "id": 16092, + "ingredients": [ + "sugar", + "ground black pepper", + "baking powder", + "hot sauce", + "dried oregano", + "yellow corn meal", + "dried thyme", + "jalapeno chilies", + "buttermilk", + "celery seed", + "rainbow trout", + "kosher salt", + "unsalted butter", + "lemon wedge", + "yellow onion", + "canola oil", + "granulated garlic", + "cream style corn", + "flour", + "paprika", + "red bell pepper" + ] + }, + { + "id": 29029, + "ingredients": [ + "dried thyme", + "fresh lemon juice", + "water", + "grated lemon zest", + "parsley leaves", + "olive oil", + "couscous" + ] + }, + { + "id": 5596, + "ingredients": [ + "plain flour", + "large eggs", + "purple onion", + "ground cumin", + "olive oil", + "chili powder", + "red bell pepper", + "black pepper", + "baking powder", + "salt", + "zucchini", + "baking potatoes", + "coriander" + ] + }, + { + "id": 11369, + "ingredients": [ + "tomatoes", + "coarse salt", + "vietnamese fish sauce", + "glass noodles", + "ground black pepper", + "ground pork", + "white fleshed fish", + "black mushrooms", + "cilantro", + "yellow onion", + "red snapper", + "vegetable oil", + "ginger", + "scallions" + ] + }, + { + "id": 37436, + "ingredients": [ + "black pepper", + "lime", + "flank steak", + "salt", + "avocado", + "pepper", + "flour tortillas", + "cilantro", + "shredded Monterey Jack cheese", + "kosher salt", + "olive oil", + "lime wedges", + "garlic cloves", + "tomatoes", + "orange", + "jalapeno chilies", + "purple onion" + ] + }, + { + "id": 2421, + "ingredients": [ + "granny smith apples", + "extra-virgin olive oil", + "garlic cloves", + "Boston lettuce", + "watercress", + "scallions", + "chopped cilantro", + "curry powder", + "salt", + "fresh lemon juice", + "avocado", + "hot pepper sauce", + "freshly ground pepper", + "tuna" + ] + }, + { + "id": 22070, + "ingredients": [ + "Mexican oregano", + "chopped cilantro fresh", + "unsweetened shredded dried coconut", + "mahi mahi fillets", + "saltines", + "purple onion", + "jalapeno chilies", + "fresh lime juice" + ] + }, + { + "id": 10600, + "ingredients": [ + "relish", + "white cornmeal", + "crumbled goat cheese", + "all-purpose flour", + "salt", + "butter", + "cream cheese, soften" + ] + }, + { + "id": 11150, + "ingredients": [ + "kalamata", + "serrano chile", + "olive oil", + "pepitas", + "cannellini beans", + "fresh lime juice", + "mixed greens" + ] + }, + { + "id": 29257, + "ingredients": [ + "pinenuts", + "white wine vinegar", + "anchovy fillets", + "capers", + "basil leaves", + "rice", + "tuna", + "olive oil", + "purple onion", + "oil", + "ground black pepper", + "salt", + "lemon juice" + ] + }, + { + "id": 38540, + "ingredients": [ + "sugar", + "baking powder", + "large eggs", + "milk", + "vanilla", + "flour" + ] + }, + { + "id": 18998, + "ingredients": [ + "avocado", + "bell pepper", + "cilantro", + "sour cream", + "ground cumin", + "water", + "chili powder", + "fine sea salt", + "onions", + "walnut pieces", + "green onions", + "extra-virgin olive oil", + "fresh lime juice", + "lettuce", + "French lentils", + "diced tomatoes", + "hot sauce", + "dried oregano" + ] + }, + { + "id": 39974, + "ingredients": [ + "condensed milk", + "graham crackers", + "mango", + "whipping cream" + ] + }, + { + "id": 2159, + "ingredients": [ + "dulce de leche", + "chocolate sandwich cookies", + "powdered sugar", + "butter", + "heavy whipping cream", + "bananas", + "cream cheese, soften", + "brown sugar", + "chocolate" + ] + }, + { + "id": 19679, + "ingredients": [ + "cooked rice", + "vegetable oil", + "chili sauce", + "beansprouts", + "lime juice", + "garlic", + "shrimp", + "fresh tomatoes", + "green peas", + "carrots", + "eggs", + "fresh ginger", + "green pepper", + "green beans" + ] + }, + { + "id": 44146, + "ingredients": [ + "ground cloves", + "salt", + "apples", + "ground cinnamon", + "white sugar" + ] + }, + { + "id": 36086, + "ingredients": [ + "fish sauce", + "chili paste", + "spam", + "frozen peas", + "water", + "garlic", + "dried shrimp", + "soy sauce", + "ginger", + "carrots", + "short-grain rice", + "cooked meat", + "toasted sesame seeds" + ] + }, + { + "id": 20676, + "ingredients": [ + "ground cinnamon", + "water", + "stewed tomatoes", + "ground coriander", + "fat free less sodium chicken broth", + "vegetable oil", + "chickpeas", + "couscous", + "black pepper", + "zucchini", + "salt", + "carrots", + "ground ginger", + "minced garlic", + "raisins", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 39779, + "ingredients": [ + "eggs", + "pork belly", + "scallions", + "sugar", + "star anise", + "sake", + "minced ginger", + "mustard", + "soy sauce", + "peanut oil" + ] + }, + { + "id": 33522, + "ingredients": [ + "unsweetened coconut milk", + "vietnamese fish sauce", + "garlic cloves", + "canola oil", + "stewing beef", + "yellow onion", + "chopped fresh mint", + "brown dark firmli pack sugar", + "salt", + "fresh lime juice", + "Thai red curry paste", + "freshly ground pepper", + "bamboo shoots" + ] + }, + { + "id": 498, + "ingredients": [ + "spinach", + "basil leaves", + "garlic", + "free-range eggs", + "grated parmesan cheese", + "mozzarella balls", + "bay leaf", + "ground nutmeg", + "lemon", + "ricotta", + "tomatoes", + "cannelloni", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 45937, + "ingredients": [ + "fresh dill", + "potatoes", + "green peas", + "carrots", + "black beans", + "green onions", + "whole kernel corn, drain", + "garbanzo beans", + "vegetable oil", + "beets", + "pickles", + "mushrooms", + "purple onion" + ] + }, + { + "id": 41501, + "ingredients": [ + "plain flour", + "butter", + "granny smith apples", + "caster sugar", + "eggs", + "flour for dusting" + ] + }, + { + "id": 44156, + "ingredients": [ + "salt", + "white sugar", + "peanuts", + "cucumber", + "rice vinegar", + "jalapeno chilies", + "chopped cilantro" + ] + }, + { + "id": 5643, + "ingredients": [ + "asafoetida", + "salt", + "cracked black pepper", + "vegetable oil", + "urad dal" + ] + }, + { + "id": 35874, + "ingredients": [ + "tomato paste", + "olive oil", + "stuffing", + "garlic", + "cayenne pepper", + "bread crumbs", + "large eggs", + "parsley", + "salt", + "onions", + "brandy", + "seafood stock", + "green onions", + "crawfish fat", + "celery", + "crawfish", + "bell pepper", + "heavy cream", + "all-purpose flour" + ] + }, + { + "id": 24413, + "ingredients": [ + "fresh cilantro", + "serrano chilies", + "onions", + "tomatoes", + "tortilla chips", + "lime juice" + ] + }, + { + "id": 47297, + "ingredients": [ + "cheddar cheese", + "salt", + "tomato paste", + "jack cheese", + "eggs", + "evaporated milk", + "green chile", + "flour" + ] + }, + { + "id": 10073, + "ingredients": [ + "lemon juice", + "kosher salt", + "cream", + "whole milk" + ] + }, + { + "id": 4798, + "ingredients": [ + "vegetable oil spray", + "pepitas", + "sugar", + "salt", + "large egg whites", + "cayenne pepper", + "ground cinnamon", + "chili powder", + "ground cumin" + ] + }, + { + "id": 7802, + "ingredients": [ + "baguette", + "iceberg lettuce", + "catfish fillets", + "tartar sauce", + "creole seasoning", + "tomatoes", + "dill pickles" + ] + }, + { + "id": 3970, + "ingredients": [ + "large eggs", + "semolina" + ] + }, + { + "id": 24416, + "ingredients": [ + "unsalted butter", + "cilantro leaves", + "coconut milk", + "lime", + "ginger", + "rice", + "onions", + "kosher salt", + "vegetable stock", + "red curry paste", + "medium shrimp", + "ground black pepper", + "garlic", + "red bell pepper" + ] + }, + { + "id": 13072, + "ingredients": [ + "milk", + "chives", + "all-purpose flour", + "sugar", + "unsalted butter", + "crème fraîche", + "warm water", + "large eggs", + "buckwheat flour", + "active dry yeast", + "salt", + "caviar" + ] + }, + { + "id": 29046, + "ingredients": [ + "mayonaise", + "fresh parsley", + "ground red pepper", + "creole mustard", + "garlic cloves", + "green onions" + ] + }, + { + "id": 12898, + "ingredients": [ + "cream of tartar", + "granulated sugar", + "Grand Marnier", + "large egg whites", + "vanilla extract", + "large egg yolks", + "salt", + "powdered sugar", + "cooking spray" + ] + }, + { + "id": 24957, + "ingredients": [ + "ground ginger", + "boneless moulard duck breast", + "water", + "navel oranges", + "black pepper", + "cinnamon", + "curry powder", + "salt" + ] + }, + { + "id": 18725, + "ingredients": [ + "water", + "green onions", + "fresh mushrooms", + "boneless skinless chicken breast halves", + "chicken broth", + "fresh ginger", + "garlic", + "red bell pepper", + "jasmine rice", + "salt and ground black pepper", + "cilantro leaves", + "white sugar", + "chile paste", + "vegetable oil", + "oyster sauce", + "asian fish sauce" + ] + }, + { + "id": 46929, + "ingredients": [ + "baking soda", + "salt", + "butter", + "baking powder", + "all-purpose flour", + "fat free milk", + "buttermilk" + ] + }, + { + "id": 23140, + "ingredients": [ + "panettone", + "orange marmalade", + "eggs", + "mascarpone", + "ground cinnamon", + "ground nutmeg", + "olive oil", + "orange juice" + ] + }, + { + "id": 30516, + "ingredients": [ + "sugar", + "light soy sauce", + "sesame oil", + "garlic cloves", + "chili pepper", + "cooking oil", + "cooking wine", + "ginger root", + "boneless chicken thighs", + "roasted sesame seeds", + "chili oil", + "corn starch", + "dark soy sauce", + "water", + "egg whites", + "salt" + ] + }, + { + "id": 34081, + "ingredients": [ + "fish sauce", + "peanuts", + "cilantro", + "oil", + "cucumber", + "iceberg lettuce", + "sugar", + "hoisin sauce", + "thai chile", + "carrots", + "pork shoulder", + "sake", + "ground pepper", + "rice vermicelli", + "oyster sauce", + "beansprouts", + "mint", + "lime", + "crushed garlic", + "garlic", + "hot water", + "five-spice powder" + ] + }, + { + "id": 12927, + "ingredients": [ + "bread crumbs", + "parsley", + "whitefish", + "potatoes", + "greek yogurt", + "egg whites", + "extra-virgin olive oil", + "capers", + "lemon wedge" + ] + }, + { + "id": 44088, + "ingredients": [ + "melted butter", + "garlic powder", + "sugar", + "cayenne pepper", + "mayonaise", + "paprika", + "tomato paste", + "water" + ] + }, + { + "id": 20785, + "ingredients": [ + "sugar", + "lemon", + "lemon slices", + "chicken breast tenders", + "white wine vinegar", + "flat leaf parsley", + "shallots", + "salt", + "black pepper", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 16672, + "ingredients": [ + "chicken broth", + "quickcooking grits", + "andouille sausage", + "butter", + "half & half", + "salt", + "vidalia onion", + "vegetable oil" + ] + }, + { + "id": 5400, + "ingredients": [ + "granulated sugar", + "blanched almonds", + "eggs", + "almond extract", + "butter-margarine blend", + "all-purpose flour", + "baking powder" + ] + }, + { + "id": 30322, + "ingredients": [ + "parmesan cheese", + "garlic cloves", + "fettucine", + "butter", + "shrimp", + "chopped fresh chives", + "chardonnay", + "fresh basil", + "whipping cream", + "fresh parsley" + ] + }, + { + "id": 17272, + "ingredients": [ + "pecorino romano cheese", + "plum tomatoes", + "ground black pepper", + "salt", + "water", + "extra-virgin olive oil", + "orecchiette", + "ricotta cheese", + "arugula" + ] + }, + { + "id": 9797, + "ingredients": [ + "boneless chicken breast", + "olive oil", + "sea salt", + "rosemary", + "balsamic vinegar", + "ground black pepper", + "garlic" + ] + }, + { + "id": 14795, + "ingredients": [ + "olive oil", + "jalapeno chilies", + "vegetable broth", + "yellow onion", + "ground cumin", + "black beans", + "tortillas", + "diced tomatoes", + "garlic", + "sour cream", + "lime", + "boneless chicken breast", + "yellow bell pepper", + "salt", + "chopped cilantro", + "avocado", + "garlic powder", + "chili powder", + "cheese", + "red bell pepper" + ] + }, + { + "id": 7619, + "ingredients": [ + "mascarpone", + "sweet vermouth", + "Amaretti Cookies", + "large eggs", + "sugar" + ] + }, + { + "id": 42124, + "ingredients": [ + "pecans", + "ground nutmeg", + "whole milk", + "apricot halves", + "salt", + "pecan halves", + "large egg whites", + "semisweet chocolate", + "dried tart cherries", + "whipping cream", + "cream cheese", + "powdered sugar", + "large egg yolks", + "dried apricot", + "bourbon whiskey", + "vanilla extract", + "sugar", + "unsalted butter", + "baking powder", + "sweetened coconut flakes", + "all-purpose flour" + ] + }, + { + "id": 23249, + "ingredients": [ + "soy sauce", + "ginger", + "peanut butter", + "fish sauce", + "curry sauce", + "curry", + "chicken broth", + "peanuts", + "garlic", + "coconut milk", + "brown sugar", + "vegetable oil", + "boneless skinless chicken" + ] + }, + { + "id": 44158, + "ingredients": [ + "sugar", + "leeks", + "vegetable broth", + "garlic cloves", + "boiling water", + "fresh ginger", + "coarse salt", + "dried shiitake mushrooms", + "corn starch", + "soft tofu", + "cilantro sprigs", + "peanut oil", + "fermented black beans", + "soy sauce", + "szechwan peppercorns", + "rice vinegar", + "garlic chili sauce" + ] + }, + { + "id": 17462, + "ingredients": [ + "large eggs", + "all-purpose flour", + "ground black pepper", + "crushed red pepper", + "garlic powder", + "paprika", + "chicken", + "kosher salt", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 3580, + "ingredients": [ + "chicken stock", + "milk", + "vegetable oil", + "all-purpose flour", + "chopped ham", + "mozzarella cheese", + "grated parmesan cheese", + "garlic", + "onions", + "eggs", + "olive oil", + "green peas", + "dry bread crumbs", + "arborio rice", + "pepper", + "dry white wine", + "salt" + ] + }, + { + "id": 9896, + "ingredients": [ + "cooked ham", + "green onions", + "cream cheese", + "garlic powder", + "onion powder", + "salad dressing", + "shredded cheddar cheese", + "chili powder", + "creole style seasoning", + "Kraft Miracle Whip Dressing", + "worcestershire sauce" + ] + }, + { + "id": 29669, + "ingredients": [ + "corn kernels", + "baking powder", + "salt", + "sour cream", + "flour", + "extra-virgin olive oil", + "grated jack cheese", + "ground black pepper", + "lime wedges", + "yellow onion", + "poblano chiles", + "corn oil", + "garlic", + "beer" + ] + }, + { + "id": 30625, + "ingredients": [ + "soy sauce", + "steamed rice", + "worcestershire sauce", + "onions", + "water", + "potatoes", + "carrots", + "ketchup", + "beef", + "oil", + "curry powder", + "curry sauce mix", + "apricot jam" + ] + }, + { + "id": 7685, + "ingredients": [ + "green onions", + "hot sauce", + "lemon juice", + "pepper", + "garlic", + "cream cheese", + "mayonaise", + "old bay seasoning", + "sauce", + "parmesan cheese", + "salt", + "imitation crab meat" + ] + }, + { + "id": 7632, + "ingredients": [ + "saffron threads", + "butter", + "ground black pepper", + "toasted almonds", + "reduced sodium chicken broth", + "salt", + "shredded carrots", + "couscous" + ] + }, + { + "id": 28349, + "ingredients": [ + "sambal ulek", + "lower sodium soy sauce", + "canola oil", + "water", + "garlic cloves", + "sugar", + "top sirloin steak", + "sliced green onions", + "rice sticks", + "fresh lime juice" + ] + }, + { + "id": 4510, + "ingredients": [ + "mussels", + "lemongrass", + "fresh lime juice", + "plum tomatoes", + "kaffir lime leaves", + "peanut oil", + "chopped cilantro fresh", + "chicken stock", + "Thai red curry paste", + "fresh basil leaves", + "unsweetened coconut milk", + "fish sauce", + "grate lime peel", + "grated lemon peel" + ] + }, + { + "id": 35383, + "ingredients": [ + "lime", + "sugar", + "water", + "sweetened condensed milk" + ] + }, + { + "id": 18569, + "ingredients": [ + "frozen broccoli florets", + "refrigerated pizza dough", + "chopped onion", + "tomato sauce", + "grated parmesan cheese", + "pepperoni turkei", + "dried oregano", + "part-skim mozzarella cheese", + "part-skim ricotta cheese", + "garlic cloves", + "olive oil", + "cooking spray", + "salt" + ] + }, + { + "id": 11379, + "ingredients": [ + "large egg whites", + "salt", + "roasted almonds", + "confectioners sugar", + "honey", + "corn starch", + "unsalted shelled pistachio", + "granulated sugar" + ] + }, + { + "id": 9434, + "ingredients": [ + "sun-dried tomatoes", + "garlic cloves", + "extra-virgin olive oil", + "fresh parsley", + "grated parmesan cheese", + "toasted pine nuts", + "pepper", + "salt", + "spaghetti" + ] + }, + { + "id": 37774, + "ingredients": [ + "bell pepper", + "celery seed", + "tumeric", + "cucumber", + "white sugar", + "pickling salt", + "onions", + "cider vinegar", + "mustard seeds" + ] + }, + { + "id": 33651, + "ingredients": [ + "tomatoes", + "ackee", + "dried salted codfish", + "kosher salt", + "scotch bonnet chile", + "scallions", + "green bell pepper", + "fresh thyme leaves", + "yellow onion", + "ground black pepper", + "garlic", + "canola oil" + ] + }, + { + "id": 47017, + "ingredients": [ + "olive oil", + "garlic", + "italian seasoning", + "crushed tomatoes", + "chicken parts", + "onions", + "mushrooms", + "corn starch", + "pappardelle pasta", + "green pepper", + "swanson chicken stock" + ] + }, + { + "id": 31874, + "ingredients": [ + "tomatoes", + "water", + "cinnamon", + "salt", + "couscous", + "cumin", + "saffron threads", + "fresh coriander", + "parsley", + "garlic", + "sweet paprika", + "onions", + "italian tomatoes", + "ground pepper", + "paprika", + "cayenne pepper", + "fresh parsley", + "ground cumin", + "eggs", + "olive oil", + "lemon", + "cilantro leaves", + "ground beef", + "ground lamb" + ] + }, + { + "id": 26733, + "ingredients": [ + "ground cinnamon", + "potatoes", + "all-purpose flour", + "onions", + "shredded cheddar cheese", + "butter", + "carrots", + "pepper", + "lean ground beef", + "beef broth", + "italian seasoning", + "tomato paste", + "milk", + "salt", + "fresh parsley" + ] + }, + { + "id": 20962, + "ingredients": [ + "brussels sprouts", + "thai basil", + "cilantro leaves", + "garlic cloves", + "soy sauce", + "Sriracha", + "scallions", + "red chili peppers", + "zucchini", + "peanut butter", + "medium shrimp", + "chicken broth", + "peanuts", + "sesame oil", + "oil" + ] + }, + { + "id": 1467, + "ingredients": [ + "oysters", + "garlic", + "unsalted butter", + "romano cheese", + "french bread", + "ground black pepper" + ] + }, + { + "id": 11173, + "ingredients": [ + "steamed rice", + "lemon", + "carrots", + "water", + "corn oil", + "yellow onion", + "boiling potatoes", + "fresh ginger", + "salt", + "coconut milk", + "curry powder", + "chicken breasts", + "garlic cloves" + ] + }, + { + "id": 12949, + "ingredients": [ + "brandy", + "lemon slices", + "water", + "orange juice", + "cointreau", + "orange", + "sugar", + "dry red wine" + ] + }, + { + "id": 11565, + "ingredients": [ + "milk", + "butter", + "wine", + "light syrup", + "self rising flour", + "heavy cream", + "sugar", + "cinnamon" + ] + }, + { + "id": 29756, + "ingredients": [ + "chili powder", + "regular or convert rice", + "water", + "garlic", + "onions", + "vegetable oil", + "ragu old world style sweet tomato basil pasta sauc", + "frozen whole kernel corn", + "knorr chicken flavor bouillon", + "chopped cilantro fresh" + ] + }, + { + "id": 25577, + "ingredients": [ + "minced garlic", + "ground black pepper", + "jalapeno chilies", + "paprika", + "yellow onion", + "dried oregano", + "black pepper", + "olive oil", + "pepper jack", + "heavy cream", + "salt", + "fresh parsley leaves", + "pasta", + "dried thyme", + "unsalted butter", + "onion powder", + "linguine", + "cayenne pepper", + "large shrimp", + "kosher salt", + "garlic powder", + "grated parmesan cheese", + "diced tomatoes", + "essence", + "fresh basil leaves" + ] + }, + { + "id": 36779, + "ingredients": [ + "sugar", + "szechwan peppercorns", + "scallions", + "kosher salt", + "red pepper", + "toasted sesame seeds", + "soy sauce", + "vegetable oil", + "chinkiang vinegar", + "tofu", + "asparagus", + "garlic" + ] + }, + { + "id": 10974, + "ingredients": [ + "scallops", + "dry white wine", + "butter", + "shrimp", + "fresh parsley", + "pepper", + "pastry shell", + "all-purpose flour", + "thyme sprigs", + "crawfish", + "shallots", + "salt", + "sour cream", + "parsley sprigs", + "egg yolks", + "clam juice", + "fresh mushrooms", + "bay leaf" + ] + }, + { + "id": 42163, + "ingredients": [ + "baking soda", + "water", + "corn syrup", + "sugar", + "butter", + "peanuts" + ] + }, + { + "id": 15337, + "ingredients": [ + "black pepper", + "fine sea salt", + "rib pork chops", + "unsalted butter", + "hard cider", + "shallots" + ] + }, + { + "id": 23242, + "ingredients": [ + "fresh dill", + "squid", + "lime wedges", + "corn starch", + "ground black pepper", + "nuoc cham", + "fish sauce", + "garlic", + "canola oil" + ] + }, + { + "id": 7952, + "ingredients": [ + "lemon juice", + "sugar syrup", + "passion fruit", + "cachaca" + ] + }, + { + "id": 27424, + "ingredients": [ + "black beans", + "jalapeno chilies", + "salt", + "lime", + "cilantro", + "ground cumin", + "olive oil", + "purple onion", + "pepper", + "red pepper", + "frozen corn kernels" + ] + }, + { + "id": 3816, + "ingredients": [ + "vidalia onion", + "cider vinegar", + "crushed red pepper flakes", + "garlic salt", + "sugar", + "worcestershire sauce", + "cayenne pepper", + "brown sugar", + "ground black pepper", + "dry mustard", + "kosher salt", + "paprika", + "pork butt" + ] + }, + { + "id": 27190, + "ingredients": [ + "black pepper", + "yoghurt", + "leg of lamb", + "mashed potatoes", + "fat free milk", + "dry red wine", + "garlic salt", + "olive oil", + "shallots", + "fresh parsley", + "baby portobello mushrooms", + "beef", + "all-purpose flour" + ] + }, + { + "id": 43764, + "ingredients": [ + "orange", + "dry white wine", + "sugar", + "large egg yolks", + "fresh lemon juice", + "hazelnuts", + "granulated sugar", + "potato starch", + "large egg whites", + "blanched almonds" + ] + }, + { + "id": 17714, + "ingredients": [ + "sugar", + "beef tenderloin", + "dry sherry", + "dry mustard", + "soy sauce", + "garlic" + ] + }, + { + "id": 30022, + "ingredients": [ + "cranberry juice cocktail", + "sugar", + "fresh lime juice", + "mint sprigs", + "jalapeno chilies" + ] + }, + { + "id": 33281, + "ingredients": [ + "phyllo dough", + "honey", + "cooking spray", + "shredded phyllo dough", + "almonds", + "vegetable oil", + "ground cinnamon", + "water", + "ground nutmeg", + "cinnamon sticks", + "sugar", + "olive oil", + "lemon wedge" + ] + }, + { + "id": 43503, + "ingredients": [ + "milk", + "salt", + "ground red pepper", + "smoked gouda", + "chicken broth", + "butter", + "grits", + "large eggs", + "sharp cheddar cheese" + ] + }, + { + "id": 27385, + "ingredients": [ + "fish sauce", + "bawang goreng", + "garlic", + "carrots", + "peanuts", + "shallots", + "chili sauce", + "beansprouts", + "buns", + "green onions", + "peanut butter", + "shrimp", + "lime zest", + "palm sugar", + "cilantro", + "tamarind concentrate", + "coconut milk" + ] + }, + { + "id": 2396, + "ingredients": [ + "fish sauce", + "pomelo", + "salt", + "roasted chili paste", + "fresh ginger", + "bird chile", + "Boston lettuce", + "lime", + "cucumber", + "roasted cashews", + "water", + "shallots", + "medium shrimp" + ] + }, + { + "id": 25387, + "ingredients": [ + "sugar", + "olive oil", + "green onions", + "salt", + "penne rigate", + "water", + "broccoli florets", + "cauliflower florets", + "garlic cloves", + "mango", + "black pepper", + "finely chopped onion", + "boneless skinless chicken breasts", + "red curry paste", + "fresh lime juice", + "brown sugar", + "curry powder", + "peeled fresh ginger", + "light coconut milk", + "Thai fish sauce" + ] + }, + { + "id": 1017, + "ingredients": [ + "fish sauce", + "fresh ginger", + "green onions", + "star anise", + "cinnamon sticks", + "parsnips", + "ground black pepper", + "flank steak", + "salt", + "beansprouts", + "shredded basil", + "lime", + "jalapeno chilies", + "chiffonade", + "beef sirloin", + "onions", + "buns", + "beef brisket", + "shallots", + "dried rice noodles", + "tripe" + ] + }, + { + "id": 18852, + "ingredients": [ + "Shaoxing wine", + "vegetable oil", + "shredded cabbage", + "soy sauce", + "garlic" + ] + }, + { + "id": 14861, + "ingredients": [ + "chicken broth", + "peas", + "thyme sprigs", + "boiling potatoes", + "unsalted butter", + "grated Gruyère cheese", + "onions", + "parsley sprigs", + "crème fraîche", + "bay leaf", + "dry white wine", + "carrots", + "chicken thighs" + ] + }, + { + "id": 47487, + "ingredients": [ + "olive oil", + "shallots", + "rib-eye roast", + "kosher salt", + "beef stock", + "ground black pepper", + "red wine" + ] + }, + { + "id": 46015, + "ingredients": [ + "water", + "green onions", + "dipping sauces", + "shrimp", + "spring roll wrappers", + "mung beans", + "ground pork", + "tamari soy sauce", + "cabbage", + "white pepper", + "Shaoxing wine", + "ginger", + "carrots", + "canola oil", + "chili", + "sesame oil", + "garlic", + "corn starch" + ] + }, + { + "id": 12684, + "ingredients": [ + "rosemary sprigs", + "coarse salt", + "bread flour", + "fresh rosemary", + "warm water", + "salt", + "cold milk", + "sugar", + "extra-virgin olive oil", + "eggs", + "dry yeast", + "cornmeal" + ] + }, + { + "id": 12588, + "ingredients": [ + "sugar", + "teas", + "maple syrup", + "pecans", + "milk", + "vanilla", + "graham crackers", + "butter", + "all-purpose flour", + "brown sugar", + "egg yolks", + "salt" + ] + }, + { + "id": 33061, + "ingredients": [ + "fresh basil", + "pork", + "sauce", + "peanut oil", + "fish sauce", + "stir fry sauce", + "chopped onion", + "dark soy sauce", + "soy sauce", + "green pepper", + "corn starch", + "chicken stock", + "sugar", + "garlic", + "green chilies" + ] + }, + { + "id": 38952, + "ingredients": [ + "mozzarella cheese", + "cooking spray", + "onions", + "ground turkey breast", + "spaghetti squash", + "italian seasoning", + "olive oil", + "diced tomatoes", + "nonfat ricotta cheese", + "large eggs", + "garlic cloves" + ] + }, + { + "id": 20915, + "ingredients": [ + "eggs", + "garam masala", + "ground coriander", + "chopped cilantro fresh", + "ground cumin", + "water", + "chile pepper", + "cinnamon sticks", + "ground turmeric", + "garlic paste", + "ground red pepper", + "oil", + "chaat masala", + "chickpea flour", + "lime", + "salt", + "onions", + "ground lamb" + ] + }, + { + "id": 34732, + "ingredients": [ + "red wine vinegar", + "extra-virgin olive oil", + "navel oranges", + "dark brown sugar", + "watercress", + "walnuts", + "confit duck leg", + "fresh lemon juice" + ] + }, + { + "id": 48656, + "ingredients": [ + "kosher salt", + "tumeric", + "shrimp", + "sweet paprika", + "black pepper" + ] + }, + { + "id": 38736, + "ingredients": [ + "green bell pepper", + "vegetable oil", + "beer", + "flour tortillas", + "salt", + "onions", + "pepper", + "non-fat sour cream", + "fillets", + "guacamole", + "salsa" + ] + }, + { + "id": 20374, + "ingredients": [ + "red chili peppers", + "oil", + "string beans", + "garlic", + "fresh ginger root", + "black mustard seeds", + "coconut flakes", + "salt" + ] + }, + { + "id": 18664, + "ingredients": [ + "serrano chilies", + "jalapeno chilies", + "ginger", + "black mustard seeds", + "ground turmeric", + "crushed tomatoes", + "vegetable oil", + "rice vinegar", + "coconut milk", + "red chili peppers", + "chili powder", + "salt", + "shrimp", + "coriander seeds", + "cilantro", + "garlic cloves", + "onions" + ] + }, + { + "id": 15638, + "ingredients": [ + "shortening", + "baking soda", + "vanilla extract", + "sugar", + "large eggs", + "cake flour", + "white vinegar", + "cream cheese frosting", + "red food coloring", + "chopped pecans", + "cocoa", + "buttermilk", + "salt" + ] + }, + { + "id": 10458, + "ingredients": [ + "instant espresso powder", + "vanilla", + "hot water", + "large eggs", + "salt", + "bittersweet chocolate", + "light brown sugar", + "heavy cream", + "chocolate curls", + "granulated sugar", + "Dutch-processed cocoa powder", + "malted milk powder" + ] + }, + { + "id": 47980, + "ingredients": [ + "tomatoes", + "baby lima beans", + "bay leaves", + "bacon", + "fresh mushrooms", + "onions", + "celery ribs", + "cooked rice", + "bay scallops", + "chopped fresh thyme", + "all-purpose flour", + "freshly ground pepper", + "chicken broth", + "green bell pepper", + "potatoes", + "butter", + "hot sauce", + "garlic cloves", + "fresh rosemary", + "corn kernels", + "vegetable oil", + "salt", + "okra" + ] + }, + { + "id": 43084, + "ingredients": [ + "water", + "salt", + "vinegar", + "red bell pepper", + "olive oil", + "cucumber", + "pepper", + "green onions", + "plum tomatoes" + ] + }, + { + "id": 4534, + "ingredients": [ + "nutmeg", + "peaches", + "lemon juice", + "sugar", + "vanilla extract", + "eggs", + "flour", + "corn starch", + "pie crust", + "water", + "salt" + ] + }, + { + "id": 26269, + "ingredients": [ + "cold water", + "water", + "large eggs", + "ground allspice", + "onions", + "sugar", + "prepared horseradish", + "salt", + "crumbled gorgonzola", + "chiles", + "whole grain mustard", + "vegetable shortening", + "chopped walnuts", + "dried oregano", + "cider vinegar", + "red cabbage", + "all-purpose flour", + "canela" + ] + }, + { + "id": 23498, + "ingredients": [ + "fish sauce", + "scallions", + "pork shoulder", + "canola oil", + "lettuce leaves", + "corn starch", + "mung bean sprouts", + "kosher salt", + "rice flour", + "medium shrimp", + "spearmint", + "yellow onion", + "coconut milk", + "ground turmeric" + ] + }, + { + "id": 5053, + "ingredients": [ + "biscuits", + "sesame seeds", + "butter", + "fresh parsley", + "black pepper", + "egg whites", + "shredded sharp cheddar cheese", + "seasoning salt", + "cooking spray", + "cream cheese, soften", + "fruit", + "large eggs", + "bacon slices" + ] + }, + { + "id": 5010, + "ingredients": [ + "celery ribs", + "black pepper", + "large eggs", + "fresh thyme leaves", + "garlic cloves", + "chicken broth", + "olive oil", + "bay leaves", + "red pepper", + "fresh parsley", + "green bell pepper", + "hot pepper sauce", + "dry white wine", + "salt", + "onions", + "cornbread", + "oysters", + "grated parmesan cheese", + "butter", + "red bell pepper" + ] + }, + { + "id": 49028, + "ingredients": [ + "cooking oil", + "salt", + "tomato sauce", + "garlic", + "hot water", + "diced onions", + "cilantro", + "rice", + "pepper", + "chicken stock cubes" + ] + }, + { + "id": 36714, + "ingredients": [ + "water", + "rice wine", + "ground white pepper", + "chicken stock", + "firm silken tofu", + "corn starch", + "bamboo shoots", + "shiitake", + "ginger", + "wood ear mushrooms", + "soy sauce", + "green onions", + "chinkiang vinegar" + ] + }, + { + "id": 21490, + "ingredients": [ + "refried beans", + "garlic cloves", + "dried oregano", + "black pepper", + "vegetable oil", + "fresh lime juice", + "white onion", + "salt", + "serrano chile", + "tomatoes", + "flour tortillas", + "red bell pepper", + "monterey jack" + ] + }, + { + "id": 8448, + "ingredients": [ + "pepper flakes", + "soy sauce", + "water", + "rice cakes", + "salt", + "radish sprouts", + "cabbage", + "sugar", + "pork belly", + "shiitake", + "watercress", + "spam", + "onions", + "tofu", + "pork", + "polish sausage", + "baked beans", + "garlic", + "kimchi", + "noodles", + "spinach", + "dried kelp", + "anchovies", + "green onions", + "Gochujang base", + "pork shoulder" + ] + }, + { + "id": 49408, + "ingredients": [ + "sake", + "minced ginger", + "vegetable oil", + "soy sauce", + "green onions", + "boneless skinless chicken breast halves", + "sugar", + "mirin", + "soy glaze", + "minced garlic", + "sesame oil" + ] + }, + { + "id": 28982, + "ingredients": [ + "green olives", + "spring onions", + "quinoa", + "spices", + "olive oil", + "parsley", + "chicken breast fillets", + "lemon zest" + ] + }, + { + "id": 20207, + "ingredients": [ + "fresh ginger", + "crushed red pepper flakes", + "canola oil", + "kosher salt", + "granulated sugar", + "fat", + "fish sauce", + "ground black pepper", + "garlic cloves", + "water", + "green onions", + "onions" + ] + }, + { + "id": 37751, + "ingredients": [ + "active dry yeast", + "salt", + "whole milk", + "confectioners sugar", + "baking soda", + "peanut oil", + "sugar", + "buttermilk", + "bread flour" + ] + }, + { + "id": 42412, + "ingredients": [ + "sugar", + "boiling water", + "green tea leaves", + "fresh mint", + "honey" + ] + }, + { + "id": 47466, + "ingredients": [ + "garlic", + "water", + "collard greens", + "onions", + "red pepper flakes" + ] + }, + { + "id": 40672, + "ingredients": [ + "light soy sauce", + "Shaoxing wine", + "scallions", + "yellow chives", + "sugar", + "baking soda", + "sesame oil", + "ground white pepper", + "kosher salt", + "vegetables", + "garlic", + "chinese chives", + "fresh ginger", + "pork loin", + "corn starch" + ] + }, + { + "id": 47821, + "ingredients": [ + "green bell pepper", + "sea salt", + "tortilla chips", + "ground beef", + "black pepper", + "diced tomatoes", + "sharp cheddar cheese", + "oregano", + "corn", + "garlic", + "taco seasoning", + "iceberg lettuce", + "pasta", + "olive oil", + "yellow onion", + "sour cream" + ] + }, + { + "id": 42090, + "ingredients": [ + "sugar", + "red wine vinegar", + "Belgian endive", + "radishes", + "fresh tarragon", + "dijon mustard", + "grapeseed oil", + "roquefort cheese", + "shallots", + "button mushrooms" + ] + }, + { + "id": 10019, + "ingredients": [ + "white vinegar", + "pepper", + "ground black pepper", + "green onions", + "ground allspice", + "soy sauce", + "garlic powder", + "granulated sugar", + "ground thyme", + "onions", + "ground cinnamon", + "lime juice", + "ground sage", + "vegetable oil", + "orange juice", + "kosher salt", + "ground nutmeg", + "skinless chicken pieces", + "cayenne pepper" + ] + }, + { + "id": 45793, + "ingredients": [ + "unsalted butter", + "salt", + "butter", + "bread flour", + "baking powder", + "sour cream", + "baking soda", + "buttermilk" + ] + }, + { + "id": 32933, + "ingredients": [ + "sliced black olives", + "green onions", + "onions", + "taco seasoning mix", + "cooking spray", + "sour cream", + "refried beans", + "jalapeno chilies", + "shredded sharp cheddar cheese", + "olive oil", + "guacamole", + "buffalo meat" + ] + }, + { + "id": 48283, + "ingredients": [ + "unsalted butter", + "scallions", + "Boston lettuce", + "fresh tarragon", + "frozen peas", + "fresh peas", + "fresh lemon juice", + "water", + "salt" + ] + }, + { + "id": 19798, + "ingredients": [ + "pepper", + "red wine vinegar", + "extra-virgin olive oil", + "purple onion", + "cayenne pepper", + "onions", + "pitted kalamata olives", + "olive oil", + "lemon", + "white wine vinegar", + "pepperoncini", + "feta cheese crumbles", + "hothouse cucumber", + "pita bread", + "cherry tomatoes", + "pitted green olives", + "garlic", + "salt", + "dried dill", + "dried oregano", + "boneless pork shoulder roast", + "fresh lemon", + "paprika", + "crushed red pepper", + "greek style plain yogurt", + "greek yogurt" + ] + }, + { + "id": 41233, + "ingredients": [ + "tomatoes", + "vegetable oil", + "grated jack cheese", + "chicken thighs", + "jalapeno chilies", + "white wine vinegar", + "red bell pepper", + "ground cumin", + "zucchini", + "cinnamon", + "garlic cloves", + "oregano", + "chicken broth", + "chili powder", + "frozen corn", + "onions" + ] + }, + { + "id": 37147, + "ingredients": [ + "olive oil", + "all-purpose flour", + "warm water", + "cooking spray", + "water", + "salt", + "dry yeast" + ] + }, + { + "id": 26516, + "ingredients": [ + "kosher salt", + "ground black pepper", + "lemon", + "brown sugar", + "olive oil", + "apple cider vinegar", + "all-purpose flour", + "honey", + "boneless skinless chicken breasts", + "buttermilk", + "soy sauce", + "garlic powder", + "vegetable oil", + "pineapple juice" + ] + }, + { + "id": 4305, + "ingredients": [ + "pepper", + "salt", + "nutmeg", + "bacon", + "swiss", + "pie crust", + "half & half", + "onions", + "eggs", + "gruyere cheese" + ] + }, + { + "id": 30883, + "ingredients": [ + "eggplant", + "green pepper", + "plum tomatoes", + "zucchini", + "freshly ground pepper", + "olive oil", + "salt", + "onions", + "capers", + "flour", + "garlic cloves" + ] + }, + { + "id": 31677, + "ingredients": [ + "water", + "zucchini", + "green beans", + "eggs", + "olive oil", + "red wine vinegar", + "tuna", + "yellow summer squash", + "dijon mustard", + "kalamata", + "cherry tomatoes", + "new potatoes", + "red bell pepper" + ] + }, + { + "id": 25378, + "ingredients": [ + "fine salt", + "sauce", + "panch phoron", + "all-purpose flour", + "russet potatoes", + "canola oil", + "tumeric", + "cayenne pepper" + ] + }, + { + "id": 40122, + "ingredients": [ + "sugar", + "vinegar", + "peanut butter", + "garlic salt", + "ground ginger", + "water", + "slaw mix", + "oil", + "pepper flakes", + "olive oil", + "cilantro", + "cucumber", + "soy sauce", + "boneless skinless chicken breasts", + "rolls" + ] + }, + { + "id": 20889, + "ingredients": [ + "light brown sugar", + "bananas", + "whole milk", + "all-purpose flour", + "vanilla ice cream", + "large eggs", + "bourbon whiskey", + "pure maple syrup", + "unsalted butter", + "baking powder", + "superfine sugar", + "chop fine pecan", + "salt" + ] + }, + { + "id": 10994, + "ingredients": [ + "plain flour", + "soy sauce", + "sesame oil", + "cornflour", + "bicarbonate of soda", + "vinegar", + "chilli paste", + "rapeseed oil", + "chicken breast fillets", + "water", + "vegetable oil", + "garlic", + "chicken stock", + "sugar", + "baking powder", + "dry sherry", + "toasted sesame seeds" + ] + }, + { + "id": 29311, + "ingredients": [ + "olive oil", + "coarse salt", + "grated nutmeg", + "store bought low sodium vegetable stock", + "large eggs", + "extra-virgin olive oil", + "fresh mushrooms", + "yukon gold potatoes", + "all-purpose flour", + "gorgonzola", + "ground black pepper", + "heavy cream", + "cayenne pepper" + ] + }, + { + "id": 46431, + "ingredients": [ + "pure vanilla extract", + "large eggs", + "unsweetened cocoa powder", + "evaporated milk", + "crust", + "sugar", + "whipped cream", + "unsalted butter", + "salt" + ] + }, + { + "id": 17648, + "ingredients": [ + "fish sauce", + "ginger", + "red bell pepper", + "onions", + "thai basil", + "Thai Kitchen Red Curry Paste", + "coconut milk", + "cauliflower", + "zucchini", + "green beans", + "dried red chile peppers", + "brown sugar", + "garlic", + "toasted almonds" + ] + }, + { + "id": 32111, + "ingredients": [ + "chicken broth", + "ginger", + "water", + "corn starch", + "eggs", + "salt", + "green onions" + ] + }, + { + "id": 15728, + "ingredients": [ + "powdered sugar", + "granulated sugar", + "butter", + "cream cheese", + "large egg yolks", + "chop fine pecan", + "cake flour", + "large egg whites", + "low-fat buttermilk", + "vanilla extract", + "coconut extract", + "baking soda", + "cooking spray", + "salt" + ] + }, + { + "id": 16960, + "ingredients": [ + "sugar", + "whole milk", + "cream cheese", + "saffron", + "unsalted butter", + "sea salt", + "ground cardamom", + "shredded carrots", + "light corn syrup", + "corn starch", + "raw pistachios", + "heavy cream", + "condensed milk" + ] + }, + { + "id": 23535, + "ingredients": [ + "sugar", + "whole milk", + "whipping cream", + "ground cinnamon", + "large eggs", + "vegetable shortening", + "kirsch", + "ground nutmeg", + "golden delicious apples", + "salt", + "unsalted butter", + "ice water", + "all-purpose flour" + ] + }, + { + "id": 29667, + "ingredients": [ + "jack cheese", + "fresh cilantro", + "diced green chilies", + "chili powder", + "beef broth", + "corn tortillas", + "tomato sauce", + "shredded cheddar cheese", + "olive oil", + "cooking spray", + "garlic", + "cream cheese", + "ground cumin", + "pepper", + "dried thyme", + "jalapeno chilies", + "worcestershire sauce", + "yellow onion", + "canola oil", + "sugar", + "water", + "garlic powder", + "boneless skinless chicken breasts", + "salt", + "greek yogurt" + ] + }, + { + "id": 31729, + "ingredients": [ + "chickpeas", + "kosher salt", + "eggs", + "milk" + ] + }, + { + "id": 41910, + "ingredients": [ + "heavy cream", + "ground white pepper", + "olive oil", + "salt", + "lemon", + "shrimp", + "fresh chives", + "linguine" + ] + }, + { + "id": 13996, + "ingredients": [ + "chicken broth", + "olive oil", + "garlic", + "chicken", + "sweet onion", + "red wine", + "thyme", + "pearl onions", + "bacon", + "bay leaf", + "cremini mushrooms", + "flour", + "baby carrots" + ] + }, + { + "id": 21089, + "ingredients": [ + "red wine vinegar", + "fresh mint" + ] + }, + { + "id": 32705, + "ingredients": [ + "water", + "asiago", + "garlic cloves", + "bread crumbs", + "parsley", + "artichokes", + "wine", + "olive oil", + "basil", + "oregano", + "pepper", + "lemon", + "salt" + ] + }, + { + "id": 42847, + "ingredients": [ + "vanilla extract", + "ground blanched almonds", + "confectioners sugar", + "ground cinnamon", + "all-purpose flour", + "butter" + ] + }, + { + "id": 26201, + "ingredients": [ + "chipotle chile", + "low salt chicken broth", + "plum tomatoes", + "tomatoes", + "roast red peppers, drain", + "chopped cilantro fresh", + "avocado", + "jicama", + "fresh lime juice", + "green onions", + "cucumber" + ] + }, + { + "id": 26813, + "ingredients": [ + "lime", + "cachaca", + "lemonade", + "lemon slices", + "sugar", + "crushed ice", + "lime slices" + ] + }, + { + "id": 32471, + "ingredients": [ + "unsalted butter", + "fettucine", + "heavy cream", + "black pepper", + "salt", + "parmigiano reggiano cheese" + ] + }, + { + "id": 44990, + "ingredients": [ + "black peppercorns", + "papaya", + "ground coriander", + "cider vinegar", + "hot pepper sauce", + "clove", + "water", + "golden raisins", + "sugar", + "crystallized ginger" + ] + }, + { + "id": 17237, + "ingredients": [ + "green cabbage", + "chicken breasts", + "carrots", + "base", + "cooking wine", + "chicken broth", + "vegetable oil", + "shiitake mushroom caps", + "rice stick noodles", + "large eggs", + "salt" + ] + }, + { + "id": 39403, + "ingredients": [ + "potato starch", + "fresh ginger", + "salt", + "soy sauce", + "granulated sugar", + "garlic cloves", + "sake", + "ground black pepper", + "boneless skinless chicken", + "large egg whites", + "vegetable oil" + ] + }, + { + "id": 15652, + "ingredients": [ + "processed cheese", + "salt", + "ground cumin", + "chicken broth", + "vegetable oil", + "boneless skinless chicken breast halves", + "diced onions", + "chili powder", + "enchilada sauce", + "water", + "garlic", + "masa harina" + ] + }, + { + "id": 14568, + "ingredients": [ + "minced garlic", + "clam juice", + "chorizo sausage", + "leeks", + "salt", + "sea scallops", + "extra-virgin olive oil", + "dry white wine", + "freshly ground pepper" + ] + }, + { + "id": 44779, + "ingredients": [ + "chicken broth", + "corn", + "onion powder", + "rice", + "diced onions", + "black beans", + "colby jack cheese", + "cilantro", + "fresh tomatoes", + "chicken breasts", + "paprika", + "ground cumin", + "avocado", + "fresh cilantro", + "chili powder", + "salsa" + ] + }, + { + "id": 37888, + "ingredients": [ + "fish sauce", + "lime juice", + "Thai red curry paste", + "coconut milk", + "boneless chicken skinless thigh", + "rice noodles", + "scallions", + "frozen peas", + "brown sugar", + "Sriracha", + "peanut butter", + "chopped cilantro", + "chicken broth", + "minced garlic", + "ginger", + "carrots" + ] + }, + { + "id": 9529, + "ingredients": [ + "chicken broth", + "olive oil", + "spices", + "all-purpose flour", + "green bell pepper", + "mushrooms", + "garlic", + "red bell pepper", + "tomatoes", + "ground black pepper", + "red wine", + "parmagiano reggiano", + "white onion", + "chicken breasts", + "salt", + "celery" + ] + }, + { + "id": 20700, + "ingredients": [ + "pepper", + "self rising flour", + "chicken", + "chicken bouillon granules", + "dried thyme", + "salt", + "shortening", + "garlic powder", + "poultry seasoning", + "bacon drippings", + "milk", + "ground red pepper" + ] + }, + { + "id": 17741, + "ingredients": [ + "black beans", + "sliced black olives", + "vegetable oil", + "all-purpose flour", + "enchilada sauce", + "tomatoes", + "nutritional yeast", + "jalapeno chilies", + "prepar salsa", + "chopped onion", + "onions", + "red bell pepper, sliced", + "garlic powder", + "brown rice", + "salt", + "mustard powder", + "fajita seasoning mix", + "avocado", + "water", + "zucchini", + "whole wheat tortillas", + "margarine", + "sour cream" + ] + }, + { + "id": 17475, + "ingredients": [ + "half & half", + "sugar", + "butter", + "mini marshmallows", + "ground allspice", + "eggs", + "sweet potatoes" + ] + }, + { + "id": 12581, + "ingredients": [ + "kosher salt", + "yellow onion", + "ancho chile pepper", + "ground cumin", + "cheddar cheese", + "vegetable oil", + "hot water", + "ground beef", + "chiles", + "all-purpose flour", + "dried guajillo chiles", + "dried oregano", + "chicken stock", + "ground black pepper", + "garlic cloves", + "corn tortillas" + ] + }, + { + "id": 5996, + "ingredients": [ + "tomatoes", + "garlic powder", + "soft shelled crabs", + "paprika", + "dried thyme", + "chopped green bell pepper", + "onion powder", + "garlic cloves", + "angel hair", + "ground black pepper", + "shallots", + "salt", + "olive oil", + "ground red pepper", + "butter", + "ground white pepper" + ] + }, + { + "id": 29042, + "ingredients": [ + "chili pepper", + "starch", + "chili sauce", + "water", + "sesame oil", + "black vinegar", + "fresh coriander", + "green onions", + "garlic cloves", + "light soy sauce", + "salt" + ] + }, + { + "id": 987, + "ingredients": [ + "light brown sugar", + "large eggs", + "fruit", + "teas", + "plain flour", + "baking powder", + "mixed spice", + "whiskey" + ] + }, + { + "id": 39819, + "ingredients": [ + "asian eggplants", + "prosciutto", + "chees fresh mozzarella", + "plum tomatoes", + "fresh basil", + "zucchini", + "freshly ground pepper", + "brine-cured olives", + "roasted red peppers", + "salt", + "olive oil", + "salami", + "garlic cloves" + ] + }, + { + "id": 31679, + "ingredients": [ + "cooking oil", + "brown sugar", + "saba" + ] + }, + { + "id": 1150, + "ingredients": [ + "coconut", + "herbal tea", + "color food green", + "sugar" + ] + }, + { + "id": 39167, + "ingredients": [ + "pico de gallo", + "slaw", + "orange", + "coriander seeds", + "cilantro stems", + "lime wedges", + "purple onion", + "ground coriander", + "flat leaf parsley", + "chimichurri", + "tomatoes", + "pickles", + "pepper", + "lime", + "radishes", + "flank steak", + "extra-virgin olive oil", + "cilantro leaves", + "Tapatio Hot Sauce", + "coriander", + "avocado", + "sugar", + "kosher salt", + "sweet onion", + "tortillas", + "green onions", + "cilantro", + "salt", + "garlic cloves", + "fresh lime juice", + "ground cumin", + "serrano chilies", + "soy sauce", + "water", + "olive oil", + "vinegar", + "marinade", + "chees fresco queso", + "chopped onion", + "steak", + "cumin" + ] + }, + { + "id": 43037, + "ingredients": [ + "green onions", + "crushed red pepper", + "brown sugar", + "vegetable oil", + "dried red chile peppers", + "sesame oil", + "corn starch", + "soy sauce", + "dry sherry", + "sirloin tip roast" + ] + }, + { + "id": 20071, + "ingredients": [ + "crimini mushrooms", + "whipping cream", + "frozen peas", + "shiitake", + "butter", + "chanterelle", + "shallots", + "bow-tie pasta", + "dry white wine", + "large garlic cloves", + "fresh parsley" + ] + }, + { + "id": 43815, + "ingredients": [ + "eggs", + "bittersweet chocolate", + "granulated sugar", + "unsalted butter", + "lemon juice" + ] + }, + { + "id": 31649, + "ingredients": [ + "olive oil", + "hot Italian sausages", + "kosher salt", + "large garlic cloves", + "broccoli rabe", + "spaghetti", + "fontina cheese", + "large eggs" + ] + }, + { + "id": 12218, + "ingredients": [ + "honey", + "garlic cloves", + "cilantro leaves", + "lime", + "scallions", + "olive oil", + "fresh mint" + ] + }, + { + "id": 32836, + "ingredients": [ + "smooth natural peanut butter", + "vegetable stock", + "sauce", + "agave nectar", + "rice vinegar", + "ginger root", + "soy sauce", + "large garlic cloves", + "peanut oil", + "extra firm tofu", + "peanut butter", + "sliced green onions" + ] + }, + { + "id": 18175, + "ingredients": [ + "milk", + "ice cream", + "ground cinnamon", + "refrigerated piecrusts", + "cortland apples", + "splenda granular", + "frozen whip topping, thaw", + "all-purpose flour", + "sugar", + "butter" + ] + }, + { + "id": 48197, + "ingredients": [ + "mirin", + "corn starch", + "soy sauce", + "butter", + "potatoes", + "nori", + "milk", + "salt" + ] + }, + { + "id": 31474, + "ingredients": [ + "mayonaise", + "baguette", + "cilantro leaves", + "soy sauce", + "boneless skinless chicken breasts", + "cucumber", + "sugar", + "Sriracha", + "carrots", + "white vinegar", + "kosher salt", + "cilantro sprigs" + ] + }, + { + "id": 46428, + "ingredients": [ + "diced tomatoes", + "ranch dressing", + "sour cream" + ] + }, + { + "id": 25246, + "ingredients": [ + "taco shells", + "potato flakes", + "french fried onions", + "shredded cheddar cheese", + "sour cream", + "taco sauce", + "butter" + ] + }, + { + "id": 2991, + "ingredients": [ + "low sodium vegetable juice cocktail", + "green pepper", + "chive blossoms", + "pepper", + "salt", + "lemon juice", + "tomatoes", + "chopped celery", + "oil", + "sliced green onions", + "garlic powder", + "hot sauce", + "cucumber" + ] + }, + { + "id": 38216, + "ingredients": [ + "grape tomatoes", + "salt", + "olive oil", + "dried oregano", + "frozen chopped spinach", + "large eggs", + "black pepper", + "feta cheese crumbles" + ] + }, + { + "id": 14978, + "ingredients": [ + "unsalted butter", + "shredded sharp cheddar cheese", + "yellow corn meal", + "whole milk", + "all-purpose flour", + "cream of tartar", + "large eggs", + "salt", + "pesto", + "baking powder" + ] + }, + { + "id": 31085, + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "eggs", + "shiitake", + "onions", + "chicken stock", + "water", + "white rice", + "brown sugar", + "green onions", + "snow peas" + ] + }, + { + "id": 34515, + "ingredients": [ + "water", + "sesame oil", + "ramen", + "chili paste", + "ginger", + "broth", + "Sriracha", + "extra-virgin olive oil", + "spinach", + "mushrooms", + "scallions" + ] + }, + { + "id": 6026, + "ingredients": [ + "cauliflower", + "water", + "ground black pepper", + "vegetable oil", + "cayenne pepper", + "tumeric", + "fresh ginger", + "extra firm tofu", + "all-purpose flour", + "garlic cloves", + "fennel seeds", + "lime juice", + "steamed white rice", + "cilantro leaves", + "chickpeas", + "kosher salt", + "garam masala", + "yoghurt", + "yellow onion", + "naan" + ] + }, + { + "id": 19132, + "ingredients": [ + "crushed red pepper flakes", + "olive oil", + "salt", + "water", + "garlic", + "swiss chard" + ] + }, + { + "id": 48775, + "ingredients": [ + "cream of tartar", + "egg whites", + "corn starch", + "lemon curd", + "salt", + "sugar", + "vanilla extract", + "sour cream", + "lemon zest", + "berries" + ] + }, + { + "id": 29309, + "ingredients": [ + "white onion", + "ground black pepper", + "eggs", + "mozzarella cheese", + "flat leaf parsley", + "kosher salt", + "garlic", + "bread crumbs", + "olive oil", + "ground beef" + ] + }, + { + "id": 4033, + "ingredients": [ + "vegetable juice", + "bay leaves", + "hot sauce", + "fresh cilantro", + "dry white wine", + "fresh lemon juice", + "olive oil", + "clam juice", + "onions", + "mussels", + "ground black pepper", + "large garlic cloves", + "italian seasoning" + ] + }, + { + "id": 36462, + "ingredients": [ + "saffron threads", + "milk", + "clarified butter", + "cold water", + "golden raisins", + "basmati rice", + "roasted cashews", + "blanched almonds", + "sugar", + "ground cardamom" + ] + }, + { + "id": 13235, + "ingredients": [ + "water", + "spring onions", + "oyster sauce", + "noodles", + "black pepper", + "mushrooms", + "garlic", + "celery", + "chicken", + "soy sauce", + "low sodium chicken broth", + "sesame oil", + "corn starch", + "cabbage", + "white onion", + "green onions", + "salt", + "mung bean sprouts" + ] + }, + { + "id": 17863, + "ingredients": [ + "romaine lettuce", + "large egg yolks", + "lemon", + "white wine vinegar", + "creole mustard", + "pepper", + "Tabasco Pepper Sauce", + "old bay seasoning", + "cayenne pepper", + "kosher salt", + "unsalted butter", + "large garlic cloves", + "salt", + "tomatoes", + "ciabatta loaf", + "vegetable oil", + "extra-virgin olive oil", + "medium shrimp" + ] + }, + { + "id": 25694, + "ingredients": [ + "large eggs", + "salt", + "caraway seeds", + "baking powder", + "margarine", + "cooking spray", + "all-purpose flour", + "sugar", + "1% low-fat milk" + ] + }, + { + "id": 24204, + "ingredients": [ + "olive oil", + "cooking spray", + "flatbread", + "ground black pepper", + "mozzarella cheese", + "fennel bulb", + "fresh sage", + "prosciutto" + ] + }, + { + "id": 14541, + "ingredients": [ + "miso", + "toasted sesame seeds", + "extra-virgin olive oil", + "ginger", + "japanese eggplants", + "plums" + ] + }, + { + "id": 13993, + "ingredients": [ + "red chili peppers", + "ground pork", + "ground white pepper", + "eggs", + "water", + "salt", + "soy sauce", + "garlic", + "dried wood ear mushrooms", + "sugar", + "spring onions", + "oil" + ] + }, + { + "id": 8996, + "ingredients": [ + "seasoning", + "tostadas", + "cooking oil", + "shredded lettuce", + "corn starch", + "cheddar cheese", + "fresh cilantro", + "Tabasco Pepper Sauce", + "cream cheese", + "ground beef", + "tomatoes", + "water", + "flour tortillas", + "chopped onion", + "sour cream", + "taco sauce", + "milk", + "butter", + "taco seasoning" + ] + }, + { + "id": 9943, + "ingredients": [ + "black pepper", + "beef stock", + "salt", + "cold water", + "salt and ground black pepper", + "balsamic vinegar", + "corn starch", + "milk", + "vegetable oil", + "sausages", + "sugar", + "potatoes", + "butter", + "onions" + ] + }, + { + "id": 22707, + "ingredients": [ + "candied orange peel", + "golden raisins", + "all-purpose flour", + "ground cinnamon", + "golden brown sugar", + "raisins", + "black tea", + "ground cloves", + "baking powder", + "ground allspice", + "eggs", + "unsalted butter", + "salt", + "boiling water" + ] + }, + { + "id": 35292, + "ingredients": [ + "large egg yolks", + "1% low-fat milk", + "unsweetened cocoa powder", + "powdered sugar", + "semisweet chocolate", + "all-purpose flour", + "cream of tartar", + "granulated sugar", + "salt", + "large egg whites", + "cooking spray", + "creme de cacao" + ] + }, + { + "id": 46886, + "ingredients": [ + "garlic powder", + "chopped onion", + "sour cream", + "lean ground beef", + "enchilada sauce", + "ground cumin", + "chili powder", + "green chilies", + "corn tortillas", + "shredded cheddar cheese", + "all-purpose flour", + "pinto beans" + ] + }, + { + "id": 11566, + "ingredients": [ + "sweetener", + "nut butter", + "vanilla", + "sea salt", + "mini chocolate chips", + "greek style plain yogurt" + ] + }, + { + "id": 8272, + "ingredients": [ + "cookies", + "strawberries", + "heavy cream", + "granulated sugar", + "confectioners sugar" + ] + }, + { + "id": 30552, + "ingredients": [ + "fresh basil", + "lime wedges", + "salted peanuts", + "soba", + "sesame oil", + "rice vinegar", + "chopped fresh mint", + "sugar", + "large garlic cloves", + "grate lime peel", + "hothouse cucumber", + "jalapeno chilies", + "salt", + "fresh lime juice", + "mango" + ] + }, + { + "id": 21033, + "ingredients": [ + "celery ribs", + "sea salt", + "celery root", + "honey", + "garlic cloves", + "chili pepper", + "baby carrots", + "tomatoes", + "sweet mini bells" + ] + }, + { + "id": 42971, + "ingredients": [ + "won ton skins", + "fresh oregano", + "crushed tomatoes", + "fresh orange juice", + "fresh basil", + "unsalted butter", + "garlic cloves", + "freshly grated parmesan", + "ricotta" + ] + }, + { + "id": 42275, + "ingredients": [ + "boneless skinless chicken breasts", + "cream cheese", + "grating cheese", + "sour cream", + "whole wheat tortillas", + "enchilada sauce", + "chicken stock", + "poultry seasoning", + "low-fat mozzarella cheese" + ] + }, + { + "id": 44059, + "ingredients": [ + "caraway seeds", + "green onions", + "all-purpose flour", + "pepper", + "whipping cream", + "eggs", + "vegetable oil", + "potatoes", + "salt" + ] + }, + { + "id": 44159, + "ingredients": [ + "reduced sodium chicken broth", + "medium shrimp", + "long grain white rice", + "cockles", + "dry white wine", + "pimento stuffed green olives", + "kielbasa (not low fat)", + "garlic cloves", + "frozen peas", + "saffron threads", + "olive oil", + "onions" + ] + }, + { + "id": 48500, + "ingredients": [ + "grated parmesan cheese", + "garlic salt", + "butter", + "chives", + "angel hair", + "garlic cloves" + ] + }, + { + "id": 14617, + "ingredients": [ + "fish sauce", + "salt", + "eggs", + "asparagus", + "corn starch", + "chicken stock", + "black pepper", + "crabmeat", + "stock", + "shallots", + "canola oil" + ] + }, + { + "id": 7867, + "ingredients": [ + "bay leaves", + "cumin seed", + "red chili peppers", + "Bengali 5 Spice", + "boiling potatoes", + "asafetida (powder)", + "vegetable oil", + "tamarind concentrate", + "water", + "salt", + "ground turmeric" + ] + }, + { + "id": 13913, + "ingredients": [ + "shrimp stock", + "file powder", + "Tabasco Pepper Sauce", + "yellow onion", + "medium shrimp", + "lump crab meat", + "green onions", + "all-purpose flour", + "fresh parsley leaves", + "green bell pepper", + "fresh thyme", + "chopped celery", + "peanut oil", + "shucked oysters", + "bay leaves", + "salt", + "garlic cloves" + ] + }, + { + "id": 40684, + "ingredients": [ + "black beans", + "diced tomatoes", + "salt", + "dried thyme", + "dry red wine", + "chickpeas", + "curry powder", + "crushed red pepper flakes", + "yellow onion", + "cooked brown rice", + "olive oil", + "garlic", + "ground allspice" + ] + }, + { + "id": 49174, + "ingredients": [ + "butter", + "ground nutmeg", + "parsnips", + "turnips", + "carrots" + ] + }, + { + "id": 34772, + "ingredients": [ + "drippings", + "eggs", + "butter", + "milk", + "salt", + "flour" + ] + }, + { + "id": 16738, + "ingredients": [ + "sea salt", + "kasha", + "bow-tie pasta", + "extra-virgin olive oil", + "ground black pepper", + "onions" + ] + }, + { + "id": 11353, + "ingredients": [ + "fish sauce", + "fresh ginger root", + "coconut milk", + "fresh coriander", + "hot chili sauce", + "soy sauce", + "garlic", + "fresh lime juice", + "water", + "creamy peanut butter" + ] + }, + { + "id": 17429, + "ingredients": [ + "dark soy sauce", + "Shaoxing wine", + "star anise", + "sugar", + "teas", + "dried shiitake mushrooms", + "chicken leg with thigh", + "green onions", + "salt", + "light soy sauce", + "ginger" + ] + }, + { + "id": 6213, + "ingredients": [ + "chicken legs", + "cinnamon", + "couscous", + "almonds", + "garlic", + "cumin", + "honey", + "cilantro", + "coriander", + "chicken stock", + "dried apricot", + "chickpeas" + ] + }, + { + "id": 26682, + "ingredients": [ + "cold water", + "cool whip", + "sugar", + "sour cream", + "unflavored gelatin", + "coco", + "milk" + ] + }, + { + "id": 42067, + "ingredients": [ + "large eggs", + "almond extract", + "semi-sweet chocolate morsels", + "sugar", + "dried tart cherries", + "salt", + "cooking spray", + "vanilla extract", + "whole wheat flour", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 45944, + "ingredients": [ + "yellow corn meal", + "unsalted butter", + "salt", + "shredded cheddar cheese", + "baking powder", + "sugar", + "large eggs", + "all-purpose flour", + "baking soda", + "buttermilk" + ] + }, + { + "id": 43318, + "ingredients": [ + "olive oil", + "greek style plain yogurt", + "minced garlic", + "flour", + "chicken broth", + "parmesan cheese", + "milk", + "salt" + ] + }, + { + "id": 32084, + "ingredients": [ + "tofu", + "ginger root", + "Sriracha", + "soy sauce", + "toasted sesame oil", + "scallions" + ] + }, + { + "id": 23806, + "ingredients": [ + "cauliflower", + "ground black pepper", + "shredded mozzarella cheese", + "tomato sauce", + "meat", + "eggs", + "grated parmesan cheese", + "dried oregano", + "mozzarella cheese", + "fine sea salt" + ] + }, + { + "id": 2721, + "ingredients": [ + "all-purpose flour", + "pork sausages", + "milk" + ] + }, + { + "id": 6479, + "ingredients": [ + "water", + "calvados", + "salt", + "apple jelly", + "unsalted butter", + "apples", + "milk", + "large eggs", + "crème fraîche", + "sugar", + "active dry yeast", + "cinnamon", + "all-purpose flour" + ] + }, + { + "id": 48519, + "ingredients": [ + "avocado", + "jalapeno chilies", + "salt", + "green bell pepper", + "green onions", + "tomatoes", + "cilantro stems", + "red bell pepper", + "lime", + "purple onion" + ] + }, + { + "id": 12560, + "ingredients": [ + "mayonaise", + "red cabbage", + "purple onion", + "soft corn tortillas", + "lime juice", + "vegetable oil", + "all-purpose flour", + "chopped cilantro", + "cider vinegar", + "lime wedges", + "salt", + "chipotles in adobo", + "cod", + "ground black pepper", + "large garlic cloves", + "beer" + ] + }, + { + "id": 4171, + "ingredients": [ + "sugar", + "salt", + "carrots", + "rice paper", + "chile paste with garlic", + "lettuce leaves", + "dark sesame oil", + "fresh mint", + "water", + "cilantro leaves", + "cucumber", + "bean threads", + "beef", + "rice vinegar", + "beansprouts" + ] + }, + { + "id": 14434, + "ingredients": [ + "pita bread", + "boneless skinless chicken breasts", + "grated lemon zest", + "cherry tomatoes", + "salt", + "chopped fresh mint", + "pepper", + "garlic", + "cucumber", + "olive oil", + "greek style plain yogurt" + ] + }, + { + "id": 21159, + "ingredients": [ + "water", + "large garlic cloves", + "polenta", + "fresh sage", + "butternut squash", + "low salt chicken broth", + "grated parmesan cheese", + "rubbed sage", + "olive oil", + "salt" + ] + }, + { + "id": 44745, + "ingredients": [ + "penne", + "passata", + "parmesan cheese", + "minced beef", + "caster sugar", + "crème fraîche", + "bread", + "herbs", + "garlic cloves" + ] + }, + { + "id": 12965, + "ingredients": [ + "avocado", + "brown sugar", + "garlic powder", + "marinade", + "butter", + "purple onion", + "green chilies", + "oregano", + "chicken broth", + "lime juice", + "crumbled blue cheese", + "onion powder", + "cilantro", + "hot sauce", + "sour cream", + "monterey jack", + "tomatoes", + "olive oil", + "flour", + "large flour tortillas", + "garlic", + "sauce", + "celery", + "chicken", + "seasoning", + "pepper", + "shredded carrots", + "chili powder", + "paprika", + "salt", + "carrots", + "cumin" + ] + }, + { + "id": 39978, + "ingredients": [ + "olive oil", + "chili powder", + "ground coriander", + "ketchup", + "garam masala", + "paneer", + "ground turmeric", + "tomato purée", + "fresh ginger root", + "whipping cream", + "frozen peas", + "minced garlic", + "serrano peppers", + "yellow onion", + "ground cumin" + ] + }, + { + "id": 32514, + "ingredients": [ + "curry powder", + "salt", + "cauliflower", + "potatoes", + "onions", + "olive oil", + "cumin seed", + "tomatoes", + "florets" + ] + }, + { + "id": 1336, + "ingredients": [ + "pecorino romano cheese", + "asparagus", + "fresh fava bean", + "extra-virgin olive oil", + "balsamic vinegar", + "arugula" + ] + }, + { + "id": 48649, + "ingredients": [ + "extra-virgin olive oil", + "feta cheese", + "fresh sage", + "prosciutto" + ] + }, + { + "id": 21591, + "ingredients": [ + "soy sauce", + "Shaoxing wine", + "oil", + "chicken stock", + "vegetables", + "garlic", + "corn starch", + "fresh ginger", + "flank steak", + "oyster sauce", + "sugar", + "broccoli florets", + "scallions" + ] + }, + { + "id": 32813, + "ingredients": [ + "green olives", + "lemon zest", + "garlic cloves", + "dried oregano", + "baguette", + "crushed red pepper flakes", + "bay leaf", + "fennel seeds", + "radishes", + "extra-virgin olive oil", + "white peppercorns", + "kosher salt", + "yellowfin", + "flat leaf parsley" + ] + }, + { + "id": 5818, + "ingredients": [ + "water", + "vegetable oil", + "brown sugar", + "green onions", + "garlic", + "fresh ginger", + "crushed red pepper flakes", + "soy sauce", + "rice wine", + "shrimp" + ] + }, + { + "id": 39944, + "ingredients": [ + "romaine lettuce", + "minced garlic", + "boneless skinless chicken breasts", + "feta cheese crumbles", + "fat free yogurt", + "tahini", + "english cucumber", + "pitted kalamata olives", + "garlic powder", + "salt", + "dried oregano", + "grape tomatoes", + "black pepper", + "cooking spray", + "fresh lemon juice" + ] + }, + { + "id": 33274, + "ingredients": [ + "salt", + "eggs", + "all-purpose flour", + "olive oil", + "russet potatoes" + ] + }, + { + "id": 13429, + "ingredients": [ + "milk", + "butter", + "confectioners sugar", + "flour", + "salt", + "large eggs", + "vanilla extract", + "fresh mint", + "sugar", + "bourbon whiskey", + "unsweetened chocolate" + ] + }, + { + "id": 9739, + "ingredients": [ + "green cabbage", + "hoisin sauce", + "dry sherry", + "red bell pepper", + "low sodium soy sauce", + "peeled fresh ginger", + "dark sesame oil", + "boiling water", + "chinese pancakes", + "large eggs", + "rice vinegar", + "wood ear mushrooms", + "fresh chives", + "vegetable oil", + "garlic cloves", + "sliced green onions" + ] + }, + { + "id": 44031, + "ingredients": [ + "pepper", + "salt", + "coriander", + "water", + "ground allspice", + "cumin", + "ground ginger", + "cooking oil", + "thyme", + "chopped garlic", + "black pepper", + "meat", + "onions" + ] + }, + { + "id": 25007, + "ingredients": [ + "dry sherry", + "minced garlic", + "sliced mushrooms", + "marsala wine", + "all-purpose flour", + "water", + "ground beef" + ] + }, + { + "id": 29143, + "ingredients": [ + "fresh lemon juice", + "lemon", + "pink peppercorns", + "kosher salt" + ] + }, + { + "id": 41309, + "ingredients": [ + "romaine lettuce", + "bay leaves", + "buttermilk", + "cayenne pepper", + "medium shrimp", + "ground black pepper", + "vegetable oil", + "salt", + "sauce", + "applewood smoked bacon", + "yellow corn meal", + "large eggs", + "lemon", + "all-purpose flour", + "shrimp", + "water", + "green tomatoes", + "extra-virgin olive oil", + "crab boil", + "white sandwich bread" + ] + }, + { + "id": 17675, + "ingredients": [ + "asian eggplants", + "vegetable oil", + "asian fish sauce", + "sugar", + "roasted peanuts", + "long beans", + "cilantro leaves", + "cherry tomatoes", + "fresh lime juice" + ] + }, + { + "id": 5570, + "ingredients": [ + "great northern beans", + "dried thyme", + "diced tomatoes", + "italian seasoning", + "white bread", + "fat free less sodium chicken broth", + "sliced carrots", + "sausages", + "black pepper", + "grated parmesan cheese", + "chopped onion", + "tomato paste", + "cooked turkey", + "vegetable oil", + "celery" + ] + }, + { + "id": 12206, + "ingredients": [ + "black peppercorns", + "spaghetti", + "pecorino romano cheese" + ] + }, + { + "id": 33553, + "ingredients": [ + "dried basil", + "ground beef", + "chicken broth", + "dry bread crumbs", + "grated parmesan cheese", + "dried parsley", + "eggs", + "escarole" + ] + }, + { + "id": 30898, + "ingredients": [ + "fish sauce", + "red swiss chard", + "chicken stock", + "soy sauce", + "garlic cloves", + "red chili peppers", + "peanut oil", + "haricots verts", + "shiitake" + ] + }, + { + "id": 23937, + "ingredients": [ + "sole fillet", + "all-purpose flour", + "unsalted butter", + "sliced almonds", + "fresh lemon juice", + "brussels sprouts", + "vegetable oil" + ] + }, + { + "id": 11454, + "ingredients": [ + "warm water", + "garlic", + "pinto beans", + "ground cumin", + "tomato sauce", + "chili powder", + "salt", + "oregano", + "kidney beans", + "purple onion", + "fritos", + "ground chuck", + "diced tomatoes", + "sharp cheddar cheese", + "masa" + ] + }, + { + "id": 16091, + "ingredients": [ + "feta cheese crumbles", + "boiling water", + "baguette", + "ripe olives", + "tomatoes", + "cream cheese, soften", + "garlic cloves", + "fresh parsley" + ] + }, + { + "id": 6058, + "ingredients": [ + "shucked oysters", + "worcestershire sauce", + "vegetable oil", + "all-purpose flour", + "milk", + "bacon", + "pie crust", + "cajun seasoning" + ] + }, + { + "id": 18720, + "ingredients": [ + "olive oil", + "light coconut milk", + "coconut milk", + "kosher salt", + "cracked black pepper", + "dark brown sugar", + "fish sauce", + "bottom round roast", + "garlic", + "bamboo shoots", + "lime", + "Thai red curry paste", + "diced yellow onion" + ] + }, + { + "id": 42018, + "ingredients": [ + "white onion", + "red beans", + "scallions", + "brown sugar", + "pepper", + "coconut cream", + "garlic cloves", + "chicken broth", + "kosher salt", + "fresh thyme leaves", + "long-grain rice", + "black pepper", + "water", + "ground allspice" + ] + }, + { + "id": 3462, + "ingredients": [ + "artichok heart marin", + "lemon juice", + "italian seasoning", + "ground black pepper", + "garlic", + "chopped cilantro fresh", + "fresh basil", + "crushed red pepper flakes", + "onions", + "ground cumin", + "sliced black olives", + "salt", + "plum tomatoes" + ] + }, + { + "id": 19617, + "ingredients": [ + "andouille sausage", + "vegetable oil", + "cayenne pepper", + "chicken broth", + "roasting hen", + "salt", + "onions", + "green bell pepper", + "bay leaves", + "all-purpose flour", + "shucked oysters", + "chopped celery", + "dri leav thyme" + ] + }, + { + "id": 18874, + "ingredients": [ + "sugar", + "ginger", + "split peas", + "ground cumin", + "tomato paste", + "olive oil", + "salt", + "onions", + "clove", + "pepper", + "vegetable broth", + "cinnamon sticks", + "tumeric", + "chili paste", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 6416, + "ingredients": [ + "ground ginger", + "fat free less sodium chicken broth", + "peanut butter", + "brown sugar", + "pork tenderloin", + "low sodium soy sauce", + "dijon mustard", + "garlic cloves", + "black pepper", + "cooking spray" + ] + }, + { + "id": 15063, + "ingredients": [ + "red leaf lettuce", + "cilantro stems", + "sauce", + "beansprouts", + "fresh basil", + "curry powder", + "mint sprigs", + "oil", + "medium shrimp", + "water", + "green onions", + "boneless pork loin", + "coconut milk", + "sugar", + "self rising flour", + "salt", + "rice flour", + "onions" + ] + }, + { + "id": 46292, + "ingredients": [ + "soy sauce", + "peeled fresh ginger", + "peanut oil", + "chopped cilantro fresh", + "sugar", + "large eggs", + "firm tofu", + "bamboo shoots", + "chicken broth", + "ground black pepper", + "rice vinegar", + "toasted sesame oil", + "top loin", + "shiitake", + "salt", + "corn starch", + "sliced green onions" + ] + }, + { + "id": 38247, + "ingredients": [ + "apple jelly", + "dry mustard", + "prepared horseradish", + "pineapple preserves", + "cracked black pepper" + ] + }, + { + "id": 36427, + "ingredients": [ + "white onion", + "fresh orange juice", + "coarse kosher salt", + "ground cumin", + "adobo", + "lime wedges", + "boneless pork loin", + "chopped cilantro fresh", + "white vinegar", + "guajillo chile powder", + "salsa", + "corn tortillas", + "chipotle chile", + "pineapple", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 47417, + "ingredients": [ + "poppy seeds", + "short pasta", + "scallions", + "bacon", + "butter", + "sour cream" + ] + }, + { + "id": 4768, + "ingredients": [ + "flour tortillas", + "onions", + "red kidney beans", + "salsa", + "diced tomatoes", + "ground lamb", + "shredded cheddar cheese", + "fresh mushrooms" + ] + }, + { + "id": 11626, + "ingredients": [ + "extra-virgin olive oil", + "fresh parsley", + "black pepper", + "fresh oregano", + "fresh basil", + "salt", + "chopped garlic", + "seeds", + "feta cheese crumbles" + ] + }, + { + "id": 21027, + "ingredients": [ + "mushrooms", + "red pepper", + "salt", + "onions", + "fresh coriander", + "spring onions", + "garlic", + "cumin seed", + "plum tomatoes", + "tumeric", + "fenugreek", + "ginger", + "green pepper", + "frozen peas", + "garam masala", + "chili powder", + "paneer", + "chillies" + ] + }, + { + "id": 22079, + "ingredients": [ + "baking potatoes", + "fresh lemon juice", + "olive oil", + "heavy cream", + "red bell pepper", + "finely chopped onion", + "garlic cloves", + "roasted red peppers", + "dried salted codfish" + ] + }, + { + "id": 20527, + "ingredients": [ + "sugar", + "loin pork roast", + "corn starch", + "active dry yeast", + "scallions", + "canola oil", + "soy sauce", + "cake flour", + "lard", + "baking powder", + "oyster sauce" + ] + }, + { + "id": 27846, + "ingredients": [ + "large egg yolks", + "bacon slices", + "scallions", + "black pepper", + "whole milk", + "all-purpose flour", + "cold water", + "unsalted butter", + "salt", + "extra sharp cheddar cheese", + "large egg whites", + "quickcooking grits", + "grated nutmeg" + ] + }, + { + "id": 16236, + "ingredients": [ + "ground ginger", + "store bought low sodium chicken stock", + "mixed mushrooms", + "garlic", + "Chinese egg noodles", + "brown sugar", + "ground black pepper", + "Asian chili sauce", + "beer", + "baby back ribs", + "fresh red chili", + "honey", + "onion powder", + "apple juice", + "ground chile", + "kosher salt", + "Sriracha", + "chili oil", + "scallions", + "chopped cilantro fresh" + ] + }, + { + "id": 46145, + "ingredients": [ + "water", + "large eggs", + "crushed ice", + "ground black pepper", + "salt", + "onions", + "unsalted butter", + "all-purpose flour", + "large egg whites", + "ground pork", + "ground beef" + ] + }, + { + "id": 7761, + "ingredients": [ + "fish sauce", + "basil", + "green curry paste", + "coconut milk", + "brown sugar", + "peanut oil", + "kaffir lime leaves", + "chicken breasts", + "coriander" + ] + }, + { + "id": 34212, + "ingredients": [ + "bread", + "bay leaves", + "garlic cloves", + "thyme", + "olive oil", + "green pepper", + "sherry wine", + "chopped parsley", + "chopped tomatoes", + "roasting chickens", + "flour for dusting", + "onions", + "pepper", + "red pepper", + "sausages", + "smoked paprika" + ] + }, + { + "id": 17180, + "ingredients": [ + "cherry tomatoes", + "thai chile", + "fresh lime juice", + "yardlong beans", + "garlic cloves", + "green papaya", + "palm sugar", + "salted peanuts", + "dried shrimp", + "fish sauce", + "green onions", + "green beans", + "chopped cilantro fresh" + ] + }, + { + "id": 4546, + "ingredients": [ + "minced garlic", + "bay leaves", + "garlic", + "chickpeas", + "couscous", + "tomatoes", + "olive oil", + "butter", + "meat bones", + "smoked paprika", + "chicken", + "chicken stock", + "minced ginger", + "spices", + "salt", + "ground coriander", + "onions", + "green olives", + "herbs", + "ginger", + "cayenne pepper", + "hot water", + "ground cumin" + ] + }, + { + "id": 44474, + "ingredients": [ + "leeks", + "large garlic cloves", + "large shrimp", + "fresh basil", + "butter", + "crushed red pepper", + "calamari", + "pecorino romano cheese", + "frozen peas", + "clam juice", + "extra-virgin olive oil", + "rigatoni" + ] + }, + { + "id": 37886, + "ingredients": [ + "large garlic cloves", + "shrimp", + "chili", + "carrots", + "asian fish sauce", + "sugar", + "roasted peanuts", + "green papaya", + "cilantro leaves", + "fresh lime juice" + ] + }, + { + "id": 17842, + "ingredients": [ + "pepper", + "oil", + "white rice flour", + "salt", + "almond milk", + "yellow corn meal", + "okra" + ] + }, + { + "id": 27282, + "ingredients": [ + "garlic", + "chicken", + "fresh thyme", + "freshly ground pepper", + "pepper", + "ground allspice", + "coarse salt", + "scallions" + ] + }, + { + "id": 979, + "ingredients": [ + "black-eyed peas", + "crushed red pepper", + "corn bread", + "fat free less sodium chicken broth", + "watercress", + "chopped onion", + "chopped fresh thyme", + "salt", + "water", + "bacon slices", + "garlic cloves" + ] + }, + { + "id": 6895, + "ingredients": [ + "salt", + "heavy cream", + "egg yolks", + "white sugar", + "vanilla extract" + ] + }, + { + "id": 4150, + "ingredients": [ + "fresh lemon juice", + "crème de cassis", + "champagne", + "juice", + "carbonated water", + "blackberries" + ] + }, + { + "id": 32995, + "ingredients": [ + "jalapeno chilies", + "fresh lime juice", + "avocado", + "garlic", + "sea salt", + "plum tomatoes", + "fresh cilantro", + "purple onion" + ] + }, + { + "id": 8444, + "ingredients": [ + "sugar", + "peanut oil", + "sesame oil", + "fish", + "soy sauce", + "scallions", + "ginger" + ] + }, + { + "id": 13686, + "ingredients": [ + "eggs", + "seasoning salt", + "shredded cheddar cheese", + "green chilies", + "biscuit baking mix", + "salsa", + "milk", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 8918, + "ingredients": [ + "brown mustard seeds", + "garlic", + "cumin seed", + "spinach", + "basil", + "chickpeas", + "lemon", + "purple onion", + "kosher salt", + "extra-virgin olive oil", + "freshly ground pepper" + ] + }, + { + "id": 17569, + "ingredients": [ + "liquid smoke", + "garam masala", + "veggies", + "salt", + "red bell pepper", + "tomatoes", + "green bell pepper, slice", + "kasuri methi", + "oil", + "cauliflower", + "coriander powder", + "ginger", + "cumin seed", + "red chili powder", + "apple cider vinegar", + "purple onion", + "carrots" + ] + }, + { + "id": 19313, + "ingredients": [ + "milk", + "carrots", + "sugar", + "shelled pistachios", + "cashew nuts", + "ricotta cheese", + "ghee", + "sliced almonds", + "ground cardamom" + ] + }, + { + "id": 23833, + "ingredients": [ + "lime juice", + "strawberries", + "sugar" + ] + }, + { + "id": 4623, + "ingredients": [ + "fresh basil", + "salt", + "fresh lemon juice", + "ground red pepper", + "goat cheese", + "Italian bread", + "green olives", + "grated lemon zest", + "red bell pepper", + "pitted olives", + "garlic cloves" + ] + }, + { + "id": 18164, + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "large egg yolks", + "crème fraîche", + "rhubarb", + "ice water", + "sugar", + "salt" + ] + }, + { + "id": 45780, + "ingredients": [ + "fresh ginger", + "salt", + "mustard seeds", + "frozen peas", + "cilantro", + "garlic cloves", + "onions", + "lemon", + "cumin seed", + "ghee", + "pepper", + "thai chile", + "ground cardamom", + "coriander" + ] + }, + { + "id": 17994, + "ingredients": [ + "rice", + "lean ground beef", + "chopped cilantro fresh", + "salsa" + ] + }, + { + "id": 12268, + "ingredients": [ + "tumeric", + "vegetable oil", + "garlic cloves", + "chile powder", + "fresh ginger", + "yellow onion", + "ground cumin", + "fresh coriander", + "salt", + "ghee", + "tomatoes", + "chicken thigh fillets", + "ground coriander" + ] + }, + { + "id": 14368, + "ingredients": [ + "kaffir lime leaves", + "lemongrass", + "vegetable oil", + "freshly ground pepper", + "cinnamon sticks", + "light brown sugar", + "coconut flakes", + "shallots", + "star anise", + "garlic cloves", + "wide rice noodles", + "kosher salt", + "lime wedges", + "thai chile", + "carrots", + "fish sauce", + "reduced sodium soy sauce", + "ginger", + "scallions", + "chuck" + ] + }, + { + "id": 19242, + "ingredients": [ + "rice", + "green gram", + "ginger", + "oil", + "moong dal", + "green chilies", + "salt", + "onions" + ] + }, + { + "id": 21658, + "ingredients": [ + "olive oil", + "curry", + "tumeric", + "red pepper flakes", + "chickpeas", + "coriander seeds", + "salt", + "yellow mustard seeds", + "paprika" + ] + }, + { + "id": 32160, + "ingredients": [ + "large egg yolks", + "fresh lemon juice", + "sugar", + "blueberry jam", + "reduced fat milk", + "frozen blueberries", + "water", + "salt" + ] + }, + { + "id": 20931, + "ingredients": [ + "sugar", + "vanilla extract", + "melted butter", + "lemon", + "lemon juice", + "large egg yolks", + "cookie crumbs", + "powdered sugar", + "whipping cream", + "sweetened condensed milk" + ] + }, + { + "id": 30800, + "ingredients": [ + "sugar", + "egg yolks", + "all-purpose flour", + "vanilla beans", + "vegetable oil", + "corn starch", + "water", + "glucose", + "lemon juice", + "eggs", + "milk", + "salt", + "white sugar" + ] + }, + { + "id": 33829, + "ingredients": [ + "dry roasted peanuts", + "sesame oil", + "fish sauce", + "lime juice", + "chili sauce", + "dark soy sauce", + "water", + "garlic", + "brown sugar", + "regular soy sauce", + "coconut milk" + ] + }, + { + "id": 29674, + "ingredients": [ + "eggs", + "dashi", + "worcestershire sauce", + "soy sauce", + "bonito flakes", + "scallions", + "green cabbage", + "ketchup", + "mushrooms", + "oil", + "mayonaise", + "flour", + "seaweed" + ] + }, + { + "id": 36367, + "ingredients": [ + "sugar", + "orange", + "vegetable oil", + "cooking wine", + "eggs", + "white pepper", + "vinegar", + "red food coloring", + "corn starch", + "ketchup", + "fresh ginger", + "lemon", + "salt", + "granulated garlic", + "water", + "chicken breasts", + "sweet and sour sauce", + "chicken" + ] + }, + { + "id": 40547, + "ingredients": [ + "eggs", + "baking soda", + "maple syrup", + "milk", + "baking powder", + "kosher salt", + "nonfat plain greek yogurt", + "whole wheat flour", + "vanilla extract" + ] + }, + { + "id": 39583, + "ingredients": [ + "eggs", + "flour", + "salt", + "jalapeno chilies", + "buttermilk", + "baking soda", + "butter", + "cheddar cheese", + "splenda", + "cornmeal" + ] + }, + { + "id": 18638, + "ingredients": [ + "diced onions", + "vegetable oil", + "creole seasoning", + "minced garlic", + "beef broth", + "top round steak", + "all-purpose flour", + "grits", + "green bell pepper", + "stewed tomatoes", + "celery" + ] + }, + { + "id": 10010, + "ingredients": [ + "minced garlic", + "epazote", + "onions", + "dried porcini mushrooms", + "unsalted butter", + "fresh mushrooms", + "black pepper", + "baking powder", + "hot water", + "sugar", + "corn husks", + "salt", + "masa harina" + ] + }, + { + "id": 7084, + "ingredients": [ + "pinenuts", + "dry white wine", + "escarole", + "white bread", + "prosciutto", + "fresh lemon juice", + "olive oil", + "raisins", + "onions", + "boneless skinless turkey breasts", + "grated parmesan cheese", + "low salt chicken broth" + ] + }, + { + "id": 30421, + "ingredients": [ + "eggs", + "vegetable oil", + "granulated sugar", + "all-purpose flour", + "milk", + "lemon", + "baking powder" + ] + }, + { + "id": 24243, + "ingredients": [ + "almond extract", + "granulated sugar", + "ice", + "cream", + "cardamom pods", + "brewed coffee" + ] + }, + { + "id": 38417, + "ingredients": [ + "olive oil", + "liver", + "dried basil", + "sherry", + "onions", + "pepper", + "french bread", + "fresh parsley", + "dried thyme", + "salt", + "dried parsley" + ] + }, + { + "id": 5183, + "ingredients": [ + "plain flour", + "custard powder", + "sesame oil", + "pumpkin seeds", + "powdered sugar", + "egg yolks", + "lotus seed paste", + "eggs", + "unsalted butter", + "vanilla extract", + "milk", + "baking powder", + "salt" + ] + }, + { + "id": 4522, + "ingredients": [ + "superfine sugar", + "salt", + "white flour", + "baking powder", + "pure vanilla extract", + "unsalted butter", + "free-range eggs", + "milk", + "heavy cream" + ] + }, + { + "id": 29727, + "ingredients": [ + "water", + "garlic", + "grana padano", + "prosciutto", + "salt", + "olive oil", + "crushed red pepper", + "pasta", + "broccoli rabe", + "chickpeas" + ] + }, + { + "id": 47928, + "ingredients": [ + "ground cinnamon", + "peach schnapps", + "grated lemon zest", + "peaches", + "butter", + "corn starch", + "brown sugar", + "vegetable oil", + "fresh lemon juice", + "oats", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 11211, + "ingredients": [ + "oyster sauce", + "baby bok choy", + "toasted sesame seeds", + "water", + "greens", + "toasted sesame oil" + ] + }, + { + "id": 10117, + "ingredients": [ + "pepper", + "cilantro", + "oil", + "jalapeno chilies", + "salt", + "cumin", + "lime juice", + "garlic", + "oregano", + "flank steak", + "orange juice" + ] + }, + { + "id": 26611, + "ingredients": [ + "mild green chiles", + "radishes", + "sour cream", + "salsa verde", + "tortilla chips", + "queso fresco", + "chopped cilantro" + ] + }, + { + "id": 21852, + "ingredients": [ + "butterhead lettuce", + "light soy sauce", + "garlic", + "fresh basil leaves", + "sugar", + "splenda granulated", + "carrots", + "minced ginger", + "rice wine", + "toasted sesame oil", + "rice stick noodles", + "lime", + "red pepper flakes", + "medium shrimp" + ] + }, + { + "id": 41769, + "ingredients": [ + "olive oil", + "low sodium chicken broth", + "green peas", + "celery ribs", + "all potato purpos", + "baby spinach", + "onions", + "prepar pesto", + "bell pepper", + "diced tomatoes", + "salt and ground black pepper", + "cannellini beans", + "carrots" + ] + }, + { + "id": 16342, + "ingredients": [ + "garlic powder", + "onions", + "chicken breasts", + "flour tortillas", + "chunky salsa", + "beans", + "vegetable oil" + ] + }, + { + "id": 13694, + "ingredients": [ + "Kraft Miracle Whip Dressing", + "buttermilk biscuits", + "cooked bacon", + "jalapeno chilies", + "chopped green chilies", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 1173, + "ingredients": [ + "tomatoes", + "shallots", + "red curry paste", + "curry powder", + "chicken meat", + "fish sauce", + "vegetable oil", + "coconut milk", + "palm sugar", + "cilantro" + ] + }, + { + "id": 12257, + "ingredients": [ + "lime juice", + "onions", + "soy sauce", + "oil", + "water", + "red bell pepper", + "beef sirloin" + ] + }, + { + "id": 27392, + "ingredients": [ + "lime", + "fresh thyme", + "all purpose seasoning", + "flat leaf parsley", + "pepper", + "kidney beans", + "vegetable stock", + "garlic cloves", + "creamed coconut", + "orange bell pepper", + "spring onions", + "green pepper", + "basmati rice", + "fresh coriander", + "goat", + "ginger", + "hot curry powder" + ] + }, + { + "id": 20360, + "ingredients": [ + "sugar", + "flank steak", + "beef broth", + "sliced green onions", + "green bell pepper", + "peeled fresh ginger", + "salt", + "red bell pepper", + "low sodium soy sauce", + "ground black pepper", + "yellow bell pepper", + "corn starch", + "sugar pea", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 16090, + "ingredients": [ + "liquid aminos", + "asparagus", + "ginger", + "carrots", + "fresh cilantro", + "sesame oil", + "edamame", + "soy sauce", + "red cabbage", + "yellow bell pepper", + "sesame seeds", + "rice noodles", + "creamy peanut butter" + ] + }, + { + "id": 31245, + "ingredients": [ + "vegetable oil", + "dark brown sugar", + "water", + "garlic", + "soy sauce", + "ginger", + "corn starch", + "flank steak", + "broccoli" + ] + }, + { + "id": 23411, + "ingredients": [ + "epazote", + "white onion", + "lard", + "dried black beans", + "salt", + "water" + ] + }, + { + "id": 46268, + "ingredients": [ + "brie cheese", + "pinenuts", + "whole wheat bread dough", + "sage leaves" + ] + }, + { + "id": 45488, + "ingredients": [ + "ketchup", + "beef stock", + "all-purpose flour", + "tomato paste", + "olive oil", + "garlic", + "spaghetti", + "kosher salt", + "hot dogs", + "ground beef", + "sugar", + "ground black pepper", + "purple onion" + ] + }, + { + "id": 39708, + "ingredients": [ + "ground pepper", + "carrots", + "soy sauce", + "green onions", + "celery", + "water", + "ground pork", + "ground beef", + "eggs", + "flour", + "lumpia skins" + ] + }, + { + "id": 25281, + "ingredients": [ + "arborio rice", + "lump crab meat", + "butter", + "brown sugar", + "flaked coconut", + "mango", + "fish sauce", + "sweet onion", + "fresh lime juice", + "chicken broth", + "curry powder", + "light coconut milk" + ] + }, + { + "id": 9057, + "ingredients": [ + "cayenne", + "onion powder", + "pizza doughs", + "dried oregano", + "garlic powder", + "chili powder", + "garlic", + "low sodium mozzarella cheese", + "guacamole", + "taco rub", + "sour cream", + "canola oil", + "cheddar cheese", + "chicken breasts", + "cracked black pepper", + "onions", + "ground cumin" + ] + }, + { + "id": 24917, + "ingredients": [ + "sugar", + "all-purpose flour", + "ground cinnamon", + "butter", + "large eggs", + "baby carrots", + "light sour cream", + "baking powder" + ] + }, + { + "id": 49532, + "ingredients": [ + "pork belly", + "yellow mustard", + "lemon peel", + "white peppercorns", + "granulated sugar", + "salt", + "black peppercorns", + "bay leaves" + ] + }, + { + "id": 5491, + "ingredients": [ + "ricotta cheese", + "feta cheese crumbles", + "pepper", + "salt", + "pasta sauce", + "bacon", + "eggplant", + "shredded mozzarella cheese" + ] + }, + { + "id": 33378, + "ingredients": [ + "frozen chopped spinach", + "butter", + "onions", + "cherry tomatoes", + "cream cheese", + "milk", + "cheese tortellini", + "grated parmesan cheese", + "fresh mushrooms" + ] + }, + { + "id": 23340, + "ingredients": [ + "yellow corn meal", + "olive oil", + "yellow onion", + "pesto", + "salt", + "shrimp", + "vegetable oil cooking spray", + "grated parmesan cheese", + "pizza doughs", + "pepper", + "all-purpose flour", + "red bell pepper" + ] + }, + { + "id": 13456, + "ingredients": [ + "ground black pepper", + "diced tomatoes", + "salt", + "long-grain rice", + "dried basil", + "bay leaves", + "bacon slices", + "grouper", + "low salt chicken broth", + "boneless chicken thighs", + "chopped green bell pepper", + "paprika", + "onion tops", + "garlic cloves", + "dried thyme", + "ground red pepper", + "chopped celery", + "chopped onion", + "dried oregano" + ] + }, + { + "id": 31952, + "ingredients": [ + "raisins", + "cashew nuts", + "grated coconut", + "ground cardamom", + "jaggery", + "rice", + "white sugar", + "milk", + "ghee" + ] + }, + { + "id": 39823, + "ingredients": [ + "chopped onion", + "turkey breast", + "reduced fat sharp cheddar cheese", + "enchilada sauce", + "oregano", + "garlic cloves", + "corn tortillas", + "refried beans", + "low salt chicken broth" + ] + }, + { + "id": 445, + "ingredients": [ + "black pepper", + "grated parmesan cheese", + "garlic", + "kosher salt", + "potatoes", + "sausages", + "olive oil", + "bell pepper", + "onions", + "fresh rosemary", + "dijon mustard", + "extra-virgin olive oil", + "italian seasoning" + ] + }, + { + "id": 28523, + "ingredients": [ + "brown hash potato", + "condensed reduced fat reduced sodium cream of mushroom soup", + "paprika", + "extra sharp cheddar cheese", + "cooking spray", + "margarine", + "pepper", + "non-fat sour cream", + "sliced green onions" + ] + }, + { + "id": 32201, + "ingredients": [ + "tilapia fillets", + "red chili peppers", + "tamarind paste", + "tomatoes", + "radishes", + "water", + "pak choi" + ] + }, + { + "id": 5612, + "ingredients": [ + "ground black pepper", + "salt", + "red kidney beans", + "large garlic cloves", + "long-grain rice", + "water", + "sea salt", + "unsweetened coconut milk", + "fresh thyme leaves", + "scallions" + ] + }, + { + "id": 44099, + "ingredients": [ + "hot red pepper flakes", + "extra-virgin olive oil", + "dry white wine", + "broccoli", + "orange", + "garlic", + "lemon" + ] + }, + { + "id": 7608, + "ingredients": [ + "chicken broth", + "red pepper flakes", + "garlic cloves", + "clam juice", + "all-purpose flour", + "fresh parsley", + "olive oil", + "salt", + "fresh lemon juice", + "butter", + "penne pasta", + "large shrimp" + ] + }, + { + "id": 30971, + "ingredients": [ + "parsley sprigs", + "large egg yolks", + "vegetable oil", + "white sandwich bread", + "cold water", + "fresh chives", + "large eggs", + "lentils", + "sliced almonds", + "foie gras medallions", + "heavy cream", + "chestnuts", + "kosher salt", + "bay leaves", + "thyme sprigs" + ] + }, + { + "id": 38223, + "ingredients": [ + "lime", + "tequila", + "sorbet", + "sugar" + ] + }, + { + "id": 43482, + "ingredients": [ + "garlic", + "salt", + "cucumber", + "plain yogurt", + "fresh mint" + ] + }, + { + "id": 36483, + "ingredients": [ + "chinese rice wine", + "ginger", + "carrots", + "dark soy sauce", + "water", + "oil", + "sliced mushrooms", + "pepper", + "salt", + "corn starch", + "brown sugar", + "vegetable oil", + "oyster sauce", + "beef steak" + ] + }, + { + "id": 9875, + "ingredients": [ + "eggs", + "whole milk", + "buttermilk", + "baking soda", + "vegetable oil", + "sour cream", + "sugar", + "baking powder", + "sea salt", + "flour", + "butter", + "cornmeal" + ] + }, + { + "id": 18378, + "ingredients": [ + "green onions", + "cilantro", + "salt", + "water", + "sesame oil", + "ginger", + "boiling water", + "flour", + "vegetable oil", + "garlic", + "cabbage", + "soy sauce", + "rice wine", + "ground pork", + "shrimp" + ] + }, + { + "id": 9583, + "ingredients": [ + "tomatoes", + "cooking spray", + "sweetened coconut flakes", + "okra", + "brown sugar", + "ground red pepper", + "all-purpose flour", + "pumpkin pie spice", + "cooked rice", + "bay leaves", + "salt", + "leg of lamb", + "black pepper", + "large garlic cloves", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 13947, + "ingredients": [ + "peanuts", + "cilantro leaves", + "tamarind concentrate", + "toasted sesame oil", + "mung bean sprouts", + "fish sauce", + "Sriracha", + "firm tofu", + "red bell pepper", + "fresh lime juice", + "rice stick noodles", + "palm sugar", + "rice vinegar", + "carrots", + "shiitake mushroom caps", + "sliced green onions", + "minced garlic", + "crushed red pepper", + "peanut oil", + "coconut milk", + "medium shrimp" + ] + }, + { + "id": 8681, + "ingredients": [ + "pepper", + "salt", + "fresh rosemary", + "extra-virgin olive oil", + "Italian bread", + "fontina cheese", + "roasted red peppers", + "portobello caps", + "mayonaise", + "garlic" + ] + }, + { + "id": 46374, + "ingredients": [ + "olive oil", + "chickpeas", + "cooked rice", + "garam masala", + "onions", + "tomato paste", + "fresh ginger", + "chopped cilantro", + "crushed tomatoes", + "greek style plain yogurt", + "serrano chile" + ] + }, + { + "id": 47034, + "ingredients": [ + "unsalted butter", + "sweet pepper", + "carrots", + "andouille sausage", + "heavy cream", + "freshly ground pepper", + "grits", + "tomato paste", + "fresh thyme", + "chopped onion", + "shrimp", + "kosher salt", + "chopped celery", + "garlic cloves" + ] + }, + { + "id": 45643, + "ingredients": [ + "gumbo base", + "diced tomatoes", + "chopped onion", + "chopped green bell pepper", + "smoked sausage", + "okra", + "water", + "garlic", + "ducklings", + "bay leaves", + "chopped celery", + "cooked shrimp" + ] + }, + { + "id": 5551, + "ingredients": [ + "cream", + "flour", + "food colouring", + "rose water", + "saffron", + "water", + "double cream", + "sugar", + "lime" + ] + }, + { + "id": 23694, + "ingredients": [ + "water", + "cracked black pepper", + "medium egg noodles", + "corn starch", + "pot roast", + "mushrooms", + "dried oregano", + "pearl onions", + "dry red wine" + ] + }, + { + "id": 32724, + "ingredients": [ + "shiitake", + "water", + "green onions", + "ginger juice", + "white miso", + "fresh ginger", + "tamari soy sauce" + ] + }, + { + "id": 48999, + "ingredients": [ + "nutmeg", + "peanut oil", + "buttermilk", + "panko breadcrumbs", + "pickles", + "cornmeal", + "old bay seasoning" + ] + }, + { + "id": 5952, + "ingredients": [ + "dried chives", + "buttermilk", + "dried parsley", + "garlic powder", + "greek style plain yogurt", + "black pepper", + "sea salt", + "onion powder", + "dried dill" + ] + }, + { + "id": 36593, + "ingredients": [ + "pepper", + "purple onion", + "fresh lime juice", + "light sour cream", + "extra-virgin olive oil", + "red bell pepper", + "rib eye steaks", + "yellow bell pepper", + "rice vinegar", + "ground cumin", + "large garlic cloves", + "salt", + "arugula" + ] + }, + { + "id": 48894, + "ingredients": [ + "turkey bacon", + "salt", + "onions", + "chicken legs", + "fresh thyme", + "corn starch", + "dijon mustard", + "fat skimmed chicken broth", + "pepper", + "dry red wine", + "sliced mushrooms" + ] + }, + { + "id": 27066, + "ingredients": [ + "eggs", + "vegetable oil", + "shredded cheddar cheese", + "black beans", + "salsa", + "flour tortillas" + ] + }, + { + "id": 9343, + "ingredients": [ + "broccoli florets", + "penne pasta", + "dried oregano", + "olive oil", + "garlic", + "fresh basil leaves", + "pepper", + "diced tomatoes", + "chopped onion", + "grated parmesan cheese", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 35625, + "ingredients": [ + "clove", + "sugar", + "garam masala", + "kasuri methi", + "curds", + "cashew nuts", + "red chili powder", + "cream", + "cooking oil", + "salt", + "bay leaf", + "saffron", + "tomatoes", + "warm water", + "coriander powder", + "paneer", + "cinnamon sticks", + "ground turmeric", + "garlic paste", + "coriander seeds", + "red food coloring", + "green cardamom", + "onions" + ] + }, + { + "id": 22159, + "ingredients": [ + "fresh oregano leaves", + "bay leaves", + "hot chili paste", + "ground black pepper", + "old bay seasoning", + "onions", + "unsalted butter", + "worcestershire sauce", + "kosher salt", + "lemon", + "deveined shrimp" + ] + }, + { + "id": 39883, + "ingredients": [ + "coarse sugar", + "salt", + "chop fine pecan", + "unsalted butter", + "all-purpose flour", + "light brown sugar", + "vanilla" + ] + }, + { + "id": 20939, + "ingredients": [ + "large egg whites", + "salt", + "sugar", + "pistachios", + "corn starch", + "honey", + "orange flower water", + "water", + "almond extract" + ] + }, + { + "id": 21471, + "ingredients": [ + "brown sugar", + "chopped pecans", + "port", + "bartlett pears", + "butter", + "stilton cheese", + "apple juice", + "dried cranberries" + ] + }, + { + "id": 2208, + "ingredients": [ + "parma ham", + "new potatoes", + "garlic cloves", + "pepper", + "egg yolks", + "vinaigrette", + "puff pastry", + "English mustard", + "beef", + "salt", + "thyme", + "olive oil", + "mushrooms", + "baby gem lettuce" + ] + }, + { + "id": 38731, + "ingredients": [ + "pasta", + "bread crumbs", + "olive oil", + "grated parmesan cheese", + "diced celery", + "sausage casings", + "minced garlic", + "ground black pepper", + "baby spinach", + "ground turkey", + "chicken broth", + "kosher salt", + "parmesan cheese", + "dry white wine", + "carrots", + "fresh dill", + "milk", + "large eggs", + "yellow onion", + "flat leaf parsley" + ] + }, + { + "id": 10206, + "ingredients": [ + "red chili powder", + "water", + "green cardamom", + "cinnamon sticks", + "basmati rice", + "ginger paste", + "nutmeg", + "food colouring", + "yoghurt", + "cumin seed", + "onions", + "masala", + "tomatoes", + "black pepper", + "salt", + "oil", + "coriander", + "chicken", + "clove", + "garlic paste", + "almonds", + "green chilies", + "ghee", + "ground turmeric" + ] + }, + { + "id": 425, + "ingredients": [ + "minced garlic", + "low sodium chicken broth", + "creole seasoning", + "andouille sausage", + "chopped green bell pepper", + "all-purpose flour", + "black-eyed peas", + "chopped celery", + "shrimp", + "sweet onion", + "cooked chicken", + "peanut oil" + ] + }, + { + "id": 11081, + "ingredients": [ + "fresh ginger root", + "water", + "long-grain rice", + "diced onions", + "salt", + "curry powder", + "coconut milk" + ] + }, + { + "id": 48333, + "ingredients": [ + "lime juice", + "salt", + "sliced shallots", + "sugar", + "leaves", + "shrimp chips", + "medium shrimp", + "fish sauce", + "peanuts", + "cilantro leaves", + "celery", + "water", + "bawang goreng", + "oil" + ] + }, + { + "id": 46536, + "ingredients": [ + "ice cubes", + "raw sugar", + "soy sauce", + "fresh lemon juice", + "sugar", + "light corn syrup", + "kumquats", + "cachaca" + ] + }, + { + "id": 25686, + "ingredients": [ + "water", + "salt", + "chopped cilantro fresh", + "cilantro sprigs", + "garlic cloves", + "unsalted butter", + "scallions", + "hot green chile", + "chayotes" + ] + }, + { + "id": 41323, + "ingredients": [ + "clove garlic, fine chop", + "carrots", + "puff pastry", + "large egg yolks", + "sharp cheddar cheese", + "ground beef", + "salt", + "celery", + "baking potatoes", + "beer", + "onions" + ] + }, + { + "id": 30523, + "ingredients": [ + "egg yolks", + "almond meal", + "puff pastry", + "unsalted butter", + "almond extract", + "corn starch", + "pure vanilla extract", + "rum", + "granulated white sugar", + "large eggs", + "sea salt", + "confectioners sugar" + ] + }, + { + "id": 29731, + "ingredients": [ + "grated romano cheese", + "fresh basil leaves", + "pinenuts", + "salt", + "extra-virgin olive oil", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 23018, + "ingredients": [ + "green bell pepper", + "cajun seasoning", + "okra", + "chicken broth", + "cannellini beans", + "salt", + "celery ribs", + "bread crumbs", + "smoked sausage", + "onions", + "boneless chicken thighs", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 43425, + "ingredients": [ + "fresh basil", + "zucchini", + "coconut milk", + "lime", + "shallots", + "asian fish sauce", + "water", + "corn oil", + "thai green curry paste", + "light brown sugar", + "steamed rice", + "garlic cloves", + "large shrimp" + ] + }, + { + "id": 43325, + "ingredients": [ + "lump crab meat", + "chili powder", + "fresh lime juice", + "tomatoes", + "jalapeno chilies", + "cucumber", + "endive", + "salt", + "ground black pepper", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 24159, + "ingredients": [ + "artichoke hearts", + "salt", + "large shrimp", + "ground black pepper", + "fresh parsley", + "basil pesto sauce", + "linguine", + "frozen peas", + "olive oil", + "garlic", + "greens" + ] + }, + { + "id": 2121, + "ingredients": [ + "soy sauce", + "egg whites", + "garlic", + "oil", + "chicken broth", + "white pepper", + "chicken breasts", + "salt", + "corn starch", + "ketchup", + "broccoli florets", + "chili bean sauce", + "oyster sauce", + "sugar", + "black fungus", + "apple cider vinegar", + "sauce" + ] + }, + { + "id": 15876, + "ingredients": [ + "cooked chicken", + "broth", + "green bell pepper", + "celery", + "andouille sausage links", + "all-purpose flour", + "canola oil", + "frozen okra", + "onions" + ] + }, + { + "id": 11191, + "ingredients": [ + "sweet potatoes", + "curry paste", + "Flora Cuisine", + "chicken thighs", + "water", + "purple onion", + "chopped tomatoes", + "low-fat natural yogurt" + ] + }, + { + "id": 4338, + "ingredients": [ + "kosher salt", + "fresh lime juice", + "garlic cloves", + "onions", + "tomatillos", + "chopped cilantro", + "avocado", + "poblano chiles", + "serrano chile" + ] + }, + { + "id": 4072, + "ingredients": [ + "cheddar cheese", + "whole milk", + "white wine vinegar", + "chili flakes", + "chopped fresh chives", + "bacon", + "cornmeal", + "eggs", + "granulated sugar", + "heavy cream", + "all-purpose flour", + "baking soda", + "baking powder", + "salt" + ] + }, + { + "id": 29363, + "ingredients": [ + "sugar", + "confectioners sugar", + "egg yolks", + "vanilla extract", + "milk" + ] + }, + { + "id": 29278, + "ingredients": [ + "garam masala", + "sesame seeds", + "canola oil", + "jumbo shrimp", + "baking mix", + "ground pepper" + ] + }, + { + "id": 4276, + "ingredients": [ + "almonds", + "orange zest", + "green olives", + "extra-virgin olive oil", + "manchego cheese", + "garlic cloves", + "bay leaves" + ] + }, + { + "id": 47413, + "ingredients": [ + "honey", + "anise", + "fresh mint", + "powdered sugar", + "unsalted butter", + "vanilla extract", + "eggs", + "large egg yolks", + "whipping cream", + "raspberries", + "all purpose unbleached flour", + "salt" + ] + }, + { + "id": 16670, + "ingredients": [ + "black pepper", + "olive oil", + "pepper jack", + "heavy cream", + "salt", + "fresh parsley leaves", + "minced garlic", + "ground black pepper", + "jalapeno chilies", + "paprika", + "yellow onion", + "dried oregano", + "kosher salt", + "garlic powder", + "grated parmesan cheese", + "diced tomatoes", + "essence", + "fresh basil leaves", + "pasta", + "dried thyme", + "unsalted butter", + "onion powder", + "linguine", + "cayenne pepper", + "large shrimp" + ] + }, + { + "id": 31767, + "ingredients": [ + "olive oil", + "flour", + "cinnamon", + "zest", + "dried oregano", + "black pepper", + "ground nutmeg", + "whole milk", + "cheese", + "garlic cloves", + "ground lamb", + "tomato paste", + "eggplant", + "egg yolks", + "red wine", + "chopped onion", + "allspice", + "water", + "unsalted butter", + "yukon gold potatoes", + "salt", + "lemon juice" + ] + }, + { + "id": 37741, + "ingredients": [ + "red chili peppers", + "hot water", + "fish sauce", + "vinegar", + "sugar", + "garlic cloves", + "lime peel" + ] + }, + { + "id": 45568, + "ingredients": [ + "ground black pepper", + "purple onion", + "oregano", + "romaine lettuce", + "kalamata", + "greek yogurt", + "tomatoes", + "parsley", + "english cucumber", + "feta cheese", + "yellow bell pepper", + "red bell pepper" + ] + }, + { + "id": 13871, + "ingredients": [ + "kosher salt", + "onion powder", + "cayenne pepper", + "garlic powder", + "all-purpose flour", + "canola oil", + "lemon thyme", + "ground black pepper", + "hot sauce", + "chicken", + "honey", + "buttermilk", + "smoked paprika" + ] + }, + { + "id": 15015, + "ingredients": [ + "water", + "boneless chicken breast", + "green chilies", + "ground cumin", + "red chili powder", + "chopped tomatoes", + "purple onion", + "coriander", + "minced ginger", + "vegetable oil", + "lemon juice", + "minced garlic", + "garam masala", + "salt", + "ground turmeric" + ] + }, + { + "id": 1536, + "ingredients": [ + "unsweetened coconut milk", + "fresh ginger", + "salt", + "thai green curry paste", + "pepper", + "cooking oil", + "shrimp", + "asian fish sauce", + "chicken broth", + "asparagus", + "garlic cloves", + "onions", + "lime", + "basil leaves", + "red bell pepper" + ] + }, + { + "id": 1466, + "ingredients": [ + "fresh coriander", + "mixed mushrooms", + "cucumber", + "soy sauce", + "lime", + "sauce", + "red chili peppers", + "broccolini", + "rice vinegar", + "coconut milk", + "gari", + "sesame seeds", + "skinless chicken breasts" + ] + }, + { + "id": 10405, + "ingredients": [ + "shredded cheddar cheese", + "tortilla chips", + "Philadelphia Cream Cheese", + "cilantro", + "black beans", + "salsa" + ] + }, + { + "id": 15963, + "ingredients": [ + "powdered sugar", + "amaretto liqueur", + "mascarpone" + ] + }, + { + "id": 45075, + "ingredients": [ + "red wine vinegar", + "Italian bread", + "extra-virgin olive oil", + "cold water", + "purple onion", + "loosely packed fresh basil leaves", + "plum tomatoes" + ] + }, + { + "id": 2588, + "ingredients": [ + "green bell pepper, slice", + "chuck steaks", + "olive oil", + "garlic", + "onions", + "red wine", + "red bell pepper", + "ground black pepper", + "salt", + "dried oregano" + ] + }, + { + "id": 17070, + "ingredients": [ + "coarse salt", + "garlic cloves", + "zucchini", + "extra-virgin olive oil", + "tomatoes", + "chopped fresh thyme", + "cantal", + "yukon gold potatoes", + "freshly ground pepper" + ] + }, + { + "id": 14012, + "ingredients": [ + "soy sauce", + "garlic", + "red bell pepper", + "green bell pepper", + "thai basil", + "non stick spray", + "fish sauce", + "sirloin steak", + "oyster sauce", + "eggs", + "jasmine rice", + "yellow onion", + "canola oil" + ] + }, + { + "id": 44422, + "ingredients": [ + "salt", + "tomatoes", + "butter", + "yellow onion" + ] + }, + { + "id": 14609, + "ingredients": [ + "tea bags", + "white sugar", + "baking soda", + "water", + "loose black tea" + ] + }, + { + "id": 46913, + "ingredients": [ + "chopped onion", + "serrano chile", + "salt", + "chopped cilantro fresh", + "tomatoes", + "ear of corn", + "ground black pepper", + "fresh lime juice" + ] + }, + { + "id": 5710, + "ingredients": [ + "granulated sugar", + "dry sherry", + "cake mix", + "mint leaves", + "fresh raspberries", + "egg yolks", + "whipping cream", + "confectioners sugar", + "whipped cream", + "frozen sweetened raspberries" + ] + }, + { + "id": 16086, + "ingredients": [ + "all-purpose flour", + "unsalted butter", + "confectioners sugar", + "salt" + ] + }, + { + "id": 48335, + "ingredients": [ + "unbaked pie crusts", + "light corn syrup", + "semi-sweet chocolate morsels", + "brown sugar", + "bourbon whiskey", + "salt", + "eggs", + "cream", + "vanilla extract", + "molasses", + "butter", + "chopped walnuts" + ] + }, + { + "id": 41667, + "ingredients": [ + "hot red pepper flakes", + "extra-virgin olive oil", + "parmigiano reggiano cheese", + "water", + "garlic cloves", + "pasta", + "frozen chopped broccoli" + ] + }, + { + "id": 20551, + "ingredients": [ + "herbs", + "thyme", + "baguette", + "extra-virgin olive oil", + "chees fresh mozzarella", + "ground pepper", + "salt" + ] + }, + { + "id": 29812, + "ingredients": [ + "fresh rosemary", + "ground black pepper", + "stout", + "leg of lamb", + "turnips", + "olive oil", + "sliced carrots", + "all-purpose flour", + "fresh parsley", + "lower sodium beef broth", + "yukon gold potatoes", + "salt", + "bay leaf", + "tomato paste", + "whole grain dijon mustard", + "chopped fresh thyme", + "chopped onion" + ] + }, + { + "id": 32212, + "ingredients": [ + "pork loin", + "coconut aminos", + "noodles", + "fish sauce", + "cracked black pepper", + "carrots", + "sesame oil", + "garlic cloves", + "cabbage", + "kosher salt", + "yellow onion", + "cooking fat" + ] + }, + { + "id": 18, + "ingredients": [ + "olive oil", + "cauliflower florets", + "chopped pecans", + "parsnips", + "parmigiano reggiano cheese", + "pearl barley", + "fresh parsley", + "ground black pepper", + "salt", + "red bell pepper", + "fat free less sodium chicken broth", + "cooking spray", + "chopped onion" + ] + }, + { + "id": 14823, + "ingredients": [ + "ketchup", + "heavy cream", + "onions", + "cooked chicken", + "salt", + "large eggs", + "garlic", + "cooked rice", + "vegetable oil", + "carrots" + ] + }, + { + "id": 30464, + "ingredients": [ + "sugar", + "mushrooms", + "salt", + "chicken broth", + "egg whites", + "mixed vegetables", + "corn starch", + "light soy sauce", + "sesame oil", + "oil", + "chicken breast fillets", + "Shaoxing wine", + "garlic", + "ground white pepper" + ] + }, + { + "id": 31748, + "ingredients": [ + "lamb stock", + "olive oil", + "garlic", + "phyllo pastry", + "ground cinnamon", + "white wine", + "ground black pepper", + "dried mixed herbs", + "sea salt flakes", + "chili flakes", + "cherry tomatoes", + "lemon", + "ground allspice", + "ground lamb", + "fresh oregano leaves", + "feta cheese", + "salt", + "onions" + ] + }, + { + "id": 8081, + "ingredients": [ + "chicken stock", + "sugar", + "sesame seeds", + "sweet potatoes", + "raisins", + "orange juice", + "celery", + "clove", + "black peppercorns", + "kosher salt", + "ground black pepper", + "cinnamon", + "garlic", + "ancho chile pepper", + "tomatoes", + "guajillo chiles", + "green plantains", + "mulato chiles", + "pineapple", + "roasting chickens", + "onions", + "prunes", + "white onion", + "almonds", + "vegetable oil", + "apples", + "carrots", + "grated orange" + ] + }, + { + "id": 2484, + "ingredients": [ + "tomatoes", + "kosher salt", + "balsamic vinaigrette salad dressing", + "pepperoncini", + "cucumber", + "romaine lettuce", + "ground black pepper", + "garlic", + "lemon juice", + "boneless skinless chicken breast halves", + "fresh dill", + "olive oil", + "kalamata", + "rice vinegar", + "sour cream", + "greek seasoning", + "plain yogurt", + "pita bread rounds", + "purple onion", + "feta cheese crumbles", + "dried oregano" + ] + }, + { + "id": 41751, + "ingredients": [ + "fresh ginger root", + "salt", + "pepper", + "garlic", + "chopped cilantro fresh", + "peaches", + "chipotles in adobo", + "lime", + "purple onion" + ] + }, + { + "id": 25020, + "ingredients": [ + "pepper", + "garlic", + "dried parsley", + "fennel seeds", + "dried basil", + "salt", + "crushed tomatoes", + "beef stew meat", + "tomato paste", + "olive oil", + "yellow onion" + ] + }, + { + "id": 6889, + "ingredients": [ + "crushed tomatoes", + "finely chopped onion", + "cilantro leaves", + "whole wheat angel hair pasta", + "minced garlic", + "olive oil", + "chile pepper", + "red bell pepper", + "ground cumin", + "chile powder", + "lime", + "large eggs", + "shrimp", + "dried oregano", + "low sodium vegetable broth", + "ground black pepper", + "sea salt", + "olive oil cooking spray" + ] + }, + { + "id": 37348, + "ingredients": [ + "milk", + "ground pork", + "sour cream", + "fresh dill", + "large eggs", + "salt", + "onions", + "warm water", + "butter", + "all-purpose flour", + "ground black pepper", + "garlic", + "ground beef" + ] + }, + { + "id": 27337, + "ingredients": [ + "butter", + "strawberries", + "eggs", + "heavy cream", + "ground cardamom", + "powdered sugar", + "vanilla", + "pineapple", + "cream cheese" + ] + }, + { + "id": 21625, + "ingredients": [ + "sugar", + "unsalted butter", + "vanilla extract", + "large egg yolks", + "all purpose unbleached flour", + "grated lemon peel", + "baking soda", + "buttermilk", + "miniature semisweet chocolate chips", + "milk", + "baking powder", + "salt" + ] + }, + { + "id": 43407, + "ingredients": [ + "kosher salt", + "cayenne", + "cumin seed", + "caraway seeds", + "sun-dried tomatoes", + "paprika", + "fresh lemon juice", + "tomato paste", + "fresh cilantro", + "dried mint flakes", + "garlic cloves", + "preserved lemon", + "coriander seeds", + "extra-virgin olive oil", + "dried chile" + ] + }, + { + "id": 737, + "ingredients": [ + "lemon zest", + "almond extract", + "greek style plain yogurt", + "poppyseeds", + "salt", + "large eggs", + "butter", + "sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 42668, + "ingredients": [ + "cayenne", + "garlic", + "mayonaise", + "lemon juice", + "dijon mustard" + ] + }, + { + "id": 36758, + "ingredients": [ + "light brown sugar", + "vanilla extract", + "milk", + "butter", + "powdered sugar", + "dark brown sugar" + ] + }, + { + "id": 3528, + "ingredients": [ + "mayonaise", + "creole seasoning", + "garlic", + "pickle juice", + "prepared horseradish", + "sweet paprika", + "mustard", + "hot sauce" + ] + }, + { + "id": 40542, + "ingredients": [ + "red chili peppers", + "fresh ginger", + "chinese five-spice powder", + "soy sauce", + "large garlic cloves", + "lamb shanks", + "green onions", + "black vinegar", + "sugar", + "water", + "star anise" + ] + }, + { + "id": 8277, + "ingredients": [ + "soy sauce", + "cilantro sprigs", + "egg noodles", + "beef", + "vegetable oil" + ] + }, + { + "id": 22826, + "ingredients": [ + "fresh ginger root", + "lima beans", + "fresh spinach", + "chile pepper", + "onions", + "tomatoes", + "base", + "ham hock", + "water", + "salt" + ] + }, + { + "id": 16937, + "ingredients": [ + "yellow corn meal", + "baking soda", + "baking powder", + "salt", + "dried cranberries", + "fat-free buttermilk", + "large eggs", + "fresh orange juice", + "cream cheese, soften", + "large egg whites", + "cooking spray", + "part-skim ricotta cheese", + "grated orange", + "powdered sugar", + "granulated sugar", + "butter", + "all-purpose flour" + ] + }, + { + "id": 8216, + "ingredients": [ + "tomatoes", + "milk", + "focaccia", + "scallions", + "pesto", + "grated parmesan cheese", + "provolone cheese", + "eggs", + "ground black pepper", + "salt", + "ground turkey", + "mayonaise", + "cooking oil", + "dry bread crumbs", + "fresh parsley" + ] + }, + { + "id": 10738, + "ingredients": [ + "soy milk", + "blueberries", + "raspberries", + "granola", + "cranberries", + "bananas", + "apple juice", + "honey", + "strawberries", + "Chobani Yogurt" + ] + }, + { + "id": 11932, + "ingredients": [ + "water", + "whole wheat tortillas", + "canola oil", + "eggs", + "shredded cabbage", + "chopped celery", + "ground round", + "sesame oil", + "carrots", + "finely chopped onion", + "garlic" + ] + }, + { + "id": 21240, + "ingredients": [ + "grated parmesan cheese", + "pasta sauce", + "shredded mozzarella cheese", + "bone-in chicken breast halves", + "frozen chopped spinach", + "chopped onion" + ] + }, + { + "id": 14296, + "ingredients": [ + "boneless chicken breast", + "yellow onion", + "chicken broth", + "garlic", + "medium shrimp", + "cooking oil", + "chayotes", + "pepper", + "salt" + ] + }, + { + "id": 24128, + "ingredients": [ + "unsalted butter", + "flat leaf parsley", + "pecorino romano cheese", + "garlic cloves", + "french bread" + ] + }, + { + "id": 44718, + "ingredients": [ + "light brown sugar", + "eggs", + "cinnamon", + "pie shell", + "ground ginger", + "half & half", + "whipped cream", + "sorghum syrup", + "cream of tartar", + "granulated sugar", + "butter", + "chopped pecans", + "nutmeg", + "sweet potatoes", + "vanilla extract" + ] + }, + { + "id": 40317, + "ingredients": [ + "flour", + "lemon juice", + "sugar", + "butter", + "cinnamon", + "milk", + "peach slices" + ] + }, + { + "id": 22385, + "ingredients": [ + "angel hair", + "zucchini", + "garlic cloves", + "tomatoes", + "dried basil", + "green onions", + "romano cheese", + "mushrooms", + "dried oregano", + "eggs", + "olive oil", + "black olives" + ] + }, + { + "id": 16417, + "ingredients": [ + "ground nutmeg", + "all-purpose flour", + "ground cinnamon", + "butter", + "sugar", + "vanilla extract", + "large eggs", + "chopped pecans" + ] + }, + { + "id": 19098, + "ingredients": [ + "unsalted butter", + "rye flour", + "sugar", + "baking powder", + "salt", + "baking soda", + "buttermilk", + "all-purpose flour", + "large eggs", + "kalamata" + ] + }, + { + "id": 36846, + "ingredients": [ + "water", + "diced tomatoes", + "boneless skinless chicken breast halves", + "chicken broth", + "ground black pepper", + "tortilla chips", + "ground cumin", + "avocado", + "taco seasoning mix", + "chopped celery", + "chopped cilantro fresh", + "shredded cheddar cheese", + "vegetable oil", + "onions" + ] + }, + { + "id": 10401, + "ingredients": [ + "hoisin sauce", + "dry sherry", + "coleslaw", + "minced garlic", + "peeled fresh ginger", + "dark sesame oil", + "lettuce leaves", + "rice vinegar", + "sliced green onions", + "lower sodium soy sauce", + "chicken breasts", + "cashew nuts" + ] + }, + { + "id": 10602, + "ingredients": [ + "kosher salt", + "cayenne pepper", + "flour", + "canola oil", + "ground black pepper", + "okra", + "yellow corn meal", + "Tabasco Pepper Sauce" + ] + }, + { + "id": 16051, + "ingredients": [ + "marsala wine", + "almond extract", + "slivered almonds", + "pinenuts", + "toasted pine nuts", + "dried currants", + "all-purpose flour", + "sugar", + "large egg whites" + ] + }, + { + "id": 25205, + "ingredients": [ + "olive oil", + "dry white wine", + "white wine vinegar", + "cherry tomatoes", + "green onions", + "anchovy paste", + "red potato", + "dijon mustard", + "chicken breast halves", + "garlic cloves", + "dried tarragon leaves", + "cooking spray", + "shallots", + "green beans" + ] + }, + { + "id": 45464, + "ingredients": [ + "shredded mozzarella cheese", + "pasta sauce", + "prebaked pizza crusts", + "pepperoni" + ] + }, + { + "id": 8956, + "ingredients": [ + "fennel bulb", + "fresh lemon juice", + "extra-virgin olive oil", + "red cabbage", + "flat leaf parsley", + "capers", + "garlic cloves" + ] + }, + { + "id": 23386, + "ingredients": [ + "water", + "red cabbage", + "salt", + "dried oregano", + "cracked wheat", + "dried thyme", + "paprika", + "onions", + "tomato sauce", + "dried basil", + "grated parmesan cheese", + "red bell pepper", + "black pepper", + "olive oil", + "garlic", + "fresh basil leaves" + ] + }, + { + "id": 7691, + "ingredients": [ + "black beans", + "pico de gallo", + "rolls", + "unsalted butter", + "chihuahua cheese" + ] + }, + { + "id": 21774, + "ingredients": [ + "unflavored gelatin", + "strawberries", + "triple sec", + "boiling water", + "sugar", + "tequila", + "nonfat yogurt" + ] + }, + { + "id": 49705, + "ingredients": [ + "black pepper", + "parsley", + "italian seasoning", + "fennel", + "paprika", + "minced garlic", + "red pepper flakes", + "minced onion", + "salt" + ] + }, + { + "id": 34095, + "ingredients": [ + "half & half", + "sugar", + "water", + "Lipton® Cup Size Tea Bags" + ] + }, + { + "id": 40336, + "ingredients": [ + "white pepper", + "butter", + "fresh lemon juice", + "dry white wine", + "lemon slices", + "olive oil", + "salt", + "flat leaf parsley", + "capers", + "cutlet", + "all-purpose flour" + ] + }, + { + "id": 44728, + "ingredients": [ + "collards", + "butter", + "pimento stuffed green olives", + "manioc flour", + "onions", + "bacon" + ] + }, + { + "id": 10843, + "ingredients": [ + "warm water", + "flour", + "onions", + "melted butter", + "milk", + "garlic", + "cabbage", + "sugar", + "beef", + "salt", + "pepper", + "large potatoes", + "yeast" + ] + }, + { + "id": 21666, + "ingredients": [ + "tomato paste", + "butter", + "cream cheese", + "pepper", + "garlic", + "sun-dried tomatoes in oil", + "pinenuts", + "extra-virgin olive oil", + "fresh lemon juice", + "grated parmesan cheese", + "salt", + "fresh basil leaves" + ] + }, + { + "id": 44202, + "ingredients": [ + "grated parmesan cheese", + "green pepper", + "vegetable oil cooking spray", + "garlic", + "green beans", + "diced tomatoes", + "chopped onion", + "olive oil", + "salt", + "italian seasoning" + ] + }, + { + "id": 17673, + "ingredients": [ + "crushed red pepper flakes", + "freshly ground pepper", + "cucumber", + "grated lemon zest", + "feta cheese crumbles", + "chopped fresh mint", + "extra-virgin olive oil", + "fresh lemon juice", + "greek yogurt", + "coarse salt", + "fresh oregano", + "ground meat" + ] + }, + { + "id": 34724, + "ingredients": [ + "evaporated milk", + "butter", + "ground cinnamon", + "ground nutmeg", + "vanilla extract", + "eggs", + "sweet potatoes", + "salt", + "sugar", + "pastry shell" + ] + }, + { + "id": 32367, + "ingredients": [ + "milk", + "mint", + "chocolate shavings", + "cream sweeten whip", + "large egg yolks", + "sugar", + "heavy cream" + ] + }, + { + "id": 14479, + "ingredients": [ + "fresh ginger", + "rice vinegar", + "sugar", + "shallots", + "carrots", + "miso paste", + "dark sesame oil", + "mirin", + "peanut oil" + ] + }, + { + "id": 46203, + "ingredients": [ + "ground black pepper", + "buttermilk", + "all-purpose flour", + "baking powder", + "dry mustard", + "peanut oil", + "dijon mustard", + "fryer chickens", + "cayenne pepper", + "garlic powder", + "onion powder", + "salt" + ] + }, + { + "id": 7485, + "ingredients": [ + "lemon curd", + "mint sprigs", + "strawberries", + "powdered sugar", + "mint leaves", + "all-purpose flour", + "sugar", + "butter", + "grated lemon zest", + "large eggs", + "whipping cream", + "fresh lemon juice" + ] + }, + { + "id": 24792, + "ingredients": [ + "sesame seeds", + "rice", + "cooked shrimp", + "avocado", + "vinegar", + "cucumber", + "crab meat", + "agave nectar", + "carrots", + "nori", + "water", + "salt", + "red bell pepper" + ] + }, + { + "id": 37601, + "ingredients": [ + "egg whites", + "milk", + "egg yolks", + "grated parmesan cheese", + "chicken stock cubes", + "bread crumbs", + "flour" + ] + }, + { + "id": 11749, + "ingredients": [ + "medium eggs", + "peanuts", + "lemon", + "beansprouts", + "sugar", + "rice noodles", + "sauce", + "fish sauce", + "green onions", + "salt", + "sliced chicken", + "white vinegar", + "fresh cilantro", + "vegetable oil", + "hot water" + ] + }, + { + "id": 40459, + "ingredients": [ + "dark soy sauce", + "lemongrass", + "vinegar", + "garlic", + "carrots", + "bird chile", + "sugar", + "fresh cilantro", + "cilantro", + "roasted peanuts", + "beansprouts", + "spaghetti", + "fish sauce", + "pickled carrots", + "green onions", + "salt", + "cucumber", + "pork shoulder", + "white vinegar", + "water", + "granulated sugar", + "cracked black pepper", + "dark sesame oil", + "fresh mint" + ] + }, + { + "id": 6034, + "ingredients": [ + "bertolli four chees rosa sauc", + "bacon, crisp-cooked and crumbled", + "onions", + "Bertolli® Classico Olive Oil", + "green peas", + "dry white wine", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 46184, + "ingredients": [ + "mint sprigs", + "mint syrup", + "bourbon whiskey" + ] + }, + { + "id": 8659, + "ingredients": [ + "hot red pepper flakes", + "sesame seeds", + "rice vinegar", + "soy sauce", + "fresh shiitake mushrooms", + "frozen peas", + "sugar", + "boneless skinless chicken breasts", + "onions", + "water", + "vegetable oil" + ] + }, + { + "id": 28264, + "ingredients": [ + "chili powder", + "salt", + "onions", + "diced tomatoes", + "shrimp", + "worcestershire sauce", + "green pepper", + "olive oil", + "garlic", + "celery" + ] + }, + { + "id": 40788, + "ingredients": [ + "water", + "crushed red pepper", + "lemon juice", + "fresh basil", + "ramen noodles", + "lemon rind", + "corn starch", + "green onions", + "boneless beef top round steak", + "carrots", + "soy sauce", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 25901, + "ingredients": [ + "saltines", + "lime", + "shrimp small uncook", + "white onion", + "salt", + "ketchup", + "clam juice", + "fresh lime juice", + "avocado", + "fresh cilantro", + "hot sauce" + ] + }, + { + "id": 6880, + "ingredients": [ + "eggs", + "salt", + "eggplant", + "ground white pepper", + "pepper", + "all-purpose flour", + "vegetable oil" + ] + }, + { + "id": 26443, + "ingredients": [ + "jalapeno chilies", + "mole sauce", + "tomatoes", + "pizza doughs", + "avocado", + "cilantro", + "chicken", + "pepper jack", + "sour cream" + ] + }, + { + "id": 27597, + "ingredients": [ + "brisket", + "dark brown sugar", + "cabbage", + "bacon drippings", + "stout", + "fresh parsley", + "pickling spices", + "carrots", + "red potato", + "garlic", + "onions" + ] + }, + { + "id": 4679, + "ingredients": [ + "mozzarella cheese", + "spaghetti", + "diced tomatoes", + "olive oil", + "basil" + ] + }, + { + "id": 27054, + "ingredients": [ + "fat free milk", + "cheese", + "cooked chicken breasts", + "corn mix muffin", + "ground red pepper", + "enchilada sauce", + "green chile", + "cream style corn", + "taco seasoning", + "egg substitute", + "cilantro", + "white cheese" + ] + }, + { + "id": 33316, + "ingredients": [ + "baby spinach leaves", + "grated parmesan cheese", + "cherry tomatoes", + "garlic", + "prebaked pizza crusts", + "dri oregano leaves, crush", + "Best Foods Mayonnaise Dressing with Extra Virgin Olive Oil", + "feta cheese", + "purple onion" + ] + }, + { + "id": 28346, + "ingredients": [ + "seasoning salt", + "butter", + "freshly ground pepper", + "chicken broth", + "vegetable oil", + "all-purpose flour", + "frozen peas and carrots", + "sweet potatoes", + "condensed cream of mushroom soup", + "fresh lemon juice", + "boneless chicken skinless thigh", + "refrigerated piecrusts", + "chopped onion" + ] + }, + { + "id": 46206, + "ingredients": [ + "garam masala", + "red pepper flakes", + "ground coriander", + "frozen peas", + "cauliflower", + "black sesame seeds", + "garlic", + "phyllo sheets", + "ground cumin", + "unsweetened coconut milk", + "sweet potatoes", + "cilantro", + "lemon juice", + "ground turmeric", + "fresh ginger", + "vegetable oil", + "fine sea salt", + "onions" + ] + }, + { + "id": 9856, + "ingredients": [ + "reduced sodium fat free chicken broth", + "garlic", + "grapefruit", + "plum tomatoes", + "reduced sodium vegetable juice", + "tomatillos", + "hot sauce", + "onions", + "chopped green bell pepper", + "reduced sodium tomato juice", + "fresh lime juice", + "orange", + "cilantro sprigs", + "english cucumber", + "chopped cilantro fresh" + ] + }, + { + "id": 36740, + "ingredients": [ + "chiles", + "butternut squash", + "onions", + "unsweetened coconut milk", + "udon", + "fresh lime juice", + "minced garlic", + "Thai red curry paste", + "chopped cilantro fresh", + "olive oil", + "vegetable broth" + ] + }, + { + "id": 38157, + "ingredients": [ + "honey", + "plum tomatoes", + "chipotle chile", + "mango", + "fresh lime juice" + ] + }, + { + "id": 11701, + "ingredients": [ + "butter lettuce", + "agave nectar", + "peanut butter", + "minced garlic", + "extra-virgin olive oil", + "roasted peanuts", + "honey", + "rice vinegar", + "soy sauce", + "sambal olek", + "firm tofu" + ] + }, + { + "id": 43877, + "ingredients": [ + "fresh rosemary", + "olive oil", + "chopped fresh thyme", + "yellow onion", + "cornmeal", + "peeled tomatoes", + "cooking spray", + "all-purpose flour", + "garlic cloves", + "pitted kalamata olives", + "ground black pepper", + "1% low-fat milk", + "anchovy fillets", + "warm water", + "dry yeast", + "salt", + "goat cheese" + ] + }, + { + "id": 21737, + "ingredients": [ + "lime rind", + "peeled fresh ginger", + "hoisin sauce", + "garlic cloves", + "kosher salt", + "dark sesame oil", + "low sodium soy sauce", + "cooking spray", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 17489, + "ingredients": [ + "1% low-fat milk", + "cocoa", + "ground nutmeg", + "ground cinnamon", + "sweetened condensed milk" + ] + }, + { + "id": 5182, + "ingredients": [ + "unsalted butter", + "extra-virgin olive oil", + "fresh lemon juice", + "black pepper", + "shallots", + "all-purpose flour", + "marsala wine", + "mushrooms", + "salt", + "boneless skinless chicken breast halves", + "reduced sodium chicken broth", + "heavy cream", + "chopped fresh sage" + ] + }, + { + "id": 47765, + "ingredients": [ + "hot pepper sauce", + "uncook medium shrimp, peel and devein", + "lime juice", + "clove garlic, fine chop", + "sour cream", + "Knorr® Fiesta Sides Spanish Rice", + "grate lime peel", + "olive oil", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 36916, + "ingredients": [ + "low sodium soy sauce", + "cooked seafood", + "rice vinegar", + "red chili peppers", + "spring onions", + "beansprouts", + "mint", + "lemongrass", + "carrots", + "caster sugar", + "rice noodles" + ] + }, + { + "id": 21953, + "ingredients": [ + "dried basil", + "zucchini", + "garlic", + "onions", + "green bell pepper", + "olive oil", + "sliced carrots", + "red bell pepper", + "dried oregano", + "tomato paste", + "dried thyme", + "broccoli florets", + "salt", + "white sugar", + "water", + "ground black pepper", + "diced tomatoes", + "bay leaf", + "dried rosemary" + ] + }, + { + "id": 44316, + "ingredients": [ + "cream cheese", + "shredded cheese", + "taco seasoning", + "salsa", + "sour cream" + ] + }, + { + "id": 37928, + "ingredients": [ + "mayonaise", + "quail", + "daikon", + "ginger", + "carrots", + "green chile", + "water", + "chicken breasts", + "sea salt", + "rolls", + "sugar", + "Sriracha", + "butter", + "rice vinegar", + "fish sauce", + "lime juice", + "sesame oil", + "cilantro", + "garlic cloves" + ] + }, + { + "id": 23423, + "ingredients": [ + "cheddar cheese", + "flour", + "evaporated milk", + "salt", + "black pepper", + "Tabasco Pepper Sauce", + "green chile", + "large eggs", + "monterey jack" + ] + }, + { + "id": 26636, + "ingredients": [ + "ground chuck", + "parmigiano reggiano cheese", + "ground pork", + "onions", + "pancetta", + "ground black pepper", + "heavy cream", + "carrots", + "olive oil", + "ground veal", + "tomatoes with juice", + "kosher salt", + "small pasta", + "dry red wine" + ] + }, + { + "id": 27428, + "ingredients": [ + "fresh basil", + "crushed red pepper", + "cheese ravioli", + "fresh spinach", + "tomato basil sauce", + "asiago" + ] + }, + { + "id": 29136, + "ingredients": [ + "active dry yeast", + "sugar", + "coarse salt", + "water", + "bread flour", + "table salt", + "olive oil" + ] + }, + { + "id": 45677, + "ingredients": [ + "kosher salt", + "mung beans", + "garlic", + "sugar", + "light soy sauce", + "bawang goreng", + "rice flour", + "white vinegar", + "mo hanh", + "tapioca starch", + "oil", + "soy sauce", + "sesame seeds", + "thai chile", + "corn starch" + ] + }, + { + "id": 35525, + "ingredients": [ + "tomatoes", + "rice", + "ground turkey", + "cilantro", + "shredded cheese", + "corn", + "tortilla chips", + "onions", + "avocado", + "salsa", + "red bell pepper" + ] + }, + { + "id": 28707, + "ingredients": [ + "ground black pepper", + "thyme", + "chipotle chile", + "paprika", + "ground oregano", + "granulated garlic", + "onion powder", + "new mexican chile", + "white pepper", + "cayenne pepper" + ] + }, + { + "id": 4234, + "ingredients": [ + "olive oil", + "boneless skinless chicken breasts", + "corn starch", + "low sodium soy sauce", + "green onions", + "garlic", + "mushrooms", + "red pepper", + "honey", + "unsalted cashews", + "edamame" + ] + }, + { + "id": 45606, + "ingredients": [ + "minced onion", + "dry bread crumbs", + "pepper", + "salt", + "sour cream", + "jack cheese", + "large eggs", + "green chilies", + "beef", + "salsa" + ] + }, + { + "id": 6646, + "ingredients": [ + "cooked brown rice", + "sweet pepper", + "black beans", + "roasted tomatoes", + "fresh chives", + "okra", + "cajun seasoning" + ] + }, + { + "id": 1733, + "ingredients": [ + "ketchup", + "mandarin oranges", + "broth", + "green onions", + "rice vinegar", + "minced garlic", + "ginger", + "canola oil", + "sugar", + "red pepper flakes", + "corn starch" + ] + }, + { + "id": 31169, + "ingredients": [ + "unsalted butter", + "frozen chopped broccoli", + "onions", + "large eggs", + "sharp cheddar cheese", + "cornbread mix", + "salt", + "cottage cheese", + "whole milk", + "garlic cloves" + ] + }, + { + "id": 45279, + "ingredients": [ + "pepper", + "garam masala", + "garlic", + "frozen peas", + "tomatoes", + "fresh cilantro", + "vegetable oil", + "chillies", + "cauliflower", + "curry powder", + "potatoes", + "salt", + "sugar", + "fresh ginger", + "vegetable stock", + "onions" + ] + }, + { + "id": 14269, + "ingredients": [ + "worcestershire sauce", + "mayonaise", + "fresh lemon juice", + "finely chopped onion", + "pickle relish", + "parsley flakes", + "hot sauce" + ] + }, + { + "id": 26266, + "ingredients": [ + "soy sauce", + "purple onion", + "top sirloin steak", + "broccoli", + "sesame oil", + "rice vinegar", + "spices" + ] + }, + { + "id": 15973, + "ingredients": [ + "fresh basil", + "noodles", + "grated parmesan cheese", + "low-fat ricotta", + "mozzarella cheese", + "meat sauce" + ] + }, + { + "id": 15279, + "ingredients": [ + "red chili peppers", + "onions", + "clear honey", + "ground cumin", + "pork belly", + "peppercorns", + "sunflower oil" + ] + }, + { + "id": 33120, + "ingredients": [ + "frozen pastry puff sheets", + "granulated sugar", + "decorating sugars" + ] + }, + { + "id": 26073, + "ingredients": [ + "plain low-fat yogurt", + "peeled fresh ginger", + "salt", + "ground turmeric", + "whole wheat pita", + "lime wedges", + "ground coriander", + "ground cumin", + "black pepper", + "ground sirloin", + "chopped onion", + "plum tomatoes", + "ground cinnamon", + "olive oil", + "green peas", + "garlic cloves" + ] + }, + { + "id": 25767, + "ingredients": [ + "crumbles", + "vegetable oil", + "masa harina", + "white onion", + "mushrooms", + "squash blossoms", + "warm water", + "crema mexican", + "salt", + "unsalted butter", + "queso fresco" + ] + }, + { + "id": 12044, + "ingredients": [ + "food colouring", + "unsalted butter", + "all-purpose flour", + "cream of tartar", + "large egg whites", + "lemon", + "sugar", + "large eggs", + "white chocolate", + "fine salt" + ] + }, + { + "id": 822, + "ingredients": [ + "eggplant", + "large garlic cloves", + "onions", + "olive oil", + "dry white wine", + "anchovy fillets", + "ground black pepper", + "salt", + "fresh basil leaves", + "pecorino cheese", + "italian plum tomatoes", + "penne pasta" + ] + }, + { + "id": 13536, + "ingredients": [ + "olive oil", + "dry bread crumbs", + "ground black pepper", + "boneless skinless chicken breast halves", + "parmesan cheese", + "garlic cloves", + "dried basil", + "salt" + ] + }, + { + "id": 1978, + "ingredients": [ + "savoy cabbage", + "ground black pepper", + "onions", + "chicken stock", + "bay leaves", + "irish bacon", + "unsalted butter", + "kosher salt", + "yukon gold potatoes" + ] + }, + { + "id": 3895, + "ingredients": [ + "grape leaves", + "hot water", + "olive oil", + "onions", + "fresh dill", + "fresh mint", + "chicken broth", + "fresh lemon juice", + "long grain white rice" + ] + }, + { + "id": 8427, + "ingredients": [ + "capers", + "crushed red pepper", + "cumin seed", + "cucumber", + "fresh rosemary", + "olive oil", + "chickpeas", + "fresh parsley leaves", + "chopped fresh mint", + "flatbread", + "raisins", + "walnuts", + "fresh lemon juice", + "white peppercorns", + "fennel seeds", + "sturgeon fillets", + "cilantro leaves", + "garlic cloves", + "red bell pepper" + ] + }, + { + "id": 16946, + "ingredients": [ + "whole milk", + "sugar", + "unflavored gelatin", + "whipping cream", + "vanilla beans" + ] + }, + { + "id": 9005, + "ingredients": [ + "fresh coriander", + "hoisin sauce", + "sea salt", + "fresh ginger", + "spring onions", + "chillies", + "lime", + "barbecue sauce", + "light coconut milk", + "self raising flour", + "sesame seeds", + "cooked chicken" + ] + }, + { + "id": 42707, + "ingredients": [ + "collard greens", + "butter" + ] + }, + { + "id": 17931, + "ingredients": [ + "all-purpose flour", + "warm water", + "scallions", + "peanut oil", + "salt" + ] + }, + { + "id": 2110, + "ingredients": [ + "tomato paste", + "pinenuts", + "grated parmesan cheese", + "fresh lemon juice", + "rosemary sprigs", + "olive oil", + "salt", + "sun-dried tomatoes in oil", + "fresh basil", + "pepper", + "butter", + "cream cheese, soften", + "vegetable oil cooking spray", + "sun-dried tomatoes", + "garlic cloves", + "crackers" + ] + }, + { + "id": 21611, + "ingredients": [ + "kosher salt", + "pork tenderloin", + "shichimi togarashi", + "canola oil", + "miso paste", + "dry white wine", + "white sesame seeds", + "soy sauce", + "unsalted butter", + "shallots", + "fresh lime juice", + "fresh ginger", + "black sesame seeds", + "whipping cream" + ] + }, + { + "id": 48079, + "ingredients": [ + "pepper", + "salt", + "large eggs", + "shrimp", + "olive oil", + "scallions", + "andouille sausage", + "butter" + ] + }, + { + "id": 22441, + "ingredients": [ + "eggs", + "all-purpose flour", + "butter", + "milk", + "white sugar", + "salt" + ] + }, + { + "id": 43783, + "ingredients": [ + "fresh basil", + "fresh lemon juice", + "chopped fresh chives", + "halibut fillets", + "fresh parsley", + "extra-virgin olive oil" + ] + }, + { + "id": 49514, + "ingredients": [ + "milk", + "raisins", + "lemon juice", + "baking powder", + "beaten eggs", + "self rising flour", + "vanilla extract", + "caster sugar", + "butter", + "salt" + ] + }, + { + "id": 26278, + "ingredients": [ + "green cardamom pods", + "sugar", + "coriander seeds", + "baking powder", + "salt", + "black mustard seeds", + "onions", + "plain flour", + "lime juice", + "ground black pepper", + "butter", + "cumin seed", + "coconut milk", + "basmati rice", + "black peppercorns", + "chopped tomatoes", + "bay leaves", + "sunflower oil", + "garlic cloves", + "bay leaf", + "ground turmeric", + "clove", + "fillet red snapper", + "fresh ginger root", + "vegetable oil", + "cayenne pepper", + "cinnamon sticks", + "boiling water" + ] + }, + { + "id": 39096, + "ingredients": [ + "water", + "salt", + "chopped cilantro", + "bananas", + "cumin seed", + "amchur", + "green chilies", + "asafetida", + "tumeric", + "ginger", + "oil" + ] + }, + { + "id": 36782, + "ingredients": [ + "fresh rosemary", + "butter", + "ground red pepper", + "chopped fresh thyme", + "almonds", + "salt" + ] + }, + { + "id": 31016, + "ingredients": [ + "cannellini beans", + "garlic cloves", + "fresh basil", + "crushed red pepper", + "cooking spray", + "salt", + "country white bread", + "extra-virgin olive oil", + "plum tomatoes" + ] + }, + { + "id": 41700, + "ingredients": [ + "olive oil", + "lemon wedge", + "sugar", + "cayenne", + "greek yogurt", + "kosher salt", + "boneless skinless chicken breasts", + "masala", + "garam masala", + "purple onion" + ] + }, + { + "id": 8046, + "ingredients": [ + "tortillas", + "eggs", + "grating cheese", + "potatoes", + "sausage links", + "bacon" + ] + }, + { + "id": 14017, + "ingredients": [ + "tumeric", + "zucchini", + "cinnamon", + "ground coriander", + "celery ribs", + "tomato juice", + "vermicelli", + "salt", + "carrots", + "pepper", + "potatoes", + "diced tomatoes", + "fresh lemon juice", + "stock", + "cayenne", + "vegetable oil", + "chickpeas", + "onions" + ] + }, + { + "id": 48126, + "ingredients": [ + "black pepper", + "muscovado sugar", + "salt", + "red cabbage", + "red wine vinegar", + "water", + "apple cider vinegar", + "caraway seeds", + "bay leaves", + "garlic" + ] + }, + { + "id": 48972, + "ingredients": [ + "grated parmesan cheese", + "pizza sauce", + "Pillsbury™ Refrigerated Crescent Dinner Rolls", + "pepperoni slices", + "shredded mozzarella cheese" + ] + }, + { + "id": 21200, + "ingredients": [ + "tomatoes", + "vegetable oil", + "garlic cloves", + "frozen peas", + "black pepper", + "salt", + "onions", + "tumeric", + "ginger", + "lemon juice", + "cumin", + "cauliflower", + "potatoes", + "fenugreek seeds", + "coriander" + ] + }, + { + "id": 37825, + "ingredients": [ + "olive oil", + "salt", + "dry white wine", + "turkey breast", + "turkey stock", + "herbes de provence", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 24835, + "ingredients": [ + "chili powder", + "chopped cilantro", + "garlic powder", + "hot chili powder", + "tomatoes", + "tomatillos", + "pork shoulder", + "green onions", + "corn tortillas" + ] + }, + { + "id": 38205, + "ingredients": [ + "active dry yeast", + "all-purpose flour", + "vegetable oil", + "warm water", + "confectioners sugar" + ] + }, + { + "id": 48460, + "ingredients": [ + "bulk italian sausag", + "basil leaves", + "fine sea salt", + "garlic cloves", + "cremini mushrooms", + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "low moisture mozzarella", + "ground black pepper", + "all purpose unbleached flour", + "fresh yeast", + "marjoram", + "roasted red peppers", + "sea salt", + "liquid", + "plum tomatoes" + ] + }, + { + "id": 29019, + "ingredients": [ + "evaporated milk", + "coconut milk", + "sugar", + "red beans", + "water", + "corn starch", + "gelatin" + ] + }, + { + "id": 18799, + "ingredients": [ + "tomato sauce", + "dill", + "carrots", + "lemon", + "chicken consomme soup mix", + "beef", + "rice", + "cabbage", + "potatoes", + "beets" + ] + }, + { + "id": 23742, + "ingredients": [ + "sugar", + "dry yeast", + "cracked black pepper", + "garlic cloves", + "dried oregano", + "olive oil", + "diced tomatoes", + "salt", + "fresh parsley", + "warm water", + "cooking spray", + "cheese", + "bay leaf", + "ground cumin", + "finely chopped onion", + "paprika", + "all-purpose flour", + "bread flour" + ] + }, + { + "id": 30089, + "ingredients": [ + "garam masala", + "chickpeas", + "vegetable oil", + "coriander", + "potatoes", + "cumin seed", + "ketchup", + "salt" + ] + }, + { + "id": 1400, + "ingredients": [ + "black pepper", + "bell pepper", + "worcestershire sauce", + "yellow onion", + "shrimp", + "celery salt", + "chicken sausage", + "bay leaves", + "paprika", + "wild rice", + "dried oregano", + "green bell pepper", + "olive oil", + "old bay seasoning", + "hot sauce", + "garlic cloves", + "kosher salt", + "low sodium chicken broth", + "diced tomatoes", + "cayenne pepper", + "celery" + ] + }, + { + "id": 7025, + "ingredients": [ + "green tea", + "dates", + "rock sugar", + "rosé wine", + "goji berries", + "jasmine", + "walnuts", + "chrysanthemum", + "chenpi", + "hot water" + ] + }, + { + "id": 19873, + "ingredients": [ + "water", + "miso paste", + "cook egg hard", + "sesame seeds", + "hot pepper", + "red bell pepper", + "baby bok choy", + "shiitake", + "ramen noodles", + "cooked chicken breasts", + "corn kernels", + "sesame oil", + "scallions" + ] + }, + { + "id": 29374, + "ingredients": [ + "olive oil", + "garlic cloves", + "jalapeno chilies", + "cilantro", + "lime", + "salt" + ] + }, + { + "id": 45577, + "ingredients": [ + "pasta", + "flat leaf parsley", + "grated parmesan cheese", + "low salt chicken broth", + "large eggs" + ] + }, + { + "id": 46375, + "ingredients": [ + "large eggs", + "paprika", + "kosher salt", + "baking powder", + "chicken", + "sugar", + "flour", + "garlic", + "baking soda", + "buttermilk" + ] + }, + { + "id": 28377, + "ingredients": [ + "white vinegar", + "sugar", + "water", + "jalapeno chilies", + "teriyaki sauce", + "carrots", + "sake", + "sweet chili sauce", + "fresh cilantro", + "boneless skinless chicken breasts", + "salt", + "fish sauce", + "soy sauce", + "lime juice", + "green onions", + "garlic", + "cucumber", + "mayonaise", + "baguette", + "mirin", + "daikon", + "rice vinegar" + ] + }, + { + "id": 39019, + "ingredients": [ + "dry red wine", + "oregano", + "water", + "oil", + "soy sauce", + "whole chicken", + "brown sugar", + "garlic" + ] + }, + { + "id": 16754, + "ingredients": [ + "rotelle", + "ground beef", + "taco seasoning mix", + "shredded cheese", + "doritos", + "taco sauce", + "garlic", + "onions", + "chili powder", + "sour cream", + "cumin" + ] + }, + { + "id": 28648, + "ingredients": [ + "finely chopped onion", + "chopped celery", + "chicken livers", + "kosher salt", + "vegetable oil", + "scallions", + "ground cumin", + "sausage casings", + "bay leaves", + "cayenne pepper", + "celery", + "minced garlic", + "semi pearled farro", + "thyme" + ] + }, + { + "id": 32006, + "ingredients": [ + "ground cinnamon", + "baking soda", + "buttermilk", + "all-purpose flour", + "confectioners sugar", + "pecans", + "large eggs", + "vanilla extract", + "dark brown sugar", + "sugar", + "vegetable oil", + "salt", + "crushed pineapple", + "pecan halves", + "unsalted butter", + "mashed banana", + "cream cheese" + ] + }, + { + "id": 49138, + "ingredients": [ + "red chili peppers", + "sesame oil", + "oil", + "white pepper", + "salt", + "cabbage", + "soy sauce", + "garlic", + "glass noodles", + "eggs", + "Shaoxing wine", + "scallions" + ] + }, + { + "id": 14159, + "ingredients": [ + "milk", + "cinnamon", + "eggs", + "old-fashioned oats", + "salt", + "pure vanilla extract", + "peaches", + "butter", + "brown sugar", + "baking powder", + "blackberries" + ] + }, + { + "id": 33747, + "ingredients": [ + "sausage casings", + "fresh thyme", + "plain breadcrumbs", + "onions", + "chicken broth", + "olive oil", + "garlic", + "carrots", + "tomatoes", + "unsalted butter", + "salt", + "fresh parsley", + "parsnips", + "cannellini beans", + "freshly ground pepper" + ] + }, + { + "id": 49510, + "ingredients": [ + "boneless skinless chicken breasts", + "salsa", + "frozen corn", + "black beans" + ] + }, + { + "id": 2118, + "ingredients": [ + "ketchup", + "vinegar", + "corn oil", + "garlic", + "shrimp", + "onions", + "water", + "water chestnuts", + "ground pork", + "pineapple juice", + "beansprouts", + "pepper", + "egg whites", + "raisins", + "salt", + "corn starch", + "bamboo shoots", + "brown sugar", + "hot pepper sauce", + "flour", + "ginger", + "carrots", + "celery" + ] + }, + { + "id": 14463, + "ingredients": [ + "lemongrass", + "thai chile", + "galangal", + "kaffir lime", + "shrimp paste", + "salt", + "peppercorns", + "chili leaf", + "garlic", + "coriander", + "cilantro root", + "sliced shallots", + "cumin" + ] + }, + { + "id": 12299, + "ingredients": [ + "kosher salt", + "garlic", + "sugar", + "hard-boiled egg", + "green chilies", + "eggs", + "potatoes", + "cilantro leaves", + "grated coconut", + "vegetable oil", + "cumin seed" + ] + }, + { + "id": 16115, + "ingredients": [ + "unsalted butter", + "bittersweet chocolate", + "heavy cream", + "large eggs", + "sugar", + "espresso" + ] + }, + { + "id": 30854, + "ingredients": [ + "eggplant", + "diced tomatoes", + "garlic cloves", + "fresh basil", + "red pepper flakes", + "garlic", + "italian seasoning", + "boneless chicken breast", + "extra-virgin olive oil", + "onions", + "spinach", + "sea salt", + "freshly ground pepper" + ] + }, + { + "id": 41412, + "ingredients": [ + "milk", + "salt", + "baking powder", + "peaches", + "all-purpose flour", + "sugar", + "butter" + ] + }, + { + "id": 36655, + "ingredients": [ + "chicken wings", + "fresh ginger", + "sea salt", + "dried chile", + "large egg whites", + "shallots", + "apple juice", + "soy sauce", + "baking soda", + "rice vinegar", + "toasted sesame seeds", + "honey", + "sesame oil", + "garlic cloves" + ] + }, + { + "id": 31595, + "ingredients": [ + "white wine", + "water chestnuts", + "corn starch", + "brown sugar", + "peanuts", + "sesame oil", + "white vinegar", + "water", + "green onions", + "chopped garlic", + "soy sauce", + "boneless chicken breast", + "red pepper" + ] + }, + { + "id": 8225, + "ingredients": [ + "grated parmesan cheese", + "eggs", + "phyllo pastry", + "frozen chopped spinach", + "chopped onion", + "small curd cottage cheese", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 47650, + "ingredients": [ + "bacon", + "sherry", + "green onions", + "vegetable oil" + ] + }, + { + "id": 40681, + "ingredients": [ + "onion flakes", + "macaroni", + "cheese dip", + "green chile", + "salsa", + "lean ground beef" + ] + }, + { + "id": 43979, + "ingredients": [ + "garlic paste", + "chili", + "cinnamon", + "brown cardamom", + "onions", + "tomatoes", + "tandoori spices", + "garam masala", + "paneer", + "oil", + "ground turmeric", + "cream", + "coriander seeds", + "kasuri methi", + "curds", + "coriander", + "red chili powder", + "water", + "coriander powder", + "salt", + "lemon juice", + "ground cumin" + ] + }, + { + "id": 7934, + "ingredients": [ + "red chili peppers", + "chili", + "shallots", + "cumin seed", + "nutmeg", + "dry roasted peanuts", + "cardamon", + "garlic", + "galangal", + "fish sauce", + "lemongrass", + "shrimp paste", + "ground coriander", + "ground cumin", + "ground cloves", + "palm sugar", + "cinnamon", + "coconut milk" + ] + }, + { + "id": 45199, + "ingredients": [ + "saffron threads", + "bay scallops", + "whipping cream", + "fat free less sodium chicken broth", + "butter", + "fresh parsley", + "grape tomatoes", + "clam juice", + "medium shrimp", + "arborio rice", + "shallots", + "fresh lemon juice" + ] + }, + { + "id": 6851, + "ingredients": [ + "honey", + "spring onions", + "hot water", + "fish sauce", + "hoisin sauce", + "creamy peanut butter", + "bird chile", + "beef", + "cilantro sprigs", + "beansprouts", + "soy sauce", + "vinegar", + "carrots", + "vermicelli noodles" + ] + }, + { + "id": 4006, + "ingredients": [ + "olive oil", + "ground pork", + "carrots", + "cabbage", + "large eggs", + "salt", + "sour cream", + "vinegar", + "white rice", + "Mrs. Dash", + "butter", + "mushroom marinara", + "ground turkey" + ] + }, + { + "id": 610, + "ingredients": [ + "lime juice", + "sugar", + "red pepper flakes", + "water", + "garlic cloves", + "fish sauce", + "lime peel" + ] + }, + { + "id": 18142, + "ingredients": [ + "chicken stock", + "kosher salt", + "unsalted butter", + "freshly ground pepper", + "chicken", + "dried currants", + "mace", + "all-purpose flour", + "flat leaf parsley", + "green bell pepper", + "curry powder", + "vegetable oil", + "garlic cloves", + "italian tomatoes", + "almonds", + "sweet paprika", + "onions" + ] + }, + { + "id": 34363, + "ingredients": [ + "cherry tomatoes", + "basil leaves", + "kosher salt", + "ground black pepper", + "olive oil", + "balsamic vinegar", + "sourdough bread", + "granulated sugar" + ] + }, + { + "id": 30475, + "ingredients": [ + "lemon", + "cilantro leaves", + "beef tenderloin", + "onions", + "pepper", + "salt", + "crushed red pepper flakes", + "garlic cloves" + ] + }, + { + "id": 35246, + "ingredients": [ + "roma tomatoes", + "garlic", + "lime", + "Mexican oregano", + "nopales", + "jalapeno chilies", + "salt", + "olive oil", + "cilantro", + "onions" + ] + }, + { + "id": 29020, + "ingredients": [ + "chicken legs", + "milk", + "baking powder", + "garlic", + "carrots", + "cornmeal", + "ground cinnamon", + "ginger beer", + "baking soda", + "butter", + "cilantro leaves", + "red bell pepper", + "sugar", + "lime", + "vegetable oil", + "salt", + "dumplings", + "canola oil", + "kaffir lime leaves", + "jerk seasoning", + "green onions", + "ginger", + "all-purpose flour", + "celery" + ] + }, + { + "id": 27993, + "ingredients": [ + "mint sprigs", + "mango", + "lemon juice", + "ice cubes", + "fresh mint", + "orange juice" + ] + }, + { + "id": 24921, + "ingredients": [ + "ground ginger", + "ground cloves", + "sweet potatoes", + "all-purpose flour", + "eggs", + "honey", + "whipped cream", + "pastry for single crust pie", + "ground nutmeg", + "salt", + "ground cinnamon", + "cream", + "butternut squash" + ] + }, + { + "id": 22164, + "ingredients": [ + "sourdough bread", + "cream cheese", + "herbs", + "fresh basil leaves", + "olive oil", + "shredded mozzarella cheese", + "tomatoes", + "garlic" + ] + }, + { + "id": 725, + "ingredients": [ + "dry white wine", + "salt", + "onions", + "vegetable broth", + "croutons", + "collard greens", + "crushed red pepper", + "carrots", + "vegetable oil", + "garlic cloves", + "smoked ham hocks" + ] + }, + { + "id": 34349, + "ingredients": [ + "saffron threads", + "homemade chicken stock", + "shallots", + "fresh parsley", + "parmigiano-reggiano cheese", + "asparagus", + "carrots", + "fava beans", + "ground black pepper", + "salt", + "fresh green peas", + "white wine", + "extra-virgin olive oil", + "carnaroli rice" + ] + }, + { + "id": 48655, + "ingredients": [ + "soy sauce", + "hoisin sauce", + "garlic", + "red bell pepper", + "honey", + "green onions", + "corn starch", + "onions", + "curry powder", + "shredded carrots", + "cayenne pepper", + "beansprouts", + "chicken broth", + "fresh ginger", + "vegetable oil", + "sliced mushrooms", + "spaghetti" + ] + }, + { + "id": 46658, + "ingredients": [ + "large eggs", + "all-purpose flour", + "salted butter", + "whole milk", + "grated Gruyère cheese", + "water", + "grated parmesan cheese", + "cayenne pepper", + "dijon mustard", + "salt" + ] + }, + { + "id": 28212, + "ingredients": [ + "seltzer", + "superfine sugar", + "fresh lime juice", + "gin", + "light cream", + "ground cinnamon", + "large egg whites", + "water", + "lemon juice" + ] + }, + { + "id": 27714, + "ingredients": [ + "canola", + "lemon zest", + "basil", + "rice", + "glaze", + "salad", + "granulated sugar", + "shallots", + "salt", + "shishito chile", + "honey", + "chives", + "ginger", + "beef rib short", + "short rib", + "soy sauce", + "mirin", + "parsley", + "dill", + "lemon juice" + ] + }, + { + "id": 6049, + "ingredients": [ + "lump crab meat", + "extra-virgin olive oil", + "fresh chives", + "lemon", + "fresh basil", + "roasted red peppers", + "crostini", + "kosher salt", + "cracked black pepper" + ] + }, + { + "id": 19836, + "ingredients": [ + "minced garlic", + "roasted red peppers", + "ketchup", + "ground black pepper" + ] + }, + { + "id": 33934, + "ingredients": [ + "salt", + "pepper", + "red bell pepper", + "sandwich rolls", + "hot Italian sausages", + "olive oil", + "onions" + ] + }, + { + "id": 1338, + "ingredients": [ + "tea bags", + "whole cloves", + "milk", + "whipping cream", + "firmly packed light brown sugar", + "star anise", + "black peppercorns", + "fresh ginger", + "cardamom pods" + ] + }, + { + "id": 21498, + "ingredients": [ + "potatoes", + "dill tips", + "sour cream", + "fresh dill", + "salt", + "chuck short ribs", + "green cabbage", + "condensed tomato soup", + "beets", + "onions", + "pepper", + "beef broth", + "carrots" + ] + }, + { + "id": 27005, + "ingredients": [ + "cherry tomatoes", + "grated parmesan cheese", + "whipping cream", + "asparagus", + "crimini mushrooms", + "prosciutto", + "chopped fresh chives", + "fettucine", + "unsalted butter", + "peas" + ] + }, + { + "id": 40168, + "ingredients": [ + "pepper", + "salt", + "ground beef", + "green bell pepper", + "mushroom caps", + "carrots", + "cooked rice", + "sesame seeds", + "oil", + "onions", + "soy sauce", + "sesame oil", + "kimchi" + ] + }, + { + "id": 4877, + "ingredients": [ + "orange", + "lemonade", + "splenda no calorie sweetener", + "ground cloves", + "ground cinnamon", + "instant tea powder" + ] + }, + { + "id": 15415, + "ingredients": [ + "minced ginger", + "thai basil", + "garlic cloves", + "onions", + "fish sauce", + "ground peanut", + "red pepper", + "fresh mint", + "rice stick noodles", + "lime", + "vegetable oil", + "garlic chili sauce", + "chicken thighs", + "soy sauce", + "shiitake", + "rice vinegar", + "coconut milk" + ] + }, + { + "id": 5545, + "ingredients": [ + "chili flakes", + "dumpling wrappers", + "Shaoxing wine", + "boy choy", + "chicken stock", + "minced ginger", + "vinegar", + "ginger", + "water", + "fresh ginger", + "sesame oil", + "coriander", + "white pepper", + "light soy sauce", + "spring onions", + "minced pork" + ] + }, + { + "id": 20433, + "ingredients": [ + "chinese rice wine", + "shallots", + "chopped cilantro fresh", + "chicken broth", + "tamarind", + "garlic cloves", + "light brown sugar", + "chiles", + "vegetable oil", + "large shrimp", + "fish sauce", + "green onions", + "onions" + ] + }, + { + "id": 11634, + "ingredients": [ + "potatoes", + "beets", + "pickles", + "peas", + "onions", + "vegetable oil", + "carrots", + "sauerkraut", + "salt" + ] + }, + { + "id": 25492, + "ingredients": [ + "tumeric", + "yoghurt", + "salt", + "ginger root", + "chicken stock", + "olive oil", + "paprika", + "garlic cloves", + "ground cumin", + "tomatoes", + "garam masala", + "whipping cream", + "lemon juice", + "boneless chicken skinless thigh", + "chili powder", + "cilantro leaves", + "onions" + ] + }, + { + "id": 21017, + "ingredients": [ + "eggs", + "flour", + "onions", + "pepper", + "green chilies", + "cheddar cheese", + "salt", + "cumin", + "milk", + "ground beef" + ] + }, + { + "id": 22311, + "ingredients": [ + "sugar", + "blackberries", + "lime zest", + "fresh raspberries", + "fresh blueberries", + "wine", + "fresh lime juice" + ] + }, + { + "id": 17808, + "ingredients": [ + "saffron threads", + "golden raisins", + "cilantro sprigs", + "gingerroot", + "fresh mint", + "granulated sugar", + "phyllo", + "dry bread crumbs", + "fresh lemon juice", + "chicken broth", + "vegetable oil", + "ras el hanout", + "blanched almonds", + "ground turkey", + "large egg whites", + "cinnamon", + "all-purpose flour", + "garlic cloves", + "onions" + ] + }, + { + "id": 30869, + "ingredients": [ + "finely chopped onion", + "all-purpose flour", + "gruyere cheese", + "ground white pepper", + "whole milk", + "grated nutmeg", + "unsalted butter", + "salt" + ] + }, + { + "id": 11794, + "ingredients": [ + "black pepper", + "cooked chicken", + "poppy seeds", + "celery", + "diced potatoes", + "corn", + "sliced carrots", + "green beans", + "frozen peas", + "chicken broth", + "milk", + "Pillsbury Biscuits", + "salt", + "onions", + "melted butter", + "flour", + "butter", + "celery seed" + ] + }, + { + "id": 26414, + "ingredients": [ + "penne", + "cooking spray", + "red bell pepper", + "fresh basil", + "zucchini", + "grated lemon zest", + "fresh parmesan cheese", + "salt", + "sliced green onions", + "eggplant", + "extra-virgin olive oil", + "plum tomatoes" + ] + }, + { + "id": 1450, + "ingredients": [ + "soy sauce", + "garlic", + "fresh ginger", + "fresh lime juice", + "honey", + "crushed red pepper", + "fish sauce", + "flank steak" + ] + }, + { + "id": 17605, + "ingredients": [ + "fresh ginger", + "russet potatoes", + "mustard seeds", + "cauliflower", + "vegetable oil", + "cumin seed", + "ground pepper", + "okra", + "cooked white rice", + "tomatoes", + "coarse salt", + "garlic cloves" + ] + }, + { + "id": 19789, + "ingredients": [ + "minced garlic", + "Shaoxing wine", + "chinese five-spice powder", + "mushroom soy sauce", + "sugar", + "thai basil", + "vietnamese fish sauce", + "oil", + "molasses", + "reduced sodium soy sauce", + "chinese red vinegar", + "corn starch", + "fresh ginger", + "star anise", + "pork spareribs" + ] + }, + { + "id": 25287, + "ingredients": [ + "garlic paste", + "yoghurt", + "salt", + "juice", + "ginger paste", + "tomatoes", + "Biryani Masala", + "vegetable oil", + "green chilies", + "onions", + "mint", + "potatoes", + "lemon", + "cumin seed", + "ground turmeric", + "stewing beef", + "chili powder", + "rice", + "chopped cilantro" + ] + }, + { + "id": 526, + "ingredients": [ + "diced onions", + "yellow mustard seeds", + "chili pepper", + "crushed tomatoes", + "baking soda", + "pork ribs", + "shallots", + "coarse salt", + "heavy cream", + "salt", + "sour cream", + "ground beef", + "dried oregano", + "eggs", + "baby bok choy", + "water", + "hungarian paprika", + "unsalted butter", + "mushrooms", + "apple cider vinegar", + "large garlic cloves", + "vanilla", + "garlic cloves", + "coconut milk", + "boiling water", + "brown sugar", + "soy sauce", + "lime juice", + "garlic powder", + "finely chopped onion", + "baking powder", + "vegetable oil", + "red wine", + "oyster mushrooms", + "confectioners sugar", + "chipotle peppers", + "white sandwich bread", + "chicken broth", + "sugar", + "pepper", + "milk", + "instant espresso powder", + "grated parmesan cheese", + "chili powder", + "cinnamon", + "ginger", + "all-purpose flour", + "chopped parsley", + "noodles", + "unsweetened cocoa powder" + ] + }, + { + "id": 6426, + "ingredients": [ + "green onions", + "extra-virgin olive oil", + "chopped garlic", + "tomatoes", + "butter", + "fresh parsley", + "cooked rice", + "lemon", + "frozen peas", + "chicken stock", + "cajun seasoning", + "shrimp" + ] + }, + { + "id": 838, + "ingredients": [ + "lemon grass", + "coconut milk", + "chicken legs", + "garlic", + "fresh basil leaves", + "palm sugar", + "curry paste", + "fresh ginger", + "salad oil", + "asian fish sauce" + ] + }, + { + "id": 38921, + "ingredients": [ + "low sodium soy sauce", + "mirin", + "scallions", + "fresh udon", + "vegetable oil", + "chuck", + "dark soy sauce", + "sesame oil", + "beansprouts", + "sugar", + "napa cabbage" + ] + }, + { + "id": 43956, + "ingredients": [ + "black beans", + "garlic", + "olive oil", + "yellow onion", + "water", + "salt", + "mora chiles", + "avocado leaves", + "onions" + ] + }, + { + "id": 16406, + "ingredients": [ + "pork belly", + "gochugaru", + "apples", + "onions", + "sugar", + "minced ginger", + "rice wine", + "Gochujang base", + "minced garlic", + "rice cakes", + "yellow onion", + "cabbage", + "soy sauce", + "leaves", + "sprinkles", + "carrots" + ] + }, + { + "id": 33285, + "ingredients": [ + "white wine", + "garlic", + "bay leaf", + "boneless chicken skinless thigh", + "bacon", + "carrots", + "chicken stock", + "dried thyme", + "white beans", + "onions", + "bread crumbs", + "diced tomatoes", + "celery" + ] + }, + { + "id": 45131, + "ingredients": [ + "palm sugar", + "sugar", + "coconut milk", + "banana leaves", + "glutinous rice" + ] + }, + { + "id": 44192, + "ingredients": [ + "garbanzo beans", + "salt", + "red radishes", + "olives", + "grated coconut", + "buttermilk", + "rice", + "tamarind concentrate", + "water", + "urad dal", + "scallions", + "arbol chile", + "tamarind pulp", + "fenugreek seeds", + "black mustard seeds" + ] + }, + { + "id": 36629, + "ingredients": [ + "garam masala", + "canola oil", + "sesame seeds", + "dipping sauces", + "marinade", + "chicken", + "ground pepper", + "baking mix" + ] + }, + { + "id": 23975, + "ingredients": [ + "soy sauce", + "vinegar", + "oil", + "pepper", + "garlic", + "pork belly", + "bay leaves", + "onions", + "water", + "salt" + ] + }, + { + "id": 46511, + "ingredients": [ + "pasta sauce", + "lasagna noodles", + "salt", + "cottage cheese", + "lean ground beef", + "shredded mozzarella cheese", + "tomatoes", + "finely chopped onion", + "ricotta cheese", + "pesto", + "large eggs", + "curds" + ] + }, + { + "id": 45907, + "ingredients": [ + "avocado", + "cream cheese", + "diced green chilies", + "black pepper", + "garlic salt", + "worcestershire sauce" + ] + }, + { + "id": 22734, + "ingredients": [ + "refrigerated buttermilk biscuits", + "chopped onion", + "black pepper", + "cooking spray", + "rubbed sage", + "butter-margarine blend", + "large egg whites", + "poultry seasoning", + "fat free less sodium chicken broth", + "chopped celery", + "corn bread" + ] + }, + { + "id": 43589, + "ingredients": [ + "whitefish", + "romaine lettuce leaves", + "rolls", + "olive oil", + "salt", + "pepper", + "purple onion", + "fresh lemon juice", + "basil mayonnaise", + "grated lemon zest" + ] + }, + { + "id": 30287, + "ingredients": [ + "pasta", + "garlic powder", + "butter", + "kosher salt", + "flour", + "cayenne pepper", + "salmon fillets", + "parmesan cheese", + "cilantro", + "milk", + "cajun seasoning" + ] + }, + { + "id": 23900, + "ingredients": [ + "pepper", + "blue cheese", + "beef tenderloin steaks", + "dry white wine", + "beef broth", + "olive oil", + "salt", + "onions", + "paprika", + "chopped parsley" + ] + }, + { + "id": 11928, + "ingredients": [ + "cottage cheese", + "sauce", + "low fat tortilla chip", + "bell pepper", + "sour cream", + "taco seasoning mix", + "skinless chicken breasts", + "cheddar cheese", + "garlic", + "onions" + ] + }, + { + "id": 16529, + "ingredients": [ + "trout", + "parsley", + "extra-virgin olive oil", + "black pepper", + "bell pepper", + "russet potatoes", + "garlic cloves", + "ground ginger", + "roma tomatoes", + "spices", + "yellow onion", + "asparagus", + "chili powder", + "sea salt", + "white mushrooms" + ] + }, + { + "id": 25626, + "ingredients": [ + "chicken broth", + "fresh cilantro", + "ground black pepper", + "salt", + "ground cumin", + "fresh poblano pepper", + "olive oil", + "whipping cream", + "onions", + "ground cinnamon", + "pork stew meat", + "pumpkin", + "cayenne pepper", + "water", + "garlic powder", + "sweet pepper", + "unsweetened cocoa powder" + ] + }, + { + "id": 12962, + "ingredients": [ + "tomatoes", + "onions", + "salt", + "jalapeno chilies", + "chopped cilantro fresh", + "avocado", + "fresh lime juice" + ] + }, + { + "id": 19959, + "ingredients": [ + "brown rice", + "toasted sesame seeds", + "water", + "hot sauce", + "red pepper flakes", + "green tea", + "seaweed" + ] + }, + { + "id": 18195, + "ingredients": [ + "sugar", + "active dry yeast", + "water", + "all-purpose flour", + "kosher salt", + "butter", + "eggs", + "milk", + "chocolate chips" + ] + }, + { + "id": 37128, + "ingredients": [ + "vegetable oil", + "onions", + "bacon slices", + "chuck eye steak", + "water", + "all-purpose flour" + ] + }, + { + "id": 25730, + "ingredients": [ + "Louisiana Hot Sauce", + "paprika", + "boneless skinless chicken", + "celery", + "black pepper", + "garlic", + "shrimp", + "sugar", + "stewed tomatoes", + "fresh lemon juice", + "onions", + "cooked rice", + "cajun seasoning", + "salt", + "red bell pepper" + ] + }, + { + "id": 40554, + "ingredients": [ + "sugar", + "unsalted butter", + "blackberries", + "yellow corn meal", + "large egg whites", + "grated lemon zest", + "vanilla ice cream", + "honey", + "fresh lemon juice", + "active dry yeast", + "whole milk" + ] + }, + { + "id": 34484, + "ingredients": [ + "fat free less sodium chicken broth", + "chopped celery", + "fresh parsley", + "cooking spray", + "long-grain rice", + "chopped green bell pepper", + "chopped onion", + "chicken", + "cajun spice mix", + "bay leaves", + "garlic cloves" + ] + }, + { + "id": 17596, + "ingredients": [ + "pepper", + "cornflour", + "coconut cream", + "large egg yolks", + "green pepper", + "onions", + "lime", + "salt", + "shrimp", + "whitefish fillets", + "butter", + "chili sauce", + "coriander" + ] + }, + { + "id": 47805, + "ingredients": [ + "olive oil", + "pastry shell", + "grated Gruyère cheese", + "ground black pepper", + "bacon slices", + "large egg whites", + "large eggs", + "salt", + "ground nutmeg", + "2% reduced-fat milk", + "onions" + ] + }, + { + "id": 8438, + "ingredients": [ + "ground nutmeg", + "Jarlsberg", + "corn starch", + "french bread", + "gruyere cheese", + "Emmenthal", + "garlic", + "smoked gouda", + "white wine", + "balsamic vinegar", + "lemon juice" + ] + }, + { + "id": 31594, + "ingredients": [ + "unsalted butter", + "salt", + "baking potatoes", + "garlic cloves", + "white pepper", + "heavy cream", + "large eggs", + "grated nutmeg" + ] + }, + { + "id": 2308, + "ingredients": [ + "extra lean ground beef", + "freshly grated parmesan", + "crushed red pepper", + "dried basil", + "cheese ravioli", + "onions", + "pepper", + "italian plum tomatoes", + "salt", + "tomato purée", + "olive oil", + "large garlic cloves", + "dried oregano" + ] + }, + { + "id": 40522, + "ingredients": [ + "whole milk", + "salt", + "vanilla extract", + "eggs", + "white sugar" + ] + }, + { + "id": 42693, + "ingredients": [ + "Sriracha", + "tamari soy sauce", + "peanut butter", + "sugar pea", + "sesame oil", + "rice vinegar", + "red bell pepper", + "pasta", + "whole wheat spaghetti", + "salt", + "scallions", + "sesame seeds", + "napa cabbage", + "hot sauce" + ] + }, + { + "id": 48848, + "ingredients": [ + "fresh coriander", + "garlic", + "onions", + "tumeric", + "cherry tomatoes", + "green chilies", + "clarified butter", + "lime", + "salt", + "coriander", + "monkfish", + "ginger", + "coconut milk", + "cumin" + ] + }, + { + "id": 44560, + "ingredients": [ + "red kidney beans", + "smoked turkey", + "jalapeno chilies", + "garlic", + "celery", + "water", + "unsalted butter", + "vegetable oil", + "long-grain rice", + "kosher salt", + "ground black pepper", + "fresh thyme leaves", + "low sodium chicken stock", + "green bell pepper", + "turkey legs", + "bay leaves", + "cayenne pepper", + "onions" + ] + }, + { + "id": 7700, + "ingredients": [ + "butter", + "strawberries", + "milk", + "salt", + "sugar", + "vanilla extract", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 43908, + "ingredients": [ + "cajun seasoning", + "onions", + "diced tomatoes", + "chili beans", + "smoked sausage", + "jasmine rice", + "celery" + ] + }, + { + "id": 3930, + "ingredients": [ + "yellow corn meal", + "baking soda", + "jalapeno chilies", + "vegetable oil", + "onions", + "crawfish", + "chopped green bell pepper", + "ground red pepper", + "butter", + "cheddar cheese", + "cream style corn", + "green onions", + "cajun seasoning", + "milk", + "large eggs", + "baking powder", + "salt" + ] + }, + { + "id": 20940, + "ingredients": [ + "salmon steaks", + "italian seasoning", + "pepper", + "fresh lime juice", + "salt", + "dried thyme", + "dried rosemary" + ] + }, + { + "id": 12360, + "ingredients": [ + "ground black pepper", + "sea salt", + "kosher salt", + "spaghetti", + "pecorino romano cheese" + ] + }, + { + "id": 23094, + "ingredients": [ + "cooked rice", + "raisins", + "sour cream", + "flour", + "salt", + "cabbage", + "black pepper", + "ground pork", + "ground beef", + "prunes", + "butter", + "dill" + ] + }, + { + "id": 20327, + "ingredients": [ + "fresh dill", + "ground black pepper", + "poultry seasoning", + "bread crumbs", + "salt", + "cottage cheese", + "butter", + "spinach", + "feta cheese", + "chopped onion" + ] + }, + { + "id": 34630, + "ingredients": [ + "sea salt", + "water", + "chickpea flour", + "ground cumin", + "olive oil" + ] + }, + { + "id": 41264, + "ingredients": [ + "tomato sauce", + "olive oil", + "flour", + "taco seasoning", + "black pepper", + "cayenne", + "salt", + "onions", + "ground chipotle chile pepper", + "garlic powder", + "cinnamon", + "rotisserie chicken", + "sweet onion", + "Mexican cheese blend", + "green chilies", + "cumin" + ] + }, + { + "id": 25085, + "ingredients": [ + "water", + "ginger", + "pork belly", + "taro", + "konbu", + "sake", + "yellow miso", + "scallions", + "konnyaku", + "burdock", + "carrots" + ] + }, + { + "id": 48479, + "ingredients": [ + "bacon slices", + "sausage links", + "celery", + "russet potatoes", + "onions", + "beef broth" + ] + }, + { + "id": 31715, + "ingredients": [ + "olive oil", + "green onions", + "white sugar", + "fresh thyme", + "salt", + "chopped green bell pepper", + "chile pepper", + "cabbage", + "white vinegar", + "shredded carrots", + "onions" + ] + }, + { + "id": 29569, + "ingredients": [ + "fresh coriander", + "purple onion", + "green beans", + "cauliflower", + "vegetable stock", + "chickpeas", + "basmati rice", + "potatoes", + "salt", + "curry paste", + "black pepper", + "lemon", + "oil" + ] + }, + { + "id": 39317, + "ingredients": [ + "melted butter", + "baking powder", + "milk", + "sugar", + "all-purpose flour", + "cream of tartar", + "large eggs" + ] + }, + { + "id": 15719, + "ingredients": [ + "avocado", + "chili powder", + "purple onion", + "fresh lime juice", + "black beans", + "extra-virgin olive oil", + "cilantro leaves", + "ground cumin", + "tomatoes", + "red pepper flakes", + "salt", + "dried oregano", + "ground black pepper", + "fine sea salt", + "spaghetti squash" + ] + }, + { + "id": 4162, + "ingredients": [ + "cream cheese", + "corn chips", + "chopped cilantro fresh", + "salsa", + "clams", + "green chilies" + ] + }, + { + "id": 15001, + "ingredients": [ + "water", + "dark brown sugar", + "soy sauce", + "Sriracha", + "sesame paste", + "honey", + "chinese five-spice powder", + "black beans", + "rice vinegar" + ] + }, + { + "id": 12123, + "ingredients": [ + "tomatoes", + "salt", + "cauliflower", + "vegetable oil", + "lettuce", + "garam masala", + "ground turmeric", + "garlic powder", + "onions" + ] + }, + { + "id": 42748, + "ingredients": [ + "curry powder", + "green onions", + "coconut milk", + "tomato paste", + "fresh ginger", + "salt", + "red lentils", + "olive oil", + "brown rice", + "water", + "sweet potatoes", + "carrots" + ] + }, + { + "id": 41905, + "ingredients": [ + "butter", + "eggs", + "all-purpose flour", + "salt", + "milk", + "white sugar" + ] + }, + { + "id": 4484, + "ingredients": [ + "frozen chopped spinach", + "butter", + "ground nutmeg", + "ham steak", + "garlic cloves", + "half & half" + ] + }, + { + "id": 30867, + "ingredients": [ + "flour", + "all-purpose flour", + "sugar", + "salt", + "water", + "jam", + "eggs", + "butter" + ] + }, + { + "id": 17319, + "ingredients": [ + "water", + "all-purpose flour", + "canola oil", + "ricotta cheese", + "wholemeal flour", + "jalapeno chilies", + "cumin seed", + "salt", + "chopped cilantro" + ] + }, + { + "id": 13081, + "ingredients": [ + "ground cinnamon", + "flour tortillas", + "sugar", + "oil" + ] + }, + { + "id": 11899, + "ingredients": [ + "tomatoes", + "honey", + "jalapeno chilies", + "fresh lime juice", + "black beans", + "feta cheese", + "garlic", + "avocado", + "corn kernels", + "radishes", + "red bell pepper", + "romaine lettuce", + "olive oil", + "jicama", + "chopped cilantro fresh" + ] + }, + { + "id": 13374, + "ingredients": [ + "garlic powder", + "vegetable oil", + "cream of mushroom soup", + "pepper", + "cooked chicken", + "salt", + "shredded cheddar cheese", + "chili powder", + "corn tortillas", + "green bell pepper", + "cream of chicken soup", + "diced tomatoes", + "onions" + ] + }, + { + "id": 27495, + "ingredients": [ + "tofu", + "spring onions", + "fine sea salt", + "extra firm tofu", + "ginger", + "onions", + "fresh cilantro", + "sunflower oil", + "cane sugar", + "lettuce", + "mushrooms", + "garlic", + "rice paper" + ] + }, + { + "id": 18138, + "ingredients": [ + "garlic cloves", + "kalamata", + "plum tomatoes", + "baguette", + "fresh mint", + "extra-virgin olive oil" + ] + }, + { + "id": 14851, + "ingredients": [ + "sirloin", + "peeled fresh ginger", + "olive oil", + "purple onion", + "curry powder", + "lemon wedge", + "plain low-fat yogurt", + "vegetable oil spray" + ] + }, + { + "id": 16111, + "ingredients": [ + "kosher salt", + "granulated sugar", + "all-purpose flour", + "milk", + "butter", + "water", + "large eggs", + "eggs", + "active dry yeast", + "salt" + ] + }, + { + "id": 23947, + "ingredients": [ + "minced garlic", + "large eggs", + "onions", + "pepper", + "unsalted butter", + "salt", + "beef shoulder roast", + "milk", + "large flour tortillas", + "shredded cheddar cheese", + "beef", + "salsa" + ] + }, + { + "id": 5970, + "ingredients": [ + "red potato", + "boneless chicken skinless thigh", + "ground black pepper", + "salt", + "soy sauce", + "steamed rice", + "ginger", + "carrots", + "Fuji Apple", + "water", + "curry sauce", + "soft-boiled egg", + "ketchup", + "honey", + "garlic", + "onions" + ] + }, + { + "id": 16594, + "ingredients": [ + "milk", + "paprika", + "red bell pepper", + "cheddar cheese", + "large eggs", + "all-purpose flour", + "mayonaise", + "green tomatoes", + "peanut oil", + "fresh basil", + "garlic powder", + "salt", + "cornmeal" + ] + }, + { + "id": 5820, + "ingredients": [ + "eggs", + "all-purpose flour", + "vegetable oil", + "milk", + "salt" + ] + }, + { + "id": 28254, + "ingredients": [ + "small red beans", + "garlic cloves", + "vegetable oil", + "ground pepper", + "onions", + "andouille sausage", + "coarse salt" + ] + }, + { + "id": 10280, + "ingredients": [ + "fingerling potatoes", + "lotus roots", + "soy sauce", + "toasted sesame oil", + "canola oil", + "parsnips", + "carrots", + "toasted sesame seeds", + "pure maple syrup", + "scallions", + "jerusalem artichokes" + ] + }, + { + "id": 45113, + "ingredients": [ + "avocado", + "lime wedges", + "mango", + "sugar", + "tequila", + "triple sec", + "fresh lime juice", + "ice cubes", + "orange juice" + ] + }, + { + "id": 26103, + "ingredients": [ + "poblano peppers", + "crema", + "cilantro", + "green onions", + "lime juice", + "garlic" + ] + }, + { + "id": 14985, + "ingredients": [ + "warm water", + "grated parmesan cheese", + "marjoram", + "dried basil", + "salt", + "bread flour", + "active dry yeast", + "butter", + "white sugar", + "dried thyme", + "dry milk powder", + "dried oregano" + ] + }, + { + "id": 35731, + "ingredients": [ + "chipotle chile", + "cumin seed", + "tomato paste", + "salt", + "onions", + "garlic", + "salad oil", + "red chili peppers", + "ground allspice", + "dried oregano" + ] + }, + { + "id": 30031, + "ingredients": [ + "Oscar Mayer Bacon", + "Velveeta", + "elbow macaroni", + "milk", + "jalapeno chilies" + ] + }, + { + "id": 27627, + "ingredients": [ + "red potato", + "large egg whites", + "large eggs", + "garlic cloves", + "water", + "roasted red peppers", + "extra-virgin olive oil", + "kosher salt", + "ground black pepper", + "ground red pepper", + "baby spinach leaves", + "roasted almonds", + "half & half" + ] + }, + { + "id": 43874, + "ingredients": [ + "jalapeno chilies", + "tomatoes with juice", + "onions", + "pepper", + "lean ground beef", + "salt", + "chili powder", + "garlic", + "olive oil", + "vegetable oil", + "corn tortillas" + ] + }, + { + "id": 14497, + "ingredients": [ + "red vermouth", + "campari", + "twists", + "gin", + "fresh orange juice" + ] + }, + { + "id": 45524, + "ingredients": [ + "paprika", + "garlic cloves", + "ground turmeric", + "minced onion", + "salt", + "cooked shrimp", + "tomatoes", + "ginger", + "coconut milk", + "cumin", + "chili powder", + "peanut oil", + "coriander" + ] + }, + { + "id": 42287, + "ingredients": [ + "fennel seeds", + "fresh ginger", + "potatoes", + "curds", + "ground turmeric", + "red chili peppers", + "coriander powder", + "salt", + "bay leaf", + "asafoetida", + "garam masala", + "crushed garlic", + "ground cardamom", + "ground cumin", + "water", + "cooking oil", + "cilantro leaves", + "cashew nuts" + ] + }, + { + "id": 5922, + "ingredients": [ + "chicken wings", + "garlic", + "Chinese egg noodles", + "eggs", + "slab bacon", + "dried shiitake mushrooms", + "canola oil", + "red potato", + "ginger", + "scallions", + "mirlitons", + "soy sauce", + "rice vinegar", + "asian chile paste" + ] + }, + { + "id": 25698, + "ingredients": [ + "onions", + "water", + "frozen peas", + "unsalted butter" + ] + }, + { + "id": 19355, + "ingredients": [ + "barbecue sauce", + "green cabbage", + "mayonaise" + ] + }, + { + "id": 24250, + "ingredients": [ + "string beans", + "ground pork", + "oil", + "red chili peppers", + "garlic", + "dried shrimp", + "sugar", + "ginger", + "chicken-flavored soup powder", + "Shaoxing wine", + "salt" + ] + }, + { + "id": 11355, + "ingredients": [ + "scallion greens", + "ground chicken", + "fresh ginger", + "toasted sesame oil", + "sake", + "minced garlic", + "sherry vinegar", + "low sodium soy sauce", + "kosher salt", + "sesame seeds", + "sugar", + "steamed rice", + "shallots" + ] + }, + { + "id": 40719, + "ingredients": [ + "kosher salt", + "cracked black pepper", + "pork loin", + "sugar", + "sprite", + "garlic powder", + "red food coloring" + ] + }, + { + "id": 17155, + "ingredients": [ + "shredded cheddar cheese", + "basil dried leaves", + "pepperoni", + "eggs", + "olive oil", + "all-purpose flour", + "warm water", + "ricotta cheese", + "fresh mushrooms", + "active dry yeast", + "salt", + "white sugar" + ] + }, + { + "id": 4387, + "ingredients": [ + "chili powder", + "corn tortillas", + "kosher salt", + "salsa", + "dried oregano", + "cilantro sprigs", + "pork butt", + "lime", + "sour cream", + "unsweetened cocoa powder" + ] + }, + { + "id": 21848, + "ingredients": [ + "chiles", + "ground black pepper", + "ginger", + "scallions", + "marrow", + "lime", + "herbs", + "star anise", + "beansprouts", + "fish sauce", + "asian basil", + "sea salt", + "beef sirloin", + "chuck", + "rock sugar", + "rice sticks", + "whole cloves", + "yellow onion", + "chopped cilantro" + ] + }, + { + "id": 45934, + "ingredients": [ + "cream cheese", + "butter", + "cooked chicken breasts", + "flour tortillas", + "rotel tomatoes", + "whipping cream", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 14669, + "ingredients": [ + "sugar", + "M&M's Candy", + "chocolate frosting", + "cocktail cherries", + "shredded coconut", + "cocoa powder", + "cinnamon hot candy", + "yodel", + "candy" + ] + }, + { + "id": 7153, + "ingredients": [ + "milk", + "farina", + "sugar", + "salt", + "active dry yeast", + "coconut", + "rice flour" + ] + }, + { + "id": 19848, + "ingredients": [ + "eggs", + "water", + "paprika", + "lard", + "rib eye steaks", + "sugar", + "garlic powder", + "all-purpose flour", + "fresh parsley", + "tomato paste", + "white onion", + "ancho powder", + "soft fresh goat cheese", + "dried oregano", + "green bell pepper", + "olive oil", + "salt", + "chipotle chile powder" + ] + }, + { + "id": 7324, + "ingredients": [ + "flour tortillas", + "shredded Monterey Jack cheese", + "olive oil cooking spray", + "bacon", + "pickled jalapenos", + "sour cream" + ] + }, + { + "id": 11419, + "ingredients": [ + "water", + "shallots", + "frozen corn kernels", + "green beans", + "chicken stock", + "zucchini", + "extra-virgin olive oil", + "garlic cloves", + "thyme sprigs", + "celery ribs", + "black-eyed peas", + "basil", + "freshly ground pepper", + "red bell pepper", + "beans", + "leeks", + "salt", + "carrots", + "bay leaf" + ] + }, + { + "id": 42599, + "ingredients": [ + "coriander powder", + "paneer", + "cashew nuts", + "tomatoes", + "chili powder", + "oil", + "bell pepper", + "salt", + "garam masala", + "kasuri methi", + "onions" + ] + }, + { + "id": 30771, + "ingredients": [ + "nutmeg", + "tumeric", + "white onion", + "garam masala", + "garlic", + "ground cardamom", + "low-fat plain yogurt", + "ground cloves", + "curry powder", + "boneless skinless chicken breasts", + "ground almonds", + "coconut milk", + "tomatoes", + "red chili peppers", + "water", + "ground black pepper", + "salt", + "ginger root", + "brown sugar", + "black pepper", + "olive oil", + "cinnamon", + "ground coriander", + "cumin" + ] + }, + { + "id": 28371, + "ingredients": [ + "fontina cheese", + "water", + "extra-virgin olive oil", + "garlic cloves", + "bay leaf", + "black pepper", + "butternut squash", + "all-purpose flour", + "thyme", + "fresh spinach", + "cooking spray", + "1% low-fat milk", + "oven-ready lasagna noodles", + "onions", + "kosher salt", + "ground red pepper", + "chopped fresh sage", + "whole nutmegs" + ] + }, + { + "id": 33112, + "ingredients": [ + "campari", + "grapefruit", + "ginger ale", + "light corn syrup", + "sugar", + "grenadine", + "crystallized ginger" + ] + }, + { + "id": 49146, + "ingredients": [ + "eggs", + "ground black pepper", + "ricotta", + "bread", + "freshly grated parmesan", + "garlic", + "italian seasoning", + "olive oil", + "ground pork", + "onions", + "kosher salt", + "lean ground beef", + "fresh parsley" + ] + }, + { + "id": 40340, + "ingredients": [ + "tomatoes", + "tortillas", + "red bell pepper", + "pepper", + "salt", + "olives", + "cheddar cheese", + "green onions", + "onions", + "eggs", + "potatoes", + "ground beef" + ] + }, + { + "id": 10502, + "ingredients": [ + "vin santo", + "shallots", + "kosher salt", + "fennel", + "ground white pepper", + "olive oil", + "shoulder roast", + "dried thyme", + "chopped fresh thyme" + ] + }, + { + "id": 47056, + "ingredients": [ + "ground cinnamon", + "rose water", + "whole milk", + "pitted date", + "unsalted butter", + "orange flower water", + "sugar", + "semolina", + "grated nutmeg", + "kosher salt", + "flour" + ] + }, + { + "id": 41269, + "ingredients": [ + "fenugreek seeds", + "ground turmeric", + "anise seed", + "allspice berries", + "coriander seeds", + "mustard seeds", + "cumin seed" + ] + }, + { + "id": 3350, + "ingredients": [ + "fish sauce", + "boneless chicken thighs", + "lemongrass", + "garlic", + "red chili peppers", + "curry powder", + "ground black pepper", + "unsweetened coconut milk", + "soy sauce", + "coconut", + "butter", + "sugar", + "kosher salt", + "fresh ginger", + "onions" + ] + }, + { + "id": 23684, + "ingredients": [ + "lite coconut milk", + "curry powder", + "cilantro stems", + "ginger", + "garlic cloves", + "fish sauce", + "guajillo chiles", + "low sodium chicken broth", + "lime wedges", + "purple onion", + "beansprouts", + "turbinado", + "boneless chicken skinless thigh", + "lemongrass", + "shallots", + "cilantro sprigs", + "Chinese egg noodles", + "baby portobello mushrooms", + "kosher salt", + "sliced cucumber", + "vegetable oil", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 20727, + "ingredients": [ + "pepper jack", + "penne pasta", + "olive oil", + "boneless skinless chicken breasts", + "pepper", + "low sodium chicken broth", + "heavy whipping cream", + "salsa verde", + "salt" + ] + }, + { + "id": 23099, + "ingredients": [ + "fontina cheese", + "grated parmesan cheese", + "goat cheese", + "romano cheese", + "heavy cream", + "fresh parsley", + "angel hair", + "butter", + "garlic cloves", + "ground black pepper", + "salt" + ] + }, + { + "id": 49125, + "ingredients": [ + "mayonaise", + "baby greens", + "plum tomatoes", + "olive oil", + "focaccia", + "prepar pesto", + "fresh mozzarella", + "artichoke hearts", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 24362, + "ingredients": [ + "fat free less sodium chicken broth", + "egg noodles", + "vegetable oil", + "ground coriander", + "chopped cilantro fresh", + "lemon grass", + "peeled fresh ginger", + "salt", + "ground cardamom", + "ground cumin", + "boneless chuck roast", + "bay leaves", + "light coconut milk", + "garlic cloves", + "ground turmeric", + "ground black pepper", + "ground red pepper", + "chopped onion", + "carrots" + ] + }, + { + "id": 44077, + "ingredients": [ + "minced garlic", + "chile pepper", + "roast red peppers, drain", + "ground cumin", + "red lentils", + "lime slices", + "black olives", + "dried oregano", + "olive oil", + "vegetable broth", + "onions", + "tomato sauce", + "chili powder", + "brown lentils", + "sliced green onions" + ] + }, + { + "id": 22428, + "ingredients": [ + "water", + "canola oil", + "eggs", + "parmesan cheese", + "tapioca flour", + "salt", + "milk" + ] + }, + { + "id": 34271, + "ingredients": [ + "lime", + "2% reduced-fat milk", + "tequila", + "chopped garlic", + "avocado", + "ground black pepper", + "mahimahi", + "fresh lime juice", + "ground cumin", + "lime zest", + "honey", + "reduced-fat sour cream", + "corn tortillas", + "canola oil", + "kosher salt", + "red cabbage", + "rice vinegar", + "chopped cilantro fresh" + ] + }, + { + "id": 24892, + "ingredients": [ + "corn", + "rice vinegar", + "vidalia onion", + "cooking spray", + "yellow tomato", + "ground black pepper", + "chopped cilantro fresh", + "kosher salt", + "crushed red pepper" + ] + }, + { + "id": 28073, + "ingredients": [ + "ground nutmeg", + "confectioners sugar", + "gumdrops", + "color food green", + "yellow cake mix", + "granulated sugar", + "grated lemon peel", + "water", + "lemon juice" + ] + }, + { + "id": 37462, + "ingredients": [ + "boneless chicken skinless thigh", + "olive oil", + "garlic cloves", + "fresh basil", + "pepper", + "linguine", + "onions", + "white wine", + "parmesan cheese", + "fresh parsley", + "sugar", + "crushed tomatoes", + "salt" + ] + }, + { + "id": 12, + "ingredients": [ + "sugar", + "vanilla extract", + "corn starch", + "coffee granules", + "salt", + "vanilla low-fat frozen yogurt", + "brewed coffee", + "corn syrup", + "large egg whites", + "Dutch-processed cocoa powder", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 49513, + "ingredients": [ + "ground black pepper", + "dry sherry", + "thyme sprigs", + "olive oil", + "butter", + "pearl barley", + "large eggs", + "whipping cream", + "onions", + "chicken stock", + "swiss cheese", + "salt" + ] + }, + { + "id": 43115, + "ingredients": [ + "arborio rice", + "clam juice", + "cream cheese", + "ground black pepper", + "portabello mushroom", + "sea scallops", + "butter", + "broth", + "saffron threads", + "shallots", + "salt" + ] + }, + { + "id": 44461, + "ingredients": [ + "pepper", + "cube steaks", + "flour", + "milk", + "salt" + ] + }, + { + "id": 41691, + "ingredients": [ + "avocado", + "white onion", + "tomatillos", + "salt", + "tostadas", + "vegetable oil", + "large garlic cloves", + "black beans", + "queso fresco", + "cilantro sprigs", + "romaine lettuce", + "water", + "avocado leaves", + "serrano chile" + ] + }, + { + "id": 24331, + "ingredients": [ + "dough", + "unsalted butter", + "ice water", + "lemon juice", + "vanilla beans", + "egg yolks", + "crème fraîche", + "honey", + "half & half", + "all-purpose flour", + "figs", + "granulated sugar", + "fine sea salt", + "corn starch" + ] + }, + { + "id": 34010, + "ingredients": [ + "vanilla beans", + "pumpkin", + "all-purpose flour", + "sugar", + "large eggs", + "salt", + "milk", + "heavy cream", + "roasted hazelnuts", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 33379, + "ingredients": [ + "honey", + "ground cardamom", + "almonds", + "large egg yolks", + "sugar", + "half & half" + ] + }, + { + "id": 22653, + "ingredients": [ + "white wine", + "grated parmesan cheese", + "linguine", + "olive oil", + "butter", + "purple onion", + "kosher salt", + "boneless skinless chicken breasts", + "garlic", + "ground black pepper", + "tomatoes with juice", + "olives" + ] + }, + { + "id": 18136, + "ingredients": [ + "tomatoes", + "flounder fillets", + "olive oil", + "seasoning", + "garlic", + "green bell pepper", + "onions" + ] + }, + { + "id": 47396, + "ingredients": [ + "small pearl tapioca", + "mango", + "coconut milk", + "ice cubes" + ] + }, + { + "id": 373, + "ingredients": [ + "fat free yogurt", + "baking potatoes", + "chopped onion", + "cooked long-grain brown rice", + "bay leaves", + "crushed red pepper", + "garlic cloves", + "ground cumin", + "curry powder", + "diced tomatoes", + "ground coriander", + "chopped cilantro fresh", + "boneless chicken skinless thigh", + "peeled fresh ginger", + "salt", + "cinnamon sticks" + ] + }, + { + "id": 28717, + "ingredients": [ + "rhubarb", + "confectioners sugar", + "vegetable oil" + ] + }, + { + "id": 41036, + "ingredients": [ + "milk", + "coconut milk", + "sliced almonds", + "raisins", + "basmati rice", + "pistachio nuts", + "white sugar", + "rose water", + "ground cardamom" + ] + }, + { + "id": 23119, + "ingredients": [ + "ground black pepper", + "garlic cloves", + "extra-virgin olive oil", + "carrots", + "sage leaves", + "mesclun", + "chicken", + "fine sea salt", + "onions" + ] + }, + { + "id": 22546, + "ingredients": [ + "parmesan cheese", + "garlic cloves", + "dried pasta", + "extra-virgin olive oil", + "onions", + "smoked streaky bacon", + "green chilies", + "egg yolks", + "fresh parsley" + ] + }, + { + "id": 29176, + "ingredients": [ + "plain yogurt", + "salt", + "chile pepper", + "cumin seed", + "garlic", + "lemon juice", + "peanuts", + "cilantro leaves" + ] + }, + { + "id": 36192, + "ingredients": [ + "water", + "large eggs", + "cream cheese", + "powdered sugar", + "small curd cottage cheese", + "salt", + "milk", + "raisins", + "sugar", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 41978, + "ingredients": [ + "black pepper", + "low sodium chicken broth", + "arugula", + "unsalted butter", + "yellow onion", + "arborio rice", + "grated parmesan cheese", + "rotisserie chicken", + "kosher salt", + "dry white wine" + ] + }, + { + "id": 16397, + "ingredients": [ + "clove", + "olive oil", + "cardamom", + "Madras curry powder", + "bone-in chicken breast halves", + "crushed garlic", + "coconut milk", + "tomato sauce", + "fresh ginger root", + "cinnamon sticks", + "pepper", + "salt", + "onions" + ] + }, + { + "id": 22951, + "ingredients": [ + "whipped cream", + "brewed coffee", + "bittersweet chocolate", + "sugar", + "Dutch-processed cocoa powder", + "1% low-fat milk" + ] + }, + { + "id": 35400, + "ingredients": [ + "extra-virgin olive oil", + "garlic cloves", + "black pepper", + "salt", + "onions", + "capers", + "linguine", + "flat leaf parsley", + "golden raisins", + "tuna packed in olive oil" + ] + }, + { + "id": 18095, + "ingredients": [ + "evaporated milk", + "sweetened condensed milk", + "coconut extract", + "blended whiskey", + "chocolate syrup", + "vanilla extract", + "eggs", + "coffee granules" + ] + }, + { + "id": 12517, + "ingredients": [ + "white sugar", + "bourbon whiskey", + "heavy whipping cream" + ] + }, + { + "id": 37493, + "ingredients": [ + "sliced almonds", + "large garlic cloves", + "baby spinach", + "campanelle", + "olive oil", + "lemon juice", + "burrata", + "butter", + "grated lemon peel" + ] + }, + { + "id": 3927, + "ingredients": [ + "sweet relish", + "iceberg lettuce", + "pineapple chunks", + "bay leaves", + "pepper", + "mayonaise", + "prepared mustard" + ] + }, + { + "id": 1147, + "ingredients": [ + "eggs", + "garlic powder", + "diced tomatoes", + "all-purpose flour", + "minced garlic", + "basil leaves", + "chees fresh mozzarella", + "pepper", + "grated parmesan cheese", + "crushed red pepper flakes", + "olive oil", + "ricotta cheese", + "salt" + ] + }, + { + "id": 1370, + "ingredients": [ + "cocktail cherries", + "graham cracker crusts", + "miniature semisweet chocolate chips", + "slivered almonds", + "confectioners sugar", + "ricotta cheese" + ] + }, + { + "id": 18935, + "ingredients": [ + "cheddar cheese", + "unsalted butter", + "chili powder", + "all-purpose flour", + "chicken", + "green chile", + "ground black pepper", + "flour tortillas", + "diced tomatoes", + "sour cream", + "chicken stock", + "kosher salt", + "poblano peppers", + "heavy cream", + "red bell pepper", + "ground cumin", + "green bell pepper", + "cayenne", + "jalapeno chilies", + "garlic", + "onions" + ] + }, + { + "id": 10993, + "ingredients": [ + "lime zest", + "reduced sodium chicken broth", + "shrimp", + "fresh lime juice", + "fish sauce", + "jalapeno chilies", + "lime leaves", + "chopped cilantro fresh", + "tomatoes", + "lemongrass", + "red bell pepper", + "galangal", + "sugar", + "scallions", + "shiitake mushroom caps", + "fresh pineapple" + ] + }, + { + "id": 4693, + "ingredients": [ + "reduced fat sharp cheddar cheese", + "diced tomatoes", + "corn tortillas", + "light sour cream", + "ground sirloin", + "purple onion", + "fat free cream of mushroom soup", + "black olives", + "green chile", + "shredded lettuce", + "enchilada sauce" + ] + }, + { + "id": 10439, + "ingredients": [ + "mayonaise", + "fresh parsley", + "prepared horseradish", + "minced garlic", + "creole mustard", + "green onions" + ] + }, + { + "id": 17130, + "ingredients": [ + "roasted garlic", + "boneless skinless chicken breasts", + "red bell pepper", + "flour", + "oil", + "heavy cream" + ] + }, + { + "id": 1815, + "ingredients": [ + "butter", + "mushrooms", + "flat leaf parsley", + "dry white wine", + "olive oil", + "large garlic cloves" + ] + }, + { + "id": 871, + "ingredients": [ + "white vinegar", + "kosher salt", + "ground black pepper", + "corn tortillas", + "romaine lettuce", + "lime", + "cilantro leaves", + "shredded Monterey Jack cheese", + "pico de gallo", + "orange", + "jalapeno chilies", + "skirt steak", + "white onion", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 18587, + "ingredients": [ + "black-eyed peas", + "yellow onion", + "garlic cloves", + "celery ribs", + "bacon", + "scallions", + "bay leaf", + "cajun seasoning", + "green pepper", + "ham hock", + "dried thyme", + "salt", + "long-grain rice" + ] + }, + { + "id": 34251, + "ingredients": [ + "fresh basil", + "water", + "chopped fresh thyme", + "fresh oregano", + "bay leaf", + "black pepper", + "olive oil", + "salt", + "carrots", + "cremini mushrooms", + "lower sodium beef broth", + "dry red wine", + "chopped onion", + "plum tomatoes", + "minced garlic", + "boneless chuck roast", + "all-purpose flour", + "chopped parsley" + ] + }, + { + "id": 12739, + "ingredients": [ + "tapioca flour", + "baking soda", + "salt", + "corn starch", + "sugar", + "minced ginger", + "vegetable oil", + "shrimp", + "water", + "starch", + "oil", + "black vinegar", + "minced garlic", + "Shaoxing wine", + "fatback", + "ground white pepper" + ] + }, + { + "id": 36588, + "ingredients": [ + "heavy cream", + "unsalted butter", + "rigatoni", + "parmigiano-reggiano cheese", + "freshly ground pepper", + "salt" + ] + }, + { + "id": 18833, + "ingredients": [ + "sugar", + "Shaoxing wine", + "garlic", + "oyster sauce", + "chicken stock", + "white pepper", + "vegetable oil", + "scallions", + "corn starch", + "soy sauce", + "sesame oil", + "salt", + "shrimp", + "eggs", + "eggplant", + "ground pork", + "oil" + ] + }, + { + "id": 47216, + "ingredients": [ + "avocado", + "green bell pepper, slice", + "carrots", + "celery ribs", + "radishes", + "fresh lemon juice", + "chopped cilantro fresh", + "tomatoes", + "green onions", + "cucumber", + "vegetable juice", + "cayenne pepper", + "sour cream" + ] + }, + { + "id": 9988, + "ingredients": [ + "condensed cream of chicken soup", + "corn", + "cream cheese", + "dried oregano", + "kosher salt", + "lean ground beef", + "red bell pepper", + "black beans", + "chili powder", + "carrots", + "pie crust", + "fresh cilantro", + "shredded sharp cheddar cheese", + "onions" + ] + }, + { + "id": 31994, + "ingredients": [ + "ground pork", + "string beans", + "carrots", + "minced garlic", + "lumpia skins", + "green pepper" + ] + }, + { + "id": 47730, + "ingredients": [ + "light coconut milk", + "oil", + "salt", + "Thai fish sauce", + "garlic", + "shrimp", + "fresh basil", + "scallions", + "thai green curry paste" + ] + }, + { + "id": 23665, + "ingredients": [ + "milk", + "salt", + "pecans", + "unsalted butter", + "all-purpose flour", + "active dry yeast", + "jam", + "sugar", + "large eggs" + ] + }, + { + "id": 36099, + "ingredients": [ + "milk", + "salt", + "chicken pieces", + "ground red pepper", + "broiler-fryers", + "ground black pepper", + "all-purpose flour", + "eggs", + "pan drippings", + "oil" + ] + }, + { + "id": 20308, + "ingredients": [ + "dried thyme", + "cannellini beans", + "salt", + "onions", + "pancetta", + "fresh parmesan cheese", + "garlic", + "bay leaf", + "white bread", + "ground black pepper", + "white wine vinegar", + "fresh parsley", + "olive oil", + "butternut squash", + "organic vegetable broth" + ] + }, + { + "id": 36430, + "ingredients": [ + "sponge cake", + "sliced almonds", + "fresh raspberries", + "seedless raspberry jam", + "heavy cream", + "egg yolks", + "white sugar" + ] + }, + { + "id": 19185, + "ingredients": [ + "fish sauce", + "chili paste", + "scallions", + "beansprouts", + "lime", + "rice noodles", + "garlic cloves", + "sugar", + "shallots", + "oil", + "eggs", + "ground peanut", + "cilantro leaves", + "oyster sauce" + ] + }, + { + "id": 12413, + "ingredients": [ + "soy sauce", + "sesame oil", + "garlic", + "fresh ginger", + "wonton wrappers", + "garlic chili sauce", + "water", + "vegetable oil", + "rice vinegar", + "cold water", + "green onions", + "ground pork", + "corn starch" + ] + }, + { + "id": 35605, + "ingredients": [ + "vinegar", + "ginger", + "low sodium soy sauce", + "bourbon whiskey", + "chicken thighs", + "green onions", + "oil", + "brown sugar", + "crushed garlic", + "basmati rice" + ] + }, + { + "id": 20708, + "ingredients": [ + "American cheese", + "oil", + "meat", + "egg roll wrappers", + "onions", + "ketchup", + "vegetable oil" + ] + }, + { + "id": 19801, + "ingredients": [ + "spanish onion", + "Sriracha", + "white rice", + "red bell pepper", + "green bell pepper", + "olive oil", + "lemon", + "skinless chicken breasts", + "large shrimp", + "chicken stock", + "dried thyme", + "bay leaves", + "cayenne pepper", + "dried oregano", + "andouille sausage", + "garlic powder", + "paprika", + "garlic cloves" + ] + }, + { + "id": 32603, + "ingredients": [ + "ground cinnamon", + "honey", + "vanilla extract", + "semi-sweet chocolate morsels", + "shortening", + "baking powder", + "chopped walnuts", + "orange zest", + "milk", + "raisins", + "white sugar", + "eggs", + "orange marmalade", + "all-purpose flour", + "dried fig" + ] + }, + { + "id": 22243, + "ingredients": [ + "minced garlic", + "grated parmesan cheese", + "vegetable oil", + "wild mushrooms", + "tomato paste", + "prosciutto", + "dry white wine", + "salt", + "white bread", + "milk", + "egg yolks", + "butter", + "bread crumbs", + "ground black pepper", + "lean ground beef", + "yellow onion" + ] + }, + { + "id": 7244, + "ingredients": [ + "country gravy", + "milk", + "black pepper", + "large eggs", + "top round steak", + "cayenne", + "kosher salt", + "flour" + ] + }, + { + "id": 37724, + "ingredients": [ + "light brown sugar", + "sweet potatoes", + "pumpkin pie spice", + "unbaked pie crusts", + "vanilla extract", + "ground cinnamon", + "butter", + "large eggs", + "1% low-fat milk" + ] + }, + { + "id": 22988, + "ingredients": [ + "avocado", + "fajita seasoning mix", + "lemon flavor yogurt", + "eggs", + "shredded Monterey Jack cheese", + "cornmeal" + ] + }, + { + "id": 41278, + "ingredients": [ + "diced tomatoes", + "green pepper", + "onions", + "boneless chicken skinless thigh", + "garlic", + "celery", + "swanson chicken broth", + "creole seasoning", + "long grain white rice", + "ground black pepper", + "kielbasa", + "medium shrimp" + ] + }, + { + "id": 2244, + "ingredients": [ + "cornflake crumbs", + "butter", + "cooked ham", + "green onions", + "sour cream", + "salt and ground black pepper", + "shredded swiss cheese", + "boneless skinless chicken breast halves", + "condensed cream of chicken soup", + "grated parmesan cheese", + "fresh mushrooms" + ] + }, + { + "id": 5, + "ingredients": [ + "mushrooms", + "chopped onion", + "tomato sauce", + "cheese", + "dried oregano", + "lean ground turkey", + "chili powder", + "garlic cloves", + "tortillas", + "salt" + ] + }, + { + "id": 32270, + "ingredients": [ + "black peppercorns", + "cayenne pepper", + "fennel seeds", + "coarse sea salt", + "mustard seeds", + "grains of paradise", + "new york strip steaks", + "pepper flakes", + "extra-virgin olive oil" + ] + }, + { + "id": 7837, + "ingredients": [ + "sugar", + "fresh cilantro", + "sliced mushrooms", + "reduced sodium chicken broth", + "fresh ginger", + "coconut milk", + "Thai chili paste", + "chicken breasts", + "fresh lime juice", + "lemongrass", + "vietnamese fish sauce", + "fresh basil leaves" + ] + }, + { + "id": 28188, + "ingredients": [ + "milk", + "butter oil", + "minced garlic", + "beaten eggs", + "tapioca flour", + "grated parmesan cheese", + "water", + "salt" + ] + }, + { + "id": 41484, + "ingredients": [ + "phyllo dough", + "large egg whites", + "fennel bulb", + "salt", + "feta cheese crumbles", + "kale", + "ground nutmeg", + "ground red pepper", + "garlic cloves", + "water", + "olive oil", + "cooking spray", + "chopped onion", + "1% low-fat cottage cheese", + "swiss chard", + "dried mint flakes", + "long-grain rice" + ] + }, + { + "id": 4767, + "ingredients": [ + "frozen whole kernel corn", + "salsa", + "reduced fat monterey jack cheese", + "no-salt-added black beans", + "chopped cilantro fresh", + "flour tortillas", + "chopped onion", + "tomatoes", + "non-fat sour cream" + ] + }, + { + "id": 13508, + "ingredients": [ + "apple cider vinegar", + "salt", + "oregano", + "chuck roast", + "garlic", + "chipotles in adobo", + "lime", + "cilantro", + "beef broth", + "cumin", + "chili powder", + "purple onion", + "adobo sauce" + ] + }, + { + "id": 6806, + "ingredients": [ + "salt", + "garlic", + "pepper", + "lima beans", + "bell pepper", + "onions" + ] + }, + { + "id": 26307, + "ingredients": [ + "sugar", + "thai chile", + "fresh lime juice", + "cilantro", + "english cucumber", + "fish sauce", + "salted roast peanuts", + "garlic cloves", + "kosher salt", + "purple onion", + "canola oil" + ] + }, + { + "id": 33387, + "ingredients": [ + "pesto", + "olive oil", + "salt", + "milk", + "grated parmesan cheese", + "fresh basil leaves", + "warm water", + "granulated sugar", + "all-purpose flour", + "eggs", + "active dry yeast", + "asiago" + ] + }, + { + "id": 9764, + "ingredients": [ + "potatoes", + "ground black pepper", + "salt", + "fresh thyme", + "olive oil", + "cooking spray" + ] + }, + { + "id": 4815, + "ingredients": [ + "queso asadero", + "red bell pepper", + "sliced green onions", + "corn kernels", + "salt", + "chopped cilantro fresh", + "crushed red pepper", + "corn tortillas", + "olive oil", + "fresh oregano", + "cooked chicken breasts" + ] + }, + { + "id": 42662, + "ingredients": [ + "tomato sauce", + "sesame seeds", + "boneless skinless chicken breasts", + "creole seasoning", + "orange peel", + "chicken stock", + "black pepper", + "Sriracha", + "onion powder", + "corn starch", + "soy sauce", + "garlic powder", + "chili powder", + "orange juice", + "brown sugar", + "minced garlic", + "flour", + "extra-virgin olive oil", + "chili garlic paste" + ] + }, + { + "id": 41477, + "ingredients": [ + "fresh cilantro", + "chili powder", + "red bell pepper", + "white hominy", + "chopped celery", + "fresh lime juice", + "olive oil", + "vegetable broth", + "poblano chiles", + "butternut squash", + "chopped onion", + "dried oregano" + ] + }, + { + "id": 6417, + "ingredients": [ + "reduced fat cheddar cheese", + "jalapeno chilies", + "cilantro leaves", + "avocado", + "lime", + "reduced-fat sour cream", + "white onion", + "sea salt", + "tomatoes", + "ground black pepper", + "dried pinto beans" + ] + }, + { + "id": 22285, + "ingredients": [ + "shredded cheddar cheese", + "diced tomatoes", + "lean ground beef", + "Ranch Style Beans", + "chili powder", + "corn tortillas", + "condensed cream of mushroom soup" + ] + }, + { + "id": 49476, + "ingredients": [ + "mussels", + "dried tarragon leaves", + "garlic", + "dried oregano", + "tomato paste", + "olive oil", + "onions", + "pasta", + "dried basil", + "fresh mushrooms", + "fresh tomatoes", + "diced tomatoes", + "olives" + ] + }, + { + "id": 26084, + "ingredients": [ + "kimchi", + "dumpling wrappers", + "toasted sesame seeds", + "sesame oil" + ] + }, + { + "id": 44742, + "ingredients": [ + "cream of tartar", + "egg yolks", + "large egg whites", + "vanilla extract", + "superfine sugar", + "lemon", + "graham cracker crusts", + "sweetened condensed milk" + ] + }, + { + "id": 19022, + "ingredients": [ + "corn oil", + "ancho chile pepper", + "salt", + "ground cumin", + "garlic", + "dried oregano", + "tomato paste", + "beef broth" + ] + }, + { + "id": 32578, + "ingredients": [ + "butter", + "garlic", + "heavy cream", + "grated parmesan cheese", + "fresh parsley" + ] + }, + { + "id": 10514, + "ingredients": [ + "chicken broth", + "grated parmesan cheese", + "arborio rice", + "white onion", + "butter", + "saffron threads", + "white wine", + "chopped fresh thyme", + "fontina cheese", + "olive oil", + "dry bread crumbs" + ] + }, + { + "id": 13815, + "ingredients": [ + "mussels", + "dry white wine", + "garlic cloves", + "cannellini beans", + "salt", + "chiles", + "extra-virgin olive oil", + "crusty bread", + "dry sherry", + "chopped parsley" + ] + }, + { + "id": 19472, + "ingredients": [ + "black pepper", + "extra-virgin olive oil", + "onions", + "savoy cabbage", + "sea scallops", + "California bay leaves", + "stock", + "dry white wine", + "fresh lemon juice", + "kale", + "salt", + "chopped garlic" + ] + }, + { + "id": 7373, + "ingredients": [ + "ground cinnamon", + "ground red pepper", + "ground cardamom", + "black pepper", + "salt", + "ground turmeric", + "ground cloves", + "vegetable oil", + "medium shrimp", + "flour tortillas", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 23280, + "ingredients": [ + "unsalted butter", + "thyme", + "kosher salt", + "savory", + "turnips", + "parmigiano reggiano cheese", + "cayenne", + "heavy cream" + ] + }, + { + "id": 11559, + "ingredients": [ + "noodles", + "hot dogs", + "soy sauce" + ] + }, + { + "id": 12765, + "ingredients": [ + "vinegar", + "kelp", + "kelp noodles", + "coconut aminos", + "bonito flakes", + "greens", + "water", + "tilapia" + ] + }, + { + "id": 40511, + "ingredients": [ + "sliced black olives", + "shredded Monterey Jack cheese", + "green chile", + "diced tomatoes", + "white corn", + "italian salad dressing", + "green onions" + ] + }, + { + "id": 40858, + "ingredients": [ + "red beans", + "garlic", + "smoked paprika", + "olive oil", + "cracked black pepper", + "cayenne pepper", + "bay leaf", + "cooked rice", + "green onions", + "yellow onion", + "celery", + "bell pepper", + "vegetable broth", + "thyme", + "oregano" + ] + }, + { + "id": 24236, + "ingredients": [ + "pecan halves", + "large eggs", + "light corn syrup", + "chocolate morsels", + "sugar", + "butter", + "all-purpose flour", + "firmly packed light brown sugar", + "bourbon whiskey", + "vanilla extract", + "pastry", + "whipped cream", + "chopped pecans" + ] + }, + { + "id": 16187, + "ingredients": [ + "baby bok choy", + "hoisin sauce", + "shaoxing", + "corn starch", + "water", + "ginger", + "garlic cloves", + "canola oil", + "black pepper", + "green onions", + "organic vegetable broth", + "snow peas", + "lower sodium soy sauce", + "dark sesame oil", + "carrots" + ] + }, + { + "id": 42423, + "ingredients": [ + "parmesan cheese", + "large garlic cloves", + "fettuccine pasta", + "green onions", + "mushrooms", + "salt", + "olive oil", + "butter" + ] + }, + { + "id": 32296, + "ingredients": [ + "sugar", + "low sodium chicken broth", + "garlic", + "beansprouts", + "light soy sauce", + "boneless skinless chicken breasts", + "carrots", + "water", + "green onions", + "oil", + "celery", + "ground ginger", + "water chestnuts", + "crushed red pepper flakes", + "corn starch" + ] + }, + { + "id": 44908, + "ingredients": [ + "olive oil", + "mushrooms", + "purple onion", + "dried oregano", + "water", + "jalapeno chilies", + "garlic", + "chopped cilantro", + "shiitake", + "butter", + "salt", + "cider vinegar", + "red cabbage", + "diced tomatoes", + "cornmeal" + ] + }, + { + "id": 2833, + "ingredients": [ + "pepper", + "annatto seeds", + "garlic", + "bok choy", + "ground peanut", + "oxtails", + "peanut butter", + "water", + "banana flower", + "salt", + "onions", + "string beans", + "eggplant", + "shrimp paste", + "rice" + ] + }, + { + "id": 25142, + "ingredients": [ + "unbaked pie crusts", + "all-purpose flour", + "eggs", + "heavy cream", + "butter", + "white sugar", + "brown sugar", + "vanilla extract" + ] + }, + { + "id": 7268, + "ingredients": [ + "bread crumbs", + "milk", + "red wine", + "hot Italian sausages", + "eggs", + "pepper", + "whole peeled tomatoes", + "garlic", + "chuck", + "white onion", + "garlic powder", + "extra-virgin olive oil", + "flat leaf parsley", + "pork", + "crushed tomatoes", + "mild Italian sausage", + "salt" + ] + }, + { + "id": 5582, + "ingredients": [ + "milk", + "salt", + "cooked rice", + "raisins", + "eggs", + "cinnamon", + "sugar", + "vanilla" + ] + }, + { + "id": 25289, + "ingredients": [ + "shredded cheddar cheese", + "onion tops", + "chicken breasts", + "Mexican cheese", + "whole grain rice", + "cream cheese", + "black beans", + "rotelle" + ] + }, + { + "id": 2838, + "ingredients": [ + "ground black pepper", + "chicken stock cubes", + "ground cumin", + "water", + "chicken breasts", + "garlic cloves", + "pepper sauce", + "potatoes", + "salt", + "curry powder", + "onion powder", + "canola oil" + ] + }, + { + "id": 10185, + "ingredients": [ + "celery ribs", + "vegetable oil", + "curry paste", + "fresh ginger", + "salt", + "coriander", + "lime", + "garlic", + "onions", + "butternut squash", + "coconut water" + ] + }, + { + "id": 45665, + "ingredients": [ + "sugar", + "chopped fresh mint", + "water" + ] + }, + { + "id": 38764, + "ingredients": [ + "pumpernickel bread", + "salt", + "reduced fat mayonnaise", + "ground red pepper", + "chopped pecans", + "reduced fat sharp cheddar cheese", + "worcestershire sauce", + "cream cheese, soften", + "pimentos", + "smoked paprika", + "onions" + ] + }, + { + "id": 33129, + "ingredients": [ + "parmesan cheese", + "chanterelle", + "pepper", + "garlic", + "white wine", + "parsley", + "tagliatelle", + "olive oil", + "salt" + ] + }, + { + "id": 18427, + "ingredients": [ + "chicken stock", + "bay leaves", + "yellow bell pepper", + "long grain white rice", + "fresh thyme", + "apple cider vinegar", + "cayenne pepper", + "water", + "lettuce leaves", + "purple onion", + "black-eyed peas", + "corn oil", + "salt" + ] + }, + { + "id": 15256, + "ingredients": [ + "ground black pepper", + "scallions", + "minced garlic", + "peeled fresh ginger", + "turbinado", + "reduced sodium soy sauce", + "water", + "sesame oil" + ] + }, + { + "id": 6477, + "ingredients": [ + "reduced fat Mexican cheese", + "enchilada sauce", + "ground chicken breast", + "white corn tortillas", + "canola oil", + "tomatoes", + "chopped onion" + ] + }, + { + "id": 30986, + "ingredients": [ + "lower sodium chicken broth", + "olive oil", + "jalapeno chilies", + "garlic cloves", + "adobo sauce", + "kosher salt", + "shredded extra sharp cheddar cheese", + "ground sirloin", + "red bell pepper", + "chopped cilantro fresh", + "red potato", + "water", + "large eggs", + "chopped onion", + "corn tortillas", + "shredded Monterey Jack cheese", + "chipotle chile", + "panko", + "cooking spray", + "carrots", + "corn-on-the-cob" + ] + }, + { + "id": 25978, + "ingredients": [ + "celery ribs", + "au jus mix", + "top round steak", + "onions", + "green bell pepper", + "red bell pepper", + "water" + ] + }, + { + "id": 5957, + "ingredients": [ + "sugar", + "red pepper flakes", + "salt", + "napa cabbage" + ] + }, + { + "id": 40329, + "ingredients": [ + "ketchup", + "ground black pepper", + "sugar", + "water", + "yellow onion", + "chinese rice wine", + "minced garlic", + "worcestershire sauce", + "soy sauce", + "olive oil" + ] + }, + { + "id": 11071, + "ingredients": [ + "spinach", + "basil", + "walnuts", + "zucchini", + "garlic", + "pepper", + "extra-virgin olive oil", + "lemon", + "salt" + ] + }, + { + "id": 48793, + "ingredients": [ + "soy sauce", + "kosher salt", + "calamansi juice", + "ground pork", + "onions", + "black pepper", + "low sodium chicken broth", + "butter", + "sausages", + "ketchup", + "large eggs", + "watercress", + "Edam", + "frozen peas", + "sweet relish", + "smoked ham", + "raisins", + "corn starch" + ] + }, + { + "id": 5115, + "ingredients": [ + "pomegranate juice", + "pomegranate seeds", + "boneless duck breast halves", + "sugar", + "ground coriander", + "adobo sauce", + "water", + "low salt chicken broth", + "ground cumin", + "chiles", + "balsamic vinegar", + "coarse kosher salt" + ] + }, + { + "id": 40723, + "ingredients": [ + "cheddar cheese", + "cheese", + "ground cumin", + "flour tortillas", + "scallions", + "black beans", + "frozen corn", + "paprika", + "enchilada sauce" + ] + }, + { + "id": 41245, + "ingredients": [ + "fresh ginger", + "sesame oil", + "red bell pepper", + "soy sauce", + "broccoli florets", + "yellow onion", + "canola oil", + "large eggs", + "garlic", + "petite peas", + "corn", + "brown rice", + "carrots" + ] + }, + { + "id": 6240, + "ingredients": [ + "double concentrate tomato paste", + "sharp white cheddar cheese", + "cumin seed", + "cinnamon sticks", + "honey", + "ancho powder", + "pork loin chops", + "poblano chiles", + "fresh oregano leaves", + "yukon gold potatoes", + "garlic cloves", + "coarse kosher salt", + "olive oil", + "orange juice", + "low salt chicken broth" + ] + }, + { + "id": 4699, + "ingredients": [ + "sea salt", + "lime zest", + "corn tortillas", + "vegetable oil" + ] + }, + { + "id": 13769, + "ingredients": [ + "tangerine", + "grape juice", + "superfine sugar", + "club soda", + "grapes", + "nectarines", + "chardonnay" + ] + }, + { + "id": 33336, + "ingredients": [ + "unsweetened coconut milk", + "tangerine", + "coriander seeds", + "yellow chile", + "cardamom seeds", + "cumin seed", + "galangal", + "fish sauce", + "lemongrass", + "beef shank", + "star anise", + "cilantro leaves", + "cinnamon sticks", + "red chili peppers", + "mace", + "cilantro stems", + "salted roast peanuts", + "coconut cream", + "fleur de sel", + "clove", + "water", + "palm sugar", + "vegetable oil", + "purple onion", + "garlic cloves" + ] + }, + { + "id": 4811, + "ingredients": [ + "green cabbage", + "green onions", + "ground pork", + "carrots", + "bouillon", + "sesame oil", + "garlic", + "soy sauce", + "vegetable oil", + "salt", + "fresh ginger", + "wonton wrappers", + "non stick spray" + ] + }, + { + "id": 18127, + "ingredients": [ + "chiles", + "tomatillos", + "olive oil", + "parsley", + "fresh cilantro" + ] + }, + { + "id": 42772, + "ingredients": [ + "baguette", + "garlic cloves", + "chopped fresh mint", + "tomatoes", + "green onions", + "feta cheese crumbles", + "olive oil", + "fresh lemon juice", + "pepper", + "salt", + "fresh parsley" + ] + }, + { + "id": 45102, + "ingredients": [ + "fresh dill", + "salmon caviar", + "smoked salmon", + "olive oil", + "garlic cloves", + "pita bread", + "whole milk", + "country bread", + "white vinegar", + "tarama", + "shallots" + ] + }, + { + "id": 26926, + "ingredients": [ + "chicken stock", + "worcestershire sauce", + "onions", + "fresh thyme", + "carrots", + "olive oil", + "waxy potatoes", + "lamb leg steaks", + "butter", + "seasoned flour" + ] + }, + { + "id": 47055, + "ingredients": [ + "sugar", + "olive oil", + "ground pork", + "diced mushrooms", + "minced garlic", + "sesame oil", + "yellow onion", + "soy sauce", + "flour", + "salt", + "spinach", + "water", + "vegetable oil", + "yeast" + ] + }, + { + "id": 15650, + "ingredients": [ + "salt", + "flour", + "garlic cloves", + "grated parmesan cheese", + "low-fat cream cheese", + "butter", + "low-fat milk" + ] + }, + { + "id": 26966, + "ingredients": [ + "ground pepper", + "dried rosemary", + "dried mint flakes", + "honey", + "lamb loin chops", + "dijon mustard" + ] + }, + { + "id": 45230, + "ingredients": [ + "sambuca", + "granulated sugar", + "heavy cream", + "chocolate shavings", + "brewed coffee", + "confectioners sugar" + ] + }, + { + "id": 44400, + "ingredients": [ + "white vinegar", + "asian basil", + "peanut sauce", + "beansprouts", + "red chili peppers", + "pork loin", + "oil", + "rice paper", + "butter lettuce", + "mint leaves", + "salt", + "medium shrimp", + "water", + "rice wine", + "chinese chives" + ] + }, + { + "id": 26203, + "ingredients": [ + "ground cinnamon", + "pigeon peas", + "salt", + "lemon juice", + "caster sugar", + "peanuts", + "ground coriander", + "ground turmeric", + "asafoetida", + "fresh ginger", + "green chilies", + "mustard seeds", + "tomatoes", + "water", + "sunflower oil", + "cumin seed" + ] + }, + { + "id": 21311, + "ingredients": [ + "coarse salt", + "garlic", + "onions", + "crushed tomatoes", + "heavy cream", + "cucumber", + "tomato paste", + "spices", + "skinless chicken breasts", + "ground pepper", + "white rice", + "sour cream" + ] + }, + { + "id": 11945, + "ingredients": [ + "sugar", + "whipping cream", + "amaretto liqueur", + "large egg yolks" + ] + }, + { + "id": 25732, + "ingredients": [ + "salt", + "milk", + "boiling potatoes", + "butter", + "pepper", + "scallions" + ] + }, + { + "id": 39567, + "ingredients": [ + "butter", + "all-purpose flour", + "beef stock", + "salt", + "wild mushrooms", + "fresh thyme", + "garlic", + "skirt steak", + "pepper", + "red wine", + "onions" + ] + }, + { + "id": 25575, + "ingredients": [ + "leeks", + "large garlic cloves", + "extra firm tofu", + "vegetable oil", + "rice vinegar", + "green tea", + "peeled fresh ginger", + "low sodium teriyaki sauce", + "udon", + "daikon", + "carrots" + ] + }, + { + "id": 7211, + "ingredients": [ + "plain yogurt", + "salt", + "sugar", + "herbs", + "nigella seeds", + "active dry yeast", + "all-purpose flour", + "warm water", + "large eggs" + ] + }, + { + "id": 13410, + "ingredients": [ + "cooked turkey", + "mild green chiles", + "chopped cilantro fresh", + "tomatillo salsa", + "flour tortillas", + "enchilada sauce", + "ground black pepper", + "salt", + "ground cumin", + "shredded cheddar cheese", + "diced tomatoes", + "sour cream" + ] + }, + { + "id": 173, + "ingredients": [ + "fresh ginger root", + "garlic cloves", + "crushed red pepper flakes", + "sesame oil", + "sliced green onions", + "low sodium soy sauce", + "rice vinegar" + ] + }, + { + "id": 11563, + "ingredients": [ + "soy sauce", + "salt", + "pork chops", + "pepper", + "chile bean paste", + "chicken broth", + "garlic" + ] + }, + { + "id": 38716, + "ingredients": [ + "sesame", + "fresh ginger", + "skin on salmon fillets", + "garlic", + "chopped cilantro", + "lime", + "mirin", + "sea salt", + "soba noodles", + "soy sauce", + "green tea", + "green onions", + "broccoli", + "black peppercorns", + "honey", + "tahini", + "extra-virgin olive oil", + "toasted sesame oil" + ] + }, + { + "id": 32625, + "ingredients": [ + "water", + "all-purpose flour", + "salt", + "spinach" + ] + }, + { + "id": 22638, + "ingredients": [ + "fish sauce", + "garlic", + "carrots", + "white vinegar", + "Vietnamese coriander", + "salt", + "sugar", + "purple onion", + "serrano chile", + "green cabbage", + "boneless skinless chicken breasts", + "Japanese rice vinegar" + ] + }, + { + "id": 23818, + "ingredients": [ + "black pepper", + "italian plum tomatoes", + "ground pork", + "onions", + "sugar", + "almonds", + "pecorino romano cheese", + "flat leaf parsley", + "bread crumb fresh", + "almond extract", + "extra-virgin olive oil", + "rigatoni", + "tomato paste", + "water", + "cinnamon", + "fine sea salt" + ] + }, + { + "id": 8596, + "ingredients": [ + "ground black pepper", + "salt", + "onions", + "soy sauce", + "cooking oil", + "oyster sauce", + "sugar", + "yardlong beans", + "water spinach", + "water", + "garlic", + "pork shoulder" + ] + }, + { + "id": 27471, + "ingredients": [ + "chicken stock", + "butternut squash", + "mustard seeds", + "olive oil", + "salt", + "chopped cilantro fresh", + "curry powder", + "butter", + "sour cream", + "fresh ginger", + "yellow onion", + "ground cumin" + ] + }, + { + "id": 28233, + "ingredients": [ + "dough", + "pitted cherries", + "sugar", + "salt" + ] + }, + { + "id": 47682, + "ingredients": [ + "brown sugar", + "olive oil", + "ginger", + "garlic cloves", + "cauliflower", + "kosher salt", + "baby spinach", + "cayenne pepper", + "coconut milk", + "black pepper", + "gold potatoes", + "vegetable broth", + "red bell pepper", + "green bell pepper", + "curry powder", + "diced tomatoes", + "chickpeas", + "onions" + ] + }, + { + "id": 20385, + "ingredients": [ + "olive oil", + "fresh lemon juice", + "water", + "garlic cloves", + "pita bread", + "bay leaves", + "arugula", + "capers", + "yellow split peas", + "sliced green onions" + ] + }, + { + "id": 12567, + "ingredients": [ + "tomato sauce", + "green pepper", + "chicken thighs", + "baby spinach", + "garlic cloves", + "spanish onion", + "rice", + "seasoning", + "hot sauce", + "sliced mushrooms" + ] + }, + { + "id": 43903, + "ingredients": [ + "fresh cilantro", + "guacamole", + "veggies", + "cayenne pepper", + "corn tortillas", + "black beans", + "garlic powder", + "parsley", + "salt", + "enchilada sauce", + "cumin", + "taco sauce", + "corn", + "chili powder", + "purple onion", + "cream cheese", + "olive oil spray", + "pepper", + "sweet potatoes", + "grating cheese", + "salsa", + "sour cream" + ] + }, + { + "id": 4925, + "ingredients": [ + "tallow", + "large eggs", + "almond flour", + "Tabasco Pepper Sauce", + "water", + "green tomatoes", + "ground black pepper", + "sea salt" + ] + }, + { + "id": 7818, + "ingredients": [ + "eggs", + "corn tortillas", + "salsa", + "grated jack cheese" + ] + }, + { + "id": 35051, + "ingredients": [ + "country ham", + "shallots", + "vinaigrette", + "grana padano", + "eggs", + "spring water", + "butter", + "frisee", + "port wine", + "ground black pepper", + "button mushrooms", + "grits", + "chicken stock", + "kosher salt", + "Tabasco Pepper Sauce", + "oil" + ] + }, + { + "id": 4586, + "ingredients": [ + "spinach", + "sliced carrots", + "salt", + "flat leaf parsley", + "black pepper", + "paprika", + "fresh lemon juice", + "pitted kalamata olives", + "large garlic cloves", + "grated lemon zest", + "ground cumin", + "ground red pepper", + "extra-virgin olive oil", + "feta cheese crumbles" + ] + }, + { + "id": 20743, + "ingredients": [ + "shallots", + "cilantro leaves", + "jicama", + "white wine vinegar", + "ground cumin", + "vegetable oil", + "chopped cilantro fresh", + "baby spinach", + "fresh pineapple" + ] + }, + { + "id": 16369, + "ingredients": [ + "soy sauce", + "large eggs", + "garlic", + "dumplings", + "minced ginger", + "napa cabbage", + "rice vinegar", + "black pepper", + "sesame oil", + "salt", + "tofu", + "shiitake", + "red pepper flakes", + "scallions" + ] + }, + { + "id": 13883, + "ingredients": [ + "avocado", + "ground cloves", + "guacamole", + "lemon", + "salsa", + "serrano chile", + "ground cumin", + "tomato sauce", + "boneless chuck roast", + "chile pepper", + "salt", + "taco toppings", + "chile sauce", + "granulated garlic", + "ground pepper", + "red wine vinegar", + "cilantro leaves", + "corn tortillas", + "canola oil", + "tomatoes", + "white onion", + "bay leaves", + "purple onion", + "yellow onion", + "oregano" + ] + }, + { + "id": 38849, + "ingredients": [ + "fish sauce", + "steamed rice", + "lime wedges", + "carrots", + "red chili peppers", + "reduced sodium soy sauce", + "scallions", + "ground beef", + "sugar", + "ground black pepper", + "vegetable oil", + "fresh lime juice", + "kosher salt", + "low sodium chicken broth", + "garlic cloves", + "fresh basil leaves" + ] + }, + { + "id": 26017, + "ingredients": [ + "olive oil", + "white wine", + "ground black pepper", + "prosciutto", + "scallops" + ] + }, + { + "id": 24719, + "ingredients": [ + "large egg whites", + "butter", + "spaghetti", + "fresh basil", + "large eggs", + "gruyere cheese", + "zucchini", + "1% low-fat milk", + "black pepper", + "leeks", + "salt" + ] + }, + { + "id": 15767, + "ingredients": [ + "chicken broth", + "zucchini", + "garlic", + "fresh parsley", + "chopped tomatoes", + "red wine", + "red bell pepper", + "olive oil", + "potatoes", + "lamb shoulder", + "dried oregano", + "salt and ground black pepper", + "fresh green bean", + "bay leaf" + ] + }, + { + "id": 30007, + "ingredients": [ + "plain yogurt", + "orange peel", + "unflavored gelatin", + "whipping cream", + "vanilla beans", + "salad oil", + "sugar", + "vanilla extract" + ] + }, + { + "id": 34297, + "ingredients": [ + "ground black pepper", + "salt", + "dried thyme", + "red pepper flakes", + "dried oregano", + "onion powder", + "cayenne pepper", + "garlic powder", + "paprika" + ] + }, + { + "id": 30597, + "ingredients": [ + "sugar", + "unsalted butter", + "salt", + "ground cinnamon", + "large egg yolks", + "baking powder", + "golden brown sugar", + "large eggs", + "all-purpose flour", + "slivered almonds", + "baking soda", + "vanilla extract" + ] + }, + { + "id": 25578, + "ingredients": [ + "large eggs", + "fresh chile", + "tomatoes", + "garlic cloves", + "black beans", + "lard", + "salt" + ] + }, + { + "id": 41719, + "ingredients": [ + "light brown sugar", + "egg yolks", + "sweetened condensed milk", + "granulated sugar", + "butter", + "cream of tartar", + "graham cracker crumbs", + "key lime juice", + "egg whites", + "vanilla" + ] + }, + { + "id": 23913, + "ingredients": [ + "corn kernels", + "leeks", + "extra-virgin olive oil", + "all-purpose flour", + "unsalted butter", + "chives", + "salt", + "sweet paprika", + "cherry tomatoes", + "whole milk", + "garlic", + "goat cheese", + "sugar", + "large eggs", + "parsley", + "buckwheat flour", + "freshly ground pepper" + ] + }, + { + "id": 11153, + "ingredients": [ + "flour tortillas", + "red bell pepper", + "taco seasoning mix", + "shredded pepper jack cheese", + "beef roast", + "water", + "cilantro sprigs", + "plum tomatoes", + "diced green chilies", + "enchilada sauce" + ] + }, + { + "id": 39196, + "ingredients": [ + "olive oil", + "white wine vinegar", + "mesclun", + "ground turmeric", + "water", + "boneless skinless chicken breasts", + "ground coriander", + "onions", + "mace", + "salt", + "garlic cloves", + "ground cumin", + "plain yogurt", + "cayenne", + "gingerroot", + "fresh lemon juice" + ] + }, + { + "id": 7338, + "ingredients": [ + "refried beans", + "salsa", + "ground beef", + "jalapeno chilies", + "shredded cheese", + "roma tomatoes", + "taco seasoning", + "corn tortilla chips", + "shredded lettuce", + "sour cream" + ] + }, + { + "id": 21090, + "ingredients": [ + "brown sugar", + "ground red pepper", + "fresh ginger", + "salt", + "sweet potatoes", + "garlic cloves", + "olive oil", + "flaked coconut" + ] + }, + { + "id": 25451, + "ingredients": [ + "eggplant", + "pizza doughs", + "grape tomatoes", + "extra-virgin olive oil", + "fresh mint", + "flour", + "garlic cloves", + "fontina", + "salt", + "fresh basil leaves" + ] + }, + { + "id": 5482, + "ingredients": [ + "water", + "egg noodles", + "broccoli", + "fresh parmesan cheese", + "reduced-fat sour cream", + "garlic cloves", + "fat free milk", + "green onions", + "light cream cheese", + "ground black pepper", + "salt" + ] + }, + { + "id": 23031, + "ingredients": [ + "prosciutto", + "butter", + "all-purpose flour", + "milk", + "ground red pepper", + "whipping cream", + "bay leaf", + "japanese breadcrumbs", + "dry white wine", + "white cheddar cheese", + "penne pasta", + "parmesan cheese", + "shallots", + "salt", + "smoked gouda" + ] + }, + { + "id": 15926, + "ingredients": [ + "chicken broth", + "garbanzo beans", + "pearl couscous", + "water", + "kalamata", + "feta cheese crumbles", + "minced garlic", + "ground black pepper", + "lemon juice", + "sun-dried tomatoes", + "white wine vinegar", + "dried oregano" + ] + }, + { + "id": 28527, + "ingredients": [ + "dried thyme", + "salt", + "onions", + "low sodium chicken broth", + "celery", + "pepper", + "green peas", + "bay leaf", + "olive oil", + "carrots" + ] + }, + { + "id": 40828, + "ingredients": [ + "melted butter", + "heavy cream", + "brown sugar", + "dry bread crumbs", + "cinnamon", + "tart apples", + "lemon" + ] + }, + { + "id": 42196, + "ingredients": [ + "ricotta cheese", + "Bertolli Tomato & Basil Sauce", + "Italian bread", + "garlic", + "Bertolli® Classico Olive Oil", + "fresh basil leaves" + ] + }, + { + "id": 39387, + "ingredients": [ + "brandy", + "Cointreau Liqueur", + "clove", + "brewed coffee", + "orange", + "cinnamon sticks", + "sugar", + "lemon zest" + ] + }, + { + "id": 28870, + "ingredients": [ + "curry paste", + "quinoa", + "milk", + "onions", + "frozen mixed vegetables" + ] + }, + { + "id": 15503, + "ingredients": [ + "fusilli", + "crushed red pepper", + "ground black pepper", + "large garlic cloves", + "anchovy fillets", + "broccoli rabe", + "pecorino romano cheese", + "salt", + "unsalted butter", + "extra-virgin olive oil" + ] + }, + { + "id": 36678, + "ingredients": [ + "pinenuts", + "orange bell pepper", + "salt", + "fresh basil", + "water", + "red wine vinegar", + "chopped garlic", + "baguette", + "grated parmesan cheese", + "onions", + "black pepper", + "olive oil", + "extra-virgin olive oil" + ] + }, + { + "id": 38576, + "ingredients": [ + "parmigiano reggiano cheese", + "flat leaf parsley", + "rosemary", + "garlic cloves", + "pizza doughs", + "olive oil", + "thyme" + ] + }, + { + "id": 16192, + "ingredients": [ + "boneless chicken skinless thigh", + "olive oil", + "salt", + "low sodium soy sauce", + "minute rice", + "red pepper flakes", + "corn starch", + "diced onions", + "water", + "sesame seeds", + "scallions", + "ketchup", + "honey", + "garlic" + ] + }, + { + "id": 25622, + "ingredients": [ + "tomato sauce", + "fennel bulb", + "salt", + "flat leaf parsley", + "capers", + "ground black pepper", + "chopped celery", + "garlic cloves", + "olive oil", + "white wine vinegar", + "chopped onion", + "sugar", + "golden raisins", + "grated lemon zest", + "frozen artichoke hearts" + ] + }, + { + "id": 12687, + "ingredients": [ + "oyster mushrooms", + "cider vinegar", + "vegetable oil" + ] + }, + { + "id": 48280, + "ingredients": [ + "olive oil", + "cilantro sprigs", + "dried oregano", + "mussels", + "large garlic cloves", + "red bell pepper", + "dry white wine", + "cumin seed", + "chicken broth", + "fresh orange juice", + "onions" + ] + }, + { + "id": 47405, + "ingredients": [ + "ground ginger", + "crystallized ginger", + "chocolate morsels", + "almonds", + "cereal", + "milk", + "unsalted butter", + "frozen pound cake", + "lemon extract", + "lemon rind" + ] + }, + { + "id": 15140, + "ingredients": [ + "chicken broth", + "olive oil", + "maple syrup", + "cider vinegar", + "bacon", + "collard greens", + "red pepper flakes", + "onions", + "water", + "salt" + ] + }, + { + "id": 20579, + "ingredients": [ + "garlic cloves", + "black beans", + "onions", + "bay leaf", + "bacon" + ] + }, + { + "id": 30880, + "ingredients": [ + "powdered sugar", + "vanilla extract", + "granulated sugar", + "large egg whites", + "unsweetened cocoa powder", + "cream of tartar", + "semisweet chocolate" + ] + }, + { + "id": 39040, + "ingredients": [ + "coconut oil", + "curry powder", + "butter", + "garlic cloves", + "cumin", + "unsweetened coconut milk", + "hot red pepper flakes", + "sweet potatoes", + "cayenne pepper", + "frozen peas", + "fresh spinach", + "fresh ginger", + "yellow onion", + "coriander", + "tomatoes", + "kosher salt", + "fresh lemon", + "chickpeas", + "ground turmeric" + ] + }, + { + "id": 17487, + "ingredients": [ + "black pepper", + "bay leaves", + "red pepper flakes", + "green pepper", + "cold water", + "steamed rice", + "green onions", + "salt", + "ham", + "tasso", + "minced garlic", + "red beans", + "basil", + "chopped onion", + "andouille sausage", + "cayenne", + "parsley", + "hot sauce", + "thyme" + ] + }, + { + "id": 3762, + "ingredients": [ + "lettuce", + "sharp cheddar cheese", + "monterey jack", + "corn chips", + "ground beef", + "diced tomatoes", + "onions", + "kidney beans", + "salad dressing" + ] + }, + { + "id": 20910, + "ingredients": [ + "light sour cream", + "poblano", + "low-fat mozzarella cheese", + "olive oil", + "enchilada sauce", + "shredded Monterey Jack cheese", + "green chile", + "salt", + "onions", + "ground black pepper", + "ground turkey" + ] + }, + { + "id": 19072, + "ingredients": [ + "refried beans", + "taco seasoning", + "tomatoes", + "green onions", + "sour cream", + "cooking oil", + "shredded cheese", + "water", + "fajita size flour tortillas", + "ground beef" + ] + }, + { + "id": 39412, + "ingredients": [ + "butter", + "granulated sugar", + "nuts", + "condensed milk", + "egg yolks" + ] + }, + { + "id": 28679, + "ingredients": [ + "shredded carrots", + "ghee", + "raisins", + "white sugar", + "cardamom", + "whole milk", + "cashew nuts" + ] + }, + { + "id": 7314, + "ingredients": [ + "boneless beef rib eye steaks", + "scallions", + "toasted sesame oil", + "brown sugar", + "asian pear", + "beansprouts", + "eggs", + "reduced sodium soy sauce", + "garlic cloves", + "sushi rice", + "ginger", + "kimchi" + ] + }, + { + "id": 34143, + "ingredients": [ + "tumeric", + "lemon", + "black olives", + "smoked paprika", + "saffron", + "ground black pepper", + "ginger", + "salt", + "onions", + "olive oil", + "paprika", + "lamb shoulder", + "cinnamon sticks", + "fennel bulb", + "garlic", + "carrots", + "cumin" + ] + }, + { + "id": 5594, + "ingredients": [ + "dark corn syrup", + "ice water", + "unsweetened cocoa powder", + "light brown sugar", + "large eggs", + "all-purpose flour", + "unsalted butter", + "fine sea salt", + "pecan halves", + "bourbon whiskey", + "bittersweet chocolate" + ] + }, + { + "id": 24503, + "ingredients": [ + "sliced almonds", + "unsalted butter", + "garlic cloves", + "celery ribs", + "dried thyme", + "cracked black pepper", + "chopped parsley", + "curry powder", + "diced tomatoes", + "red bell pepper", + "boneless chicken skinless thigh", + "olive oil", + "salt", + "onions" + ] + }, + { + "id": 28432, + "ingredients": [ + "soy sauce", + "all-purpose flour", + "eggs", + "vegetable oil", + "water", + "shrimp", + "corn", + "candy" + ] + }, + { + "id": 21054, + "ingredients": [ + "white vinegar", + "apples", + "pickling spices", + "celery", + "tomatoes", + "salt", + "peaches", + "onions" + ] + }, + { + "id": 11965, + "ingredients": [ + "tomatoes", + "black pepper", + "zucchini", + "salt", + "eggs", + "manchego cheese", + "butter", + "all-purpose flour", + "melted butter", + "cream", + "epazote", + "crème fraîche", + "chicken broth", + "skim milk", + "ground nutmeg", + "garlic", + "onions" + ] + }, + { + "id": 30692, + "ingredients": [ + "boneless chicken thighs", + "chinese five-spice powder", + "fish sauce", + "vegetable oil", + "onions", + "honey", + "ginger root", + "soy sauce", + "large garlic cloves" + ] + }, + { + "id": 9901, + "ingredients": [ + "ouzo", + "heavy cream", + "tomatoes", + "fennel", + "salt", + "white wine", + "shallots", + "fresh basil leaves", + "mussels", + "olive oil", + "garlic" + ] + }, + { + "id": 37008, + "ingredients": [ + "large garlic cloves", + "fresh basil leaves", + "slivered almonds", + "linguine", + "sprinkles", + "plum tomatoes", + "olive oil", + "grated pecorino" + ] + }, + { + "id": 25505, + "ingredients": [ + "bay leaves", + "carrots", + "onions", + "rosemary sprigs", + "all-purpose flour", + "thyme sprigs", + "pancetta", + "dry red wine", + "orange peel", + "chuck", + "olive oil", + "garlic cloves", + "fresh parsley" + ] + }, + { + "id": 10740, + "ingredients": [ + "large eggs", + "anise extract", + "sugar", + "all-purpose flour", + "butter", + "milk", + "orange juice" + ] + }, + { + "id": 21791, + "ingredients": [ + "brown sugar", + "thai chile", + "lemongrass", + "soy sauce", + "beef rump", + "fish sauce", + "regular soy sauce" + ] + }, + { + "id": 5539, + "ingredients": [ + "Kikkoman Oyster Sauce", + "less sodium soy sauce", + "bread dough", + "sherry", + "barbecued pork", + "sugar", + "garlic", + "onions", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 19680, + "ingredients": [ + "water", + "dry sherry", + "all-purpose flour", + "onions", + "chicken breast halves", + "linguine", + "freshly ground pepper", + "grated parmesan cheese", + "reduced-fat sour cream", + "dry bread crumbs", + "reduced fat monterey jack cheese", + "butter", + "fat-free chicken broth", + "sliced mushrooms" + ] + }, + { + "id": 24129, + "ingredients": [ + "soy sauce", + "light soy sauce", + "rice vinegar", + "chopped cilantro", + "mint", + "black pepper", + "vegetable oil", + "Foster Farms chicken drumsticks", + "brown sugar", + "lime juice", + "ginger", + "Thai chili garlic sauce", + "granny smith apples", + "caramel ice cream topping", + "cucumber", + "coleslaw" + ] + }, + { + "id": 8351, + "ingredients": [ + "cold water", + "Mexican cheese blend", + "onion powder", + "adobo sauce", + "minced garlic", + "Anaheim chile", + "red enchilada sauce", + "black beans", + "flour tortillas", + "salt", + "cumin", + "diced green chilies", + "flank steak", + "corn starch" + ] + }, + { + "id": 12701, + "ingredients": [ + "red kidnei beans, rins and drain", + "grated parmesan cheese", + "celery", + "Swanson Chicken Broth", + "garlic", + "plum tomatoes", + "zucchini", + "carrots", + "dri thyme leaves, crush", + "cheese", + "onions" + ] + }, + { + "id": 12042, + "ingredients": [ + "honey", + "green onions", + "corn starch", + "udon", + "balsamic vinegar", + "extra firm tofu", + "sesame oil", + "bok choy", + "soy sauce", + "peeled fresh ginger", + "large garlic cloves" + ] + }, + { + "id": 26441, + "ingredients": [ + "tomato paste", + "garam masala", + "star anise", + "cardamom pods", + "onions", + "fresh ginger", + "vegetable oil", + "chickpeas", + "cinnamon sticks", + "curry powder", + "whole cloves", + "salt", + "mustard seeds", + "sugar", + "jalapeno chilies", + "raw cashews", + "garlic cloves", + "peppercorns" + ] + }, + { + "id": 21399, + "ingredients": [ + "soy sauce", + "light soy sauce", + "peanut oil", + "chili flakes", + "white pepper", + "ginger", + "onions", + "chicken bouillon", + "rice wine", + "corn starch", + "sugar", + "minced ginger", + "yellow onion", + "garlic salt" + ] + }, + { + "id": 43615, + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "sherry wine vinegar", + "fresh lemon juice", + "sweet potatoes & yams", + "green onions", + "orange juice", + "pure maple syrup", + "peeled fresh ginger", + "raisins", + "fresh parsley", + "pecans", + "golden raisins", + "extra-virgin olive oil" + ] + }, + { + "id": 12283, + "ingredients": [ + "beef broth", + "Mexican cheese", + "cheese soup", + "whole kernel corn, drain", + "dried oregano", + "black beans", + "tortilla chips", + "sour cream", + "beef stew meat", + "red enchilada sauce" + ] + }, + { + "id": 32715, + "ingredients": [ + "kosher salt", + "baking powder", + "white cornmeal", + "ground black pepper", + "all-purpose flour", + "catfish fillets", + "hot pepper sauce", + "cayenne pepper", + "garlic powder", + "vegetable oil" + ] + }, + { + "id": 24499, + "ingredients": [ + "sugar", + "nonfat yogurt", + "all-purpose flour", + "whole wheat flour", + "butter", + "milk", + "baking powder", + "quick rolled oats", + "baking soda", + "salt" + ] + }, + { + "id": 9035, + "ingredients": [ + "romaine lettuce", + "fresh ginger", + "rice vinegar", + "yellow miso", + "wonton wrappers", + "olive oil", + "large garlic cloves", + "sugar", + "vegetable oil" + ] + }, + { + "id": 22563, + "ingredients": [ + "sugar", + "butter", + "maple syrup", + "unsalted butter", + "vanilla extract", + "chicken", + "baking soda", + "buttermilk", + "all-purpose flour", + "eggs", + "baking powder", + "salt" + ] + }, + { + "id": 28467, + "ingredients": [ + "egg yolks", + "lime zest", + "fresh lime juice", + "butter", + "sugar" + ] + }, + { + "id": 41765, + "ingredients": [ + "starch", + "eggs", + "plain flour", + "salt", + "water" + ] + }, + { + "id": 38064, + "ingredients": [ + "chicken broth", + "sesame seeds", + "vegetable oil", + "orange juice", + "white pepper", + "Sriracha", + "garlic", + "orange zest", + "soy sauce", + "boneless chicken breast", + "ginger", + "corn starch", + "honey", + "large eggs", + "rice vinegar" + ] + }, + { + "id": 31087, + "ingredients": [ + "unsalted butter", + "chicken broth", + "fresh lemon juice", + "crème fraîche", + "asparagus", + "onions" + ] + }, + { + "id": 23005, + "ingredients": [ + "boneless pork shoulder", + "lime juice", + "tomatillos", + "ground cumin", + "chiles", + "ground black pepper", + "salt", + "tomatoes", + "olive oil", + "garlic", + "water", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 25806, + "ingredients": [ + "pepper", + "red pepper", + "feta cheese crumbles", + "red wine vinegar", + "purple onion", + "olive oil", + "garlic", + "dried oregano", + "tomatoes", + "lemon", + "english cucumber" + ] + }, + { + "id": 37930, + "ingredients": [ + "cottage cheese", + "unsalted butter", + "phyllo dough", + "parmesan cheese", + "white pepper", + "cheese", + "eggs", + "feta cheese", + "cream cheese" + ] + }, + { + "id": 10879, + "ingredients": [ + "light soy sauce", + "scallions", + "toasted sesame seeds", + "sake", + "sherry vinegar", + "corn starch", + "fresh ginger", + "garlic cloves", + "canola oil", + "sugar", + "mirin", + "chicken thighs" + ] + }, + { + "id": 40080, + "ingredients": [ + "jalapeno chilies", + "onions", + "black-eyed peas", + "bacon", + "bacon drippings", + "green onions", + "ground pepper", + "salt pork" + ] + }, + { + "id": 11216, + "ingredients": [ + "sea salt", + "garlic cloves", + "olive oil", + "fresh oregano", + "fresh mint", + "safflower oil", + "dry red wine", + "leg of lamb", + "gremolata", + "freshly ground pepper" + ] + }, + { + "id": 42099, + "ingredients": [ + "sugar", + "heavy cream", + "dessert wine", + "large egg yolks", + "berries", + "unflavored gelatin", + "buttermilk", + "orange liqueur", + "vanilla beans", + "strawberries" + ] + }, + { + "id": 27377, + "ingredients": [ + "herbs", + "stir fry vegetable blend", + "fat free milk", + "salt", + "fresh parmesan cheese", + "light cream cheese", + "penne", + "non-fat sour cream" + ] + }, + { + "id": 4453, + "ingredients": [ + "cilantro", + "flour tortillas", + "sauce", + "pork", + "cheese", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 9001, + "ingredients": [ + "baking powder", + "all-purpose flour", + "buttermilk", + "butter", + "crisco shortening", + "salt" + ] + }, + { + "id": 27383, + "ingredients": [ + "olive oil", + "lemon juice", + "plum tomatoes", + "fresh dill", + "red wine vinegar", + "cucumber", + "diced red onions", + "pork loin chops", + "dried oregano", + "minced garlic", + "salt", + "greek yogurt" + ] + }, + { + "id": 18472, + "ingredients": [ + "mayonaise", + "liver pate", + "carrots", + "red chili peppers", + "salt", + "cucumber", + "sugar", + "white wine vinegar", + "white radish", + "seasoning", + "baguette", + "ham", + "coriander" + ] + }, + { + "id": 22313, + "ingredients": [ + "sugar", + "quick-cooking oats", + "all-purpose flour", + "ground ginger", + "baking soda", + "raisins", + "hot water", + "water", + "butter", + "chopped walnuts", + "sorghum", + "large eggs", + "salt" + ] + }, + { + "id": 31709, + "ingredients": [ + "sugar", + "chili powder", + "beansprouts", + "eggs", + "tamarind", + "scallions", + "tofu", + "minced garlic", + "chicken meat", + "noodles", + "fish sauce", + "peanuts", + "shrimp" + ] + }, + { + "id": 38931, + "ingredients": [ + "marinara sauce", + "italian seasoning", + "kosher salt", + "butter", + "hamburger buns", + "ground sirloin", + "mozzarella cheese", + "Italian turkey sausage" + ] + }, + { + "id": 5261, + "ingredients": [ + "ice cubes", + "coffee beans", + "water", + "sweetened condensed milk" + ] + }, + { + "id": 17530, + "ingredients": [ + "water", + "garlic", + "corn starch", + "ground pork", + "scallions", + "szechwan peppercorns", + "bean sauce", + "dried red chile peppers", + "silken tofu", + "ginger", + "oil" + ] + }, + { + "id": 19071, + "ingredients": [ + "olive oil", + "lemon", + "tomatoes", + "flour", + "flat leaf parsley", + "tomato paste", + "herbs", + "garlic", + "diced beef", + "dry white wine", + "onions" + ] + }, + { + "id": 42108, + "ingredients": [ + "ham steak", + "black-eyed peas", + "salt", + "honey", + "chopped celery", + "chili", + "balsamic vinegar", + "red bell pepper", + "olive oil", + "purple onion" + ] + }, + { + "id": 7099, + "ingredients": [ + "eggs", + "vegetable oil", + "rice vinegar", + "water", + "ground pork", + "carrots", + "soy sauce", + "wonton wrappers", + "chopped onion", + "sesame oil", + "garlic", + "cabbage" + ] + }, + { + "id": 10678, + "ingredients": [ + "green onions", + "chopped cilantro fresh", + "light sour cream", + "queso fresco", + "chicken breasts", + "salsa verde", + "tortilla chips" + ] + }, + { + "id": 226, + "ingredients": [ + "heavy cream", + "egg yolks", + "cinnamon sticks", + "sugar", + "vanilla extract", + "lemon" + ] + }, + { + "id": 16283, + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "purple onion", + "corn tortillas", + "ground black pepper", + "lime wedges", + "salsa", + "olive oil", + "boneless skinless chicken breasts", + "cilantro leaves", + "dried oregano", + "avocado", + "bell pepper", + "garlic", + "scallions" + ] + }, + { + "id": 42538, + "ingredients": [ + "salt and ground black pepper", + "chicken cutlets", + "unsalted butter", + "basil", + "crushed tomatoes", + "finely chopped onion", + "shredded mozzarella cheese", + "olive oil", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 7991, + "ingredients": [ + "water", + "oil", + "rice", + "minced ginger", + "lard", + "cured pork", + "boy choy" + ] + }, + { + "id": 6127, + "ingredients": [ + "parsley sprigs", + "butter", + "capers", + "large eggs", + "dry mustard", + "pepper", + "paprika", + "mayonaise", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 16011, + "ingredients": [ + "wheat bran", + "baking soda", + "milk", + "salt", + "plain yogurt", + "butter", + "mayonaise", + "whole wheat flour", + "all-purpose flour" + ] + }, + { + "id": 5664, + "ingredients": [ + "fish sauce", + "chili", + "basil leaves", + "garlic", + "onions", + "green cabbage", + "pepper", + "vegetables", + "meat", + "oil", + "sugar", + "honey", + "spring onions", + "salt", + "crackers", + "seasoning", + "lemongrass", + "vermicelli", + "pineapple", + "cucumber" + ] + }, + { + "id": 19882, + "ingredients": [ + "fresh mozzarella", + "yellow corn meal", + "pizza doughs", + "extra-virgin olive oil", + "tomato sauce", + "fresh basil leaves" + ] + }, + { + "id": 48540, + "ingredients": [ + "olive oil", + "crushed red pepper", + "lamb steaks", + "chopped cilantro fresh", + "water", + "paprika", + "all-purpose flour", + "fresh parsley", + "tomato paste", + "whole wheat flour", + "purple onion", + "ground coriander", + "chopped garlic", + "warm water", + "dry yeast", + "salt", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 45897, + "ingredients": [ + "curry powder", + "yellow onion", + "tomato sauce", + "olive oil", + "fresh cilantro", + "chickpeas", + "water", + "garlic" + ] + }, + { + "id": 46935, + "ingredients": [ + "egg whites", + "orange juice", + "gin", + "vanilla extract", + "nutmeg", + "half & half", + "rock candy syrup", + "cointreau", + "orange flower water" + ] + }, + { + "id": 738, + "ingredients": [ + "sunflower seeds", + "baking soda", + "ground cardamom", + "saffron threads", + "kosher salt", + "cooking spray", + "unsalted pistachios", + "unsalted butter", + "sugar", + "water", + "corn syrup" + ] + }, + { + "id": 25990, + "ingredients": [ + "star anise", + "cooked white rice", + "chicken", + "ginger", + "scallions", + "gluten free soy sauce", + "water", + "dried shiitake mushrooms", + "greens", + "canned chicken broth", + "garlic", + "snow peas" + ] + }, + { + "id": 15397, + "ingredients": [ + "large egg yolks", + "vanilla extract", + "sour cream", + "powdered sugar", + "large eggs", + "all-purpose flour", + "large egg whites", + "baking powder", + "fresh lemon juice", + "poppy seed filling", + "unsalted butter", + "salt", + "grated lemon peel" + ] + }, + { + "id": 17496, + "ingredients": [ + "cheddar cheese", + "unsalted butter", + "vegetable oil", + "baby lima beans", + "lean bacon", + "dry bread crumbs", + "green bell pepper", + "corn kernels", + "quickcooking grits", + "water", + "large eggs", + "grits" + ] + }, + { + "id": 29458, + "ingredients": [ + "cooking spray", + "bread dough", + "olive oil", + "cracked black pepper", + "part-skim mozzarella cheese", + "salt", + "shredded cheddar cheese", + "diced tomatoes" + ] + }, + { + "id": 31331, + "ingredients": [ + "soy sauce", + "leeks", + "nori", + "dashi", + "rice vinegar", + "sushi rice", + "trout fillet", + "sugar", + "mirin", + "carrots" + ] + }, + { + "id": 17562, + "ingredients": [ + "artichoke hearts", + "pasta", + "extra-virgin olive oil", + "butter", + "fresh basil", + "garlic" + ] + }, + { + "id": 12661, + "ingredients": [ + "firmly packed light brown sugar", + "butter", + "half & half", + "freshly ground pepper", + "sweet potatoes", + "olive oil", + "salt" + ] + }, + { + "id": 35726, + "ingredients": [ + "tumeric", + "bay leaves", + "cinnamon sticks", + "basmati rice", + "fresh curry leaves", + "cumin seed", + "onions", + "roasted cashews", + "winter squash", + "lemon juice", + "serrano chile", + "kosher salt", + "vegetable oil", + "coconut milk" + ] + }, + { + "id": 34728, + "ingredients": [ + "curry powder", + "ginger", + "brown sugar", + "vinegar", + "onions", + "low sodium soy sauce", + "pork ribs", + "garlic", + "black pepper", + "potatoes" + ] + }, + { + "id": 32619, + "ingredients": [ + "reduced fat milk", + "ground red pepper", + "butter", + "garlic cloves", + "parmigiano-reggiano cheese", + "sweet potatoes", + "chopped fresh thyme", + "salt", + "pancetta", + "cooking spray", + "shallots", + "gruyere cheese", + "ground black pepper", + "butternut squash", + "baking potatoes", + "all-purpose flour" + ] + }, + { + "id": 14510, + "ingredients": [ + "soy sauce", + "green onions", + "salt", + "tomatoes", + "potatoes", + "vegetable oil", + "onions", + "chicken broth", + "black pepper", + "chicken parts", + "carrots", + "green bell pepper", + "catsup", + "garlic" + ] + }, + { + "id": 25391, + "ingredients": [ + "water", + "bell pepper", + "garlic", + "diced onions", + "corn", + "boneless skinless chicken breasts", + "salt", + "avocado", + "lime", + "diced tomatoes", + "taco seasoning", + "black beans", + "olive oil", + "cilantro", + "long grain white rice" + ] + }, + { + "id": 34723, + "ingredients": [ + "black-eyed peas", + "pork tenderloin", + "spring salad mix", + "lime", + "ground black pepper", + "purple onion", + "garlic powder", + "onion powder", + "wish bone ranch dress", + "finely chopped fresh parsley", + "broccoli" + ] + }, + { + "id": 28055, + "ingredients": [ + "olive oil", + "grated nutmeg", + "frozen spinach", + "grated parmesan cheese", + "rigatoni", + "ground black pepper", + "ricotta", + "fontina", + "salt" + ] + }, + { + "id": 15498, + "ingredients": [ + "palm sugar", + "english cucumber", + "dry roasted peanuts", + "green onions", + "chopped cilantro", + "fish sauce", + "Sriracha", + "garlic cloves", + "lime", + "zest" + ] + }, + { + "id": 42070, + "ingredients": [ + "vegetable oil", + "onions", + "fresh ginger", + "salt", + "water", + "fresh green bean", + "plum tomatoes", + "base", + "bone-in pork chops" + ] + }, + { + "id": 26506, + "ingredients": [ + "sugar", + "sirloin steak", + "rice vinegar", + "canola oil", + "leaves", + "salt", + "garlic cloves", + "olive oil", + "purple onion", + "freshly ground pepper", + "watercress", + "cilantro leaves", + "asian fish sauce" + ] + }, + { + "id": 35888, + "ingredients": [ + "tomatoes", + "cream", + "chili powder", + "lime leaves", + "tomato sauce", + "water", + "butter", + "ground ginger", + "white onion", + "garam masala", + "salt", + "chicken breast fillets", + "pepper", + "vegetable oil", + "bay leaf" + ] + }, + { + "id": 40255, + "ingredients": [ + "glutinous rice", + "evaporated milk", + "water", + "sugar", + "chocolate" + ] + }, + { + "id": 2943, + "ingredients": [ + "arborio rice", + "unsalted butter", + "extra-virgin olive oil", + "hot water", + "dried porcini mushrooms", + "grated parmesan cheese", + "freshly ground pepper", + "flat leaf parsley", + "chicken stock", + "enokitake", + "salt", + "thyme leaves", + "shiitake", + "dry white wine", + "garlic cloves", + "onions" + ] + }, + { + "id": 48785, + "ingredients": [ + "salt", + "dried dates", + "dried scallops", + "carrots", + "goji berries", + "pork bones", + "daikon", + "pork butt" + ] + }, + { + "id": 8979, + "ingredients": [ + "sugar", + "salt", + "fresh orange juice", + "olive oil", + "ground cumin", + "pepper", + "fresh lemon juice" + ] + }, + { + "id": 27068, + "ingredients": [ + "fresh lime juice", + "kosher salt", + "serrano chile", + "white onion", + "chopped cilantro fresh", + "tortilla chips", + "plum tomatoes" + ] + }, + { + "id": 19842, + "ingredients": [ + "cooked rice", + "ground black pepper", + "garlic cloves", + "white vinegar", + "white onion", + "salt", + "smoked ham hocks", + "black beans", + "low sodium chicken broth", + "thick-cut bacon", + "boneless pork shoulder", + "orange", + "beef rib short" + ] + }, + { + "id": 28677, + "ingredients": [ + "honey", + "peeled fresh ginger", + "seasoned rice wine vinegar", + "chopped fresh mint", + "soy sauce", + "ground black pepper", + "shallots", + "english cucumber", + "sliced green onions", + "boneless chicken skinless thigh", + "cooking spray", + "salt", + "garlic cloves", + "sesame seeds", + "ground red pepper", + "dark sesame oil", + "serrano chile" + ] + }, + { + "id": 27565, + "ingredients": [ + "olive oil", + "boiling potatoes", + "salt", + "large eggs", + "kale", + "onions" + ] + }, + { + "id": 35410, + "ingredients": [ + "ground ginger", + "buckwheat honey", + "flour", + "anise flavoring", + "ground cloves", + "whiskey", + "baking powder", + "rye meal" + ] + }, + { + "id": 6149, + "ingredients": [ + "large eggs", + "star anise", + "all-purpose flour", + "kosher salt", + "ice water", + "maple syrup", + "pecan halves", + "rum", + "salt", + "unsalted butter", + "raw sugar", + "crème fraîche" + ] + }, + { + "id": 45188, + "ingredients": [ + "ground ginger", + "orzo", + "celery", + "coriander", + "chopped tomatoes", + "chickpeas", + "chopped cilantro", + "ground cinnamon", + "vegetable broth", + "bay leaf", + "ground turmeric", + "red lentils", + "ground black pepper", + "fresh lemon juice", + "onions" + ] + }, + { + "id": 33341, + "ingredients": [ + "crawfish", + "butter", + "processed cheese", + "onions", + "evaporated milk", + "rolls", + "vegetable oil" + ] + }, + { + "id": 15024, + "ingredients": [ + "soy sauce", + "vegetable oil", + "garlic shoots", + "Shaoxing wine", + "chili bean paste", + "pork belly", + "ginger", + "sugar", + "bean paste", + "scallions" + ] + }, + { + "id": 35126, + "ingredients": [ + "clove", + "tumeric", + "fresh curry leaves", + "brown mustard seeds", + "yellow onion", + "cinnamon sticks", + "chicken stock", + "red chili peppers", + "coriander seeds", + "coarse salt", + "oil", + "chicken thighs", + "tomato paste", + "plain yogurt", + "bay leaves", + "russet potatoes", + "garlic cloves", + "basmati rice", + "fennel seeds", + "whole allspice", + "fresh ginger", + "lime wedges", + "cumin seed", + "chopped cilantro" + ] + }, + { + "id": 19020, + "ingredients": [ + "mole paste", + "apple cider vinegar", + "bacon slices", + "tortilla chips", + "monterey jack", + "cheddar cheese", + "green onions", + "large garlic cloves", + "beef broth", + "onions", + "canned black beans", + "chili powder", + "ancho powder", + "cayenne pepper", + "dried oregano", + "pickled jalapeno peppers", + "boneless chuck roast", + "queso fresco", + "salt", + "cumin seed", + "masa" + ] + }, + { + "id": 9491, + "ingredients": [ + "large eggs", + "salt", + "milk", + "large garlic cloves", + "carrots", + "bread crumb fresh", + "grated parmesan cheese", + "freshly ground pepper", + "unsalted butter", + "heavy cream", + "thyme" + ] + }, + { + "id": 40281, + "ingredients": [ + "olive oil", + "green peas", + "medium shrimp", + "frozen chopped spinach", + "roasted red peppers", + "purple onion", + "dried oregano", + "saffron threads", + "frozen whole kernel corn", + "chopped celery", + "basmati rice", + "fat free less sodium chicken broth", + "boneless skinless chicken breasts", + "salt" + ] + }, + { + "id": 34120, + "ingredients": [ + "palm sugar", + "mango", + "pandanus leaf", + "black sticky rice", + "water", + "coconut milk" + ] + }, + { + "id": 6504, + "ingredients": [ + "ketchup", + "lemon", + "corn starch", + "cold water", + "large eggs", + "salt", + "onions", + "ground black pepper", + "garlic", + "korean chile paste", + "sugar", + "vegetable oil", + "boneless skinless chicken", + "toasted sesame seeds" + ] + }, + { + "id": 8285, + "ingredients": [ + "ricotta cheese", + "honey", + "lemon juice", + "eggs", + "all-purpose flour", + "bay leaves", + "grated orange" + ] + }, + { + "id": 21811, + "ingredients": [ + "kosher salt", + "pappardelle", + "freshly ground pepper", + "olive oil", + "heavy cream", + "garlic cloves", + "chicken stock", + "herbs", + "grated lemon zest", + "boneless chicken skinless thigh", + "dry white wine", + "yellow onion" + ] + }, + { + "id": 24014, + "ingredients": [ + "pepper", + "ricotta cheese", + "sausage casings", + "lasagna noodles", + "dried basil", + "shredded mozzarella cheese", + "pasta sauce", + "grated parmesan cheese" + ] + }, + { + "id": 5134, + "ingredients": [ + "corn", + "flour tortillas", + "cilantro", + "sour cream", + "tomatoes", + "olive oil", + "chicken breasts", + "salt", + "avocado", + "lime", + "jalapeno chilies", + "garlic", + "onions", + "pepper", + "Mexican cheese blend", + "butter", + "salsa" + ] + }, + { + "id": 7360, + "ingredients": [ + "coriander seeds", + "cumin seed", + "chopped tomatoes", + "leeks", + "couscous", + "tumeric", + "zucchini", + "carrots", + "salt and ground black pepper", + "chickpeas", + "coriander" + ] + }, + { + "id": 47692, + "ingredients": [ + "mozzarella cheese", + "cooking spray", + "garlic cloves", + "fresh basil", + "ground black pepper", + "extra-virgin olive oil", + "cherry tomatoes", + "balsamic vinegar", + "bread flour", + "warm water", + "dry yeast", + "salt" + ] + }, + { + "id": 41845, + "ingredients": [ + "olive oil", + "garlic", + "feta cheese", + "pitted kalamata olives", + "chopped pecans" + ] + }, + { + "id": 34326, + "ingredients": [ + "fettucine", + "extra-virgin olive oil", + "flat leaf parsley", + "butter", + "garlic cloves", + "dried porcini mushrooms", + "fresh mushrooms", + "pecorino romano cheese", + "hot water" + ] + }, + { + "id": 19249, + "ingredients": [ + "garlic powder", + "buffalo sauce", + "ground cayenne pepper", + "vegetable oil", + "all-purpose flour", + "boneless chicken breast", + "salt", + "dried oregano", + "ground paprika", + "buttermilk", + "freshly ground pepper" + ] + }, + { + "id": 6843, + "ingredients": [ + "egg whites", + "sugar", + "salt", + "heavy cream", + "raspberries" + ] + }, + { + "id": 15897, + "ingredients": [ + "ground cloves", + "fresh ginger", + "raisins", + "salt", + "onions", + "cider vinegar", + "cooking oil", + "dry mustard", + "scallions", + "ground cumin", + "plain yogurt", + "cayenne", + "florets", + "ground coriander", + "basmati rice", + "cauliflower", + "water", + "baking potatoes", + "garlic", + "chopped cilantro" + ] + }, + { + "id": 17032, + "ingredients": [ + "olive oil", + "diced tomatoes", + "couscous", + "ground cinnamon", + "boneless skinless chicken breasts", + "chickpeas", + "grated orange", + "ground ginger", + "butternut squash", + "salt", + "boiling water", + "lower sodium chicken broth", + "ground red pepper", + "toasted slivered almonds", + "ground cumin" + ] + }, + { + "id": 16293, + "ingredients": [ + "finely chopped fresh parsley", + "chopped fresh mint", + "great northern beans", + "tahini", + "pita bread rounds", + "chopped garlic", + "olive oil", + "fresh lemon juice" + ] + }, + { + "id": 9128, + "ingredients": [ + "romaine lettuce", + "lemon grass", + "fresh mint", + "fresh basil", + "sesame seeds", + "garlic", + "sirloin tip", + "fresh cilantro", + "green onions", + "soy sauce", + "ground black pepper", + "white sugar" + ] + }, + { + "id": 40249, + "ingredients": [ + "salt", + "cumin", + "fenugreek", + "lamb", + "sauce", + "chili powder", + "coriander" + ] + }, + { + "id": 33418, + "ingredients": [ + "cream of chicken soup", + "cheddar cheese", + "sour cream", + "green chile", + "cooked chicken", + "milk", + "corn tortillas" + ] + }, + { + "id": 38161, + "ingredients": [ + "garlic", + "onions", + "soy sauce", + "sherry wine", + "chicken wings", + "coca-cola", + "fresh ginger", + "dried red chile peppers" + ] + }, + { + "id": 24973, + "ingredients": [ + "green onions", + "red wine vinegar", + "sesame seeds", + "vegetable oil", + "white sugar", + "slivered almonds", + "ramen noodles", + "salt", + "ground black pepper", + "slaw mix" + ] + }, + { + "id": 30725, + "ingredients": [ + "olive oil", + "onions", + "yukon gold potatoes", + "large eggs", + "chorizo sausage", + "pepper", + "salt" + ] + }, + { + "id": 46619, + "ingredients": [ + "white bread", + "beef bouillon", + "bacon", + "chopped parsley", + "ground black pepper", + "butter", + "all-purpose flour", + "eggs", + "shallots", + "garlic", + "clarified butter", + "sugar", + "red wine vinegar", + "salt", + "burgundy" + ] + }, + { + "id": 16252, + "ingredients": [ + "vegetable oil", + "flour tortillas", + "salsa", + "black olives", + "boneless skinless chicken breasts" + ] + }, + { + "id": 4516, + "ingredients": [ + "chicken broth", + "parsley", + "cayenne pepper", + "onions", + "boneless skinless chicken breasts", + "basil", + "shrimp", + "minced garlic", + "diced tomatoes", + "green pepper", + "Tabasco Pepper Sauce", + "paprika", + "celery" + ] + }, + { + "id": 3652, + "ingredients": [ + "pepper", + "pimentos", + "onions", + "yellow squash", + "butter", + "parmesan cheese", + "salt", + "water chestnuts", + "sauce" + ] + }, + { + "id": 7704, + "ingredients": [ + "ground cinnamon", + "sesame seeds", + "cinnamon sticks", + "pitted date", + "lamb shoulder", + "onions", + "whole almonds", + "butter", + "couscous", + "honey", + "beef broth", + "saffron" + ] + }, + { + "id": 18104, + "ingredients": [ + "eggs", + "miso paste", + "mirin", + "ground beef", + "soy sauce", + "ground nutmeg", + "salt", + "shiitake", + "ground black pepper", + "firm tofu", + "garlic paste", + "fresh ginger root", + "vegetable oil" + ] + }, + { + "id": 39865, + "ingredients": [ + "nutritional yeast", + "old bay seasoning", + "kosher salt", + "dijon mustard", + "bow-tie pasta", + "white corn", + "ground black pepper", + "dry mustard", + "honey", + "firm silken tofu", + "canola oil" + ] + }, + { + "id": 22207, + "ingredients": [ + "rice flour", + "candy", + "walnuts" + ] + }, + { + "id": 29362, + "ingredients": [ + "andouille sausage", + "pork country-style ribs", + "bay leaf", + "chicken stock", + "unsalted butter", + "garlic cloves", + "plum tomatoes", + "great northern beans", + "fresh thyme", + "carrots", + "applewood smoked bacon", + "kosher salt", + "freshly ground pepper", + "onions" + ] + }, + { + "id": 40422, + "ingredients": [ + "sugar", + "all-purpose flour", + "active dry yeast", + "water", + "nonfat milk", + "salt" + ] + }, + { + "id": 5285, + "ingredients": [ + "lime", + "vegetable oil", + "onions", + "red chili peppers", + "boneless skinless chicken breasts", + "lemon", + "naan", + "fresh ginger root", + "double cream", + "basmati rice", + "fresh coriander", + "chili powder", + "garlic cloves", + "ground turmeric" + ] + }, + { + "id": 36114, + "ingredients": [ + "potato starch", + "ground black pepper", + "chicken breasts", + "salt", + "soy sauce", + "flour", + "vegetable oil", + "fish sauce", + "zucchini", + "sesame oil", + "onions", + "water", + "green onions", + "garlic" + ] + }, + { + "id": 26586, + "ingredients": [ + "savoy cabbage", + "sausage links", + "dried thyme", + "carrots", + "celery ribs", + "parsley sprigs", + "Japanese turnips", + "vegetable oil", + "onions", + "cold water", + "pork", + "fresh thyme", + "rib", + "black peppercorns", + "chopped leaves", + "leeks", + "bay leaf" + ] + }, + { + "id": 49698, + "ingredients": [ + "white pepper", + "fresh thyme leaves", + "carrots", + "grits", + "veal stock", + "water", + "pinot noir", + "onions", + "pepper", + "heavy cream", + "celery", + "pork belly", + "honey", + "salt", + "clarified butter" + ] + }, + { + "id": 27718, + "ingredients": [ + "turnips", + "grated nutmeg", + "carrots", + "unsalted butter" + ] + }, + { + "id": 36219, + "ingredients": [ + "sugar", + "yellow food coloring", + "milk", + "eggs" + ] + }, + { + "id": 30609, + "ingredients": [ + "rosemary sprigs", + "dry white wine", + "all-purpose flour", + "warm water", + "heavy cream", + "boneless veal shoulder", + "dried porcini mushrooms", + "extra-virgin olive oil", + "serrano chile", + "tomatoes", + "whole milk", + "salt" + ] + }, + { + "id": 44118, + "ingredients": [ + "avocado", + "Mexican beer", + "salsa", + "green bell pepper", + "jalape", + "crabmeat", + "corn oil", + "all-purpose flour", + "mayonaise", + "purple onion" + ] + }, + { + "id": 30917, + "ingredients": [ + "pancetta", + "dried porcini mushrooms", + "dry red wine", + "polenta", + "black peppercorns", + "bay leaves", + "onions", + "celery ribs", + "juniper berries", + "boneless beef chuck roast", + "clove", + "olive oil", + "carrots" + ] + }, + { + "id": 37880, + "ingredients": [ + "cream", + "whole milk", + "kosher salt", + "lemon juice" + ] + }, + { + "id": 43301, + "ingredients": [ + "black beans", + "butternut squash", + "salt", + "cumin", + "avocado", + "water", + "gluten", + "garlic salt", + "pepper", + "chili powder", + "cayenne pepper", + "fontina cheese", + "sweet onion", + "extra-virgin olive oil", + "dried oregano" + ] + }, + { + "id": 21584, + "ingredients": [ + "salt", + "sesame oil", + "scallions", + "vegetable oil", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 8328, + "ingredients": [ + "large eggs", + "white cornmeal", + "unsalted butter", + "sour cream", + "sweet potatoes", + "granulated sugar", + "pumpkin pie spice" + ] + }, + { + "id": 46508, + "ingredients": [ + "lime juice", + "apple cider vinegar", + "oregano", + "ground cloves", + "chuck roast", + "large garlic cloves", + "chicken stock", + "ground black pepper", + "vegetable oil", + "cumin", + "kosher salt", + "bay leaves", + "chipotles in adobo" + ] + }, + { + "id": 31063, + "ingredients": [ + "radishes", + "fresh cilantro", + "salt", + "pepper", + "vegetable oil", + "lime", + "cabbage" + ] + }, + { + "id": 17264, + "ingredients": [ + "tomatoes", + "large garlic cloves", + "firm tofu", + "serrano chile", + "swiss chard", + "purple onion", + "corn tortillas", + "fresca", + "grapeseed oil", + "cumin seed", + "chili powder", + "salt", + "chopped cilantro" + ] + }, + { + "id": 586, + "ingredients": [ + "lime", + "Tabasco Pepper Sauce", + "coriander", + "boneless skinless chicken breasts", + "garlic", + "italian salad dressing", + "ranch dressing", + "salt", + "cumin", + "water", + "chili powder", + "onions" + ] + }, + { + "id": 19414, + "ingredients": [ + "fish sauce", + "garlic", + "lime juice", + "sugar", + "thai chile" + ] + }, + { + "id": 10375, + "ingredients": [ + "green bell pepper", + "egg yolks", + "serrano ham", + "baguette", + "salt", + "tomatoes", + "sherry vinegar", + "garlic cloves", + "black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 29177, + "ingredients": [ + "cheese", + "egg yolks", + "dried parsley", + "garlic powder", + "pizza doughs", + "meat", + "dried oregano" + ] + }, + { + "id": 949, + "ingredients": [ + "baguette", + "garlic cloves", + "coarse salt", + "ground pepper", + "butter" + ] + }, + { + "id": 28118, + "ingredients": [ + "corn", + "lime wedges", + "ground red pepper", + "salt", + "ground black pepper", + "butter", + "chili powder", + "ground cumin" + ] + }, + { + "id": 4160, + "ingredients": [ + "pepper", + "bay leaves", + "bacon slices", + "onions", + "low sodium chicken broth", + "vegetable oil", + "garlic cloves", + "leeks", + "butter", + "thyme sprigs", + "pork shoulder roast", + "dry white wine", + "salt" + ] + }, + { + "id": 24882, + "ingredients": [ + "sausage casings", + "large eggs", + "dry bread crumbs", + "minced onion", + "salt", + "italian seasoning", + "minced garlic", + "marinara sauce", + "spaghetti", + "pepper", + "grated parmesan cheese", + "ground turkey" + ] + }, + { + "id": 13571, + "ingredients": [ + "poblano peppers", + "cilantro", + "ground cumin", + "black beans", + "boneless skinless chicken breasts", + "yellow onion", + "flour tortillas", + "garlic", + "lime", + "tomatillos", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 11532, + "ingredients": [ + "tomatoes", + "minced garlic", + "chili powder", + "cooked chicken breasts", + "canned black beans", + "flour tortillas", + "fat free ranch dressing", + "shredded Monterey Jack cheese", + "chipotle chile", + "cooking spray", + "chopped cilantro fresh", + "sliced green onions", + "taco sauce", + "frozen whole kernel corn", + "tomatillos", + "iceberg lettuce" + ] + }, + { + "id": 6928, + "ingredients": [ + "low sodium chicken broth", + "fresh green bean", + "pepper", + "chopped fresh thyme", + "garlic cloves", + "arborio rice", + "dry white wine", + "purple onion", + "parmesan cheese", + "butter" + ] + }, + { + "id": 31998, + "ingredients": [ + "grated parmesan cheese", + "garlic cloves", + "sausage casings", + "extra-virgin olive oil", + "rigatoni", + "marinara sauce", + "flat leaf parsley", + "mozzarella cheese", + "crushed red pepper" + ] + }, + { + "id": 22741, + "ingredients": [ + "water", + "garlic", + "sugar", + "thai chile", + "lime juice", + "fish sauce", + "shallots" + ] + }, + { + "id": 13915, + "ingredients": [ + "black pepper", + "flour", + "peanut oil", + "pepper", + "hot sauce", + "chicken", + "kosher salt", + "buttermilk", + "smoked paprika", + "sugar", + "honey", + "cayenne pepper" + ] + }, + { + "id": 48633, + "ingredients": [ + "honey", + "vanilla extract", + "grated orange", + "fresh orange", + "heavy cream", + "salt", + "sugar", + "currant", + "cream cheese, soften", + "fat free milk", + "part-skim ricotta cheese" + ] + }, + { + "id": 1011, + "ingredients": [ + "lime", + "quinoa", + "sea salt", + "black beans", + "olive oil", + "jalapeno chilies", + "ground cumin", + "corn kernels", + "ground black pepper", + "red bell pepper", + "fresh cilantro", + "orange bell pepper", + "red pepper flakes" + ] + }, + { + "id": 17649, + "ingredients": [ + "potatoes", + "salt", + "carrots", + "bay leaves", + "dill", + "onions", + "bell pepper", + "beef broth", + "sour cream", + "tomato paste", + "parsley", + "beets", + "cabbage" + ] + }, + { + "id": 32786, + "ingredients": [ + "tomatoes", + "red chili peppers", + "paneer", + "oil", + "ginger paste", + "red chili powder", + "garam masala", + "brown cardamom", + "ghee", + "black peppercorns", + "coriander seeds", + "salt", + "cinnamon sticks", + "clove", + "garlic paste", + "capsicum", + "green chilies", + "onions" + ] + }, + { + "id": 18615, + "ingredients": [ + "dry bread crumbs", + "fillet red snapper", + "eggs", + "vegetable oil" + ] + }, + { + "id": 48257, + "ingredients": [ + "ricotta cheese", + "water", + "8 ounc ziti pasta, cook and drain", + "ragu old world style pasta sauc", + "chees fat grate parmesan reduc", + "part-skim mozzarella cheese" + ] + }, + { + "id": 11599, + "ingredients": [ + "honey", + "garlic", + "cumin", + "lime juice", + "mint leaves", + "cilantro leaves", + "jalapeno chilies", + "salt", + "lime", + "tomatillos", + "yellow onion" + ] + }, + { + "id": 43063, + "ingredients": [ + "sliced almonds", + "berries", + "sugar", + "Meyer lemon peel", + "salt", + "heavy whipping cream", + "large egg yolks", + "Meyer lemon juice" + ] + }, + { + "id": 14526, + "ingredients": [ + "soy sauce", + "ginger", + "oyster sauce", + "flank steak", + "scallions", + "napa cabbage leaves", + "rice vinegar", + "corn starch", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 37125, + "ingredients": [ + "fresh basil", + "leeks", + "low salt chicken broth", + "sun-dried tomatoes", + "portabello mushroom", + "olive oil", + "balsamic vinegar", + "chopped garlic", + "vegetable oil spray", + "orzo" + ] + }, + { + "id": 8063, + "ingredients": [ + "red chili powder", + "mace", + "raisins", + "salt", + "brown cardamom", + "bay leaf", + "shahi jeera", + "tumeric", + "mint leaves", + "star anise", + "rice", + "carrots", + "onions", + "nuts", + "garlic paste", + "Biryani Masala", + "green peas", + "cilantro leaves", + "green chilies", + "ghee", + "boiling potatoes", + "clove", + "milk", + "yoghurt", + "cauliflower florets", + "green cardamom", + "cinnamon sticks", + "cashew nuts", + "saffron" + ] + }, + { + "id": 32934, + "ingredients": [ + "soy sauce", + "base", + "clove garlic, fine chop", + "nori", + "sake", + "ground black pepper", + "sesame oil", + "scallions", + "spinach", + "fresh ginger", + "hard-boiled egg", + "sea salt", + "sugar", + "mirin", + "ramen noodles", + "bamboo shoots" + ] + }, + { + "id": 12139, + "ingredients": [ + "laughing cow", + "zucchini", + "chicken-flavored soup powder", + "potatoes", + "onions", + "pepper", + "salt" + ] + }, + { + "id": 33392, + "ingredients": [ + "honey", + "orange marmalade", + "corn starch", + "cold water", + "sesame seeds", + "apple cider vinegar", + "low sodium soy sauce", + "ground black pepper", + "garlic", + "light brown sugar", + "fresh ginger", + "boneless skinless chicken breasts", + "long grain white rice" + ] + }, + { + "id": 8538, + "ingredients": [ + "sugar", + "dijon mustard", + "extra-virgin olive oil", + "radicchio", + "shallots", + "fresh lemon juice", + "water", + "baby arugula", + "salt", + "Belgian endive", + "ground black pepper", + "balsamic vinegar" + ] + }, + { + "id": 47527, + "ingredients": [ + "paprika", + "rice", + "bay leaf", + "chaurice", + "green onions", + "salt", + "shrimp", + "boiling water", + "smoked sausage", + "ham", + "onions", + "ground thyme", + "green pepper", + "chopped parsley", + "chopped garlic" + ] + }, + { + "id": 33955, + "ingredients": [ + "dressing", + "lemongrass", + "spring onions", + "garlic", + "cucumber", + "fish sauce", + "cooking oil", + "sirloin steak", + "salad leaves", + "salad", + "lime", + "sesame oil", + "salt", + "coriander", + "red chili peppers", + "lime slices", + "rice vermicelli", + "carrots" + ] + }, + { + "id": 8088, + "ingredients": [ + "chicken stock", + "pasilla chiles", + "peanuts", + "bay leaves", + "raisins", + "mexican chocolate", + "corn tortillas", + "black peppercorns", + "dried thyme", + "tortillas", + "tomatillos", + "cilantro sprigs", + "dried guajillo chiles", + "marjoram", + "white bread", + "sugar", + "sesame seeds", + "whole cloves", + "cinnamon", + "garlic", + "ancho chile pepper", + "canola oil", + "tomatoes", + "kosher salt", + "almonds", + "boneless turkey breast", + "anise", + "pumpkin seeds", + "onions" + ] + }, + { + "id": 33306, + "ingredients": [ + "egg whites", + "feta cheese crumbles", + "fresh dill", + "vegetable oil", + "green cabbage", + "brown rice", + "onions", + "nonfat yogurt", + "wonton wrappers" + ] + }, + { + "id": 22004, + "ingredients": [ + "refried beans", + "sliced black olives", + "chopped green chilies", + "taco seasoning", + "cherry tomatoes", + "salsa", + "lean ground turkey", + "Mexican cheese blend", + "sour cream" + ] + }, + { + "id": 49699, + "ingredients": [ + "hot sauce", + "monterey jack", + "olive oil", + "corn tortillas", + "large eggs", + "chopped cilantro fresh", + "pico de gallo", + "pinto beans", + "ground cumin" + ] + }, + { + "id": 45344, + "ingredients": [ + "minced garlic", + "scallions", + "pork belly", + "chili pepper flakes", + "broth", + "tofu", + "zucchini", + "onions", + "chili pepper", + "soybean paste" + ] + }, + { + "id": 8924, + "ingredients": [ + "ground black pepper", + "cheese tortellini", + "salt", + "sliced carrots", + "extra-virgin olive oil", + "fresh lemon juice", + "dijon mustard", + "green peas", + "garlic cloves", + "tomatoes", + "red wine vinegar", + "purple onion", + "medium shrimp" + ] + }, + { + "id": 8965, + "ingredients": [ + "ground cinnamon", + "whole milk yoghurt", + "ground cardamom", + "ground nutmeg", + "ground coriander", + "chopped cilantro fresh", + "kosher salt", + "purple onion", + "fresh lime juice", + "ground black pepper", + "english cucumber", + "ground cumin" + ] + }, + { + "id": 37812, + "ingredients": [ + "olive oil", + "red bell pepper", + "tomatoes", + "leeks", + "dried tarragon leaves", + "linguine", + "cauliflower", + "grated parmesan cheese" + ] + }, + { + "id": 26605, + "ingredients": [ + "sugar", + "custard powder", + "plain flour", + "water", + "butter", + "caster sugar", + "large eggs", + "vanilla essence", + "milk", + "lard" + ] + }, + { + "id": 1499, + "ingredients": [ + "cold water", + "brown sugar", + "almond flour", + "dark muscovado sugar", + "whiskey", + "ground cinnamon", + "ground cloves", + "vegan butter", + "chopped walnuts", + "ground ginger", + "sultana", + "flour", + "salt", + "powdered sugar", + "orange", + "apples", + "cranberries" + ] + }, + { + "id": 41392, + "ingredients": [ + "frozen shelled edamame", + "black sesame seeds", + "rice vinegar", + "nori", + "honey", + "ginger", + "lemon juice", + "warm water", + "sesame oil", + "english cucumber", + "white miso", + "tamari soy sauce", + "carrots" + ] + }, + { + "id": 2338, + "ingredients": [ + "butter", + "all-purpose flour", + "chicken broth", + "white rice", + "onions", + "diced tomatoes", + "shrimp", + "cooked ham", + "garlic", + "dried oregano" + ] + }, + { + "id": 48685, + "ingredients": [ + "pepper", + "green pepper", + "dried rosemary", + "reduced sodium chicken broth", + "dried sage", + "fresh parsley", + "biscuits", + "mushrooms", + "rotisserie chicken", + "chicken bouillon granules", + "olive oil", + "chopped onion" + ] + }, + { + "id": 39463, + "ingredients": [ + "shredded cheddar cheese", + "salt", + "canola oil", + "black beans", + "large flour tortillas", + "onions", + "cooked chicken", + "chipotles in adobo", + "pepper", + "white rice", + "chopped cilantro fresh" + ] + }, + { + "id": 16150, + "ingredients": [ + "water", + "salt", + "white vinegar", + "littleneck clams", + "black peppercorns", + "garlic", + "vegetable oil" + ] + }, + { + "id": 42577, + "ingredients": [ + "fresh red chili", + "sea salt", + "prepared lasagne", + "parmesan cheese", + "garlic", + "chopped tomatoes", + "extra-virgin olive oil", + "ground black pepper", + "fresh basil leaves" + ] + }, + { + "id": 761, + "ingredients": [ + "large egg whites", + "all-purpose flour", + "curry powder", + "salt", + "light brown sugar", + "roasted pistachios", + "pure vanilla extract", + "unsalted butter", + "bittersweet chocolate" + ] + }, + { + "id": 43360, + "ingredients": [ + "milk", + "vegetable oil", + "water", + "unsalted butter", + "cardamom pods", + "brown sugar", + "baking soda", + "all purpose unbleached flour", + "rose water", + "nonfat dry milk powder", + "ground cardamom" + ] + }, + { + "id": 47783, + "ingredients": [ + "lime juice", + "garlic salt", + "olive oil", + "refried beans", + "boneless skinless chicken breast halves", + "McCormick Chili Powder", + "corn tortillas" + ] + }, + { + "id": 20532, + "ingredients": [ + "sugar", + "boiling water", + "ground cardamom", + "saffron threads", + "mango" + ] + }, + { + "id": 11963, + "ingredients": [ + "tomatoes", + "ground pepper", + "chopped celery", + "carrots", + "dried porcini mushrooms", + "whipping cream", + "pepperoni", + "spaghetti", + "olive oil", + "garlic", + "oil", + "fresh basil", + "fresh parmesan cheese", + "chopped onion", + "ground beef" + ] + }, + { + "id": 41456, + "ingredients": [ + "tomato paste", + "coarse salt", + "carrots", + "store bought low sodium chicken stock", + "long-grain rice", + "white onion", + "freshly ground pepper", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 20446, + "ingredients": [ + "large eggs", + "buttermilk", + "sugar", + "baking powder", + "all-purpose flour", + "baking soda", + "butter", + "yellow corn meal", + "corn oil", + "salt" + ] + }, + { + "id": 34645, + "ingredients": [ + "vegetable oil", + "white sugar", + "eggs", + "salt", + "butter", + "milk", + "all-purpose flour" + ] + }, + { + "id": 4238, + "ingredients": [ + "sugar", + "quinces", + "gran marnier", + "prunes", + "vanilla beans", + "heavy cream", + "brioche", + "unsalted butter", + "Grand Marnier", + "water", + "large eggs", + "armagnac" + ] + }, + { + "id": 49502, + "ingredients": [ + "pineapple preserves", + "prepared horseradish", + "apple jelly", + "dry mustard", + "pepper" + ] + }, + { + "id": 6451, + "ingredients": [ + "chinese rice wine", + "garlic cloves", + "cooking oil", + "pea shoots", + "salt", + "sugar", + "toasted sesame oil" + ] + }, + { + "id": 18981, + "ingredients": [ + "sesame seeds", + "dark sesame oil", + "sugar", + "red pepper", + "green onions", + "english cucumber", + "kosher salt", + "rice vinegar" + ] + }, + { + "id": 35385, + "ingredients": [ + "clove", + "garlic paste", + "cinnamon", + "cardamom", + "onions", + "curry leaves", + "pepper", + "green chilies", + "jeera", + "cashew nuts", + "fennel seeds", + "tumeric", + "salt", + "lemon juice", + "coriander", + "red chili powder", + "garam masala", + "oil", + "ghee", + "chicken" + ] + }, + { + "id": 2459, + "ingredients": [ + "large eggs", + "fresh lemon juice", + "powdered sugar", + "crust", + "ricotta cheese", + "almond liqueur", + "semisweet chocolate", + "grated lemon zest" + ] + }, + { + "id": 32884, + "ingredients": [ + "olive oil", + "oil", + "plum tomatoes", + "fresh basil", + "linguine", + "red bell pepper", + "soft goat's cheese", + "green onions", + "garlic cloves", + "dried oregano", + "pepper", + "salt", + "fresh parsley" + ] + }, + { + "id": 4809, + "ingredients": [ + "sugar", + "garlic cloves", + "onions", + "vegetable broth", + "carrots", + "clove", + "whipping cream", + "fresh parsley", + "olive oil", + "fresh lemon juice" + ] + }, + { + "id": 14992, + "ingredients": [ + "olive oil", + "watercress", + "lemon juice", + "prepared horseradish", + "paprika", + "ground pepper", + "butter", + "sour cream", + "tenderloin roast", + "pumpernickel bread", + "salt" + ] + }, + { + "id": 36732, + "ingredients": [ + "mirin", + "soy sauce", + "garlic cloves", + "boneless chicken thighs", + "sugar", + "green onions" + ] + }, + { + "id": 33064, + "ingredients": [ + "ground black pepper", + "bouquet garni", + "canela", + "tomatoes", + "raisins", + "yellow onion", + "dried oregano", + "chicken stock", + "epazote", + "salt", + "peppercorns", + "sesame seeds", + "garlic", + "dried guajillo chiles" + ] + }, + { + "id": 16264, + "ingredients": [ + "shortening", + "baking powder", + "vanilla extract", + "baking soda", + "candy sprinkles", + "confectioners sugar", + "milk", + "ricotta cheese", + "all-purpose flour", + "eggs", + "lemon extract", + "butter", + "white sugar" + ] + }, + { + "id": 46857, + "ingredients": [ + "zucchini", + "beef stock", + "Gochujang base", + "potatoes", + "sticky rice", + "onions", + "enokitake", + "green onions", + "firm tofu", + "jalapeno chilies", + "soybean paste", + "chopped garlic" + ] + }, + { + "id": 7003, + "ingredients": [ + "lime wedges", + "ice cubes", + "tequila", + "lime juice", + "orange liqueur", + "coarse salt" + ] + }, + { + "id": 20492, + "ingredients": [ + "white onion", + "boneless skinless chicken breasts", + "garlic", + "tomatoes", + "quick cooking brown rice", + "turkey sausage", + "olive oil cooking spray", + "ground black pepper", + "cajun seasoning", + "shrimp", + "green bell pepper", + "low sodium chicken broth", + "sea salt", + "celery" + ] + }, + { + "id": 25654, + "ingredients": [ + "chicken stock", + "fresh cilantro", + "flour", + "butter", + "shredded pepper jack cheese", + "sour cream", + "cumin", + "avocado", + "black beans", + "Sargento® Traditional Cut Shredded Extra Sharp Cheddar Cheese", + "chicken breasts", + "garlic", + "taco seasoning", + "yellow peppers", + "fresh corn", + "olive oil", + "half & half", + "red pepper", + "tortilla chips", + "onions", + "red kidney beans", + "pepper", + "habanero pepper", + "rotelle", + "salt", + "smoked paprika", + "oregano" + ] + }, + { + "id": 10849, + "ingredients": [ + "fresh ginger root", + "oil", + "soy sauce", + "basil leaves", + "stir fry vegetable blend", + "chunky peanut butter", + "noodles", + "sweet chili sauce", + "roasted peanuts" + ] + }, + { + "id": 29207, + "ingredients": [ + "coconut oil", + "garam masala", + "salt", + "cumin", + "cauliflower", + "curry powder", + "red pepper flakes", + "coriander", + "almond butter", + "cinnamon", + "coconut milk", + "pepper", + "sweet potatoes", + "garlic cloves", + "chicken" + ] + }, + { + "id": 27412, + "ingredients": [ + "seasoning salt", + "large eggs", + "white rice flour", + "ground chipotle chile pepper", + "baking soda", + "onion powder", + "gluten free cornmeal", + "garlic powder", + "baking powder", + "xanthan gum", + "milk", + "granulated sugar", + "vegetable oil" + ] + }, + { + "id": 47264, + "ingredients": [ + "sugar", + "ground red pepper", + "paprika", + "garlic powder", + "chili powder", + "cooking spray", + "onion powder", + "black pepper", + "flank steak", + "salt" + ] + }, + { + "id": 24155, + "ingredients": [ + "pineapple chunks", + "fresh lemon juice", + "sliced green onions", + "red wine vinegar", + "sliced mushrooms", + "honey", + "corn starch", + "low sodium soy sauce", + "gingerroot", + "medium shrimp" + ] + }, + { + "id": 49484, + "ingredients": [ + "salt", + "water", + "soya bean" + ] + }, + { + "id": 36541, + "ingredients": [ + "salad greens", + "kalamata", + "plum tomatoes", + "eggs", + "flank steak", + "green beans", + "dijon mustard", + "anchovy paste", + "new potatoes", + "vinaigrette" + ] + }, + { + "id": 49339, + "ingredients": [ + "tomatoes", + "sour cream", + "shredded cheddar cheese", + "shredded Monterey Jack cheese", + "green chile", + "cream of mushroom soup", + "macaroni" + ] + }, + { + "id": 25840, + "ingredients": [ + "cod fillets", + "dry red wine", + "tomato paste", + "ground red pepper", + "garlic cloves", + "leeks", + "salt", + "olive oil", + "paprika" + ] + }, + { + "id": 14136, + "ingredients": [ + "rhubarb", + "egg whites", + "heavy whipping cream", + "sugar", + "orange juice", + "orange zest", + "brown sugar", + "vanilla extract", + "white sugar", + "white vinegar", + "nonfat greek yogurt", + "corn starch" + ] + }, + { + "id": 45538, + "ingredients": [ + "lettuce", + "lime juice", + "tortillas", + "diced tomatoes", + "oregano", + "avocado", + "refried beans", + "brown rice", + "cream cheese", + "chile powder", + "fresh cilantro", + "cooked chicken", + "yellow onion", + "cheddar cheese", + "olive oil", + "tomato salsa", + "sour cream" + ] + }, + { + "id": 31716, + "ingredients": [ + "knorr chipotl minicub", + "onions", + "tomato paste", + "garlic", + "chopped cilantro fresh", + "olive oil", + "boneless skinless chicken breast halves", + "sugar", + "hellmann' or best food real mayonnais" + ] + }, + { + "id": 35893, + "ingredients": [ + "black pepper", + "butter", + "grits", + "artichoke hearts", + "garlic cloves", + "olive oil", + "salt", + "large shrimp", + "chicken broth", + "grated parmesan cheese", + "lemon juice" + ] + }, + { + "id": 20742, + "ingredients": [ + "cooked chicken", + "salt", + "napa cabbage", + "beansprouts", + "eggs", + "red pepper flakes", + "sesame oil", + "carrots" + ] + }, + { + "id": 1158, + "ingredients": [ + "butter", + "large shrimp", + "cajun seasoning" + ] + }, + { + "id": 7742, + "ingredients": [ + "vegetable oil", + "soy sauce", + "garlic cloves", + "dinner rolls", + "eye of round roast", + "bourbon whiskey", + "horseradish sauce" + ] + }, + { + "id": 14846, + "ingredients": [ + "zucchini", + "onions", + "olive oil", + "garlic", + "black beans", + "chile pepper", + "frozen whole kernel corn", + "salt" + ] + }, + { + "id": 27770, + "ingredients": [ + "dark soy sauce", + "ground black pepper", + "carrots", + "canola oil", + "garlic oil", + "garlic", + "onions", + "fish sauce", + "lemon wedge", + "shrimp", + "green cabbage", + "rice sticks", + "scallions", + "chicken thighs" + ] + }, + { + "id": 41274, + "ingredients": [ + "garland chrysanthemum", + "dashi", + "soy sauce", + "fresh shiitake mushrooms", + "fillet red snapper", + "mirin", + "fresh leav spinach", + "firm tofu" + ] + }, + { + "id": 43871, + "ingredients": [ + "mint", + "feta cheese", + "mint leaves", + "salt", + "water", + "potatoes", + "chili powder", + "garlic cloves", + "red chili peppers", + "ground black pepper", + "baking powder", + "cilantro leaves", + "honey", + "flour", + "vegetable oil", + "greek yogurt" + ] + }, + { + "id": 24983, + "ingredients": [ + "pasta", + "mushrooms", + "firm silken tofu", + "grated parmesan cheese", + "tomato sauce", + "shredded mozzarella cheese" + ] + }, + { + "id": 37305, + "ingredients": [ + "fresh ginger", + "corn starch", + "table salt", + "sliced carrots", + "pears", + "chicken broth", + "cooking oil", + "snow peas", + "sugar", + "shrimp" + ] + }, + { + "id": 18545, + "ingredients": [ + "tarragon vinegar", + "dry mustard", + "carrots", + "canola oil", + "romaine lettuce", + "ground black pepper", + "black olives", + "red bell pepper", + "romano cheese", + "chopped fresh thyme", + "purple onion", + "white sugar", + "green olives", + "artichoke hearts", + "garlic", + "cucumber" + ] + }, + { + "id": 41013, + "ingredients": [ + "fennel seeds", + "olive oil", + "cheese", + "fresh parsley", + "hungarian sweet paprika", + "kosher salt", + "beef tenderloin", + "garlic cloves", + "ground cumin", + "black peppercorns", + "dried lavender blossoms", + "purple onion", + "arugula", + "pitted kalamata olives", + "navel oranges", + "cayenne pepper", + "white peppercorns" + ] + }, + { + "id": 15782, + "ingredients": [ + "grated parmesan cheese", + "heavy cream", + "cajun seasoning", + "pasta", + "smoked sausage" + ] + }, + { + "id": 3892, + "ingredients": [ + "tomato sauce", + "potatoes", + "extra-virgin olive oil", + "green olives", + "water", + "golden raisins", + "bay leaf", + "white wine", + "hard-boiled egg", + "garlic", + "capers", + "roasted red peppers", + "cod fish", + "onions" + ] + }, + { + "id": 16005, + "ingredients": [ + "mozzarella cheese", + "quick cooking brown rice", + "extra-lean ground beef", + "green bell pepper", + "traditional italian sauce" + ] + }, + { + "id": 38901, + "ingredients": [ + "chipotle chile", + "pinto beans", + "salt", + "cooking liquid", + "chopped onion", + "bacon slices" + ] + }, + { + "id": 40350, + "ingredients": [ + "extra-virgin olive oil", + "fresh lime juice", + "Tabasco Green Pepper Sauce", + "hot sauce", + "mango", + "purple onion", + "chopped cilantro", + "sea salt", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 40268, + "ingredients": [ + "kaffir lime leaves", + "sugar", + "chili", + "tomato ketchup", + "coconut milk", + "ground turmeric", + "unsweetened shredded dried coconut", + "fresh coriander", + "vegetable oil", + "cumin seed", + "chicken pieces", + "tomato purée", + "red chili peppers", + "shallots", + "ground coriander", + "bay leaf", + "ground cumin", + "chicken stock", + "fish sauce", + "lime juice", + "garlic", + "yams", + "galangal" + ] + }, + { + "id": 11941, + "ingredients": [ + "water", + "baking powder", + "salt", + "corn starch", + "honey", + "apple cider vinegar", + "all-purpose flour", + "toasted sesame seeds", + "ketchup", + "egg whites", + "garlic", + "oil", + "boneless chicken breast", + "sesame oil", + "sauce" + ] + }, + { + "id": 32193, + "ingredients": [ + "black pepper", + "boneless skinless chicken breasts", + "tomato basil sauce", + "parmigiano-reggiano cheese", + "bell pepper", + "crushed red pepper", + "fresh basil", + "dried basil", + "dry red wine", + "dried oregano", + "cremini mushrooms", + "cooking spray", + "salt" + ] + }, + { + "id": 6438, + "ingredients": [ + "garlic chives", + "salt", + "hot red pepper flakes", + "peanut oil" + ] + }, + { + "id": 28612, + "ingredients": [ + "unsalted pistachios", + "color food green", + "unsalted shelled pistachio", + "whole milk", + "sugar", + "almond extract", + "large egg yolks" + ] + }, + { + "id": 34937, + "ingredients": [ + "eggs", + "zucchini", + "salt", + "white vinegar", + "ground nutmeg", + "vanilla extract", + "single crust pie", + "butter", + "corn starch", + "sugar", + "heavy cream" + ] + }, + { + "id": 18750, + "ingredients": [ + "dried thyme", + "large eggs", + "buttermilk", + "freshly ground pepper", + "milk", + "granulated sugar", + "vegetable oil", + "all-purpose flour", + "cayenne", + "chicken breasts", + "salt", + "baking soda", + "baking powder", + "paprika" + ] + }, + { + "id": 44983, + "ingredients": [ + "tomato paste", + "bay leaves", + "button mushrooms", + "all-purpose flour", + "chicken stock", + "pearl onions", + "fresh thyme leaves", + "salt", + "chicken legs", + "smoked ham", + "extra-virgin olive oil", + "cabernet sauvignon", + "brandy", + "chicken breasts", + "garlic", + "fresh parsley" + ] + }, + { + "id": 8662, + "ingredients": [ + "pork", + "garlic cloves", + "puy lentils", + "chicken stock", + "vegetable oil", + "flat leaf parsley", + "pancetta", + "chopped tomatoes", + "carrots", + "fresh rosemary", + "white wine vinegar", + "onions" + ] + }, + { + "id": 10026, + "ingredients": [ + "pizza sauce", + "dried oregano", + "biscuit dough", + "mozzarella cheese" + ] + }, + { + "id": 784, + "ingredients": [ + "egg yolks", + "butter", + "corn starch", + "sugar", + "whole milk", + "vanilla extract", + "half & half", + "heavy cream", + "bananas", + "Nilla Wafers", + "salt" + ] + }, + { + "id": 28879, + "ingredients": [ + "turnips", + "beef stock", + "beef stew meat", + "beer", + "fresh thyme", + "vegetable stock", + "all-purpose flour", + "onions", + "potatoes", + "garlic", + "pearl barley", + "black pepper", + "bay leaves", + "salt", + "carrots" + ] + }, + { + "id": 5707, + "ingredients": [ + "green curry paste", + "coconut milk", + "brown sugar", + "vegetable oil", + "fish sauce", + "chicken breasts", + "lime", + "cilantro leaves" + ] + }, + { + "id": 45299, + "ingredients": [ + "chili powder", + "salt", + "onions", + "ground nuts", + "turkey breast", + "red chile powder", + "garlic", + "ripe olives", + "bitter chocolate", + "bacon fat" + ] + }, + { + "id": 40004, + "ingredients": [ + "large eggs", + "spaghetti", + "guanciale", + "pecorino romano cheese" + ] + }, + { + "id": 7800, + "ingredients": [ + "fresh cilantro", + "chili powder", + "salt", + "black beans", + "jalapeno chilies", + "red pepper", + "cumin", + "olive oil", + "whole wheat tortillas", + "fresh lime juice", + "shredded cheddar cheese", + "sweet potatoes", + "purple onion" + ] + }, + { + "id": 20166, + "ingredients": [ + "tomatoes", + "pasteurized process cheese spread", + "pinto beans", + "taco seasoning mix", + "shredded lettuce", + "ripe olives", + "water", + "lean ground beef", + "sour cream", + "chopped tomatoes", + "shells", + "onions" + ] + }, + { + "id": 48006, + "ingredients": [ + "ground black pepper", + "onions", + "pepper", + "salt", + "olive oil", + "garlic cloves", + "callaloo" + ] + }, + { + "id": 20841, + "ingredients": [ + "dark chocolate", + "large free range egg", + "caster sugar", + "yeast", + "melted butter", + "milk", + "pears", + "strong white bread flour", + "salt" + ] + }, + { + "id": 23893, + "ingredients": [ + "olive oil", + "finely chopped fresh parsley", + "phyllo pastry", + "fresh dill", + "ground black pepper", + "ricotta cheese", + "frozen chopped spinach", + "feta cheese", + "large eggs", + "onions", + "jack cheese", + "unsalted butter", + "salt" + ] + }, + { + "id": 20164, + "ingredients": [ + "unsalted butter", + "vanilla extract", + "eggs", + "raisins", + "white sugar", + "ground cinnamon", + "whole milk", + "all-purpose flour", + "water", + "heavy cream", + "long grain white rice" + ] + }, + { + "id": 45206, + "ingredients": [ + "dried pinto beans", + "lard", + "white onion", + "salt", + "bacon slices", + "fresh tomato salsa", + "epazote", + "beer" + ] + }, + { + "id": 22864, + "ingredients": [ + "ground black pepper", + "cilantro leaves", + "onions", + "chipotle chile", + "extra-virgin olive oil", + "fresh lime juice", + "jalapeno chilies", + "chickpeas", + "vine ripened tomatoes", + "garlic cloves" + ] + }, + { + "id": 46996, + "ingredients": [ + "olive oil", + "chopped fresh mint", + "green onions", + "salt and ground black pepper", + "frozen peas", + "butter" + ] + }, + { + "id": 16927, + "ingredients": [ + "potatoes", + "round steaks", + "pepper", + "ice water", + "onions", + "eggs", + "flour", + "lard", + "suet", + "salt" + ] + }, + { + "id": 678, + "ingredients": [ + "ranch dressing", + "lemon juice", + "olive oil", + "white wine vinegar", + "fresh rosemary", + "worcestershire sauce", + "greek yogurt", + "chicken breasts", + "salt" + ] + }, + { + "id": 1317, + "ingredients": [ + "lime juice", + "salt", + "tomatoes", + "jalape", + "garlic cloves", + "olive oil", + "cilantro leaves", + "chiles", + "chile puree", + "onions" + ] + }, + { + "id": 43897, + "ingredients": [ + "mint", + "ginger", + "scallions", + "mirin", + "soba noodles", + "japanese eggplants", + "soy sauce", + "garlic", + "bird chile", + "sesame oil", + "Taiwanese bok choy" + ] + }, + { + "id": 24269, + "ingredients": [ + "avocado", + "pepper jack", + "diced tomatoes", + "bay leaf", + "oregano", + "olive oil", + "chili powder", + "garlic", + "coriander", + "chicken broth", + "fideos", + "cilantro", + "chipotles in adobo", + "cooked chicken breasts", + "kosher salt", + "crema mexican", + "cracked black pepper", + "onions", + "cumin" + ] + }, + { + "id": 11316, + "ingredients": [ + "green chile", + "milk", + "American cheese", + "cumin", + "pickled jalapenos", + "juice", + "water" + ] + }, + { + "id": 1902, + "ingredients": [ + "boneless chicken skinless thigh", + "green onions", + "salt", + "chicken broth", + "white onion", + "dry sherry", + "oil", + "sugar", + "pepper", + "crushed red pepper flakes", + "oyster sauce", + "soy sauce", + "hoisin sauce", + "garlic", + "corn starch" + ] + }, + { + "id": 46191, + "ingredients": [ + "sake", + "fish bouillon cube", + "water", + "mirin", + "soy sauce" + ] + }, + { + "id": 31549, + "ingredients": [ + "cooking spray", + "chopped cilantro fresh", + "fish sauce", + "shallots", + "tomatoes", + "flank steak", + "red chili peppers", + "fresh lime juice" + ] + }, + { + "id": 22391, + "ingredients": [ + "white onion", + "fresh lime juice", + "jalapeno chilies", + "kosher salt", + "tomatoes", + "cilantro leaves" + ] + }, + { + "id": 19490, + "ingredients": [ + "boneless pork shoulder", + "Anaheim chile", + "garlic", + "fresh lime juice", + "ground cumin", + "black pepper", + "slaw mix", + "cilantro leaves", + "dried oregano", + "chicken broth", + "apple cider vinegar", + "salt", + "fresh parsley", + "olive oil", + "crushed red pepper flakes", + "corn tortillas", + "canola oil" + ] + }, + { + "id": 8356, + "ingredients": [ + "shredded cheddar cheese", + "vegetable oil", + "sliced green onions", + "black beans", + "jalapeno chilies", + "white sugar", + "tomatoes", + "vinegar", + "salt", + "avocado", + "water", + "white rice" + ] + }, + { + "id": 45697, + "ingredients": [ + "mint", + "garam masala", + "green cardamom", + "bay leaf", + "tomatoes", + "tumeric", + "spices", + "oil", + "peppercorns", + "red chili powder", + "leaves", + "cilantro leaves", + "cinnamon sticks", + "chicken", + "clove", + "garlic paste", + "yoghurt", + "green chilies", + "onions" + ] + }, + { + "id": 47308, + "ingredients": [ + "water", + "teas", + "sugar", + "ice", + "half & half" + ] + }, + { + "id": 46898, + "ingredients": [ + "tortilla chips", + "boneless skinless chicken breasts", + "sour cream", + "chicken broth", + "shredded cheese", + "salsa", + "chopped cilantro" + ] + }, + { + "id": 14830, + "ingredients": [ + "sugar", + "shallots", + "okra", + "mustard seeds", + "sambhar powder", + "tamarind paste", + "garlic cloves", + "ground turmeric", + "red chili peppers", + "chili powder", + "cumin seed", + "onions", + "tomatoes", + "beans", + "fenugreek seeds", + "lentils" + ] + }, + { + "id": 3738, + "ingredients": [ + "cooked ham", + "whole milk", + "salt", + "ground cumin", + "unsalted butter", + "vegetable oil", + "cream cheese, soften", + "black pepper", + "shallots", + "all-purpose flour", + "large eggs", + "watercress", + "flat leaf parsley" + ] + }, + { + "id": 33149, + "ingredients": [ + "chicken stock", + "ground black pepper", + "butter", + "all-purpose flour", + "chicken", + "pearl onions", + "bay leaves", + "bacon", + "celery", + "brandy", + "fresh thyme", + "red wine", + "carrots", + "olive oil", + "mushrooms", + "salt", + "onions" + ] + }, + { + "id": 36390, + "ingredients": [ + "cocoa", + "butter", + "superfine sugar", + "brandy", + "vanilla extract", + "chestnuts", + "semisweet chocolate" + ] + }, + { + "id": 10543, + "ingredients": [ + "pecorino cheese", + "honey", + "balsamic vinegar", + "black pepper" + ] + }, + { + "id": 22597, + "ingredients": [ + "garam masala", + "ground turmeric", + "salmon fillets", + "ground red pepper", + "ground ginger", + "cooking spray", + "kosher salt", + "ground coriander" + ] + }, + { + "id": 49045, + "ingredients": [ + "black beans", + "white cheddar cheese", + "avocado", + "corn", + "salt", + "pepper", + "purple onion", + "tomatoes", + "cilantro", + "pita pockets" + ] + }, + { + "id": 26531, + "ingredients": [ + "tomatoes", + "soy sauce", + "green onions", + "red bell pepper", + "fish sauce", + "lime", + "garlic", + "chopped fresh mint", + "light brown sugar", + "squirt", + "peanuts", + "rice vinegar", + "fresh basil", + "black pepper", + "fresh green bean", + "chopped cilantro" + ] + }, + { + "id": 38356, + "ingredients": [ + "bacon", + "chopped parsley", + "pepper", + "thyme", + "Del Monte Diced Tomatoes", + "red kidney beans", + "salt", + "bay leaf", + "cannellini beans", + "ground meat" + ] + }, + { + "id": 31739, + "ingredients": [ + "ground cinnamon", + "large eggs", + "buttermilk", + "turbinado", + "oat flour", + "butter", + "baking soda", + "baking powder", + "all-purpose flour", + "brown sugar", + "old-fashioned oats", + "sea salt" + ] + }, + { + "id": 28912, + "ingredients": [ + "extra firm tofu", + "ginger", + "garlic cloves", + "sugar pea", + "sesame oil", + "tamari soy sauce", + "rapeseed oil", + "red chili peppers", + "spring onions", + "rice vermicelli", + "lemon juice", + "lime", + "red pepper", + "pak choi", + "coriander" + ] + }, + { + "id": 42828, + "ingredients": [ + "kiwi fruits", + "sugar", + "lime", + "cachaca" + ] + }, + { + "id": 3903, + "ingredients": [ + "bread crumb fresh", + "large eggs", + "all-purpose flour", + "tomatoes", + "eggplant", + "fresh mozzarella", + "Italian bread", + "black pepper", + "parmigiano reggiano cheese", + "salt", + "onions", + "olive oil", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 44976, + "ingredients": [ + "radicchio", + "dry red wine", + "arborio rice", + "shallots", + "olive oil", + "butter", + "grated parmesan cheese", + "vegetable broth" + ] + }, + { + "id": 28573, + "ingredients": [ + "water", + "boiling water", + "tea bags", + "peach slices", + "cold water", + "peaches", + "sugar", + "mint sprigs" + ] + }, + { + "id": 44215, + "ingredients": [ + "Japanese soy sauce", + "dried bonito flakes", + "mirin", + "dashi" + ] + }, + { + "id": 35636, + "ingredients": [ + "minced garlic", + "cooking spray", + "butter", + "fresh lemon juice", + "canola oil", + "kosher salt", + "nonfat greek yogurt", + "brown mustard seeds", + "cumin seed", + "chopped cilantro fresh", + "phyllo dough", + "ground black pepper", + "ground red pepper", + "chickpeas", + "cucumber", + "ground cumin", + "tomato paste", + "water", + "peeled fresh ginger", + "green peas", + "carrots", + "sliced green onions" + ] + }, + { + "id": 10709, + "ingredients": [ + "chile powder", + "onion powder", + "sweet paprika", + "black pepper", + "ancho powder", + "chipotle chile", + "sea salt", + "ground cumin", + "garlic powder", + "cilantro" + ] + }, + { + "id": 44787, + "ingredients": [ + "lemon grass", + "basil leaves", + "chicken stock", + "jalapeno chilies", + "coconut milk", + "chili paste", + "crab leg", + "fish sauce", + "chunky peanut butter", + "medium shrimp" + ] + }, + { + "id": 3263, + "ingredients": [ + "refrigerated biscuits", + "fajita seasoning mix", + "diced onions", + "vegetable oil", + "boneless skinless chicken breasts", + "monterey jack", + "green bell pepper", + "red bell pepper" + ] + }, + { + "id": 36111, + "ingredients": [ + "baby spinach leaves", + "boneless skinless chicken breasts", + "chopped onion", + "olive oil", + "cajun seasoning", + "red bell pepper", + "fat free less sodium chicken broth", + "converted rice", + "garlic cloves", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 38476, + "ingredients": [ + "ground cinnamon", + "granulated sugar", + "1% low-fat milk", + "brown sugar", + "sweet potatoes", + "whole nutmegs", + "water", + "butter", + "canola oil", + "white rum", + "large eggs", + "salt" + ] + }, + { + "id": 28105, + "ingredients": [ + "black pepper", + "minced onion", + "meat", + "zest", + "chopped parsley", + "celery ribs", + "cayenne", + "hard-boiled egg", + "dry sherry", + "garlic cloves", + "crushed tomatoes", + "flour", + "worcestershire sauce", + "sweet paprika", + "green bell pepper", + "unsalted butter", + "bay leaves", + "salt", + "lemon juice" + ] + }, + { + "id": 43568, + "ingredients": [ + "celery ribs", + "coarse salt", + "long-grain rice", + "low sodium store bought chicken stock", + "andouille sausage", + "tomatoes with juice", + "onions", + "green bell pepper", + "old bay seasoning", + "garlic cloves", + "olive oil", + "freshly ground pepper", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 6441, + "ingredients": [ + "crushed tomatoes", + "reduced-fat sour cream", + "chopped onion", + "dried black beans", + "ground black pepper", + "chopped celery", + "carrots", + "fat free less sodium chicken broth", + "jalapeno chilies", + "salt", + "fresh lime juice", + "fresh cilantro", + "bacon slices", + "garlic cloves" + ] + }, + { + "id": 45081, + "ingredients": [ + "white sugar", + "butter", + "brown sugar", + "whiskey", + "whipping cream" + ] + }, + { + "id": 8666, + "ingredients": [ + "cherry tomatoes", + "salt", + "feta cheese crumbles", + "garlic powder", + "mixed greens", + "allspice", + "pitted black olives", + "purple onion", + "lemon juice", + "ground lamb", + "olive oil", + "chickpeas", + "cucumber" + ] + }, + { + "id": 35983, + "ingredients": [ + "light soy sauce", + "scallions", + "ground pork", + "peeled fresh ginger", + "all-purpose flour" + ] + }, + { + "id": 14186, + "ingredients": [ + "red cabbage", + "salt", + "green cabbage", + "vinegar", + "celery seed", + "cider vinegar", + "bacon slices", + "ground black pepper", + "crushed red pepper" + ] + }, + { + "id": 10143, + "ingredients": [ + "red potato", + "vinaigrette", + "kalamata", + "pepper", + "green beans", + "white tuna in water", + "salt" + ] + }, + { + "id": 2448, + "ingredients": [ + "water", + "all-purpose flour", + "butter", + "milk", + "eggs", + "salt" + ] + }, + { + "id": 26012, + "ingredients": [ + "lime juice", + "salt", + "green onions", + "chopped fresh mint", + "lemongrass", + "garlic cloves", + "jumbo shrimp", + "red pepper flakes", + "asian fish sauce" + ] + }, + { + "id": 48776, + "ingredients": [ + "tomatoes", + "dried thyme", + "chicken breasts", + "cayenne pepper", + "celery flakes", + "dried chives", + "minced onion", + "smoked sausage", + "long-grain rice", + "parsley flakes", + "garlic powder", + "onion powder", + "chili sauce", + "dried shrimp", + "chicken stock", + "pepper", + "bay leaves", + "salt", + "smoked paprika" + ] + }, + { + "id": 39833, + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "shallots", + "freshly ground pepper", + "unsalted butter", + "beef tenderloin", + "red wine" + ] + }, + { + "id": 12533, + "ingredients": [ + "southern comfort", + "butter", + "cold water", + "peaches", + "salt", + "sugar", + "vanilla extract", + "brown sugar", + "flour", + "all-purpose flour" + ] + }, + { + "id": 13637, + "ingredients": [ + "salt", + "ground pepper", + "fresh parsley", + "sugar", + "diced tomatoes in juice", + "bacon", + "orecchiette" + ] + }, + { + "id": 5998, + "ingredients": [ + "hot pepper", + "water", + "smoked ham hocks", + "onions", + "dried beans", + "long grain white rice" + ] + }, + { + "id": 28339, + "ingredients": [ + "unsalted butter", + "bananas", + "light brown sugar", + "puff pastry" + ] + }, + { + "id": 26881, + "ingredients": [ + "pecans", + "green onions", + "baking mix", + "large eggs", + "salt", + "pepper", + "buttermilk", + "cooking spray", + "boneless skinless chicken" + ] + }, + { + "id": 40945, + "ingredients": [ + "honey", + "butter", + "canola oil", + "eggs", + "peaches", + "all-purpose flour", + "fat free milk", + "salt", + "sugar", + "baking powder", + "cornmeal" + ] + }, + { + "id": 36422, + "ingredients": [ + "chicken broth", + "chile pepper", + "white sugar", + "olive oil", + "paprika", + "fish sauce", + "crushed garlic", + "frozen chicken wings", + "corn starch" + ] + }, + { + "id": 40041, + "ingredients": [ + "minced garlic", + "extra-virgin olive oil", + "freshly ground pepper", + "red potato", + "shallots", + "salt", + "rosemary", + "lamb shoulder", + "green olives", + "basil", + "anchovy fillets" + ] + }, + { + "id": 38541, + "ingredients": [ + "green bell pepper", + "salt", + "celery ribs", + "bay leaves", + "onions", + "tomato sauce", + "okra", + "pepper", + "garlic cloves" + ] + }, + { + "id": 35240, + "ingredients": [ + "water", + "salt", + "shrimp", + "pepper", + "stewed tomatoes", + "vegetable gumbo mixture", + "oysters", + "all-purpose flour", + "file powder", + "creole seasoning" + ] + }, + { + "id": 44367, + "ingredients": [ + "ground black pepper", + "salt", + "ground cumin", + "garlic", + "beef broth", + "chili powder", + "all-purpose flour", + "olive oil", + "boneless beef chuck roast", + "dried oregano" + ] + }, + { + "id": 18043, + "ingredients": [ + "dijon mustard", + "garlic cloves", + "part-skim mozzarella cheese", + "green onions", + "cooked chicken breasts", + "pizza crust", + "mushrooms", + "feta cheese crumbles", + "fresh parmesan cheese", + "red wine vinegar", + "plum tomatoes" + ] + }, + { + "id": 35014, + "ingredients": [ + "roasted cashews", + "garam masala", + "light coconut milk", + "garlic cloves", + "ground ginger", + "tomato sauce", + "boneless skinless chicken breasts", + "yellow onion", + "allspice", + "tumeric", + "nonfat plain greek yogurt", + "salt", + "cumin", + "chicken broth", + "olive oil", + "chili powder", + "cardamom" + ] + }, + { + "id": 30069, + "ingredients": [ + "milk", + "parmigiano reggiano cheese", + "artichokes", + "garlic cloves", + "mozzarella cheese", + "unsalted butter", + "ricotta cheese", + "grated nutmeg", + "olive oil", + "leeks", + "all-purpose flour", + "water", + "lasagna noodles", + "lemon", + "freshly ground pepper" + ] + }, + { + "id": 16713, + "ingredients": [ + "Turkish bay leaves", + "salt", + "dried oregano", + "white onion", + "large garlic cloves", + "chipotles in adobo", + "water", + "cilantro", + "plum tomatoes", + "cotija", + "chicken breasts", + "corn tortillas", + "canola oil" + ] + }, + { + "id": 12339, + "ingredients": [ + "olive oil", + "rice vinegar", + "snow peas", + "soy sauce", + "cilantro leaves", + "red bell pepper", + "chiles", + "green onions", + "Chinese egg noodles", + "hoisin sauce", + "duck" + ] + }, + { + "id": 12234, + "ingredients": [ + "black pepper", + "lemon wedge", + "garlic cloves", + "salmon fillets", + "olive oil", + "dry bread crumbs", + "dried thyme", + "salt", + "pitted kalamata olives", + "cooking spray", + "lemon rind" + ] + }, + { + "id": 12453, + "ingredients": [ + "rye whiskey", + "herbsaint", + "twists", + "simple syrup" + ] + }, + { + "id": 22609, + "ingredients": [ + "soy sauce", + "chicken", + "granulated sugar", + "fresh ginger", + "garlic" + ] + }, + { + "id": 44725, + "ingredients": [ + "eggs", + "baking powder", + "all-purpose flour", + "granny smith apples", + "butter", + "baking soda", + "buttermilk", + "sugar", + "cinnamon", + "wheat germ" + ] + }, + { + "id": 29732, + "ingredients": [ + "sambal ulek", + "minced garlic", + "cooking spray", + "brown rice", + "peanut oil", + "brown sugar", + "large eggs", + "boneless skinless chicken breasts", + "bacon slices", + "fresh lime juice", + "boneless chicken skinless thigh", + "broccoli florets", + "shallots", + "salt", + "fish sauce", + "lower sodium soy sauce", + "green onions", + "lime wedges", + "red bell pepper" + ] + }, + { + "id": 44392, + "ingredients": [ + "lime juice", + "crumbs", + "lime zest", + "unsalted butter", + "salt", + "large egg yolks", + "heavy cream", + "graham crackers", + "granulated sugar", + "sweetened condensed milk" + ] + }, + { + "id": 23798, + "ingredients": [ + "bengal gram", + "salt", + "mustard seeds", + "fresh curry leaves", + "cooking oil", + "chopped onion", + "dried red chile peppers", + "water", + "chile pepper", + "cumin seed", + "chopped cilantro fresh", + "split black lentils", + "cayenne pepper", + "asafoetida powder" + ] + }, + { + "id": 24772, + "ingredients": [ + "pepper", + "beer", + "ground cumin", + "chiles", + "salt", + "onions", + "bottom round", + "salad oil", + "garlic", + "pork shoulder" + ] + }, + { + "id": 12345, + "ingredients": [ + "mayonaise", + "butter", + "french bread", + "salt", + "grated parmesan cheese", + "garlic", + "cheddar cheese", + "green onions", + "monterey jack" + ] + }, + { + "id": 23309, + "ingredients": [ + "pepper flakes", + "fresh ginger", + "garlic", + "kosher salt", + "green onions", + "carrots", + "chili pepper", + "napa cabbage", + "bok choy", + "sugar", + "Sriracha", + "yellow onion" + ] + }, + { + "id": 40450, + "ingredients": [ + "ground cinnamon", + "chopped tomatoes", + "onions", + "chicken stock", + "sliced almonds", + "paprika", + "ground cumin", + "preserved lemon", + "ground black pepper", + "chicken thighs", + "ground ginger", + "olive oil", + "garlic" + ] + }, + { + "id": 28710, + "ingredients": [ + "extra-virgin olive oil", + "ricotta salata", + "fresh basil leaves", + "lemon", + "frozen peas", + "dried pasta", + "tarragon leaves" + ] + }, + { + "id": 8336, + "ingredients": [ + "olive oil", + "pomegranate molasses", + "yellow onion", + "scallions", + "ground black pepper", + "salt", + "ground mustard", + "ground turmeric", + "green lentil", + "Italian parsley leaves", + "red serrano peppers", + "garlic cloves", + "chicken stock", + "jalapeno chilies", + "cilantro leaves", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 3554, + "ingredients": [ + "soy sauce", + "garlic cloves", + "cooked rice", + "ground pepper", + "sugar", + "roast", + "lettuce", + "sesame seeds" + ] + }, + { + "id": 5668, + "ingredients": [ + "baking powder", + "confectioners sugar", + "sugar", + "salt", + "eggs", + "bourbon whiskey", + "fresh mint", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 34033, + "ingredients": [ + "honey", + "whiskey", + "lime", + "soda water", + "blood orange", + "fresh mint", + "tea bags", + "golden brown sugar" + ] + }, + { + "id": 20513, + "ingredients": [ + "chicken drumsticks", + "chopped onion", + "cooking spray", + "salt", + "chicken thighs", + "sugar", + "diced tomatoes", + "garlic cloves", + "chipotle chile", + "yellow bell pepper", + "fresh lime juice" + ] + }, + { + "id": 1130, + "ingredients": [ + "olive oil", + "russet potatoes", + "almonds", + "kalamata", + "large egg yolks", + "lemon", + "kosher salt", + "ground black pepper", + "garlic" + ] + }, + { + "id": 30203, + "ingredients": [ + "fine sea salt", + "onions", + "jalapeno chilies", + "garlic cloves", + "water", + "canned tomatoes", + "canola oil", + "ancho powder", + "long grain brown rice" + ] + }, + { + "id": 46316, + "ingredients": [ + "basil pesto sauce", + "egg yolks", + "feta cheese", + "boneless skinless chicken breast halves", + "sun-dried tomatoes", + "crushed garlic", + "fresh spinach", + "frozen pastry puff sheets" + ] + }, + { + "id": 29023, + "ingredients": [ + "Vietnamese coriander", + "wood ear mushrooms", + "fish sauce", + "boneless skinless chicken breasts", + "glass noodles", + "chicken stock", + "yellow rock sugar", + "serrano chile", + "black pepper", + "salt" + ] + }, + { + "id": 22289, + "ingredients": [ + "chicken breast tenders", + "light coconut milk", + "onions", + "minced garlic", + "lime wedges", + "fresh lime juice", + "sugar", + "Sriracha", + "corn starch", + "canola oil", + "fish sauce", + "fresh ginger", + "rice", + "chopped cilantro fresh" + ] + }, + { + "id": 49330, + "ingredients": [ + "tuna packed in water", + "button mushrooms", + "artichok heart marin", + "salt", + "pepper", + "black olives", + "tomato sauce", + "red wine vinegar", + "giardiniera" + ] + }, + { + "id": 32512, + "ingredients": [ + "nutmeg", + "pepper", + "lean ground beef", + "garlic", + "dried parsley", + "eggs", + "whole peeled tomatoes", + "crushed red pepper flakes", + "chopped parsley", + "saffron", + "ground cinnamon", + "olive oil", + "paprika", + "salt", + "cumin", + "tumeric", + "bay leaves", + "ginger", + "onions" + ] + }, + { + "id": 4554, + "ingredients": [ + "garam masala", + "baking potatoes", + "chopped cilantro fresh", + "tomato purée", + "ground red pepper", + "cumin seed", + "water", + "vegetable oil", + "garlic cloves", + "cauliflower", + "peeled fresh ginger", + "salt", + "ground turmeric" + ] + }, + { + "id": 14947, + "ingredients": [ + "eggs", + "black pepper", + "ricotta cheese", + "flat leaf parsley", + "ground round", + "olive oil", + "garlic cloves", + "fresh basil", + "uncooked lasagna", + "salt", + "onions", + "fennel seeds", + "romano cheese", + "part-skim mozzarella cheese", + "sausages" + ] + }, + { + "id": 33667, + "ingredients": [ + "ground black pepper", + "fresh lemon juice", + "water", + "vegetable oil", + "white vinegar", + "flank steak", + "fresh lime juice", + "garlic powder", + "worcestershire sauce" + ] + }, + { + "id": 49000, + "ingredients": [ + "bell pepper", + "stewed tomatoes", + "large shrimp", + "grape tomatoes", + "chili pepper flakes", + "garlic salt", + "fresh basil", + "shallots", + "garlic", + "olive oil", + "cajun seasoning", + "spaghetti" + ] + }, + { + "id": 31457, + "ingredients": [ + "garlic paste", + "ground pepper", + "red", + "coriander", + "olive oil", + "chicken breasts", + "nonfat yogurt plain", + "cumin", + "curry powder", + "garam masala", + "salt", + "greens", + "chopped tomatoes", + "lemon", + "onions", + "ginger paste" + ] + }, + { + "id": 46254, + "ingredients": [ + "2% reduced fat chocolate milk", + "brewed coffee", + "bourbon whiskey", + "brown sugar" + ] + }, + { + "id": 37570, + "ingredients": [ + "baguette", + "chees fresh mozzarella", + "pitted kalamata olives", + "roasted red peppers", + "mayonaise", + "salami", + "radicchio", + "chopped celery" + ] + }, + { + "id": 5605, + "ingredients": [ + "yellow corn meal", + "olive oil", + "red wine vinegar", + "garlic cloves", + "black pepper", + "half & half", + "vegetable broth", + "grape tomatoes", + "fresh parmesan cheese", + "yellow bell pepper", + "fresh parsley", + "water", + "chopped fresh thyme", + "salt" + ] + }, + { + "id": 24507, + "ingredients": [ + "asafoetida", + "salt", + "oil", + "ginger", + "green chilies", + "onions", + "tomatoes", + "garlic", + "cumin seed", + "ground cumin", + "garam masala", + "cilantro leaves", + "mung bean sprouts" + ] + }, + { + "id": 30816, + "ingredients": [ + "fish sauce", + "red leaf lettuce", + "bawang goreng", + "rice flour", + "potato starch", + "kosher salt", + "water chestnuts", + "yellow onion", + "wood ear mushrooms", + "sugar", + "ground black pepper", + "ground pork", + "corn starch", + "spearmint", + "minced garlic", + "tapioca starch", + "english cucumber", + "canola oil" + ] + }, + { + "id": 32852, + "ingredients": [ + "shredded extra sharp cheddar cheese", + "button mushrooms", + "tomatoes", + "cooked chicken", + "light sour cream", + "green onions", + "ground cumin", + "diced green chilies", + "cilantro" + ] + }, + { + "id": 13107, + "ingredients": [ + "carrots", + "fish sauce", + "fresh lime juice", + "sugar", + "chopped cilantro", + "garlic", + "green papaya" + ] + }, + { + "id": 20463, + "ingredients": [ + "canned low sodium chicken broth", + "dijon mustard", + "tart apples", + "sauerkraut", + "salt", + "onions", + "juniper berries", + "bacon", + "bay leaf", + "ground black pepper", + "carrots", + "chicken thighs" + ] + }, + { + "id": 85, + "ingredients": [ + "vegetable oil spray", + "berries", + "large egg whites", + "crème fraîche", + "creme anglaise", + "unsweetened chocolate", + "sugar", + "whipping cream" + ] + }, + { + "id": 27025, + "ingredients": [ + "avocado", + "lime", + "salt", + "chili pepper", + "cilantro", + "tomatoes", + "jalapeno chilies", + "pepper", + "purple onion" + ] + }, + { + "id": 40983, + "ingredients": [ + "tomatoes", + "hot pepper sauce", + "butter", + "beef stew meat", + "chopped onion", + "medium shrimp", + "water", + "fresh thyme", + "worcestershire sauce", + "salt", + "okra", + "white sugar", + "andouille sausage", + "file powder", + "lemon", + "chopped celery", + "crabmeat", + "fresh parsley", + "ground black pepper", + "bay leaves", + "garlic", + "all-purpose flour", + "ground cayenne pepper" + ] + }, + { + "id": 20113, + "ingredients": [ + "mozzarella cheese", + "italian seasoning", + "tomatoes", + "ricotta cheese", + "pasta", + "dried basil", + "sausage casings", + "salt" + ] + }, + { + "id": 44284, + "ingredients": [ + "bacon", + "cream cheese", + "jalapeno chilies" + ] + }, + { + "id": 16999, + "ingredients": [ + "mini marshmallows", + "vanilla extract", + "bourbon whiskey", + "sweet potatoes", + "sugar", + "butter" + ] + }, + { + "id": 35662, + "ingredients": [ + "light soy sauce", + "green onions", + "chili sauce", + "sugar", + "ground black pepper", + "beef tenderloin", + "canola oil", + "dark soy sauce", + "sesame seeds", + "sesame oil", + "garlic cloves", + "water", + "peeled fresh ginger", + "rice vinegar" + ] + }, + { + "id": 14382, + "ingredients": [ + "olive oil", + "dry white wine", + "less sodium beef broth", + "sugar", + "reduced fat reduced sodium swiss cheese", + "purple onion", + "sweet onion", + "french bread", + "salt", + "ground black pepper", + "chopped fresh thyme" + ] + }, + { + "id": 40297, + "ingredients": [ + "sesame seeds", + "pumpkin", + "sea salt", + "soy sauce", + "extra firm tofu", + "sesame oil", + "vegetable broth", + "agave nectar", + "green onions", + "ginger", + "olive oil", + "udon", + "miso", + "rice vinegar" + ] + }, + { + "id": 32630, + "ingredients": [ + "sugar", + "bay leaves", + "sea salt", + "allspice berries", + "cabbage", + "orange bell pepper", + "cinnamon", + "ground coriander", + "celery seed", + "white vinegar", + "ground black pepper", + "red pepper flakes", + "cumin seed", + "ground turmeric", + "water", + "tomatillos", + "yellow onion", + "dried chile" + ] + }, + { + "id": 7264, + "ingredients": [ + "chopped almonds", + "egg whites", + "almonds", + "white sugar", + "potatoes" + ] + }, + { + "id": 14867, + "ingredients": [ + "milk", + "lemon rind", + "brown sugar", + "egg yolks", + "orange rind", + "light cream", + "cinnamon sticks", + "caster sugar", + "vanilla extract" + ] + }, + { + "id": 18802, + "ingredients": [ + "baking apples", + "large eggs", + "all-purpose flour", + "unsalted butter", + "heavy cream", + "apple brandy", + "full fat sour cream", + "granulated sugar", + "salt" + ] + }, + { + "id": 3985, + "ingredients": [ + "cumin seed", + "coriander", + "chili powder", + "cucumber", + "ground cumin", + "oil", + "ground turmeric", + "salt", + "mustard seeds" + ] + }, + { + "id": 35155, + "ingredients": [ + "sugar", + "large eggs", + "instant espresso powder", + "unsweetened cocoa powder", + "semisweet chocolate", + "brandy", + "half & half" + ] + }, + { + "id": 17760, + "ingredients": [ + "ice cubes", + "honey", + "lime", + "cachaca" + ] + }, + { + "id": 14474, + "ingredients": [ + "rice", + "salt", + "white lentils", + "fenugreek seeds" + ] + }, + { + "id": 28666, + "ingredients": [ + "cream of chicken soup", + "stuffing mix", + "pepper", + "frozen chopped broccoli", + "melted butter", + "flour", + "sour cream", + "shredded cheddar cheese", + "salt" + ] + }, + { + "id": 38277, + "ingredients": [ + "ground black pepper", + "fine sea salt", + "chili pepper", + "vegetable oil", + "onions", + "large eggs", + "mexican chorizo", + "brown hash potato", + "cilantro", + "dried parsley" + ] + }, + { + "id": 7931, + "ingredients": [ + "fresh ginger", + "heavy cream", + "onions", + "slivered almonds", + "unsalted butter", + "garlic", + "garam masala", + "diced tomatoes", + "chopped cilantro fresh", + "plain yogurt", + "boneless skinless chicken breasts", + "salt" + ] + }, + { + "id": 49649, + "ingredients": [ + "olive oil", + "chilli paste", + "salt", + "onions", + "tomatoes", + "beef stock", + "ginger", + "cardamom", + "ground cumin", + "tumeric", + "blade steak", + "garlic", + "carrots", + "potatoes", + "cracked black pepper", + "mustard powder", + "coriander" + ] + }, + { + "id": 8266, + "ingredients": [ + "black beans", + "cream cheese", + "boneless skinless chicken", + "corn", + "shredded cheese", + "cooked rice", + "salsa" + ] + }, + { + "id": 29725, + "ingredients": [ + "diced tomatoes", + "refrigerated crescent rolls", + "Old El Paso Taco Seasoning Mix", + "shredded cheddar cheese", + "ground beef", + "shredded lettuce", + "chunky salsa" + ] + }, + { + "id": 20460, + "ingredients": [ + "light soy sauce", + "scallions", + "ginger", + "lotus roots", + "Shaoxing wine", + "pork spareribs", + "sugar", + "salt", + "black vinegar" + ] + }, + { + "id": 4097, + "ingredients": [ + "olive oil", + "onions", + "red wine vinegar", + "garlic cloves", + "pimentos" + ] + }, + { + "id": 44710, + "ingredients": [ + "large garlic cloves", + "tomatoes", + "sourdough", + "extra-virgin olive oil", + "coarse salt" + ] + }, + { + "id": 6344, + "ingredients": [ + "jalapeno chilies", + "garlic cloves", + "tomatoes", + "salt", + "fresh lime juice", + "avocado", + "chicken breasts", + "smoked paprika", + "tostada shells", + "fresh onion", + "chopped cilantro fresh" + ] + }, + { + "id": 11194, + "ingredients": [ + "tomatoes", + "lamb bouillon cube", + "spring onions", + "fenugreek seeds", + "garlic cloves", + "ground turmeric", + "water", + "goat", + "Flora Cuisine", + "cardamom pods", + "coconut milk", + "black pepper", + "coriander seeds", + "star anise", + "ground allspice", + "cinnamon sticks", + "lime", + "potatoes", + "cayenne pepper", + "cumin seed", + "onions" + ] + }, + { + "id": 44716, + "ingredients": [ + "fat free less sodium chicken broth", + "cheese", + "leeks", + "thyme sprigs", + "butter", + "bay leaf", + "baguette", + "garlic cloves" + ] + }, + { + "id": 34191, + "ingredients": [ + "black beans", + "worcestershire sauce", + "lemon juice", + "parsley flakes", + "brown hash potato", + "garlic", + "celery", + "soy sauce", + "swiss chard", + "sherry wine", + "onions", + "fennel seeds", + "ground pepper", + "vegetable broth", + "red bell pepper" + ] + }, + { + "id": 39699, + "ingredients": [ + "light soy sauce", + "extra-virgin olive oil", + "freshly ground pepper", + "ground cumin", + "curly parsley", + "large eggs", + "purple onion", + "ground turmeric", + "minced ginger", + "yoghurt", + "salt", + "beef round", + "cayenne", + "garlic", + "fresh lemon juice" + ] + }, + { + "id": 14929, + "ingredients": [ + "green olives", + "olive oil", + "fresh parsley", + "minced garlic", + "diced tomatoes", + "black pepper", + "prosciutto", + "chicken breast tenders", + "smoked paprika" + ] + }, + { + "id": 47451, + "ingredients": [ + "cod", + "kosher salt", + "whole peeled tomatoes", + "crushed red pepper flakes", + "country bread", + "fennel seeds", + "ground black pepper", + "dry white wine", + "garlic cloves", + "dried oregano", + "mussels", + "olive oil", + "bay leaves", + "squid", + "onions", + "tentacles", + "fennel bulb", + "clam juice", + "shrimp" + ] + }, + { + "id": 24368, + "ingredients": [ + "lime", + "sweet potatoes", + "cilantro", + "cumin", + "mango salsa", + "jalapeno chilies", + "butter", + "salt", + "shredded Monterey Jack cheese", + "avocado", + "olive oil", + "whole milk", + "purple onion", + "mango", + "black beans", + "flour", + "paprika", + "tortilla chips" + ] + }, + { + "id": 884, + "ingredients": [ + "recaito", + "pork butt", + "hominy" + ] + }, + { + "id": 5137, + "ingredients": [ + "fresh rosemary", + "red grape", + "lamb loin chops", + "olive oil", + "garlic", + "honey", + "dry white wine", + "ground black pepper", + "salt" + ] + }, + { + "id": 38574, + "ingredients": [ + "sugar", + "Equal Sweetener", + "flour", + "unsalted butter", + "eggs", + "salt" + ] + }, + { + "id": 48792, + "ingredients": [ + "grated parmesan cheese", + "extra-virgin olive oil", + "wild mushrooms", + "ground black pepper", + "dry white wine", + "all-purpose flour", + "large eggs", + "butter", + "low salt chicken broth", + "fresh marjoram", + "green onions", + "salt" + ] + }, + { + "id": 49132, + "ingredients": [ + "soy sauce", + "mushrooms", + "garlic cloves", + "iceberg lettuce", + "sugar", + "fresh ginger", + "ground pork", + "corn starch", + "chinese rice wine", + "white pepper", + "sesame oil", + "oyster sauce", + "chicken", + "pastry", + "prawns", + "scallions", + "bamboo shoots" + ] + }, + { + "id": 5669, + "ingredients": [ + "green olives", + "olive oil", + "paprika", + "black pepper", + "finely chopped onion", + "cayenne pepper", + "tomato sauce", + "cod fillets", + "garlic", + "salad", + "cherry tomatoes", + "butter" + ] + }, + { + "id": 37952, + "ingredients": [ + "boneless chicken skinless thigh", + "vegetable oil", + "corn starch", + "white sugar", + "dijon mustard", + "wine vinegar", + "cucumber", + "sesame seeds", + "lemon", + "green beans", + "whisky", + "soy sauce", + "sesame oil", + "salt", + "ginger root" + ] + }, + { + "id": 49298, + "ingredients": [ + "green cabbage", + "lime", + "paprika", + "corn tortillas", + "cumin", + "water", + "red cabbage", + "cayenne pepper", + "onions", + "brown sugar", + "garlic powder", + "salt", + "chopped cilantro", + "avocado", + "tilapia fillets", + "vegetable oil", + "greek yogurt", + "dried oregano" + ] + }, + { + "id": 41405, + "ingredients": [ + "stone-ground cornmeal", + "egg whites", + "all-purpose flour", + "sugar", + "whole wheat flour", + "vegetable oil", + "ground cinnamon", + "honey", + "baking powder", + "skim milk", + "nonfat greek yogurt", + "salt" + ] + }, + { + "id": 34909, + "ingredients": [ + "graham cracker crusts", + "white sugar", + "skim milk", + "fat free instant chocolate pudding mix", + "semisweet chocolate", + "frozen whipped topping", + "Neufchâtel" + ] + }, + { + "id": 10767, + "ingredients": [ + "evaporated cane juice", + "rice", + "dashi", + "miso", + "cucumber", + "shichimi togarashi", + "shiso leaves", + "sesame seeds", + "salt" + ] + }, + { + "id": 5721, + "ingredients": [ + "frozen broccoli florets", + "fresh mushrooms", + "diced tomatoes", + "italian seasoning", + "fettucine", + "purple onion", + "boneless skinless chicken breasts", + "balsamic vinaigrette" + ] + }, + { + "id": 27292, + "ingredients": [ + "quail", + "masala", + "salt", + "minced garlic", + "low-fat yogurt", + "fresh ginger" + ] + }, + { + "id": 18692, + "ingredients": [ + "chicken broth", + "red chili peppers", + "ginger", + "oil", + "chicken wings", + "spring onions", + "salt", + "eggs", + "white pepper", + "garlic", + "corn flour", + "white vinegar", + "sugar", + "crushed red pepper flakes", + "chili sauce" + ] + }, + { + "id": 27907, + "ingredients": [ + "sesame seeds", + "scallions", + "glass noodles", + "brown sugar", + "flank steak", + "carrots", + "spinach leaves", + "shiitake", + "garlic cloves", + "canola oil", + "soy sauce", + "sesame oil", + "onions" + ] + }, + { + "id": 45127, + "ingredients": [ + "salt", + "ground cumin", + "chopped cilantro fresh", + "cayenne pepper", + "plain yogurt", + "kiwi" + ] + }, + { + "id": 33534, + "ingredients": [ + "crushed tomatoes", + "kalamata", + "fresh basil", + "olive oil", + "purple onion", + "cherry tomatoes", + "garlic", + "red chili peppers", + "grated parmesan cheese", + "fresh gnocchi" + ] + }, + { + "id": 26, + "ingredients": [ + "active dry yeast", + "confectioners sugar", + "sugar", + "self rising flour", + "eggs", + "evaporated milk", + "canola oil", + "warm water", + "oil" + ] + }, + { + "id": 13068, + "ingredients": [ + "boneless chicken skinless thigh", + "yellow curry paste", + "unsweetened coconut milk", + "vegetable oil", + "red bell pepper", + "yukon gold potatoes", + "carrots", + "fresh basil", + "cilantro", + "onions" + ] + }, + { + "id": 45579, + "ingredients": [ + "frozen chopped spinach", + "part-skim ricotta cheese", + "black beans", + "pinto beans", + "reduced fat cheddar cheese", + "salsa", + "cooking spray", + "corn tortillas" + ] + }, + { + "id": 28956, + "ingredients": [ + "large egg yolks", + "large eggs", + "semisweet chocolate", + "vanilla extract", + "sugar", + "self rising flour", + "unsalted butter", + "whipping cream" + ] + }, + { + "id": 1201, + "ingredients": [ + "whole wheat flour", + "honey", + "salt", + "water", + "flour", + "olive oil", + "yeast" + ] + }, + { + "id": 43090, + "ingredients": [ + "shredded cheddar cheese", + "chili powder", + "onions", + "garlic powder", + "salt", + "refried beans", + "garlic", + "oregano", + "tomato sauce", + "tortillas", + "ground beef" + ] + }, + { + "id": 30197, + "ingredients": [ + "water", + "whipping cream", + "raspberry jam", + "baking powder", + "all-purpose flour", + "sugar", + "ice water", + "sauce", + "rhubarb", + "unsalted butter", + "salt" + ] + }, + { + "id": 27762, + "ingredients": [ + "extra-virgin olive oil", + "broccoli rabe", + "fresh lemon juice", + "garlic", + "grated parmesan cheese", + "roast red peppers, drain" + ] + }, + { + "id": 43057, + "ingredients": [ + "dry white wine", + "salt", + "octopuses", + "extra-virgin olive oil", + "anchovy fillets", + "olive oil", + "garlic", + "red wine vinegar", + "chickpeas" + ] + }, + { + "id": 24887, + "ingredients": [ + "dry white wine", + "all-purpose flour", + "egg yolks", + "sea salt", + "canola oil", + "unsalted butter", + "baking powder", + "corn starch", + "granulated sugar", + "ice water", + "medium shrimp" + ] + }, + { + "id": 43916, + "ingredients": [ + "capers", + "olive oil", + "cajun seasoning", + "bread crumbs", + "large eggs", + "mayonaise", + "dijon mustard", + "butter", + "lump crab meat", + "green onions" + ] + }, + { + "id": 544, + "ingredients": [ + "water", + "extra firm tofu", + "miso", + "vegetable broth", + "peppercorns", + "clove", + "hand", + "rice noodles", + "cilantro", + "cinnamon sticks", + "broccolini", + "jalapeno chilies", + "basil", + "scallions", + "mint", + "Sriracha", + "parsley", + "star anise", + "onions" + ] + }, + { + "id": 10438, + "ingredients": [ + "sugar", + "vegetable oil spray", + "large eggs", + "vanilla extract", + "coarse kosher salt", + "cream of tartar", + "water", + "mascarpone", + "baking powder", + "corn starch", + "canola oil", + "cocoa", + "baking soda", + "egg whites", + "all-purpose flour", + "bittersweet chocolate", + "powdered sugar", + "orange segments", + "unsalted butter", + "light corn syrup", + "heavy whipping cream", + "unsweetened cocoa powder" + ] + }, + { + "id": 9331, + "ingredients": [ + "garam masala", + "garlic cloves", + "black pepper", + "ground red pepper", + "ketchup", + "cooking spray", + "canola oil", + "kosher salt", + "cauliflower florets" + ] + }, + { + "id": 649, + "ingredients": [ + "tomatoes", + "red pepper", + "oregano", + "jalapeno chilies", + "corn tortillas", + "refried beans", + "hot sauce", + "avocado", + "red pepper flakes", + "onions" + ] + }, + { + "id": 32577, + "ingredients": [ + "kosher salt", + "lemon", + "kalamata", + "carrots", + "ground cinnamon", + "fresh ginger", + "Italian parsley leaves", + "yellow onion", + "ground turmeric", + "lamb loin", + "low sodium chicken broth", + "paprika", + "cayenne pepper", + "ground cumin", + "olive oil", + "clove garlic, fine chop", + "cilantro leaves", + "couscous" + ] + }, + { + "id": 36873, + "ingredients": [ + "ricotta cheese", + "olive oil", + "salt", + "cracked black pepper", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 48446, + "ingredients": [ + "thai basil", + "rice noodles", + "oil", + "chili paste", + "garlic", + "shrimp", + "palm sugar", + "thai chile", + "oyster sauce", + "fish sauce", + "sweet soy sauce", + "purple onion", + "chicken" + ] + }, + { + "id": 28909, + "ingredients": [ + "avocado", + "guacamole", + "chili powder", + "frozen corn", + "cumin", + "tomatoes", + "boneless skinless chicken breasts", + "shredded sharp cheddar cheese", + "sour cream", + "chicken broth", + "green onions", + "shredded lettuce", + "tortilla chips", + "black beans", + "brown rice", + "salt", + "dried oregano" + ] + }, + { + "id": 1999, + "ingredients": [ + "ketchup", + "pork loin", + "honey", + "rice wine", + "ground ginger", + "garlic powder", + "red food coloring", + "soy sauce", + "hoisin sauce" + ] + }, + { + "id": 42137, + "ingredients": [ + "flour", + "yeast", + "sugar", + "salt", + "sweet potatoes or yams", + "warm water", + "oil" + ] + }, + { + "id": 48503, + "ingredients": [ + "lime", + "rice noodles", + "scallions", + "fresh basil leaves", + "black peppercorns", + "peeled fresh ginger", + "star anise", + "beansprouts", + "sirloin", + "shallots", + "cilantro sprigs", + "onions", + "clove", + "oxtails", + "coarse salt", + "cinnamon sticks" + ] + }, + { + "id": 49033, + "ingredients": [ + "water", + "oyster mushrooms", + "kabocha squash", + "sugar", + "satsuma imo", + "shiso leaves", + "lotus roots", + "mirin", + "all-purpose flour", + "konbu dashi", + "soy sauce", + "daikon", + "oil" + ] + }, + { + "id": 1053, + "ingredients": [ + "fresh basil", + "lemon zest", + "flat leaf parsley", + "cold water", + "minced garlic", + "large garlic cloves", + "potato starch", + "olive oil", + "shoulder roast", + "dried porcini mushrooms", + "dry white wine", + "boiling water" + ] + }, + { + "id": 5535, + "ingredients": [ + "cheddar cheese", + "butter", + "ale", + "toast", + "large eggs", + "cayenne pepper", + "dijon mustard", + "salt" + ] + }, + { + "id": 21864, + "ingredients": [ + "warm water", + "oil", + "rapid rise yeast", + "eggs", + "salt", + "sugar", + "gluten free blend" + ] + }, + { + "id": 21042, + "ingredients": [ + "large eggs", + "all-purpose flour", + "water", + "heavy cream", + "unsalted butter", + "salt", + "sugar", + "ice water", + "walnuts" + ] + }, + { + "id": 3321, + "ingredients": [ + "hungarian sweet paprika", + "garam masala", + "ground red pepper", + "fresh lemon juice", + "whitefish fillets", + "cooking spray", + "salt", + "ground turmeric", + "minced garlic", + "peeled fresh ginger", + "english cucumber", + "low-fat plain yogurt", + "ground black pepper", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 16337, + "ingredients": [ + "olive oil", + "dry white wine", + "chicken broth", + "unsalted butter", + "onions", + "arborio rice", + "asparagus", + "fresh shiitake mushrooms", + "water", + "parmigiano reggiano cheese" + ] + }, + { + "id": 22885, + "ingredients": [ + "brown sugar", + "rice vinegar", + "water", + "canola oil", + "red chili peppers", + "garlic cloves", + "fish sauce", + "thai chile" + ] + }, + { + "id": 4020, + "ingredients": [ + "curry powder", + "unsalted butter", + "bacon", + "celery", + "green bell pepper", + "peanuts", + "steamed white rice", + "garlic", + "chicken", + "dried thyme", + "whole peeled tomatoes", + "currant", + "canola oil", + "kosher salt", + "ground black pepper", + "bay leaves", + "yellow onion" + ] + }, + { + "id": 41425, + "ingredients": [ + "chili powder", + "garlic", + "ground coriander", + "yoghurt", + "lemon", + "tamarind paste", + "ground cumin", + "tumeric", + "butter", + "salt", + "tandoori paste", + "boneless skinless chicken breasts", + "ginger", + "green chilies" + ] + }, + { + "id": 2830, + "ingredients": [ + "chicken legs", + "sunflower oil", + "lime", + "garlic", + "fresh coriander", + "ginger", + "lemon grass", + "green chilies" + ] + }, + { + "id": 26570, + "ingredients": [ + "olive oil", + "carrots", + "diced onions", + "coarse salt", + "peeled fresh ginger", + "basmati rice", + "water", + "garlic cloves" + ] + }, + { + "id": 19943, + "ingredients": [ + "drippings", + "eggs", + "salt", + "melted butter", + "flour", + "milk" + ] + }, + { + "id": 17114, + "ingredients": [ + "kosher salt", + "garlic", + "sake", + "crushed red pepper flakes", + "nori", + "pasta", + "shiitake", + "scallions", + "soy sauce", + "linguine", + "canola oil" + ] + }, + { + "id": 6009, + "ingredients": [ + "minced garlic", + "sour cream", + "prepared mustard", + "garlic powder", + "fresh dill", + "cucumber" + ] + }, + { + "id": 43791, + "ingredients": [ + "guanciale", + "cheese", + "olive oil", + "boneless skinless chicken breast halves", + "tomatoes", + "salt", + "ground black pepper" + ] + }, + { + "id": 13681, + "ingredients": [ + "white onion", + "large eggs", + "green bell pepper", + "( oz.) tomato sauce", + "chiles", + "tortillas", + "tomatoes", + "refried beans", + "thick-cut bacon" + ] + }, + { + "id": 11385, + "ingredients": [ + "mirin", + "sweet and sour sauce", + "sugar", + "pineapple", + "dark sesame oil", + "green bell pepper", + "pork loin", + "purple onion", + "soy sauce", + "ginger", + "red bell pepper" + ] + }, + { + "id": 21875, + "ingredients": [ + "pepper", + "ginger", + "peanut butter", + "cucumber", + "brown sugar", + "lemon grass", + "white wine vinegar", + "chinese five-spice powder", + "plain flour", + "lime juice", + "garlic", + "duck", + "boiling water", + "sweet chili sauce", + "spring onions", + "salt", + "oil" + ] + }, + { + "id": 32449, + "ingredients": [ + "Shaoxing wine", + "rice", + "green onions", + "shrimp", + "dried scallops", + "sesame oil", + "minced ginger", + "salt" + ] + }, + { + "id": 3924, + "ingredients": [ + "jamaican rum", + "baking powder", + "salt", + "pineapple slices", + "unsweetened shredded dried coconut", + "vanilla extract", + "pineapple juice", + "eggs", + "butter", + "all-purpose flour", + "brown sugar", + "cocktail cherries", + "white sugar" + ] + }, + { + "id": 8799, + "ingredients": [ + "fresh rosemary", + "dry white wine", + "heavy cream", + "parsley leaves", + "vegetable oil", + "chopped garlic", + "sea scallops", + "taglierini", + "white wine vinegar", + "unsalted butter", + "shallots", + "fresh lemon juice" + ] + }, + { + "id": 1989, + "ingredients": [ + "coffee", + "salt", + "heavy cream", + "large egg yolks", + "sweetened condensed milk" + ] + }, + { + "id": 23288, + "ingredients": [ + "eggs", + "orange", + "flour", + "currant", + "bread crumbs", + "almonds", + "raisins", + "golden syrup", + "brown sugar", + "mace", + "almond extract", + "salt", + "mixed spice", + "suet", + "stout" + ] + }, + { + "id": 23920, + "ingredients": [ + "mesclun", + "olive oil", + "sugar", + "fresh lemon juice", + "dijon mustard" + ] + }, + { + "id": 46349, + "ingredients": [ + "tomatoes", + "green onions", + "taco seasoning mix", + "lean ground beef", + "lettuce", + "kidney beans", + "tortilla chips", + "shredded cheddar cheese", + "ranch dressing" + ] + }, + { + "id": 44238, + "ingredients": [ + "light red kidney beans", + "bay leaves", + "extra-virgin olive oil", + "red bell pepper", + "green bell pepper", + "water", + "red pepper flakes", + "salt", + "pepper", + "green onions", + "garlic", + "andouille sausage", + "salted butter", + "bacon slices", + "yellow onion" + ] + }, + { + "id": 31337, + "ingredients": [ + "silken tofu", + "vegetable oil", + "garlic cloves", + "honey", + "grated carrot", + "yellow miso", + "sea salt", + "fresh lemon juice", + "peeled fresh ginger", + "rice vinegar" + ] + }, + { + "id": 14492, + "ingredients": [ + "ground black pepper", + "salt", + "frozen peas", + "soy sauce", + "vegetable oil", + "carrots", + "eggs", + "unsalted butter", + "medium-grain rice", + "minced garlic", + "smoked sausage", + "onions" + ] + }, + { + "id": 18368, + "ingredients": [ + "green bell pepper", + "purple onion", + "salad dressing", + "potatoes", + "feta cheese crumbles", + "pepper", + "salt", + "pita bread", + "lemon", + "cucumber" + ] + }, + { + "id": 13781, + "ingredients": [ + "plain flour", + "bay leaves", + "sliced ham", + "cajun spice mix", + "skinless chicken breasts", + "onions", + "celery stick", + "spring onions", + "chopped parsley", + "chicken stock", + "olive oil", + "green pepper" + ] + }, + { + "id": 42371, + "ingredients": [ + "oyster sauce", + "scallions", + "soy sauce", + "noodles", + "oil" + ] + }, + { + "id": 20640, + "ingredients": [ + "white pepper", + "chicken drumsticks", + "Shaoxing wine", + "oyster sauce", + "water", + "ginger", + "soy sauce", + "sesame oil" + ] + }, + { + "id": 48955, + "ingredients": [ + "mayonaise", + "paprika", + "pimentos", + "pickle relish", + "pepper", + "salt", + "eggs", + "deviled ham" + ] + }, + { + "id": 46955, + "ingredients": [ + "fresh corn", + "lime", + "vegetable oil", + "kosher salt", + "feta cheese", + "chopped cilantro", + "black beans", + "honey", + "purple onion", + "pepper", + "quinoa", + "cumin" + ] + }, + { + "id": 30032, + "ingredients": [ + "whipping cream", + "russet potatoes", + "green onions", + "butter" + ] + }, + { + "id": 3103, + "ingredients": [ + "red chili peppers", + "ginger", + "small red potato", + "radishes", + "stevia", + "green beans", + "water", + "tamari soy sauce", + "carrots", + "shirataki", + "seaweed", + "onions" + ] + }, + { + "id": 19597, + "ingredients": [ + "sun-dried tomatoes", + "balsamic vinegar", + "salt", + "cashew nuts", + "lime juice", + "egg whites", + "ginger", + "oil", + "avocado", + "egg roll wrappers", + "cilantro", + "chili sauce", + "honey", + "jalapeno chilies", + "garlic", + "tamarind concentrate" + ] + }, + { + "id": 23435, + "ingredients": [ + "chicken broth", + "salt", + "egg noodles", + "chicken", + "green onions", + "teas" + ] + }, + { + "id": 31446, + "ingredients": [ + "soy sauce", + "butter", + "water", + "scallions", + "dashi powder", + "dried bonito flakes", + "udon", + "shredded nori" + ] + }, + { + "id": 33791, + "ingredients": [ + "sesame oil", + "toasted sesame seeds", + "green onions", + "soybean sprouts", + "water", + "salt", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 23813, + "ingredients": [ + "sugar", + "arepa flour", + "vegetable oil", + "salt", + "black peppercorns", + "mozzarella cheese", + "whole milk", + "fresh orange juice", + "pork shoulder", + "whole allspice", + "water", + "achiote", + "purple onion", + "dried oregano", + "white vinegar", + "habanero chile", + "unsalted butter", + "large garlic cloves", + "cumin seed" + ] + }, + { + "id": 14538, + "ingredients": [ + "olive oil", + "lamb", + "garlic", + "onions", + "lemon", + "freshly ground pepper", + "emerils essence", + "salt", + "dried oregano" + ] + }, + { + "id": 35181, + "ingredients": [ + "cream of celery soup", + "grits", + "fresh basil", + "butter", + "chicken broth", + "grated parmesan cheese", + "milk" + ] + }, + { + "id": 6246, + "ingredients": [ + "sake", + "fresh ginger", + "soy sauce", + "mirin", + "minced garlic", + "chicken thighs", + "superfine sugar" + ] + }, + { + "id": 40850, + "ingredients": [ + "cilantro sprigs", + "pot roast", + "sweet pepper", + "lime", + "sour cream", + "diced tomatoes", + "corn tortillas" + ] + }, + { + "id": 32080, + "ingredients": [ + "pesto", + "salt", + "ground black pepper", + "olive oil", + "chopped onion", + "pasta", + "grated parmesan cheese" + ] + }, + { + "id": 781, + "ingredients": [ + "chickpea flour", + "fresh ginger root", + "peanut oil", + "asafoetida powder", + "chopped cilantro fresh", + "tomatoes", + "salt", + "cumin seed", + "onions", + "ground cumin", + "fennel seeds", + "ground red pepper", + "ground coriander", + "dried red chile peppers", + "ground turmeric", + "water", + "cubed potatoes", + "mustard seeds", + "white sugar" + ] + }, + { + "id": 7679, + "ingredients": [ + "fenugreek leaves", + "minced garlic", + "cooking oil", + "dry bread crumbs", + "fennel seeds", + "red chili powder", + "fresh ginger root", + "garlic", + "white sugar", + "tomato purée", + "water", + "chile pepper", + "ground beef", + "eggs", + "cream", + "garam masala", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 44640, + "ingredients": [ + "olive oil", + "fresh basil leaves", + "pecans", + "lemon juice", + "garlic cloves", + "salt" + ] + }, + { + "id": 17645, + "ingredients": [ + "olive oil", + "salt", + "potatoes", + "ground black pepper", + "dried oregano", + "water", + "lemon" + ] + }, + { + "id": 12454, + "ingredients": [ + "dashi", + "lean beef", + "sugar", + "potatoes", + "soy sauce", + "vegetable oil", + "sake", + "mirin", + "onions" + ] + }, + { + "id": 28430, + "ingredients": [ + "self rising flour", + "water", + "oil", + "pepper sauce", + "fryer chickens", + "ground black pepper", + "garlic salt" + ] + }, + { + "id": 6876, + "ingredients": [ + "mussels", + "lemon", + "artichokes", + "red bell pepper", + "dry white wine", + "littleneck clams", + "green beans", + "chicken broth", + "diced tomatoes", + "medium-grain rice", + "onions", + "olive oil", + "paprika", + "garlic cloves", + "chicken" + ] + }, + { + "id": 48868, + "ingredients": [ + "pepper", + "garlic cloves", + "dry white wine", + "rub", + "black olives", + "olive oil", + "chicken" + ] + }, + { + "id": 43333, + "ingredients": [ + "red kidney beans", + "bell pepper", + "paprika", + "hot sauce", + "black pepper", + "worcestershire sauce", + "garlic", + "fresh parsley", + "hot sausage", + "lean ground beef", + "crushed red pepper flakes", + "rice", + "celery ribs", + "dried thyme", + "diced tomatoes", + "salt", + "onions" + ] + }, + { + "id": 9807, + "ingredients": [ + "sugar", + "coffee beans", + "szechwan peppercorns", + "large egg whites", + "bittersweet chocolate", + "heavy cream" + ] + }, + { + "id": 27843, + "ingredients": [ + "brown sugar", + "fresh ginger", + "orange juice", + "boneless chop pork", + "salt", + "soy sauce", + "crushed red pepper", + "garlic cloves", + "sweet onion", + "peanut butter" + ] + }, + { + "id": 45089, + "ingredients": [ + "cider vinegar", + "bacon slices", + "red cabbage", + "salt", + "green cabbage", + "vinegar", + "celery seed", + "ground black pepper", + "crushed red pepper" + ] + }, + { + "id": 41811, + "ingredients": [ + "sesame oil", + "chinese cabbage", + "onions", + "pepper", + "garlic", + "carrots", + "soy sauce", + "rice noodles", + "fresh pork fat", + "boneless skinless chicken breasts", + "salt", + "shrimp" + ] + }, + { + "id": 28131, + "ingredients": [ + "tilapia fillets", + "bok choy", + "tomatoes", + "tamarind paste", + "daikon", + "water", + "dried red chile peppers" + ] + }, + { + "id": 23394, + "ingredients": [ + "green cabbage", + "water", + "jalapeno chilies", + "carrots", + "cider vinegar", + "fresh ginger", + "salt", + "asian fish sauce", + "mint", + "lime juice", + "sesame oil", + "tart apples", + "boneless, skinless chicken breast", + "radishes", + "scallions" + ] + }, + { + "id": 29599, + "ingredients": [ + "olive oil", + "salt", + "diced onions", + "zucchini", + "red bell pepper", + "eggplant", + "garlic cloves", + "fresh basil", + "diced tomatoes" + ] + }, + { + "id": 40086, + "ingredients": [ + "lettuce", + "shredded cheddar cheese", + "butter", + "salt", + "cajun spice mix", + "lime", + "beef tenderloin", + "salsa", + "avocado", + "corn", + "red pepper", + "all-purpose flour", + "warm water", + "baking powder", + "purple onion", + "sour cream" + ] + }, + { + "id": 20013, + "ingredients": [ + "parmigiano reggiano cheese", + "spaghetti", + "black pepper", + "Italian parsley leaves", + "kosher salt", + "european style butter", + "fresh rosemary", + "large eggs" + ] + }, + { + "id": 18134, + "ingredients": [ + "water", + "oil", + "frozen peas", + "pork", + "salt", + "bay leaf", + "tomato paste", + "pimentos", + "garlic cloves", + "soy sauce", + "patis", + "onions" + ] + }, + { + "id": 48291, + "ingredients": [ + "fish sauce", + "water", + "ground pork", + "Asian herb", + "sugar", + "shallots", + "garlic", + "brown sugar", + "ground black pepper", + "thai chile", + "green papaya", + "red leaf lettuce", + "rice noodles", + "rice vinegar" + ] + }, + { + "id": 30903, + "ingredients": [ + "plain yogurt", + "garam masala", + "bay leaves", + "vegetable oil", + "cilantro leaves", + "coconut milk yogurt", + "caraway seeds", + "pepper", + "mint leaves", + "brown mustard seeds", + "garlic", + "green chilies", + "saffron", + "white onion", + "coriander powder", + "chicken breasts", + "ginger", + "black cardamom pods", + "basmati rice", + "curry leaves", + "rose water", + "whole milk", + "chili powder", + "salt", + "cinnamon sticks", + "ground cumin" + ] + }, + { + "id": 2777, + "ingredients": [ + "ground black pepper", + "fresh lemon juice", + "chopped cilantro fresh", + "tomatoes", + "salt", + "flat leaf parsley", + "extra-virgin olive oil", + "cucumber", + "sliced green onions", + "pitas", + "garlic cloves", + "chopped fresh mint" + ] + }, + { + "id": 3630, + "ingredients": [ + "cold water", + "water", + "large eggs", + "orange juice", + "sugar", + "fat free milk", + "salt", + "vodka", + "unsalted butter", + "all-purpose flour", + "ground cinnamon", + "dried peach", + "cooking spray" + ] + }, + { + "id": 37511, + "ingredients": [ + "sorghum", + "eggnog", + "gingersnap", + "milk", + "bourbon whiskey" + ] + }, + { + "id": 26835, + "ingredients": [ + "water", + "salt", + "quickcooking grits", + "milk", + "butter" + ] + }, + { + "id": 7201, + "ingredients": [ + "honey", + "chicken wings", + "lemon juice", + "garlic powder", + "soy sauce" + ] + }, + { + "id": 20442, + "ingredients": [ + "basil leaves", + "garlic cloves", + "salt", + "extra-virgin olive oil", + "fresh parmesan cheese", + "chopped walnuts" + ] + }, + { + "id": 19136, + "ingredients": [ + "low sodium canned chicken broth", + "baked ham", + "freshly ground pepper", + "white bread", + "dried thyme", + "salt", + "corn bread", + "oysters", + "green onions", + "red bell pepper", + "eggs", + "unsalted butter", + "yellow onion" + ] + }, + { + "id": 40878, + "ingredients": [ + "white onion", + "condensed cream of mushroom soup", + "sour cream", + "ground cumin", + "green bell pepper", + "cooked chicken", + "ancho powder", + "chipotle chile powder", + "condensed cream of chicken soup", + "vegetable oil", + "red bell pepper", + "dried oregano", + "chicken broth", + "shredded cheddar cheese", + "diced tomatoes", + "corn tortillas" + ] + }, + { + "id": 1177, + "ingredients": [ + "pepper", + "black tea leaves", + "coarse-grain salt", + "dried oregano", + "eggs", + "chamomile tea", + "yellow mustard", + "garlic cloves", + "olive oil", + "lemon", + "chinese five-spice powder", + "chicken", + "tea bags", + "fresh thyme", + "sea salt", + "toasted sesame seeds" + ] + }, + { + "id": 43121, + "ingredients": [ + "maple syrup", + "garlic powder", + "olive oil", + "mahi mahi fillets", + "cajun seasoning" + ] + }, + { + "id": 11307, + "ingredients": [ + "unsalted butter", + "White Lily Flour", + "coarse salt", + "baking soda", + "buttermilk", + "baking powder" + ] + }, + { + "id": 37617, + "ingredients": [ + "curry powder", + "chopped onion", + "fresh chives", + "sweet potatoes", + "low salt chicken broth", + "fat free yogurt", + "olive oil", + "ground allspice", + "water", + "salt" + ] + }, + { + "id": 25583, + "ingredients": [ + "medium-grain rice", + "kosher salt", + "sugar", + "rice vinegar" + ] + }, + { + "id": 27863, + "ingredients": [ + "tomatoes", + "fresh ginger", + "garlic", + "cumin", + "sugar", + "garam masala", + "yellow onion", + "tumeric", + "evaporated milk", + "salt", + "olive oil", + "baby spinach", + "cayenne pepper" + ] + }, + { + "id": 17830, + "ingredients": [ + "black peppercorns", + "garam masala", + "plums", + "ghee", + "dried plum", + "fresh coriander", + "mutton", + "cinnamon sticks", + "clove", + "garlic paste", + "yoghurt", + "brown cardamom", + "ground turmeric", + "red chili powder", + "coriander powder", + "salt", + "onions" + ] + }, + { + "id": 18267, + "ingredients": [ + "sugar", + "fresh ginger", + "large garlic cloves", + "corn starch", + "boneless chicken skinless thigh", + "low sodium chicken broth", + "broccoli", + "soy sauce", + "chilegarlic sauce", + "white rice", + "toasted sesame oil", + "large egg whites", + "vegetable oil", + "scallions" + ] + }, + { + "id": 29923, + "ingredients": [ + "andouille sausage", + "ground pepper", + "okra", + "tomato paste", + "dried thyme", + "vine ripened tomatoes", + "fresh parsley", + "green bell pepper", + "olive oil", + "all-purpose flour", + "onions", + "boneless chicken skinless thigh", + "coarse salt", + "celery" + ] + }, + { + "id": 27827, + "ingredients": [ + "chicken broth", + "fresh thyme", + "vegetable oil", + "grated nutmeg", + "carrots", + "black truffles", + "mushrooms", + "salt", + "grated Gruyère cheese", + "onions", + "celery ribs", + "unsalted butter", + "dry white wine", + "all-purpose flour", + "California bay leaves", + "long grain white rice", + "black pepper", + "whole milk", + "heavy cream", + "loin", + "flat leaf parsley" + ] + }, + { + "id": 4616, + "ingredients": [ + "olive oil", + "dry bread crumbs", + "bacon", + "garlic salt", + "jalapeno chilies", + "crabmeat", + "shredded cheddar cheese", + "cheese", + "large shrimp" + ] + }, + { + "id": 9979, + "ingredients": [ + "ghee", + "green cardamom", + "sugar", + "dal" + ] + }, + { + "id": 2878, + "ingredients": [ + "confectioners sugar", + "large eggs", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 40101, + "ingredients": [ + "heavy cream", + "water", + "sweetened condensed milk", + "coffee" + ] + }, + { + "id": 13411, + "ingredients": [ + "tumeric", + "milk", + "cinnamon", + "cumin seed", + "ghee", + "black peppercorns", + "lime juice", + "chili powder", + "all-purpose flour", + "wheat flour", + "cumin", + "eggs", + "water", + "bay leaves", + "salt", + "cardamom", + "coriander", + "clove", + "red chili peppers", + "garam masala", + "mutton", + "oil", + "onions" + ] + }, + { + "id": 9683, + "ingredients": [ + "grated parmesan cheese", + "spaghetti", + "olive oil", + "anchovy fillets", + "bread crumbs", + "garlic", + "ground black pepper", + "fresh parsley" + ] + }, + { + "id": 48733, + "ingredients": [ + "cooking spray", + "margarine", + "white pepper", + "salt", + "chicken", + "paprika", + "thyme", + "garlic powder", + "all-purpose flour" + ] + }, + { + "id": 27233, + "ingredients": [ + "tumeric", + "dried Thai chili", + "ground coriander", + "fresh ginger", + "salt", + "lemongrass", + "garlic", + "mild curry powder", + "shallots", + "cilantro leaves" + ] + }, + { + "id": 25926, + "ingredients": [ + "tomatoes", + "ginger", + "squid", + "onions", + "pepper", + "garlic", + "coconut milk", + "fish sauce", + "thai chile", + "oil", + "vinegar", + "salt", + "bay leaf" + ] + }, + { + "id": 22098, + "ingredients": [ + "mint leaves", + "crushed ice", + "teas", + "bourbon whiskey", + "lime", + "lemon" + ] + }, + { + "id": 16095, + "ingredients": [ + "sweet chili sauce", + "chili powder", + "garlic", + "tiger prawn", + "olive oil", + "lemon", + "hot sauce", + "pepper", + "parsley", + "salt", + "dried oregano", + "liquid smoke", + "unsalted butter", + "worcestershire sauce", + "smoked paprika" + ] + }, + { + "id": 15839, + "ingredients": [ + "balsamic vinegar", + "linguine", + "diced tomatoes", + "shallots", + "extra-virgin olive oil", + "pecorino romano cheese", + "arugula" + ] + }, + { + "id": 10882, + "ingredients": [ + "sugar", + "salt", + "whole milk", + "large eggs", + "matcha", + "heavy cream" + ] + }, + { + "id": 44004, + "ingredients": [ + "toasted pecans", + "flour", + "salt", + "eggs", + "baking soda", + "buttermilk", + "dark brown sugar", + "sugar", + "baking powder", + "maple syrup", + "southern comfort", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 45224, + "ingredients": [ + "white vinegar", + "white pepper", + "all-purpose flour", + "tofu", + "honey", + "white sesame seeds", + "garlic paste", + "Sriracha", + "onions", + "soy sauce", + "salt" + ] + }, + { + "id": 40285, + "ingredients": [ + "rum", + "cane syrup", + "juice", + "lemon wedge", + "ice", + "black tea" + ] + }, + { + "id": 20598, + "ingredients": [ + "black pepper", + "cayenne", + "lean ground beef", + "yellow onion", + "kosher salt", + "Anaheim chile", + "cilantro", + "ground cumin", + "black beans", + "flour tortillas", + "diced tomatoes", + "enchilada sauce", + "jack cheese", + "olive oil", + "sliced olives", + "garlic" + ] + }, + { + "id": 19307, + "ingredients": [ + "dried basil", + "stewed tomatoes", + "carrots", + "minced garlic", + "zucchini", + "venison", + "onions", + "water", + "fusilli", + "pinto beans", + "dried oregano", + "tomato sauce", + "ground black pepper", + "salt", + "green beans" + ] + }, + { + "id": 14899, + "ingredients": [ + "water", + "green onions", + "all-purpose flour", + "shrimp", + "kosher salt", + "large eggs", + "red pepper", + "carrots", + "cold water", + "reduced sodium soy sauce", + "vegetable oil", + "fresh lemon juice", + "ground black pepper", + "sesame oil", + "cayenne pepper", + "onions" + ] + }, + { + "id": 36512, + "ingredients": [ + "potatoes", + "onions", + "eggs", + "all-purpose flour", + "salt", + "cooking oil", + "sour cream" + ] + }, + { + "id": 37453, + "ingredients": [ + "ground cinnamon", + "dried beans", + "flour", + "grated lemon zest", + "active dry yeast", + "granulated sugar", + "grated nutmeg", + "confectioners sugar", + "warm water", + "large egg yolks", + "vegetable oil", + "cream cheese", + "milk", + "unsalted butter", + "salt", + "lemon juice" + ] + }, + { + "id": 4319, + "ingredients": [ + "pecorino cheese", + "cauliflower", + "fine sea salt", + "extra-virgin olive oil", + "chicken stock", + "spaghetti" + ] + }, + { + "id": 28718, + "ingredients": [ + "chocolate ice cream", + "cinnamon", + "glace cherries", + "cocoa powder", + "chocolate" + ] + }, + { + "id": 44611, + "ingredients": [ + "chicken stock", + "butter", + "cayenne pepper", + "red bell pepper", + "oregano", + "garlic powder", + "dry mustard", + "oil", + "fresh parsley", + "pepper", + "paprika", + "rice", + "celery", + "cumin", + "diced onions", + "chicken breasts", + "salt", + "thyme", + "coriander" + ] + }, + { + "id": 26031, + "ingredients": [ + "eggs", + "salt", + "water", + "beef drippings", + "all-purpose flour", + "milk" + ] + }, + { + "id": 36988, + "ingredients": [ + "garlic powder", + "dried oregano", + "parsley flakes", + "grated parmesan cheese", + "unsalted butter", + "refrigerated buttermilk biscuits", + "salt" + ] + }, + { + "id": 24182, + "ingredients": [ + "spinach", + "mirin", + "scallions", + "shiitake", + "sesame oil", + "soy sauce", + "udon", + "boneless chicken breast", + "low sodium chicken stock" + ] + }, + { + "id": 4727, + "ingredients": [ + "olive oil", + "crushed red pepper", + "sugar", + "parmesan cheese", + "shredded mozzarella cheese", + "fresh basil", + "eggplant", + "pizza doughs", + "crushed tomatoes", + "garlic" + ] + }, + { + "id": 25982, + "ingredients": [ + "water", + "orange juice", + "eggs", + "butter", + "confectioners sugar", + "orange marmalade", + "cream cheese, soften", + "yellow cake mix", + "frosting", + "canola oil" + ] + }, + { + "id": 9544, + "ingredients": [ + "cooked meatballs", + "pasta sauce", + "spaghetti" + ] + }, + { + "id": 48030, + "ingredients": [ + "flank steak", + "toasted sesame oil", + "low sodium soy sauce", + "garlic", + "white sugar", + "fresh ginger", + "meat tenderizer", + "worcestershire sauce", + "onions" + ] + }, + { + "id": 47789, + "ingredients": [ + "bay leaves", + "all-purpose flour", + "onions", + "reduced sodium chicken broth", + "vegetable oil", + "juice", + "dry white wine", + "veal shanks", + "plum tomatoes", + "cuban peppers", + "paprika", + "sour cream" + ] + }, + { + "id": 16245, + "ingredients": [ + "dry white wine", + "garlic cloves", + "hot red pepper flakes", + "extra-virgin olive oil", + "chicken", + "pancetta", + "oil-cured black olives", + "thyme", + "rosemary", + "fine sea salt" + ] + }, + { + "id": 12440, + "ingredients": [ + "marsala wine", + "sugar", + "large egg yolks" + ] + }, + { + "id": 32989, + "ingredients": [ + "white bread", + "salt", + "olive oil", + "garlic cloves", + "dried thyme", + "freshly ground pepper", + "Italian parsley leaves", + "fresh lemon juice" + ] + }, + { + "id": 10582, + "ingredients": [ + "baby lima beans", + "cajun seasoning", + "garlic salt", + "meat", + "onions", + "water", + "cayenne pepper", + "ground black pepper", + "ham" + ] + }, + { + "id": 23028, + "ingredients": [ + "ground black pepper", + "salt", + "chicken breasts", + "red bell pepper", + "green onions", + "sauce", + "black beans", + "buttermilk" + ] + }, + { + "id": 45653, + "ingredients": [ + "black pepper", + "fresh parmesan cheese", + "tomato basil sauce", + "dried basil", + "butter", + "provolone cheese", + "chicken breast tenders", + "balsamic vinegar", + "dry bread crumbs", + "large egg whites", + "salt", + "fresh parsley" + ] + }, + { + "id": 46888, + "ingredients": [ + "cornbread", + "large eggs", + "rosemary sprigs", + "canadian bacon", + "capers", + "lemon wedge", + "rosemary" + ] + }, + { + "id": 20392, + "ingredients": [ + "simple syrup", + "lime juice", + "white sugar", + "water" + ] + }, + { + "id": 13453, + "ingredients": [ + "minced ginger", + "red wine vinegar", + "soy sauce", + "green onions", + "garlic cloves", + "sugar", + "olive oil", + "red pepper flakes", + "dry roasted peanuts", + "chicken breasts", + "corn starch" + ] + }, + { + "id": 1300, + "ingredients": [ + "preserved lemon", + "large garlic cloves", + "flat leaf parsley", + "ground cumin", + "ground ginger", + "olive oil", + "yellow onion", + "chopped cilantro fresh", + "saffron threads", + "warm water", + "salt", + "bone in skin on chicken thigh", + "chicken broth", + "cracked green olives", + "fresh lemon juice", + "ground turmeric" + ] + }, + { + "id": 29343, + "ingredients": [ + "beef gravy", + "salt", + "sage", + "pies", + "ground beef", + "pepper", + "thyme", + "mashed potatoes", + "butter", + "onions" + ] + }, + { + "id": 27423, + "ingredients": [ + "dried tarragon leaves", + "tomato juice", + "lemon", + "red bell pepper", + "sweet onion", + "hot pepper sauce", + "garlic", + "fresh parsley", + "curry powder", + "ground black pepper", + "yellow bell pepper", + "celery", + "garbanzo beans", + "green onions", + "cucumber", + "plum tomatoes" + ] + }, + { + "id": 46977, + "ingredients": [ + "plain flour", + "drippings", + "pepper", + "sausages", + "milk", + "eggs", + "salt" + ] + }, + { + "id": 27479, + "ingredients": [ + "whitefish", + "extra large eggs", + "toasted sesame oil", + "granulated sugar", + "rice vinegar", + "ground black pepper", + "salt", + "sweet rice flour", + "cold water", + "soup", + "scallions" + ] + }, + { + "id": 37899, + "ingredients": [ + "large garlic cloves", + "salt", + "grape tomatoes", + "extra-virgin olive oil", + "dried oregano", + "chees fresh mozzarella", + "boneless skinless chicken breast halves", + "grated parmesan cheese", + "crushed red pepper" + ] + }, + { + "id": 21177, + "ingredients": [ + "tomatoes", + "cooking spray", + "italian seasoning", + "water", + "vegetable broth", + "pepper", + "garden peas", + "arborio rice", + "grated parmesan cheese", + "roast red peppers, drain" + ] + }, + { + "id": 45590, + "ingredients": [ + "capers", + "vinaigrette", + "fresh parsley", + "fresh green bean", + "mixed greens", + "plum tomatoes", + "new potatoes", + "Niçoise olives", + "onions", + "eggs", + "anchovy filets", + "tuna" + ] + }, + { + "id": 46775, + "ingredients": [ + "eggs", + "processed cheese", + "salt", + "seasoning salt", + "butter", + "water", + "quickcooking grits", + "hot pepper sauce", + "worcestershire sauce" + ] + }, + { + "id": 45416, + "ingredients": [ + "coconut", + "rice", + "ghee", + "syrup", + "ravva", + "rice flour", + "bananas", + "cardamom", + "water", + "all-purpose flour", + "jeera" + ] + }, + { + "id": 23039, + "ingredients": [ + "moong dal", + "fenugreek", + "yellow onion", + "chopped cilantro fresh", + "spinach", + "fresh lime", + "garlic", + "ground coriander", + "ground cumin", + "tumeric", + "fresh ginger root", + "salt", + "juice", + "water", + "butter", + "serrano", + "canola oil" + ] + }, + { + "id": 26308, + "ingredients": [ + "shredded cheddar cheese", + "pasta", + "frozen chopped spinach", + "lean ground beef", + "pasta sauce" + ] + }, + { + "id": 23306, + "ingredients": [ + "creole mustard", + "ground black pepper", + "garlic", + "scallions", + "capers", + "worcestershire sauce", + "hot sauce", + "celery", + "green olives", + "chili powder", + "salt", + "fresh lemon juice", + "mayonaise", + "extra-virgin olive oil", + "chili sauce", + "fresh parsley" + ] + }, + { + "id": 42367, + "ingredients": [ + "fish sauce", + "sesame seeds", + "lemon", + "peanut butter", + "eggs", + "bread crumbs", + "sesame oil", + "rice vinegar", + "soba", + "ground chicken", + "shallots", + "teriyaki sauce", + "garlic cloves", + "sake", + "mirin", + "ginger", + "scallions" + ] + }, + { + "id": 41379, + "ingredients": [ + "flour tortillas", + "salsa", + "vegetable oil", + "green onions", + "sour cream", + "pork steaks" + ] + }, + { + "id": 16715, + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "confectioners sugar", + "almond extract" + ] + }, + { + "id": 33712, + "ingredients": [ + "vegetable oil", + "eggs", + "chopped pecans", + "butter pecan cake mix", + "frosting", + "water" + ] + }, + { + "id": 24136, + "ingredients": [ + "black pepper", + "sea scallops", + "diced tomatoes", + "chopped onion", + "bay leaf", + "saffron threads", + "fat free less sodium chicken broth", + "cooking spray", + "loosely packed fresh basil leaves", + "garlic cloves", + "medium shrimp", + "chiles", + "olive oil", + "clam juice", + "salt", + "orange rind", + "fennel seeds", + "halibut fillets", + "dry white wine", + "chopped celery", + "thyme", + "allspice" + ] + }, + { + "id": 26094, + "ingredients": [ + "extract", + "grated lemon zest", + "almond extract", + "confectioners sugar", + "ricotta cheese", + "fresh lemon juice", + "eggs", + "vanilla extract", + "grated orange" + ] + }, + { + "id": 2212, + "ingredients": [ + "yucca root", + "coconut cream", + "flaked coconut", + "white sugar", + "water", + "corn starch", + "salt" + ] + }, + { + "id": 19672, + "ingredients": [ + "unsalted butter", + "extra-virgin olive oil", + "garlic cloves", + "chicken stock", + "basil leaves", + "grated lemon zest", + "medium shrimp", + "arborio rice", + "grated parmesan cheese", + "salt", + "soft fresh goat cheese", + "fresh ginger", + "dry white wine", + "freshly ground pepper", + "onions" + ] + }, + { + "id": 42872, + "ingredients": [ + "baking powder", + "pork roast", + "red chile sauce", + "black olives", + "masa harina", + "garlic", + "lard", + "corn husks", + "salt" + ] + }, + { + "id": 36661, + "ingredients": [ + "tumeric", + "ground coriander", + "salt", + "paprika", + "ground cumin", + "ground ginger", + "cayenne pepper" + ] + }, + { + "id": 26319, + "ingredients": [ + "tomatoes", + "black-eyed peas", + "extra-virgin olive oil", + "flat leaf parsley", + "pitted kalamata olives", + "red wine vinegar", + "grated lemon zest", + "peperoncini", + "seedless cucumber", + "orzo", + "fresh lemon juice", + "romaine lettuce", + "feta cheese", + "purple onion", + "oregano" + ] + }, + { + "id": 263, + "ingredients": [ + "fettucine", + "ground black pepper", + "chicken breasts", + "fresh lemon juice", + "fat free milk", + "mushrooms", + "salt", + "artichoke hearts", + "cooking spray", + "butter", + "fresh parmesan cheese", + "green onions", + "all-purpose flour" + ] + }, + { + "id": 13942, + "ingredients": [ + "tomato sauce", + "garam masala", + "cinnamon", + "boneless skinless chicken", + "bamboo shoots", + "plain yogurt", + "jalapeno chilies", + "whipping cream", + "garlic cloves", + "ground cumin", + "black pepper", + "unsalted butter", + "paprika", + "ground coriander", + "chopped cilantro fresh", + "minced ginger", + "ground red pepper", + "salt", + "lemon juice" + ] + }, + { + "id": 43311, + "ingredients": [ + "roma tomatoes", + "salt", + "fresh cilantro", + "garlic", + "avocado", + "lemon", + "juice", + "olive oil", + "purple onion" + ] + }, + { + "id": 12743, + "ingredients": [ + "prunes", + "bacon slices" + ] + }, + { + "id": 7519, + "ingredients": [ + "fresh cilantro", + "flour tortillas", + "garlic cloves", + "dried oregano", + "lime juice", + "ground black pepper", + "salt", + "skirt steak", + "olive oil", + "tomato salsa", + "red bell pepper", + "ground cumin", + "orange bell pepper", + "yellow bell pepper", + "onions" + ] + }, + { + "id": 35601, + "ingredients": [ + "soy sauce", + "dried rosemary", + "vegetable oil", + "ketchup", + "rainbow trout", + "lemon juice" + ] + }, + { + "id": 44197, + "ingredients": [ + "black pepper", + "gruyere cheese", + "cooking spray", + "garlic cloves", + "red potato", + "butter", + "fat free milk", + "salt" + ] + }, + { + "id": 8617, + "ingredients": [ + "sugar", + "unsalted butter", + "vanilla extract", + "eggs", + "water", + "baking powder", + "pitted date", + "half & half", + "all-purpose flour", + "brown sugar", + "baking soda", + "butter" + ] + }, + { + "id": 6573, + "ingredients": [ + "tomatoes", + "garlic cloves", + "olive oil", + "gemelli", + "pitted kalamata olives", + "fresh lemon juice", + "white tuna in water", + "crushed red pepper", + "fresh parsley" + ] + }, + { + "id": 13377, + "ingredients": [ + "ground chicken", + "purple onion", + "olive oil", + "fresh cilantro", + "coconut milk", + "seasoning", + "garlic" + ] + }, + { + "id": 31725, + "ingredients": [ + "spinach leaves", + "dark soy", + "ginger", + "beansprouts", + "shanghai noodles", + "szechwan peppercorns", + "garlic", + "pork", + "shallots", + "hot bean paste", + "soy", + "water", + "sweet bean paste", + "cucumber" + ] + }, + { + "id": 13042, + "ingredients": [ + "low sodium soy sauce", + "water", + "shredded carrots", + "sea salt", + "garlic cloves", + "frozen hash browns", + "zucchini", + "sesame oil", + "rice vinegar", + "pepper", + "large eggs", + "vegetable oil", + "all-purpose flour", + "sugar", + "sesame seeds", + "green onions", + "crushed red pepper", + "red bell pepper" + ] + }, + { + "id": 2701, + "ingredients": [ + "chicken broth", + "butter", + "rubbed sage", + "celery ribs", + "black pepper", + "salt", + "chopped parsley", + "bacon drippings", + "toasted pecans", + "extra large eggs", + "thyme", + "white bread", + "smoked bacon", + "yellow onion", + "corn bread" + ] + }, + { + "id": 38137, + "ingredients": [ + "fresh coriander", + "vegetable oil", + "green pepper", + "onions", + "tomatoes", + "bay leaves", + "garlic", + "ground coriander", + "ground cumin", + "clove", + "garam masala", + "ginger", + "cardamom pods", + "chicken", + "tumeric", + "chili powder", + "salt", + "mustard seeds" + ] + }, + { + "id": 11356, + "ingredients": [ + "condensed cream of chicken soup", + "Mexican cheese blend", + "garlic", + "diced onions", + "black beans", + "red pepper", + "ground turkey", + "cheddar cheese", + "jalapeno chilies", + "sweet corn", + "tomatoes", + "olive oil", + "frozen tater tots" + ] + }, + { + "id": 3202, + "ingredients": [ + "baking powder", + "all-purpose flour", + "unsalted butter", + "buttermilk", + "large eggs", + "salt", + "baking soda", + "vegetable shortening" + ] + }, + { + "id": 15530, + "ingredients": [ + "honey", + "sea bass fillets", + "salt", + "rhubarb", + "unsalted butter", + "diced tomatoes", + "chopped fresh mint", + "olive oil", + "cinnamon", + "onions", + "black pepper", + "peeled fresh ginger", + "navel oranges" + ] + }, + { + "id": 18012, + "ingredients": [ + "chicken broth", + "whole milk", + "chopped celery", + "chopped onion", + "chopped parsley", + "frozen peas", + "ground black pepper", + "cooked chicken", + "shredded parmesan cheese", + "carrots", + "celery", + "shredded cheddar cheese", + "bay leaves", + "salt", + "fresh mushrooms", + "biscuit mix", + "chicken", + "fresh thyme", + "butter", + "all-purpose flour", + "heavy whipping cream", + "onions" + ] + }, + { + "id": 22683, + "ingredients": [ + "tomatoes", + "fresh lime juice", + "garlic", + "chopped cilantro fresh", + "jalapeno chilies", + "onions", + "salt" + ] + }, + { + "id": 37199, + "ingredients": [ + "heavy cream", + "unsalted butter", + "sweetened condensed milk", + "pistachios", + "light corn syrup" + ] + }, + { + "id": 5169, + "ingredients": [ + "Kahlua Liqueur", + "semisweet chocolate", + "low-fat yogurt", + "ladyfingers", + "cheese", + "powdered sugar", + "chocolate curls", + "water", + "nonfat cottage cheese" + ] + }, + { + "id": 43401, + "ingredients": [ + "green olives", + "crushed garlic", + "corn starch", + "pepper", + "extra-virgin olive oil", + "chicken pieces", + "white wine", + "red pepper flakes", + "fresh lime juice", + "lime zest", + "honey", + "salt", + "dried oregano" + ] + }, + { + "id": 7246, + "ingredients": [ + "cooked brown rice", + "dried basil", + "cayenne pepper", + "onions", + "parsley flakes", + "reduced sodium chicken broth", + "diced tomatoes", + "garlic cloves", + "celery ribs", + "boneless chicken skinless thigh", + "cajun seasoning", + "green pepper", + "dried oregano", + "andouille sausage", + "white wine", + "salt", + "uncook medium shrimp, peel and devein" + ] + }, + { + "id": 36491, + "ingredients": [ + "fennel bulb", + "salt", + "onions", + "chicken stock", + "parsley", + "freshly ground pepper", + "grated parmesan cheese", + "dry bread crumbs", + "sausage casings", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 40868, + "ingredients": [ + "kosher salt", + "butter", + "ground black pepper", + "yellow onion", + "milk", + "bacon", + "napa cabbage", + "small red potato" + ] + }, + { + "id": 8084, + "ingredients": [ + "parsley sprigs", + "pepperoni", + "cheese tortellini", + "italian salad dressing", + "salami", + "pimento stuffed olives", + "pitted olives" + ] + }, + { + "id": 45914, + "ingredients": [ + "caster sugar", + "yeast", + "eggs", + "unsalted butter", + "plain flour", + "milk", + "dark chocolate", + "salt" + ] + }, + { + "id": 32344, + "ingredients": [ + "ground flax", + "cinnamon", + "cooked quinoa", + "eggs", + "vanilla almondmilk", + "maple syrup", + "ground ginger", + "ground cloves", + "vegan butter", + "coconut sugar", + "sweet potatoes", + "brown rice flour" + ] + }, + { + "id": 27508, + "ingredients": [ + "milk", + "heavy cream", + "pepper", + "butter", + "cheddar cheese", + "breakfast sausages", + "eggs", + "self rising flour", + "salt" + ] + }, + { + "id": 27323, + "ingredients": [ + "unsalted chicken stock", + "olive oil", + "crushed red pepper", + "cumin seed", + "fresh mint", + "fennel seeds", + "pinenuts", + "large eggs", + "yellow onion", + "fresh lemon juice", + "ground cumin", + "bread crumb fresh", + "coriander seeds", + "red russian kale", + "garlic cloves", + "ground lamb", + "plain low-fat yogurt", + "kosher salt", + "chili powder", + "rice", + "mustard seeds" + ] + }, + { + "id": 29576, + "ingredients": [ + "basil pesto sauce", + "salt", + "water", + "eggs", + "white rice", + "pepper", + "nori" + ] + }, + { + "id": 13998, + "ingredients": [ + "kim chee", + "ground black pepper", + "fully cooked luncheon meat", + "water", + "salt", + "chili powder" + ] + }, + { + "id": 28214, + "ingredients": [ + "unsweetened coconut milk", + "curry powder", + "cilantro stems", + "ginger", + "stir fry noodles", + "ground turmeric", + "boneless chicken skinless thigh", + "Sriracha", + "lime wedges", + "rice vinegar", + "dried guajillo chiles", + "light brown sugar", + "olive oil", + "shallots", + "purple onion", + "garlic cloves", + "kosher salt", + "low sodium chicken broth", + "cilantro", + "ground coriander", + "beansprouts" + ] + }, + { + "id": 2918, + "ingredients": [ + "kosher salt", + "zucchini", + "grated lemon zest", + "lower sodium chicken broth", + "yellow squash", + "linguine", + "fresh mint", + "black pepper", + "olive oil", + "greek style plain yogurt", + "grape tomatoes", + "cider vinegar", + "reduced fat milk", + "garlic cloves" + ] + }, + { + "id": 19918, + "ingredients": [ + "all-purpose flour", + "shrimp", + "buttermilk", + "freshly ground pepper", + "salt", + "oil", + "cayenne pepper" + ] + }, + { + "id": 44955, + "ingredients": [ + "garlic paste", + "cilantro leaves", + "onions", + "coriander seeds", + "oil", + "fish", + "curry leaves", + "chili powder", + "coconut milk", + "tumeric", + "green chilies", + "mango" + ] + }, + { + "id": 7007, + "ingredients": [ + "sugar pea", + "scallions", + "sesame oil", + "beansprouts", + "pot stickers", + "carrots", + "low sodium soy sauce", + "roasted peanuts" + ] + }, + { + "id": 32164, + "ingredients": [ + "chicken broth", + "diced tomatoes", + "carrots", + "water", + "beets", + "onions", + "fresh dill", + "chicken stock cubes", + "sour cream", + "potatoes", + "garlic cloves", + "cabbage" + ] + }, + { + "id": 20929, + "ingredients": [ + "soy sauce", + "hoisin sauce", + "vegetable oil", + "salted cashews", + "water", + "boneless skinless chicken breasts", + "rice vinegar", + "black pepper", + "green onions", + "salt", + "Sriracha", + "sesame oil", + "garlic cloves" + ] + }, + { + "id": 10380, + "ingredients": [ + "black pepper", + "fennel bulb", + "sour cream", + "grape tomatoes", + "fresh cilantro", + "lemon", + "kosher salt", + "flour tortillas", + "salmon fillets", + "olive oil", + "garlic" + ] + }, + { + "id": 28015, + "ingredients": [ + "red chili powder", + "mutton", + "ground turmeric", + "methi leaves", + "oil", + "garlic paste", + "salt", + "coriander powder", + "onions" + ] + }, + { + "id": 24501, + "ingredients": [ + "warm water", + "flour", + "eggs", + "milk", + "salt", + "bread crumbs", + "butter", + "sugar", + "active dry yeast" + ] + }, + { + "id": 37257, + "ingredients": [ + "broccoli florets", + "garlic", + "pepper", + "sesame oil", + "red bell pepper", + "sesame seeds", + "vegetable oil", + "low sodium chicken broth", + "salt" + ] + }, + { + "id": 17772, + "ingredients": [ + "granulated sugar", + "mango", + "fresh cilantro", + "pineapple", + "kosher salt", + "jalapeno chilies", + "lime", + "purple onion" + ] + }, + { + "id": 7977, + "ingredients": [ + "long beans", + "cherry tomatoes", + "ground coriander", + "ground cayenne pepper", + "tumeric", + "salt", + "oil", + "asafetida (powder)", + "flour", + "cumin seed", + "chicken stock", + "amchur", + "okra", + "red bell pepper" + ] + }, + { + "id": 24949, + "ingredients": [ + "water", + "sesame oil", + "rice vinegar", + "soy sauce", + "pork ribs", + "ground pork", + "bok choy", + "large egg yolks", + "wonton wrappers", + "scallions", + "white pepper", + "peeled fresh ginger", + "salt", + "chicken thighs" + ] + }, + { + "id": 9467, + "ingredients": [ + "tomato purée", + "grated parmesan cheese", + "dried parsley", + "crushed tomatoes", + "onion powder", + "romano cheese", + "bay leaves", + "dried oregano", + "olive oil", + "garlic" + ] + }, + { + "id": 18520, + "ingredients": [ + "chili", + "tomatoes", + "onions", + "fresh lime juice", + "fresh coriander" + ] + }, + { + "id": 48539, + "ingredients": [ + "cooking spray", + "corn tortillas", + "salsa verde", + "chicken breasts", + "green onions", + "Mexican cheese blend", + "non-fat sour cream" + ] + }, + { + "id": 11435, + "ingredients": [ + "pepper", + "salsa", + "canola oil", + "chili powder", + "light cream cheese", + "sweet onion", + "low-fat refried beans", + "light sour cream", + "salt", + "ground turkey" + ] + }, + { + "id": 44041, + "ingredients": [ + "pernod", + "garlic", + "unsalted butter", + "fresh parsley leaves", + "ground black pepper", + "salt", + "mussels", + "extra-virgin olive oil" + ] + }, + { + "id": 44022, + "ingredients": [ + "brown sugar", + "olive oil", + "reduced-fat sour cream", + "fresh lime juice", + "chipotle chile", + "cooking spray", + "fresh oregano", + "chopped cilantro", + "minced garlic", + "shallots", + "corn tortillas", + "lime rind", + "pork tenderloin", + "salt", + "adobo sauce" + ] + }, + { + "id": 19010, + "ingredients": [ + "avocado", + "coarse salt", + "fresh cilantro", + "tequila", + "triple sec", + "lime juice", + "crushed ice" + ] + }, + { + "id": 18395, + "ingredients": [ + "water", + "lime wedges", + "cilantro leaves", + "sour cream", + "avocado", + "lime", + "cilantro", + "cayenne pepper", + "corn tortillas", + "cotija", + "chili powder", + "salt", + "shrimp", + "green cabbage", + "green onions", + "garlic", + "oil" + ] + }, + { + "id": 35008, + "ingredients": [ + "vegetable oil cooking spray", + "all-purpose flour", + "vegetable oil", + "egg substitute", + "1% low-fat milk" + ] + }, + { + "id": 45807, + "ingredients": [ + "lime wedges", + "lime", + "fresh lime juice", + "triple sec", + "kosher salt", + "tequila" + ] + }, + { + "id": 27065, + "ingredients": [ + "jasmine rice", + "garlic", + "fish sauce", + "chicken drumsticks", + "chicken stock", + "shallots", + "soy sauce", + "ginger" + ] + }, + { + "id": 460, + "ingredients": [ + "salmon fillets", + "white rice vinegar", + "squid", + "lime leaves", + "fish fillets", + "granulated sugar", + "chilli paste", + "green beans", + "red chili peppers", + "vegetable oil", + "oyster sauce", + "fish sauce", + "egg whites", + "roasted peanuts", + "cucumber" + ] + }, + { + "id": 22725, + "ingredients": [ + "eggs", + "lemon extract", + "salt", + "cream", + "ice water", + "ricotta", + "sugar", + "unsalted butter", + "all-purpose flour", + "orange", + "vanilla extract", + "corn starch" + ] + }, + { + "id": 32575, + "ingredients": [ + "white pepper", + "chopped green bell pepper", + "old bay seasoning", + "crabmeat", + "ground black pepper", + "ground red pepper", + "whipping cream", + "bread slices", + "lump crab meat", + "green onions", + "dry sherry", + "provolone cheese", + "mayonaise", + "dijon mustard", + "vegetable oil", + "hot sauce", + "celery" + ] + }, + { + "id": 10099, + "ingredients": [ + "large eggs", + "salt", + "polenta", + "pecan halves", + "butter", + "lemon juice", + "baking powder", + "all-purpose flour", + "sugar", + "vanilla", + "grated lemon peel" + ] + }, + { + "id": 9431, + "ingredients": [ + "water", + "smoked sausage", + "chicken broth", + "rotelle", + "long-grain rice", + "garlic powder", + "whole chicken", + "green bell pepper", + "cajun seasoning", + "onions" + ] + }, + { + "id": 9493, + "ingredients": [ + "chicken broth", + "pepper", + "jalapeno chilies", + "peanut butter", + "tomato sauce", + "olive oil", + "deveined shrimp", + "onions", + "fish fillets", + "fresh cilantro", + "diced tomatoes", + "garlic cloves", + "shredded coconut", + "fresh ginger", + "salt" + ] + }, + { + "id": 30423, + "ingredients": [ + "olive oil", + "garlic", + "salt", + "dried thyme", + "tuna steaks", + "purple onion", + "flat leaf parsley", + "ground black pepper", + "black olives", + "long-grain rice", + "tomatoes", + "dijon mustard", + "white wine vinegar", + "red bell pepper" + ] + }, + { + "id": 11861, + "ingredients": [ + "dried thyme", + "chile pepper", + "beef fat", + "shallots", + "okra", + "chicken stock", + "ground black pepper", + "crabmeat", + "spinach", + "callaloo", + "onions" + ] + }, + { + "id": 22632, + "ingredients": [ + "sultana", + "ghee", + "dough", + "cream", + "sliced almonds", + "sugar", + "dry coconut" + ] + }, + { + "id": 32893, + "ingredients": [ + "salt", + "sugar", + "cucumber", + "rice vinegar", + "daikon" + ] + }, + { + "id": 5868, + "ingredients": [ + "diced onions", + "olive oil", + "file powder", + "okra", + "brown sauce", + "tomato juice", + "no-salt-added black beans", + "garlic cloves", + "tomatoes", + "frozen whole kernel corn", + "green onions", + "long-grain rice", + "dried thyme", + "chopped green bell pepper", + "crushed red pepper", + "diced celery" + ] + }, + { + "id": 3938, + "ingredients": [ + "water", + "minced onion", + "cilantro leaves", + "tomato paste", + "salsa verde", + "vegetable shortening", + "canola oil", + "avocado", + "vegetable oil spray", + "tomato salsa", + "corn tortillas", + "warm water", + "unsalted butter", + "salt", + "chorizo sausage" + ] + }, + { + "id": 17724, + "ingredients": [ + "processed cheese", + "tamales", + "diced tomatoes", + "chili" + ] + }, + { + "id": 4075, + "ingredients": [ + "ground nutmeg", + "whole milk", + "black pepper", + "unsalted butter", + "cheese", + "cayenne", + "sea salt", + "panko", + "flour", + "elbow macaroni" + ] + }, + { + "id": 24174, + "ingredients": [ + "curry powder", + "onion powder", + "fresh lemon juice", + "bay leaf", + "chicken broth", + "ground black pepper", + "butter", + "smoked paprika", + "ground ginger", + "garlic powder", + "vegetable oil", + "rubbed sage", + "chicken", + "water", + "chili powder", + "salt", + "couscous" + ] + }, + { + "id": 34798, + "ingredients": [ + "pitted kalamata olives", + "olive oil", + "crushed red pepper flakes", + "spaghetti", + "pepper", + "dry white wine", + "rotisserie chicken", + "kosher salt", + "feta cheese", + "chopped onion", + "minced garlic", + "baby spinach", + "toasted pine nuts" + ] + }, + { + "id": 9407, + "ingredients": [ + "shiitake", + "oil", + "soy sauce", + "green onions", + "soft tofu", + "red miso", + "dashi", + "seaweed" + ] + }, + { + "id": 4008, + "ingredients": [ + "white onion", + "serrano peppers", + "ground black pepper", + "garlic", + "tomato sauce", + "jalapeno chilies", + "salt", + "lime", + "cilantro" + ] + }, + { + "id": 6472, + "ingredients": [ + "chiles", + "olive oil", + "large garlic cloves", + "garlic cloves", + "grated orange", + "light sour cream", + "lime juice", + "boston butt", + "chopped onion", + "ancho chile pepper", + "unsweetened cocoa powder", + "ground coffee", + "corn kernels", + "baking powder", + "cumin seed", + "chopped cilantro fresh", + "chicken stock", + "kosher salt", + "corn husks", + "salt", + "lard", + "masa harina" + ] + }, + { + "id": 43384, + "ingredients": [ + "nutmeg", + "cooking spray", + "salt", + "Belgian endive", + "reduced fat milk", + "gruyere cheese", + "ground black pepper", + "butter", + "sugar", + "center cut bacon", + "all-purpose flour" + ] + }, + { + "id": 47289, + "ingredients": [ + "salt", + "pork belly", + "chinese five-spice powder", + "garlic" + ] + }, + { + "id": 27905, + "ingredients": [ + "water", + "granulated sugar", + "cinnamon", + "garlic cloves", + "low sodium vegetable stock", + "olive oil", + "sweet potatoes", + "whole grain bread", + "brown butter", + "sweet onion", + "half & half", + "red pepper flakes", + "pepper", + "unsalted butter", + "bourbon whiskey", + "salt" + ] + }, + { + "id": 9628, + "ingredients": [ + "clove", + "tea bags", + "lime", + "garam masala", + "salt", + "cumin seed", + "dried red chile peppers", + "tomatoes", + "water", + "amchur", + "cinnamon", + "chickpeas", + "cardamom", + "peppercorns", + "red chili powder", + "gooseberries", + "coriander seeds", + "ginger", + "green chilies", + "garlic cloves", + "ground turmeric", + "fennel seeds", + "indian bay leaf", + "pomegranate seeds", + "seeds", + "cilantro leaves", + "oil", + "onions" + ] + }, + { + "id": 41613, + "ingredients": [ + "sugar", + "large eggs", + "rice vinegar", + "soy sauce", + "garlic", + "scallions", + "kimchi juice", + "crushed red pepper flakes", + "all-purpose flour", + "water", + "salt", + "oil" + ] + }, + { + "id": 8128, + "ingredients": [ + "ground cinnamon", + "fresh ginger", + "mint leaves", + "allspice berries", + "chicken thighs", + "brown sugar", + "jerk paste", + "vegetable oil", + "lemon juice", + "black peppercorns", + "coriander seeds", + "green onions", + "garlic cloves", + "chicken", + "ground cloves", + "ground nutmeg", + "cilantro leaves", + "thyme leaves" + ] + }, + { + "id": 33224, + "ingredients": [ + "water", + "green onions", + "cayenne pepper", + "sugar", + "fresh cilantro", + "light coconut milk", + "lime juice", + "ramen noodles", + "roasting chickens", + "seedless cucumber", + "reduced fat creamy peanut butter", + "salt" + ] + }, + { + "id": 21571, + "ingredients": [ + "half & half", + "heavy cream", + "fresh parsley", + "parmesan cheese", + "boneless skinless chicken breasts", + "salt", + "pepper", + "dry white wine", + "garlic", + "low sodium chicken broth", + "butter", + "bow-tie pasta" + ] + }, + { + "id": 41246, + "ingredients": [ + "nam pla", + "seeds", + "garlic cloves", + "boneless pork shoulder", + "yardlong beans", + "vegetable oil", + "cabbage", + "cherry tomatoes", + "shallots", + "carrots", + "sugar", + "shrimp paste", + "salt" + ] + }, + { + "id": 48240, + "ingredients": [ + "cheddar cheese", + "guacamole", + "cherry tomatoes", + "beans", + "tortillas" + ] + }, + { + "id": 46816, + "ingredients": [ + "olive oil", + "coarse salt", + "eggs", + "ground black pepper", + "Italian seasoned breadcrumbs", + "eggplant", + "fresh mozzarella", + "tomato sauce", + "grated parmesan cheese" + ] + }, + { + "id": 45778, + "ingredients": [ + "baking soda", + "garlic", + "kosher salt", + "red pepper flakes", + "large shrimp", + "sherry vinegar", + "fresh parsley leaves", + "chili", + "extra-virgin olive oil" + ] + }, + { + "id": 13798, + "ingredients": [ + "ground black pepper", + "white rice", + "dried minced onion", + "chicken broth", + "grated parmesan cheese", + "dry bread crumbs", + "dried oregano", + "chopped green bell pepper", + "garlic", + "chicken thighs", + "fresh basil", + "condensed cream of mushroom soup", + "fresh mushrooms" + ] + }, + { + "id": 31606, + "ingredients": [ + "ground pepper", + "flat leaf parsley", + "reduced sodium chicken broth", + "coarse salt", + "dried oregano", + "vegetable oil", + "onions", + "black-eyed peas", + "hot sauce" + ] + }, + { + "id": 43293, + "ingredients": [ + "short-grain rice", + "dry white wine", + "garlic cloves", + "baby spinach leaves", + "grated parmesan cheese", + "loosely packed fresh basil leaves", + "unsalted butter", + "Italian parsley leaves", + "low salt chicken broth", + "water", + "leeks", + "extra-virgin olive oil" + ] + }, + { + "id": 27725, + "ingredients": [ + "pepper", + "salt", + "gouda", + "spaghetti", + "parmesan cheese", + "pasta water", + "cream", + "garlic" + ] + }, + { + "id": 7614, + "ingredients": [ + "coconut oil", + "egg whites", + "coconut flour", + "water", + "onion powder", + "pepper", + "baking powder", + "salt", + "garlic powder", + "paprika" + ] + }, + { + "id": 24798, + "ingredients": [ + "ground black pepper", + "fresh basil leaves", + "extra-virgin olive oil", + "zucchini", + "fine sea salt" + ] + }, + { + "id": 16256, + "ingredients": [ + "cooking spray", + "corn tortillas", + "fat free less sodium chicken broth", + "salsa", + "cooked chicken breasts", + "queso blanco", + "onions", + "black beans", + "garlic cloves" + ] + }, + { + "id": 10296, + "ingredients": [ + "kosher salt", + "masa", + "vegetable oil" + ] + }, + { + "id": 46895, + "ingredients": [ + "milk", + "vegetable oil", + "sauce", + "ground cumin", + "white pepper", + "large eggs", + "all-purpose flour", + "applesauce", + "horseradish", + "unsalted butter", + "dried apple", + "chopped onion", + "bread crumb fresh", + "minced onion", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 18706, + "ingredients": [ + "butter", + "bay leaf", + "ground red pepper", + "shrimp", + "sweet onion", + "salt", + "dried oregano", + "dried basil", + "garlic cloves" + ] + }, + { + "id": 25895, + "ingredients": [ + "splenda", + "garlic chili sauce", + "minced garlic", + "broccoli stems", + "soy sauce", + "green onions", + "hoisin sauce", + "oil" + ] + }, + { + "id": 42986, + "ingredients": [ + "kosher salt", + "cilantro", + "onions", + "garam masala", + "garlic", + "plum tomatoes", + "eggplant", + "ginger", + "frozen peas", + "tumeric", + "jalapeno chilies", + "cumin seed", + "canola oil" + ] + }, + { + "id": 42194, + "ingredients": [ + "low-fat buttermilk", + "sweet paprika", + "chicken legs", + "coarse salt", + "fresh rosemary", + "vegetable oil", + "chicken thighs", + "ground pepper", + "all-purpose flour" + ] + }, + { + "id": 44727, + "ingredients": [ + "sugar", + "cooking spray", + "large eggs", + "sweetened coconut flakes", + "green cardamom pods", + "half & half", + "salt", + "water", + "whole milk" + ] + }, + { + "id": 2381, + "ingredients": [ + "finely chopped onion", + "cream cheese", + "tomatoes", + "cheese", + "ground cumin", + "butter", + "corn starch", + "green chile", + "tortilla chips" + ] + }, + { + "id": 7850, + "ingredients": [ + "white vinegar", + "ground black pepper", + "cilantro", + "yellow onion", + "lemon juice", + "kosher salt", + "parsley", + "garlic", + "ground coriander", + "seltzer water", + "tomato paste", + "whole peeled tomatoes", + "crushed red pepper flakes", + "dill", + "juice", + "olive oil", + "paprika", + "lamb shoulder", + "pitted prunes", + "ground cumin" + ] + }, + { + "id": 21066, + "ingredients": [ + "sandwich cookies", + "vanilla instant pudding", + "bananas", + "whipped topping", + "banana chips", + "mint sprigs", + "sour cream", + "milk", + "vanilla extract" + ] + }, + { + "id": 1427, + "ingredients": [ + "black pepper", + "crushed red pepper flakes", + "fish sauce", + "boneless skinless chicken breasts", + "salt", + "cilantro stems", + "garlic", + "sugar", + "large garlic cloves", + "rice vinegar" + ] + }, + { + "id": 30832, + "ingredients": [ + "capers", + "lump crab meat", + "fresh lemon juice", + "mayonaise" + ] + }, + { + "id": 44593, + "ingredients": [ + "beef", + "carrots", + "cooked rice", + "broccoli", + "green onions", + "red bell pepper", + "sunflower seeds", + "sauce" + ] + }, + { + "id": 35604, + "ingredients": [ + "tomato paste", + "dried basil", + "garlic powder", + "salt", + "canola oil", + "romano cheese", + "eggplant", + "onion powder", + "onions", + "frozen chopped spinach", + "crushed tomatoes", + "salt and ground black pepper", + "ricotta cheese", + "dried oregano", + "eggs", + "olive oil", + "shredded carrots", + "shredded mozzarella cheese" + ] + }, + { + "id": 42802, + "ingredients": [ + "chili paste", + "scallions", + "extra large shrimp", + "orange juice", + "chipotle chile", + "extra-virgin olive oil", + "garlic cloves", + "fresh cilantro", + "salt", + "adobo sauce" + ] + }, + { + "id": 30307, + "ingredients": [ + "salt", + "ground black pepper", + "minced onion", + "plain low-fat yogurt", + "cucumber" + ] + }, + { + "id": 8893, + "ingredients": [ + "water", + "dried shiitake mushrooms" + ] + }, + { + "id": 43086, + "ingredients": [ + "plain yogurt", + "salt", + "turnips", + "potatoes", + "salted butter", + "onions", + "turnip greens", + "2% reduced-fat milk" + ] + }, + { + "id": 278, + "ingredients": [ + "large eggs", + "1% low-fat milk", + "yellow corn meal", + "baking powder", + "all-purpose flour", + "sugar", + "butter", + "cooking spray", + "salt" + ] + }, + { + "id": 48861, + "ingredients": [ + "cheese", + "russet potatoes", + "asparagus spears", + "purple onion", + "extra-virgin olive oil", + "sliced green onions" + ] + }, + { + "id": 9641, + "ingredients": [ + "olive oil", + "lemon", + "carrots", + "sugar", + "cayenne", + "purple onion", + "coriander seeds", + "garlic", + "fresh cilantro", + "vinegar", + "salt" + ] + }, + { + "id": 18801, + "ingredients": [ + "granulated sugar", + "grapefruit", + "heavy cream", + "kirsch", + "egg yolks", + "confectioners sugar", + "milk", + "all-purpose flour" + ] + }, + { + "id": 13009, + "ingredients": [ + "chickpea flour", + "cooking oil", + "cumin seed", + "onions", + "water", + "chile pepper", + "asafoetida powder", + "fresh curry leaves", + "potatoes", + "mustard seeds", + "split black lentils", + "salt", + "dried red chile peppers" + ] + }, + { + "id": 42823, + "ingredients": [ + "dry vermouth", + "fresh parmesan cheese", + "chopped onion", + "frozen chopped spinach", + "water", + "cooking spray", + "arborio rice", + "olive oil", + "vegetable broth", + "black pepper", + "ground nutmeg", + "sliced mushrooms" + ] + }, + { + "id": 3954, + "ingredients": [ + "pepper jack", + "chopped cilantro fresh", + "enchilada sauce", + "flour tortillas", + "green chile", + "sour cream" + ] + }, + { + "id": 49035, + "ingredients": [ + "cheddar cheese", + "large eggs", + "spaghetti", + "ground black pepper", + "red pepper", + "dijon mustard", + "salt", + "milk", + "butter" + ] + }, + { + "id": 34278, + "ingredients": [ + "red chili peppers", + "banana leaves", + "oil", + "fish sauce", + "pork loin", + "salt", + "pork rind", + "garlic", + "sugar", + "spring onions", + "rice" + ] + }, + { + "id": 25941, + "ingredients": [ + "pepper", + "red bell pepper", + "thai chile", + "calamansi juice", + "onions", + "salt" + ] + }, + { + "id": 38577, + "ingredients": [ + "chorizo", + "spring onions", + "carrots", + "sweet potatoes", + "sausages", + "milk", + "grating cheese", + "plain flour", + "lettuce leaves", + "small red potato" + ] + }, + { + "id": 37973, + "ingredients": [ + "beef fillet", + "ground black pepper", + "onions", + "vegetables", + "salt", + "heavy cream" + ] + }, + { + "id": 813, + "ingredients": [ + "parmesan cheese", + "cooked chicken", + "light alfredo sauce", + "reduced fat cream of mushroom soup", + "garden peas", + "marsala wine", + "vermicelli", + "fresh mushrooms", + "chicken broth", + "prosciutto", + "butter" + ] + }, + { + "id": 29444, + "ingredients": [ + "egg yolks", + "all-purpose flour", + "walnut pieces", + "vanilla extract", + "powdered sugar", + "baking powder", + "oil", + "baking soda", + "salt" + ] + }, + { + "id": 30058, + "ingredients": [ + "warm water", + "butter", + "active dry yeast", + "all-purpose flour", + "sugar", + "large eggs", + "milk", + "salt" + ] + }, + { + "id": 34601, + "ingredients": [ + "candy sprinkles", + "white sugar", + "shortening", + "all-purpose flour", + "red food coloring", + "baking powder", + "champagne" + ] + }, + { + "id": 42370, + "ingredients": [ + "peeled tomatoes", + "dry white wine", + "goat cheese", + "fresh basil", + "olive oil", + "salt", + "green beans", + "yellow squash", + "shallots", + "garlic cloves", + "water", + "orange bell pepper", + "pearl barley" + ] + }, + { + "id": 9228, + "ingredients": [ + "whole milk greek yogurt", + "honey", + "powdered sugar", + "softened butter" + ] + }, + { + "id": 12638, + "ingredients": [ + "bananas", + "dark rum", + "evaporated skim milk", + "pecan halves", + "large eggs", + "salt", + "granulated sugar", + "vanilla extract", + "water", + "cooking spray", + "dark brown sugar" + ] + }, + { + "id": 37549, + "ingredients": [ + "rutabaga", + "sugar", + "veal breast", + "beef brisket", + "extra-virgin olive oil", + "garlic cloves", + "country bread", + "baby potatoes", + "savoy cabbage", + "horseradish", + "whole grain mustard", + "fresh bay leaves", + "oxtails", + "crème fraîche", + "carrots", + "onions", + "clove", + "beef bones", + "veal bones", + "dijon mustard", + "fresh tarragon", + "beef rib short", + "thyme", + "marrow bones", + "celery ribs", + "black peppercorns", + "kosher salt", + "ground black pepper", + "chopped fresh chives", + "garlic", + "sausages", + "flat leaf parsley" + ] + }, + { + "id": 19802, + "ingredients": [ + "creole mustard", + "water", + "green onions", + "lemon juice", + "celery ribs", + "finely chopped fresh parsley", + "salt", + "horseradish sauce", + "pepper", + "lettuce leaves", + "Pompeian Extra Virgin Olive Oil", + "garlic salt", + "white vinegar", + "artichoke hearts", + "paprika", + "shrimp" + ] + }, + { + "id": 30931, + "ingredients": [ + "ground black pepper", + "beef tenderloin", + "oil", + "sesame oil", + "sweet peas", + "shichimi togarashi", + "purple onion", + "beansprouts", + "fish sauce", + "teriyaki sauce", + "soba noodles" + ] + }, + { + "id": 22179, + "ingredients": [ + "pineapple chunks", + "fresh ginger", + "skinless chicken thighs", + "ketchup", + "egg whites", + "corn starch", + "brown sugar", + "cooking oil", + "juice", + "white vinegar", + "kosher salt", + "yellow bell pepper", + "red bell pepper" + ] + }, + { + "id": 44664, + "ingredients": [ + "green chile", + "taco seasoning", + "green onions", + "pork sausages", + "roma tomatoes", + "shredded cheese", + "tortilla chips" + ] + }, + { + "id": 42631, + "ingredients": [ + "tomatoes", + "paprika", + "coriander", + "olive oil", + "salt", + "eggs", + "purple onion", + "ground turmeric", + "ground black pepper", + "ground coriander" + ] + }, + { + "id": 23407, + "ingredients": [ + "tomatoes", + "ketchup", + "salt", + "onions", + "green bell pepper", + "minced ginger", + "ground white pepper", + "jamaican rum", + "minced garlic", + "peanut oil", + "large shrimp", + "soy sauce", + "lime", + "chopped cilantro" + ] + }, + { + "id": 30557, + "ingredients": [ + "fish sauce", + "garlic", + "red chili peppers", + "sugar", + "fresh lime juice", + "water" + ] + }, + { + "id": 28888, + "ingredients": [ + "cherry tomatoes", + "extra-virgin olive oil", + "zucchini", + "fresh lemon juice", + "ground black pepper", + "garlic", + "kosher salt", + "grated parmesan cheese", + "fresh basil leaves" + ] + }, + { + "id": 326, + "ingredients": [ + "kosher salt", + "nuoc nam", + "garlic cloves", + "chicken wings", + "lemon grass", + "shallots", + "fresh lime juice", + "lime", + "jalapeno chilies", + "coconut milk", + "tumeric", + "tamarind juice", + "ginger" + ] + }, + { + "id": 47891, + "ingredients": [ + "chili powder", + "sour cream", + "cream of chicken soup", + "salt", + "diced green chilies", + "cheese", + "chicken", + "flour tortillas", + "salsa" + ] + }, + { + "id": 22600, + "ingredients": [ + "chicken stock", + "red chili peppers", + "banh trang", + "pork tenderloin", + "rice vermicelli", + "peanut oil", + "cucumber", + "romaine lettuce", + "thai basil", + "Sriracha", + "cilantro stems", + "vietnamese fish sauce", + "carrots", + "tomato paste", + "olive oil", + "chili paste", + "mint leaves", + "unsalted dry roast peanuts", + "garlic cloves", + "rice paper", + "sugar", + "ground black pepper", + "hoisin sauce", + "shallots", + "peanut butter", + "shrimp" + ] + }, + { + "id": 24737, + "ingredients": [ + "dried thyme", + "green onions", + "minced garlic", + "italian style stewed tomatoes", + "long-grain rice", + "black pepper", + "olive oil", + "salt", + "seasoning salt", + "bell pepper", + "large shrimp" + ] + }, + { + "id": 11278, + "ingredients": [ + "dried thyme", + "cayenne pepper", + "white pepper", + "onion powder", + "black pepper", + "garlic powder", + "dried oregano", + "dried basil", + "paprika" + ] + }, + { + "id": 42285, + "ingredients": [ + "green chile", + "ricotta cheese", + "chopped cilantro fresh", + "pasta sauce", + "cheese", + "sausage casings", + "whipping cream", + "tomatoes", + "large eggs", + "oven-ready lasagna noodles" + ] + }, + { + "id": 18700, + "ingredients": [ + "coconut", + "chicken", + "red curry paste", + "carrots", + "white rice" + ] + }, + { + "id": 11577, + "ingredients": [ + "spelt", + "parmigiano reggiano cheese", + "diced tomatoes", + "garlic cloves", + "beet greens", + "olive oil", + "bay leaves", + "salt", + "thyme", + "country ham", + "water", + "leeks", + "crushed red pepper", + "carrots", + "fat free less sodium chicken broth", + "ground black pepper", + "cannellini beans", + "chopped onion" + ] + }, + { + "id": 5218, + "ingredients": [ + "olive oil", + "double cream", + "pancetta", + "yolk", + "large eggs", + "spaghetti", + "black pepper", + "pecorino romano cheese" + ] + }, + { + "id": 13220, + "ingredients": [ + "potatoes", + "mashed potatoes", + "butter", + "pepper", + "salt", + "flour" + ] + }, + { + "id": 16992, + "ingredients": [ + "curry leaves", + "water", + "eggplant", + "salt", + "cumin", + "garlic paste", + "sesame seeds", + "coriander powder", + "oil", + "red chili powder", + "coconut", + "garam masala", + "cilantro leaves", + "mustard", + "tumeric", + "peanuts", + "lemon", + "onions" + ] + }, + { + "id": 22967, + "ingredients": [ + "soy sauce", + "garlic cloves", + "dry white wine", + "fillet red snapper", + "sesame oil", + "peeled fresh ginger", + "chopped cilantro fresh" + ] + }, + { + "id": 16610, + "ingredients": [ + "mayonaise", + "radishes", + "english cucumber", + "fresh mint", + "fish sauce", + "lime", + "jalapeno chilies", + "carrots", + "coconut oil", + "granulated sugar", + "rice vinegar", + "Old El Paso Flour Tortillas", + "boneless chicken skinless thigh", + "Sriracha", + "garlic cloves", + "fresh lime juice" + ] + }, + { + "id": 46382, + "ingredients": [ + "soy sauce", + "miso paste", + "mirin", + "apple cider vinegar", + "garlic", + "lemon juice", + "eggs", + "white onion", + "dijon mustard", + "beef stock", + "red wine vinegar", + "beef rib short", + "canola oil", + "red chili powder", + "sesame seeds", + "asian pear", + "shallots", + "ginger", + "scallions", + "light brown sugar", + "brioche buns", + "white cabbage", + "Sriracha", + "sesame oil", + "cayenne pepper", + "white sugar" + ] + }, + { + "id": 28228, + "ingredients": [ + "french bread", + "shredded mozzarella cheese", + "garlic", + "garlic salt", + "butter", + "cooked italian meatballs", + "mayonaise", + "cream cheese", + "italian seasoning" + ] + }, + { + "id": 18123, + "ingredients": [ + "fresh basil", + "ground black pepper", + "salt", + "garlic cloves", + "water", + "large eggs", + "goat cheese", + "grape tomatoes", + "asparagus", + "grated lemon zest", + "sliced green onions", + "large egg whites", + "cooking spray", + "wild rice" + ] + }, + { + "id": 25348, + "ingredients": [ + "large egg whites", + "grated parmesan cheese", + "diced tomatoes", + "garlic cloves", + "fresh basil", + "sun-dried tomatoes", + "chicken breast halves", + "all-purpose flour", + "fresh parsley", + "olive oil", + "cooking spray", + "linguine", + "red bell pepper", + "black pepper", + "part-skim mozzarella cheese", + "balsamic vinegar", + "chopped onion", + "boiling water" + ] + }, + { + "id": 48051, + "ingredients": [ + "cooked rice", + "flour tortillas", + "pinto beans", + "olive oil", + "rice", + "monterey jack", + "fresh cilantro", + "salsa", + "onions", + "kosher salt", + "baby spinach", + "sour cream" + ] + }, + { + "id": 26379, + "ingredients": [ + "water", + "baby corn", + "fish sauce", + "chicken breasts", + "onions", + "potatoes", + "coconut milk", + "sugar", + "yellow curry paste" + ] + }, + { + "id": 38821, + "ingredients": [ + "bay leaves", + "freshly ground pepper", + "corn", + "small new potatoes", + "crawfish", + "coarse salt", + "garlic cloves", + "cayenne", + "lemon" + ] + }, + { + "id": 44418, + "ingredients": [ + "soy sauce", + "ramps", + "vegetable oil", + "Shaoxing wine", + "sugar", + "ground pork" + ] + }, + { + "id": 22932, + "ingredients": [ + "garlic", + "ancho chile pepper", + "whole peeled tomatoes", + "chopped onion", + "chopped cilantro fresh", + "chipotle chile", + "salt", + "white sugar", + "jalapeno chilies", + "lemon juice", + "ground cumin" + ] + }, + { + "id": 17089, + "ingredients": [ + "ground black pepper", + "white wine vinegar", + "garlic cloves", + "baby spinach", + "bow-tie pasta", + "dried oregano", + "parmigiano reggiano cheese", + "salt", + "feta cheese crumbles", + "grape tomatoes", + "extra-virgin olive oil", + "yellow onion" + ] + }, + { + "id": 17307, + "ingredients": [ + "pork", + "soft tofu", + "Gochujang base", + "eggs", + "anchovies", + "sesame oil", + "onions", + "fish sauce", + "shiitake", + "garlic", + "water", + "green onions", + "kelp" + ] + }, + { + "id": 8828, + "ingredients": [ + "garnish", + "white wine vinegar", + "garlic cloves", + "olive oil", + "cheese", + "chickpeas", + "fronds", + "fennel bulb", + "salt", + "dried thyme", + "ground pepper", + "crushed red pepper", + "flat leaf parsley" + ] + }, + { + "id": 21515, + "ingredients": [ + "rum", + "fresh orange juice", + "superfine sugar", + "orange bitters", + "ice", + "cranberry juice", + "mint syrup", + "fresh mint", + "orange slices", + "lime wedges", + "club soda" + ] + }, + { + "id": 41525, + "ingredients": [ + "chicken breasts", + "parsley sprigs", + "enchilada sauce", + "orange", + "sauce" + ] + }, + { + "id": 18627, + "ingredients": [ + "sugar", + "garlic", + "marjoram", + "tomato paste", + "dried basil", + "ground beef", + "tomato sauce", + "chopped tomatoes", + "onions", + "pepper", + "salt", + "dried oregano" + ] + }, + { + "id": 8423, + "ingredients": [ + "water", + "apples", + "bread flour", + "brown sugar", + "unsalted butter", + "Saigon cinnamon", + "eggs", + "milk", + "salt", + "dried cranberries", + "sugar", + "granulated sugar", + "yeast" + ] + }, + { + "id": 17848, + "ingredients": [ + "mozzarella cheese", + "olive oil", + "ground pork", + "dried oregano", + "tomato paste", + "water", + "diced tomatoes", + "garlic cloves", + "pasta", + "pepper", + "bay leaves", + "salt", + "fresh basil", + "dried basil", + "crushed red pepper flakes", + "onions" + ] + }, + { + "id": 12762, + "ingredients": [ + "white wine", + "milk", + "garlic", + "cheddar cheese", + "pepper", + "butter", + "grits", + "kosher salt", + "green onions", + "shrimp", + "black pepper", + "water", + "bacon" + ] + }, + { + "id": 2524, + "ingredients": [ + "serrano peppers", + "onions", + "tomatoes", + "salt", + "cilantro", + "lime", + "salsa" + ] + }, + { + "id": 15334, + "ingredients": [ + "andouille sausage", + "water", + "Tabasco Pepper Sauce", + "garlic", + "long-grain rice", + "oregano", + "tomatoes", + "jambalaya", + "bay leaves", + "sprinkles", + "creole seasoning", + "onions", + "chicken broth", + "sugar", + "bell pepper", + "diced tomatoes", + "cayenne pepper", + "celery", + "tomato sauce", + "dried thyme", + "lemon", + "shells", + "shrimp" + ] + }, + { + "id": 3322, + "ingredients": [ + "kosher salt", + "yellow onion", + "palm sugar", + "fresh ginger", + "chicken parts" + ] + }, + { + "id": 5367, + "ingredients": [ + "ground cloves", + "ground black pepper", + "ground white pepper", + "anise seed", + "coriander seeds", + "cinnamon", + "ground ginger", + "mace", + "cardamon", + "ground cayenne pepper", + "tumeric", + "ground nutmeg", + "ground allspice" + ] + }, + { + "id": 5255, + "ingredients": [ + "lime", + "light coconut milk", + "fresh lime juice", + "large shrimp", + "olive oil", + "garlic cloves", + "onions", + "peeled tomatoes", + "salt", + "annatto", + "yuca", + "scotch bonnet chile", + "red bell pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 9150, + "ingredients": [ + "honey", + "paprika", + "onions", + "green olives", + "boneless chicken breast", + "grated lemon zest", + "chicken broth", + "olive oil", + "all-purpose flour", + "ground cumin", + "fresh coriander", + "cinnamon", + "chickpeas" + ] + }, + { + "id": 22599, + "ingredients": [ + "olive oil", + "salt", + "sugar", + "grated parmesan cheese", + "instant yeast", + "water", + "all purpose unbleached flour" + ] + }, + { + "id": 7368, + "ingredients": [ + "olive oil", + "cayenne pepper", + "coarse salt", + "hass avocado", + "ground pepper", + "fresh lime juice", + "purple onion", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 25212, + "ingredients": [ + "sugar", + "cassava", + "coconut milk" + ] + }, + { + "id": 29633, + "ingredients": [ + "crushed tomatoes", + "bell pepper", + "rounds", + "eggs", + "olive oil", + "garlic", + "oregano", + "italian sausage", + "sweet onion", + "diced tomatoes", + "spaghetti", + "pepper", + "parmesan cheese", + "salt", + "italian seasoning" + ] + }, + { + "id": 26841, + "ingredients": [ + "pepper", + "cilantro", + "shrimp", + "sweet onion", + "garlic", + "corn tortillas", + "jalapeno chilies", + "salt", + "cumin", + "tomatoes", + "corn oil", + "oil", + "chicken" + ] + }, + { + "id": 20127, + "ingredients": [ + "pastry cream", + "chocolate sauce", + "cinnamon hot candy", + "heavy cream", + "silver", + "candy", + "liver pate", + "licorice" + ] + }, + { + "id": 4992, + "ingredients": [ + "fresh basil", + "salt and ground black pepper", + "diced tomatoes", + "ground cumin", + "kale", + "cannellini beans", + "fresh oregano", + "water", + "bay leaves", + "garlic", + "olive oil", + "onion powder", + "onions" + ] + }, + { + "id": 35021, + "ingredients": [ + "olive oil", + "rock salt", + "frozen chopped spinach", + "finely chopped onion", + "greek seasoning", + "grated parmesan cheese", + "artichoke hearts", + "cream cheese, soften" + ] + }, + { + "id": 47863, + "ingredients": [ + "vegetable oil", + "lime juice", + "Thai fish sauce", + "water", + "rice flour", + "large eggs" + ] + }, + { + "id": 530, + "ingredients": [ + "olive oil", + "yellow onion", + "yukon gold potatoes", + "chives", + "eggs", + "salt" + ] + }, + { + "id": 1974, + "ingredients": [ + "fresh coriander", + "lemon zest", + "chickpeas", + "chicken broth", + "olive oil", + "paprika", + "ground cumin", + "honey", + "cinnamon", + "onions", + "green olives", + "boneless chicken breast", + "all-purpose flour" + ] + }, + { + "id": 3006, + "ingredients": [ + "diet orange soda", + "soy sauce", + "chicken breasts" + ] + }, + { + "id": 23010, + "ingredients": [ + "water", + "green onions", + "whole wheat linguine", + "oyster sauce", + "shredded cabbage", + "less sodium soy sauce", + "dark sesame oil", + "canola oil", + "mirin", + "large garlic cloves", + "rice vinegar", + "onions", + "ground black pepper", + "sliced carrots", + "salt", + "beansprouts" + ] + }, + { + "id": 21593, + "ingredients": [ + "greek yogurt", + "cayenne", + "chopped garlic", + "chopped cilantro", + "fresh lemon juice" + ] + }, + { + "id": 11204, + "ingredients": [ + "dough", + "tomato sauce", + "italian sausage", + "mozzarella cheese" + ] + }, + { + "id": 3363, + "ingredients": [ + "mayonaise", + "plum tomatoes", + "lettuce leaves", + "pesto", + "biscuits", + "bacon slices" + ] + }, + { + "id": 33675, + "ingredients": [ + "baby lima beans", + "prepared mustard", + "worcestershire sauce", + "boneless pork loin", + "water", + "ground red pepper", + "bacon slices", + "green beans", + "fat free less sodium chicken broth", + "boneless skinless chicken breasts", + "cracked black pepper", + "chopped onion", + "boneless chicken skinless thigh", + "corn kernels", + "baking potatoes", + "salt" + ] + }, + { + "id": 38682, + "ingredients": [ + "serrano chilies", + "thai basil", + "garlic cloves", + "sugar", + "vegetable oil", + "chopped cilantro fresh", + "fish sauce", + "green onions", + "shrimp", + "light soy sauce", + "salt", + "long grain white rice" + ] + }, + { + "id": 46627, + "ingredients": [ + "black pepper", + "chicken tenderloin", + "all-purpose flour", + "baking powder", + "paprika", + "garlic powder", + "buttermilk", + "cayenne pepper", + "vegetable oil", + "salt" + ] + }, + { + "id": 12852, + "ingredients": [ + "pasta", + "salt", + "2% reduced-fat milk", + "mustard", + "all-purpose flour", + "cheese" + ] + }, + { + "id": 37503, + "ingredients": [ + "ice cubes", + "thai basil", + "lemongrass", + "lemon juice", + "sugar", + "grapefruit juice", + "seltzer", + "Domaine de Canton Ginger Liqueur" + ] + }, + { + "id": 20805, + "ingredients": [ + "cooking oil", + "onions", + "catfish fillets", + "salt", + "garlic", + "pepper", + "coconut milk" + ] + }, + { + "id": 18925, + "ingredients": [ + "water", + "pomegranate juice", + "tequila", + "cucumber", + "sugar", + "fresh lime juice" + ] + }, + { + "id": 27954, + "ingredients": [ + "egg yolks", + "sugar", + "vanilla extract", + "light brown sugar", + "whipping cream", + "semisweet chocolate" + ] + }, + { + "id": 20154, + "ingredients": [ + "kosher salt", + "garlic", + "guacamole", + "serrano peppers", + "onions", + "tomatillos" + ] + }, + { + "id": 11714, + "ingredients": [ + "fresh mushrooms", + "dried oregano", + "fennel seeds", + "cornmeal", + "frozen bread dough", + "pork sausages", + "Sargento® Artisan Blends® Shredded Whole Milk Mozzarella Cheese", + "plum tomatoes" + ] + }, + { + "id": 11134, + "ingredients": [ + "olive oil", + "jalapeno chilies", + "salt", + "chopped cilantro fresh", + "black beans", + "zucchini", + "chili powder", + "red bell pepper", + "pepper", + "grated parmesan cheese", + "garlic", + "ground beef", + "tomato paste", + "kidney beans", + "green onions", + "frozen corn", + "ground cumin" + ] + }, + { + "id": 29380, + "ingredients": [ + "phyllo dough", + "granulated sugar", + "goat cheese", + "seedless red grapes", + "honey", + "butter", + "fresh lemon juice", + "powdered sugar", + "tawny port", + "salt", + "cream cheese, soften", + "seedless green grape", + "cooking spray", + "chopped walnuts" + ] + }, + { + "id": 19736, + "ingredients": [ + "golden caster sugar", + "garam masala", + "ginger", + "king prawns", + "coriander", + "red chili peppers", + "mango chutney", + "ground coriander", + "carrots", + "ground cumin", + "tumeric", + "yoghurt", + "malt vinegar", + "black mustard seeds", + "basmati rice", + "salad", + "chopped tomatoes", + "sunflower oil", + "garlic cloves", + "onions" + ] + }, + { + "id": 10476, + "ingredients": [ + "flour tortillas", + "low-fat natural yogurt", + "tomatoes", + "green chilies", + "masala", + "boneless skinless chicken breasts", + "onions", + "fresh coriander", + "cucumber" + ] + }, + { + "id": 4136, + "ingredients": [ + "milk", + "ghee", + "powdered sugar", + "raisins", + "ravva", + "coconut", + "ground cardamom" + ] + }, + { + "id": 36681, + "ingredients": [ + "garlic paste", + "water", + "salt", + "eggs", + "ketchup", + "capsicum", + "corn flour", + "bread", + "sugar", + "vinegar", + "oil", + "tomato purée", + "black pepper", + "chili powder", + "onions" + ] + }, + { + "id": 35006, + "ingredients": [ + "ground pepper", + "buttermilk", + "shortening", + "baking powder", + "sugar", + "butter", + "soft-wheat flour", + "grated parmesan cheese" + ] + }, + { + "id": 36876, + "ingredients": [ + "ground black pepper", + "cayenne pepper", + "cumin", + "ground cinnamon", + "paprika", + "fresh mint", + "saffron threads", + "sea salt", + "thyme", + "olive oil", + "ginger", + "chopped cilantro" + ] + }, + { + "id": 10774, + "ingredients": [ + "chopped celery", + "marjoram", + "pork hocks", + "green split peas", + "water", + "carrots", + "butter", + "onions" + ] + }, + { + "id": 27429, + "ingredients": [ + "curry powder", + "salt", + "boneless skinless chicken breast halves", + "unsalted butter", + "dry bread crumbs", + "plain yogurt", + "onion powder", + "lemon juice", + "garlic powder", + "all-purpose flour" + ] + }, + { + "id": 9455, + "ingredients": [ + "eggs", + "dried beans", + "cake", + "cream cheese", + "water", + "flour", + "butter", + "sugar", + "cherries", + "decorating sugars", + "yeast", + "milk", + "egg yolks", + "vanilla extract" + ] + }, + { + "id": 5774, + "ingredients": [ + "salsa verde", + "chicken", + "corn tortillas", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 48634, + "ingredients": [ + "large egg yolks", + "biscotti", + "orange juice", + "sugar", + "mascarpone", + "Grand Marnier", + "grated orange peel", + "instant espresso powder", + "whipping cream", + "water", + "coffee liqueur", + "cocoa powder" + ] + }, + { + "id": 37245, + "ingredients": [ + "olive oil", + "peeled fresh ginger", + "low salt chicken broth", + "chopped cilantro fresh", + "fennel seeds", + "ground black pepper", + "cayenne pepper", + "onions", + "plum tomatoes", + "tomato paste", + "dried apricot", + "ground coriander", + "boned lamb shoulder", + "ground cumin", + "garbanzo beans", + "salt", + "cinnamon sticks", + "grated lemon peel" + ] + }, + { + "id": 17279, + "ingredients": [ + "black bean sauce", + "toasted sesame oil", + "reduced sodium chicken broth", + "broccoli florets", + "boneless chicken skinless thigh", + "garlic powder", + "sesame seeds", + "freshly ground pepper" + ] + }, + { + "id": 9366, + "ingredients": [ + "grated parmesan cheese", + "extra-virgin olive oil", + "lemon juice", + "fresh basil", + "boneless skinless chicken breasts", + "salt", + "baby arugula", + "garlic", + "pepper", + "red pepper flakes", + "penne pasta" + ] + }, + { + "id": 26166, + "ingredients": [ + "vidalia", + "parsley", + "salt", + "mint", + "chives", + "bacon", + "freshly ground pepper", + "mayonaise", + "apple cider vinegar", + "extra-virgin olive oil", + "sour cream", + "light brown sugar", + "peaches", + "buttermilk", + "cayenne pepper" + ] + }, + { + "id": 5247, + "ingredients": [ + "clove", + "apple cider", + "cinnamon", + "sugar", + "apples", + "lemon" + ] + }, + { + "id": 41148, + "ingredients": [ + "romaine lettuce", + "zucchini", + "sourdough rolls", + "roast red peppers, drain", + "ground black pepper", + "sliced cucumber", + "salt", + "hothouse cucumber", + "feta cheese", + "nonfat plain greek yogurt", + "garlic", + "marjoram", + "vegetable oil cooking spray", + "diced red onions", + "lean ground beef", + "fresh lemon juice" + ] + }, + { + "id": 19055, + "ingredients": [ + "tostada shells", + "coriander seeds", + "cilantro sprigs", + "coarse kosher salt", + "adobo", + "chipotle chile", + "radishes", + "garlic cloves", + "dried oregano", + "safflower oil", + "fennel bulb", + "extra-virgin olive oil", + "boneless skinless chicken breast halves", + "romaine lettuce", + "white onion", + "lime wedges", + "pinto beans", + "ground cumin" + ] + }, + { + "id": 2229, + "ingredients": [ + "anise seed", + "egg yolks", + "confectioners sugar", + "hazelnuts", + "salt", + "bread flour", + "eggs", + "butter", + "white sugar", + "ground cinnamon", + "instant yeast", + "eggnog" + ] + }, + { + "id": 27352, + "ingredients": [ + "cold-smoked salmon", + "minced onion", + "ground black pepper", + "crème fraîche", + "smoked salmon", + "chives", + "unsalted butter", + "lemon juice" + ] + }, + { + "id": 24718, + "ingredients": [ + "ground black pepper", + "butter", + "fresh parsley", + "shallots", + "all-purpose flour", + "reduced fat milk", + "salt", + "fat free less sodium chicken broth", + "balsamic vinegar", + "bass fillets" + ] + }, + { + "id": 17647, + "ingredients": [ + "salt", + "chopped garlic", + "squash blossoms", + "cooking oil" + ] + }, + { + "id": 21324, + "ingredients": [ + "mayonaise", + "lime", + "chipotle peppers", + "pepper", + "salt", + "ground cumin", + "sugar", + "garlic", + "canola oil", + "whitefish", + "lime juice", + "greek yogurt" + ] + }, + { + "id": 4946, + "ingredients": [ + "soy sauce", + "scallions", + "eggs", + "Gochujang base", + "toasted sesame oil", + "vegetable oil", + "kimchi", + "kimchi juice", + "rice" + ] + }, + { + "id": 21404, + "ingredients": [ + "açai", + "pudding" + ] + }, + { + "id": 6849, + "ingredients": [ + "powdered sugar", + "large egg yolks", + "butter", + "dark molasses", + "reduced fat milk", + "salt", + "water", + "whole milk", + "heavy whipping cream", + "brown sugar", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 4572, + "ingredients": [ + "dijon mustard", + "Dubliner cheese", + "frozen pastry puff sheets", + "dried parsley" + ] + }, + { + "id": 48468, + "ingredients": [ + "sugar", + "lettuce leaves", + "cilantro sprigs", + "freshly ground pepper", + "fresh mint", + "chicken broth", + "water", + "jicama", + "hot bean paste", + "carrots", + "dry roasted peanuts", + "pork loin", + "rice vermicelli", + "garlic cloves", + "rice paper", + "fish sauce", + "hoisin sauce", + "vegetable oil", + "dill tips", + "shrimp" + ] + }, + { + "id": 37152, + "ingredients": [ + "water", + "hot pepper sauce", + "dry sherry", + "yellow onion", + "fresh parsley", + "saffron threads", + "sherry vinegar", + "cooking spray", + "green peas", + "corn starch", + "fennel seeds", + "ground black pepper", + "bottom round roast", + "salt", + "smoked paprika", + "dried thyme", + "roasted red peppers", + "fat free less sodium beef broth", + "garlic cloves" + ] + }, + { + "id": 825, + "ingredients": [ + "long beans", + "fresh ginger", + "vegetable oil", + "fresh basil leaves", + "reduced sodium chicken broth", + "chicken breast halves", + "fresh mint", + "sugar", + "green onions", + "vietnamese fish sauce", + "minced garlic", + "rice noodles", + "fresh lime juice" + ] + }, + { + "id": 47537, + "ingredients": [ + "baguette", + "spring onions", + "carrots", + "golden caster sugar", + "olive oil", + "rice vinegar", + "lime", + "chicken breasts", + "cucumber", + "red chili peppers", + "lettuce leaves", + "chili sauce" + ] + }, + { + "id": 5072, + "ingredients": [ + "pearl onions", + "unsalted butter", + "parsley", + "garlic cloves", + "onions", + "tomato paste", + "stewing beef", + "beef stock", + "bacon", + "thyme", + "olive oil", + "flour", + "red wine", + "carrots", + "pepper", + "ground pepper", + "mushrooms", + "salt", + "bay leaf" + ] + }, + { + "id": 18872, + "ingredients": [ + "minced garlic", + "rice vinegar", + "white sugar", + "fish sauce", + "curry powder", + "bird chile", + "chicken", + "water", + "coconut milk", + "ground turmeric", + "white pepper", + "salt", + "chopped cilantro" + ] + }, + { + "id": 37657, + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "white sandwich bread", + "sherry vinegar", + "garlic cloves", + "slivered almonds", + "salt", + "hard-boiled egg", + "serrano ham" + ] + }, + { + "id": 39345, + "ingredients": [ + "ground black pepper", + "bacon drippings", + "all-purpose flour", + "salt", + "milk" + ] + }, + { + "id": 9604, + "ingredients": [ + "fish sauce", + "fresh ginger", + "Thai red curry paste", + "hot curry powder", + "corn kernels", + "bell pepper", + "boneless skinless chicken", + "naan", + "fresh cilantro", + "zucchini", + "garlic", + "coconut milk", + "fresh basil", + "olive oil", + "jalapeno chilies", + "goat cheese", + "mango" + ] + }, + { + "id": 5363, + "ingredients": [ + "tomato purée", + "red pepper flakes", + "scallions", + "mussels", + "dry white wine", + "salt", + "peasant bread", + "extra-virgin olive oil", + "garlic cloves", + "fresh basil", + "chives", + "fresh oregano" + ] + }, + { + "id": 12065, + "ingredients": [ + "italian chicken sausage", + "cream cheese spread", + "mushroom caps", + "fresh chives", + "grated parmesan cheese", + "olive oil" + ] + }, + { + "id": 12366, + "ingredients": [ + "unsalted butter", + "sugar", + "heavy cream", + "egg yolks", + "vanilla beans", + "farmer cheese" + ] + }, + { + "id": 15642, + "ingredients": [ + "black pepper", + "rice sticks", + "chili oil", + "beansprouts", + "fish sauce", + "minced garlic", + "shallots", + "salt", + "chopped cilantro fresh", + "fresh basil", + "fat free less sodium chicken broth", + "peeled fresh ginger", + "thai chile", + "fresh mint", + "boneless chicken skinless thigh", + "water", + "lime wedges", + "Thai fish sauce", + "sliced green onions" + ] + }, + { + "id": 20213, + "ingredients": [ + "clove", + "garam masala", + "kasuri methi", + "green cardamom", + "cinnamon sticks", + "sugar", + "cilantro", + "paneer", + "cumin seed", + "ground turmeric", + "spinach", + "yoghurt", + "garlic", + "green chilies", + "onions", + "cream", + "ginger", + "salt", + "oil" + ] + }, + { + "id": 16381, + "ingredients": [ + "pineapple", + "blood orange", + "coconut rum", + "star fruit", + "juice", + "guava", + "crushed ice" + ] + }, + { + "id": 25412, + "ingredients": [ + "chopped cilantro fresh", + "reduced-fat sour cream", + "wasabi paste", + "fresh lime juice" + ] + }, + { + "id": 34973, + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "baking powder", + "cooking oil", + "cold water", + "salt" + ] + }, + { + "id": 13475, + "ingredients": [ + "cooked chicken", + "shredded sharp cheddar cheese", + "sliced mushrooms", + "large eggs", + "butter", + "salt", + "fresh parsley", + "low sodium chicken broth", + "crumbled cornbread", + "poultry seasoning", + "onions", + "celery ribs", + "vegetable oil", + "crushed red pepper", + "sour cream" + ] + }, + { + "id": 24334, + "ingredients": [ + "fat free less sodium chicken broth", + "bay leaves", + "chopped onion", + "ham steak", + "fresh cilantro", + "diced tomatoes", + "dried oregano", + "chipotle chile", + "manchego cheese", + "dried pinto beans", + "ground cumin", + "water", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 4428, + "ingredients": [ + "tomatoes", + "cilantro leaves", + "chipotle peppers", + "cinnamon", + "chopped onion", + "kosher salt", + "flat iron steaks", + "cumin", + "avocado", + "garlic", + "orange juice" + ] + }, + { + "id": 7273, + "ingredients": [ + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "russet", + "sweet potatoes", + "grated nutmeg", + "unsalted butter", + "roasted chestnuts", + "sage leaves", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 35903, + "ingredients": [ + "saffron threads", + "green peas", + "medium shrimp", + "diced tomatoes", + "long-grain rice", + "chorizo sausage", + "minced garlic", + "crushed red pepper", + "ground turmeric", + "paprika", + "hot water" + ] + }, + { + "id": 41592, + "ingredients": [ + "capers", + "olive oil", + "large garlic cloves", + "red bell pepper", + "anchovies", + "balsamic vinegar", + "crushed red pepper", + "orange", + "rib roast", + "salt", + "grated orange peel", + "ground black pepper", + "rosemary leaves" + ] + }, + { + "id": 44689, + "ingredients": [ + "Emmenthal", + "cherry brandy", + "vegetables", + "french bread", + "fresh lemon juice", + "ground black pepper", + "gruyere cheese", + "ground nutmeg", + "dry white wine", + "corn starch" + ] + }, + { + "id": 42405, + "ingredients": [ + "sugar", + "dry yeast", + "salt", + "water", + "cooking spray", + "italian seasoning", + "warm water", + "large eggs", + "all-purpose flour", + "fresh parmesan cheese", + "vegetable oil" + ] + }, + { + "id": 6995, + "ingredients": [ + "cachaca", + "lime", + "cane sugar" + ] + }, + { + "id": 2577, + "ingredients": [ + "vegetable oil", + "fresh coriander", + "cumin seed", + "new potatoes", + "tumeric", + "coarse salt" + ] + }, + { + "id": 48095, + "ingredients": [ + "soy sauce", + "top sirloin", + "orange juice", + "white sugar", + "broccoli florets", + "salt", + "long-grain rice", + "fresh ginger", + "garlic", + "oil", + "orange zest", + "green onions", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 6623, + "ingredients": [ + "sugar", + "baking powder", + "corn starch", + "yellow corn meal", + "fat free milk", + "all-purpose flour", + "butter-margarine blend", + "salt", + "nectarines", + "ground cinnamon", + "peaches", + "lemon juice" + ] + }, + { + "id": 22733, + "ingredients": [ + "mirin", + "toasted sesame seeds", + "sesame oil", + "japanese eggplants", + "agave nectar", + "sliced green onions", + "sake", + "mellow white miso" + ] + }, + { + "id": 36104, + "ingredients": [ + "fresh sage", + "cooked turkey", + "dry white wine", + "kosher salt", + "ground black pepper", + "goat cheese", + "fat free less sodium chicken broth", + "olive oil", + "shallots", + "arborio rice", + "water", + "butternut squash" + ] + }, + { + "id": 23779, + "ingredients": [ + "cannellini beans", + "cilantro", + "roasted red peppers", + "savory", + "garlic cloves", + "fresh cilantro", + "jicama", + "sauce", + "cooking spray", + "vegetable oil", + "onions" + ] + }, + { + "id": 46697, + "ingredients": [ + "butternut squash", + "chicken", + "coconut oil", + "yellow onion", + "crushed red pepper flakes", + "kosher salt", + "coconut milk" + ] + }, + { + "id": 47965, + "ingredients": [ + "kosher salt", + "unsalted butter", + "baking powder", + "honey", + "grated parmesan cheese", + "all-purpose flour", + "shredded cheddar cheese", + "large eggs", + "buttermilk", + "ground black pepper", + "jalapeno chilies", + "cornmeal" + ] + }, + { + "id": 17225, + "ingredients": [ + "sugar", + "flour", + "strawberries", + "caster sugar", + "whipping cream", + "cream", + "rum", + "hot water", + "eggs", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 37106, + "ingredients": [ + "garlic paste", + "french fried onions", + "mutton", + "brown cardamom", + "onions", + "tomatoes", + "garam masala", + "cinnamon", + "cilantro leaves", + "cumin seed", + "ginger paste", + "clove", + "milk", + "chili powder", + "salt", + "green chilies", + "basmati rice", + "black peppercorns", + "mint leaves", + "extra-virgin olive oil", + "green cardamom", + "oil" + ] + }, + { + "id": 12615, + "ingredients": [ + "cold water", + "white sugar", + "salt", + "plain yogurt", + "mango", + "fresh mint" + ] + }, + { + "id": 36033, + "ingredients": [ + "sugar", + "large eggs", + "all-purpose flour", + "ground cinnamon", + "ground nutmeg", + "vanilla extract", + "ground ginger", + "baking soda", + "buttermilk", + "blackberries", + "blackberry jam", + "unsalted butter", + "crème fraîche" + ] + }, + { + "id": 45146, + "ingredients": [ + "minced garlic", + "fresh oregano", + "tomatoes", + "ground pepper", + "ripe olives", + "nonfat cream cheese", + "feta cheese", + "lemon juice", + "great northern beans", + "salt" + ] + }, + { + "id": 45800, + "ingredients": [ + "fresh ginger", + "yellow onion", + "diced celery", + "chopped cilantro", + "cold water", + "extra-virgin olive oil", + "ground coriander", + "carrots", + "bell pepper", + "cayenne pepper", + "lentils", + "ground cumin", + "tumeric", + "salt", + "garlic cloves", + "diced tomatoes in juice" + ] + }, + { + "id": 30163, + "ingredients": [ + "yellow corn meal", + "refrigerated piecrusts", + "all-purpose flour", + "milk", + "whipped cream", + "fresh raspberries", + "sugar", + "butter", + "grated lemon zest", + "large eggs", + "lemon slices", + "fresh lemon juice" + ] + }, + { + "id": 12660, + "ingredients": [ + "cilantro stems", + "green chile", + "garlic cloves", + "extra-virgin olive oil", + "white onion" + ] + }, + { + "id": 11490, + "ingredients": [ + "jamaican rum", + "butter", + "white sugar", + "white bread", + "milk", + "vanilla", + "eggs", + "raisins", + "allspice", + "nutmeg", + "cinnamon", + "salt" + ] + }, + { + "id": 40192, + "ingredients": [ + "water", + "shallots", + "ginger root", + "dark soy sauce", + "instant yeast", + "all-purpose flour", + "light soy sauce", + "sesame oil", + "pork belly", + "char siu sauce", + "oil" + ] + }, + { + "id": 21436, + "ingredients": [ + "parmesan cheese", + "extra-virgin olive oil", + "flat leaf parsley", + "parmigiano reggiano cheese", + "freshly ground pepper", + "asparagus", + "salt", + "pancetta", + "butter", + "refrigerated fettuccine" + ] + }, + { + "id": 48613, + "ingredients": [ + "green pepper", + "egg substitute", + "cooked rice", + "reduced sodium soy sauce" + ] + }, + { + "id": 1628, + "ingredients": [ + "chicken stock", + "vegetable oil", + "pumpkin seeds", + "onions", + "sweet potatoes", + "salt", + "sour cream", + "cumin", + "chipotle chile", + "cilantro", + "garlic cloves", + "dried oregano", + "chile pepper", + "frozen corn", + "pork shoulder" + ] + }, + { + "id": 19953, + "ingredients": [ + "eggs", + "vanilla extract", + "chopped nuts", + "flour", + "chocolate chips", + "granulated sugar", + "pie shell", + "melted butter", + "bourbon whiskey" + ] + }, + { + "id": 44451, + "ingredients": [ + "kosher salt", + "flour tortillas", + "salsa", + "black beans", + "corn kernels", + "cilantro", + "sour cream", + "tomatoes", + "lime juice", + "guacamole", + "sharp cheddar cheese", + "white onion", + "olive oil", + "purple onion" + ] + }, + { + "id": 45922, + "ingredients": [ + "lemon zest", + "vanilla extract", + "vegetable oil", + "cream cheese", + "flour tortillas", + "strawberries", + "sugar", + "cinnamon", + "sour cream" + ] + }, + { + "id": 4804, + "ingredients": [ + "granulated garlic", + "onion powder", + "purple onion", + "light brown sugar", + "kosher salt", + "paprika", + "dried oregano", + "green bell pepper", + "ground black pepper", + "dry mustard", + "cabbage", + "mayonaise", + "apple cider vinegar", + "ground coriander" + ] + }, + { + "id": 1751, + "ingredients": [ + "ground red pepper", + "crackers", + "ground black pepper", + "ground mustard", + "roasted red peppers", + "onions", + "mayonaise", + "white cheddar cheese" + ] + }, + { + "id": 26520, + "ingredients": [ + "powdered sugar", + "large eggs", + "grated lemon zest", + "kosher salt", + "vanilla extract", + "sugar", + "whole milk", + "heavy whipping cream", + "cherries", + "all-purpose flour" + ] + }, + { + "id": 39367, + "ingredients": [ + "corn husks", + "red potato", + "old bay seasoning", + "sausage links", + "shrimp", + "water" + ] + }, + { + "id": 23616, + "ingredients": [ + "soy sauce", + "sesame oil", + "all-purpose flour", + "fish sauce", + "gochugaru", + "salt", + "chopped garlic", + "eggs", + "water", + "ginger", + "toasted sesame seeds", + "sugar", + "zucchini", + "rice vinegar" + ] + }, + { + "id": 38862, + "ingredients": [ + "powdered sugar", + "baking soda", + "vanilla", + "sweetened condensed milk", + "water", + "large eggs", + "all-purpose flour", + "raspberries", + "granulated sugar", + "whipping cream", + "melted butter", + "milk", + "cinnamon", + "corn syrup" + ] + }, + { + "id": 21414, + "ingredients": [ + "brown sugar", + "water", + "butter", + "ketchup", + "prepared mustard", + "salt", + "pork baby back ribs", + "hot pepper sauce", + "worcestershire sauce", + "cider vinegar", + "red wine vinegar" + ] + }, + { + "id": 2452, + "ingredients": [ + "feta cheese", + "white wine vinegar", + "fresh thyme", + "honey" + ] + }, + { + "id": 27591, + "ingredients": [ + "cayenne", + "fresh basil leaves", + "olive oil", + "chopped onion", + "sherry vinegar", + "bay leaf", + "tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 14224, + "ingredients": [ + "fish sauce", + "fresh cilantro", + "rice vermicelli", + "medium shrimp", + "minced garlic", + "bibb lettuce", + "carrots", + "sugar", + "ground black pepper", + "rice vinegar", + "hothouse cucumber", + "spring roll wrappers", + "water", + "daikon", + "fresh mint" + ] + }, + { + "id": 36691, + "ingredients": [ + "tumeric", + "beef", + "salt", + "green olives", + "water", + "ginger", + "onions", + "saffron threads", + "pepper", + "butter", + "chopped parsley", + "preserved lemon", + "olive oil", + "garlic" + ] + }, + { + "id": 15391, + "ingredients": [ + "dal", + "barley", + "salt" + ] + }, + { + "id": 11104, + "ingredients": [ + "baby kale", + "yellow onion", + "shredded cheddar cheese", + "lean ground beef", + "green onions", + "taco seasoning", + "bell pepper", + "diced tomatoes" + ] + }, + { + "id": 16206, + "ingredients": [ + "garlic", + "olive oil", + "red wine vinegar", + "honey", + "plum tomatoes" + ] + }, + { + "id": 9156, + "ingredients": [ + "garlic cloves", + "butter" + ] + }, + { + "id": 16344, + "ingredients": [ + "chicken stock", + "napa cabbage", + "fresh oregano", + "lime", + "garlic", + "chicken breasts", + "salt", + "posole", + "poblano chilies", + "onions" + ] + }, + { + "id": 33295, + "ingredients": [ + "soy sauce", + "ginger", + "salt", + "bay leaf", + "black peppercorns", + "beef brisket", + "tapioca", + "scallions", + "white sugar", + "onion slices", + "star anise", + "rice vinegar", + "onions", + "cooked rice", + "rice wine", + "garlic", + "chinese five-spice powder" + ] + }, + { + "id": 47513, + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "chicken breast tenders", + "basil", + "plum tomatoes", + "minced garlic", + "vegetable oil", + "brine-cured black olives", + "chicken stock", + "dry white wine", + "anchovy fillets" + ] + }, + { + "id": 5352, + "ingredients": [ + "seasoning salt", + "all-purpose flour", + "onions", + "eggs", + "vegetable oil", + "sour cream", + "flour", + "sweet paprika", + "chicken", + "water", + "salt", + "cut up chicken" + ] + }, + { + "id": 28741, + "ingredients": [ + "low sodium turkey breast", + "reduced fat swiss cheese", + "rye bread", + "sauerkraut", + "thousand island dressing" + ] + }, + { + "id": 6847, + "ingredients": [ + "water", + "vegetable oil", + "garlic cloves", + "red lentils", + "jalapeno chilies", + "salt", + "ground cumin", + "unsweetened coconut milk", + "zucchini", + "cilantro sprigs", + "onions", + "tumeric", + "peeled fresh ginger", + "ground coriander" + ] + }, + { + "id": 36463, + "ingredients": [ + "green onions", + "chopped cilantro", + "red chili peppers", + "garlic", + "canola oil", + "fish sauce", + "ginger", + "caramel sauce", + "lime juice", + "shrimp" + ] + }, + { + "id": 14838, + "ingredients": [ + "black pepper", + "zucchini", + "garlic cloves", + "olive oil", + "roma tomatoes", + "yellow squash", + "fresh thyme", + "onions", + "tomato purée", + "eggplant", + "salt" + ] + }, + { + "id": 37311, + "ingredients": [ + "chopped ham", + "large eggs", + "salt", + "nonfat dry milk", + "dry mustard", + "warm water", + "swiss cheese", + "cornmeal", + "olive oil", + "bread machine yeast", + "bread flour" + ] + }, + { + "id": 6347, + "ingredients": [ + "lime", + "shallots", + "roasted peanuts", + "asian fish sauce", + "brown sugar", + "shredded carrots", + "chili powder", + "tamarind concentrate", + "minced garlic", + "shelled shrimp", + "vegetable oil", + "beansprouts", + "lime juice", + "green onions", + "dried rice noodles", + "chopped cilantro" + ] + }, + { + "id": 47812, + "ingredients": [ + "large egg yolks", + "all-purpose flour", + "superfine sugar", + "navel oranges", + "instant espresso powder", + "bittersweet chocolate", + "water", + "granulated sugar" + ] + }, + { + "id": 34919, + "ingredients": [ + "baby spinach leaves", + "chopped tomatoes", + "salt", + "coriander", + "fresh coriander", + "chili powder", + "ghee", + "ginger paste", + "plain yogurt", + "garam masala", + "green chilies", + "cumin", + "garlic paste", + "lime", + "lamb shoulder", + "onions" + ] + }, + { + "id": 14812, + "ingredients": [ + "watermelon", + "granulated sugar", + "water", + "fresh lime juice", + "silver tequila" + ] + }, + { + "id": 11772, + "ingredients": [ + "extra lean ground beef", + "green onions", + "pizza doughs", + "iceberg lettuce", + "refried beans", + "black olives", + "sour cream", + "shredded cheddar cheese", + "garlic", + "taco seasoning", + "tomatoes", + "olive oil", + "salsa", + "onions" + ] + }, + { + "id": 44916, + "ingredients": [ + "grated parmesan cheese", + "salt", + "fettuccine pasta", + "heavy cream", + "pasta", + "butter", + "ground black pepper", + "garlic" + ] + }, + { + "id": 2014, + "ingredients": [ + "salt", + "lemon zest", + "basmati rice", + "cardamom seeds", + "water", + "cinnamon sticks" + ] + }, + { + "id": 13041, + "ingredients": [ + "kosher salt", + "sherry vinegar", + "mirin", + "dry sherry", + "red miso", + "panko breadcrumbs", + "lime juice", + "ground black pepper", + "peeled fresh ginger", + "dark sesame oil", + "shiitake mushroom caps", + "minced garlic", + "lower sodium soy sauce", + "cooking spray", + "sauce", + "corn starch", + "serrano chile", + "ground chicken", + "large egg whites", + "meatballs", + "green onions", + "dark brown sugar", + "toasted sesame seeds" + ] + }, + { + "id": 40815, + "ingredients": [ + "large eggs", + "blanched almonds", + "ground cinnamon", + "salt", + "sugar", + "grated lemon zest", + "cooking spray" + ] + }, + { + "id": 32713, + "ingredients": [ + "capers", + "vegetable oil", + "lemon juice", + "pepper", + "butter", + "chopped parsley", + "flour", + "grated lemon zest", + "fresh flounder fillets", + "salt" + ] + }, + { + "id": 38272, + "ingredients": [ + "chili powder", + "chicken", + "black beans", + "shredded cheese", + "chicken broth", + "salsa", + "green onions", + "long grain white rice" + ] + }, + { + "id": 30770, + "ingredients": [ + "white vinegar", + "sugar", + "garlic", + "dark soy sauce", + "water", + "oyster sauce", + "rice stick noodles", + "soy sauce", + "peanut oil", + "gai lan", + "large eggs", + "chicken" + ] + }, + { + "id": 22254, + "ingredients": [ + "vegetable broth", + "orecchiette", + "olive oil", + "salt", + "mozzarella cheese", + "crushed red pepper", + "broccoli rabe", + "garlic cloves" + ] + }, + { + "id": 45828, + "ingredients": [ + "grated jack cheese", + "flour tortillas", + "salsa" + ] + }, + { + "id": 49113, + "ingredients": [ + "sugar", + "salt", + "peach yogurt", + "ground ginger", + "unsalted butter", + "grated nutmeg", + "peaches", + "all-purpose flour", + "blackberries", + "eggs", + "cinnamon", + "dark brown sugar" + ] + }, + { + "id": 37876, + "ingredients": [ + "tomatillos", + "white onion", + "garlic", + "cilantro", + "jalapeno chilies" + ] + }, + { + "id": 30219, + "ingredients": [ + "sugar", + "vegetable oil", + "unsalted butter", + "all-purpose flour", + "water", + "salt", + "ground cinnamon", + "large eggs" + ] + }, + { + "id": 3111, + "ingredients": [ + "sugar", + "vegetable oil", + "beer", + "corn tortillas", + "dried oregano", + "radishes", + "chile de arbol", + "pork shoulder boston butt", + "onions", + "kosher salt", + "large garlic cloves", + "ground coriander", + "fresh lime juice", + "ground cumin", + "bay leaves", + "ground allspice", + "ancho chile pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 33267, + "ingredients": [ + "dried thyme", + "stewed tomatoes", + "sausages", + "ground red pepper", + "baby carrots", + "fresh parsley", + "parmesan cheese", + "vegetable broth", + "red bell pepper", + "great northern beans", + "vegetable oil", + "garlic cloves", + "onions" + ] + }, + { + "id": 35742, + "ingredients": [ + "honey", + "sugar", + "lemon slices", + "water", + "fresh lemon juice", + "peeled fresh ginger" + ] + }, + { + "id": 15890, + "ingredients": [ + "granulated sugar", + "butter", + "dark brown sugar", + "large egg whites", + "cooking spray", + "salt", + "large egg yolks", + "sweet potatoes", + "all-purpose flour", + "ground cinnamon", + "half & half", + "fresh orange juice", + "grated orange" + ] + }, + { + "id": 10968, + "ingredients": [ + "Mexican cheese blend", + "salt", + "eggs", + "baby spinach", + "diced potatoes", + "jalapeno chilies", + "chunky salsa", + "pepper", + "black olives" + ] + }, + { + "id": 45879, + "ingredients": [ + "chicken broth", + "heavy cream", + "smoked turkey sausage", + "pepper", + "garlic", + "tomato sauce", + "tortellini", + "olive oil", + "salt" + ] + }, + { + "id": 18676, + "ingredients": [ + "olive oil", + "worcestershire sauce", + "anchovy fillets", + "red wine vinegar", + "garlic", + "crostini", + "parmesan cheese", + "dry mustard", + "freshly ground pepper", + "romaine lettuce", + "lemon", + "salt" + ] + }, + { + "id": 29425, + "ingredients": [ + "italian salad dressing mix", + "boneless skinless chicken breasts", + "cream of chicken soup", + "cream cheese" + ] + }, + { + "id": 27055, + "ingredients": [ + "mayonaise", + "olive oil", + "cheese tortellini", + "white vinegar", + "fresh leav spinach", + "shredded carrots", + "red bell pepper", + "green olives", + "milk", + "broccoli florets", + "basil pesto sauce", + "grated parmesan cheese", + "garlic" + ] + }, + { + "id": 19485, + "ingredients": [ + "small new potatoes", + "green beans", + "fresh peas", + "fresh herbs", + "white onion", + "extra-virgin olive oil", + "fleur de sel", + "radishes", + "carrots" + ] + }, + { + "id": 47644, + "ingredients": [ + "water", + "hominy grits", + "eggs", + "hot pepper sauce", + "seasoning salt", + "American cheese", + "margarine" + ] + }, + { + "id": 1988, + "ingredients": [ + "diced red onions", + "chopped cilantro", + "avocado", + "rice", + "diced tomatoes", + "black beans", + "fresh lime juice" + ] + }, + { + "id": 21210, + "ingredients": [ + "fresh veget", + "fresh lemon juice", + "large egg yolks", + "salt", + "water", + "hard-boiled egg", + "olive oil", + "large garlic cloves" + ] + }, + { + "id": 3792, + "ingredients": [ + "parmesan cheese", + "cooking spray", + "all-purpose flour", + "low-fat sour cream", + "large eggs", + "butter", + "baking soda", + "baking powder", + "fat free milk", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 9071, + "ingredients": [ + "chicken breasts", + "red bell pepper", + "cooked rice", + "frozen corn kernels", + "asian fish sauce", + "Thai red curry paste", + "coconut milk", + "brown sugar", + "lemon juice" + ] + }, + { + "id": 25703, + "ingredients": [ + "cooked chicken", + "salt", + "chopped cilantro fresh", + "corn husks", + "large garlic cloves", + "lard", + "warm water", + "baking powder", + "masa dough", + "serrano chile", + "olive oil", + "tomatillos", + "low salt chicken broth", + "masa harina" + ] + }, + { + "id": 25404, + "ingredients": [ + "chunky pasta sauce", + "chop green chilies, undrain", + "vegetable oil", + "chicken broth", + "crushed red pepper flakes", + "green bell pepper", + "boneless flank steak" + ] + }, + { + "id": 5791, + "ingredients": [ + "large egg yolks", + "lemon juice", + "light cream", + "cayenne pepper", + "tarragon vinegar", + "salt", + "unsalted butter" + ] + }, + { + "id": 35221, + "ingredients": [ + "elbow macaroni", + "hellmann' or best food light mayonnais", + "red bell pepper", + "red bell pepper, sliced", + "sliced green onions" + ] + }, + { + "id": 33813, + "ingredients": [ + "ground cloves", + "dry mustard", + "ground cardamom", + "plain whole-milk yogurt", + "ground cinnamon", + "peeled fresh ginger", + "cayenne pepper", + "grate lime peel", + "tumeric", + "large garlic cloves", + "ground coriander", + "fresh lime juice", + "hungarian sweet paprika", + "fenugreek", + "salt", + "leg of lamb", + "ground cumin" + ] + }, + { + "id": 21441, + "ingredients": [ + "unsweetened shredded dried coconut", + "olive oil", + "confectioners sugar", + "lime zest", + "sugar", + "baking soda", + "coconut flakes", + "full fat coconut milk", + "fresh lime juice", + "eggs", + "whole wheat pastry flour", + "baking powder" + ] + }, + { + "id": 10503, + "ingredients": [ + "horseradish", + "fresh lemon juice", + "seasoning salt", + "yellow mustard", + "mayonaise" + ] + }, + { + "id": 17270, + "ingredients": [ + "shiitake", + "fried eggs", + "carrots", + "sliced green onions", + "kosher salt", + "sesame oil", + "Gochujang base", + "kimchi", + "ginger garlic stir fry sauce", + "zucchini", + "steamed brown rice", + "beansprouts", + "sesame seeds", + "baby spinach", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 17560, + "ingredients": [ + "unsalted butter", + "pork sausages", + "kosher salt", + "yellow mustard", + "sugar", + "large eggs", + "milk", + "all-purpose flour" + ] + }, + { + "id": 25735, + "ingredients": [ + "basmati rice", + "garam masala", + "sliced almonds", + "frozen peas" + ] + }, + { + "id": 34818, + "ingredients": [ + "rice flour", + "water", + "daal", + "methi", + "salt" + ] + }, + { + "id": 2970, + "ingredients": [ + "green cabbage", + "water", + "tomato juice", + "gingerroot", + "ground cumin", + "ground cinnamon", + "olive oil", + "chopped onion", + "carrots", + "tomatoes", + "curry powder", + "salt", + "garlic cloves", + "pepper", + "eggplant", + "orange juice", + "couscous" + ] + }, + { + "id": 39582, + "ingredients": [ + "condensed milk", + "milk", + "eggs", + "vanilla" + ] + }, + { + "id": 22358, + "ingredients": [ + "chicken broth", + "butter", + "flour tortillas", + "chicken", + "diced green chilies", + "sour cream", + "flour", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 2864, + "ingredients": [ + "american eggplant", + "fresh ginger", + "chili powder", + "cumin seed", + "onions", + "water", + "pandanus leaf", + "salt", + "cinnamon sticks", + "sugar", + "vinegar", + "garlic", + "mustard seeds", + "ground turmeric", + "curry leaves", + "curry powder", + "seeds", + "green chilies", + "coconut milk" + ] + }, + { + "id": 15823, + "ingredients": [ + "sugar", + "vinegar", + "green chilies", + "cinnamon sticks", + "water", + "curry", + "cumin seed", + "onions", + "red chili peppers", + "seeds", + "okra", + "coconut milk", + "red chili powder", + "curry powder", + "salt", + "mustard seeds", + "ground turmeric" + ] + }, + { + "id": 31475, + "ingredients": [ + "coconut", + "salt", + "white sugar", + "sago", + "chopped cilantro", + "plain yogurt", + "chile pepper", + "ghee", + "ground peanut", + "cumin seed" + ] + }, + { + "id": 30636, + "ingredients": [ + "broccoli florets", + "orange juice", + "orange zest", + "soy sauce", + "ramen noodles", + "corn starch", + "green onions", + "garlic chili sauce", + "orange slices", + "edamame", + "red bell pepper" + ] + }, + { + "id": 28962, + "ingredients": [ + "hot red pepper flakes", + "short-grain rice", + "red bell pepper", + "frozen edamame beans", + "gari", + "wasabi powder", + "sugar", + "black sesame seeds", + "wasabi paste", + "water", + "seasoned rice wine vinegar" + ] + }, + { + "id": 45813, + "ingredients": [ + "pomegranate seeds", + "seeds", + "coriander seeds", + "salt", + "flour", + "lemon juice", + "cooking oil", + "cumin seed" + ] + }, + { + "id": 4000, + "ingredients": [ + "vegetable oil cooking spray", + "orange", + "dry mustard", + "fresh lime juice", + "sugar", + "olive oil", + "orange juice", + "parsley sprigs", + "lime", + "salt", + "catfish fillets", + "pepper", + "paprika", + "garlic cloves" + ] + }, + { + "id": 35530, + "ingredients": [ + "boneless chicken skinless thigh", + "red pepper flakes", + "corn starch", + "low sodium soy sauce", + "honey", + "salt", + "diced onions", + "pepper", + "garlic", + "canola oil", + "ketchup", + "sesame seeds", + "rice" + ] + }, + { + "id": 974, + "ingredients": [ + "black pepper", + "extra-virgin olive oil", + "lemon", + "boneless skinless chicken breast halves", + "crushed garlic", + "salt", + "paprika" + ] + }, + { + "id": 12382, + "ingredients": [ + "turkey", + "lemon pepper seasoning", + "oil", + "Tabasco Pepper Sauce", + "seasoning", + "creole seasoning" + ] + }, + { + "id": 7347, + "ingredients": [ + "fresh basil", + "low sodium chicken broth", + "garlic", + "sun-dried tomatoes in oil", + "parmesan cheese", + "chiffonade", + "yellow onion", + "olive oil", + "dry white wine", + "salt", + "arborio rice", + "ground black pepper", + "butter", + "heavy whipping cream" + ] + }, + { + "id": 26496, + "ingredients": [ + "olive oil", + "hot Italian sausages", + "fettucine", + "ground black pepper", + "tomatoes", + "parmesan cheese", + "onions", + "minced garlic", + "zucchini" + ] + }, + { + "id": 33767, + "ingredients": [ + "flour tortillas", + "apples", + "chicken meat", + "cheddar cheese", + "salsa" + ] + }, + { + "id": 48412, + "ingredients": [ + "kosher salt", + "daikon", + "gochugaru", + "garlic", + "miso paste", + "ginger", + "sugar", + "napa cabbage", + "scallions" + ] + }, + { + "id": 40496, + "ingredients": [ + "lettuce", + "brown sugar", + "kosher salt", + "onion powder", + "cilantro", + "garlic cloves", + "ground cumin", + "tomatoes", + "ground chuck", + "garlic powder", + "worcestershire sauce", + "yellow onion", + "fresh lime juice", + "lime zest", + "cheddar cheese", + "olive oil", + "lime wedges", + "rice vinegar", + "sour cream", + "pico de gallo", + "taco shells", + "whole peeled tomatoes", + "ancho powder", + "chili sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 37961, + "ingredients": [ + "soy sauce", + "frozen peas", + "cooked rice", + "spring onions", + "five spice", + "cornflour", + "eggs", + "honey", + "pork fillet" + ] + }, + { + "id": 6571, + "ingredients": [ + "water", + "sliced carrots", + "garlic cloves", + "low sodium soy sauce", + "large egg whites", + "rice vinegar", + "sliced green onions", + "gyoza skins", + "peeled fresh ginger", + "dark sesame oil", + "cooked turkey", + "vegetable oil", + "shiitake mushroom caps" + ] + }, + { + "id": 49304, + "ingredients": [ + "avocado", + "garlic powder", + "tamari soy sauce", + "hot sauce", + "carrots", + "lime juice", + "cilantro", + "rice vinegar", + "beer", + "corn tortillas", + "green cabbage", + "chili powder", + "salt", + "yellow onion", + "smoked paprika", + "cauliflower", + "olive oil", + "vegetable broth", + "salsa", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 34097, + "ingredients": [ + "ketchup", + "dried thyme", + "vegetable oil", + "chipotles in adobo", + "cider vinegar", + "cooking spray", + "chopped onion", + "dried oregano", + "firmly packed brown sugar", + "water", + "prepared mustard", + "garlic cloves", + "ground cumin", + "black pepper", + "coriander seeds", + "worcestershire sauce", + "chicken pieces" + ] + }, + { + "id": 10646, + "ingredients": [ + "tomatillos", + "fresh cilantro", + "chopped onion", + "jalapeno chilies", + "lime juice", + "salt" + ] + }, + { + "id": 44083, + "ingredients": [ + "low sodium soy sauce", + "red pepper flakes", + "garlic cloves", + "reduced sodium chicken broth", + "peanut oil", + "cooked white rice", + "sugar", + "white wine vinegar", + "corn starch", + "ground ginger", + "boneless skinless chicken breasts", + "scallions" + ] + }, + { + "id": 48463, + "ingredients": [ + "tomato sauce", + "ground beef", + "prepared pasta sauce", + "cottage cheese", + "polenta", + "shredded mozzarella cheese" + ] + }, + { + "id": 1063, + "ingredients": [ + "garlic paste", + "garam masala", + "capsicum", + "salt", + "onions", + "tomato purée", + "fresh coriander", + "mushrooms", + "florets", + "lemon juice", + "pepper", + "flour", + "red capsicum", + "oil", + "tomato sauce", + "zucchini", + "marinade", + "sauce", + "olives" + ] + }, + { + "id": 30583, + "ingredients": [ + "celery ribs", + "water", + "long-grain rice", + "brown sugar", + "vegetable oil", + "diced onions", + "dried basil", + "pork loin chops", + "tomato sauce", + "salt" + ] + }, + { + "id": 26237, + "ingredients": [ + "green bell pepper, slice", + "onions", + "pepper", + "salt", + "italian seasoning", + "tomato sauce", + "vegetable oil", + "center cut pork chops", + "water", + "fresh mushrooms" + ] + }, + { + "id": 8680, + "ingredients": [ + "nonfat buttermilk", + "baking soda", + "all-purpose flour", + "sugar", + "rapid rise yeast", + "unsweetened applesauce", + "vegetable oil cooking spray", + "baking powder", + "margarine", + "whole wheat flour", + "salt" + ] + }, + { + "id": 32752, + "ingredients": [ + "yellow corn meal", + "butter", + "chopped green bell pepper", + "hot Italian sausages", + "water", + "chopped onion", + "grated parmesan cheese", + "dried oregano" + ] + }, + { + "id": 23273, + "ingredients": [ + "chipotle chile", + "coarse salt", + "tortilla chips", + "feta cheese", + "garlic", + "olive oil", + "reduced-fat sour cream", + "rotisserie chicken", + "whole peeled tomatoes", + "cilantro leaves" + ] + }, + { + "id": 5717, + "ingredients": [ + "soy sauce", + "vinegar", + "salt", + "water", + "ginger", + "carrots", + "pepper", + "ground pork", + "scallions", + "dumpling wrappers", + "extra-virgin olive oil", + "cabbage" + ] + }, + { + "id": 2579, + "ingredients": [ + "potatoes", + "cilantro leaves", + "lemon juice", + "sugar", + "ginger", + "green chilies", + "frozen peas", + "chili powder", + "dry bread crumbs", + "corn flour", + "garam masala", + "salt", + "oil" + ] + }, + { + "id": 45463, + "ingredients": [ + "red chili peppers", + "basil leaves", + "black olives", + "tomatoes", + "chopped tomatoes", + "lemon", + "olive oil", + "chicken breasts", + "arugula", + "capers", + "parmesan cheese", + "garlic" + ] + }, + { + "id": 38241, + "ingredients": [ + "tomato sauce", + "butter", + "onions", + "ground black pepper", + "garlic", + "ground cumin", + "green bell pepper", + "chili powder", + "salt", + "crushed tomatoes", + "paprika", + "dried oregano" + ] + }, + { + "id": 30514, + "ingredients": [ + "vanilla", + "cinnamon sticks", + "long-grain rice", + "water", + "white sugar" + ] + }, + { + "id": 13101, + "ingredients": [ + "pepper", + "boneless skinless chicken breasts", + "garlic", + "grape tomatoes", + "olive oil", + "shaved parmesan cheese", + "baguette", + "balsamic vinegar", + "salt", + "black pepper", + "basil leaves", + "butter" + ] + }, + { + "id": 19210, + "ingredients": [ + "butter", + "long-grain rice", + "creole seasoning", + "pepper" + ] + }, + { + "id": 26502, + "ingredients": [ + "crushed tomatoes", + "cajun seasoning", + "cayenne pepper", + "celery", + "bell pepper", + "garlic", + "shrimp", + "onions", + "olive oil", + "gluten", + "okra", + "bay leaf", + "pepper", + "boneless skinless chicken breasts", + "salt", + "thyme" + ] + }, + { + "id": 46982, + "ingredients": [ + "caster sugar", + "flour", + "double cream", + "eggs", + "orange", + "baking powder", + "salt", + "water", + "rum", + "lemon", + "sugar", + "vanilla pods", + "butter", + "apricots" + ] + }, + { + "id": 21905, + "ingredients": [ + "pesto", + "chopped onion", + "navy beans", + "cooking spray", + "tomatoes", + "fat free reduced sodium chicken broth", + "chopped green bell pepper" + ] + }, + { + "id": 46699, + "ingredients": [ + "cooking oil", + "garlic", + "okra", + "onions", + "dried thyme", + "bay leaves", + "cayenne pepper", + "hot water", + "catfish fillets", + "bell pepper", + "salt", + "shrimp", + "beef bouillon", + "diced tomatoes", + "crab boil", + "celery" + ] + }, + { + "id": 15406, + "ingredients": [ + "chili flakes", + "olive oil", + "cilantro leaves", + "ground lamb", + "cold water", + "garlic paste", + "mint leaves", + "ground cardamom", + "ground cumin", + "ground cinnamon", + "black pepper", + "chili powder", + "onions", + "eggs", + "bread crumbs", + "salt", + "ground turmeric" + ] + }, + { + "id": 45763, + "ingredients": [ + "jack cheese", + "chopped green chilies", + "taco toppings", + "tomatoes", + "water", + "chuck roast", + "onions", + "taco shells", + "shredded mild cheddar cheese", + "sour cream", + "taco sauce", + "taco seasoning mix", + "shredded lettuce" + ] + }, + { + "id": 721, + "ingredients": [ + "ground ginger", + "unbaked pie crusts", + "bourbon whiskey", + "eggs", + "egg whites", + "vanilla extract", + "ground cinnamon", + "milk", + "butter", + "sugar", + "sweet potatoes", + "salt" + ] + }, + { + "id": 32708, + "ingredients": [ + "peaches", + "vanilla extract", + "strawberries", + "eggs", + "baking powder", + "all-purpose flour", + "vanilla instant pudding", + "seedless raspberry jam", + "heavy cream", + "margarine", + "white sugar", + "sherry", + "salt", + "blueberries" + ] + }, + { + "id": 38004, + "ingredients": [ + "romaine lettuce", + "olive oil", + "lean ground beef", + "red bell pepper", + "avocado", + "white onion", + "brown rice", + "salt", + "black pepper", + "Mexican cheese blend", + "diced tomatoes", + "ground cumin", + "light sour cream", + "fresh cilantro", + "chili powder", + "pinto beans" + ] + }, + { + "id": 17682, + "ingredients": [ + "kosher salt", + "queso fresco", + "lime", + "corn", + "cayenne pepper", + "olive oil" + ] + }, + { + "id": 46596, + "ingredients": [ + "cooked rice", + "green onions", + "corn starch", + "fresh ginger root", + "mandarin oranges", + "low sodium soy sauce", + "beef", + "crushed red pepper flakes", + "honey", + "vegetable oil", + "red bell pepper" + ] + }, + { + "id": 48682, + "ingredients": [ + "large garlic cloves", + "chicken", + "olive oil", + "low salt chicken broth", + "russet potatoes", + "dried oregano", + "fresh lemon juice" + ] + }, + { + "id": 31605, + "ingredients": [ + "pineapple", + "jalapeno chilies", + "fresh lime juice", + "black beans", + "purple onion", + "coarse salt", + "chopped cilantro fresh" + ] + }, + { + "id": 38031, + "ingredients": [ + "celery ribs", + "celery leaves", + "water", + "boneless skinless chicken breasts", + "garlic cloves", + "chicken broth", + "andouille sausage", + "file powder", + "hot sauce", + "sliced green onions", + "pure olive oil", + "green bell pepper", + "dried thyme", + "all-purpose flour", + "onions", + "cooked rice", + "boneless chicken thighs", + "bay leaves", + "creole seasoning" + ] + }, + { + "id": 18179, + "ingredients": [ + "all-purpose flour", + "butter", + "egg yolks", + "confectioners sugar", + "anise extract" + ] + }, + { + "id": 48663, + "ingredients": [ + "halibut fillets", + "cooking spray", + "butter", + "salt", + "chopped parsley", + "fish", + "sugar", + "french bread", + "dry white wine", + "bacon slices", + "goat cheese", + "onions", + "water", + "half & half", + "yukon gold potatoes", + "chopped celery", + "carrots", + "chopped fresh mint", + "ground black pepper", + "bay leaves", + "green peas", + "chopped onion", + "fresh parsley" + ] + }, + { + "id": 36353, + "ingredients": [ + "grated parmesan cheese", + "extra-virgin olive oil", + "lemon", + "juice", + "shallots", + "linguine", + "clams", + "red pepper flakes" + ] + }, + { + "id": 4550, + "ingredients": [ + "food colouring", + "large eggs", + "baking powder", + "cream cheese", + "unsalted butter", + "yolk", + "all-purpose flour", + "kosher salt", + "whole milk", + "salt", + "corn starch", + "sugar", + "egg yolks", + "vanilla extract", + "lemon juice" + ] + }, + { + "id": 35488, + "ingredients": [ + "seasoning", + "batter", + "all-purpose flour", + "chopped cooked ham", + "corn", + "crushed red pepper", + "collard greens", + "vegetable oil", + "chicken broth", + "black-eyed peas" + ] + }, + { + "id": 33342, + "ingredients": [ + "olive oil", + "diced tomatoes", + "red bell pepper", + "shredded cheddar cheese", + "zucchini", + "garlic", + "cumin", + "kosher salt", + "ground black pepper", + "white rice", + "onions", + "corn kernels", + "chili powder", + "cilantro leaves" + ] + }, + { + "id": 25731, + "ingredients": [ + "country ham", + "biscuits", + "honey" + ] + }, + { + "id": 48838, + "ingredients": [ + "eggs", + "olive oil", + "flour", + "salt", + "onions", + "cider vinegar", + "garam masala", + "red pepper flakes", + "mustard seeds", + "canola oil", + "brown sugar", + "fresh ginger", + "shallots", + "cumin seed", + "plum tomatoes", + "red lentils", + "water", + "ground black pepper", + "garlic", + "chopped cilantro", + "ground cumin" + ] + }, + { + "id": 39653, + "ingredients": [ + "sugar", + "sauce", + "canola oil", + "eggs", + "ground black pepper", + "shrimp", + "kosher salt", + "scallions", + "fish sauce", + "dark leafy greens", + "long grain white rice" + ] + }, + { + "id": 33286, + "ingredients": [ + "lime peel", + "basil leaves", + "ground coriander", + "lime leaves", + "red chili peppers", + "palm sugar", + "cooked chicken", + "Thai fish sauce", + "coriander", + "green peppercorns", + "lemon grass", + "shrimp paste", + "garlic cloves", + "chillies", + "lime juice", + "thai ginger", + "shallots", + "coconut milk", + "ground cumin" + ] + }, + { + "id": 21344, + "ingredients": [ + "pasta", + "grated parmesan cheese", + "green peas", + "olive oil", + "salami", + "ground cayenne pepper", + "minced garlic", + "green onions", + "salt", + "ground black pepper", + "butter" + ] + }, + { + "id": 37156, + "ingredients": [ + "sugar", + "unsalted butter", + "light corn syrup", + "vanilla beans", + "whole milk", + "corn starch", + "large egg yolks", + "golden delicious apples", + "puff pastry", + "water", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 20611, + "ingredients": [ + "slivered almonds", + "crushed tomatoes", + "meat", + "cornmeal", + "ground cloves", + "olive oil", + "raisins", + "granny smith apples", + "refrigerated buttermilk biscuits", + "large garlic cloves", + "onions", + "ground cinnamon", + "pepper", + "pimentos", + "salt" + ] + }, + { + "id": 8869, + "ingredients": [ + "tomatoes", + "chopped cilantro fresh", + "olive oil", + "red wine vinegar", + "white onion", + "serrano chile" + ] + }, + { + "id": 44038, + "ingredients": [ + "fresh green bean", + "salt", + "garlic", + "olive oil", + "fresh lemon juice" + ] + }, + { + "id": 42754, + "ingredients": [ + "piecrust", + "sweetened coconut flakes", + "large eggs", + "all-purpose flour", + "evaporated milk", + "vanilla extract", + "sugar", + "butter" + ] + }, + { + "id": 23823, + "ingredients": [ + "chicken breasts", + "onions", + "potatoes", + "peas", + "mayonaise", + "parsley", + "olives", + "hard-boiled egg", + "cucumber" + ] + }, + { + "id": 13596, + "ingredients": [ + "vanilla beans", + "raspberry preserves", + "cake flour", + "golden brown sugar", + "all purpose unbleached flour", + "berries", + "water", + "unsalted butter", + "whipping cream", + "grated lemon peel", + "sugar", + "large egg yolks", + "mint sprigs", + "corn starch" + ] + }, + { + "id": 45059, + "ingredients": [ + "swiss chard", + "salt", + "chopped parsley", + "italian sausage", + "french bread", + "garlic cloves", + "dried rosemary", + "grated parmesan cheese", + "nonfat milk", + "onions", + "dried basil", + "chopped celery", + "rubbed sage" + ] + }, + { + "id": 46483, + "ingredients": [ + "chicken broth", + "grated parmesan cheese", + "butter", + "white mushrooms", + "pepper", + "whole milk", + "cheese", + "kosher salt", + "flour", + "fryer chickens", + "spaghetti", + "ground black pepper", + "dry white wine", + "black olives" + ] + }, + { + "id": 253, + "ingredients": [ + "mirin", + "medium shrimp", + "soy sauce", + "oil", + "ginger", + "pepper", + "corn starch" + ] + }, + { + "id": 4053, + "ingredients": [ + "dried thyme", + "tuna in oil", + "oil", + "capers", + "dijon mustard", + "extra-virgin olive oil", + "flat leaf parsley", + "grape tomatoes", + "radishes", + "black olives", + "cauliflower", + "fennel", + "potatoes", + "green beans" + ] + }, + { + "id": 8559, + "ingredients": [ + "grape tomatoes", + "lemon zest", + "freshly ground pepper", + "cornbread", + "olive oil", + "salt", + "fresh basil leaves", + "honey", + "purple onion", + "fresh lemon juice", + "pitted kalamata olives", + "yellow bell pepper", + "english cucumber" + ] + }, + { + "id": 7844, + "ingredients": [ + "grated parmesan cheese", + "fresh parsley", + "pepper", + "shells", + "fresh basil", + "garlic", + "boiling water", + "sun-dried tomatoes", + "cream cheese, soften" + ] + }, + { + "id": 9188, + "ingredients": [ + "lemon wedge", + "creole seasoning", + "salt", + "flat leaf parsley", + "buttermilk", + "freshly ground pepper", + "shortening", + "all-purpose flour", + "chicken" + ] + }, + { + "id": 32548, + "ingredients": [ + "beans", + "chinese five-spice powder", + "fish sauce", + "vegetable oil", + "onions", + "ground ginger", + "vegetables", + "Chinese egg noodles", + "soy sauce", + "minced beef" + ] + }, + { + "id": 26083, + "ingredients": [ + "beaten eggs", + "sorrel", + "boiling water", + "paprika", + "sour cream" + ] + }, + { + "id": 20244, + "ingredients": [ + "cocoa powder", + "unsalted butter", + "chocolate sprinkles", + "pure vanilla extract", + "sweetened condensed milk", + "vermicelli" + ] + }, + { + "id": 37673, + "ingredients": [ + "shredded cheddar cheese", + "onions", + "green chile", + "boneless skinless chicken breasts", + "flour tortillas", + "condensed cream of chicken soup", + "sour cream" + ] + }, + { + "id": 668, + "ingredients": [ + "ground red pepper", + "salt", + "cinnamon", + "onion powder", + "ground allspice", + "sugar", + "ground thyme" + ] + }, + { + "id": 29434, + "ingredients": [ + "beaujolais", + "crème de cassis" + ] + }, + { + "id": 16805, + "ingredients": [ + "sugar", + "condensed milk", + "whole milk", + "water", + "eggs", + "vanilla extract" + ] + }, + { + "id": 45658, + "ingredients": [ + "minced garlic", + "salt", + "chili powder", + "ground beef", + "water", + "dry bread crumbs", + "tomato purée", + "dried pinto beans", + "onions" + ] + }, + { + "id": 47594, + "ingredients": [ + "pepper", + "zucchini", + "shredded mozzarella cheese", + "saltines", + "olive oil", + "salt", + "onions", + "tomatoes", + "parmesan cheese", + "penne pasta", + "dried oregano", + "dried basil", + "garlic", + "celery flakes" + ] + }, + { + "id": 7452, + "ingredients": [ + "red cabbage", + "sour cream", + "eggs", + "butter", + "sugar", + "salt", + "flour" + ] + }, + { + "id": 22645, + "ingredients": [ + "large egg yolks", + "cinnamon sticks", + "sugar", + "salt", + "vanilla extract", + "orange zest", + "milk", + "corn starch" + ] + }, + { + "id": 42522, + "ingredients": [ + "McCormick Chili Powder", + "lasagna noodles", + "medium salsa", + "McCormick Ground Cumin", + "lean ground beef", + "McCormick Oregano Leaves", + "black beans", + "ricotta cheese", + "eggs", + "Mexican cheese blend", + "whole kernel corn, drain" + ] + }, + { + "id": 23363, + "ingredients": [ + "serrano chilies", + "vegetable oil", + "onions", + "black beans", + "garlic", + "kosher salt", + "fresno pepper", + "corn kernels", + "pepitas" + ] + }, + { + "id": 35610, + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "capers", + "lemon", + "trout", + "clarified butter", + "ground black pepper", + "salt" + ] + }, + { + "id": 37631, + "ingredients": [ + "nutmeg", + "pepper", + "allspice berries", + "pork", + "cinnamon", + "sugar", + "jerk seasoning", + "black pepper", + "salt" + ] + }, + { + "id": 8879, + "ingredients": [ + "ground cinnamon", + "cider vinegar", + "peeled fresh ginger", + "boneless pork loin", + "basmati rice", + "ground cloves", + "garam masala", + "dry mustard", + "garlic cloves", + "ground cumin", + "low-fat plain yogurt", + "sweet onion", + "ground red pepper", + "ground coriander", + "ground turmeric", + "tomatoes", + "black pepper", + "cooking spray", + "salt", + "cucumber" + ] + }, + { + "id": 38337, + "ingredients": [ + "olive oil", + "cutlet", + "dry white wine", + "chopped fresh sage", + "prosciutto", + "salt", + "black pepper", + "shallots" + ] + }, + { + "id": 19826, + "ingredients": [ + "fennel seeds", + "garam masala", + "ginger", + "chillies", + "fresh coriander", + "seeds", + "green chilies", + "frozen peas", + "plain flour", + "bay leaves", + "salt", + "onions", + "amchur", + "chili powder", + "oil" + ] + }, + { + "id": 8844, + "ingredients": [ + "triple sec", + "cream of coconut", + "water", + "unsalted butter", + "fresh pineapple", + "candied pineapple", + "bananas", + "couscous", + "golden brown sugar", + "whipping cream" + ] + }, + { + "id": 6484, + "ingredients": [ + "green tea powder", + "caster sugar", + "azuki bean", + "boiling water", + "agar" + ] + }, + { + "id": 45118, + "ingredients": [ + "ground cinnamon", + "unsalted butter", + "salt", + "plain yogurt", + "baking powder", + "sugar", + "large eggs", + "all-purpose flour", + "baking soda", + "cake flour" + ] + }, + { + "id": 22731, + "ingredients": [ + "clove", + "fresh ginger", + "white wine vinegar", + "ground turmeric", + "sugar", + "cinnamon", + "tamarind paste", + "black peppercorns", + "coriander seeds", + "salt", + "red chili peppers", + "garlic", + "cumin seed" + ] + }, + { + "id": 20793, + "ingredients": [ + "sugar", + "chili paste", + "creamy peanut butter", + "minced garlic", + "peeled fresh ginger", + "toasted sesame oil", + "soy sauce", + "egg noodles", + "scallions", + "water", + "rice vinegar" + ] + }, + { + "id": 16487, + "ingredients": [ + "curry powder", + "chopped cilantro fresh", + "kumquats", + "sugar", + "white wine vinegar", + "crystallized ginger", + "dried cranberries" + ] + }, + { + "id": 24490, + "ingredients": [ + "chicken broth", + "minced garlic", + "szechwan peppercorns", + "corn starch", + "kosher salt", + "corn", + "hot bean paste", + "soy sauce", + "water", + "sesame oil", + "pork shoulder", + "silken tofu", + "peeled fresh ginger", + "scallions" + ] + }, + { + "id": 15889, + "ingredients": [ + "white onion", + "dried pinto beans", + "canola oil", + "tortillas", + "lard", + "kosher salt", + "crema", + "asadero", + "serrano chile" + ] + }, + { + "id": 22935, + "ingredients": [ + "pizza crust", + "garlic", + "artichoke hearts", + "goat cheese", + "dried basil", + "crushed red pepper", + "tomato paste", + "kalamata", + "dried oregano" + ] + }, + { + "id": 3143, + "ingredients": [ + "guacamole", + "sharp cheddar cheese", + "pico de gallo", + "black olives", + "monterey jack", + "Tabasco Pepper Sauce", + "sour cream", + "refried beans", + "green chilies", + "ground cumin" + ] + }, + { + "id": 48510, + "ingredients": [ + "lychees", + "candied ginger", + "lime juice" + ] + }, + { + "id": 35910, + "ingredients": [ + "vine ripened tomatoes", + "fresh basil", + "Italian bread", + "olive oil" + ] + }, + { + "id": 17474, + "ingredients": [ + "asafoetida", + "seeds", + "wheat flour", + "water", + "salt", + "ajwain", + "chili powder", + "ground turmeric", + "rub", + "sesame seeds", + "oil" + ] + }, + { + "id": 32396, + "ingredients": [ + "salt", + "serrano peppers", + "chopped cilantro", + "lime", + "hass avocado", + "garlic" + ] + }, + { + "id": 24714, + "ingredients": [ + "chocolate shavings", + "cream", + "cocoa", + "whipped cream", + "milk" + ] + }, + { + "id": 36160, + "ingredients": [ + "cold water", + "unsweetened chocolate", + "chocolate instant pudding", + "chocolate cake mix", + "sweetened condensed milk", + "heavy cream" + ] + }, + { + "id": 20077, + "ingredients": [ + "kosher salt", + "butter", + "fresh parsley", + "lower sodium chicken broth", + "ground black pepper", + "grated lemon zest", + "white wine", + "chicken cutlets", + "fresh lemon juice", + "capers", + "olive oil", + "orzo" + ] + }, + { + "id": 28828, + "ingredients": [ + "salt and ground black pepper", + "beef stew meat", + "potatoes", + "beer", + "olive oil", + "garlic", + "onions", + "ground black pepper", + "salt" + ] + }, + { + "id": 42205, + "ingredients": [ + "eggs", + "flour", + "salt", + "chili paste", + "sesame oil", + "sliced shallots", + "five spice", + "shallots", + "garlic cloves", + "zucchini", + "vegetable oil", + "chinese black vinegar" + ] + }, + { + "id": 36725, + "ingredients": [ + "cilantro", + "crushed tomatoes", + "pinto beans", + "kosher salt", + "garlic", + "bacon", + "onions" + ] + }, + { + "id": 10316, + "ingredients": [ + "soy sauce", + "barbecue sauce", + "garlic", + "eggs", + "onion soup mix", + "lean ground beef", + "dry bread crumbs", + "mustard", + "ketchup", + "shredded swiss cheese", + "all-purpose flour", + "brown sugar", + "ground black pepper", + "deli ham" + ] + }, + { + "id": 33623, + "ingredients": [ + "alouette", + "salt", + "whole wheat spiral pasta", + "fresh parsley", + "pepper", + "ham", + "cheese" + ] + }, + { + "id": 39291, + "ingredients": [ + "yellow corn meal", + "garlic powder", + "ranch dressing", + "lemon pepper", + "catfish fillets", + "parsley flakes", + "red cabbage", + "salt", + "chopped cilantro fresh", + "avocado", + "tomatoes", + "Crisco Canola Oil", + "paprika", + "corn tortillas", + "green cabbage", + "lime", + "ground red pepper", + "salsa" + ] + }, + { + "id": 49350, + "ingredients": [ + "light brown sugar", + "mascarpone", + "fat free yogurt", + "mint leaves", + "honey", + "Chianti", + "cherries" + ] + }, + { + "id": 14699, + "ingredients": [ + "hoisin sauce", + "green onions", + "salt", + "egg substitute", + "cooking spray", + "vegetable oil", + "minced garlic", + "flour tortillas", + "boneless skinless chicken breasts", + "cabbage", + "zucchini", + "peeled fresh ginger", + "crushed red pepper" + ] + }, + { + "id": 21702, + "ingredients": [ + "olive oil", + "fresh mozzarella", + "Italian bread", + "black pepper", + "large eggs", + "all-purpose flour", + "boneless skinless chicken breast halves", + "tomatoes", + "parmigiano reggiano cheese", + "salt", + "onions", + "bread crumb fresh", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 41906, + "ingredients": [ + "Mexican cheese blend", + "pinto beans", + "green bell pepper", + "chili powder", + "ground cumin", + "green chile", + "flour", + "onions", + "garlic powder", + "diced tomatoes" + ] + }, + { + "id": 4489, + "ingredients": [ + "powdered sugar", + "cinnamon", + "water", + "vanilla", + "sugar", + "sprinkles", + "crescent rolls", + "cream cheese" + ] + }, + { + "id": 24409, + "ingredients": [ + "olive oil", + "salt", + "bread dough", + "fresh rosemary", + "cooking spray", + "chopped walnuts", + "ground black pepper", + "yellow onion", + "sugar", + "chopped fresh thyme", + "feta cheese crumbles" + ] + }, + { + "id": 29332, + "ingredients": [ + "garbanzo beans", + "diced tomatoes", + "curry powder", + "sesame oil", + "coconut milk", + "sweet chili sauce", + "meat", + "garlic", + "salt and ground black pepper", + "red pepper flakes", + "onions" + ] + }, + { + "id": 8337, + "ingredients": [ + "fresh lemon juice", + "water", + "frozen blueberries", + "sugar", + "greek yogurt", + "butter", + "blackberries" + ] + }, + { + "id": 918, + "ingredients": [ + "water", + "garlic", + "white sugar", + "soy sauce", + "vegetable oil", + "all-purpose flour", + "vinegar", + "salt", + "pepper", + "dry mustard", + "pork spareribs" + ] + }, + { + "id": 12435, + "ingredients": [ + "ground nutmeg", + "chop fine pecan", + "all purpose unbleached flour", + "sour cream", + "milk", + "unsalted butter", + "whole milk", + "salt", + "sugar", + "bananas", + "egg yolks", + "vanilla extract", + "pineapple slices", + "golden brown sugar", + "large eggs", + "baking powder", + "butter pecan ice cream" + ] + }, + { + "id": 48231, + "ingredients": [ + "fresh leav spinach", + "provolone cheese", + "crimini mushrooms", + "thick-cut bacon", + "olive oil", + "red bell pepper", + "soy sauce", + "flank steak", + "steak seasoning" + ] + }, + { + "id": 28383, + "ingredients": [ + "slab bacon", + "garlic", + "okra", + "water", + "fresh thyme", + "crabmeat", + "fresh spinach", + "ground black pepper", + "salt", + "scallions", + "lime", + "scotch bonnet chile", + "peanut oil" + ] + }, + { + "id": 4545, + "ingredients": [ + "jalapeno chilies", + "cream cheese", + "cheddar cheese", + "bacon", + "chicken breasts", + "pepper", + "salt" + ] + }, + { + "id": 13102, + "ingredients": [ + "swiss chard", + "coarse salt", + "fresh rosemary", + "macaroni", + "garlic cloves", + "chicken stock", + "ground black pepper", + "anchovy fillets", + "olive oil", + "grated parmesan cheese", + "small white beans" + ] + }, + { + "id": 33947, + "ingredients": [ + "eggs", + "purple onion", + "chorizo", + "monterey jack", + "green chile", + "salsa", + "potatoes" + ] + }, + { + "id": 24615, + "ingredients": [ + "olive oil", + "tomatoes", + "fresh orange juice", + "fresh rosemary", + "garlic", + "fresh thyme leaves" + ] + }, + { + "id": 49589, + "ingredients": [ + "fresh ginger root", + "sugar", + "boneless skinless chicken breasts", + "sake", + "leeks", + "soy sauce", + "garlic" + ] + }, + { + "id": 41481, + "ingredients": [ + "basil pesto sauce", + "prosciutto", + "parmigiano reggiano cheese", + "lemon juice", + "romaine lettuce", + "olive oil", + "unsalted butter", + "grapeseed oil", + "kosher salt", + "sherry vinegar", + "shallots", + "onions", + "nutmeg", + "fresh cilantro", + "ground black pepper", + "yukon gold potatoes" + ] + }, + { + "id": 38905, + "ingredients": [ + "green chile", + "salsa", + "flour tortillas", + "boneless skinless chicken breast halves", + "condensed cream of chicken soup", + "sour cream", + "green onions", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 19812, + "ingredients": [ + "water", + "dry red wine", + "less sodium beef broth", + "parsley sprigs", + "cooking spray", + "chopped celery", + "thyme sprigs", + "baguette", + "mushrooms", + "salt", + "onions", + "ground black pepper", + "gruyere cheese", + "carrots" + ] + }, + { + "id": 6160, + "ingredients": [ + "water", + "carrots", + "celery ribs", + "large garlic cloves", + "onions", + "olive oil", + "escarole", + "chicken broth", + "white beans" + ] + }, + { + "id": 38993, + "ingredients": [ + "sugar", + "pork tenderloin", + "olive oil", + "apples", + "honey", + "paprika", + "vinegar", + "salt" + ] + }, + { + "id": 34354, + "ingredients": [ + "baking soda", + "olive oil", + "jalapeno chilies", + "collard greens", + "ground black pepper", + "garlic powder", + "shanks" + ] + }, + { + "id": 31246, + "ingredients": [ + "pastry", + "fine sea salt", + "large eggs", + "squash", + "vanilla sugar", + "all-purpose flour", + "ground cinnamon", + "whole milk" + ] + }, + { + "id": 35369, + "ingredients": [ + "shiro miso", + "water", + "bonito flakes", + "scallions", + "baby bok choy", + "dashi", + "ginger", + "tofu", + "soy sauce", + "shiitake", + "soba noodles", + "chili flakes", + "dashi kombu", + "ponzu" + ] + }, + { + "id": 21637, + "ingredients": [ + "garlic powder", + "buttermilk", + "melted butter", + "flour", + "salt", + "ground black pepper", + "paprika", + "chicken legs", + "butter", + "hot sauce" + ] + }, + { + "id": 49617, + "ingredients": [ + "olive oil", + "reduced-fat sour cream", + "fresh lemon juice", + "plum tomatoes", + "minced garlic", + "wheat", + "english cucumber", + "onions", + "green bell pepper", + "boneless skinless chicken breasts", + "grated lemon zest", + "flat leaf parsley", + "ground black pepper", + "salt", + "greek yogurt", + "dried oregano" + ] + }, + { + "id": 23003, + "ingredients": [ + "olive oil", + "garlic", + "red bell pepper", + "eggs", + "asparagus", + "lemon juice", + "cayenne", + "salt", + "mayonaise", + "baking potatoes", + "carrots" + ] + }, + { + "id": 40683, + "ingredients": [ + "pepper", + "salt", + "vegetable oil cooking spray", + "baby spinach", + "lemon juice", + "yellow corn meal", + "Alfredo sauce", + "all-purpose flour", + "fontina cheese", + "cooked chicken", + "pizza doughs" + ] + }, + { + "id": 17920, + "ingredients": [ + "butter", + "hot sauce", + "brown sugar", + "dry mustard", + "worcestershire sauce", + "chicken", + "water", + "white wine vinegar" + ] + }, + { + "id": 18021, + "ingredients": [ + "mayonaise", + "slaw mix", + "baguette", + "salt", + "pickled jalapenos", + "turkey", + "vinegar", + "chili sauce" + ] + }, + { + "id": 46780, + "ingredients": [ + "pork ribs", + "orange juice", + "toasted sesame seeds", + "soy sauce", + "garlic", + "corn starch", + "chili flakes", + "ginger", + "scallions", + "honey", + "rice vinegar", + "toasted sesame oil" + ] + }, + { + "id": 1684, + "ingredients": [ + "mascarpone", + "salt", + "grated parmesan cheese", + "polenta" + ] + }, + { + "id": 1953, + "ingredients": [ + "bacon bits", + "butter", + "large shrimp", + "hot pepper sauce", + "lemon juice", + "minced garlic", + "salt", + "sliced green onions", + "mushrooms", + "fresh parsley" + ] + }, + { + "id": 15537, + "ingredients": [ + "soy sauce", + "sesame oil", + "scallions", + "dumpling wrappers", + "ginger", + "white pepper", + "ground pork", + "shrimp", + "Shaoxing wine", + "salt" + ] + }, + { + "id": 2489, + "ingredients": [ + "mexican chocolate", + "water" + ] + }, + { + "id": 34708, + "ingredients": [ + "sugar", + "shredded cabbage", + "cilantro sprigs", + "roasted peanuts", + "shredded carrots", + "chicken breasts", + "salt", + "beansprouts", + "large eggs", + "green onions", + "garlic", + "shrimp", + "chili flakes", + "catsup", + "lime wedges", + "dried rice noodles", + "salad oil" + ] + }, + { + "id": 47554, + "ingredients": [ + "egg yolks", + "dark brown sugar", + "lemon", + "whole milk", + "water", + "condensed milk" + ] + }, + { + "id": 30298, + "ingredients": [ + "red chili peppers", + "purple onion", + "olive oil", + "lemon juice", + "pepper", + "salt", + "tomatoes", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 23459, + "ingredients": [ + "red chili peppers", + "garlic", + "tomatoes", + "parsley", + "lemon juice", + "olive oil", + "salt", + "green bell pepper", + "paprika" + ] + }, + { + "id": 2593, + "ingredients": [ + "andouille sausage", + "chopped green bell pepper", + "red wine vinegar", + "cayenne pepper", + "sweet paprika", + "bay leaf", + "minced garlic", + "green onions", + "chopped celery", + "duck", + "low salt chicken broth", + "dried thyme", + "vegetable oil", + "all-purpose flour", + "beer", + "gumbo", + "kosher salt", + "gumbo file", + "garlic", + "chopped onion", + "smoked paprika" + ] + }, + { + "id": 7216, + "ingredients": [ + "nonfat yogurt", + "garlic cloves", + "creole mustard", + "light mayonnaise", + "ground red pepper", + "green onions", + "fresh parsley" + ] + }, + { + "id": 35883, + "ingredients": [ + "reduced fat sharp cheddar cheese", + "cider vinegar", + "chili powder", + "garlic cloves", + "ground cumin", + "black pepper", + "chopped green bell pepper", + "salt", + "chopped cilantro fresh", + "lime rind", + "olive oil", + "purple onion", + "fresh lime juice", + "tomatoes", + "black beans", + "chicken breasts", + "baked tortilla chips", + "iceberg lettuce" + ] + }, + { + "id": 27039, + "ingredients": [ + "salt", + "greens", + "spring onions", + "peanut oil", + "steamed rice", + "cilantro leaves", + "chicken", + "ginger", + "white peppercorns" + ] + }, + { + "id": 47957, + "ingredients": [ + "black beans", + "whole kernel corn, drain", + "diced tomatoes", + "chicken broth", + "chicken" + ] + }, + { + "id": 7815, + "ingredients": [ + "olive oil", + "baking powder", + "ground beef", + "chili", + "Goya Seasoning", + "salt", + "mozzarella cheese", + "poblano peppers", + "garlic", + "masa", + "warm water", + "corn husks", + "chili powder", + "onions" + ] + }, + { + "id": 5270, + "ingredients": [ + "canned low sodium chicken broth", + "grated parmesan cheese", + "salt", + "fresh parsley", + "olive oil", + "garlic", + "escarole", + "water", + "red pepper flakes", + "dry bread crumbs", + "onions", + "eggs", + "ground black pepper", + "white wine vinegar", + "ground turkey" + ] + }, + { + "id": 10768, + "ingredients": [ + "pickled jalapenos", + "jalapeno chilies", + "garlic", + "salsa", + "sour cream", + "olive oil", + "red pepper", + "frozen corn", + "shredded cheese", + "cumin", + "pepper", + "chili powder", + "salt", + "liquid", + "chopped cilantro", + "black beans", + "boneless skinless chicken breasts", + "purple onion", + "fajita size flour tortillas", + "chipotles in adobo" + ] + }, + { + "id": 29740, + "ingredients": [ + "white rice", + "mild curry powder", + "water" + ] + }, + { + "id": 3068, + "ingredients": [ + "crawfish", + "creole seasoning", + "onions", + "salt", + "red bell pepper", + "hot pepper sauce", + "garlic cloves", + "crackers", + "green pepper", + "cream cheese, soften" + ] + }, + { + "id": 29535, + "ingredients": [ + "olive oil", + "enchilada sauce", + "black beans", + "frozen corn", + "green bell pepper", + "black olives", + "onions", + "tofu", + "garlic", + "corn tortillas" + ] + }, + { + "id": 7182, + "ingredients": [ + "manchego cheese", + "cilantro", + "corn tortillas", + "light sour cream", + "green onions", + "red enchilada sauce", + "black beans", + "veggies", + "sour cream", + "avocado", + "diced green chilies", + "salsa" + ] + }, + { + "id": 7796, + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "breakfast sausages", + "whole milk", + "freshly ground pepper", + "kosher salt", + "crushed red pepper flakes" + ] + }, + { + "id": 41409, + "ingredients": [ + "butter", + "all-purpose flour", + "granulated sugar", + "vanilla", + "eggs", + "buttermilk", + "baking powder", + "salt" + ] + }, + { + "id": 39671, + "ingredients": [ + "bay leaves", + "small eggs", + "water", + "fryer chickens", + "pepper", + "butter", + "oil", + "flour", + "salt" + ] + }, + { + "id": 28559, + "ingredients": [ + "seasoned bread crumbs", + "italian style stewed tomatoes", + "italian seasoning", + "olive oil", + "linguine", + "chicken breast tenders", + "pimentos", + "black pepper", + "part-skim mozzarella cheese", + "salt" + ] + }, + { + "id": 32146, + "ingredients": [ + "unsalted butter", + "cream cheese", + "sugar", + "egg yolks", + "egg whites", + "corn starch", + "milk", + "cake" + ] + }, + { + "id": 23439, + "ingredients": [ + "tomato sauce", + "artichok heart marin", + "fresh mushrooms", + "boneless skinless chicken breast halves", + "ground black pepper", + "garlic", + "juice", + "dried rosemary", + "Madeira", + "sliced black olives", + "salt", + "onions", + "dried basil", + "diced tomatoes", + "shredded mozzarella cheese", + "dried oregano" + ] + }, + { + "id": 31391, + "ingredients": [ + "dried basil", + "pasta sauce", + "whipping cream" + ] + }, + { + "id": 42855, + "ingredients": [ + "spearmint", + "green onions", + "sliced shallots", + "chili pepper", + "ground pork", + "fish sauce", + "cilantro", + "lime", + "rice" + ] + }, + { + "id": 11813, + "ingredients": [ + "instant rice", + "flour tortillas", + "water", + "whole kernel corn, drain", + "shredded cheddar cheese", + "salsa", + "taco seasoning mix", + "ground beef" + ] + }, + { + "id": 48272, + "ingredients": [ + "unsalted butter", + "ham", + "cheddar cheese", + "all-purpose flour", + "large eggs", + "double-acting baking powder", + "milk", + "scallions" + ] + }, + { + "id": 12263, + "ingredients": [ + "low sodium soy sauce", + "sesame seeds", + "marinade", + "corn starch", + "olive oil", + "green onions", + "salt", + "black pepper", + "orange marmalade", + "red pepper flakes", + "red bell pepper", + "fresh ginger", + "boneless skinless chicken breasts", + "orange juice" + ] + }, + { + "id": 2787, + "ingredients": [ + "saffron threads", + "whipping cream", + "ground red pepper", + "red bell pepper", + "large garlic cloves", + "olive oil", + "salt" + ] + }, + { + "id": 16385, + "ingredients": [ + "tomatoes", + "dry white wine", + "chicken pieces", + "cold water", + "unsalted butter", + "fresh tarragon", + "chicken broth", + "arrowroot", + "white wine vinegar", + "pearl onions", + "vegetable oil" + ] + }, + { + "id": 42523, + "ingredients": [ + "yellow squash", + "chili powder", + "enchilada sauce", + "shredded Monterey Jack cheese", + "zucchini", + "salt", + "onions", + "olive oil", + "red pepper", + "corn tortillas", + "ground cumin", + "black beans", + "jalapeno chilies", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 26150, + "ingredients": [ + "dark brown sugar", + "bourbon whiskey", + "new york strip steaks" + ] + }, + { + "id": 17544, + "ingredients": [ + "milk", + "bacon", + "nutmeg", + "flour", + "pie shell", + "cheddar cheese", + "swiss cheese", + "ham", + "large eggs", + "salt" + ] + }, + { + "id": 29802, + "ingredients": [ + "whole milk", + "tart shells", + "cheese", + "sea salt", + "large eggs" + ] + }, + { + "id": 4294, + "ingredients": [ + "chicken broth", + "black-eyed peas", + "garlic", + "water", + "green onions", + "yellow onion", + "pepper", + "bay leaves", + "salt", + "chard", + "dried thyme", + "bacon", + "pancake" + ] + }, + { + "id": 12696, + "ingredients": [ + "kosher salt", + "self rising flour", + "cracked black pepper", + "steak", + "seasoning salt", + "cajun seasoning", + "hot sauce", + "milk", + "vegetable oil", + "bacon fat", + "seasoned flour", + "eggs", + "garlic powder", + "butter", + "Equal Sweetener" + ] + }, + { + "id": 9075, + "ingredients": [ + "cooked rice", + "worcestershire sauce", + "okra", + "shrimp", + "green onions", + "crushed red pepper", + "fresh lemon juice", + "plum tomatoes", + "butter", + "hot sauce", + "diced celery", + "chicken", + "sweet onion", + "smoked sausage", + "garlic cloves", + "fresh parsley" + ] + }, + { + "id": 20159, + "ingredients": [ + "large eggs", + "double-acting baking powder", + "whole wheat flour", + "salt", + "rolled oats", + "buttermilk", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 31282, + "ingredients": [ + "unsalted butter", + "salt", + "brandy", + "heavy cream", + "sour cream", + "large egg yolks", + "vanilla", + "sugar", + "golden raisins", + "farmer cheese" + ] + }, + { + "id": 13057, + "ingredients": [ + "cream", + "artichokes", + "olive oil", + "all-purpose flour", + "water", + "salt", + "black pepper", + "chicken breast halves" + ] + }, + { + "id": 26814, + "ingredients": [ + "fish sauce", + "shallots", + "garlic cloves", + "Japanese turnips", + "rice vermicelli", + "fresh lime juice", + "light brown sugar", + "radishes", + "bone-in chicken breasts", + "fresno chiles", + "kosher salt", + "vegetable oil", + "sweet basil" + ] + }, + { + "id": 23909, + "ingredients": [ + "celery ribs", + "evaporated milk", + "salt", + "noodles", + "fish sauce", + "green onions", + "garlic cloves", + "olive oil", + "boneless skinless chicken breasts", + "carrots", + "chicken broth", + "ground black pepper", + "yellow onion", + "cabbage" + ] + }, + { + "id": 27882, + "ingredients": [ + "water", + "large garlic cloves", + "medium shrimp", + "ground cumin", + "red potato", + "chicken breast halves", + "fresh lemon juice", + "dried oregano", + "bay leaves", + "salt", + "chopped cilantro fresh", + "fat free less sodium chicken broth", + "chili powder", + "green beans", + "sliced green onions" + ] + }, + { + "id": 43452, + "ingredients": [ + "fat free less sodium chicken broth", + "golden raisins", + "salt", + "ground coriander", + "ground cumin", + "olive oil", + "diced tomatoes", + "chopped onion", + "feta cheese crumbles", + "yellow squash", + "chopped fresh thyme", + "chickpeas", + "garlic cloves", + "eggplant", + "crushed red pepper", + "Italian turkey sausage", + "couscous" + ] + }, + { + "id": 40246, + "ingredients": [ + "pepper", + "pork roast", + "cumin", + "garlic", + "onions", + "hominy", + "enchilada sauce", + "salt", + "dried oregano" + ] + }, + { + "id": 8493, + "ingredients": [ + "skinless salmon fillets", + "coriander", + "reduced fat coconut milk", + "green beans", + "Thai red curry paste", + "vegetable oil", + "onions" + ] + }, + { + "id": 13302, + "ingredients": [ + "butter", + "tandoori paste", + "red chili peppers", + "salt", + "lemon", + "yoghurt", + "oil" + ] + }, + { + "id": 25606, + "ingredients": [ + "green onions", + "boneless chicken skinless thigh", + "enchilada sauce", + "jack cheese", + "green chilies", + "flour tortillas", + "onions" + ] + }, + { + "id": 14808, + "ingredients": [ + "sugar", + "zucchini", + "Gochujang base", + "onions", + "water", + "sesame oil", + "tuna", + "soy sauce", + "vinegar", + "king oyster mushroom", + "perilla", + "eggs", + "steamed rice", + "vegetable oil", + "kimchi" + ] + }, + { + "id": 40265, + "ingredients": [ + "green bell pepper", + "crushed red pepper flakes", + "Italian bread", + "olive oil", + "garlic", + "green olives", + "ground black pepper", + "anchovy fillets", + "tomato sauce", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 13155, + "ingredients": [ + "water", + "vegetable oil", + "garlic cloves", + "serrano chilies", + "coriander seeds", + "cilantro leaves", + "kaffir lime leaves", + "lemongrass", + "salt", + "black peppercorns", + "shallots", + "cumin seed" + ] + }, + { + "id": 28097, + "ingredients": [ + "baking soda", + "salt", + "milk", + "cooking spray", + "crisco", + "jack", + "butter" + ] + }, + { + "id": 32076, + "ingredients": [ + "minced garlic", + "ground coriander", + "ground cumin", + "ground cinnamon", + "salt and ground black pepper", + "dried fig", + "chicken broth", + "fresh ginger", + "chopped cilantro fresh", + "white onion", + "butter", + "chicken" + ] + }, + { + "id": 36969, + "ingredients": [ + "soy sauce", + "mild olive oil", + "almonds", + "rump steak", + "salted roast peanuts", + "rice", + "beansprouts", + "fish sauce", + "cider vinegar", + "lemongrass", + "bawang goreng", + "baby spinach", + "salt", + "carrots", + "arugula", + "pecorino cheese", + "granny smith apples", + "lime juice", + "thai basil", + "sesame oil", + "white wine vinegar", + "garlic cloves", + "onions", + "red chili peppers", + "caster sugar", + "pomegranate seeds", + "shallots", + "sunflower oil", + "cilantro leaves", + "cucumber", + "iceberg lettuce" + ] + }, + { + "id": 13698, + "ingredients": [ + "pasta", + "artichok heart marin", + "purple onion", + "fresh parsley", + "pepper", + "lemon", + "lemon juice", + "tomatoes", + "boneless skinless chicken breasts", + "salt", + "dried oregano", + "olive oil", + "garlic", + "feta cheese crumbles" + ] + }, + { + "id": 38513, + "ingredients": [ + "butter", + "bacon fat", + "buttermilk", + "self rising flour" + ] + }, + { + "id": 15605, + "ingredients": [ + "minced garlic", + "chicken breasts", + "crushed red pepper", + "capers", + "dried thyme", + "cracked black pepper", + "ground allspice", + "curry powder", + "diced tomatoes", + "chopped onion", + "black beans", + "olive oil", + "dry red wine", + "long-grain rice" + ] + }, + { + "id": 47688, + "ingredients": [ + "chicken broth", + "salt", + "pepper", + "eggs", + "lemon juice", + "orzo" + ] + }, + { + "id": 22326, + "ingredients": [ + "whole wheat spaghetti", + "garlic", + "leaves", + "red pepper flakes", + "pasta", + "pecorino romano cheese", + "salt", + "ground black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 43488, + "ingredients": [ + "black pepper", + "cooking spray", + "all-purpose flour", + "ripe olives", + "capers", + "fat free less sodium chicken broth", + "crushed red pepper", + "chopped onion", + "no-salt-added diced tomatoes", + "cutlet", + "fresh oregano", + "sugar", + "olive oil", + "salt", + "garlic cloves" + ] + }, + { + "id": 10245, + "ingredients": [ + "sherry vinegar", + "garlic cloves", + "chopped cilantro fresh", + "tomatoes", + "vegetable oil", + "fresh lime juice", + "avocado", + "jalapeno chilies", + "tequila", + "large shrimp", + "cooked rice", + "salt", + "onions" + ] + }, + { + "id": 16145, + "ingredients": [ + "coconut sugar", + "fresh cilantro", + "chicken breasts", + "white button mushrooms", + "coconut oil", + "full fat coconut milk", + "dried chile", + "chicken stock", + "fish sauce", + "cherry tomatoes", + "scallions", + "kaffir lime leaves", + "lime juice", + "lemon grass", + "galangal" + ] + }, + { + "id": 9985, + "ingredients": [ + "salt", + "chopped cilantro", + "lime juice", + "sweet corn", + "mayonaise", + "cayenne pepper", + "lime wedges", + "queso anejo" + ] + }, + { + "id": 37746, + "ingredients": [ + "diced tomatoes", + "onions", + "bone-in pork chops", + "green pepper", + "chicken broth", + "long-grain rice" + ] + }, + { + "id": 41400, + "ingredients": [ + "eggs", + "baking soda", + "grated nutmeg", + "ground ginger", + "water", + "light corn syrup", + "dark molasses", + "butter", + "dark brown sugar", + "ground cinnamon", + "milk", + "all-purpose flour" + ] + }, + { + "id": 26614, + "ingredients": [ + "red chili peppers", + "cardamon", + "garlic", + "ground cumin", + "tomato paste", + "cream", + "butter", + "onions", + "chicken stock", + "boneless chicken skinless thigh", + "yoghurt", + "lemon juice", + "ground cinnamon", + "garam masala", + "paprika", + "canola oil" + ] + }, + { + "id": 5327, + "ingredients": [ + "celery ribs", + "vegetable oil", + "salted roast peanuts", + "chili bean paste", + "ground black pepper", + "lemon", + "cilantro leaves", + "szechwan peppercorns", + "sea salt", + "rice vinegar", + "light soy sauce", + "chili oil", + "garlic", + "firm tofu" + ] + }, + { + "id": 13015, + "ingredients": [ + "fresh coriander", + "fresh mint", + "romaine lettuce", + "pita loaves", + "ground lamb", + "cinnamon", + "onions", + "plain yogurt", + "fresh parsley leaves", + "ground cumin" + ] + }, + { + "id": 13811, + "ingredients": [ + "spanish onion", + "squid", + "tomatoes", + "lemon", + "salt and ground black pepper", + "soy sauce", + "dried Thai chili" + ] + }, + { + "id": 10180, + "ingredients": [ + "black beans", + "salt", + "corn tortillas", + "cheddar cheese", + "diced tomatoes", + "chopped onion", + "chiles", + "vegetable broth", + "fat", + "low-fat sour cream", + "shredded lettuce", + "all-purpose flour" + ] + }, + { + "id": 8164, + "ingredients": [ + "ground black pepper", + "salt", + "plum tomatoes", + "baguette", + "cooking spray", + "fresh lemon juice", + "finely chopped onion", + "garlic cloves", + "eggplant", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 47951, + "ingredients": [ + "ground cinnamon", + "large eggs", + "sweetened condensed milk", + "granulated sugar", + "vanilla extract", + "baguette", + "vegetable oil", + "kosher salt", + "whole milk", + "unsweetened cocoa powder" + ] + }, + { + "id": 42025, + "ingredients": [ + "kosher salt", + "vegetable stock", + "garlic", + "brown basmati rice", + "celery ribs", + "bay leaves", + "cilantro", + "roasted tomatoes", + "ground cumin", + "ground black pepper", + "chopped fresh thyme", + "hot sauce", + "italian spicy sausage", + "red kidnei beans, rins and drain", + "green onions", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 10865, + "ingredients": [ + "large egg yolks", + "dried lavender", + "confectioners sugar", + "water", + "large eggs", + "salt", + "liqueur", + "sugar", + "unsalted butter", + "heavy cream", + "chocolate sauce", + "honey", + "half & half", + "all-purpose flour" + ] + }, + { + "id": 16815, + "ingredients": [ + "lime juice", + "chopped cilantro", + "habanero chile", + "fine salt", + "olive oil", + "fresh pineapple", + "kosher salt", + "purple onion" + ] + }, + { + "id": 1025, + "ingredients": [ + "water", + "shrimp", + "soy sauce", + "vegetable oil", + "chopped cilantro fresh", + "shredded cabbage", + "onions", + "minced garlic", + "crushed red pepper flakes" + ] + }, + { + "id": 42784, + "ingredients": [ + "lump crab meat", + "cilantro sprigs", + "ground white pepper", + "white cornmeal", + "celery ribs", + "sweet corn kernels", + "salt", + "onions", + "jalapeno chilies", + "whipping cream", + "red bell pepper", + "corncobs", + "chicken broth", + "butter", + "salt pork", + "chopped cilantro fresh" + ] + }, + { + "id": 18319, + "ingredients": [ + "shredded cheddar cheese", + "fresh thyme", + "worcestershire sauce", + "carrots", + "tomato paste", + "ground nutmeg", + "lean ground beef", + "chopped celery", + "low sodium beef stock", + "milk", + "yukon gold potatoes", + "dry red wine", + "onions", + "mashed potatoes", + "fresh bay leaves", + "butter", + "garlic cloves" + ] + }, + { + "id": 34353, + "ingredients": [ + "olive oil", + "fresh lemon juice", + "butter", + "fresh parsley", + "capers", + "all-purpose flour", + "boneless skinless chicken breast halves", + "dry white wine", + "low salt chicken broth" + ] + }, + { + "id": 44922, + "ingredients": [ + "lime juice", + "salsa", + "boneless pork shoulder", + "cilantro", + "ground cumin", + "tortillas", + "orange juice", + "kosher salt", + "garlic" + ] + }, + { + "id": 16240, + "ingredients": [ + "butter", + "dry vermouth", + "ramps", + "arborio rice", + "hot Italian sausages", + "grated parmesan cheese", + "low salt chicken broth" + ] + }, + { + "id": 29745, + "ingredients": [ + "ground black pepper", + "cayenne pepper", + "cooked ham", + "butter", + "noodles", + "garlic powder", + "heavy cream", + "grated parmesan cheese", + "fresh asparagus" + ] + }, + { + "id": 2336, + "ingredients": [ + "freshly ground pepper", + "shrimp", + "fresh cilantro", + "bloody mary mix", + "Tabasco Pepper Sauce", + "garlic cloves", + "worcestershire sauce", + "fresh lemon juice" + ] + }, + { + "id": 17294, + "ingredients": [ + "honey", + "sesame oil", + "ground ginger", + "ground black pepper", + "salt", + "sesame seeds", + "red pepper flakes", + "soy sauce", + "chinese noodles", + "scallions" + ] + }, + { + "id": 1449, + "ingredients": [ + "zucchini", + "feta cheese crumbles", + "olive oil", + "fine sea salt", + "eggs", + "almond meal", + "ground cumin", + "ground black pepper", + "fresh herbs" + ] + }, + { + "id": 30410, + "ingredients": [ + "black pepper", + "extra-virgin olive oil", + "fillets", + "fresh peas", + "steak", + "water", + "salt", + "onions", + "large garlic cloves", + "flat leaf parsley" + ] + }, + { + "id": 43341, + "ingredients": [ + "boneless skinless chicken breasts", + "garlic cloves", + "pepper", + "diced tomatoes", + "shredded Monterey Jack cheese", + "chipotle chile", + "vegetable oil", + "dried oregano", + "flour tortillas", + "salt" + ] + }, + { + "id": 39594, + "ingredients": [ + "pepper", + "bacon slices", + "onions", + "low-sodium fat-free chicken broth", + "garlic cloves", + "balsamic vinegar", + "salt", + "collard greens", + "red pepper flakes", + "carrots" + ] + }, + { + "id": 8543, + "ingredients": [ + "pecans", + "water", + "cinnamon", + "corn starch", + "pitted date", + "pastry dough", + "ground allspice", + "sugar", + "large egg yolks", + "salt", + "dried cranberries", + "brandy", + "mixed dried fruit", + "grated nutmeg" + ] + }, + { + "id": 27176, + "ingredients": [ + "honey", + "cooked bacon", + "cooking liquid", + "balsamic vinegar", + "bay leaves", + "garlic", + "collard greens", + "shallots", + "salt" + ] + }, + { + "id": 36562, + "ingredients": [ + "celery ribs", + "bell pepper", + "garlic cloves", + "cumin", + "water", + "diced tomatoes", + "onions", + "dried lentils", + "chili powder", + "pinto beans", + "quinoa", + "vegetable broth", + "oregano" + ] + }, + { + "id": 23285, + "ingredients": [ + "butter", + "pepperoni", + "ground black pepper", + "garlic", + "crackers", + "grated parmesan cheese", + "salt", + "dried oregano", + "chicken broth", + "button mushrooms", + "onions" + ] + }, + { + "id": 26787, + "ingredients": [ + "low-fat flour tortillas", + "cooking spray", + "romaine lettuce", + "minced garlic", + "chunky salsa", + "tomatoes", + "black beans", + "non-fat sour cream", + "reduced fat cheddar cheese", + "pork tenderloin", + "ground cumin" + ] + }, + { + "id": 6506, + "ingredients": [ + "water", + "vanilla extract", + "nonfat dry milk", + "Frangelico", + "large egg yolks", + "salt", + "sugar", + "2% reduced-fat milk", + "liquid non-dairy creamer" + ] + }, + { + "id": 8552, + "ingredients": [ + "grated lemon zest", + "orzo", + "feta cheese crumbles", + "cherry tomatoes", + "dill", + "extra-virgin olive oil" + ] + }, + { + "id": 46196, + "ingredients": [ + "capers", + "salt", + "onions", + "tomatoes", + "olive oil", + "country bread", + "pepper", + "garlic cloves", + "soft goat's cheese", + "red pepper", + "thyme sprigs" + ] + }, + { + "id": 22828, + "ingredients": [ + "ice cubes", + "rye whiskey", + "Cholula Hot Sauce", + "lemon juice", + "black pepper", + "cayenne pepper", + "simple syrup" + ] + }, + { + "id": 43621, + "ingredients": [ + "kosher salt", + "balsamic vinegar", + "ground black pepper", + "thyme sprigs", + "sugar", + "frozen pastry puff sheets", + "sweet onion", + "butter" + ] + }, + { + "id": 47602, + "ingredients": [ + "hot red pepper flakes", + "dill", + "extra-virgin olive oil", + "bucatini", + "bread crumb fresh", + "anchovy fillets", + "purple onion" + ] + }, + { + "id": 14329, + "ingredients": [ + "butter", + "half & half", + "russet potatoes", + "fontina cheese", + "flat leaf parsley" + ] + }, + { + "id": 2924, + "ingredients": [ + "diced green chilies", + "salt", + "enchilada sauce", + "light sour cream", + "chili powder", + "frozen corn kernels", + "cumin", + "egg noodles", + "cayenne pepper", + "ground beef", + "pepper", + "shredded sharp cheddar cheese", + "cream cheese", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 5741, + "ingredients": [ + "jalapeno chilies", + "reduced-fat sour cream", + "corn tortillas", + "avocado", + "chili powder", + "cilantro leaves", + "onions", + "cooking spray", + "salt", + "chipotle chile powder", + "sugar", + "lime wedges", + "tuna fillets", + "ground cumin" + ] + }, + { + "id": 10485, + "ingredients": [ + "granulated sugar", + "confectioners sugar", + "fresh lemon juice", + "blackberries", + "vanilla", + "sour cream", + "cassis", + "cream cheese, soften" + ] + }, + { + "id": 12878, + "ingredients": [ + "large egg yolks", + "vanilla extract", + "sugar", + "lemon", + "condensed milk", + "graham crackers", + "heavy cream", + "lemon juice", + "unsalted butter", + "salt" + ] + }, + { + "id": 21771, + "ingredients": [ + "vegetables", + "vegetable oil", + "garlic cloves", + "ground cumin", + "white onion", + "crema mexican", + "cilantro", + "chopped cilantro", + "Emmenthal", + "tomatillos", + "corn tortillas", + "salsa verde", + "jalapeno chilies", + "salt", + "chicken" + ] + }, + { + "id": 21059, + "ingredients": [ + "grated parmesan cheese", + "salt", + "orecchiette", + "black pepper", + "chopped fresh chives", + "frozen peas", + "crumbled blue cheese", + "sliced mushrooms", + "unsalted butter", + "heavy cream", + "monterey jack" + ] + }, + { + "id": 4148, + "ingredients": [ + "pepper", + "oil", + "salt", + "flour", + "corn starch", + "eggs", + "okra" + ] + }, + { + "id": 21537, + "ingredients": [ + "buttermilk", + "self rising flour", + "vegetable shortening", + "melted butter" + ] + }, + { + "id": 45452, + "ingredients": [ + "sugar", + "Japanese soy sauce", + "rice vinegar", + "cold water", + "sesame seeds", + "ginger", + "seaweed", + "water", + "wasabi powder", + "crabmeat", + "avocado", + "short-grain rice", + "salt", + "hothouse cucumber" + ] + }, + { + "id": 15489, + "ingredients": [ + "self rising flour", + "vegetable shortening", + "yellow onion", + "black pepper", + "whole milk", + "worcestershire sauce", + "poultry seasoning", + "sugar", + "flour", + "buttermilk", + "cayenne pepper", + "ground nutmeg", + "butter", + "salt", + "pork sausages" + ] + }, + { + "id": 46585, + "ingredients": [ + "olive oil", + "dry white wine", + "dry bread crumbs", + "sole fillet", + "large eggs", + "large garlic cloves", + "unsalted butter", + "lemon", + "fresh parsley", + "black pepper", + "whole milk", + "salt" + ] + }, + { + "id": 18791, + "ingredients": [ + "ground cinnamon", + "vanilla extract", + "cane syrup", + "large eggs", + "all-purpose flour", + "sugar", + "salt", + "long grain white rice", + "baking powder", + "peanut oil" + ] + }, + { + "id": 40072, + "ingredients": [ + "olive oil", + "butter", + "garlic", + "bay leaf", + "brandy", + "flour", + "button mushrooms", + "carrots", + "chicken thighs", + "pearl onions", + "chicken breasts", + "dry red wine", + "thyme", + "thick-cut bacon", + "ground black pepper", + "chicken drumsticks", + "salt", + "onions" + ] + }, + { + "id": 17587, + "ingredients": [ + "black lentil", + "minced ginger", + "raw cashews", + "tomato purée", + "spices", + "basmati rice", + "red kidney beans", + "vegetable oil", + "purple onion", + "minced garlic", + "cilantro" + ] + }, + { + "id": 7758, + "ingredients": [ + "ground ginger", + "sherry", + "mandarin oranges", + "onions", + "fresh ginger", + "green onions", + "corn starch", + "soy sauce", + "beef stock", + "boneless beef chuck roast", + "water chestnuts", + "vegetable oil", + "sliced mushrooms" + ] + }, + { + "id": 2853, + "ingredients": [ + "shortening", + "vanilla extract", + "unsalted butter", + "white sugar", + "water", + "corn syrup", + "egg whites" + ] + }, + { + "id": 18218, + "ingredients": [ + "unsweetened coconut milk", + "white onion", + "garam masala", + "raw cashews", + "tumeric", + "curry powder", + "vegetable oil", + "greek style plain yogurt", + "tomatoes", + "water", + "boneless skinless chicken breasts", + "salt", + "sugar", + "garlic powder", + "red pepper flakes", + "coriander" + ] + }, + { + "id": 21720, + "ingredients": [ + "garlic paste", + "salt", + "mustard seeds", + "fish", + "water", + "green chilies", + "coriander", + "tomatoes", + "chili powder", + "oil", + "ground turmeric", + "sugar", + "cilantro leaves", + "onions" + ] + }, + { + "id": 20872, + "ingredients": [ + "cheddar cheese", + "pinto beans", + "salt", + "water", + "pork lard", + "chopped onion" + ] + }, + { + "id": 22022, + "ingredients": [ + "crushed tomatoes", + "apricot halves", + "ras el hanout", + "carrots", + "chopped garlic", + "plain yogurt", + "ground black pepper", + "dry mustard", + "chickpeas", + "fresh mint", + "fresh ginger", + "lamb shoulder chops", + "yellow onion", + "cinnamon sticks", + "canola oil", + "kosher salt", + "teas", + "star anise", + "orange juice", + "celery" + ] + }, + { + "id": 17887, + "ingredients": [ + "pepper", + "cooking spray", + "beef broth", + "shiitake", + "butter", + "olive oil", + "shallots", + "beef tenderloin steaks", + "marsala wine", + "dijon mustard", + "salt" + ] + }, + { + "id": 11422, + "ingredients": [ + "ice water", + "boiling water", + "curds" + ] + }, + { + "id": 28294, + "ingredients": [ + "cream cheese", + "fresh parsley", + "fresh basil", + "sliced mushrooms", + "fettucine", + "garlic cloves", + "boiling water", + "butter", + "cooked shrimp" + ] + }, + { + "id": 17435, + "ingredients": [ + "sliced black olives", + "salt", + "onions", + "pepper", + "red wine vinegar", + "english cucumber", + "dried oregano", + "green bell pepper, slice", + "tomato basil feta", + "plum tomatoes", + "olive oil", + "garlic", + "lemon juice" + ] + }, + { + "id": 43716, + "ingredients": [ + "yellow squash", + "zucchini", + "long-grain rice", + "saffron threads", + "chicken broth low fat", + "diced tomatoes", + "olive oil", + "sliced carrots", + "red bell pepper", + "diced onions", + "ground pepper", + "salt" + ] + }, + { + "id": 40489, + "ingredients": [ + "soy sauce", + "rice vinegar", + "nori", + "sushi rice", + "rolls", + "white tuna", + "peanut oil", + "ahi", + "mustard sauce", + "toasted sesame seeds" + ] + }, + { + "id": 32770, + "ingredients": [ + "unsweetened coconut milk", + "sugar", + "large egg whites", + "all-purpose flour", + "fresh basil leaves", + "fish sauce", + "water", + "ground black pepper", + "chicken fingers", + "chicken stock", + "minced garlic", + "golden brown sugar", + "red curry paste", + "fresh spinach", + "steamed rice", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 16078, + "ingredients": [ + "shredded cheddar cheese", + "extra-virgin olive oil", + "corn tortillas", + "chopped tomatoes", + "salt", + "minced garlic", + "crushed red pepper", + "chopped cilantro", + "eggs", + "finely chopped onion", + "lemon juice" + ] + }, + { + "id": 46460, + "ingredients": [ + "cold water", + "sugar", + "rum", + "salt", + "mincemeat", + "eggs", + "flour", + "cinnamon", + "walnuts", + "flavoring", + "nutmeg", + "baking soda", + "baking powder", + "margarine", + "corn starch", + "brown sugar", + "grape jelly", + "butter", + "orange juice", + "orange rind" + ] + }, + { + "id": 12472, + "ingredients": [ + "honey", + "butter", + "soy sauce", + "flour", + "lemon juice", + "ground ginger", + "garlic powder", + "salt", + "pepper", + "chicken breasts" + ] + }, + { + "id": 14100, + "ingredients": [ + "low sodium soy sauce", + "cooking spray", + "edamame", + "minced garlic", + "salt", + "black pepper", + "flank steak", + "dark sesame oil", + "wasabi paste", + "fresh ginger", + "rice vinegar" + ] + }, + { + "id": 14120, + "ingredients": [ + "chicken broth", + "pickled garlic", + "fresh ginger root", + "chile pepper", + "cucumber", + "sugar", + "water", + "soya bean", + "garlic", + "chicken", + "coconut oil", + "jasmine rice", + "pandanus leaf", + "ginger", + "chopped garlic", + "white vinegar", + "soy sauce", + "fresh cilantro", + "shallots", + "salt" + ] + }, + { + "id": 40951, + "ingredients": [ + "mung beans", + "vegetable oil", + "coconut sugar", + "egg yolks", + "coconut cream", + "large eggs", + "salt", + "granulated sugar", + "shallots" + ] + }, + { + "id": 30897, + "ingredients": [ + "broccoli rabe", + "shallots", + "grated parmesan cheese", + "hot Italian sausages", + "artichok heart marin", + "bows", + "roasted red peppers", + "garlic" + ] + }, + { + "id": 16708, + "ingredients": [ + "cooking spray", + "dark brown sugar", + "corn tortillas", + "olive oil", + "paprika", + "celery seed", + "kosher salt", + "flank steak", + "smoked paprika", + "black pepper", + "ground red pepper", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 13341, + "ingredients": [ + "garlic", + "oil", + "tomatoes", + "green chilies", + "onions", + "salt", + "mustard seeds", + "moong dal", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 49029, + "ingredients": [ + "chiles", + "dry white wine", + "tomato paste", + "peeled tomatoes", + "garlic cloves", + "kosher salt", + "extra-virgin olive oil", + "fettucine", + "beef", + "onions" + ] + }, + { + "id": 14064, + "ingredients": [ + "chile paste with garlic", + "lettuce leaves", + "dark sesame oil", + "avocado", + "dry roasted peanuts", + "cilantro sprigs", + "sugar", + "peeled fresh ginger", + "english cucumber", + "reduced fat firm tofu", + "white miso", + "rice vinegar" + ] + }, + { + "id": 1668, + "ingredients": [ + "garam masala", + "garlic", + "oil", + "ground turmeric", + "tomatoes", + "chili powder", + "salt", + "frozen peas", + "coriander powder", + "paneer", + "onions", + "water", + "ginger", + "green chilies", + "cashew nuts" + ] + }, + { + "id": 28769, + "ingredients": [ + "pepper", + "heirloom tomatoes", + "grits", + "reduced fat milk", + "salt", + "water", + "garlic", + "butter", + "smoked cheddar cheese" + ] + }, + { + "id": 7239, + "ingredients": [ + "white onion", + "jalapeno chilies", + "olive oil", + "garlic", + "kosher salt", + "queso fresco", + "dried black beans", + "ground black pepper", + "bay leaf" + ] + }, + { + "id": 25963, + "ingredients": [ + "chili paste", + "apple cider vinegar", + "corn starch", + "honey", + "green onions", + "vegetable oil", + "ginger paste", + "soy sauce", + "pork loin", + "sesame oil", + "bamboo shoots", + "black bean sauce", + "chinese eggplants", + "garlic cloves" + ] + }, + { + "id": 34427, + "ingredients": [ + "water", + "smoked kielbasa" + ] + }, + { + "id": 6520, + "ingredients": [ + "celery ribs", + "olive oil", + "salt", + "thyme", + "parsnips", + "parsley", + "garlic cloves", + "stock", + "oxtails", + "yellow onion", + "bay leaf", + "turnips", + "pepper", + "red wine", + "carrots" + ] + }, + { + "id": 10300, + "ingredients": [ + "baking soda", + "ground coriander", + "all purpose unbleached flour", + "plain whole-milk yogurt", + "baking powder", + "chopped cilantro fresh", + "olive oil", + "salt" + ] + }, + { + "id": 1232, + "ingredients": [ + "mint", + "butter", + "mint sprigs", + "orange juice", + "ground cumin", + "ground cinnamon", + "olive oil", + "paprika", + "purple onion", + "chicken", + "chicken broth", + "honey", + "sea salt", + "ginger", + "thyme sprigs", + "slivered almonds", + "lemon", + "crushed red pepper flakes", + "garlic cloves" + ] + }, + { + "id": 42870, + "ingredients": [ + "chile powder", + "vegetable oil", + "green onions", + "firm tofu", + "soy sauce", + "garlic", + "sesame oil", + "toasted sesame seeds" + ] + }, + { + "id": 33802, + "ingredients": [ + "water", + "baking powder", + "garlic salt", + "olive oil", + "all-purpose flour", + "dried basil", + "salt", + "grated parmesan cheese", + "cayenne pepper" + ] + }, + { + "id": 46501, + "ingredients": [ + "ground black pepper", + "turkey", + "chopped onion", + "water", + "green onions", + "chopped celery", + "garlic cloves", + "red kidney beans", + "chopped green bell pepper", + "paprika", + "long-grain rice", + "dried thyme", + "ground red pepper", + "salt", + "bay leaf" + ] + }, + { + "id": 32949, + "ingredients": [ + "red wine vinegar", + "salt", + "red bell pepper", + "extra-virgin olive oil", + "feta cheese crumbles", + "dried oregano", + "diced tomatoes", + "freshly ground pepper", + "fresh parsley", + "diced red onions", + "black olives", + "cucumber" + ] + }, + { + "id": 4085, + "ingredients": [ + "ground black pepper", + "bulgur", + "chopped fresh mint", + "salt", + "carrots", + "dried cranberries", + "extra-virgin olive oil", + "ground coriander", + "boiling water", + "slivered almonds", + "chickpeas", + "fresh lime juice", + "ground cumin" + ] + }, + { + "id": 30682, + "ingredients": [ + "slivered almonds", + "raisins", + "wheat berries", + "salt", + "milk", + "poppy seeds", + "honey", + "apricots" + ] + }, + { + "id": 47315, + "ingredients": [ + "ground black pepper", + "boiling water", + "dried porcini mushrooms", + "whipping cream", + "fettucine", + "parmigiano reggiano cheese", + "fresh chives", + "salt" + ] + }, + { + "id": 28249, + "ingredients": [ + "egg whites", + "peaches", + "granulated sugar", + "water", + "fresh lemon juice" + ] + }, + { + "id": 1084, + "ingredients": [ + "mussels", + "coriander seeds", + "extra-virgin olive oil", + "chopped parsley", + "noodles", + "tomato paste", + "large garlic cloves", + "meat bones", + "bay leaf", + "saffron", + "fennel seeds", + "cayenne", + "salt", + "thyme sprigs", + "large shrimp", + "clams", + "pepper", + "red pepper", + "shrimp", + "onions", + "orange zest" + ] + }, + { + "id": 25559, + "ingredients": [ + "large eggs", + "beef tenderloin", + "white mushrooms", + "unsalted butter", + "sea salt", + "flour for dusting", + "dry sherry", + "duck liver", + "puff pastry", + "coarse salt", + "freshly ground pepper", + "onions" + ] + }, + { + "id": 30714, + "ingredients": [ + "cajun seasoning", + "seasoning salt", + "boneless skinless chicken breast halves", + "fresh rosemary", + "onions", + "olive oil" + ] + }, + { + "id": 13272, + "ingredients": [ + "angel food cake", + "cream cheese", + "sugar", + "1% low-fat milk", + "sliced almonds", + "frozen mixed berries", + "whipping cream", + "vanilla instant pudding" + ] + }, + { + "id": 6781, + "ingredients": [ + "cinnamon", + "lemon juice", + "plain yogurt", + "salt", + "masala", + "pepper", + "cayenne pepper", + "boneless chicken skinless thigh", + "heavy cream", + "cumin" + ] + }, + { + "id": 43462, + "ingredients": [ + "fresh thyme", + "salt", + "juice", + "water", + "garlic", + "rice", + "tomato sauce", + "paprika", + "chickpeas", + "olive oil", + "purple onion", + "sweet paprika" + ] + }, + { + "id": 8440, + "ingredients": [ + "pepper", + "bacon slices", + "cheese slices", + "chicken fingers", + "olive oil", + "salt", + "seasoned bread crumbs", + "butter" + ] + }, + { + "id": 23799, + "ingredients": [ + "soy sauce", + "lime juice", + "paprika", + "beansprouts", + "fish sauce", + "minced garlic", + "sesame oil", + "salt", + "sliced green onions", + "chicken stock", + "black pepper", + "fresh ginger", + "thai chile", + "chopped cilantro", + "baby bok choy", + "water", + "ramen noodles", + "chicken fingers" + ] + }, + { + "id": 42977, + "ingredients": [ + "chicken broth", + "garlic cloves", + "fresh parsley", + "olive oil", + "corn starch", + "grated lemon peel", + "water", + "lemon juice", + "spaghetti", + "cayenne pepper", + "cooked shrimp" + ] + }, + { + "id": 20214, + "ingredients": [ + "soy sauce", + "green onions", + "saki", + "chicken broth", + "kosher salt", + "sesame oil", + "black pepper", + "boneless skinless chicken breasts", + "brown sugar", + "sesame seeds", + "fresh lemon juice" + ] + }, + { + "id": 19527, + "ingredients": [ + "fat-free buttermilk", + "bourbon whiskey", + "grated lemon zest", + "yellow corn meal", + "large eggs", + "salt", + "baking soda", + "butter", + "molasses", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 27604, + "ingredients": [ + "grated parmesan cheese", + "ham", + "leeks", + "sauce", + "cooking spray" + ] + }, + { + "id": 15134, + "ingredients": [ + "ground chipotle chile pepper", + "raw honey", + "sea salt", + "sour cream", + "neutral oil", + "lime juice", + "red cabbage", + "shrimp", + "onions", + "avocado", + "pepper", + "dijon mustard", + "cilantro", + "chipotles in adobo", + "white corn tortillas", + "lime", + "coarse sea salt", + "tequila", + "ground cumin" + ] + }, + { + "id": 21241, + "ingredients": [ + "garam masala", + "salt", + "lemon juice", + "olive oil", + "ginger", + "garlic cloves", + "cumin", + "tomatoes", + "cooking spray", + "peach preserves", + "boneless skinless chicken breast halves", + "water", + "ground red pepper", + "ground coriander", + "basmati rice" + ] + }, + { + "id": 3240, + "ingredients": [ + "white onion", + "bread yeast", + "ground black pepper", + "sea salt", + "water", + "bacon", + "flour", + "crème fraîche" + ] + }, + { + "id": 19794, + "ingredients": [ + "whipping cream", + "unsalted butter", + "all-purpose flour", + "baking powder", + "sugar", + "salt" + ] + }, + { + "id": 37385, + "ingredients": [ + "lime", + "green onions", + "dark sesame oil", + "sugar pea", + "fresh ginger root", + "chili oil", + "carrots", + "water", + "pork tenderloin", + "rice vinegar", + "corn starch", + "soy sauce", + "peanuts", + "chile pepper", + "peanut oil" + ] + }, + { + "id": 5783, + "ingredients": [ + "pinenuts", + "golden raisins", + "boiling water", + "olive oil", + "salt", + "ground black pepper", + "garlic cloves", + "water", + "baby spinach" + ] + }, + { + "id": 30232, + "ingredients": [ + "fresh dill", + "crushed tomatoes", + "salt", + "fresh lemon juice", + "black pepper", + "savory", + "garlic cloves", + "flat leaf parsley", + "grape leaves", + "water", + "vegetable oil", + "toasted pine nuts", + "dried currants", + "leeks", + "lemon rind", + "long grain brown rice" + ] + }, + { + "id": 26019, + "ingredients": [ + "butter", + "firmly packed brown sugar", + "semi-sweet chocolate morsels", + "chopped pecans", + "graham crackers", + "chocolate morsels" + ] + }, + { + "id": 48921, + "ingredients": [ + "eggs", + "garlic powder", + "low sodium chicken stock", + "corn tortillas", + "oregano", + "diced onions", + "chorizo", + "apple cider vinegar", + "garlic cloves", + "chopped cilantro", + "ground chipotle chile pepper", + "chili powder", + "ground coriander", + "low-fat mozzarella cheese", + "tomato paste", + "olive oil", + "salt", + "enchilada sauce", + "onions" + ] + }, + { + "id": 20762, + "ingredients": [ + "large egg whites", + "dark brown sugar", + "hazelnuts" + ] + }, + { + "id": 30226, + "ingredients": [ + "tofu", + "watercress", + "canola oil", + "yellow squash", + "soba", + "dry roasted peanuts", + "bok choy", + "low sodium soy sauce", + "peanut sauce", + "sliced green onions" + ] + }, + { + "id": 4783, + "ingredients": [ + "nutmeg", + "grated parmesan cheese", + "garlic cloves", + "bread crumbs", + "butter", + "onions", + "olive oil", + "proscuitto", + "collard greens", + "flour", + "thyme" + ] + }, + { + "id": 45445, + "ingredients": [ + "sea salt", + "egg yolks", + "whole milk", + "sugar" + ] + }, + { + "id": 35042, + "ingredients": [ + "water", + "dried pinto beans", + "chopped onion", + "red kidney beans", + "ground red pepper", + "chicken stock cubes", + "dried black beans", + "chili powder", + "salt", + "ground black pepper", + "bacon slices", + "garlic cloves" + ] + }, + { + "id": 33632, + "ingredients": [ + "skim milk", + "ground pepper", + "dry bread crumbs", + "water", + "salt", + "italian seasoning", + "minced garlic", + "cheese", + "frozen broccoli", + "vegetable oil cooking spray", + "parmesan cheese", + "all-purpose flour" + ] + }, + { + "id": 38332, + "ingredients": [ + "red wine", + "black pepper", + "linguine", + "romano cheese", + "extra-virgin olive oil", + "kosher salt", + "grated lemon zest" + ] + }, + { + "id": 32651, + "ingredients": [ + "fresh spinach", + "minced garlic", + "vegetable oil", + "scallions", + "soy sauce", + "roasted sesame seeds", + "dried shiitake mushrooms", + "noodles", + "sugar", + "sweet onion", + "salt", + "carrots", + "pepper", + "sesame oil", + "lean beef" + ] + }, + { + "id": 19338, + "ingredients": [ + "soy sauce", + "rice wine", + "oil", + "water", + "ginger", + "corn starch", + "white pepper", + "sesame oil", + "oyster sauce", + "sugar", + "broccoli florets", + "beef tenderloin" + ] + }, + { + "id": 28320, + "ingredients": [ + "green onions", + "ripe olives", + "salt", + "ground cumin", + "black beans", + "red bell pepper", + "tomatillos", + "chopped cilantro fresh" + ] + }, + { + "id": 1488, + "ingredients": [ + "sake", + "jalapeno chilies", + "corn starch", + "sugar", + "salt", + "wood ear mushrooms", + "black bean sauce", + "dark sesame oil", + "sliced green onions", + "salmon fillets", + "garlic", + "ground white pepper" + ] + }, + { + "id": 33940, + "ingredients": [ + "tomatoes", + "purple onion", + "fresh parsley", + "low sodium chicken broth", + "garlic cloves", + "cheddar cheese", + "tortilla chips", + "canola oil", + "boneless skinless chicken breasts", + "chipotles in adobo" + ] + }, + { + "id": 2539, + "ingredients": [ + "red beets", + "red wine vinegar", + "freshly ground pepper", + "asparagus", + "salt", + "olive oil", + "cracked black pepper", + "golden beets", + "chopped fresh chives", + "goat cheese" + ] + }, + { + "id": 29026, + "ingredients": [ + "pitted kalamata olives", + "ground black pepper", + "purple onion", + "green bell pepper", + "sherry vinegar", + "fresh thyme leaves", + "pancetta", + "minced garlic", + "roma tomatoes", + "salt", + "eggs", + "olive oil", + "low sodium chicken broth" + ] + }, + { + "id": 25889, + "ingredients": [ + "fish fillets", + "old bay seasoning", + "chopped cilantro fresh", + "lime juice", + "sour cream", + "cheddar cheese", + "sauce", + "slaw mix", + "corn tortillas" + ] + }, + { + "id": 23589, + "ingredients": [ + "garlic powder", + "pork belly", + "salt", + "pepper", + "vinegar" + ] + }, + { + "id": 12933, + "ingredients": [ + "green peas", + "corn flour", + "potatoes", + "cilantro leaves", + "bread crumbs", + "salt", + "chaat masala", + "chili powder", + "oil" + ] + }, + { + "id": 29127, + "ingredients": [ + "pumpkin pie filling", + "vanilla extract", + "pumpkin butter", + "granulated sugar", + "heavy whipping cream", + "powdered sugar", + "frozen pastry puff sheets", + "pumpkin pie spice", + "crystallized ginger", + "cream cheese, soften" + ] + }, + { + "id": 3207, + "ingredients": [ + "water", + "plain flour", + "peanut oil", + "lotus seed paste", + "eggs", + "golden syrup" + ] + }, + { + "id": 45732, + "ingredients": [ + "water chestnuts", + "dry sherry", + "low sodium soy sauce", + "pork tenderloin", + "garlic cloves", + "broccoli florets", + "dark sesame oil", + "water", + "mango chutney", + "beansprouts" + ] + }, + { + "id": 47696, + "ingredients": [ + "eggs", + "sun-dried tomatoes", + "lemon juice", + "ground chicken", + "dry bread crumbs", + "fresh basil", + "salt", + "feta cheese crumbles", + "pepper", + "fresh oregano" + ] + }, + { + "id": 30481, + "ingredients": [ + "ground black pepper", + "butter", + "cayenne pepper", + "large egg whites", + "whole milk", + "salt", + "fresh rosemary", + "grated parmesan cheese", + "purple onion", + "soft fresh goat cheese", + "large egg yolks", + "chopped fresh thyme", + "all-purpose flour" + ] + }, + { + "id": 45419, + "ingredients": [ + "lime juice", + "Sriracha", + "deveined shrimp", + "fish sauce", + "olive oil", + "peeled fresh ginger", + "chopped cilantro fresh", + "lime", + "large eggs", + "garlic cloves", + "unsweetened dried coconut", + "panko", + "green onions" + ] + }, + { + "id": 11406, + "ingredients": [ + "bay leaves", + "cumin seed", + "kosher salt", + "thai chile", + "plum tomatoes", + "green cabbage", + "yukon gold potatoes", + "ground turmeric", + "red chile powder", + "purple onion", + "canola oil" + ] + }, + { + "id": 42319, + "ingredients": [ + "extra-virgin olive oil", + "herbes de provence", + "goat cheese", + "pastis", + "chèvre" + ] + }, + { + "id": 35370, + "ingredients": [ + "sugar", + "za'atar", + "cayenne pepper", + "olives", + "olive oil", + "paprika", + "fresh parsley", + "semolina", + "salt", + "onions", + "milk", + "baking powder", + "Edam", + "cumin" + ] + }, + { + "id": 42436, + "ingredients": [ + "kosher salt", + "agave nectar", + "scallions", + "cauliflower", + "peanuts", + "garlic", + "corn starch", + "soy sauce", + "purple bell peppers", + "firm tofu", + "canola oil", + "water", + "Anaheim chile", + "garlic chili sauce" + ] + }, + { + "id": 27895, + "ingredients": [ + "white wine", + "parmesan cheese", + "gnocchi", + "olive oil", + "salt", + "onions", + "pepper", + "mushrooms", + "fresh parsley", + "light cream", + "garlic cloves" + ] + }, + { + "id": 1645, + "ingredients": [ + "soy sauce", + "granulated sugar", + "worcestershire sauce", + "root vegetables", + "onions", + "minced garlic", + "sesame oil", + "cayenne pepper", + "corn starch", + "snow peas", + "ketchup", + "boneless skinless chicken breasts", + "salt", + "carrots", + "cashew nuts", + "chicken broth", + "sesame seeds", + "vegetable oil", + "sauce", + "red bell pepper" + ] + }, + { + "id": 8787, + "ingredients": [ + "tomato paste", + "garlic", + "ghee", + "garam masala", + "salt", + "chopped cilantro fresh", + "water", + "paneer", + "onions", + "frozen chopped spinach", + "ginger", + "cumin seed" + ] + }, + { + "id": 7461, + "ingredients": [ + "chive flowers", + "sugar", + "fish sauce", + "chopped garlic", + "shrimp" + ] + }, + { + "id": 29368, + "ingredients": [ + "powdered sugar", + "crushed ice", + "ice cubes", + "milk", + "brandy", + "nutmeg", + "vanilla extract" + ] + }, + { + "id": 29881, + "ingredients": [ + "sliced carrots", + "gingerroot", + "salt", + "red bell pepper", + "vegetable oil", + "cucumber", + "sugar", + "seasoned rice wine vinegar", + "sliced green onions" + ] + }, + { + "id": 32040, + "ingredients": [ + "pesto", + "ricotta" + ] + }, + { + "id": 7843, + "ingredients": [ + "butter", + "graham crackers", + "Yoplait® Greek 2% Key lime pie yogurt", + "lime slices" + ] + }, + { + "id": 6254, + "ingredients": [ + "vegetable oil", + "toasted sesame oil", + "boneless skinless chicken breast halves", + "chile pepper", + "carrots", + "white sugar", + "cabbage", + "dry roasted peanuts", + "rice vinegar", + "onions", + "asian fish sauce", + "black pepper", + "garlic", + "fresh lime juice", + "chopped cilantro fresh" + ] + }, + { + "id": 7747, + "ingredients": [ + "marmite", + "instant yeast", + "sharp cheddar cheese", + "milk", + "salt", + "water", + "butter", + "whole wheat flour", + "all-purpose flour" + ] + }, + { + "id": 36361, + "ingredients": [ + "dill", + "cucumber", + "garlic cloves", + "freshly ground pepper", + "greek yogurt", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 31378, + "ingredients": [ + "jumbo shrimp", + "lemon", + "water", + "sweet corn", + "shrimp and crab boil seasoning", + "old bay seasoning", + "Johnsonville Andouille", + "Klondike Gourmet mini potatoes" + ] + }, + { + "id": 27634, + "ingredients": [ + "fat free less sodium chicken broth", + "frozen whole kernel corn", + "long-grain rice", + "fresh parsley", + "black pepper", + "large egg whites", + "chopped onion", + "celery", + "ground cumin", + "water", + "sliced carrots", + "garlic cloves", + "chopped cilantro fresh", + "peeled tomatoes", + "vegetable oil", + "ground turkey", + "dried oregano" + ] + }, + { + "id": 48903, + "ingredients": [ + "shallots", + "hot chili", + "oysters", + "vinegar" + ] + }, + { + "id": 46841, + "ingredients": [ + "sugar", + "vanilla extract", + "sesame seeds" + ] + }, + { + "id": 47660, + "ingredients": [ + "cooked brown rice", + "bay leaves", + "vegetable broth", + "cayenne pepper", + "red kidney beans", + "kosher salt", + "diced tomatoes", + "hot sauce", + "celery", + "black pepper", + "parsley", + "garlic", + "thyme", + "green bell pepper", + "olive oil", + "paprika", + "yellow onion", + "oregano" + ] + }, + { + "id": 37772, + "ingredients": [ + "chicken broth", + "pork tenderloin", + "olive oil", + "large garlic cloves", + "sun-dried tomatoes", + "fresh rosemary", + "dry white wine" + ] + }, + { + "id": 18485, + "ingredients": [ + "maple syrup", + "ground cinnamon", + "apples" + ] + }, + { + "id": 36815, + "ingredients": [ + "green chile", + "salsa", + "shredded cheddar cheese", + "sour cream", + "black beans", + "rice", + "diced tomatoes", + "chopped cilantro fresh" + ] + }, + { + "id": 45159, + "ingredients": [ + "large eggs", + "gran marnier", + "unsalted butter", + "fresh orange juice", + "confectioners sugar", + "granulated sugar", + "salt", + "orange zest", + "whole milk", + "corn starch" + ] + }, + { + "id": 30140, + "ingredients": [ + "cornmeal", + "water", + "salt" + ] + }, + { + "id": 5126, + "ingredients": [ + "warm water", + "yeast", + "sugar", + "oil", + "white vinegar", + "salt", + "flour" + ] + }, + { + "id": 15363, + "ingredients": [ + "konbu", + "bonito flakes" + ] + }, + { + "id": 169, + "ingredients": [ + "sesame oil", + "purple onion", + "oil", + "ground turmeric", + "mung beans", + "lemon", + "green chilies", + "ginger root", + "red quinoa", + "curry", + "cumin seed", + "chopped cilantro", + "water", + "baking potatoes", + "salt", + "mustard seeds", + "asafetida" + ] + }, + { + "id": 14652, + "ingredients": [ + "pecans", + "granulated sugar", + "vanilla extract", + "dark brown sugar", + "water", + "butter", + "all-purpose flour", + "table salt", + "large eggs", + "salt", + "unsalted butter", + "heavy cream", + "corn syrup" + ] + }, + { + "id": 42988, + "ingredients": [ + "chicken stock", + "olive oil", + "butter", + "yellow onion", + "cooked white rice", + "cheddar cheese", + "jalapeno chilies", + "garlic", + "lamb", + "beef round", + "tomato paste", + "ground black pepper", + "sea salt", + "loin", + "frozen peas", + "crushed tomatoes", + "meat", + "sweet pepper", + "creamy peanut butter" + ] + }, + { + "id": 26067, + "ingredients": [ + "shredded cheddar cheese", + "chili powder", + "sour cream", + "shredded Monterey Jack cheese", + "garlic powder", + "cayenne pepper", + "ground beef", + "water", + "salsa", + "cornmeal", + "flour tortillas", + "taco seasoning", + "onions" + ] + }, + { + "id": 22917, + "ingredients": [ + "salt", + "cayenne", + "cider vinegar", + "fresh mint", + "raisins" + ] + }, + { + "id": 18652, + "ingredients": [ + "pasta sauce", + "garlic", + "onions", + "mussels", + "lobster", + "lemon juice", + "scallops", + "clams, well scrub", + "spaghetti", + "chicken broth", + "vegetable oil", + "sliced mushrooms" + ] + }, + { + "id": 42035, + "ingredients": [ + "minced garlic", + "rice vinegar", + "center cut loin pork chop", + "hoisin sauce", + "long-grain rice", + "fresh ginger", + "dark sesame oil", + "low sodium soy sauce", + "green onions", + "toasted sesame seeds" + ] + }, + { + "id": 39445, + "ingredients": [ + "kosher salt", + "ground black pepper", + "hot sauce", + "unsalted chicken stock", + "kale", + "whole milk", + "grits", + "water", + "unsalted butter", + "garlic cloves", + "cheddar cheese", + "parmesan cheese", + "smoked ham" + ] + }, + { + "id": 41203, + "ingredients": [ + "fresh rosemary", + "fine sea salt", + "sea salt", + "pasta", + "extra-virgin olive oil", + "parmigiano reggiano cheese", + "lemon juice" + ] + }, + { + "id": 27623, + "ingredients": [ + "sea salt", + "fennel", + "goat cheese", + "yukon gold potatoes", + "freshly ground pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 142, + "ingredients": [ + "pico de gallo", + "vegetable oil spray", + "guacamole", + "tortilla chips", + "black beans", + "radishes", + "cilantro leaves", + "sour cream", + "cotija", + "hot pepper sauce", + "cheese", + "beer", + "white onion", + "jalapeno chilies", + "salsa", + "carnitas" + ] + }, + { + "id": 27341, + "ingredients": [ + "ground black pepper", + "hot sauce", + "salt", + "carrots", + "zucchini", + "rice", + "spinach leaves", + "rice vinegar" + ] + }, + { + "id": 41923, + "ingredients": [ + "shredded cheddar cheese", + "cooked chicken", + "sour cream", + "finely chopped onion", + "salt", + "cream of chicken soup", + "shredded monterey jack cheese", + "pepper", + "flour tortillas", + "green chilies" + ] + }, + { + "id": 49169, + "ingredients": [ + "water", + "fresh lemon juice", + "sugar", + "boiling water", + "grated lemon zest" + ] + }, + { + "id": 16288, + "ingredients": [ + "coconut", + "cocktail cherries", + "pineapple", + "bananas", + "navel oranges" + ] + }, + { + "id": 9043, + "ingredients": [ + "minced garlic", + "prosciutto", + "olive oil", + "head on shrimp" + ] + }, + { + "id": 49711, + "ingredients": [ + "milk", + "whole wheat bread", + "ground cinnamon", + "ground nutmeg", + "Splenda Brown Sugar Blend", + "mixed dried fruit", + "raisins", + "eggs", + "butter" + ] + }, + { + "id": 21753, + "ingredients": [ + "soy sauce", + "milk", + "shallots", + "garlic", + "onions", + "brown sugar", + "water", + "coriander powder", + "sesame oil", + "sweet paprika", + "ground cumin", + "boneless chicken thighs", + "lime", + "chili powder", + "salt", + "ground turmeric", + "red chili peppers", + "curry powder", + "chunky peanut butter", + "vegetable oil", + "galangal" + ] + }, + { + "id": 40211, + "ingredients": [ + "olive oil", + "lime wedges", + "chees fresco queso", + "cayenne pepper", + "onions", + "sweet potatoes", + "cilantro", + "salsa", + "sour cream", + "tortillas", + "diced tomatoes", + "salt", + "taco toppings", + "ground cumin", + "black beans", + "chili powder", + "prepar salsa", + "hot sauce", + "fresh lime juice" + ] + }, + { + "id": 48168, + "ingredients": [ + "butter", + "milk", + "chopped onion", + "potatoes", + "cabbage", + "pepper", + "salt" + ] + }, + { + "id": 29426, + "ingredients": [ + "flour tortillas", + "cilantro leaves", + "cooking spray", + "shredded Monterey Jack cheese", + "shredded carrots", + "salsa", + "cream", + "chicken breasts", + "sliced green onions" + ] + }, + { + "id": 45945, + "ingredients": [ + "cauliflower", + "raisins", + "ground black pepper", + "garlic", + "pinenuts", + "extra-virgin olive oil", + "parsley", + "salt" + ] + }, + { + "id": 33165, + "ingredients": [ + "caraway seeds", + "hungarian paprika", + "sour cream", + "minced garlic", + "lean ground beef", + "cabbage", + "tomatoes", + "roasted red peppers", + "onions", + "olive oil", + "homemade beef stock" + ] + }, + { + "id": 40521, + "ingredients": [ + "plain flour", + "mirin", + "light soy sauce", + "vegetable oil", + "water", + "spring onions", + "dashi", + "firm tofu" + ] + }, + { + "id": 21437, + "ingredients": [ + "ground black pepper", + "salt", + "fresh parsley", + "tomatoes", + "garlic", + "lemon juice", + "dried oregano", + "artichoke hearts", + "purple onion", + "feta cheese crumbles", + "butter", + "penne pasta", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 47064, + "ingredients": [ + "pepper", + "chicken breasts", + "salt", + "tomato sauce", + "Sriracha", + "cornflour", + "white sugar", + "sesame seeds", + "apple cider vinegar", + "rice", + "soy sauce", + "large eggs", + "garlic" + ] + }, + { + "id": 47807, + "ingredients": [ + "egg whites", + "chocolate morsels", + "cocoa", + "vanilla extract", + "cream of tartar", + "almond extract", + "superfine sugar", + "salt" + ] + }, + { + "id": 32414, + "ingredients": [ + "salt", + "butter oil", + "lime juice", + "chopped onion", + "sour cream", + "sole fillet", + "all-purpose flour", + "fat skimmed chicken broth", + "mushrooms", + "green chilies" + ] + }, + { + "id": 11265, + "ingredients": [ + "grating cheese", + "unsalted butter", + "salt", + "sourdough bread", + "garlic", + "red pepper flakes", + "fresh herbs" + ] + }, + { + "id": 27139, + "ingredients": [ + "water", + "quickcooking grits", + "ripe olives", + "shiitake", + "cheese", + "seasoning salt", + "butter", + "dried rosemary", + "large eggs", + "smoked chicken sausages" + ] + }, + { + "id": 39830, + "ingredients": [ + "sugar", + "dry white wine", + "tomatillos", + "thyme sprigs", + "white corn tortillas", + "chorizo", + "queso fresco", + "heavy whipping cream", + "chihuahua cheese", + "pepper", + "vegetable oil", + "purple onion", + "cooked chicken breasts", + "kosher salt", + "shallots", + "crema", + "chopped cilantro" + ] + }, + { + "id": 36628, + "ingredients": [ + "pepper", + "diced tomatoes", + "ground cumin", + "olive oil", + "chopped onion", + "minced garlic", + "kalamata", + "fish fillets", + "cinnamon", + "olives" + ] + }, + { + "id": 42118, + "ingredients": [ + "soy sauce", + "hoisin sauce", + "garlic", + "scallions", + "fish sauce", + "boneless chicken skinless thigh", + "sesame oil", + "zest", + "toasted sesame seeds", + "red chili peppers", + "fresh ginger", + "dipping sauces", + "chinese cabbage", + "sweet chili sauce", + "water chestnuts", + "cilantro leaves", + "juice" + ] + }, + { + "id": 5928, + "ingredients": [ + "bourbon whiskey", + "hot water", + "lemonade", + "teas", + "lemon-lime soda", + "boiling water", + "sugar", + "orange juice" + ] + }, + { + "id": 37463, + "ingredients": [ + "pork", + "prawns", + "ham", + "chicken", + "light soy sauce", + "garlic", + "onions", + "pepper", + "lemon wedge", + "lard", + "egg noodles", + "salt", + "cabbage" + ] + }, + { + "id": 36066, + "ingredients": [ + "fresh dill", + "feta cheese", + "coarse salt", + "pink peppercorns", + "fresh oregano", + "leg of lamb", + "fresh rosemary", + "olive oil", + "lemon zest", + "lemon", + "purple onion", + "garlic cloves", + "tomatoes", + "water", + "granulated sugar", + "balsamic vinegar", + "extra-virgin olive oil", + "freshly ground pepper", + "black peppercorns", + "pitas", + "shallots", + "red pepper flakes", + "cayenne pepper", + "fresh lemon juice" + ] + }, + { + "id": 16508, + "ingredients": [ + "flour tortillas", + "hellmann' or best food real mayonnais", + "prepar salsa", + "vegetable oil", + "boneless skinless chicken breast halves", + "green bell pepper, slice", + "purple onion" + ] + }, + { + "id": 11464, + "ingredients": [ + "ground cinnamon", + "brandy", + "white sugar", + "eggs", + "salt", + "anise seed", + "baking powder", + "shortening", + "all-purpose flour" + ] + }, + { + "id": 17321, + "ingredients": [ + "pepper", + "salt", + "fresh lime juice", + "beef stock", + "ground allspice", + "oregano", + "chuck roast", + "yellow onion", + "chipotles in adobo", + "clove", + "apple cider vinegar", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 5914, + "ingredients": [ + "red chili peppers", + "mirin", + "salt", + "chicken stock", + "stir fry oil", + "teriyaki sauce", + "corn starch", + "cooked rice", + "shiitake", + "garlic", + "green beans", + "fresh ginger", + "boneless skinless chicken breasts", + "scallions" + ] + }, + { + "id": 19438, + "ingredients": [ + "sugar", + "fresh lime juice", + "pineapple", + "serrano chile", + "ground black pepper", + "chopped cilantro fresh", + "salt" + ] + }, + { + "id": 47580, + "ingredients": [ + "ground black pepper", + "kale", + "salt", + "olive oil", + "garlic cloves", + "water", + "crushed red pepper" + ] + }, + { + "id": 29886, + "ingredients": [ + "celery ribs", + "water", + "salt", + "scallion greens", + "vegetable oil", + "onions", + "tasso", + "cayenne", + "all-purpose flour", + "green bell pepper", + "baby okra", + "large shrimp" + ] + }, + { + "id": 35229, + "ingredients": [ + "hot pepper sauce", + "chicken", + "corn tortillas", + "shredded cheddar cheese" + ] + }, + { + "id": 39538, + "ingredients": [ + "shredded mozzarella cheese", + "marinara sauce", + "pesto", + "polenta", + "pinenuts" + ] + }, + { + "id": 10650, + "ingredients": [ + "fresh dill", + "whole milk yoghurt", + "extra-virgin olive oil", + "flat leaf parsley", + "water", + "leeks", + "salt", + "black pepper", + "large eggs", + "grated kefalotiri", + "chopped fresh mint", + "celery ribs", + "feta cheese", + "red wine vinegar", + "all-purpose flour" + ] + }, + { + "id": 48346, + "ingredients": [ + "soy sauce", + "sesame seeds", + "corn syrup", + "minced garlic", + "rice wine", + "carrots", + "black pepper", + "potatoes", + "green chilies", + "sugar", + "water", + "sesame oil" + ] + }, + { + "id": 44205, + "ingredients": [ + "dijon mustard", + "baking potatoes", + "kosher salt", + "shallots", + "less sodium beef broth", + "ground black pepper", + "chopped fresh thyme", + "boneless sirloin steak", + "brandy", + "cooking spray", + "butter" + ] + }, + { + "id": 877, + "ingredients": [ + "garlic paste", + "garam masala", + "heavy cream", + "paneer", + "oil", + "ground turmeric", + "lime juice", + "flour", + "yellow bell pepper", + "salt", + "onions", + "tandoori spices", + "coriander powder", + "cilantro", + "purple onion", + "greek yogurt", + "ground cumin", + "red chili powder", + "medium tomatoes", + "yoghurt", + "kasuri methi", + "grated nutmeg", + "cashew nuts" + ] + }, + { + "id": 40408, + "ingredients": [ + "tomato paste", + "onion powder", + "dried basil", + "dried oregano", + "tomato sauce", + "garlic cloves", + "granulated sugar" + ] + }, + { + "id": 4172, + "ingredients": [ + "brown sugar", + "beef brisket", + "star anise", + "cinnamon sticks", + "low sodium soy sauce", + "water", + "green onions", + "garlic cloves", + "basmati rice", + "dried black mushrooms", + "sake", + "cooking spray", + "beef broth", + "peppercorns", + "clove", + "red chili peppers", + "peeled fresh ginger", + "dark sesame oil", + "boiling water" + ] + }, + { + "id": 1663, + "ingredients": [ + "pepper", + "butter", + "hot sauce", + "catfish fillets", + "green onions", + "salt", + "milk", + "dry mustard", + "red bell pepper", + "bread crumbs", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 29813, + "ingredients": [ + "vanilla sugar", + "salted butter", + "strawberries", + "hazelnuts", + "all purpose unbleached flour", + "large egg yolks" + ] + }, + { + "id": 3292, + "ingredients": [ + "queso fresco", + "plums", + "onions", + "red pepper flakes", + "purple onion", + "chopped cilantro fresh", + "cider vinegar", + "fine sea salt", + "garlic cloves", + "avocado", + "extra-virgin olive oil", + "nopales", + "dried oregano" + ] + }, + { + "id": 6288, + "ingredients": [ + "cream of tartar", + "egg yolks", + "all-purpose flour", + "evaporated milk", + "vanilla", + "sugar", + "baking powder", + "condensed milk", + "egg whites", + "salt" + ] + }, + { + "id": 37606, + "ingredients": [ + "boneless chuck roast", + "pizza sauce", + "garlic", + "dried oregano", + "egg noodles", + "worcestershire sauce", + "fresh mushrooms", + "ground black pepper", + "vegetable oil", + "salt", + "water", + "grated parmesan cheese", + "stewed tomatoes", + "corn starch" + ] + }, + { + "id": 26786, + "ingredients": [ + "light soy sauce", + "sushi grade tuna", + "green onions", + "sesame seeds", + "lime juice", + "sesame oil" + ] + }, + { + "id": 2040, + "ingredients": [ + "eggs", + "shiitake", + "yellow onion", + "soy sauce", + "garlic", + "carrots", + "cooked rice", + "peeled fresh ginger", + "scallions", + "canola", + "salt", + "cashew nuts" + ] + }, + { + "id": 38025, + "ingredients": [ + "milk", + "vanilla extract", + "white sugar", + "grapefruit juice", + "salt", + "baking powder", + "cake flour", + "eggs", + "butter", + "grapefruit" + ] + }, + { + "id": 10171, + "ingredients": [ + "butter", + "poultry seasoning", + "onions", + "flour", + "chicken stock cubes", + "dumplings", + "water", + "buttermilk", + "carrots", + "chicken", + "baking powder", + "salt", + "celery" + ] + }, + { + "id": 24997, + "ingredients": [ + "large garlic cloves", + "tuna fillets", + "clove", + "white wine vinegar", + "dried oregano", + "extra-virgin olive oil", + "plum tomatoes", + "coriander seeds", + "purple onion" + ] + }, + { + "id": 21397, + "ingredients": [ + "seasoned bread crumbs", + "fresh parmesan cheese", + "tomato sauce", + "olive oil", + "veal cutlets", + "large egg whites", + "cooking spray", + "black pepper", + "part-skim mozzarella cheese", + "all-purpose flour" + ] + }, + { + "id": 1217, + "ingredients": [ + "sweet onion", + "red wine", + "celery", + "tomato paste", + "salt and ground black pepper", + "garlic", + "dried oregano", + "dried basil", + "diced tomatoes", + "dried parsley", + "water", + "dried sage", + "carrots" + ] + }, + { + "id": 38381, + "ingredients": [ + "avocado", + "minced garlic", + "minced onion", + "red pepper", + "onions", + "vegetable oil cooking spray", + "olive oil", + "cutlet", + "fresh lime juice", + "low sodium soy sauce", + "water", + "flour tortillas", + "cracked black pepper", + "ground cumin", + "low-fat sour cream", + "fresh cilantro", + "jalapeno chilies", + "salsa" + ] + }, + { + "id": 1409, + "ingredients": [ + "green bell pepper", + "bay leaves", + "garlic", + "dried oregano", + "white onion", + "ricotta cheese", + "red bell pepper", + "brown sugar", + "chili powder", + "fresh mushrooms", + "italian seasoning", + "tomato paste", + "zucchini", + "butter", + "plum tomatoes" + ] + }, + { + "id": 15901, + "ingredients": [ + "powdered sugar", + "large eggs", + "warm water", + "salt", + "sugar", + "vegetable oil", + "active dry yeast", + "all-purpose flour" + ] + }, + { + "id": 42619, + "ingredients": [ + "cooked rice", + "shredded cheddar cheese", + "ripe olives", + "picante sauce", + "whole kernel corn, drain", + "black beans", + "green onions", + "monterey jack", + "tomatoes", + "pepper", + "sour cream" + ] + }, + { + "id": 38670, + "ingredients": [ + "warm water", + "whole wheat flour", + "all-purpose flour", + "tomato sauce", + "olive oil", + "salt", + "dried rosemary", + "honey", + "basil dried leaves", + "dried oregano", + "active dry yeast", + "ground black pepper", + "corn flour" + ] + }, + { + "id": 13511, + "ingredients": [ + "fully cooked ham", + "mayonaise", + "salt", + "chicken broth", + "russet potatoes", + "black pepper", + "cabbage" + ] + }, + { + "id": 45294, + "ingredients": [ + "sugar", + "paprika", + "carrots", + "feta cheese", + "cumin seed", + "flat leaf parsley", + "olive oil", + "garlic", + "fresh mint", + "caraway seeds", + "harissa", + "lemon juice" + ] + }, + { + "id": 41236, + "ingredients": [ + "tomatoes", + "shredded lettuce", + "flour tortillas", + "salsa", + "green bell pepper", + "cheese", + "light sour cream", + "ground sirloin", + "taco seasoning" + ] + }, + { + "id": 33370, + "ingredients": [ + "soy sauce", + "shallots", + "toasted sesame oil", + "white miso", + "rice vinegar", + "honey", + "vegetable oil", + "tahini", + "orange juice" + ] + }, + { + "id": 9032, + "ingredients": [ + "olive oil", + "boiling water", + "warm water", + "salt", + "eggs", + "whole wheat flour", + "bread flour", + "active dry yeast", + "white sugar" + ] + }, + { + "id": 26182, + "ingredients": [ + "picante sauce", + "baby kale", + "sharp cheddar cheese", + "ground beef", + "eggs", + "jalapeno chilies", + "baking mix", + "sour cream", + "milk", + "purple onion", + "red bell pepper", + "minced garlic", + "diced tomatoes", + "taco seasoning" + ] + }, + { + "id": 21629, + "ingredients": [ + "dumplings", + "chinese rice wine", + "chicken broth", + "bok choy", + "scallions" + ] + }, + { + "id": 19518, + "ingredients": [ + "lime", + "english cucumber", + "green olives", + "purple onion", + "chopped cilantro", + "jalapeno chilies", + "red bell pepper", + "green bell pepper", + "freshly ground pepper", + "plum tomatoes" + ] + }, + { + "id": 11588, + "ingredients": [ + "chili", + "garlic cloves", + "fish sauce", + "dark sesame oil", + "chopped cilantro fresh", + "low sodium soy sauce", + "rice vinegar", + "chopped fresh mint", + "sugar", + "gingerroot", + "sliced green onions" + ] + }, + { + "id": 3716, + "ingredients": [ + "tumeric", + "ginger", + "brown cardamom", + "cinnamon sticks", + "bay leaves", + "salt", + "cumin seed", + "ghee", + "coriander seeds", + "garlic", + "green chilies", + "curry paste", + "clove", + "diced tomatoes", + "chopped onion", + "oil", + "peppercorns" + ] + }, + { + "id": 47711, + "ingredients": [ + "soy sauce", + "green leaf lettuce", + "pineapple juice", + "kimchi", + "sesame seeds", + "garlic", + "beef rib short", + "white onion", + "sesame oil", + "Gochujang base", + "sugar", + "ground black pepper", + "rice vinegar", + "scallions" + ] + }, + { + "id": 47286, + "ingredients": [ + "granny smith apples", + "Mexican oregano", + "chorizo sausage", + "celery ribs", + "olive oil", + "flat leaf parsley", + "reduced sodium chicken broth", + "large garlic cloves", + "crusty bread", + "cayenne", + "onions" + ] + }, + { + "id": 28877, + "ingredients": [ + "fat free less sodium chicken broth", + "yellow bell pepper", + "creamy peanut butter", + "corn starch", + "green onions", + "salt", + "garlic cloves", + "sliced green onions", + "pork tenderloin", + "crushed red pepper", + "peanut oil", + "toasted sesame seeds", + "honey", + "linguine", + "dark sesame oil", + "fresh lime juice" + ] + }, + { + "id": 40039, + "ingredients": [ + "soy milk", + "fresh mushrooms", + "mitsuba", + "asparagus", + "bamboo shoots", + "water", + "Italian parsley leaves", + "soy sauce", + "mirin" + ] + }, + { + "id": 9224, + "ingredients": [ + "kosher salt", + "ground white pepper", + "sugar", + "garlic", + "chicken", + "white vinegar", + "crushed red pepper flakes", + "canola oil", + "soy sauce", + "cilantro leaves" + ] + }, + { + "id": 24373, + "ingredients": [ + "ground black pepper", + "salt", + "diced tomatoes", + "feta cheese crumbles", + "balsamic vinegar", + "fresh oregano", + "garbanzo beans", + "extra-virgin olive oil", + "cucumber" + ] + }, + { + "id": 45305, + "ingredients": [ + "pepper", + "bacon", + "whole milk", + "yellow onion", + "corn", + "salt", + "red pepper flakes", + "fresh basil leaves" + ] + }, + { + "id": 30758, + "ingredients": [ + "pepper", + "butter", + "half & half", + "sharp cheddar cheese", + "water", + "salt", + "quickcooking grits", + "monterey jack" + ] + }, + { + "id": 48652, + "ingredients": [ + "mozzarella cheese", + "loosely packed fresh basil leaves", + "Italian bread", + "cayenne", + "fresh lemon juice", + "olive oil", + "garlic cloves", + "kalamata", + "red bell pepper" + ] + }, + { + "id": 24586, + "ingredients": [ + "vegetable shortening", + "all-purpose flour", + "salt" + ] + }, + { + "id": 26338, + "ingredients": [ + "milk", + "all-purpose flour", + "white sugar", + "butter", + "unsweetened chocolate", + "vanilla extract", + "confectioners sugar", + "baking powder", + "chopped walnuts", + "unsweetened cocoa powder" + ] + }, + { + "id": 1670, + "ingredients": [ + "fresh parmesan cheese", + "cooking spray", + "1% low-fat milk", + "flat leaf parsley", + "fontina cheese", + "ground black pepper", + "butter", + "all-purpose flour", + "frozen chopped spinach", + "ground nutmeg", + "leeks", + "salt", + "dried oregano", + "1% low-fat cottage cheese", + "lasagna noodles", + "button mushrooms", + "garlic cloves" + ] + }, + { + "id": 37582, + "ingredients": [ + "black pepper", + "salt", + "grated parmesan cheese", + "bread flour", + "large eggs", + "ricotta", + "butter" + ] + }, + { + "id": 48132, + "ingredients": [ + "dijon mustard", + "salt", + "pepper", + "extra-virgin olive oil", + "chèvre", + "baguette", + "garlic", + "fresh basil leaves", + "tomatoes", + "calamata olives", + "lemon juice" + ] + }, + { + "id": 46066, + "ingredients": [ + "large garlic cloves", + "hot red pepper flakes", + "extra-virgin olive oil", + "chicory" + ] + }, + { + "id": 34164, + "ingredients": [ + "caraway seeds", + "lemon wedge", + "fresh dill", + "cognac", + "smoked salmon", + "dill tips", + "mayonaise", + "sour cream" + ] + }, + { + "id": 66, + "ingredients": [ + "shredded cheddar cheese", + "flour tortillas", + "chili powder", + "salsa", + "onions", + "ground black pepper", + "half & half", + "cilantro", + "red bell pepper", + "minced garlic", + "jalapeno chilies", + "butter", + "hot sauce", + "chorizo sausage", + "large eggs", + "green onions", + "shredded pepper jack cheese", + "sour cream" + ] + }, + { + "id": 11006, + "ingredients": [ + "ketchup", + "granulated sugar", + "lime wedges", + "peanut oil", + "peanuts", + "Sriracha", + "light coconut milk", + "mung bean sprouts", + "lime", + "reduced sodium soy sauce", + "rice noodles", + "scallions", + "hot red pepper flakes", + "chili paste", + "extra firm tofu", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 28726, + "ingredients": [ + "tomatoes", + "salt and ground black pepper", + "water", + "squid", + "soy sauce", + "garlic", + "white vinegar", + "olive oil", + "onions" + ] + }, + { + "id": 13320, + "ingredients": [ + "pepper", + "balsamic vinegar", + "bacon grease", + "tomatoes", + "lime juice", + "purple onion", + "water", + "garlic", + "chopped cilantro", + "black beans", + "honey", + "salt" + ] + }, + { + "id": 6574, + "ingredients": [ + "agave nectar", + "chili garlic paste", + "sesame seeds", + "ginger", + "green cabbage", + "sesame oil", + "peanuts", + "rice vinegar" + ] + }, + { + "id": 21779, + "ingredients": [ + "honey", + "sesame oil", + "water", + "ground black pepper", + "garlic", + "pinenuts", + "shiitake", + "beef tenderloin", + "shell steak", + "beef", + "Gochujang base" + ] + }, + { + "id": 42114, + "ingredients": [ + "condensed cream of chicken soup", + "broccoli florets", + "boneless skinless chicken breast halves", + "milk", + "cream cheese", + "grated parmesan cheese", + "onions", + "water", + "margarine", + "spaghetti" + ] + }, + { + "id": 12197, + "ingredients": [ + "pinenuts", + "baby spinach", + "garlic cloves", + "crushed tomatoes", + "salt", + "fresh parsley", + "calamari", + "butter", + "ripe olives", + "diced onions", + "dry white wine", + "freshly ground pepper", + "broth" + ] + }, + { + "id": 35257, + "ingredients": [ + "semisweet chocolate", + "heavy cream", + "white cake mix", + "coffee liqueur", + "unsweetened cocoa powder", + "coffee", + "confectioners sugar", + "mascarpone", + "instant coffee" + ] + }, + { + "id": 37169, + "ingredients": [ + "olive oil", + "butter", + "capers", + "flour", + "lemon juice", + "ground black pepper", + "salt", + "fish fillets", + "dry white wine", + "fresh parsley" + ] + }, + { + "id": 42169, + "ingredients": [ + "ketchup", + "Gochujang base", + "puy lentils", + "brown rice syrup", + "sesame oil", + "oil", + "cauliflower", + "apple cider vinegar", + "scallions", + "soy sauce", + "garlic", + "toasted sesame seeds" + ] + }, + { + "id": 16124, + "ingredients": [ + "Mexican cheese blend", + "chopped cilantro", + "black beans", + "red enchilada sauce", + "chicken breasts", + "corn", + "sour cream" + ] + }, + { + "id": 6352, + "ingredients": [ + "egg yolks", + "sugar", + "heavy cream", + "whole milk", + "vanilla beans", + "corn starch" + ] + }, + { + "id": 47452, + "ingredients": [ + "eggs", + "double cream", + "light brown sugar", + "self rising flour", + "toffee pieces", + "Bramley apples", + "milk", + "softened butter" + ] + }, + { + "id": 7839, + "ingredients": [ + "sugar substitute", + "vanilla", + "unsweetened soymilk", + "soursop", + "water" + ] + }, + { + "id": 5569, + "ingredients": [ + "hot pepper sauce", + "all-purpose flour", + "ground black pepper", + "salt", + "tomato juice", + "garlic", + "onions", + "tomatoes", + "vegetable oil", + "celery" + ] + }, + { + "id": 30849, + "ingredients": [ + "canned low sodium chicken broth", + "water", + "garlic", + "curry paste", + "brown sugar", + "cooking oil", + "salt", + "asian fish sauce", + "fillet red snapper", + "whole milk", + "cilantro leaves", + "jasmine rice", + "lime wedges", + "carrots" + ] + }, + { + "id": 25544, + "ingredients": [ + "cream", + "salt", + "butter", + "cayenne pepper", + "crawfish", + "all-purpose flour", + "chicken broth", + "worcestershire sauce", + "onions" + ] + }, + { + "id": 4887, + "ingredients": [ + "cream", + "candied cherries", + "eggs", + "lemon zest", + "confectioners sugar", + "milk", + "vanilla extract", + "unbaked pie crusts", + "ricotta cheese", + "white sugar" + ] + }, + { + "id": 11538, + "ingredients": [ + "sweet onion", + "chicken breasts", + "garlic", + "canola oil", + "sweet chili sauce", + "shredded cabbage", + "romaine lettuce leaves", + "salt", + "soy sauce", + "chunky peanut butter", + "cilantro", + "crushed red pepper", + "pepper", + "green onions", + "ginger", + "carrots" + ] + }, + { + "id": 35958, + "ingredients": [ + "potatoes", + "fresh parsley", + "white wine", + "vegetable oil", + "eggs", + "mushrooms", + "milk", + "garlic" + ] + }, + { + "id": 31577, + "ingredients": [ + "pepper", + "garlic", + "green bell pepper, slice", + "butter", + "trout", + "salt" + ] + }, + { + "id": 12233, + "ingredients": [ + "olive oil", + "yukon gold potatoes", + "diced yellow onion", + "ground turmeric", + "brown rice", + "salt", + "garlic cloves", + "jalapeno chilies", + "diced tomatoes", + "organic vegetable broth", + "ground cumin", + "plain low-fat yogurt", + "chili powder", + "chickpeas", + "carrots" + ] + }, + { + "id": 43454, + "ingredients": [ + "light brown sugar", + "cracked black pepper", + "cajun seasoning", + "cane syrup", + "cinnamon", + "ham", + "creole mustard", + "apple cider" + ] + }, + { + "id": 26373, + "ingredients": [ + "water", + "whole wheat tortillas", + "all-purpose flour", + "canola oil", + "light sour cream", + "ground black pepper", + "sweet pepper", + "chopped onion", + "fat free milk", + "garlic", + "halibut", + "sliced green onions", + "reduced fat cream cheese", + "chile pepper", + "salt", + "medium shrimp" + ] + }, + { + "id": 43145, + "ingredients": [ + "olive oil", + "plum tomatoes", + "salt", + "garlic", + "pepper", + "fresh basil leaves" + ] + }, + { + "id": 5308, + "ingredients": [ + "capers", + "red wine vinegar", + "garlic", + "celery", + "eggplant", + "Sicilian olives", + "cane sugar", + "chili flakes", + "sea salt", + "yellow onion", + "roma tomatoes", + "extra-virgin olive oil", + "toasted pine nuts" + ] + }, + { + "id": 23614, + "ingredients": [ + "soy sauce", + "hot pepper", + "salt", + "szechwan peppercorns", + "chili oil", + "scallions", + "sesame oil", + "ginger", + "pepper", + "vegetable oil", + "pressed tofu" + ] + }, + { + "id": 36948, + "ingredients": [ + "olive oil", + "rice vinegar", + "low sodium soy sauce", + "sesame oil", + "hot sauce", + "boneless skinless chicken breasts", + "broccoli", + "minced ginger", + "garlic", + "onions" + ] + }, + { + "id": 12315, + "ingredients": [ + "green onions", + "somen", + "mentsuyu", + "water", + "nori" + ] + }, + { + "id": 30020, + "ingredients": [ + "warm water", + "chopped fresh thyme", + "salt", + "chopped fresh mint", + "olive oil", + "kalamata", + "fresh lemon juice", + "black pepper", + "large garlic cloves", + "pearl couscous", + "chicken broth", + "red grape", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 19231, + "ingredients": [ + "corn tortilla chips", + "diced tomatoes", + "taco seasoning mix", + "monterey jack", + "water", + "sour cream", + "lean ground beef" + ] + }, + { + "id": 38534, + "ingredients": [ + "olive oil", + "dry bread crumbs", + "green bell pepper", + "garlic", + "fresh parsley", + "tomatoes", + "eggplant", + "feta cheese crumbles", + "pepper", + "salt", + "onions" + ] + }, + { + "id": 45750, + "ingredients": [ + "pomegranate juice", + "water", + "cooking spray", + "ground allspice", + "sugar", + "reduced fat milk", + "all-purpose flour", + "unsweetened cocoa powder", + "cold water", + "large egg whites", + "vanilla extract", + "corn starch", + "chambord", + "large egg yolks", + "salt", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 48778, + "ingredients": [ + "oil", + "szechwan peppercorns", + "medium shrimp", + "starch", + "garlic cloves", + "sea salt" + ] + }, + { + "id": 20026, + "ingredients": [ + "avocado", + "olive oil", + "black olives", + "sour cream", + "tomatoes", + "cilantro", + "salt", + "chicken stock", + "jalapeno chilies", + "purple onion", + "chicken", + "cheddar cheese", + "garlic", + "tortilla chips" + ] + }, + { + "id": 22978, + "ingredients": [ + "green olives", + "lemon wedge", + "garlic cloves", + "flat leaf parsley", + "clams", + "pepper", + "pitted olives", + "red bell pepper", + "dried rosemary", + "parsley sprigs", + "extra-virgin olive oil", + "fresh lemon juice", + "medium shrimp", + "mussels", + "dry white wine", + "salt", + "Italian bread" + ] + }, + { + "id": 26662, + "ingredients": [ + "water", + "fresh lemon juice", + "mint sprigs", + "cookies", + "sugar", + "fresh orange juice" + ] + }, + { + "id": 46218, + "ingredients": [ + "buttermilk", + "scallions", + "baking powder", + "all-purpose flour", + "baking soda", + "salt", + "cornmeal", + "butter", + "herbed goat cheese" + ] + }, + { + "id": 39341, + "ingredients": [ + "bacon slices", + "fresh mushrooms", + "grits", + "all-purpose flour", + "fresh lemon juice", + "salt", + "garlic cloves", + "sliced green onions", + "hot sauce", + "shrimp" + ] + }, + { + "id": 38395, + "ingredients": [ + "eggs", + "olive oil", + "muenster cheese", + "kosher salt", + "flour", + "sugar", + "unsalted butter", + "active dry yeast", + "feta cheese crumbles" + ] + }, + { + "id": 18871, + "ingredients": [ + "peaches", + "buttermilk cornbread", + "sugar", + "Crisco Pure Vegetable Oil", + "muffin mix", + "light brown sugar", + "large eggs", + "cream cheese spread", + "milk", + "cooking spray", + "pork sausages" + ] + }, + { + "id": 12468, + "ingredients": [ + "mayonaise", + "squid", + "whole green peperoncini", + "rice flour", + "vegetable oil" + ] + }, + { + "id": 13360, + "ingredients": [ + "white pepper", + "sesame oil", + "fillets", + "Shaoxing wine", + "old ginger", + "light soy sauce", + "chinese five-spice powder", + "sugar", + "spring onions", + "chopped parsley" + ] + }, + { + "id": 22233, + "ingredients": [ + "water", + "all-purpose flour", + "eggs", + "butter", + "pastry cream", + "oil", + "sugar", + "salt" + ] + }, + { + "id": 30352, + "ingredients": [ + "large eggs", + "butter", + "chopped bell pepper", + "black forest ham", + "ground black pepper", + "swiss cheese", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 13345, + "ingredients": [ + "bay leaves", + "crushed red pepper", + "spaghetti", + "mussels", + "large garlic cloves", + "freshly ground pepper", + "saffron threads", + "dry white wine", + "salt", + "unsalted butter", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 6330, + "ingredients": [ + "fish fillets", + "mint leaves", + "salt", + "ground cumin", + "ajwain", + "ginger", + "green chilies", + "chat masala", + "color food orang", + "rice", + "red chili powder", + "black pepper", + "garlic", + "lemon juice" + ] + }, + { + "id": 12867, + "ingredients": [ + "salt", + "olive oil", + "olive tapenade", + "cherry tomatoes", + "fresh basil leaves", + "boneless skinless chicken breasts" + ] + }, + { + "id": 35225, + "ingredients": [ + "lettuce", + "lime", + "red pepper flakes", + "shredded cheese", + "tomatoes", + "boneless skinless chicken breasts", + "salt", + "soft corn tortillas", + "avocado", + "garlic powder", + "onion flakes", + "sour cream", + "water", + "chili powder", + "salsa", + "cumin" + ] + }, + { + "id": 33826, + "ingredients": [ + "soy sauce", + "lime", + "mushrooms", + "ginger", + "garlic cloves", + "brown sugar", + "jasmine rice", + "zucchini", + "vegetable oil", + "ground coriander", + "reduced fat coconut milk", + "sugar pea", + "eggplant", + "shallots", + "firm tofu", + "coriander", + "red chili peppers", + "lemongrass", + "basil leaves", + "red pepper", + "freshly ground pepper" + ] + }, + { + "id": 36993, + "ingredients": [ + "avocado", + "hominy", + "lime wedges", + "salt", + "poblano chiles", + "oregano leaves", + "water", + "jalapeno chilies", + "tomatillos", + "tortilla chips", + "onions", + "ground black pepper", + "chicken breast halves", + "large garlic cloves", + "sour cream", + "iceberg lettuce", + "chicken stock", + "radishes", + "vegetable oil", + "chopped onion", + "chopped cilantro" + ] + }, + { + "id": 44847, + "ingredients": [ + "sesame seeds", + "cornflake cereal", + "ground ginger", + "boneless chicken breast halves", + "beansprouts", + "ground black pepper", + "toasted slivered almonds", + "romaine lettuce", + "sweet and sour sauce" + ] + }, + { + "id": 10197, + "ingredients": [ + "fresh rosemary", + "ground black pepper", + "stout", + "leg of lamb", + "olive oil", + "sliced carrots", + "all-purpose flour", + "fresh parsley", + "lower sodium beef broth", + "yukon gold potatoes", + "salt", + "bay leaf", + "tomato paste", + "whole grain dijon mustard", + "chopped fresh thyme", + "chopped onion", + "baby turnips" + ] + }, + { + "id": 28737, + "ingredients": [ + "salad greens", + "seasoned rice wine vinegar", + "low sodium soy sauce", + "fresh ginger", + "carrots", + "honey", + "dark sesame oil", + "sliced almonds", + "cooked chicken", + "snow peas" + ] + }, + { + "id": 25095, + "ingredients": [ + "coriander seeds", + "salt", + "ground turmeric", + "amchur", + "chili powder", + "green chilies", + "potatoes", + "cilantro leaves", + "fresh ginger", + "vegetable oil", + "cumin seed" + ] + }, + { + "id": 14063, + "ingredients": [ + "caesar salad dressing", + "roasted red peppers", + "white sandwich bread", + "provolone cheese", + "basil leaves" + ] + }, + { + "id": 811, + "ingredients": [ + "tomatoes", + "green onions", + "crackers", + "cream", + "cream cheese", + "gelatin", + "celery", + "water", + "shrimp" + ] + }, + { + "id": 20335, + "ingredients": [ + "chicken broth", + "minced garlic", + "cajun seasoning", + "salt", + "onions", + "shrimp and crab boil seasoning", + "green onions", + "worcestershire sauce", + "frozen corn kernels", + "black pepper", + "milk", + "butter", + "all-purpose flour", + "celery ribs", + "lump crab meat", + "vegetable oil", + "heavy cream", + "bay leaf" + ] + }, + { + "id": 30826, + "ingredients": [ + "cooked rice", + "full fat coconut milk", + "cilantro", + "tamari soy sauce", + "toasted sesame oil", + "lemongrass", + "agave nectar", + "vegetable broth", + "scallions", + "lime", + "extra firm tofu", + "garlic", + "carrots", + "coconut oil", + "peanuts", + "ginger", + "yellow onion" + ] + }, + { + "id": 4452, + "ingredients": [ + "masa dough", + "warm water", + "masa harina" + ] + }, + { + "id": 30862, + "ingredients": [ + "extra-virgin olive oil", + "thyme sprigs", + "garlic cloves", + "dry white wine", + "chicken" + ] + }, + { + "id": 10282, + "ingredients": [ + "green bell pepper", + "garlic powder", + "salt", + "onions", + "avocado", + "American cheese", + "corn oil", + "sour cream", + "fajita seasoning mix", + "tomatoes", + "refried beans", + "cilantro", + "corn tortillas", + "boneless chicken thighs", + "jalapeno chilies", + "lemon pepper", + "skirt steak" + ] + }, + { + "id": 47567, + "ingredients": [ + "kosher salt", + "garam masala", + "ground red pepper", + "vinaigrette", + "salad", + "olive oil", + "peeled fresh ginger", + "purple onion", + "heavy whipping cream", + "plain low-fat yogurt", + "part-skim mozzarella cheese", + "boneless skinless chicken breasts", + "cilantro leaves", + "whole wheat pita", + "cooking spray", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 16553, + "ingredients": [ + "chicken stock", + "soft goat's cheese", + "potatoes", + "extra-virgin olive oil", + "tomatoes", + "black pepper", + "butter", + "scallions", + "nutmeg", + "chervil", + "leeks", + "salt", + "bread", + "eggs", + "fresh peas", + "peas", + "pumpernickel" + ] + }, + { + "id": 5045, + "ingredients": [ + "fennel seeds", + "ground black pepper", + "salt", + "white peppercorns", + "water", + "shallots", + "fresh lemon juice", + "black peppercorns", + "lemon zest", + "fresh mushrooms", + "coriander seeds", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 47528, + "ingredients": [ + "brandy", + "tequila", + "sweet and sour mix", + "lime", + "liqueur", + "cointreau", + "simple syrup" + ] + }, + { + "id": 3979, + "ingredients": [ + "sugar", + "egg yolks", + "port", + "dried cranberries", + "ground cinnamon", + "orange", + "raisins", + "salt", + "water", + "butter", + "pastry flour", + "prunes", + "vanilla beans", + "apples", + "ground allspice" + ] + }, + { + "id": 17254, + "ingredients": [ + "kosher salt", + "grated parmesan cheese", + "red pepper", + "onions", + "olive oil", + "dry white wine", + "garlic", + "water", + "marinara sauce", + "heavy cream", + "pasta shapes", + "ground fennel", + "ground black pepper", + "red pepper flakes", + "sausages" + ] + }, + { + "id": 6293, + "ingredients": [ + "pearl onions", + "shallots", + "tarragon leaves", + "bay leaf", + "tomato paste", + "olive oil", + "butter", + "ground white pepper", + "chicken", + "chicken stock", + "tarragon vinegar", + "wax beans", + "thyme", + "basmati rice", + "tomatoes", + "flour", + "salt", + "tarragon" + ] + }, + { + "id": 42706, + "ingredients": [ + "white vinegar", + "pepper", + "potatoes", + "salt", + "chopped onion", + "tomato sauce", + "chopped bell pepper", + "worcestershire sauce", + "hot sauce", + "chicken", + "chicken stock", + "corn", + "vegetable oil", + "all-purpose flour", + "bbq sauce", + "sugar", + "baked beans", + "diced tomatoes", + "lima beans" + ] + }, + { + "id": 47432, + "ingredients": [ + "vegetable oil", + "chicken", + "tomatoes", + "okra", + "chicken stock", + "salt", + "cayenne", + "onions" + ] + }, + { + "id": 45496, + "ingredients": [ + "jack cheese", + "corn tortillas", + "butter", + "white onion", + "poblano chiles" + ] + }, + { + "id": 25936, + "ingredients": [ + "dogfish", + "dry sherry", + "onions", + "olive oil", + "ground almonds", + "garlic", + "saffron" + ] + }, + { + "id": 46258, + "ingredients": [ + "harissa paste", + "olives", + "preserved lemon" + ] + }, + { + "id": 36625, + "ingredients": [ + "caster sugar", + "pistachios", + "salt", + "cashew nuts", + "semolina", + "dates", + "orange juice", + "rose water", + "rose petals", + "walnuts", + "plain flour", + "unsalted butter", + "vanilla powder", + "orange rind" + ] + }, + { + "id": 4642, + "ingredients": [ + "granny smith apples", + "butter", + "french bread", + "garlic cloves", + "black pepper", + "cheese", + "brandy", + "cooking spray" + ] + }, + { + "id": 35698, + "ingredients": [ + "sugar", + "flour", + "active dry yeast", + "buttermilk", + "warm water", + "baking powder", + "shortening", + "baking soda", + "salt" + ] + }, + { + "id": 19996, + "ingredients": [ + "cooked rice", + "sesame oil", + "white onion", + "soy sauce", + "frozen peas and carrots", + "eggs", + "green onions" + ] + }, + { + "id": 10388, + "ingredients": [ + "fish sauce", + "green onions", + "lower sodium soy sauce", + "fresh lemon juice", + "brown sugar", + "crushed red pepper", + "mirin" + ] + }, + { + "id": 36298, + "ingredients": [ + "eggs", + "plain flour", + "milk", + "sugar", + "melted butter", + "salt" + ] + }, + { + "id": 43253, + "ingredients": [ + "lime juice", + "mayonaise", + "salt", + "red potato", + "corn kernels", + "pepper", + "chipotles in adobo" + ] + }, + { + "id": 1089, + "ingredients": [ + "ground cinnamon", + "raisins", + "dry white wine", + "couscous", + "sliced almonds", + "hot water", + "saffron threads", + "butter", + "onions" + ] + }, + { + "id": 47, + "ingredients": [ + "potatoes", + "cumin seed", + "chillies", + "asafoetida", + "ginger", + "garlic cloves", + "tomatoes", + "baby spinach", + "mustard oil", + "garam masala", + "salt", + "mustard seeds" + ] + }, + { + "id": 257, + "ingredients": [ + "part-skim mozzarella", + "seasoned bread crumbs", + "pecorino romano cheese", + "frozen peas", + "tomato sauce", + "water", + "long-grain rice", + "lean ground turkey", + "pepper", + "salt", + "egg beaters", + "sausage links", + "cooking spray", + "onions" + ] + }, + { + "id": 16979, + "ingredients": [ + "red chili peppers", + "asian fish sauce", + "garlic", + "lime juice", + "sugar", + "rice vinegar" + ] + }, + { + "id": 31697, + "ingredients": [ + "olive oil", + "chicken breasts", + "minced garlic", + "garam masala", + "salt", + "homemade chicken stock", + "fresh ginger", + "canned tomatoes", + "curry powder", + "ground black pepper", + "onions" + ] + }, + { + "id": 49012, + "ingredients": [ + "green bell pepper", + "pimentos", + "diced celery", + "lettuce", + "red cabbage", + "fresh mushrooms", + "sliced green onions", + "tomatoes", + "green onions", + "garlic cloves", + "black-eyed peas", + "bacon", + "italian salad dressing" + ] + }, + { + "id": 7592, + "ingredients": [ + "large eggs", + "corn tortillas", + "sausage casings", + "hot sauce", + "extra sharp white cheddar cheese", + "sour cream", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 44884, + "ingredients": [ + "egg yolks", + "vanilla extract", + "mascarpone", + "heavy cream", + "unsweetened cocoa powder", + "milk", + "rum", + "white sugar", + "brewed coffee", + "lady fingers" + ] + }, + { + "id": 41859, + "ingredients": [ + "pinenuts", + "salsa", + "fresh basil", + "cheese slices", + "feta cheese", + "cream cheese, soften", + "pesto", + "butter" + ] + }, + { + "id": 9969, + "ingredients": [ + "bread crumbs", + "ground pork", + "salt", + "ground chuck", + "water", + "garlic", + "onions", + "eggs", + "pepper", + "extra-virgin olive oil", + "fresh parsley leaves", + "romano cheese", + "ground veal", + "crushed red pepper" + ] + }, + { + "id": 45041, + "ingredients": [ + "eggs", + "milk", + "coriander powder", + "all-purpose flour", + "ginger paste", + "bread crumbs", + "vegetables", + "salt", + "ground beef", + "tomatoes", + "water", + "garam masala", + "cilantro leaves", + "onions", + "garlic paste", + "lime", + "cooking oil", + "cumin seed", + "ground cumin" + ] + }, + { + "id": 48098, + "ingredients": [ + "ground cinnamon", + "egg yolks", + "white rice", + "white sugar", + "milk", + "butter", + "all-purpose flour", + "water", + "ricotta cheese", + "vanilla extract", + "grated orange", + "egg whites", + "raisins", + "orange flower water" + ] + }, + { + "id": 27238, + "ingredients": [ + "sugar", + "vanilla extract", + "milk", + "all-purpose flour", + "large eggs", + "chocolate syrup", + "Land O Lakes® Butter" + ] + }, + { + "id": 4466, + "ingredients": [ + "olive oil", + "red wine vinegar", + "extra-virgin olive oil", + "bay leaf", + "italian sausage", + "fresh thyme", + "Italian parsley leaves", + "purple onion", + "plum tomatoes", + "ground black pepper", + "lemon", + "garlic", + "puy lentils", + "red chili peppers", + "cinnamon", + "sea salt", + "broccoli" + ] + }, + { + "id": 11350, + "ingredients": [ + "fresh basil", + "grated parmesan cheese", + "extra-virgin olive oil", + "bay leaf", + "water", + "brown rice", + "salt", + "mozzarella cheese", + "egg whites", + "garlic", + "prosciutto", + "vegetable oil", + "dry bread crumbs" + ] + }, + { + "id": 30506, + "ingredients": [ + "buttermilk biscuits", + "milk", + "butter", + "andouille sausage", + "grated parmesan cheese", + "all-purpose flour", + "eggs", + "hot pepper sauce", + "salt", + "black pepper", + "vegetable oil" + ] + }, + { + "id": 439, + "ingredients": [ + "soy sauce", + "garlic", + "vinegar", + "fresh ginger root", + "chicken", + "black peppercorns", + "bay leaves" + ] + }, + { + "id": 4342, + "ingredients": [ + "curry powder", + "chile pepper", + "grated lemon zest", + "toasted sesame oil", + "lite coconut milk", + "reduced sodium soy sauce", + "salt", + "corn starch", + "fresh basil", + "fresh ginger", + "extra-virgin olive oil", + "scallions", + "iceberg lettuce", + "lean ground pork", + "leeks", + "all-purpose flour", + "ground white pepper" + ] + }, + { + "id": 47474, + "ingredients": [ + "fresh thyme", + "beef broth", + "kosher salt", + "red wine", + "black peppercorns", + "shallots", + "steak", + "unsalted butter", + "extra-virgin olive oil" + ] + }, + { + "id": 25254, + "ingredients": [ + "minced garlic", + "peanuts", + "vegetable stock", + "red bell pepper", + "onions", + "brown sugar", + "sweetener", + "Sriracha", + "salt", + "coconut milk", + "natural peanut butter", + "olive oil", + "butternut squash", + "sauce", + "chopped cilantro", + "fish sauce", + "lime juice", + "ground black pepper", + "Thai red curry paste", + "ginger root" + ] + }, + { + "id": 18255, + "ingredients": [ + "water", + "sea salt", + "large eggs", + "large egg yolks", + "all-purpose flour", + "baby spinach leaves", + "flour" + ] + }, + { + "id": 9547, + "ingredients": [ + "chicken bouillon granules", + "white rice flour", + "pork sausages", + "vegetable oil", + "ground white pepper", + "fresh ginger root", + "chinese five-spice powder", + "dried mushrooms", + "turnips", + "salt", + "dried shrimp" + ] + }, + { + "id": 3889, + "ingredients": [ + "suet", + "jam", + "cold water", + "parsley", + "yellow onion", + "potatoes", + "all-purpose flour", + "country ham", + "salt" + ] + }, + { + "id": 26976, + "ingredients": [ + "saffron threads", + "vegetable bouillon", + "all-purpose flour", + "water", + "crushed red pepper flakes", + "onions", + "olive oil", + "salt", + "cherrystone clams", + "minced garlic", + "dry white wine", + "fresh parsley" + ] + }, + { + "id": 19218, + "ingredients": [ + "clove", + "coriander powder", + "lemon", + "salt", + "cinnamon sticks", + "chicken thighs", + "ground cumin", + "milk", + "bay leaves", + "ginger", + "cumin seed", + "chillies", + "basmati rice", + "tumeric", + "mint leaves", + "cracked black pepper", + "green cardamom", + "ground cayenne pepper", + "peppercorns", + "mace", + "yoghurt", + "garlic", + "oil", + "onions", + "saffron" + ] + }, + { + "id": 31837, + "ingredients": [ + "fresh basil", + "linguine", + "fresh parsley", + "clams", + "olive oil", + "fresh oregano", + "minced garlic", + "crushed red pepper", + "tomato paste", + "diced tomatoes", + "chopped onion" + ] + }, + { + "id": 27254, + "ingredients": [ + "swordfish steaks", + "paprika", + "cumin seed", + "chopped cilantro", + "oil cured olives", + "coriander seeds", + "garlic", + "red bell pepper", + "preserved lemon", + "cherry tomatoes", + "extra-virgin olive oil", + "fresh lemon juice", + "kosher salt", + "ground black pepper", + "cayenne pepper", + "flat leaf parsley" + ] + }, + { + "id": 26282, + "ingredients": [ + "semolina flour", + "honey", + "all-purpose flour", + "milk", + "butter", + "white sugar", + "eggs", + "active dry yeast", + "salt", + "warm water", + "baking powder", + "orange flower water" + ] + }, + { + "id": 5443, + "ingredients": [ + "green cabbage", + "pork loin", + "grated carrot", + "chinese five-spice powder", + "kosher salt", + "lime wedges", + "yellow onion", + "white pepper", + "boneless skinless chicken breasts", + "garlic", + "sliced green onions", + "reduced-sodium tamari sauce", + "rice noodles", + "safflower" + ] + }, + { + "id": 11516, + "ingredients": [ + "sugar", + "rice noodles", + "cinnamon sticks", + "canola oil", + "fish sauce", + "peeled fresh ginger", + "star anise", + "mung bean sprouts", + "clove", + "ground black pepper", + "dried Thai chili", + "fresh mint", + "reduced sodium beef broth", + "flank steak", + "scallions", + "onions" + ] + }, + { + "id": 23265, + "ingredients": [ + "water", + "grit quick", + "granulated garlic", + "cracked black pepper", + "eggs", + "butter", + "Louisiana Hot Sauce", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 49204, + "ingredients": [ + "water", + "paprika", + "garlic cloves", + "onions", + "black pepper", + "green onions", + "less sodium beef broth", + "couscous", + "olive oil", + "beef stew meat", + "carrots", + "ground turmeric", + "ground ginger", + "dried apricot", + "salt", + "flat leaf parsley", + "ground cumin" + ] + }, + { + "id": 14502, + "ingredients": [ + "red enchilada sauce", + "onions", + "garlic cloves", + "shredded cheddar cheese", + "ground meat", + "green chilies", + "corn tortillas" + ] + }, + { + "id": 22711, + "ingredients": [ + "garlic powder", + "black pepper", + "barbecue sauce", + "pork ribs", + "water", + "salt" + ] + }, + { + "id": 27402, + "ingredients": [ + "zucchini", + "dry bread crumbs", + "rosemary sprigs", + "purple onion", + "red bell pepper", + "fresh rosemary", + "large eggs", + "sweet italian sausage", + "ground black pepper", + "salt", + "fresh parsley" + ] + }, + { + "id": 4743, + "ingredients": [ + "pure vanilla extract", + "granulated sugar", + "maple syrup", + "brioche", + "buttermilk", + "eggs", + "half & half", + "pink grapefruit", + "mascarpone", + "salt" + ] + }, + { + "id": 13632, + "ingredients": [ + "pancetta", + "dijon mustard", + "escarole", + "brandy", + "red wine vinegar", + "tomato paste", + "fresh shiitake mushrooms", + "olive oil", + "worcestershire sauce" + ] + }, + { + "id": 46530, + "ingredients": [ + "active dry yeast", + "chives", + "flat leaf parsley", + "kosher salt", + "large eggs", + "bacon", + "ground black pepper", + "shallots", + "bread flour", + "mozzarella cheese", + "grated parmesan cheese", + "scallions" + ] + }, + { + "id": 12173, + "ingredients": [ + "baking soda", + "large eggs", + "all-purpose flour", + "chopped pecans", + "kosher salt", + "unsalted butter", + "bourbon whiskey", + "cream cheese", + "canola", + "granulated sugar", + "vanilla extract", + "crushed pineapple", + "ground cinnamon", + "bananas", + "baking powder", + "grated nutmeg", + "confectioners sugar" + ] + }, + { + "id": 44493, + "ingredients": [ + "eggs", + "green onions", + "salt", + "soy sauce", + "green peas", + "shrimp", + "sugar", + "ginger", + "barbecued pork", + "cooking oil", + "garlic", + "cooked white rice" + ] + }, + { + "id": 14241, + "ingredients": [ + "unsweetened coconut milk", + "fresh lime juice", + "vegetable oil", + "boneless skinless chicken breast halves", + "low salt chicken broth", + "green onions", + "curry paste" + ] + }, + { + "id": 3151, + "ingredients": [ + "cooked chicken", + "chow mein noodles", + "chicken broth", + "condensed cream of mushroom soup", + "onions", + "celery ribs", + "butter", + "salted cashews", + "soy sauce", + "fresh mushrooms" + ] + }, + { + "id": 17375, + "ingredients": [ + "black pepper", + "french bread", + "diced tomatoes", + "carrots", + "finely chopped onion", + "ground sirloin", + "salt", + "dried oregano", + "olive oil", + "ground red pepper", + "1% low-fat milk", + "spaghetti", + "tomato paste", + "parmigiano reggiano cheese", + "red wine vinegar", + "garlic cloves" + ] + }, + { + "id": 26969, + "ingredients": [ + "sesame seeds", + "salt", + "minced beef", + "eggs", + "green onions", + "maple syrup", + "panko breadcrumbs", + "soy sauce", + "chili powder", + "rice vinegar", + "ginger paste", + "black pepper", + "sesame oil", + "Gochujang base" + ] + }, + { + "id": 42219, + "ingredients": [ + "dried black beans", + "bay leaves", + "purple onion", + "onions", + "water", + "garlic", + "sour cream", + "sugar", + "shallots", + "salt", + "dried oregano", + "fresh oregano leaves", + "extra-virgin olive oil", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 49466, + "ingredients": [ + "ground cloves", + "ground black pepper", + "cilantro leaves", + "fresh mint", + "coconut oil", + "water", + "cinnamon", + "ground cardamom", + "boneless chicken skinless thigh", + "jalapeno chilies", + "garlic cloves", + "onions", + "tumeric", + "full fat coconut milk", + "sea salt", + "lemon juice" + ] + }, + { + "id": 7994, + "ingredients": [ + "large eggs", + "cayenne pepper", + "ground black pepper", + "all purpose unbleached flour", + "cornmeal", + "ground cinnamon", + "vegetable shortening", + "potato puree", + "finely chopped onion", + "salt" + ] + }, + { + "id": 16972, + "ingredients": [ + "red chili peppers", + "cumin seed", + "curry leaves", + "salt", + "mustard seeds", + "shredded coconut", + "carrots", + "asafoetida", + "peanut oil", + "onions" + ] + }, + { + "id": 44688, + "ingredients": [ + "margarine", + "wonton wrappers", + "cinnamon sugar" + ] + }, + { + "id": 25657, + "ingredients": [ + "olive oil", + "butter", + "salt", + "ground black pepper", + "lemon", + "all-purpose flour", + "shallots", + "artichokes", + "boneless skinless chicken breast halves", + "dry white wine", + "fresh tarragon", + "low salt chicken broth" + ] + }, + { + "id": 40806, + "ingredients": [ + "sugar", + "fresh lime juice", + "purple onion", + "cumin seed", + "fresh orange juice" + ] + }, + { + "id": 10201, + "ingredients": [ + "fresh basil", + "vinaigrette", + "buttermilk", + "fresh tomatoes", + "okra", + "purple onion" + ] + }, + { + "id": 47124, + "ingredients": [ + "black pepper", + "Land O Lakes® Butter", + "shallots", + "shredded parmesan cheese", + "lemon zest", + "salt", + "frozen cheese ravioli", + "basil", + "fresh lemon juice" + ] + }, + { + "id": 24523, + "ingredients": [ + "paprika", + "chicken", + "lemon wedge", + "all-purpose flour", + "vegetable oil", + "freshly ground pepper", + "salt" + ] + }, + { + "id": 34597, + "ingredients": [ + "baby spinach leaves", + "ginger", + "fish sauce", + "peanuts", + "chillies", + "lime", + "cilantro leaves", + "sugar", + "shallots" + ] + }, + { + "id": 32015, + "ingredients": [ + "mango", + "lime wedges", + "buttermilk", + "sugar" + ] + }, + { + "id": 46696, + "ingredients": [ + "water", + "kim chee", + "rice vinegar", + "chile powder", + "fresh ginger", + "garlic", + "tuna", + "soy sauce", + "sliced cucumber", + "salt", + "onions", + "olive oil", + "white rice", + "carrots" + ] + }, + { + "id": 49239, + "ingredients": [ + "cooking spray", + "fresh lime juice", + "jalapeno chilies", + "salt", + "chopped cilantro fresh", + "chips", + "garlic cloves", + "plum tomatoes", + "purple onion", + "marjoram" + ] + }, + { + "id": 28501, + "ingredients": [ + "tomatoes", + "lime", + "sea salt", + "garlic", + "pepper", + "brown rice", + "cracked black pepper", + "carrots", + "fresh tomatoes", + "olive oil", + "cilantro", + "frozen corn", + "water", + "red pepper", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 37207, + "ingredients": [ + "pure vanilla extract", + "whole milk", + "corn starch", + "sugar", + "color food green", + "unsalted shelled pistachio", + "almond extract", + "unsweetened cocoa powder", + "large egg yolks", + "blanched almonds" + ] + }, + { + "id": 38224, + "ingredients": [ + "creole mustard", + "prepared horseradish", + "worcestershire sauce", + "smoked paprika", + "celery leaves", + "ground black pepper", + "garlic", + "mayonaise", + "Tabasco Pepper Sauce", + "scallions", + "kosher salt", + "parsley", + "lemon juice" + ] + }, + { + "id": 18565, + "ingredients": [ + "seasoning salt", + "butter", + "all-purpose flour", + "pepper", + "dried mint flakes", + "garlic", + "cold water", + "roast", + "red pepper flakes", + "onions", + "water", + "dried sage", + "salt" + ] + }, + { + "id": 46164, + "ingredients": [ + "onions", + "kidney beans", + "dried thyme", + "butter" + ] + }, + { + "id": 4052, + "ingredients": [ + "fat free less sodium chicken broth", + "salt", + "fresh parmesan cheese", + "white truffle oil", + "fat free milk", + "polenta" + ] + }, + { + "id": 28544, + "ingredients": [ + "garlic", + "chicken", + "herbs", + "cucumber", + "pepper", + "salt", + "red wine vinegar", + "greek yogurt" + ] + }, + { + "id": 10961, + "ingredients": [ + "mirin", + "sugar", + "chicken thighs", + "soy sauce" + ] + }, + { + "id": 15916, + "ingredients": [ + "parsley", + "lamb", + "rosemary", + "garlic", + "onions", + "red wine", + "bay leaf", + "ground black pepper", + "salt" + ] + }, + { + "id": 36744, + "ingredients": [ + "shredded cheddar cheese", + "chicken breasts", + "corn tortillas", + "pasta sauce", + "dried basil", + "salsa", + "dried oregano", + "minced garlic", + "butter", + "onions", + "tomato sauce", + "jalapeno chilies", + "shredded mozzarella cheese" + ] + }, + { + "id": 41984, + "ingredients": [ + "grated orange peel", + "pistachios", + "vanilla extract", + "crystallized ginger", + "dried tart cherries", + "mascarpone", + "cannoli shells", + "powdered sugar", + "semisweet chocolate", + "ricotta cheese" + ] + }, + { + "id": 48278, + "ingredients": [ + "superfine sugar", + "southern comfort", + "lemon juice", + "ice cubes", + "curaçao", + "lime juice" + ] + }, + { + "id": 25010, + "ingredients": [ + "salsa verde", + "chopped cilantro fresh", + "avocado", + "green tomatoes" + ] + }, + { + "id": 21242, + "ingredients": [ + "reduced sodium soy sauce", + "dark brown sugar", + "hot pepper", + "kosher salt", + "rice vinegar", + "pork ribs", + "toasted sesame oil" + ] + }, + { + "id": 30310, + "ingredients": [ + "minced garlic", + "purple onion", + "shrimp", + "butter", + "cream cheese", + "flavoring", + "crushed red pepper flakes", + "lemon juice", + "fresh parsley", + "cajun seasoning", + "cayenne pepper", + "chopped pecans" + ] + }, + { + "id": 23801, + "ingredients": [ + "strawberries", + "lime", + "cachaca", + "mint leaves", + "kumquats" + ] + }, + { + "id": 29614, + "ingredients": [ + "corn", + "guacamole", + "sea salt", + "garlic cloves", + "ground cumin", + "mixed spice", + "garlic powder", + "onion powder", + "crushed red pepper flakes", + "lentils", + "black pepper", + "olive oil", + "chili powder", + "paprika", + "taco toppings", + "white onion", + "jalapeno chilies", + "shredded lettuce", + "vegetable broth", + "dried oregano" + ] + }, + { + "id": 34667, + "ingredients": [ + "low-fat buttermilk", + "cracked black pepper", + "pepper sauce", + "old bay seasoning", + "oil", + "chicken parts", + "all-purpose flour", + "kosher salt", + "sea salt" + ] + }, + { + "id": 48159, + "ingredients": [ + "water", + "ground black pepper", + "crushed red pepper", + "annatto powder", + "plum tomatoes", + "green bell pepper", + "corn kernels", + "white rice", + "salt", + "fresh lime juice", + "ground cinnamon", + "lime", + "chili powder", + "purple onion", + "toasted pine nuts", + "ground cumin", + "black beans", + "olive oil", + "garlic", + "chopped onion", + "chopped cilantro fresh" + ] + }, + { + "id": 20747, + "ingredients": [ + "vegetable oil", + "flat leaf parsley", + "salt and ground black pepper", + "butter", + "top sirloin steak", + "onions", + "Irish whiskey", + "garlic" + ] + }, + { + "id": 44625, + "ingredients": [ + "dried thyme", + "whole peeled tomatoes", + "garlic", + "bay leaf", + "manicotti shells", + "ground black pepper", + "marinara sauce", + "cayenne pepper", + "dried oregano", + "eggs", + "ground nutmeg", + "grated parmesan cheese", + "ricotta", + "onions", + "kosher salt", + "unsalted butter", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 7173, + "ingredients": [ + "cider vinegar", + "celery seed", + "vidalia onion", + "lemon", + "canola oil", + "capers", + "Tabasco Pepper Sauce", + "cooked shrimp", + "sugar", + "salt" + ] + }, + { + "id": 16676, + "ingredients": [ + "ground cinnamon", + "lamb stew meat", + "flat leaf parsley", + "saffron threads", + "sweet onion", + "salt", + "water", + "cracked black pepper", + "plum tomatoes", + "ground ginger", + "olive oil", + "cinnamon sticks" + ] + }, + { + "id": 3667, + "ingredients": [ + "sweet onion", + "butter", + "beer", + "chili powder", + "garlic", + "cumin", + "jalapeno chilies", + "cilantro", + "pork butt", + "tomatillos", + "salt", + "ground cumin" + ] + }, + { + "id": 36594, + "ingredients": [ + "garam masala", + "bhindi", + "salt", + "oil", + "ground turmeric", + "tomatoes", + "yoghurt", + "ginger", + "green cardamom", + "bay leaf", + "clove", + "coriander powder", + "cinnamon", + "cilantro leaves", + "mustard seeds", + "mace", + "chili powder", + "garlic", + "green chilies", + "onions" + ] + }, + { + "id": 26511, + "ingredients": [ + "sea scallops", + "balsamic vinegar", + "garlic cloves", + "plum tomatoes", + "basil leaves", + "salt", + "hass avocado", + "jalapeno chilies", + "extra-virgin olive oil", + "fresh lime juice", + "water", + "vegetable oil", + "freshly ground pepper", + "onions" + ] + }, + { + "id": 19351, + "ingredients": [ + "unsalted butter", + "reduced sodium chicken broth", + "boiling potatoes" + ] + }, + { + "id": 48982, + "ingredients": [ + "kosher salt", + "paprika", + "green tomatoes", + "ground black pepper", + "cornmeal", + "eggs", + "vegetable oil" + ] + }, + { + "id": 27934, + "ingredients": [ + "spicy sausage", + "thyme", + "parsley", + "chicken flavor stuffing mix", + "canola oil", + "all-purpose flour" + ] + }, + { + "id": 22595, + "ingredients": [ + "tomatoes", + "fresh cilantro", + "chili powder", + "plum tomatoes", + "hamburger buns", + "cooking spray", + "salt", + "monterey jack", + "ground round", + "jalapeno chilies", + "non-fat sour cream", + "dried oregano", + "pepper", + "lettuce leaves", + "onions", + "ground cumin" + ] + }, + { + "id": 7256, + "ingredients": [ + "green bell pepper", + "buttermilk", + "salad", + "sugar", + "lemon juice", + "mayonaise", + "salt", + "green cabbage", + "pickles", + "carrots" + ] + }, + { + "id": 4306, + "ingredients": [ + "black pepper", + "ground black pepper", + "paprika", + "all-purpose flour", + "rice flour", + "pepper", + "haddock", + "baton", + "cayenne pepper", + "dried oregano", + "russet", + "dried thyme", + "baking powder", + "salt", + "beer", + "eggs", + "garlic powder", + "onion powder", + "lemon slices", + "peanut oil" + ] + }, + { + "id": 41919, + "ingredients": [ + "black pepper", + "extra-virgin olive oil", + "dry white wine", + "hard shelled clams", + "large garlic cloves", + "water", + "chopped cilantro fresh" + ] + }, + { + "id": 23236, + "ingredients": [ + "guajillo chiles", + "garlic cloves", + "apple cider vinegar", + "kosher salt" + ] + }, + { + "id": 7329, + "ingredients": [ + "unsweetened coconut milk", + "chopped cilantro fresh", + "clam juice", + "lime", + "large shrimp", + "red curry paste" + ] + }, + { + "id": 38382, + "ingredients": [ + "broccoli", + "coconut milk", + "chickpeas", + "red curry paste", + "minced garlic", + "corn starch" + ] + }, + { + "id": 42257, + "ingredients": [ + "minced ginger", + "fat-free chicken broth", + "scallions", + "less sodium soy sauce", + "rice vinegar", + "bamboo shoots", + "egg whites", + "pea pods", + "sliced mushrooms", + "pepper", + "chicken breast strips", + "hot sauce" + ] + }, + { + "id": 17600, + "ingredients": [ + "salt and ground black pepper", + "tequila", + "pepper", + "extra-virgin olive oil", + "peaches", + "fresh lime juice", + "fresh cilantro", + "purple onion" + ] + }, + { + "id": 40730, + "ingredients": [ + "celery ribs", + "dried sage", + "frozen corn kernels", + "onions", + "large eggs", + "lima beans", + "fresh parsley", + "dried thyme", + "butter", + "low salt chicken broth", + "dried rosemary", + "ground black pepper", + "salt", + "red bell pepper" + ] + }, + { + "id": 1192, + "ingredients": [ + "granulated sugar", + "heavy cream", + "salt", + "pecan halves", + "whole milk", + "sweetened coconut flakes", + "semi-sweet chocolate morsels", + "eggs", + "mini marshmallows", + "light corn syrup", + "all-purpose flour", + "unsalted butter", + "baking powder", + "vanilla extract", + "unsweetened cocoa powder" + ] + }, + { + "id": 37189, + "ingredients": [ + "baguette", + "hoisin sauce", + "cilantro", + "vegetable slaw", + "mayonaise", + "water", + "jalapeno chilies", + "salt", + "fish sauce", + "minced garlic", + "pickling liquid", + "ginger", + "chicken base", + "pepper", + "olive oil", + "pork loin", + "diced yellow onion" + ] + }, + { + "id": 2913, + "ingredients": [ + "frozen lemonade concentrate", + "boiling water", + "tea bags", + "frozen limeade concentrate", + "cold water", + "orange juice", + "sugar", + "fresh mint" + ] + }, + { + "id": 7118, + "ingredients": [ + "beans", + "part-skim ricotta cheese", + "frozen chopped spinach", + "cooking spray", + "italian seasoning", + "tofu", + "part-skim mozzarella cheese", + "crushed red pepper", + "pasta sauce", + "lasagna noodles, cooked and drained" + ] + }, + { + "id": 42223, + "ingredients": [ + "chile powder", + "Tabasco Green Pepper Sauce", + "salt", + "lime juice", + "sliced turkey", + "sour cream", + "avocado", + "flour tortillas", + "salsa", + "olive oil", + "grating cheese" + ] + }, + { + "id": 25690, + "ingredients": [ + "green bell pepper", + "yellow bell pepper", + "onions", + "soy sauce", + "orange juice", + "grated orange", + "fresh ginger", + "red bell pepper", + "halibut fillets", + "scallions" + ] + }, + { + "id": 8267, + "ingredients": [ + "lime zest", + "lemon grass", + "dijon style mustard", + "white sugar", + "pepper", + "green onions", + "dry bread crumbs", + "chopped cilantro fresh", + "lime", + "chile pepper", + "toasted sesame seeds", + "fish sauce", + "grated parmesan cheese", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 35989, + "ingredients": [ + "ground cinnamon", + "water", + "chicken breasts", + "passata", + "ground coriander", + "boiling water", + "tumeric", + "garam masala", + "double cream", + "natural yogurt", + "ghee", + "fenugreek leaves", + "lime", + "chili powder", + "salt", + "garlic cloves", + "ground cumin", + "caster sugar", + "dry coconut", + "ginger", + "pumpkin seeds", + "cashew nuts" + ] + }, + { + "id": 774, + "ingredients": [ + "unsalted butter", + "salt", + "shallots", + "thyme sprigs", + "beef demi-glace", + "bay leaf", + "ground black pepper", + "red wine" + ] + }, + { + "id": 23158, + "ingredients": [ + "fish sauce", + "peeled fresh ginger", + "light coconut milk", + "fresh lime juice", + "clams", + "zucchini", + "butter", + "garlic cloves", + "lemongrass", + "baking potatoes", + "chopped onion", + "serrano chile", + "sugar", + "clam juice", + "chopped celery", + "chopped cilantro fresh" + ] + }, + { + "id": 12071, + "ingredients": [ + "sliced tomatoes", + "french bread", + "mayonaise", + "hot sausage", + "iceberg lettuce", + "water" + ] + }, + { + "id": 26537, + "ingredients": [ + "freshly grated parmesan", + "prepared lasagne", + "all-purpose flour", + "unsalted butter", + "milk", + "fresh basil leaves" + ] + }, + { + "id": 49537, + "ingredients": [ + "green onions", + "chopped cilantro fresh", + "curry powder", + "purple onion", + "pepper", + "butter", + "potatoes", + "salt" + ] + }, + { + "id": 19990, + "ingredients": [ + "salmon", + "pepper", + "potatoes", + "dry white wine", + "heavy cream", + "halibut", + "carrots", + "saffron", + "celery leaves", + "scallops", + "vinegar", + "leeks", + "butter", + "salt", + "langoustines", + "arugula", + "cold water", + "white wine", + "lime juice", + "flour", + "chives", + "basil", + "dill", + "chopped fresh mint", + "fish", + "chervil", + "white onion", + "fresh cilantro", + "egg yolks", + "vegetable oil", + "extra-virgin olive oil", + "garlic cloves", + "frozen peas" + ] + }, + { + "id": 27876, + "ingredients": [ + "brown sugar", + "sweet potato squash", + "cilantro", + "tamarind concentrate", + "soy sauce", + "green onions", + "peanut butter", + "beansprouts", + "tumeric", + "mushrooms", + "red curry paste", + "red bell pepper", + "chicken broth", + "peanuts", + "rice noodles", + "skinless chicken breasts", + "coconut milk" + ] + }, + { + "id": 20823, + "ingredients": [ + "reduced-sodium tamari sauce", + "garlic cloves", + "tofu", + "creamy peanut butter", + "fresh lime juice", + "linguine", + "garlic chili sauce", + "sugar pea", + "peanut oil", + "chopped cilantro fresh" + ] + }, + { + "id": 31393, + "ingredients": [ + "yellow corn meal", + "flour", + "milk", + "vegetable oil", + "dill pickle spear", + "ranch dressing", + "seasoning salt" + ] + }, + { + "id": 23239, + "ingredients": [ + "lime wedges", + "ancho chile pepper", + "salt", + "onions", + "large garlic cloves", + "pork shoulder", + "posole", + "poblano chiles" + ] + }, + { + "id": 21141, + "ingredients": [ + "eggs", + "condensed cream of mushroom soup", + "lasagna noodles", + "part-skim ricotta cheese", + "milk", + "chicken meat", + "frozen chopped spinach", + "grated parmesan cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 43585, + "ingredients": [ + "turnip greens", + "salt", + "white vinegar", + "butter", + "hot pepper sauce", + "onions", + "sugar", + "bacon" + ] + }, + { + "id": 30493, + "ingredients": [ + "soy sauce", + "worcestershire sauce", + "ketchup", + "sugar", + "oyster sauce" + ] + }, + { + "id": 42985, + "ingredients": [ + "honey", + "crushed red pepper", + "cumin seed", + "baguette", + "large garlic cloves", + "rice vinegar", + "pinenuts", + "coriander seeds", + "salt", + "bay leaf", + "milk", + "extra-virgin olive oil", + "blanched almonds" + ] + }, + { + "id": 31089, + "ingredients": [ + "olive oil", + "salt", + "garbanzo beans", + "sesame seeds", + "pepper", + "garlic" + ] + }, + { + "id": 46974, + "ingredients": [ + "olive oil", + "heavy cream", + "bone-in chicken breast halves", + "jalapeno chilies", + "cream cheese", + "flour tortillas", + "garlic", + "water", + "chile pepper", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 40018, + "ingredients": [ + "eggs", + "fresh shiitake mushrooms", + "bok choy", + "water", + "vegetable oil", + "long grain white rice", + "pepper", + "sesame oil", + "snow peas", + "green onions", + "carrots" + ] + }, + { + "id": 28153, + "ingredients": [ + "black pepper", + "chopped fresh thyme", + "garlic cloves", + "carrots", + "tomatoes", + "olive oil", + "salt", + "veal shanks", + "onions", + "celery ribs", + "veal demi-glace", + "dry red wine", + "California bay leaves", + "flat leaf parsley", + "fresh rosemary", + "unsalted butter", + "all-purpose flour", + "juice", + "orange zest" + ] + }, + { + "id": 10967, + "ingredients": [ + "black pepper", + "garlic", + "brown sugar", + "asian pear", + "onions", + "honey", + "beef rib short", + "soy sauce", + "sesame oil" + ] + }, + { + "id": 14240, + "ingredients": [ + "curry powder", + "disco empanada frozen", + "plain dry bread crumb", + "vegetable oil", + "onions", + "Knorr® Beef flavored Bouillon Cube", + "ground beef", + "water", + "scotch bonnet chile" + ] + }, + { + "id": 24871, + "ingredients": [ + "brown sugar", + "paprika", + "ground black pepper", + "salt", + "garlic powder", + "crushed red pepper", + "chili powder", + "ground white pepper" + ] + }, + { + "id": 16258, + "ingredients": [ + "olive oil", + "salt", + "white sugar", + "tomato sauce", + "whole peeled tomatoes", + "onions", + "tomato paste", + "ground black pepper", + "fresh mushrooms", + "dried oregano", + "wine", + "garlic", + "fresh basil leaves" + ] + }, + { + "id": 28001, + "ingredients": [ + "sugar", + "old-fashioned oats", + "salt", + "baking soda", + "buttermilk", + "dried currants", + "baking powder", + "all-purpose flour", + "unsalted butter", + "navel oranges" + ] + }, + { + "id": 49299, + "ingredients": [ + "vanilla extract", + "sweet potatoes", + "butter", + "brown sugar", + "1% low-fat milk" + ] + }, + { + "id": 47808, + "ingredients": [ + "black pepper", + "cornmeal", + "bacon slices", + "boneless chicken thighs", + "salt", + "paprika" + ] + }, + { + "id": 37960, + "ingredients": [ + "vanilla beans", + "strawberries", + "unflavored gelatin", + "whipping cream", + "cold water", + "fresh tarragon", + "fresh lemon juice", + "sugar", + "crème fraîche" + ] + }, + { + "id": 34733, + "ingredients": [ + "sugar", + "lime", + "hoisin sauce", + "red pepper flakes", + "vietnamese fish sauce", + "scallions", + "beansprouts", + "mint", + "water", + "Sriracha", + "daikon", + "garlic", + "peanut oil", + "mustard seeds", + "opal basil", + "coriander seeds", + "green leaf lettuce", + "cilantro", + "salt", + "rice flour", + "medium shrimp", + "red chili peppers", + "ground black pepper", + "shallots", + "rice vermicelli", + "rice vinegar", + "carrots" + ] + }, + { + "id": 48741, + "ingredients": [ + "black pepper", + "paprika", + "sage", + "dry rub", + "black-eyed peas", + "cayenne pepper", + "nutmeg", + "water", + "salt", + "sugar", + "barbecue sauce", + "onions" + ] + }, + { + "id": 10230, + "ingredients": [ + "kosher salt", + "minced onion", + "bacon fat", + "cornmeal", + "powdered buttermilk", + "jalapeno chilies", + "scallions", + "cayenne", + "baking powder", + "shrimp", + "minced garlic", + "large eggs", + "all-purpose flour", + "boiling water" + ] + }, + { + "id": 46275, + "ingredients": [ + "ground beef", + "heavy cream", + "grated parmesan cheese", + "herb sauce", + "paccheri" + ] + }, + { + "id": 17152, + "ingredients": [ + "large eggs", + "stilton cheese", + "salt", + "ale", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 36201, + "ingredients": [ + "black pepper", + "white wine vinegar", + "dijon mustard", + "shallots", + "olive oil", + "salt" + ] + }, + { + "id": 16907, + "ingredients": [ + "rub", + "Sriracha", + "chili powder", + "blue cheese", + "white sugar", + "black pepper", + "baking powder", + "buttermilk", + "cayenne pepper", + "canola oil", + "kosher salt", + "ranch dressing", + "SYD Hot Rub", + "chicken livers", + "granulated garlic", + "flour", + "spices", + "all-purpose flour", + "pork lard" + ] + }, + { + "id": 3244, + "ingredients": [ + "large eggs", + "salt", + "sugar", + "color food green", + "almond paste", + "unsalted butter", + "red food coloring", + "bittersweet chocolate", + "orange marmalade", + "all-purpose flour" + ] + }, + { + "id": 11434, + "ingredients": [ + "applesauce", + "butter", + "self-rising cornmeal", + "eggs", + "sour cream", + "whole kernel corn, drain", + "white sugar" + ] + }, + { + "id": 22402, + "ingredients": [ + "sugar", + "riesling", + "raspberries", + "fresh lime juice", + "lime rind", + "blueberries", + "water", + "blackberries" + ] + }, + { + "id": 26624, + "ingredients": [ + "tomatoes", + "manchego cheese", + "red wine vinegar", + "garlic", + "shrimp", + "ground cumin", + "mayonaise", + "chili powder", + "paprika", + "sweet paprika", + "pork shoulder", + "burger buns", + "ground black pepper", + "yellow mustard", + "salt", + "tequila", + "tomato paste", + "lime", + "fresh thyme leaves", + "extra-virgin olive oil", + "mexican chorizo", + "dried oregano" + ] + }, + { + "id": 21558, + "ingredients": [ + "sugar", + "salt", + "butter", + "cornmeal", + "baking powder", + "all-purpose flour", + "buttermilk" + ] + }, + { + "id": 4847, + "ingredients": [ + "chicken stock", + "butternut squash", + "grated parmesan cheese", + "whipping cream", + "arborio rice", + "leeks", + "chopped fresh sage", + "olive oil", + "dry white wine" + ] + }, + { + "id": 17174, + "ingredients": [ + "unsalted butter", + "salt", + "unsweetened cocoa powder", + "eggs", + "baking powder", + "ground hazelnuts", + "pure vanilla extract", + "semisweet chocolate", + "all-purpose flour", + "milk", + "dark muscovado sugar", + "confectioners sugar" + ] + }, + { + "id": 21995, + "ingredients": [ + "minced garlic", + "green onions", + "salt", + "fresh parsley", + "fresh dill", + "large eggs", + "large garlic cloves", + "corn starch", + "chicken", + "olive oil", + "dry white wine", + "fresh lemon juice", + "grated lemon peel", + "chicken stock", + "dijon mustard", + "mustard greens", + "carrots", + "dried oregano" + ] + }, + { + "id": 27335, + "ingredients": [ + "pepper", + "garlic", + "carrots", + "plain flour", + "cooking oil", + "dried shiitake mushrooms", + "corn starch", + "chicken bouillon granules", + "water", + "salt", + "shrimp", + "spring roll wrappers", + "chicken meat", + "oyster sauce", + "yam bean" + ] + }, + { + "id": 14696, + "ingredients": [ + "poblano peppers", + "tomatoes", + "salt", + "purple onion", + "lime", + "cilantro leaves" + ] + }, + { + "id": 48923, + "ingredients": [ + "pork", + "peas", + "eggs", + "pepper", + "carrots", + "soy sauce", + "salt", + "cooked rice", + "butter", + "onions" + ] + }, + { + "id": 32508, + "ingredients": [ + "reduced fat Mexican cheese", + "salsa", + "boneless skinless chicken breasts", + "sour cream", + "diced green chilies", + "enchilada sauce", + "whole wheat tortillas" + ] + }, + { + "id": 36585, + "ingredients": [ + "olive oil", + "cornmeal", + "fresh basil", + "crust", + "cooked chicken", + "tomato sauce", + "shredded mozzarella cheese" + ] + }, + { + "id": 15904, + "ingredients": [ + "soy sauce", + "green onions", + "onions", + "white vinegar", + "ground nutmeg", + "chopped fresh thyme", + "ground cloves", + "vegetable oil", + "boneless skinless chicken breast halves", + "brown sugar", + "jalapeno chilies", + "ground allspice" + ] + }, + { + "id": 19319, + "ingredients": [ + "water", + "quickcooking grits", + "garlic cloves", + "shredded extra sharp cheddar cheese", + "whipping cream", + "cooked shrimp", + "ground black pepper", + "butter", + "shrimp", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 17017, + "ingredients": [ + "fresh chives", + "garlic cloves", + "parmigiano-reggiano cheese", + "extra-virgin olive oil", + "baby spinach leaves", + "salt", + "pinenuts", + "fresh lemon juice" + ] + }, + { + "id": 35561, + "ingredients": [ + "soy sauce", + "eggs" + ] + }, + { + "id": 45518, + "ingredients": [ + "sausage casings", + "dried basil", + "red wine", + "fresh parsley", + "tomato sauce", + "grated parmesan cheese", + "garlic", + "dried oregano", + "green bell pepper", + "zucchini", + "cheese tortellini", + "onions", + "tomatoes", + "water", + "beef stock", + "carrots" + ] + }, + { + "id": 6489, + "ingredients": [ + "chicken broth", + "minced garlic", + "corn oil", + "gingerroot", + "ketchup", + "leeks", + "boneless pork loin", + "chinese rice wine", + "ground black pepper", + "brown rice", + "chinese five-spice powder", + "soy sauce", + "hoisin sauce", + "salt", + "snow peas" + ] + }, + { + "id": 14423, + "ingredients": [ + "soy sauce", + "scallions", + "frozen peas", + "eggs", + "pepper", + "carrots", + "seasoning", + "white pepper", + "garlic cloves", + "char siu", + "cooked rice", + "salt", + "shrimp" + ] + }, + { + "id": 26068, + "ingredients": [ + "lime slices", + "ham hock", + "dried black beans", + "purple onion", + "bay leaf", + "tomatoes with juice", + "fresh lime juice", + "water", + "salt" + ] + }, + { + "id": 32687, + "ingredients": [ + "black pepper", + "whole milk", + "onions", + "unsalted butter", + "salt", + "smoked haddock fillet", + "heavy cream", + "celery root", + "potatoes", + "fresh parsley" + ] + }, + { + "id": 18684, + "ingredients": [ + "water", + "chickpeas", + "olive oil", + "onions", + "dried basil", + "celery", + "pasta", + "whole peeled tomatoes" + ] + }, + { + "id": 25918, + "ingredients": [ + "pepper", + "ham", + "potatoes", + "onions", + "water", + "chopped parsley", + "salt", + "pork sausages" + ] + }, + { + "id": 35353, + "ingredients": [ + "bananas", + "berries", + "shredded coconut", + "blueberries", + "frozen strawberries", + "granola", + "goji berries", + "açai", + "apple juice" + ] + }, + { + "id": 37689, + "ingredients": [ + "lime", + "rice vinegar", + "chicken", + "red chili peppers", + "ginger", + "garlic cloves", + "sugar", + "shallots", + "scallions", + "jasmine rice", + "salt", + "canola oil" + ] + }, + { + "id": 32830, + "ingredients": [ + "olive oil", + "all-purpose flour", + "white wine", + "gruyere cheese", + "low sodium beef broth", + "baguette", + "salt", + "thyme sprigs", + "sugar", + "unsalted butter", + "yellow onion" + ] + }, + { + "id": 6984, + "ingredients": [ + "water", + "paprika", + "granulated garlic", + "flour", + "oil", + "eggs", + "milk", + "salt", + "black pepper", + "ground thyme" + ] + }, + { + "id": 29526, + "ingredients": [ + "bone-in chicken breast halves", + "paprika", + "bone in chicken thighs", + "ground ginger", + "ground nutmeg", + "all-purpose flour", + "whole wheat flour", + "fine sea salt", + "ground cinnamon", + "chicken drumsticks", + "peanut oil" + ] + }, + { + "id": 42546, + "ingredients": [ + "mirin", + "fresh lime juice", + "kosher salt", + "rice vinegar", + "daikon", + "grated orange", + "sesame seeds", + "carrots" + ] + }, + { + "id": 30742, + "ingredients": [ + "red chili powder", + "garam masala", + "garlic", + "cucumber", + "tilapia fillets", + "jalapeno chilies", + "nonfat yogurt plain", + "canola oil", + "hearts of palm", + "kiwifruit", + "salt", + "mango", + "lime", + "ginger", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 38469, + "ingredients": [ + "dry vermouth", + "finely chopped onion", + "linguine", + "fresh parsley", + "mussels", + "olive oil", + "fresh thyme leaves", + "garlic cloves", + "water", + "ground red pepper", + "salt", + "tomato paste", + "fennel bulb", + "diced tomatoes", + "corn starch" + ] + }, + { + "id": 6678, + "ingredients": [ + "pepper", + "diced tomatoes", + "onions", + "olive oil", + "salt", + "water", + "garlic", + "chicken bouillon", + "cannellini beans", + "escarole" + ] + }, + { + "id": 17413, + "ingredients": [ + "chipotles in adobo", + "tomatillos", + "chopped cilantro fresh", + "kosher salt", + "onions", + "garlic cloves" + ] + }, + { + "id": 20110, + "ingredients": [ + "lime", + "garlic cloves", + "salt", + "onions", + "olive oil", + "poblano chiles", + "black pepper", + "flat iron steaks", + "plum tomatoes" + ] + }, + { + "id": 43229, + "ingredients": [ + "chopped ham", + "cayenne", + "salt", + "garlic cloves", + "medium shrimp", + "shortening", + "chopped green bell pepper", + "all-purpose flour", + "juice", + "crab", + "chopped celery", + "okra", + "bay leaf", + "parsley sprigs", + "file powder", + "chopped onion", + "thyme" + ] + }, + { + "id": 27133, + "ingredients": [ + "meat", + "bok choy", + "roma tomatoes", + "oil", + "water", + "patis", + "onions", + "soup", + "garlic cloves" + ] + }, + { + "id": 48411, + "ingredients": [ + "eggs", + "water", + "salt", + "fish sauce", + "wonton wrappers", + "corn starch", + "stock", + "green onions", + "dark sesame oil", + "homemade chicken stock", + "ground pork", + "ground white pepper" + ] + }, + { + "id": 11098, + "ingredients": [ + "oil", + "green onions", + "chicken", + "rice", + "carrots" + ] + }, + { + "id": 18024, + "ingredients": [ + "eggs", + "butter", + "oil", + "avocado", + "green onions", + "salsa", + "monterey jack", + "flour", + "cilantro", + "sour cream", + "yellow corn meal", + "chicken breasts", + "taco seasoning" + ] + }, + { + "id": 22540, + "ingredients": [ + "fontina", + "baking potatoes", + "onions", + "fennel seeds", + "cooking oil", + "canned tomatoes", + "fennel bulb", + "garlic", + "italian sausage", + "dry white wine", + "salt" + ] + }, + { + "id": 1013, + "ingredients": [ + "eggs", + "kidney beans", + "coriander", + "bread crumbs", + "salsa", + "burger buns", + "chili powder", + "lime", + "low-fat natural yogurt" + ] + }, + { + "id": 35057, + "ingredients": [ + "sugar", + "evaporated milk", + "vegetable oil", + "all-purpose flour", + "large egg whites", + "cake", + "vanilla extract", + "water", + "dark rum", + "heavy cream", + "sweetened condensed milk", + "dulce de leche", + "large egg yolks", + "baking powder", + "salt" + ] + }, + { + "id": 20177, + "ingredients": [ + "chicken broth", + "minced garlic", + "purple onion", + "boneless skinless chicken breast halves", + "sugar", + "brown rice", + "red bell pepper", + "chinese rice wine", + "corn oil", + "gingerroot", + "snow peas", + "soy sauce", + "sesame oil", + "fermented black beans" + ] + }, + { + "id": 26323, + "ingredients": [ + "soy sauce", + "olive oil", + "lime", + "salt", + "pepper", + "Thai red curry paste", + "chicken wings", + "honey", + "chopped cilantro" + ] + }, + { + "id": 4227, + "ingredients": [ + "pepper", + "extra-virgin olive oil", + "oil", + "capers", + "jalapeno chilies", + "salt", + "fresh basil leaves", + "tomatoes", + "roasted red peppers", + "garlic", + "Italian bread", + "baby spinach leaves", + "red wine vinegar", + "anchovy fillets" + ] + }, + { + "id": 34461, + "ingredients": [ + "sugar", + "asian basil", + "vegetable oil", + "yellow onion", + "chicken thighs", + "unsweetened coconut milk", + "curry powder", + "sweet potatoes", + "ginger", + "scallions", + "minced garlic", + "chili paste", + "cilantro", + "fresh chicken stock", + "fish sauce", + "lemongrass", + "shallots", + "salt", + "carrots" + ] + }, + { + "id": 4540, + "ingredients": [ + "olive oil", + "garlic", + "flat leaf parsley", + "ground black pepper", + "chickpeas", + "large shrimp", + "pitas", + "salt", + "dried oregano", + "water", + "butter", + "lemon juice" + ] + }, + { + "id": 36457, + "ingredients": [ + "water", + "hearts of romaine", + "hot red pepper flakes", + "sesame oil", + "sesame seeds", + "chopped garlic", + "soy sauce", + "ginger" + ] + }, + { + "id": 37262, + "ingredients": [ + "water", + "garlic", + "red bell pepper", + "chicken thighs", + "chorizo", + "cooking oil", + "lemon juice", + "onions", + "dried thyme", + "salt", + "bay leaf", + "canned low sodium chicken broth", + "ground black pepper", + "lentils", + "fresh parsley" + ] + }, + { + "id": 16041, + "ingredients": [ + "olive oil", + "lima beans", + "tomatoes with juice", + "sea salt", + "fresh dill", + "garlic" + ] + }, + { + "id": 25790, + "ingredients": [ + "sliced tomatoes", + "granulated garlic", + "dried basil", + "fresh tarragon", + "italian rolls", + "flat leaf parsley", + "eggs", + "mayonaise", + "ground black pepper", + "cornichons", + "cayenne pepper", + "canola oil", + "capers", + "kosher salt", + "spicy brown mustard", + "garlic", + "sweet paprika", + "yellow corn meal", + "shucked oysters", + "dried thyme", + "anchovy paste", + "all-purpose flour", + "iceberg lettuce" + ] + }, + { + "id": 26546, + "ingredients": [ + "cauliflower", + "yellow squash", + "cayenne", + "paprika", + "chopped bell pepper", + "andouille chicken sausage", + "diced tomatoes", + "oregano", + "pepper", + "eggplant", + "crushed garlic", + "shrimp", + "white onion", + "olive oil", + "onion powder", + "salt" + ] + }, + { + "id": 5295, + "ingredients": [ + "curry leaves", + "water", + "salt", + "onions", + "asafoetida", + "lemon", + "oil", + "tomatoes", + "tamarind", + "berries", + "mustard", + "sambhar powder", + "urad dal", + "garlic cloves" + ] + }, + { + "id": 26689, + "ingredients": [ + "baking soda", + "vegetable oil", + "oyster sauce", + "sugar", + "broccoli florets", + "rice vinegar", + "dark soy sauce", + "large eggs", + "boneless chicken", + "light soy sauce", + "rice noodles", + "garlic cloves" + ] + }, + { + "id": 11129, + "ingredients": [ + "arborio rice", + "olive oil", + "butter", + "chopped onion", + "fat free less sodium chicken broth", + "mushrooms", + "green peas", + "black pepper", + "fresh parmesan cheese", + "bacon", + "rotisserie chicken", + "minced garlic", + "green onions", + "salt" + ] + }, + { + "id": 42373, + "ingredients": [ + "hazelnuts", + "baking powder", + "cherry preserves", + "powdered sugar", + "ground nutmeg", + "salt", + "ground cinnamon", + "large egg yolks", + "vanilla extract", + "sugar", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 15183, + "ingredients": [ + "tomato purée", + "red wine", + "onions", + "new potatoes", + "beef broth", + "beef round", + "fresh spinach", + "garlic", + "plum tomatoes", + "vegetable oil", + "fresh oregano" + ] + }, + { + "id": 20054, + "ingredients": [ + "tomatoes", + "white sandwich bread", + "mung beans", + "salted butter", + "monterey jack", + "chutney" + ] + }, + { + "id": 22088, + "ingredients": [ + "grated parmesan cheese", + "salt", + "arborio rice", + "butter", + "prosciutto", + "peas", + "fresh mozzarella", + "fresh parsley" + ] + }, + { + "id": 26034, + "ingredients": [ + "collard greens", + "black-eyed peas", + "salt", + "okra", + "red bell pepper", + "Uncle Ben's® Ready Rice® Original Long Grain", + "Johnsonville Andouille", + "boneless chicken skinless thigh", + "green onions", + "cayenne pepper", + "thyme", + "bay leaf", + "chicken broth", + "black pepper", + "paprika", + "green pepper", + "Gourmet Garden garlic paste", + "onions", + "Louisiana Hot Sauce", + "gumbo file", + "all-purpose flour", + "Pompeian Canola Oil and Extra Virgin Olive Oil", + "celery" + ] + }, + { + "id": 7442, + "ingredients": [ + "ground black pepper", + "hot water", + "olive oil", + "cilantro leaves", + "saffron threads", + "golden raisins", + "ground cumin", + "coriander seeds", + "carrots" + ] + }, + { + "id": 39855, + "ingredients": [ + "firmly packed light brown sugar", + "sesame oil", + "garlic cloves", + "fresh lime juice", + "fish sauce", + "chili paste", + "cilantro leaves", + "carrots", + "lemongrass", + "rice noodles", + "nuoc cham", + "butter lettuce", + "flank steak", + "roasted peanuts", + "fresh mint" + ] + }, + { + "id": 16795, + "ingredients": [ + "minced garlic", + "kidney beans", + "half & half", + "tomato paste", + "milk", + "minced onion", + "salt", + "fresh cilantro", + "coriander seeds", + "butter", + "black peppercorns", + "fresh ginger", + "jalapeno chilies", + "cumin seed" + ] + }, + { + "id": 45938, + "ingredients": [ + "tomatoes", + "vegetable oil", + "fresh lime juice", + "jalapeno chilies", + "whole kernel corn, drain", + "pepper", + "salt", + "ground cumin", + "green onions", + "cucumber" + ] + }, + { + "id": 21187, + "ingredients": [ + "olive oil", + "bay leaf", + "fish sauce", + "garlic", + "tomatoes", + "salt and ground black pepper", + "onions", + "water", + "pink salmon" + ] + }, + { + "id": 24985, + "ingredients": [ + "paprika", + "sliced green onions", + "garlic powder", + "hellmann' or best food real mayonnais", + "pimentos", + "cream cheese", + "shredded cheddar cheese", + "pitted olives" + ] + }, + { + "id": 19293, + "ingredients": [ + "peaches", + "bourbon whiskey", + "flour", + "sour cream", + "unsalted butter", + "salt", + "sugar", + "egg yolks" + ] + }, + { + "id": 35190, + "ingredients": [ + "vegetables", + "fresh oregano", + "russet potatoes", + "garlic cloves", + "finely chopped fresh parsley", + "walnuts", + "cold water", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 48511, + "ingredients": [ + "curry leaves", + "potatoes", + "oil", + "garlic paste", + "paneer", + "red chili powder", + "capsicum", + "cumin", + "garam masala", + "salt" + ] + }, + { + "id": 24429, + "ingredients": [ + "minced chicken", + "cilantro leaves", + "clarified butter", + "red chili powder", + "garam masala", + "oil", + "plain flour", + "water", + "green chilies", + "ground turmeric", + "garlic paste", + "salt", + "onions" + ] + }, + { + "id": 16069, + "ingredients": [ + "garlic", + "chuck", + "tomato paste", + "onions", + "chipotle peppers", + "chopped tomatoes", + "cumin" + ] + }, + { + "id": 46173, + "ingredients": [ + "potatoes", + "canola oil", + "fresh curry leaves", + "salt", + "tomatoes", + "chile pepper", + "fresh ginger", + "ground turmeric" + ] + }, + { + "id": 33861, + "ingredients": [ + "soy sauce", + "honey", + "sweet chili sauce", + "chicken drumsticks" + ] + }, + { + "id": 17499, + "ingredients": [ + "mozzarella cheese", + "zucchini", + "part-skim ricotta cheese", + "crushed tomatoes", + "large eggs", + "lean beef", + "pepper", + "parmigiano reggiano cheese", + "salt", + "fresh basil", + "olive oil", + "garlic", + "onions" + ] + }, + { + "id": 29095, + "ingredients": [ + "water", + "russet potatoes", + "dried oregano", + "cold water", + "ground black pepper", + "oil", + "garlic powder", + "cajun seasoning", + "kosher salt", + "granulated sugar", + "smoked paprika" + ] + }, + { + "id": 27355, + "ingredients": [ + "hazelnuts", + "parsley", + "spanish paprika", + "tomatoes", + "almonds", + "garlic", + "bread", + "chili pepper", + "extra-virgin olive oil", + "mint", + "vinegar", + "salt" + ] + }, + { + "id": 23, + "ingredients": [ + "yellow onion", + "yukon gold potatoes", + "truffle salt", + "extra-virgin olive oil", + "large eggs", + "flat leaf parsley" + ] + }, + { + "id": 14299, + "ingredients": [ + "zucchini", + "cornmeal", + "garlic powder", + "salt", + "vegetable oil", + "onions", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 15939, + "ingredients": [ + "soy sauce", + "mirin", + "crushed ritz crackers", + "beer", + "brown sugar", + "sweet onion", + "soda", + "salt", + "rice flour", + "sugar", + "sesame seeds", + "green onions", + "dark sesame oil", + "short rib", + "coke", + "minced garlic", + "egg yolks", + "baking powder", + "oil" + ] + }, + { + "id": 26371, + "ingredients": [ + "gelatin", + "buttermilk", + "whipped topping", + "crushed pineapple" + ] + }, + { + "id": 1544, + "ingredients": [ + "tomatoes", + "fresh cilantro", + "light coconut milk", + "cumin", + "water", + "garam masala", + "onions", + "kosher salt", + "olive oil", + "garlic", + "curry powder", + "potatoes", + "chicken thighs" + ] + }, + { + "id": 15996, + "ingredients": [ + "bacon drippings", + "pepper", + "bell pepper", + "salt", + "fresh parsley", + "andouille sausage", + "cayenne", + "Tabasco Pepper Sauce", + "dried kidney beans", + "ground cumin", + "cooked rice", + "dried thyme", + "green onions", + "garlic cloves", + "dried oregano", + "tasso", + "water", + "bay leaves", + "liquid", + "onions" + ] + }, + { + "id": 28808, + "ingredients": [ + "chicken wings", + "bay leaves", + "sweet paprika", + "olive oil", + "garlic", + "thyme sprigs", + "chicken broth", + "ground black pepper", + "salt", + "boneless chicken skinless thigh", + "manzanilla sherry", + "flat leaf parsley" + ] + }, + { + "id": 28521, + "ingredients": [ + "fresh cilantro", + "sesame oil", + "roasting chickens", + "soy sauce", + "green onions", + "rice vinegar", + "sugar", + "jalapeno chilies", + "linguine", + "snow peas", + "cooked turkey", + "napa cabbage leaves", + "creamy peanut butter" + ] + }, + { + "id": 22276, + "ingredients": [ + "mayonaise", + "flat leaf parsley", + "chopped fresh chives", + "finely chopped onion", + "cornichons" + ] + }, + { + "id": 45421, + "ingredients": [ + "amchur", + "okra", + "ground turmeric", + "urad dal", + "gram flour", + "curry leaves", + "salt", + "mustard seeds", + "chili powder", + "oil", + "asafetida" + ] + }, + { + "id": 1388, + "ingredients": [ + "reduced fat milk", + "low-fat buttermilk", + "fine sea salt" + ] + }, + { + "id": 16838, + "ingredients": [ + "chicken wings", + "shrimp paste", + "garlic", + "oil", + "black pepper", + "sea salt", + "peanut butter", + "fish sauce", + "vegetable oil", + "cayenne pepper", + "chicken stock", + "olive oil", + "ginger", + "fresh onion" + ] + }, + { + "id": 4167, + "ingredients": [ + "fish sauce", + "oil", + "chicken stock", + "palm sugar", + "clove", + "thai basil", + "oyster sauce", + "sambal ulek", + "green chilies" + ] + }, + { + "id": 19525, + "ingredients": [ + "sugar", + "crushed red pepper", + "butter", + "chili powder", + "ground cumin", + "sliced almonds", + "salt" + ] + }, + { + "id": 9051, + "ingredients": [ + "honey", + "cardamom pods", + "clove", + "peeled fresh ginger", + "white peppercorns", + "whole milk", + "cinnamon sticks", + "water", + "black tea leaves" + ] + }, + { + "id": 13537, + "ingredients": [ + "plain yogurt", + "garam masala", + "garlic cloves", + "lime", + "salt", + "pepper", + "cilantro stems", + "onions", + "fresh ginger", + "lamb chops" + ] + }, + { + "id": 34265, + "ingredients": [ + "low sodium chicken broth", + "butter", + "all-purpose flour", + "liquid", + "garlic powder", + "onion powder", + "worcestershire sauce", + "cayenne pepper", + "kosher salt", + "whole milk", + "buttermilk", + "hot sauce", + "peppercorns", + "baking soda", + "vegetable oil", + "cracked black pepper", + "round steaks" + ] + }, + { + "id": 28948, + "ingredients": [ + "bananas", + "fresh lemon juice", + "white rum", + "banana liqueur", + "ground cinnamon", + "unsalted butter", + "vanilla ice cream", + "dark brown sugar" + ] + }, + { + "id": 11263, + "ingredients": [ + "fresh coriander", + "Thai fish sauce", + "fresh red chili", + "chili sauce", + "whitefish", + "Hellmann's® Real Mayonnaise", + "coriander", + "soy sauce", + "oil" + ] + }, + { + "id": 42791, + "ingredients": [ + "reduced sodium beef broth", + "minced ginger", + "star anise", + "soy sauce", + "vegetable oil", + "beef rib short", + "minced garlic", + "dried Thai chili", + "noodles", + "baby bok choy", + "ground black pepper", + "salt" + ] + }, + { + "id": 37584, + "ingredients": [ + "shiro miso", + "baby spinach", + "beansprouts", + "sesame seeds", + "dark sesame oil", + "chile sauce", + "microgreens", + "white rice", + "shiitake mushroom caps", + "barley", + "zucchini", + "carrots" + ] + }, + { + "id": 49538, + "ingredients": [ + "butter", + "melted butter", + "salt", + "baking soda", + "all-purpose flour", + "buttermilk" + ] + }, + { + "id": 20135, + "ingredients": [ + "champagne", + "crème de cassis" + ] + }, + { + "id": 46558, + "ingredients": [ + "lime rind", + "butter", + "arborio rice", + "fat free milk", + "salt", + "sugar", + "golden raisins", + "cinnamon sticks", + "water", + "vanilla extract" + ] + }, + { + "id": 9349, + "ingredients": [ + "honey", + "udon", + "corn starch", + "black peppercorns", + "mirin", + "ginger", + "spinach leaves", + "sesame seeds", + "sesame oil", + "soy sauce", + "extra firm tofu", + "garlic" + ] + }, + { + "id": 10859, + "ingredients": [ + "baby arugula", + "lemon rind", + "ground black pepper", + "salt", + "fresh lemon juice", + "olive oil", + "cooking spray", + "chopped walnuts", + "veal loin chops", + "artichokes", + "garlic cloves" + ] + }, + { + "id": 9623, + "ingredients": [ + "basil leaves", + "rice vermicelli", + "shrimp", + "hot pepper", + "rounds", + "mung bean sprouts", + "mint leaves", + "cilantro sprigs", + "scallions", + "lettuce leaves", + "sauce", + "cucumber" + ] + }, + { + "id": 3610, + "ingredients": [ + "serrano peppers", + "salt", + "bok choy", + "pepper", + "chicken meat", + "okra", + "poblano peppers", + "garlic", + "beef sausage", + "leeks", + "meat bones", + "oregano" + ] + }, + { + "id": 29537, + "ingredients": [ + "pepper", + "dry sherry", + "garlic cloves", + "cooked rice", + "green onions", + "rice vinegar", + "low sodium soy sauce", + "fresh ginger", + "purple onion", + "sliced green onions", + "pineapple chunks", + "flank steak", + "peanut oil" + ] + }, + { + "id": 35360, + "ingredients": [ + "boneless chicken skinless thigh", + "red pepper", + "green pepper", + "marjoram", + "chicken stock", + "frozen okra", + "cream of coconut", + "thyme", + "pepper", + "bacon", + "garlic cloves", + "allspice", + "fresh spinach", + "sweet potatoes", + "salt", + "onions" + ] + }, + { + "id": 22957, + "ingredients": [ + "pecans", + "flour", + "salt", + "melted butter", + "milk", + "beaten eggs", + "sugar", + "vanilla", + "brown sugar", + "sweet potatoes" + ] + }, + { + "id": 39629, + "ingredients": [ + "ground black pepper", + "brown rice", + "rounds", + "vegetable oil cooking spray", + "shredded carrots", + "salt", + "broccolini", + "low sodium chicken broth", + "rice vinegar", + "low sodium soy sauce", + "hoisin sauce", + "sesame oil", + "scallions" + ] + }, + { + "id": 15631, + "ingredients": [ + "dried tarragon leaves", + "honey", + "fennel bulb", + "salt", + "corn starch", + "stock", + "water", + "shiitake", + "dried sage", + "garlic cloves", + "cremini mushrooms", + "dried thyme", + "chopped tomatoes", + "button mushrooms", + "carrots", + "low sodium soy sauce", + "black pepper", + "olive oil", + "leeks", + "grated lemon zest", + "flat leaf parsley" + ] + }, + { + "id": 24105, + "ingredients": [ + "boneless, skinless chicken breast", + "bay leaves", + "garlic", + "corn tortillas", + "canned low sodium chicken broth", + "cayenne", + "lime wedges", + "cilantro leaves", + "ground cumin", + "avocado", + "crushed tomatoes", + "chili powder", + "salt", + "onions", + "cheddar cheese", + "cooking oil", + "paprika", + "ground coriander" + ] + }, + { + "id": 15747, + "ingredients": [ + "milk", + "salt", + "sugar", + "butter", + "corn", + "pepper", + "bacon" + ] + }, + { + "id": 48668, + "ingredients": [ + "avocado", + "olive oil", + "cannellini beans", + "garlic", + "red bell pepper", + "black beans", + "ground black pepper", + "red wine vinegar", + "salt", + "ground cumin", + "green bell pepper", + "kidney beans", + "chili powder", + "purple onion", + "fresh lime juice", + "corn", + "granulated sugar", + "cilantro", + "lemon juice" + ] + }, + { + "id": 46662, + "ingredients": [ + "coarse salt", + "extra-virgin olive oil", + "crushed red pepper flakes", + "flat leaf parsley", + "lemon", + "dried pappardelle", + "fresh thyme leaves", + "kalamata", + "orange zest" + ] + }, + { + "id": 38318, + "ingredients": [ + "cajun seasoning", + "jalapeno chilies", + "cream cheese", + "bacon" + ] + }, + { + "id": 48588, + "ingredients": [ + "light brown sugar", + "granulated sugar", + "baking powder", + "fresh raspberries", + "coffee extract", + "milk", + "rum", + "all-purpose flour", + "kosher salt", + "large eggs", + "whipped cream", + "powdered sugar", + "brewed coffee", + "butter", + "finely ground coffee" + ] + }, + { + "id": 44549, + "ingredients": [ + "tomato sauce", + "zucchini", + "salt", + "cooked shrimp", + "yellow summer squash", + "Johnsonville® Italian All Natural Hot Ground Sausage", + "bacon slices", + "carrots", + "italian seasoning", + "pasta", + "dried thyme", + "stewed tomatoes", + "garlic cloves", + "onions", + "pepper", + "boneless skinless chicken breasts", + "salsa", + "fresh parsley" + ] + }, + { + "id": 37552, + "ingredients": [ + "sweet potato starch", + "honey", + "rice wine", + "garlic salt", + "dark soy sauce", + "black pepper", + "pork ribs", + "Gochujang base", + "soy sauce", + "sesame seeds", + "sesame oil", + "black vinegar", + "brown sugar", + "minced garlic", + "spring onions", + "chinese five-spice powder" + ] + }, + { + "id": 19931, + "ingredients": [ + "sugar", + "dried thyme", + "cayenne pepper", + "black pepper", + "salt", + "ground cloves", + "paprika", + "ground allspice", + "ground cinnamon", + "curry powder", + "grated nutmeg" + ] + }, + { + "id": 23871, + "ingredients": [ + "ground pork", + "canola oil", + "kosher salt", + "rice flour", + "eggs", + "scallions", + "flour", + "kimchi" + ] + }, + { + "id": 23762, + "ingredients": [ + "sugar", + "buttermilk", + "crisco", + "baking soda", + "butter" + ] + }, + { + "id": 25303, + "ingredients": [ + "dry white wine", + "garlic cloves", + "roasted red peppers", + "salt", + "cooking spray", + "all-purpose flour", + "lamb shoulder", + "onions" + ] + }, + { + "id": 11340, + "ingredients": [ + "jalapeno chilies", + "crema", + "sour cream", + "lime juice", + "cilantro", + "oil", + "cabbage", + "avocado", + "green onions", + "salt", + "corn tortillas", + "corn", + "garlic", + "shrimp" + ] + }, + { + "id": 13980, + "ingredients": [ + "romano cheese", + "dried basil", + "onion powder", + "cooked quinoa", + "crushed tomatoes", + "ground turkey breast", + "garlic cloves", + "pepper", + "olive oil", + "salt", + "dried oregano", + "sweet onion", + "large eggs", + "ground turkey" + ] + }, + { + "id": 7656, + "ingredients": [ + "kosher salt", + "shredded extra sharp cheddar cheese", + "onion powder", + "cayenne pepper", + "chopped cilantro fresh", + "salsa verde", + "guacamole", + "shredded pepper jack cheese", + "sour cream", + "ground cumin", + "lime", + "cooking spray", + "garlic", + "cream cheese", + "chicken", + "chile powder", + "ground black pepper", + "green onions", + "salsa", + "corn tortillas" + ] + }, + { + "id": 47486, + "ingredients": [ + "chopped cilantro fresh", + "salt", + "plain yogurt", + "ground cumin", + "scallions" + ] + }, + { + "id": 22621, + "ingredients": [ + "finely chopped onion", + "ground cumin", + "fresh cilantro", + "baked tortilla chips", + "ground black pepper", + "fresh lime juice", + "avocado", + "salt" + ] + }, + { + "id": 9479, + "ingredients": [ + "sugar", + "cajun seasoning", + "chicken", + "brown rice", + "sauce", + "crushed tomatoes", + "garlic", + "seasoning", + "parsley", + "sausages" + ] + }, + { + "id": 13281, + "ingredients": [ + "white onion", + "chopped cilantro fresh", + "tortilla chips", + "plum tomatoes", + "kosher salt", + "serrano chile", + "fresh lime juice" + ] + }, + { + "id": 22624, + "ingredients": [ + "ketchup", + "worcestershire sauce", + "oil", + "eggs", + "milk", + "salt", + "onions", + "pepper", + "ground pork", + "ground beef", + "sake", + "crumbs", + "sauce" + ] + }, + { + "id": 27542, + "ingredients": [ + "grape tomatoes", + "ground black pepper", + "lime wedges", + "ground coriander", + "kosher salt", + "jalapeno chilies", + "cilantro leaves", + "corn tortillas", + "mayonaise", + "red cabbage", + "extra-virgin olive oil", + "greek yogurt", + "avocado", + "tilapia fillets", + "green onions", + "salsa", + "ground cumin" + ] + }, + { + "id": 5778, + "ingredients": [ + "vanilla beans", + "fine salt", + "dark brown sugar", + "unsalted butter", + "ice water", + "corn starch", + "peaches", + "old-fashioned oats", + "lemon juice", + "raspberries", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 48800, + "ingredients": [ + "honey", + "margarine", + "peaches", + "chicken pieces", + "rose water", + "salt", + "white sugar", + "ground black pepper", + "toasted slivered almonds" + ] + }, + { + "id": 744, + "ingredients": [ + "dijon mustard", + "freshly ground pepper", + "capers", + "extra-virgin olive oil", + "juice", + "baguette", + "anchovy fillets", + "chopped parsley", + "kalamata", + "garlic cloves" + ] + }, + { + "id": 27747, + "ingredients": [ + "pesto sauce", + "onions", + "chicken breasts", + "frozen cheese ravioli", + "red pepper" + ] + }, + { + "id": 15511, + "ingredients": [ + "soy sauce", + "ground black pepper", + "chopped garlic", + "msg", + "onions", + "pear juice", + "sesame oil", + "rump roast", + "sesame seeds", + "white sugar" + ] + }, + { + "id": 39843, + "ingredients": [ + "clams", + "extra-virgin olive oil", + "garlic cloves", + "sauvignon blanc", + "crushed red pepper", + "flat leaf parsley", + "lemon wedge", + "anchovy fillets", + "grated lemon peel", + "kosher salt", + "linguine", + "fresh lemon juice" + ] + }, + { + "id": 40129, + "ingredients": [ + "sweet relish", + "condensed milk", + "chicken", + "hard-boiled egg", + "celery", + "pepper", + "crushed pineapple", + "mayonaise", + "salt", + "onions" + ] + }, + { + "id": 2236, + "ingredients": [ + "grated parmesan cheese", + "fresh parsley", + "egg substitute", + "freshly ground pepper", + "2% reduced-fat milk", + "spaghetti", + "turkey bacon", + "garlic cloves" + ] + }, + { + "id": 42882, + "ingredients": [ + "water", + "large garlic cloves", + "dark brown sugar", + "fresh thyme leaves", + "grated nutmeg", + "white vinegar", + "scotch bonnet chile", + "ground allspice", + "fresh ginger", + "salt", + "scallions" + ] + }, + { + "id": 2860, + "ingredients": [ + "saltines", + "jalapeno chilies", + "garlic", + "ground cumin", + "ground black pepper", + "paprika", + "onions", + "fresh cilantro", + "vegetable oil", + "fresh parsley", + "ground cinnamon", + "lean ground beef", + "fine sea salt" + ] + }, + { + "id": 12167, + "ingredients": [ + "ground cardamom", + "water", + "sweetened condensed milk", + "coffee beans" + ] + }, + { + "id": 44860, + "ingredients": [ + "extra-virgin olive oil", + "fresh parsley", + "red wine vinegar", + "purple onion", + "sea salt", + "edamame", + "dijon mustard", + "chopped celery" + ] + }, + { + "id": 38237, + "ingredients": [ + "black pepper", + "whole milk", + "buttermilk", + "oil", + "ground black pepper", + "chopped fresh thyme", + "all-purpose flour", + "canola oil", + "kosher salt", + "fresh thyme leaves", + "salt", + "garlic cloves", + "flour", + "butter", + "cayenne pepper", + "chicken" + ] + }, + { + "id": 27239, + "ingredients": [ + "white pepper", + "flour", + "salt", + "thyme", + "milk", + "buttermilk", + "hot sauce", + "pepper", + "pan drippings", + "all-purpose flour", + "chicken", + "eggs", + "garlic powder", + "paprika", + "cayenne pepper" + ] + }, + { + "id": 20091, + "ingredients": [ + "pepper", + "heavy cream", + "chopped parsley", + "red currant jelly", + "cayenne pepper", + "red wine vinegar", + "salt", + "kidney", + "mustard", + "red wine", + "fat" + ] + }, + { + "id": 24091, + "ingredients": [ + "large garlic cloves", + "chickpeas", + "extra-virgin olive oil", + "paprika", + "cumin seed", + "kosher salt", + "cayenne pepper" + ] + }, + { + "id": 13303, + "ingredients": [ + "mexicorn", + "chile pepper", + "sour cream", + "baking potatoes", + "olive oil", + "cheese" + ] + }, + { + "id": 17, + "ingredients": [ + "black pepper", + "crushed red pepper", + "fresh parsley", + "cooking spray", + "beef broth", + "mushrooms", + "garlic cloves", + "olive oil", + "salt" + ] + }, + { + "id": 16887, + "ingredients": [ + "kosher salt", + "cheese ravioli", + "pecorino cheese", + "swiss chard", + "olive oil", + "garlic", + "black pepper", + "mushrooms" + ] + }, + { + "id": 31862, + "ingredients": [ + "rice noodles", + "scallions", + "sugar", + "salt", + "asian fish sauce", + "unsalted dry roast peanuts", + "carrots", + "fresh cilantro", + "rice vinegar" + ] + }, + { + "id": 14437, + "ingredients": [ + "whole cranberry sauce", + "chicken stock", + "butter", + "beef stock", + "ruby port", + "venison" + ] + }, + { + "id": 35092, + "ingredients": [ + "bread", + "olive oil", + "scallions", + "flat leaf parsley", + "kosher salt", + "hard-boiled egg", + "fresh lemon juice", + "capers", + "low-fat cottage cheese", + "garlic cloves", + "olives", + "cherry tomatoes", + "freshly ground pepper", + "tuna" + ] + }, + { + "id": 47641, + "ingredients": [ + "dried thyme", + "chopped celery", + "cornbread", + "olive oil", + "cayenne pepper", + "green bell pepper", + "butter", + "onions", + "andouille sausage links", + "large eggs", + "low salt chicken broth" + ] + }, + { + "id": 10067, + "ingredients": [ + "powdered milk", + "unsweetened cocoa powder", + "ground cinnamon", + "salt", + "mexican chocolate", + "firmly packed brown sugar", + "cinnamon sticks" + ] + }, + { + "id": 15037, + "ingredients": [ + "cooking oil", + "szechwan peppercorns", + "salt", + "water", + "bean paste", + "ground pork", + "silken tofu", + "leeks", + "chili oil", + "fermented black beans", + "light soy sauce", + "chili powder", + "garlic" + ] + }, + { + "id": 20058, + "ingredients": [ + "olive oil", + "salt", + "dry white wine", + "sage leaves", + "veal cutlets", + "prosciutto", + "garlic cloves" + ] + }, + { + "id": 16841, + "ingredients": [ + "fresh ginger", + "garlic", + "onions", + "preserved lemon", + "cilantro", + "cinnamon sticks", + "chicken", + "tomatoes", + "ground pepper", + "salt", + "saffron", + "olive oil", + "kalamata", + "flat leaf parsley" + ] + }, + { + "id": 35002, + "ingredients": [ + "cayenne pepper", + "paprika", + "cumin", + "garlic powder", + "corn starch", + "salt" + ] + }, + { + "id": 17689, + "ingredients": [ + "soy sauce", + "yuzu", + "sake", + "mirin", + "raw sugar", + "kosher salt", + "vegetable oil", + "ground chicken", + "shallots" + ] + }, + { + "id": 13224, + "ingredients": [ + "white onion", + "ranch dressing", + "Mexican cheese", + "tomatoes", + "zucchini", + "turkey", + "tortillas", + "red pepper flakes", + "beans", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 18356, + "ingredients": [ + "tomatoes", + "yellow bell pepper", + "cucumber", + "mayonaise", + "elbow macaroni", + "green bell pepper", + "salt", + "red bell pepper", + "chopped cooked ham", + "cajun seasoning", + "lemon juice" + ] + }, + { + "id": 10950, + "ingredients": [ + "prosciutto", + "peas", + "milk", + "Ronzoni Penne Rigate", + "fresh parsley", + "grated parmesan cheese", + "garlic", + "light cream", + "butter" + ] + }, + { + "id": 37642, + "ingredients": [ + "fresh cilantro", + "garlic cloves", + "bone-in chicken breast halves", + "coarse salt", + "poblano chiles", + "white onion", + "tomatillos", + "corn tortillas", + "reduced fat monterey jack cheese", + "jalapeno chilies", + "sour cream" + ] + }, + { + "id": 1801, + "ingredients": [ + "paprika", + "dried oregano", + "kosher salt", + "garlic", + "ground cumin", + "tomato sauce", + "vegetable broth", + "canola oil", + "chili powder", + "dried guajillo chiles" + ] + }, + { + "id": 36059, + "ingredients": [ + "black beans", + "quinoa", + "salt", + "tomatoes", + "lime juice", + "jalapeno chilies", + "chopped cilantro", + "water", + "diced red onions", + "frozen corn", + "fresh corn", + "olive oil", + "queso fresco" + ] + }, + { + "id": 5105, + "ingredients": [ + "olive oil", + "extra-virgin olive oil", + "fresh basil leaves", + "roma tomatoes", + "all-purpose flour", + "eggplant", + "salt", + "low fat mozzarella", + "parmagiano reggiano" + ] + }, + { + "id": 18460, + "ingredients": [ + "chicken bouillon granules", + "candied pineapple", + "jicama", + "beets", + "soy sauce", + "red cabbage", + "fresh tarragon", + "amaranth seeds", + "spinach", + "cider vinegar", + "vegetable oil", + "white sandwich bread", + "safflower oil", + "chopped fresh chives", + "purple onion", + "dried oregano" + ] + }, + { + "id": 26501, + "ingredients": [ + "soy sauce", + "green onions", + "dry sherry", + "garlic salt", + "egg whites", + "chili oil", + "corn starch", + "fresh ginger root", + "sesame oil", + "ground pork", + "white sugar", + "water chestnuts", + "wonton skins", + "cooked shrimp" + ] + }, + { + "id": 31066, + "ingredients": [ + "tomatoes", + "sesame oil", + "yellow onion", + "ground black pepper", + "large garlic cloves", + "chopped cilantro", + "soy sauce", + "top sirloin steak", + "safflower", + "bell pepper", + "salt" + ] + }, + { + "id": 15589, + "ingredients": [ + "mayonaise", + "garlic powder", + "paprika", + "sauce", + "fresh mint", + "pepper", + "whole cloves", + "garlic", + "lemon juice", + "plain yogurt", + "ground nutmeg", + "cardamom seeds", + "cumin seed", + "fresh parsley", + "black peppercorns", + "coriander seeds", + "cinnamon", + "salt", + "leg of lamb" + ] + }, + { + "id": 5933, + "ingredients": [ + "brandy", + "shallots", + "fennel bulb", + "shells", + "water", + "garlic", + "tomato paste", + "corn oil" + ] + }, + { + "id": 31444, + "ingredients": [ + "brown sugar", + "scallions", + "chopped cilantro", + "tofu", + "zucchini", + "coconut milk", + "fish sauce", + "red pepper flakes", + "thai green curry paste", + "lime", + "red bell pepper" + ] + }, + { + "id": 42571, + "ingredients": [ + "pancetta", + "parmigiano reggiano cheese", + "flat leaf parsley", + "egg pasta", + "chopped fresh sage", + "unsalted butter", + "garlic cloves", + "chestnuts", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 10448, + "ingredients": [ + "green olives", + "radicchio", + "purple onion", + "dried oregano", + "peperoncini", + "cherry tomatoes", + "extra-virgin olive oil", + "garlic cloves", + "celery ribs", + "mayonaise", + "red wine vinegar", + "freshly ground pepper", + "romaine lettuce", + "parmigiano reggiano cheese", + "salt", + "iceberg lettuce" + ] + }, + { + "id": 11830, + "ingredients": [ + "kale", + "red pepper flakes", + "konbu", + "mirin", + "extra-virgin olive oil", + "chopped garlic", + "sweet potatoes", + "aka miso", + "fresh ginger", + "sliced leeks", + "carrots" + ] + }, + { + "id": 7223, + "ingredients": [ + "soy milk", + "dry white wine", + "salt", + "lemon juice", + "sliced green onions", + "low sodium soy sauce", + "cooking spray", + "sliced carrots", + "fresh onion", + "spaghetti", + "ground black pepper", + "boneless skinless chicken breasts", + "creamy peanut butter", + "corn starch", + "black pepper", + "peeled fresh ginger", + "vegetable oil", + "garlic cloves", + "snow peas" + ] + }, + { + "id": 46537, + "ingredients": [ + "brown sugar", + "lime juice", + "cooking spray", + "sweetened coconut flakes", + "margarine", + "skim milk", + "bananas", + "baking powder", + "salt", + "chopped pecans", + "sugar", + "baking soda", + "dark rum", + "vanilla extract", + "light cream cheese", + "lime zest", + "lime rind", + "large eggs", + "butter", + "all-purpose flour" + ] + }, + { + "id": 27269, + "ingredients": [ + "boneless pork shoulder", + "vegetable oil", + "purple onion", + "lime", + "garlic", + "pepper", + "fresh orange juice", + "salt", + "white vinegar", + "chile pepper", + "achiote paste" + ] + }, + { + "id": 44139, + "ingredients": [ + "eggs", + "whole milk", + "cotija", + "chees fresco queso", + "part-skim mozzarella", + "vegetable oil", + "tapioca flour", + "salt" + ] + }, + { + "id": 11162, + "ingredients": [ + "mashed potatoes", + "flour", + "pepper", + "salt", + "eggs", + "onion powder", + "saltines", + "McCormick Original Country Gravy Mix", + "steak" + ] + }, + { + "id": 38781, + "ingredients": [ + "medium shrimp uncook", + "soy sauce", + "oil", + "green curry paste", + "stir fry vegetable blend", + "unsweetened coconut milk", + "green onions" + ] + }, + { + "id": 25429, + "ingredients": [ + "large egg whites", + "tangelos", + "fresh lemon juice", + "granulated sugar", + "turbinado", + "large eggs" + ] + }, + { + "id": 3987, + "ingredients": [ + "water", + "cooking spray", + "chutney", + "steak sauce", + "ground black pepper", + "salt", + "low sodium worcestershire sauce", + "chips", + "hot sauce", + "bottled chili sauce", + "no salt added ketchup", + "beef tenderloin" + ] + }, + { + "id": 3063, + "ingredients": [ + "white onion", + "queso fresco", + "celery", + "parsley leaves", + "juice", + "canola oil", + "hand", + "garlic", + "vermicelli noodles", + "chicken stock", + "fideos", + "carrots" + ] + }, + { + "id": 392, + "ingredients": [ + "green bell pepper", + "ground black pepper", + "salt", + "chopped cilantro fresh", + "saffron threads", + "sea scallops", + "diced tomatoes", + "red bell pepper", + "short-grain rice", + "chopped fresh thyme", + "chopped onion", + "chopped garlic", + "olive oil", + "low sodium chicken broth", + "edamame", + "large shrimp" + ] + }, + { + "id": 656, + "ingredients": [ + "fresh spinach", + "olive oil", + "cilantro leaves", + "onions", + "crumbled goat cheese", + "butternut squash", + "sour cream", + "water", + "garlic", + "corn tortillas", + "cotija", + "sun-dried tomatoes", + "enchilada sauce" + ] + }, + { + "id": 28508, + "ingredients": [ + "butter", + "onions", + "salt and ground black pepper", + "worcestershire sauce", + "chicken stock", + "red wine", + "dijon mustard", + "all-purpose flour" + ] + }, + { + "id": 42332, + "ingredients": [ + "brown sugar", + "butter", + "salt", + "rolled oats" + ] + }, + { + "id": 41775, + "ingredients": [ + "orange", + "salt", + "ground cumin", + "jalapeno chilies", + "onions", + "olive oil", + "pork shoulder", + "black pepper", + "garlic", + "dried oregano" + ] + }, + { + "id": 14167, + "ingredients": [ + "salt", + "russet potatoes", + "garlic cloves", + "extra-virgin olive oil", + "scallions" + ] + }, + { + "id": 1555, + "ingredients": [ + "grapes", + "butter", + "sourdough bread", + "seasoning", + "cheese" + ] + }, + { + "id": 24872, + "ingredients": [ + "fennel seeds", + "extra-virgin olive oil", + "ground cumin", + "pepper", + "dried red chile peppers", + "tomatoes", + "salt", + "lime juice", + "chopped cilantro fresh" + ] + }, + { + "id": 40323, + "ingredients": [ + "kasha", + "butter", + "onions", + "pepper", + "bow-tie pasta", + "olive oil", + "flat leaf parsley", + "kosher salt", + "button mushrooms" + ] + }, + { + "id": 28209, + "ingredients": [ + "spring onions", + "sesame paste", + "noodles", + "water", + "salt", + "cucumber", + "sesame oil", + "carrots", + "sesame seeds", + "garlic cloves", + "beansprouts" + ] + }, + { + "id": 8772, + "ingredients": [ + "bread crumbs", + "grated parmesan cheese", + "garlic", + "hot Italian sausages", + "eggs", + "dried basil", + "butter", + "salt", + "dried oregano", + "crushed tomatoes", + "mild Italian sausage", + "chopped celery", + "banana peppers", + "tomato sauce", + "ground black pepper", + "worcestershire sauce", + "chopped onion" + ] + }, + { + "id": 33557, + "ingredients": [ + "black pepper", + "reduced fat sharp cheddar cheese", + "salt", + "ground round", + "elbow macaroni", + "pizza sauce" + ] + }, + { + "id": 15016, + "ingredients": [ + "vanilla extract", + "milk", + "white sugar", + "eggs", + "all-purpose flour", + "baking powder" + ] + }, + { + "id": 14866, + "ingredients": [ + "passion fruit", + "sugar", + "cachaca", + "lime wedges", + "kiwi", + "strawberries" + ] + }, + { + "id": 1638, + "ingredients": [ + "olive oil", + "butter", + "sausages", + "red chili peppers", + "grated parmesan cheese", + "Italian parsley leaves", + "fennel seeds", + "ground black pepper", + "lemon", + "dried oregano", + "white wine", + "fusilli", + "sea salt" + ] + }, + { + "id": 37006, + "ingredients": [ + "fish sauce", + "ground turkey", + "eggs", + "green onions", + "ground black pepper", + "cooked rice", + "cilantro" + ] + }, + { + "id": 29914, + "ingredients": [ + "collard greens", + "fresh ginger", + "rice vinegar", + "pork", + "sesame oil", + "garlic cloves", + "sugar", + "serrano peppers", + "chopped onion", + "pepper", + "salt" + ] + }, + { + "id": 797, + "ingredients": [ + "toasted peanuts", + "palm sugar", + "green papaya", + "lime", + "green beans", + "chili pepper", + "garlic", + "fish sauce", + "cherry tomatoes", + "dried shrimp" + ] + }, + { + "id": 4209, + "ingredients": [ + "lime rind", + "all-purpose flour", + "sugar", + "salt", + "key lime juice", + "light brown sugar", + "butter", + "chopped macadamias", + "unflavored gelatin", + "whipping cream", + "sweetened condensed milk" + ] + }, + { + "id": 34027, + "ingredients": [ + "red chili peppers", + "sirloin steak", + "purple onion", + "minced pork", + "fish sauce", + "sesame seeds", + "ginger", + "oil", + "lime", + "sunflower oil", + "cayenne pepper", + "lettuce hearts", + "muscovado sugar", + "rice vermicelli", + "beansprouts" + ] + }, + { + "id": 15378, + "ingredients": [ + "green onions", + "shredded Monterey Jack cheese", + "italian sausage", + "salsa", + "colby cheese", + "sour cream", + "wonton wrappers" + ] + }, + { + "id": 25802, + "ingredients": [ + "red chili peppers", + "rice wine", + "garlic cloves", + "dark soy sauce", + "steamed white rice", + "vegetable stock", + "toasted sesame seeds", + "chili flakes", + "pork belly", + "vegetable oil", + "chinese black vinegar", + "brown sugar", + "spring onions", + "ginger" + ] + }, + { + "id": 21683, + "ingredients": [ + "stock", + "paprika", + "garlic powder", + "dried thyme", + "dried oregano", + "brown rice" + ] + }, + { + "id": 30958, + "ingredients": [ + "pancetta", + "polenta", + "ground pepper", + "olive oil", + "sage leaves", + "salt" + ] + }, + { + "id": 5558, + "ingredients": [ + "raspberries", + "vanilla extract", + "brandy", + "whole milk ricotta cheese", + "sugar", + "honey", + "bittersweet chocolate", + "unsalted pistachios", + "heavy cream" + ] + }, + { + "id": 29792, + "ingredients": [ + "canola", + "garlic", + "onions", + "fish sauce", + "green onions", + "red bell pepper", + "fresh ginger", + "oyster sauce", + "sugar", + "boneless skinless chicken breasts", + "cooked white rice" + ] + }, + { + "id": 35869, + "ingredients": [ + "fish sauce", + "enokitake", + "scallions", + "chicken stock", + "lime", + "button mushrooms", + "chopped cilantro fresh", + "sugar", + "tom yum paste", + "shrimp", + "kaffir lime leaves", + "lemon grass", + "thai chile" + ] + }, + { + "id": 24364, + "ingredients": [ + "soy sauce", + "tortillas", + "shredded lettuce", + "shredded cheese", + "minced ginger", + "cooking oil", + "garlic", + "pepper", + "vinegar", + "ground pork", + "onions", + "red chili peppers", + "lime", + "tomato salsa", + "salt" + ] + }, + { + "id": 35401, + "ingredients": [ + "olive oil", + "orzo", + "kosher salt", + "zucchini", + "pepper", + "cooked chicken", + "sugar pea", + "parmesan cheese", + "fresh lemon juice" + ] + }, + { + "id": 1820, + "ingredients": [ + "chopped green bell pepper", + "pimentos", + "garlic cloves", + "capers", + "cooking spray", + "salt", + "tomato paste", + "finely chopped onion", + "raisins", + "ground round", + "refrigerated pizza dough", + "sauce" + ] + }, + { + "id": 22651, + "ingredients": [ + "pitted kalamata olives", + "olive oil", + "couscous", + "halibut fillets", + "salt", + "black pepper", + "zucchini", + "fresh rosemary", + "cherry tomatoes", + "garlic cloves" + ] + }, + { + "id": 39614, + "ingredients": [ + "sugar", + "bread flour", + "instant yeast", + "water", + "sponge", + "salt" + ] + }, + { + "id": 41834, + "ingredients": [ + "chili powder", + "lemon juice", + "salt", + "water", + "mango" + ] + }, + { + "id": 21043, + "ingredients": [ + "sugar", + "sweet potatoes", + "all-purpose flour", + "warm water", + "butter", + "syrup", + "baking powder", + "melted butter", + "active dry yeast", + "salt" + ] + }, + { + "id": 14615, + "ingredients": [ + "chili", + "salsa", + "chile pepper", + "processed cheese", + "taco sauce", + "crushed red pepper" + ] + }, + { + "id": 47588, + "ingredients": [ + "capers", + "crushed red pepper", + "Italian parsley leaves", + "mint leaves", + "olives", + "extra-virgin olive oil" + ] + }, + { + "id": 38983, + "ingredients": [ + "queso panela", + "lime", + "cilantro leaves", + "chopped cilantro fresh", + "white onion", + "tomatillos", + "juice", + "sugar", + "poblano peppers", + "cayenne pepper", + "minced garlic", + "salt", + "corn tortillas" + ] + }, + { + "id": 31441, + "ingredients": [ + "black pepper", + "heavy cream", + "carrots", + "fresh thyme", + "salt", + "unsalted butter", + "gruyere cheese", + "celery root", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 33455, + "ingredients": [ + "jack daniels", + "unsalted butter", + "vegetable oil", + "garlic", + "center cut pork chops", + "cider vinegar", + "green onions", + "apple cider", + "cayenne pepper", + "low sodium soy sauce", + "dijon mustard", + "lemon", + "salt", + "canola oil", + "light brown sugar", + "pepper", + "flank steak", + "vanilla extract", + "ginger root" + ] + }, + { + "id": 25078, + "ingredients": [ + "italian tomatoes", + "unsalted butter", + "salt", + "juice", + "sugar", + "olive oil", + "fresh mozzarella", + "garlic cloves", + "fresh basil", + "water", + "large eggs", + "ricotta", + "onions", + "black pepper", + "parmigiano reggiano cheese", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 14162, + "ingredients": [ + "sugar", + "salt", + "instant yeast", + "bread flour", + "unsalted butter", + "all-purpose flour", + "eggs", + "whole milk" + ] + }, + { + "id": 14603, + "ingredients": [ + "sugar", + "large eggs", + "whipping cream", + "apricot preserves", + "ground cinnamon", + "granny smith apples", + "refrigerated piecrusts", + "all-purpose flour", + "cream sweeten whip", + "sliced almonds", + "butter", + "almond paste", + "brandy", + "almond extract", + "vanilla extract" + ] + }, + { + "id": 40713, + "ingredients": [ + "black pepper", + "roasted red peppers", + "red wine vinegar", + "pitted olives", + "green beans", + "water", + "artichok heart marin", + "extra-virgin olive oil", + "garlic cloves", + "spelt", + "dijon mustard", + "green peas", + "salt", + "flat leaf parsley", + "green olives", + "frozen whole kernel corn", + "sliced carrots", + "vegetable broth", + "fresh lemon juice" + ] + }, + { + "id": 43872, + "ingredients": [ + "milk", + "salt", + "plain flour", + "baking powder", + "mashed potatoes", + "butter", + "potatoes" + ] + }, + { + "id": 29222, + "ingredients": [ + "peanuts", + "salt", + "shells", + "water" + ] + }, + { + "id": 37701, + "ingredients": [ + "green bell pepper", + "red bell pepper", + "vegetable oil", + "fajita seasoning mix", + "lime", + "onions", + "rib eye steaks", + "garlic" + ] + }, + { + "id": 33720, + "ingredients": [ + "fresh ginger root", + "vegetable oil", + "coconut milk", + "green onions", + "cilantro leaves", + "onions", + "kaffir lime leaves", + "rice noodles", + "yellow curry paste", + "asian fish sauce", + "serrano peppers", + "garlic", + "duck drumsticks" + ] + }, + { + "id": 43660, + "ingredients": [ + "eggs", + "sweet paprika", + "olive oil", + "pepper", + "garlic cloves", + "bread", + "salt" + ] + }, + { + "id": 44613, + "ingredients": [ + "ground nutmeg", + "ground allspice", + "butter", + "white sugar", + "egg whites", + "candied mixed citrus peel", + "pastry", + "currant" + ] + }, + { + "id": 12178, + "ingredients": [ + "fresh pineapple", + "jalapeno chilies", + "beaten eggs", + "milk", + "corn bread" + ] + }, + { + "id": 45641, + "ingredients": [ + "parmesan cheese", + "salt", + "fresh basil leaves", + "olive oil", + "diced tomatoes", + "onions", + "tomato sauce", + "ricotta cheese", + "garlic cloves", + "noodles", + "black pepper", + "red pepper flakes", + "meatloaf" + ] + }, + { + "id": 42803, + "ingredients": [ + "olive oil", + "linguine", + "parsley", + "garlic cloves", + "grated parmesan cheese", + "salt", + "anchovies", + "red pepper flakes" + ] + }, + { + "id": 47145, + "ingredients": [ + "french bread", + "salt", + "white wine", + "vegetable oil", + "onions", + "shredded swiss cheese", + "beef broth", + "pepper", + "butter", + "white sugar" + ] + }, + { + "id": 21925, + "ingredients": [ + "chocolate cookie", + "heavy cream", + "liqueur", + "ricotta cheese", + "confectioners sugar", + "lemon peel", + "vanilla extract", + "butter", + "bittersweet chocolate" + ] + }, + { + "id": 17233, + "ingredients": [ + "tarragon vinegar", + "margarine", + "yellow bell pepper", + "low salt chicken broth", + "black pepper", + "salt", + "thyme sprigs", + "shallots", + "garlic cloves" + ] + }, + { + "id": 28029, + "ingredients": [ + "sugar", + "baking soda", + "salt", + "ground ginger", + "ground cloves", + "large eggs", + "boiling water", + "warm water", + "unsalted butter", + "all-purpose flour", + "ground cinnamon", + "molasses", + "vegetable shortening" + ] + }, + { + "id": 2601, + "ingredients": [ + "water", + "vegetable oil", + "beansprouts", + "soy sauce", + "vermicelli", + "shrimp", + "boneless skinless chicken breast halves", + "pork chops", + "carrots", + "onions", + "curry powder", + "garlic", + "celery" + ] + }, + { + "id": 45781, + "ingredients": [ + "corn kernels", + "salt", + "vegetable oil", + "cornmeal", + "large eggs", + "all-purpose flour", + "buttermilk" + ] + }, + { + "id": 37326, + "ingredients": [ + "salt", + "scallions", + "asiago", + "provolone cheese", + "asparagus", + "pizza doughs", + "ham", + "extra-virgin olive oil", + "freshly ground pepper" + ] + }, + { + "id": 46034, + "ingredients": [ + "egg substitute", + "salt", + "black pepper", + "baby spinach", + "sliced mushrooms", + "olive oil", + "chopped onion", + "large eggs", + "feta cheese crumbles" + ] + }, + { + "id": 12813, + "ingredients": [ + "usukuchi soy sauce", + "dashi", + "somen", + "sugar", + "shoyu", + "mirin" + ] + }, + { + "id": 29934, + "ingredients": [ + "eggplant", + "bell pepper", + "ground black pepper", + "fresh parsley leaves", + "kosher salt", + "roma tomatoes", + "onions", + "sherry vinegar", + "extra-virgin olive oil" + ] + }, + { + "id": 29247, + "ingredients": [ + "fresh parmesan cheese", + "turkey gravy", + "canadian bacon", + "english muffins, split and toasted", + "cooking spray", + "2% reduced-fat milk", + "cooked turkey", + "ground red pepper", + "all-purpose flour", + "tomatoes", + "ground black pepper", + "butter" + ] + }, + { + "id": 48076, + "ingredients": [ + "soy sauce", + "low sodium chicken broth", + "garlic", + "soba", + "chinese rice wine", + "fresh ginger", + "vegetable oil", + "corn starch", + "baby spinach leaves", + "cremini", + "scallions", + "sugar", + "ground black pepper", + "chicken tenderloin", + "toasted sesame oil" + ] + }, + { + "id": 11352, + "ingredients": [ + "sugar", + "butter", + "water", + "grated coconut", + "eggs", + "egg yolks" + ] + }, + { + "id": 42956, + "ingredients": [ + "soy sauce", + "Sriracha", + "hot sauce", + "sugar", + "shiitake", + "sesame oil", + "oyster sauce", + "water", + "Shaoxing wine", + "garlic cloves", + "baby bok choy", + "hong kong-style noodles", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 32918, + "ingredients": [ + "sweet onion", + "butter", + "paprika", + "beef broth", + "fresh thyme leaves", + "asiago", + "purple onion", + "bay leaf", + "ground black pepper", + "red wine", + "gruyere cheese", + "Italian bread", + "chicken broth", + "balsamic vinegar", + "worcestershire sauce", + "salt", + "fresh parsley" + ] + }, + { + "id": 607, + "ingredients": [ + "dried currants", + "sherry wine vinegar", + "unsalted butter", + "stilton cheese", + "dried thyme", + "beef broth", + "sugar", + "veal chops", + "onions" + ] + }, + { + "id": 7801, + "ingredients": [ + "part-skim mozzarella cheese", + "tomato paste", + "nonstick spray", + "pasta", + "beef", + "pasta sauce" + ] + }, + { + "id": 45246, + "ingredients": [ + "green chile", + "baking powder", + "corn kernel whole", + "yellow corn meal", + "skim milk", + "salt", + "sugar", + "vegetable oil", + "eggs", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 31901, + "ingredients": [ + "soy sauce", + "broccoli stems", + "rice vinegar", + "canola oil", + "shiitake", + "ramen noodles", + "medium firm tofu", + "fresh ginger", + "sesame oil", + "garlic cloves", + "red cabbage", + "chili oil", + "carrots" + ] + }, + { + "id": 20449, + "ingredients": [ + "chopped fresh chives", + "salt", + "low-fat sour cream", + "wasabi powder" + ] + }, + { + "id": 19367, + "ingredients": [ + "coconut", + "sea scallops", + "dende oil", + "canned coconut milk", + "serrano chile", + "rock shrimp", + "olive oil", + "green onions", + "salt", + "cooked white rice", + "plantains", + "lime", + "ground black pepper", + "yellow bell pepper", + "red bell pepper", + "plum tomatoes", + "green bell pepper", + "monkfish fillets", + "fish stock", + "cilantro leaves", + "onions" + ] + }, + { + "id": 41457, + "ingredients": [ + "black pepper", + "chicken breasts", + "cilantro", + "honey", + "red pepper", + "salt", + "light soy sauce", + "lemon", + "purple onion", + "caribbean jerk seasoning", + "olive oil", + "pineapple" + ] + }, + { + "id": 12159, + "ingredients": [ + "saffron threads", + "cooked rice", + "kumquats", + "ground cumin", + "ground cinnamon", + "olive oil", + "chopped cilantro fresh", + "chicken stock", + "honey", + "onions", + "prunes", + "butternut squash", + "chicken" + ] + }, + { + "id": 48164, + "ingredients": [ + "cheddar cheese", + "dry white wine", + "broccoli", + "flour", + "dijon style mustard", + "carrots", + "olive oil", + "garlic", + "freshly ground pepper", + "cauliflower", + "french bread", + "salt" + ] + }, + { + "id": 48884, + "ingredients": [ + "eggs", + "jalape", + "chopped cilantro fresh", + "green onions", + "red bell pepper", + "feta cheese", + "cilantro sprigs", + "ground cumin", + "corn oil", + "corn tortillas" + ] + }, + { + "id": 33137, + "ingredients": [ + "kaffir lime leaves", + "lemongrass", + "sweet potatoes", + "garlic", + "ground coriander", + "fresh lime juice", + "sugar", + "vegetables", + "shallots", + "cilantro leaves", + "medium firm tofu", + "ground cumin", + "fresh basil", + "green curry paste", + "bay leaves", + "salt", + "oil", + "snow peas", + "soy sauce", + "zucchini", + "ginger", + "green chilies", + "coconut milk" + ] + }, + { + "id": 23778, + "ingredients": [ + "water", + "paprika", + "marmite", + "lean ground beef", + "fresh mushrooms", + "brown gravy mix", + "butter", + "onions", + "beef bouillon", + "yeast extract" + ] + }, + { + "id": 17154, + "ingredients": [ + "avocado", + "olive oil", + "rice vinegar", + "cucumber", + "sugar", + "mushrooms", + "garlic cloves", + "ground ginger", + "short-grain rice", + "seaweed", + "fish", + "tofu", + "soy sauce", + "salt", + "shrimp" + ] + }, + { + "id": 49078, + "ingredients": [ + "dried basil", + "bay leaves", + "rice", + "red bell pepper", + "sugar", + "olive oil", + "salt", + "pimento stuffed olives", + "dried oregano", + "green bell pepper", + "dried thyme", + "white wine vinegar", + "ground allspice", + "onions", + "black pepper", + "pork tenderloin", + "all-purpose flour", + "garlic cloves" + ] + }, + { + "id": 11125, + "ingredients": [ + "large garlic cloves", + "olive oil", + "fresh lemon juice", + "pecorino romano cheese", + "tagliatelle", + "fresh basil", + "fresh fava bean" + ] + }, + { + "id": 4280, + "ingredients": [ + "white vinegar", + "fresh tomatoes", + "halibut fillets", + "salt", + "avocado", + "fresh cilantro", + "Tabasco Pepper Sauce", + "onions", + "lettuce", + "pepper", + "jalapeno chilies", + "chopped cilantro", + "green bell pepper", + "lime", + "black olives", + "oregano" + ] + }, + { + "id": 33377, + "ingredients": [ + "fish sauce", + "rice noodles", + "white wine vinegar", + "peanuts", + "butter", + "fillets", + "caster sugar", + "vegetable oil", + "beansprouts", + "eggs", + "spring onions", + "lemon", + "chillies" + ] + }, + { + "id": 15884, + "ingredients": [ + "white onion", + "eggs", + "bell pepper", + "tortillas", + "cheddar cheese", + "bacon" + ] + }, + { + "id": 44340, + "ingredients": [ + "cold water", + "dried thyme", + "boneless skinless chicken breasts", + "carrots", + "frozen peas", + "water", + "ground black pepper", + "vegetable oil", + "celery", + "table salt", + "olive oil", + "baking powder", + "sour cream", + "milk", + "low sodium chicken broth", + "all-purpose flour", + "onions" + ] + }, + { + "id": 25351, + "ingredients": [ + "tomatoes", + "zucchini", + "extra-virgin olive oil", + "carrots", + "water", + "basil leaves", + "grated Gruyère cheese", + "green beans", + "celery ribs", + "swiss chard", + "Italian parsley leaves", + "garlic cloves", + "boiling potatoes", + "frozen edamame beans", + "leeks", + "pasta shells", + "thyme" + ] + }, + { + "id": 23271, + "ingredients": [ + "cold water", + "sugar", + "unsalted butter", + "salt", + "unflavored gelatin", + "large egg yolks", + "color food green", + "kirsch", + "cream of tartar", + "milk", + "pistachio nuts", + "corn starch", + "eggs", + "large egg whites", + "heavy cream", + "confectioners sugar" + ] + }, + { + "id": 36191, + "ingredients": [ + "diced green chilies", + "purple onion", + "cumin", + "avocado", + "flour tortillas", + "enchilada sauce", + "chile powder", + "Mexican cheese blend", + "cilantro leaves", + "black beans", + "roma tomatoes", + "garlic salt" + ] + }, + { + "id": 48074, + "ingredients": [ + "dijon mustard", + "whole milk", + "fresh chives", + "self rising flour", + "vegetable oil", + "sesame seeds", + "large eggs", + "sugar", + "shredded extra sharp cheddar cheese", + "baking powder" + ] + }, + { + "id": 47618, + "ingredients": [ + "water", + "green chilies", + "fajita seasoning mix", + "cayenne", + "corn starch", + "lime juice", + "enchilada sauce", + "boneless beef short ribs", + "chopped cilantro" + ] + }, + { + "id": 20153, + "ingredients": [ + "egg whites", + "margarine", + "vegetable oil cooking spray", + "salt", + "eggs", + "ground red pepper", + "chicken salad", + "water", + "all-purpose flour" + ] + }, + { + "id": 40548, + "ingredients": [ + "fresh coriander", + "yoghurt", + "cumin seed", + "onions", + "tomatoes", + "fresh ginger root", + "crème fraîche", + "garlic cloves", + "eggplant", + "salt", + "oil", + "ground turmeric", + "chili flakes", + "ground black pepper", + "cardamom pods", + "fresh mint" + ] + }, + { + "id": 22858, + "ingredients": [ + "fresh corn", + "fresh cilantro", + "greek style plain yogurt", + "avocado", + "black beans", + "chicken breasts", + "tomatoes", + "lime juice", + "brown rice", + "cheddar cheese", + "jalapeno chilies", + "salsa" + ] + }, + { + "id": 6224, + "ingredients": [ + "yellow tomato", + "purple onion", + "bass fillets", + "ground black pepper", + "fresh oregano", + "red bell pepper", + "zucchini", + "fresh lemon juice", + "fresh parsley", + "olive oil", + "salt", + "feta cheese crumbles" + ] + }, + { + "id": 31972, + "ingredients": [ + "tomato paste", + "grated parmesan cheese", + "plum tomatoes", + "ground chicken", + "garlic", + "fettuccine pasta", + "basil", + "mascarpone", + "purple onion" + ] + }, + { + "id": 4190, + "ingredients": [ + "chicken broth", + "cannellini beans", + "linguisa", + "collard greens", + "russet potatoes", + "cinnamon sticks", + "whole allspice", + "garlic", + "bay leaf", + "pepper", + "salt", + "onions" + ] + }, + { + "id": 22066, + "ingredients": [ + "pepper", + "cheese", + "onions", + "tomatoes", + "butter", + "all-purpose flour", + "cold water", + "prepared mustard", + "salt", + "eggs", + "worcestershire sauce", + "lard" + ] + }, + { + "id": 45809, + "ingredients": [ + "avocado", + "black beans", + "non-fat sour cream", + "tomatoes", + "green onions", + "chopped cilantro fresh", + "vegetable oil cooking spray", + "shredded lettuce", + "ground cumin", + "reduced fat monterey jack cheese", + "jalapeno chilies", + "corn tortillas" + ] + }, + { + "id": 16888, + "ingredients": [ + "pepper sauce", + "butter", + "hot sauce", + "french baguette", + "old bay seasoning", + "italian seasoning", + "ketchup", + "lemon", + "shrimp", + "bay leaves", + "worcestershire sauce" + ] + }, + { + "id": 41177, + "ingredients": [ + "olive oil", + "bouquet garni", + "bay leaf", + "tuna steaks", + "salt", + "onions", + "pepper", + "red wine", + "fresh herbs", + "shallots", + "garlic cloves", + "white kidney beans" + ] + }, + { + "id": 2585, + "ingredients": [ + "pepper", + "garlic", + "red bell pepper", + "prepared mustard", + "sauce", + "pork tenderloin", + "salt", + "onions", + "oil-cured black olives", + "fresh mushrooms" + ] + }, + { + "id": 34835, + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "fresh lemon juice", + "apple jelly", + "salt", + "caramel sauce", + "dough", + "granny smith apples", + "all-purpose flour", + "sugar", + "butter", + "braeburn apple" + ] + }, + { + "id": 27465, + "ingredients": [ + "garlic", + "half & half", + "anchovy filets", + "butter" + ] + }, + { + "id": 32614, + "ingredients": [ + "tomatoes", + "olive oil", + "chopped celery", + "garlic cloves", + "polenta", + "fat free less sodium chicken broth", + "1% low-fat milk", + "grated lemon zest", + "fresh parsley", + "black pepper", + "dry white wine", + "salt", + "carrots", + "dried rosemary", + "dried basil", + "gruyere cheese", + "chopped onion", + "chicken thighs" + ] + }, + { + "id": 23845, + "ingredients": [ + "silken tofu", + "salt", + "water", + "shiro miso", + "carrots" + ] + }, + { + "id": 8345, + "ingredients": [ + "chicken", + "marinade", + "lemon wedge", + "butter" + ] + }, + { + "id": 15313, + "ingredients": [ + "salt", + "green onions", + "garlic cloves", + "nopales", + "vegetable oil" + ] + }, + { + "id": 36741, + "ingredients": [ + "caster sugar", + "cake flour", + "eggs", + "baking powder", + "water", + "powdered sugar", + "almond extract" + ] + }, + { + "id": 6845, + "ingredients": [ + "evaporated milk", + "old-fashioned oats", + "sugar", + "Nutella" + ] + }, + { + "id": 24184, + "ingredients": [ + "hamburger buns", + "lean ground beef", + "garlic", + "tomatoes", + "pepper", + "chees fresh mozzarella", + "tomato paste", + "black pepper", + "balsamic vinegar", + "salt", + "fresh basil", + "grated parmesan cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 10632, + "ingredients": [ + "cheese", + "kosher salt", + "canola oil", + "corn tortillas", + "jalapeno chilies" + ] + }, + { + "id": 46732, + "ingredients": [ + "extra-virgin olive oil", + "fresh mint", + "lemon zest", + "garlic cloves", + "sea salt", + "fresh lemon juice", + "sourdough bread", + "freshly ground pepper", + "fresh parsley" + ] + }, + { + "id": 7328, + "ingredients": [ + "lime", + "nonfat plain greek yogurt", + "diced tomatoes", + "red bell pepper", + "ground cumin", + "green bell pepper", + "ground black pepper", + "chili powder", + "salt", + "onions", + "olive oil", + "boneless skinless chicken breasts", + "garlic", + "fresh lime juice", + "vegetable oil cooking spray", + "radishes", + "whole wheat tortillas", + "salsa", + "chopped cilantro fresh" + ] + }, + { + "id": 37610, + "ingredients": [ + "tomato paste", + "onion powder", + "olive oil", + "dried oregano", + "tomato sauce", + "garlic", + "minced onion" + ] + }, + { + "id": 39472, + "ingredients": [ + "shortening", + "butter", + "cornmeal", + "baking powder", + "all-purpose flour", + "baking soda", + "salt", + "apple cider vinegar", + "almond milk" + ] + }, + { + "id": 26291, + "ingredients": [ + "fat free milk", + "salt", + "yellow corn meal", + "baking powder", + "sweet potatoes", + "all-purpose flour", + "honey", + "butter" + ] + }, + { + "id": 30621, + "ingredients": [ + "pepper", + "potatoes", + "all-purpose flour", + "onions", + "chicken bouillon", + "olive oil", + "garlic", + "cream cheese", + "chicken broth", + "water", + "vegetable oil", + "poultry seasoning", + "chicken", + "bread crumbs", + "salted butter", + "salt", + "chopped parsley" + ] + }, + { + "id": 5188, + "ingredients": [ + "lemonade", + "pineapple juice", + "frozen lemonade concentrate", + "sugar", + "ginger ale", + "water" + ] + }, + { + "id": 29760, + "ingredients": [ + "avocado", + "corn kernels", + "regular sour cream", + "flour tortillas", + "low sodium black beans", + "chipotles in adobo", + "cheddar cheese", + "salsa" + ] + }, + { + "id": 45337, + "ingredients": [ + "active dry yeast", + "salt", + "eggs", + "flour", + "oil", + "sugar", + "buttermilk", + "warm water", + "apples" + ] + }, + { + "id": 31663, + "ingredients": [ + "ground cinnamon", + "large eggs", + "unsalted butter", + "all-purpose flour", + "sugar", + "vegetable oil", + "water", + "salt" + ] + }, + { + "id": 3965, + "ingredients": [ + "coconut rum", + "lime", + "ice", + "lime juice", + "juice", + "blueberries" + ] + }, + { + "id": 19981, + "ingredients": [ + "tomatoes", + "ground black pepper", + "lemon juice", + "sweet onion", + "black olives", + "garlic salt", + "green bell pepper", + "vegetable oil", + "cucumber", + "dried basil", + "penne pasta" + ] + }, + { + "id": 23268, + "ingredients": [ + "baking soda", + "buttermilk", + "eggs", + "baking powder", + "yellow corn meal", + "flour", + "white sugar", + "kosher salt", + "butter" + ] + }, + { + "id": 39421, + "ingredients": [ + "kaffir lime leaves", + "zucchini", + "button mushrooms", + "oil", + "water", + "red capsicum", + "red curry paste", + "brown sugar", + "basil leaves", + "cornflour", + "cauliflower", + "lemon grass", + "vegetable stock", + "coconut cream" + ] + }, + { + "id": 19286, + "ingredients": [ + "low-fat buttermilk", + "cheese", + "whole milk" + ] + }, + { + "id": 33493, + "ingredients": [ + "ground pepper", + "garlic", + "soy sauce", + "broccoli stems", + "corn starch", + "sugar", + "flank steak", + "apple juice", + "cider vinegar", + "coarse salt", + "canola oil" + ] + }, + { + "id": 18035, + "ingredients": [ + "ground black pepper", + "white rice", + "chicken stock", + "leeks", + "grated lemon zest", + "chopped fresh chives", + "salt", + "part-skim mozzarella cheese", + "lemon", + "fresh parsley" + ] + }, + { + "id": 19669, + "ingredients": [ + "water", + "salt", + "green onions", + "fresh parsley", + "peeled fresh ginger", + "long-grain rice", + "low sodium soy sauce", + "turkey" + ] + }, + { + "id": 6073, + "ingredients": [ + "pepper", + "salt", + "mayonaise", + "idaho potatoes", + "green apples", + "bologna", + "hard-boiled egg", + "english cucumber", + "pickles", + "peas" + ] + }, + { + "id": 10457, + "ingredients": [ + "whipping cream", + "russet potatoes", + "green onions", + "butter" + ] + }, + { + "id": 24605, + "ingredients": [ + "tumeric", + "sauce", + "chicken", + "bean threads", + "spring onions", + "onions", + "tofu", + "liquid aminos", + "carrots", + "coconut oil", + "garlic", + "cabbage" + ] + }, + { + "id": 37873, + "ingredients": [ + "black pepper", + "olive oil", + "salt", + "dried oregano", + "tomatoes", + "fresh cilantro", + "red wine vinegar", + "red bell pepper", + "black beans", + "jalapeno chilies", + "garlic cloves", + "ground cumin", + "sugar", + "corn", + "purple onion", + "fresh lime juice" + ] + }, + { + "id": 3753, + "ingredients": [ + "unbaked pie crusts", + "margarine", + "light corn syrup", + "eggs", + "vanilla extract", + "rolled oats", + "white sugar" + ] + }, + { + "id": 8218, + "ingredients": [ + "pimentos", + "shrimp", + "shredded cheddar cheese", + "scallions", + "whole milk", + "grit quick", + "butter" + ] + }, + { + "id": 28513, + "ingredients": [ + "extra-virgin olive oil", + "balsamic vinegar", + "fresh mozzarella", + "basil leaves", + "plum tomatoes" + ] + }, + { + "id": 40161, + "ingredients": [ + "corn salsa", + "lime juice", + "large garlic cloves", + "sour cream", + "onions", + "kosher salt", + "chili powder", + "pineapple juice", + "corn tortillas", + "ground cumin", + "avocado", + "shredded cheddar cheese", + "Spanish smoked paprika", + "cayenne pepper", + "chopped cilantro", + "black beans", + "ground black pepper", + "ground pork", + "coconut milk", + "oregano" + ] + }, + { + "id": 35777, + "ingredients": [ + "pepper", + "chicken breasts", + "onions", + "dijon mustard", + "garlic", + "chicken stock", + "dry white wine", + "salt", + "olive oil", + "heavy cream" + ] + }, + { + "id": 38159, + "ingredients": [ + "soy sauce", + "ginger", + "green pepper", + "rice flour", + "cauliflower", + "water", + "all-purpose flour", + "green chilies", + "corn flour", + "white vinegar", + "black pepper", + "salt", + "chili sauce", + "corn starch", + "clove", + "green onions", + "tomato ketchup", + "oil", + "cornmeal" + ] + }, + { + "id": 20380, + "ingredients": [ + "truffles", + "olive oil", + "fresh lemon juice", + "kosher salt", + "crushed red pepper", + "cauliflower florets" + ] + }, + { + "id": 20309, + "ingredients": [ + "eggplant", + "garlic cloves", + "pepper", + "salt", + "white vinegar", + "balsamic vinegar", + "fresh parsley", + "olive oil", + "sweet mini bells" + ] + }, + { + "id": 22178, + "ingredients": [ + "sugar", + "salt", + "large eggs", + "grated lemon peel", + "powdered sugar", + "vanilla extract", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 44534, + "ingredients": [ + "eggs", + "milk", + "unsalted butter", + "dry mustard", + "hamburger buns", + "baking soda", + "boneless skinless chicken breasts", + "peanut oil", + "powdered sugar", + "whole wheat flour", + "sour pickle", + "all-purpose flour", + "kosher salt", + "ground pepper", + "paprika" + ] + }, + { + "id": 36812, + "ingredients": [ + "asparagus", + "chopped onion", + "arborio rice", + "dry white wine", + "olive oil", + "butter", + "grated parmesan cheese", + "low salt chicken broth" + ] + }, + { + "id": 771, + "ingredients": [ + "pasta sauce", + "grated parmesan cheese", + "chopped garlic", + "dried basil", + "beaten eggs", + "seasoned bread crumbs", + "shredded Italian cheese", + "boneless chicken breast", + "dried oregano" + ] + }, + { + "id": 14453, + "ingredients": [ + "large eggs", + "cornmeal", + "parsley sprigs", + "salt", + "smoked salmon", + "vegetable oil", + "caviar", + "milk", + "crème fraîche" + ] + }, + { + "id": 37861, + "ingredients": [ + "grated parmesan cheese", + "arugula", + "pinenuts", + "extra-virgin olive oil", + "avocado", + "basil", + "lime", + "garlic" + ] + }, + { + "id": 40670, + "ingredients": [ + "coconut flakes", + "baking powder", + "scallions", + "cauliflower", + "kosher salt", + "florets", + "toasted sesame seeds", + "vodka", + "vegetable oil", + "corn starch", + "cold water", + "sweet soy sauce", + "all-purpose flour" + ] + }, + { + "id": 33687, + "ingredients": [ + "black pepper", + "onions", + "bread", + "extra-virgin olive oil", + "eggs", + "salt", + "butter" + ] + }, + { + "id": 11720, + "ingredients": [ + "black pepper", + "chili sauce", + "chopped garlic", + "red chili peppers", + "chili oil", + "scallions", + "chinese rice wine", + "flank steak", + "peanut oil", + "ground cumin", + "soy sauce", + "ginger", + "corn starch" + ] + }, + { + "id": 41612, + "ingredients": [ + "simple syrup", + "jalapeno chilies", + "cachaca", + "lime juice", + "cucumber", + "sea salt" + ] + }, + { + "id": 27089, + "ingredients": [ + "evaporated milk", + "sugar", + "ice cubes", + "mango", + "sweetener" + ] + }, + { + "id": 18732, + "ingredients": [ + "frozen chopped spinach", + "ground nutmeg", + "jumbo shells", + "part-skim mozzarella cheese", + "egg whites", + "tomato sauce", + "ground black pepper", + "carrots", + "parmesan cheese", + "low fat part skim ricotta chees" + ] + }, + { + "id": 46522, + "ingredients": [ + "eggs", + "parmesan cheese", + "mozzarella cheese", + "salt", + "pasta sauce", + "ricotta cheese", + "pepper", + "jumbo pasta shells" + ] + }, + { + "id": 44217, + "ingredients": [ + "mint", + "herbs", + "peanut butter", + "red bell pepper", + "avocado", + "honey", + "garlic", + "garlic cloves", + "canola oil", + "soy sauce", + "crushed red pepper flakes", + "orange juice", + "ginger root", + "low sodium soy sauce", + "shiitake", + "dried rice noodles", + "carrots", + "rice paper" + ] + }, + { + "id": 10202, + "ingredients": [ + "eggs", + "baby spinach", + "oil", + "nutmeg", + "olive oil", + "ricotta", + "tomatoes", + "parmesan cheese", + "freshly ground pepper", + "pasta", + "mozzarella cheese", + "salt", + "garlic cloves" + ] + }, + { + "id": 40090, + "ingredients": [ + "tomatoes", + "light beer", + "salt", + "pork shoulder", + "hot chili", + "cheese", + "taco seasoning", + "water", + "chili powder", + "cayenne pepper", + "cumin", + "flour tortillas", + "garlic", + "pinto beans" + ] + }, + { + "id": 9314, + "ingredients": [ + "jalapeno chilies", + "garlic cloves", + "ground cumin", + "achiote paste", + "chopped cilantro fresh", + "meat", + "fresh lime juice", + "syrup", + "shells", + "dried oregano" + ] + }, + { + "id": 38428, + "ingredients": [ + "butter", + "sugar", + "all-purpose flour", + "hot fudge topping", + "whipped cream", + "large eggs" + ] + }, + { + "id": 25439, + "ingredients": [ + "cooked chicken", + "oil", + "chopped garlic", + "chopped celery", + "sausages", + "cajun seasoning", + "long-grain rice", + "stock", + "green pepper", + "onions" + ] + }, + { + "id": 39775, + "ingredients": [ + "coriander seeds", + "cumin seed", + "black peppercorns", + "urad dal", + "ground turmeric", + "chana dal", + "mustard seeds", + "red chili peppers", + "fenugreek seeds" + ] + }, + { + "id": 13463, + "ingredients": [ + "fresh udon", + "sesame oil", + "boneless skinless chicken breast halves", + "fresh ginger", + "scallions", + "soy sauce", + "baby spinach", + "chile paste with garlic", + "mirin", + "toasted sesame seeds" + ] + }, + { + "id": 21501, + "ingredients": [ + "white onion", + "long-grain rice", + "chopped tomatoes", + "serrano chile", + "kosher salt", + "garlic cloves", + "reduced sodium chicken broth", + "vegetable oil" + ] + }, + { + "id": 47894, + "ingredients": [ + "chicken stock", + "curry powder", + "chili powder", + "cilantro", + "ground coriander", + "fresh lime juice", + "tumeric", + "sweet potatoes", + "red pepper flakes", + "garlic", + "carrots", + "cumin", + "brown sugar", + "sherry", + "sesame oil", + "ginger", + "oil", + "onions", + "soy sauce", + "chicken breasts", + "diced tomatoes", + "peanut butter", + "coconut milk" + ] + }, + { + "id": 6270, + "ingredients": [ + "sesame oil", + "fresh parsley", + "vegetable oil cooking spray", + "beef broth", + "low sodium soy sauce", + "salt", + "green onions", + "long-grain rice" + ] + }, + { + "id": 37860, + "ingredients": [ + "sugar", + "garlic cloves", + "chives", + "toasted sesame seeds", + "light soy sauce", + "beansprouts", + "sesame oil" + ] + }, + { + "id": 21988, + "ingredients": [ + "jalapeno chilies", + "large garlic cloves", + "onions", + "chicken wings", + "ground red pepper", + "dri leav thyme", + "low sodium soy sauce", + "green onions", + "salt", + "ground black pepper", + "vegetable oil", + "ground allspice" + ] + }, + { + "id": 7205, + "ingredients": [ + "extra-virgin olive oil", + "bread" + ] + }, + { + "id": 12797, + "ingredients": [ + "tomatoes", + "garam masala", + "butter", + "cumin seed", + "cream", + "yoghurt", + "salt", + "cashew nuts", + "sugar", + "watermelon seeds", + "paneer", + "mustard seeds", + "sesame seeds", + "chili powder", + "cilantro leaves", + "ground turmeric" + ] + }, + { + "id": 45258, + "ingredients": [ + "water", + "cooking spray", + "purple onion", + "fresh pineapple", + "slivered almonds", + "nonfat yogurt", + "Thai red curry paste", + "chopped cilantro fresh", + "fresh ginger", + "baby spinach", + "fresh lime juice", + "honey", + "light mayonnaise", + "couscous", + "cooked chicken breasts" + ] + }, + { + "id": 30940, + "ingredients": [ + "pepper", + "large garlic cloves", + "onions", + "chili powder", + "salt", + "ground cumin", + "lean ground beef", + "cornmeal", + "olive oil", + "diced tomatoes", + "dried oregano" + ] + }, + { + "id": 9264, + "ingredients": [ + "grated parmesan cheese", + "whipping cream", + "fettucine", + "dried sage", + "diced tomatoes in juice", + "olive oil", + "large garlic cloves", + "sausage casings", + "shallots" + ] + }, + { + "id": 14576, + "ingredients": [ + "water", + "cilantro leaves", + "dal", + "yoghurt", + "cumin seed", + "semolina", + "green chilies", + "ghee", + "curry leaves", + "salt", + "mustard seeds" + ] + }, + { + "id": 28890, + "ingredients": [ + "liquid aminos", + "baking powder", + "sorghum flour", + "almond milk", + "flax seed meal", + "coconut oil", + "tapioca starch", + "paprika", + "cayenne pepper", + "coconut milk", + "allspice", + "potato starch", + "water", + "sea salt", + "brown rice flour", + "thyme", + "cumin", + "tumeric", + "spring onions", + "garlic", + "brown lentils", + "onions" + ] + }, + { + "id": 20128, + "ingredients": [ + "fresh basil", + "chees fresh mozzarella", + "prebaked pizza crusts", + "pesto", + "crushed red pepper", + "tomatoes", + "cooking spray" + ] + }, + { + "id": 7330, + "ingredients": [ + "fresh tomatoes", + "salt", + "chopped cilantro fresh", + "bacon", + "pinto beans", + "jalapeno chilies", + "beer", + "garlic", + "onions" + ] + }, + { + "id": 20464, + "ingredients": [ + "water", + "rice vinegar", + "juice", + "sugar", + "garlic", + "scallions", + "chili flakes", + "large eggs", + "all-purpose flour", + "soy sauce", + "salt", + "oil" + ] + }, + { + "id": 19619, + "ingredients": [ + "chicken breasts", + "salsa", + "taco sauce", + "garlic", + "onions", + "low-fat cheddar cheese", + "fat", + "taco seasoning mix", + "non-fat sour cream", + "low fat tortilla chip" + ] + }, + { + "id": 37972, + "ingredients": [ + "sesame seeds", + "garlic", + "sugar", + "vegetables", + "carrots", + "coriander seeds", + "salt", + "soy sauce", + "apple cider vinegar" + ] + }, + { + "id": 41015, + "ingredients": [ + "tomatoes", + "french bread", + "purple onion", + "black pepper", + "sherry wine vinegar", + "goat cheese", + "fresh basil", + "basil leaves", + "salt", + "tomato paste", + "olive oil", + "1% low-fat milk", + "garlic cloves" + ] + }, + { + "id": 47310, + "ingredients": [ + "arborio rice", + "radicchio", + "fat skimmed chicken broth", + "pepper", + "garlic", + "mozzarella cheese", + "dry white wine", + "onions", + "olive oil", + "salt" + ] + }, + { + "id": 27652, + "ingredients": [ + "polish sausage", + "red beans", + "chopped green chilies", + "seasoning salt", + "diced tomatoes", + "garlic powder" + ] + }, + { + "id": 42503, + "ingredients": [ + "black pepper", + "garlic salt", + "tomato paste", + "chili powder", + "chicken stock", + "roast", + "brown sugar", + "chipotle chile powder" + ] + }, + { + "id": 19581, + "ingredients": [ + "tomato paste", + "flat leaf parsley", + "extra-virgin olive oil", + "chicken", + "celery ribs", + "carrots", + "black peppercorns", + "onions" + ] + }, + { + "id": 20539, + "ingredients": [ + "large eggs", + "salt", + "olive oil", + "lean ground beef", + "ground black pepper", + "large garlic cloves", + "bread crumbs", + "grated parmesan cheese", + "fresh parsley" + ] + }, + { + "id": 13159, + "ingredients": [ + "dried thyme", + "shredded carrots", + "rice vermicelli", + "hot water", + "thai basil", + "red wine vinegar", + "creamy peanut butter", + "mint", + "hoisin sauce", + "shredded lettuce", + "oil", + "peanuts", + "flank steak", + "hot sauce", + "rice paper" + ] + }, + { + "id": 45674, + "ingredients": [ + "large egg whites", + "baby spinach", + "dry bread crumbs", + "fresh parsley", + "fat free less sodium chicken broth", + "shallots", + "all-purpose flour", + "sliced mushrooms", + "olive oil", + "1% low-fat milk", + "sauce", + "boneless skinless chicken breast halves", + "marsala wine", + "ground black pepper", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 25381, + "ingredients": [ + "water", + "garlic", + "pork", + "dry sherry", + "ground ginger", + "honey", + "soy sauce", + "cornflour" + ] + }, + { + "id": 17734, + "ingredients": [ + "fresh cilantro", + "chili powder", + "corn kernel whole", + "pepper", + "garlic powder", + "scallions", + "black beans", + "lime", + "extra-virgin olive oil", + "water", + "quinoa", + "red bell pepper" + ] + }, + { + "id": 15502, + "ingredients": [ + "cherry tomatoes", + "large garlic cloves", + "red snapper", + "parsley leaves", + "water", + "dry white wine", + "olive oil" + ] + }, + { + "id": 1949, + "ingredients": [ + "olive oil", + "garlic", + "dried oregano", + "white onion", + "cooked chicken", + "poblano chiles", + "tomatoes", + "extra sharp white cheddar cheese", + "salt", + "ground cumin", + "lime juice", + "white rice", + "chopped cilantro fresh" + ] + }, + { + "id": 7784, + "ingredients": [ + "sugar", + "Shaoxing wine", + "peanut oil", + "pork belly", + "salt", + "soy sauce", + "leeks", + "black bean sauce", + "chile bean paste" + ] + }, + { + "id": 23870, + "ingredients": [ + "large egg whites", + "salt", + "cornmeal", + "baking powder", + "grated lemon zest", + "sugar", + "butter", + "corn syrup", + "cooking spray", + "all-purpose flour", + "canola oil" + ] + }, + { + "id": 42, + "ingredients": [ + "ground ginger", + "ground turkey breast", + "salt", + "ground lamb", + "ground cinnamon", + "lettuce leaves", + "reduced fat mayonnaise", + "tomato paste", + "cooking spray", + "fresh lemon juice", + "ground cumin", + "whole wheat pita", + "ground red pepper", + "onions" + ] + }, + { + "id": 34881, + "ingredients": [ + "cream sweeten whip", + "coffee", + "sugar", + "Irish whiskey" + ] + }, + { + "id": 2680, + "ingredients": [ + "butter", + "potatoes", + "green onions", + "milk", + "salt" + ] + }, + { + "id": 10299, + "ingredients": [ + "crimini mushrooms", + "garlic cloves", + "dried thyme", + "salt", + "thyme sprigs", + "olive oil", + "all-purpose flour", + "pepper", + "button mushrooms", + "bread slices" + ] + }, + { + "id": 3737, + "ingredients": [ + "grated parmesan cheese", + "flat leaf parsley", + "extra-virgin olive oil", + "spaghetti", + "coarse salt", + "fresh basil leaves", + "tomatoes", + "freshly ground pepper", + "chopped garlic" + ] + }, + { + "id": 42343, + "ingredients": [ + "sesame seeds", + "firm tofu", + "sliced green onions", + "low sodium soy sauce", + "chili oil", + "cucumber", + "peeled fresh ginger", + "dark sesame oil", + "sugar", + "rice vinegar", + "soba" + ] + }, + { + "id": 21785, + "ingredients": [ + "whipping cream", + "olive oil", + "chopped garlic", + "grated parmesan cheese", + "pinenuts", + "red bell pepper" + ] + }, + { + "id": 8581, + "ingredients": [ + "olive oil", + "salt", + "dried tarragon leaves", + "green beans", + "balsamic vinegar" + ] + }, + { + "id": 42710, + "ingredients": [ + "split black lentils", + "mustard seeds", + "beans", + "salt", + "dried red chile peppers", + "cooking oil", + "fresh mint", + "coriander seeds", + "tamarind paste" + ] + }, + { + "id": 16804, + "ingredients": [ + "sea bass", + "lemon zest", + "garlic", + "peasant bread", + "butter", + "anchovy fillets", + "white wine", + "parsley", + "crushed red pepper", + "capers", + "olive oil", + "lemon" + ] + }, + { + "id": 37626, + "ingredients": [ + "ground black pepper", + "garlic", + "greek yogurt", + "fresh dill", + "lemon", + "english cucumber", + "roma tomatoes", + "purple onion", + "hummus", + "kosher salt", + "kalamata", + "feta cheese crumbles" + ] + }, + { + "id": 48805, + "ingredients": [ + "clove", + "ketchup", + "boneless skinless chicken breasts", + "garlic", + "corn starch", + "sugar", + "pepper", + "vegetable oil", + "scallions", + "chicken stock", + "white wine", + "sesame oil", + "salt", + "beansprouts", + "soy sauce", + "hoisin sauce", + "red pepper", + "oyster sauce" + ] + }, + { + "id": 2746, + "ingredients": [ + "jack cheese", + "lime wedges", + "flour tortillas", + "black beans", + "sour cream", + "pico de gallo", + "jalapeno chilies" + ] + }, + { + "id": 24899, + "ingredients": [ + "sugar", + "vegetable oil", + "rice flour", + "unsweetened coconut milk", + "shiitake", + "salt", + "pork shoulder", + "tumeric", + "green onions", + "yellow onion", + "curry powder", + "dipping sauces", + "beansprouts" + ] + }, + { + "id": 25649, + "ingredients": [ + "chili", + "garlic", + "chopped cilantro", + "low sodium chicken broth", + "green chilies", + "salsa verde", + "yellow onion", + "chicken", + "cheddar cheese", + "vegetable oil", + "corn tortillas" + ] + }, + { + "id": 6723, + "ingredients": [ + "pinenuts", + "currant", + "dried oregano", + "tomato paste", + "lean ground beef", + "yellow onion", + "savory", + "salt", + "ground cumin", + "eggs", + "red wine", + "freshly ground pepper" + ] + }, + { + "id": 34402, + "ingredients": [ + "lime juice", + "tamari soy sauce", + "garlic cloves", + "bird chile", + "toasted peanuts", + "sesame oil", + "cilantro leaves", + "roast beef", + "kaffir lime leaves", + "fresh ginger", + "purple onion", + "fresh mint", + "cherry tomatoes", + "vietnamese fish sauce", + "cucumber", + "fresh basil leaves" + ] + }, + { + "id": 3080, + "ingredients": [ + "fish sauce", + "salt", + "zucchini", + "red curry paste", + "eggs", + "chicken breasts", + "onions", + "chicken stock", + "pumpkin", + "coconut cream" + ] + }, + { + "id": 26264, + "ingredients": [ + "kosher salt", + "baking powder", + "unsalted butter", + "all-purpose flour", + "baking soda", + "buttermilk", + "large eggs", + "white cornmeal" + ] + }, + { + "id": 37408, + "ingredients": [ + "cider vinegar", + "green beans", + "bacon slices", + "pepper", + "onions", + "sugar", + "salt" + ] + }, + { + "id": 117, + "ingredients": [ + "mussels", + "garlic", + "mozzarella cheese", + "parsley flakes", + "panko breadcrumbs", + "unsalted butter" + ] + }, + { + "id": 34481, + "ingredients": [ + "dried basil", + "crepes", + "nonfat ricotta cheese", + "cooking spray", + "provolone cheese", + "olive oil", + "salt", + "frozen chopped spinach", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 43553, + "ingredients": [ + "sage leaves", + "chiles", + "dry white wine", + "fresh rosemary", + "prosciutto", + "garlic", + "black peppercorns", + "bay leaves", + "chicken", + "clove", + "water", + "coarse sea salt" + ] + }, + { + "id": 39747, + "ingredients": [ + "milk", + "beaten eggs", + "plain flour", + "salt", + "butter" + ] + }, + { + "id": 30499, + "ingredients": [ + "pizza sauce", + "red bell pepper", + "olive oil", + "purple onion", + "romano cheese", + "cajun seasoning", + "medium shrimp", + "green onions", + "shredded mozzarella cheese" + ] + }, + { + "id": 19980, + "ingredients": [ + "eggs", + "green onions", + "all-purpose flour", + "ketchup", + "worcestershire sauce", + "boneless skinless chicken breast halves", + "soy sauce", + "vegetable oil", + "panko breadcrumbs", + "pepper", + "salt" + ] + }, + { + "id": 32277, + "ingredients": [ + "granulated sugar", + "nonfat ricotta cheese", + "hazelnuts", + "vanilla extract", + "brown sugar", + "butter", + "pears", + "mascarpone", + "Frangelico" + ] + }, + { + "id": 36165, + "ingredients": [ + "peeled fresh ginger", + "dark sesame oil", + "large shrimp", + "short-grain rice", + "rice vinegar", + "red bell pepper", + "orange", + "salt", + "garlic cloves", + "green onions", + "shaoxing" + ] + }, + { + "id": 2649, + "ingredients": [ + "mussels", + "fennel bulb", + "garlic cloves", + "water", + "diced tomatoes", + "fennel seeds", + "dry white wine", + "fresh lemon juice", + "olive oil", + "salt" + ] + }, + { + "id": 17428, + "ingredients": [ + "lime rind", + "garlic cloves", + "salt", + "chopped cilantro fresh", + "avocado", + "chopped onion", + "plum tomatoes", + "pepper", + "fresh lime juice" + ] + }, + { + "id": 31069, + "ingredients": [ + "sun-dried tomatoes", + "pepper", + "salt", + "unsalted butter", + "minced garlic", + "fresh parsley" + ] + }, + { + "id": 26188, + "ingredients": [ + "red pepper", + "scallions", + "chopped cilantro", + "enokitake", + "vegetable broth", + "konbu", + "peeled fresh ginger", + "soba noodles", + "beansprouts", + "ponzu", + "garlic cloves" + ] + }, + { + "id": 8944, + "ingredients": [ + "zucchini", + "non-fat sour cream", + "red bell pepper", + "ground cumin", + "reduced fat sharp cheddar cheese", + "cooking spray", + "salt", + "fresh lime juice", + "tomatoes", + "flour tortillas", + "purple onion", + "poblano chiles", + "corn kernels", + "extra-virgin olive oil", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 2473, + "ingredients": [ + "paprika", + "dried oregano", + "cider vinegar", + "garlic", + "ground cloves", + "ground pork", + "chili powder", + "salt" + ] + }, + { + "id": 14931, + "ingredients": [ + "tumeric", + "boneless chicken breast", + "garam masala", + "salt", + "fresh ginger", + "lemon", + "low-fat plain yogurt", + "cayenne", + "garlic cloves" + ] + }, + { + "id": 21552, + "ingredients": [ + "fennel seeds", + "ground black pepper", + "extra-virgin olive oil", + "freshly ground pepper", + "mint", + "parmigiano reggiano cheese", + "anchovy fillets", + "fresh tuna steaks", + "capers", + "fennel bulb", + "yellow onion", + "flat leaf parsley", + "kosher salt", + "reduced sodium vegetable stock", + "orange juice" + ] + }, + { + "id": 13444, + "ingredients": [ + "egg whites", + "white sugar", + "chopped almonds", + "hazelnuts" + ] + }, + { + "id": 46119, + "ingredients": [ + "soy sauce", + "chives", + "matsutake mushrooms", + "sake", + "mirin", + "seaweed", + "water", + "salt", + "nuts", + "mitsuba", + "bonito flakes", + "medium-grain rice" + ] + }, + { + "id": 37942, + "ingredients": [ + "plum tomatoes", + "pepper", + "salt" + ] + }, + { + "id": 32162, + "ingredients": [ + "ground red pepper", + "poppy seeds", + "crumbled blue cheese", + "all-purpose flour", + "butter" + ] + }, + { + "id": 36605, + "ingredients": [ + "plain low-fat yogurt", + "coarse salt", + "fresh lemon juice", + "peeled fresh ginger", + "ground coriander", + "ground cumin", + "vegetable oil", + "garlic cloves", + "ground pepper", + "yellow onion", + "chicken" + ] + }, + { + "id": 48647, + "ingredients": [ + "sugar", + "unsalted butter", + "salt", + "milk", + "buttermilk", + "extra sharp cheddar cheese", + "eggs", + "baking soda", + "poppy seeds", + "pepper", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 12709, + "ingredients": [ + "plain yogurt", + "cayenne", + "cilantro", + "ground coriander", + "frozen peas", + "anardana", + "amchur", + "flour", + "cilantro leaves", + "waxy potatoes", + "kosher salt", + "unsalted butter", + "ginger", + "cumin seed", + "canola oil", + "chiles", + "garam masala", + "mint leaves", + "yellow onion", + "fresh lemon juice" + ] + }, + { + "id": 1405, + "ingredients": [ + "lemon", + "naan", + "leg of lamb", + "freshly ground pepper", + "salad", + "tandoori paste" + ] + }, + { + "id": 34269, + "ingredients": [ + "stone-ground cornmeal", + "salt", + "half & half", + "large eggs", + "polenta", + "water", + "butter" + ] + }, + { + "id": 31633, + "ingredients": [ + "extra-virgin olive oil", + "baby lima beans", + "garlic cloves", + "salt", + "sesame seeds", + "fresh lemon juice" + ] + }, + { + "id": 29169, + "ingredients": [ + "jalapeno chilies", + "paprika", + "mayonaise", + "colby jack cheese", + "cream cheese", + "pimentos", + "cayenne pepper", + "garlic powder", + "onion powder", + "sharp cheddar cheese" + ] + }, + { + "id": 10732, + "ingredients": [ + "pepper sauce", + "garlic salt", + "corn tortillas", + "avocado", + "onions", + "cilantro leaves" + ] + }, + { + "id": 40433, + "ingredients": [ + "seasoning salt", + "red pepper", + "parsley flakes", + "jalapeno chilies", + "onions", + "pig feet", + "smoked paprika", + "minced garlic", + "onion powder", + "garlic salt" + ] + }, + { + "id": 30014, + "ingredients": [ + "sesame seeds", + "glutinous rice flour", + "vegetable oil", + "eggs", + "candy" + ] + }, + { + "id": 48847, + "ingredients": [ + "lime", + "cod fillets", + "2% lowfat greek yogurt", + "ground cumin", + "vegetable oil cooking spray", + "olive oil", + "chili powder", + "chopped cilantro", + "avocado", + "cherry tomatoes", + "red cabbage", + "corn tortillas", + "black pepper", + "garlic powder", + "salt", + "chopped garlic" + ] + }, + { + "id": 26587, + "ingredients": [ + "pork chops", + "garlic cloves", + "onions", + "rice noodles", + "green beans", + "green onions", + "carrots", + "cabbage", + "soy sauce", + "oil", + "celery" + ] + }, + { + "id": 36983, + "ingredients": [ + "celery ribs", + "crushed tomatoes", + "grated parmesan cheese", + "dry red wine", + "garlic cloves", + "onions", + "semolina flour", + "large egg yolks", + "bay leaves", + "all-purpose flour", + "low salt chicken broth", + "parsley sprigs", + "unsalted butter", + "oxtails", + "beef broth", + "flat leaf parsley", + "rosemary sprigs", + "olive oil", + "whole milk", + "salt", + "carrots" + ] + }, + { + "id": 34931, + "ingredients": [ + "tomatoes", + "poblano peppers", + "tortilla chips", + "chopped cilantro fresh", + "diced green chilies", + "green onions", + "oil", + "ground cumin", + "pepper", + "jalapeno chilies", + "cream cheese", + "shredded Monterey Jack cheese", + "vegetables", + "salt", + "sour cream" + ] + }, + { + "id": 4244, + "ingredients": [ + "black beans", + "ground turkey", + "Mexican cheese blend", + "Old El Paso™ taco seasoning mix", + "Pillsbury™ Refrigerated Crescent Dinner Rolls" + ] + }, + { + "id": 16864, + "ingredients": [ + "turnip greens", + "slab bacon", + "black pepper", + "crushed red pepper", + "diced onions", + "cider vinegar", + "salt", + "pepper sauce", + "water", + "garlic cloves" + ] + }, + { + "id": 17047, + "ingredients": [ + "sugar", + "large eggs", + "butter", + "cilantro leaves", + "serrano chile", + "water", + "peeled fresh ginger", + "green peas", + "fresh mint", + "kosher salt", + "cooking spray", + "yellow lentils", + "fresh lemon juice", + "ground cumin", + "egg roll wrappers", + "baking potatoes", + "purple onion", + "Madras curry powder" + ] + }, + { + "id": 34698, + "ingredients": [ + "green onions", + "garlic", + "oil", + "black beans", + "diced tomatoes", + "frozen corn", + "cumin", + "chicken broth", + "chicken breasts", + "salt", + "onions", + "pepper", + "cilantro", + "cayenne pepper" + ] + }, + { + "id": 44532, + "ingredients": [ + "tomato sauce", + "green onions", + "salt", + "white sugar", + "olive oil", + "stewed tomatoes", + "onions", + "water", + "diced tomatoes", + "bay leaf", + "green bell pepper", + "ground black pepper", + "garlic", + "fresh basil leaves" + ] + }, + { + "id": 23604, + "ingredients": [ + "prosciutto", + "salt", + "dry white wine", + "chicken thighs", + "mushrooms", + "sour cream", + "butter", + "chopped garlic" + ] + }, + { + "id": 27463, + "ingredients": [ + "eggs", + "coriander powder", + "ginger", + "brown cardamom", + "mustard seeds", + "cashew nuts", + "curry leaves", + "fresh cilantro", + "vegetable oil", + "salt", + "cumin seed", + "bay leaf", + "clove", + "red chili peppers", + "chili powder", + "garlic", + "green chilies", + "cinnamon sticks", + "peppercorns", + "tomatoes", + "sesame seeds", + "poppy seeds", + "green cardamom", + "fresh lemon juice", + "onions" + ] + }, + { + "id": 34501, + "ingredients": [ + "tomatoes", + "large garlic cloves", + "fresh basil leaves", + "olive oil", + "ricotta", + "water", + "salt", + "rigatoni", + "eggplant", + "onions" + ] + }, + { + "id": 13649, + "ingredients": [ + "active dry yeast", + "butter", + "milk", + "large eggs", + "all-purpose flour", + "ground cinnamon", + "sesame seeds", + "vanilla", + "sugar", + "ground nutmeg", + "salt" + ] + }, + { + "id": 988, + "ingredients": [ + "tomato paste", + "salt", + "red wine vinegar", + "olive oil", + "chili", + "red bell pepper" + ] + }, + { + "id": 27926, + "ingredients": [ + "water", + "vanilla extract", + "white sugar", + "baking powder", + "lemon juice", + "lemon zest", + "all-purpose flour", + "eggs", + "butter", + "confectioners sugar" + ] + }, + { + "id": 40240, + "ingredients": [ + "bacon bits", + "pepper", + "parsley", + "salt", + "rice", + "carrots", + "tomato paste", + "cayenne", + "garlic", + "sauce", + "diced celery", + "bay leaf", + "chicken stock", + "dried thyme", + "butter", + "yellow onion", + "oil", + "shrimp", + "tomatoes", + "spring onions", + "smoked sausage", + "green pepper", + "lemon juice", + "dried oregano" + ] + }, + { + "id": 18053, + "ingredients": [ + "flour", + "pinipig", + "cashew nuts", + "sugar", + "butter", + "powdered milk", + "OREO® Cookies" + ] + }, + { + "id": 22028, + "ingredients": [ + "pasta", + "parmesan cheese", + "ricotta", + "mozzarella cheese", + "diced tomatoes", + "pasta sauce", + "ground Italian sausage", + "water", + "basil" + ] + }, + { + "id": 39276, + "ingredients": [ + "shallots", + "white beans", + "pepper", + "extra-virgin olive oil", + "fresh parsley", + "whole wheat baguette", + "garlic cloves", + "roasted red peppers", + "salt" + ] + }, + { + "id": 39745, + "ingredients": [ + "pitted kalamata olives", + "salt", + "white wine vinegar", + "fresh parsley", + "extra-virgin olive oil", + "garlic cloves", + "cauliflower", + "crushed red pepper", + "olive oil flavored cooking spray" + ] + }, + { + "id": 30015, + "ingredients": [ + "catfish", + "vegetable oil", + "egg substitute", + "lemon pepper", + "dry bread crumbs" + ] + }, + { + "id": 22494, + "ingredients": [ + "ground fennel", + "olive oil", + "vegetable stock", + "onions", + "minced garlic", + "sweet potatoes", + "salt", + "black beans", + "ground black pepper", + "fat free greek yogurt", + "ground cumin", + "lime juice", + "lime wedges", + "ground coriander" + ] + }, + { + "id": 12204, + "ingredients": [ + "soy sauce", + "lime", + "ginger", + "garlic cloves", + "chicken wings", + "pepper", + "peanuts", + "rice vinegar", + "sweet chili sauce", + "olive oil", + "salt", + "coconut milk", + "brown sugar", + "fresh cilantro", + "green onions", + "creamy peanut butter" + ] + }, + { + "id": 43428, + "ingredients": [ + "sugar", + "vanilla extract", + "large eggs", + "nonfat evaporated milk", + "fresh rosemary", + "whole milk", + "large egg yolks", + "lemon rind" + ] + }, + { + "id": 45026, + "ingredients": [ + "warm water", + "thai chile", + "carrots", + "mung bean sprouts", + "fish sauce", + "mint leaves", + "rice vinegar", + "fresh lime juice", + "rice paper", + "chili", + "salt", + "cucumber", + "glass noodles", + "sugar", + "lettuce leaves", + "garlic cloves", + "medium shrimp" + ] + }, + { + "id": 28904, + "ingredients": [ + "butter", + "light brown sugar", + "chopped pecans", + "vanilla extract", + "evaporated milk" + ] + }, + { + "id": 25853, + "ingredients": [ + "feta cheese", + "whole wheat wraps", + "tuna", + "grape tomatoes", + "kalamata", + "greek style plain yogurt", + "lemon", + "salt", + "dried oregano", + "pepper", + "extra-virgin olive oil", + "english cucumber" + ] + }, + { + "id": 25684, + "ingredients": [ + "whole milk", + "evaporated milk", + "white sugar", + "cream", + "vanilla extract", + "peaches", + "sweetened condensed milk" + ] + }, + { + "id": 31720, + "ingredients": [ + "unsalted butter", + "preserved black winter truffles", + "medium shrimp", + "white pepper", + "dry white wine", + "salt", + "chablis", + "arrowroot", + "heavy cream", + "center-cut salmon fillet", + "water", + "shallots", + "cognac" + ] + }, + { + "id": 9748, + "ingredients": [ + "water", + "coconut juice", + "agar", + "pandan extract", + "sugar", + "coconut milk" + ] + }, + { + "id": 34476, + "ingredients": [ + "spring roll wrappers", + "pepper", + "garlic cloves", + "onions", + "soy sauce", + "salt", + "carrots", + "string beans", + "jicama", + "oyster sauce", + "green cabbage", + "sweet chili sauce", + "oil", + "beansprouts" + ] + }, + { + "id": 32266, + "ingredients": [ + "tomato sauce", + "garlic", + "tomato paste", + "grated parmesan cheese", + "ground beef", + "garlic powder", + "dry bread crumbs", + "fresh basil", + "ground pork", + "fresh parsley" + ] + }, + { + "id": 46371, + "ingredients": [ + "reduced fat cheddar cheese", + "cream style corn", + "diced tomatoes", + "whole kernel corn, drain", + "chicken broth", + "minced garlic", + "chili powder", + "salt", + "black pepper", + "processed cheese", + "mexicorn", + "long grain white rice", + "green bell pepper", + "water", + "chile pepper", + "yellow onion" + ] + }, + { + "id": 27590, + "ingredients": [ + "black beans", + "garlic powder", + "onion powder", + "all-purpose flour", + "corn", + "green onions", + "cilantro", + "low sodium vegetable broth", + "flour tortillas", + "baby spinach", + "cumin", + "tomato paste", + "olive oil", + "chili powder", + "cheese" + ] + }, + { + "id": 38339, + "ingredients": [ + "soy sauce", + "white rice", + "chicken legs", + "leaves", + "onions", + "eggs", + "dashi", + "scallions", + "sake", + "mirin", + "nori" + ] + }, + { + "id": 18848, + "ingredients": [ + "extra-virgin olive oil", + "red bell pepper", + "japanese eggplants", + "fresh oregano", + "golden zucchini", + "sherry wine vinegar", + "garlic cloves", + "panko breadcrumbs", + "crushed red pepper", + "flat leaf parsley" + ] + }, + { + "id": 14586, + "ingredients": [ + "watermelon", + "ice", + "carbonated water", + "peeled fresh ginger", + "sugar", + "fresh lime juice" + ] + }, + { + "id": 32960, + "ingredients": [ + "capers", + "vegetable oil", + "tuna packed in olive oil", + "pepper", + "lemon", + "onions", + "phyllo dough", + "butter", + "fresh parsley", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 16071, + "ingredients": [ + "water", + "cooking spray", + "couscous", + "black pepper", + "large eggs", + "red bell pepper", + "manchego cheese", + "garlic cloves", + "large egg whites", + "salt", + "onions" + ] + }, + { + "id": 4465, + "ingredients": [ + "powdered sugar", + "large eggs", + "sea salt", + "unsalted butter", + "all purpose unbleached flour", + "sugar", + "egg yolks", + "active dry yeast", + "whole milk" + ] + }, + { + "id": 11751, + "ingredients": [ + "ground black pepper", + "chopped fresh thyme", + "garlic cloves", + "baguette", + "beefsteak tomatoes", + "fresh oregano", + "fat free less sodium chicken broth", + "cooking spray", + "salt", + "japanese eggplants", + "parmigiano-reggiano cheese", + "zucchini", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 17484, + "ingredients": [ + "refried beans", + "flour tortillas", + "Mexican cheese blend", + "taco sauce", + "sour cream" + ] + }, + { + "id": 12431, + "ingredients": [ + "ground chicken", + "vegetable oil", + "salt", + "baked tortilla chips", + "jalapeno chilies", + "diced tomatoes", + "salsa", + "ground cumin", + "cider vinegar", + "raisins", + "all-purpose flour", + "dried oregano", + "sugar", + "chili powder", + "shredded sharp cheddar cheese", + "pink beans" + ] + }, + { + "id": 14316, + "ingredients": [ + "ground black pepper", + "flat leaf parsley", + "kosher salt", + "artichokes", + "chopped fresh mint", + "parmesan cheese", + "fresh lemon juice", + "extra-virgin olive oil", + "celery" + ] + }, + { + "id": 350, + "ingredients": [ + "olive oil", + "basil", + "oregano", + "tomato sauce", + "bay leaves", + "ground beef", + "sausage casings", + "ground black pepper", + "garlic", + "kosher salt", + "diced tomatoes", + "onions" + ] + }, + { + "id": 8350, + "ingredients": [ + "country ham", + "unsalted butter", + "canola oil", + "kosher salt", + "grit quick", + "sugar", + "brewed coffee", + "ground black pepper", + "grits" + ] + }, + { + "id": 8150, + "ingredients": [ + "chicken broth", + "dried thyme", + "red beans", + "garlic", + "sweet paprika", + "andouille sausage", + "bell pepper", + "parsley", + "yellow onion", + "oregano", + "celery ribs", + "black pepper", + "bay leaves", + "worcestershire sauce", + "bacon grease", + "cooked rice", + "cayenne", + "green onions", + "salt", + "smoked ham hocks" + ] + }, + { + "id": 12811, + "ingredients": [ + "mayonaise", + "shredded extra sharp cheddar cheese", + "garlic powder", + "diced pimentos", + "cream cheese" + ] + }, + { + "id": 29552, + "ingredients": [ + "flour tortillas", + "sharp cheddar cheese", + "picante sauce", + "cooked chicken", + "ground cumin", + "light sour cream", + "green onions", + "chopped cilantro fresh", + "diced green chilies", + "light cream cheese" + ] + }, + { + "id": 15059, + "ingredients": [ + "sugar", + "gherkins", + "cauliflower", + "pearl onions", + "mustard powder", + "kosher salt", + "persian cucumber", + "tumeric", + "vinegar", + "corn starch" + ] + }, + { + "id": 30181, + "ingredients": [ + "rice noodles", + "scallions", + "cilantro leaves", + "rice paper", + "dipping sauces", + "medium shrimp", + "mint leaves", + "leaf lettuce" + ] + }, + { + "id": 5940, + "ingredients": [ + "ground nutmeg", + "salt", + "eggs", + "baking powder", + "sweet potatoes", + "all-purpose flour", + "milk", + "butter" + ] + }, + { + "id": 3558, + "ingredients": [ + "butter", + "chicken stock", + "cubed ham", + "black-eyed peas", + "onions", + "salt" + ] + }, + { + "id": 1301, + "ingredients": [ + "pepper", + "cheese tortellini", + "grated parmesan cheese", + "ham", + "unsalted butter", + "salt", + "heavy cream", + "frozen peas" + ] + }, + { + "id": 36040, + "ingredients": [ + "olive oil", + "fusilli", + "italian plum tomatoes", + "cayenne pepper", + "dried basil", + "dry white wine", + "onions", + "grated parmesan cheese", + "bacon slices" + ] + }, + { + "id": 17620, + "ingredients": [ + "pasta sauce", + "salt", + "eggs", + "grated parmesan cheese", + "white sugar", + "manicotti shells", + "ricotta cheese", + "frozen chopped spinach", + "ground black pepper", + "shredded mozzarella cheese" + ] + }, + { + "id": 34863, + "ingredients": [ + "mushrooms", + "garlic powder", + "onions", + "tomatoes", + "chicken parts", + "Swanson Chicken Broth", + "spaghetti" + ] + }, + { + "id": 22221, + "ingredients": [ + "water", + "sugar", + "black tea", + "light coconut milk", + "shredded coconut" + ] + }, + { + "id": 43531, + "ingredients": [ + "soy sauce", + "granulated sugar", + "tomato ketchup", + "cabbage", + "kosher salt", + "flour", + "panko breadcrumbs", + "black pepper", + "dijon mustard", + "ground allspice", + "eggs", + "water", + "worcestershire sauce", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 29487, + "ingredients": [ + "ground black pepper", + "light mayonnaise", + "fresh lemon juice", + "pinenuts", + "grated parmesan cheese", + "garlic cloves", + "romaine lettuce", + "Sriracha", + "worcestershire sauce", + "medium shrimp", + "water", + "chopped fresh chives", + "croutons" + ] + }, + { + "id": 38609, + "ingredients": [ + "chicken parts", + "chicken broth", + "ginger", + "kosher salt", + "Shaoxing wine" + ] + }, + { + "id": 35173, + "ingredients": [ + "baking powder", + "all-purpose flour", + "eggs", + "vanilla extract", + "white sugar", + "butter", + "confectioners sugar", + "milk", + "salt" + ] + }, + { + "id": 21574, + "ingredients": [ + "fresh basil", + "fresh mozzarella", + "polenta", + "olive oil", + "salt", + "crushed tomatoes", + "basil", + "dried oregano", + "parmigiano reggiano cheese", + "garlic cloves" + ] + }, + { + "id": 17311, + "ingredients": [ + "green cardamom pods", + "garam masala", + "fenugreek", + "paprika", + "cumin seed", + "fresh lime juice", + "kosher salt", + "whole cloves", + "chili powder", + "purple onion", + "ground cardamom", + "masala", + "celery ribs", + "coriander seeds", + "bay leaves", + "turkey", + "black cardamom pods", + "cinnamon sticks", + "chopped garlic", + "black peppercorns", + "ground black pepper", + "seeds", + "ginger", + "garlic cloves", + "plain whole-milk yogurt" + ] + }, + { + "id": 24821, + "ingredients": [ + "brown sugar", + "cilantro leaves", + "fresh mint", + "dressing", + "salted roast peanuts", + "lemon juice", + "lettuce", + "chicken breasts", + "soybean sprouts", + "fish sauce", + "purple onion", + "carrots" + ] + }, + { + "id": 9045, + "ingredients": [ + "olive oil", + "ground coriander", + "chopped cilantro fresh", + "tomatoes", + "garlic", + "ginger root", + "red lentils", + "jalapeno chilies", + "mustard seeds", + "ground cumin", + "water", + "salt", + "onions" + ] + }, + { + "id": 41741, + "ingredients": [ + "avocado", + "tamari soy sauce", + "cucumber", + "Sriracha", + "soba noodles", + "sesame seeds", + "rice vinegar", + "toasted sesame oil", + "tofu", + "ponzu", + "scallions" + ] + }, + { + "id": 37423, + "ingredients": [ + "olive oil", + "dry sherry", + "garlic", + "corn kernel whole", + "frozen spinach", + "ground black pepper", + "diced tomatoes", + "fresh mushrooms", + "artichoke hearts", + "chicken meat", + "salt", + "chicken broth", + "orzo pasta", + "crushed red pepper flakes", + "onions" + ] + }, + { + "id": 32994, + "ingredients": [ + "low-fat vanilla yogurt", + "large egg yolks", + "butter", + "orange juice", + "powdered sugar", + "cooking spray", + "vanilla extract", + "yellow corn meal", + "large eggs", + "raisins", + "marzipan", + "baking powder", + "cake flour" + ] + }, + { + "id": 1745, + "ingredients": [ + "water", + "star anise", + "ground white pepper", + "black peppercorns", + "granulated sugar", + "salt", + "honey", + "garlic", + "pork belly", + "yellow mustard", + "fresh pork fat" + ] + }, + { + "id": 48841, + "ingredients": [ + "seasoned black beans", + "grilled chicken breasts", + "rice", + "pico de gallo", + "cilantro", + "jack cheese", + "sour cream" + ] + }, + { + "id": 44365, + "ingredients": [ + "pepper", + "whipping cream", + "russet potatoes", + "butter", + "green onions", + "salt" + ] + }, + { + "id": 48137, + "ingredients": [ + "cayenne", + "chili powder", + "chicken", + "mayonaise", + "tortillas", + "garlic", + "granulated sugar", + "cheese", + "water", + "jalapeno chilies", + "cumin" + ] + }, + { + "id": 32281, + "ingredients": [ + "garlic cloves", + "tomatillos", + "pepper", + "salt" + ] + }, + { + "id": 28754, + "ingredients": [ + "wasabi", + "spring onions", + "rice vinegar", + "nori", + "fruit", + "red pepper", + "blueberries", + "golden caster sugar", + "light mayonnaise", + "edamame", + "sushi rice", + "peas", + "fillets" + ] + }, + { + "id": 8846, + "ingredients": [ + "ground ginger", + "olive oil", + "cayenne pepper", + "squash", + "ground cloves", + "butternut squash", + "sweet paprika", + "ground cinnamon", + "ground black pepper", + "ground allspice", + "ground cumin", + "chile powder", + "kosher salt", + "sea salt", + "ground coriander" + ] + }, + { + "id": 9325, + "ingredients": [ + "Bertolli® Classico Olive Oil", + "crushed red pepper flakes", + "mussels", + "finely chopped fresh parsley", + "bertolli vineyard premium collect marinara with burgundi wine sauc", + "bread, cut into italian loaf", + "garlic", + "sweet onion", + "dry white wine" + ] + }, + { + "id": 23826, + "ingredients": [ + "dried basil", + "parmesan cheese", + "onion powder", + "rotini", + "tomato sauce", + "freshly grated parmesan", + "zucchini", + "garlic", + "onions", + "chili flakes", + "olive oil", + "prosciutto", + "baby spinach", + "ground beef", + "bread crumbs", + "garlic powder", + "mushrooms", + "cream cheese", + "dried oregano" + ] + }, + { + "id": 3729, + "ingredients": [ + "fresh basil", + "red wine vinegar", + "eggplant", + "tomatoes", + "french bread", + "olive oil", + "goat cheese" + ] + }, + { + "id": 32854, + "ingredients": [ + "green bell pepper", + "bacon slices", + "black-eyed peas", + "long-grain rice", + "water", + "salt", + "tomatoes", + "green onions", + "onions" + ] + }, + { + "id": 24634, + "ingredients": [ + "warm water", + "corn husks", + "red pepper flakes", + "yellow onion", + "lime zest", + "parmesan cheese", + "baking powder", + "garlic", + "masa", + "corn kernels", + "unsalted butter", + "fresh tarragon", + "canola oil", + "kosher salt", + "swiss chard", + "heavy cream", + "lard" + ] + }, + { + "id": 35683, + "ingredients": [ + "vanilla vodka", + "crème de menthe", + "orange liqueur", + "ice cubes", + "fresh mint", + "bourbon whiskey", + "orange rind" + ] + }, + { + "id": 41237, + "ingredients": [ + "chicken stock", + "fresh tomato salsa", + "chili powder", + "boneless skinless chicken breasts", + "smoked paprika" + ] + }, + { + "id": 14264, + "ingredients": [ + "pitas", + "cucumber", + "grape tomatoes", + "lemon pepper seasoning", + "onions", + "feta cheese", + "hummus", + "plain yogurt", + "chicken breasts" + ] + }, + { + "id": 14540, + "ingredients": [ + "ground chuck", + "olive oil", + "low-fat ricotta cheese", + "bay leaf", + "tomato paste", + "mozzarella cheese", + "finely chopped onion", + "garlic", + "tomatoes", + "water", + "lasagna noodles", + "salt", + "sugar", + "dried basil", + "grated parmesan cheese", + "cayenne pepper" + ] + }, + { + "id": 34479, + "ingredients": [ + "brussels sprouts", + "vegetable oil", + "ground white pepper", + "soy sauce", + "garlic", + "low salt chicken broth", + "kosher salt", + "oyster sauce", + "sugar", + "thai chile", + "Thai fish sauce" + ] + }, + { + "id": 43676, + "ingredients": [ + "pepper", + "star anise", + "onions", + "balsamic vinegar", + "smoked paprika", + "chicken sausage", + "garlic", + "pasta", + "diced tomatoes", + "bay leaf" + ] + }, + { + "id": 4334, + "ingredients": [ + "tapioca flour", + "coconut cream", + "arrowroot powder", + "coconut milk", + "pumpkin", + "rice flour", + "salt", + "white sugar" + ] + }, + { + "id": 45219, + "ingredients": [ + "hamburger buns", + "boston butt", + "kosher salt", + "barbecue sauce", + "olive oil", + "coleslaw", + "ground black pepper" + ] + }, + { + "id": 38586, + "ingredients": [ + "purple onion", + "dried basil", + "plum tomatoes", + "bread slices", + "balsamic vinaigrette salad dressing", + "dried oregano" + ] + }, + { + "id": 18898, + "ingredients": [ + "sweetened coconut flakes", + "ground cinnamon", + "vanilla ice cream" + ] + }, + { + "id": 9186, + "ingredients": [ + "sugar", + "semisweet chocolate", + "Grand Marnier", + "cream sweeten whip", + "orange", + "whipping cream", + "grated orange peel", + "large egg yolks", + "vanilla extract", + "water", + "whole milk" + ] + }, + { + "id": 23776, + "ingredients": [ + "ground cinnamon", + "chana dal", + "ginger", + "cardamom", + "clove", + "black pepper", + "paprika", + "salt", + "bay leaf", + "fennel seeds", + "water", + "cilantro", + "cumin seed", + "canola oil", + "moong dal", + "red pepper flakes", + "purple onion", + "lemon juice" + ] + }, + { + "id": 12057, + "ingredients": [ + "black pepper", + "marinara sauce", + "croutons", + "large egg whites", + "flank steak", + "minced garlic", + "cooking spray", + "grated parmesan cheese", + "parsley" + ] + }, + { + "id": 7286, + "ingredients": [ + "curry leaves", + "seeds", + "cumin seed", + "red chili peppers", + "chili powder", + "coriander", + "tomatoes", + "lemon wedge", + "ghee", + "moong dal", + "salt", + "ground turmeric" + ] + }, + { + "id": 17178, + "ingredients": [ + "white corn tortillas", + "cayenne", + "cooked chicken", + "cumin", + "olive oil", + "green chile sauce", + "yellow onion", + "green chile", + "ground black pepper", + "bell pepper", + "sour cream", + "kosher salt", + "Mexican cheese blend", + "garlic" + ] + }, + { + "id": 29828, + "ingredients": [ + "store bought low sodium chicken broth", + "kosher salt", + "vegetable oil", + "garlic cloves", + "cooked white rice", + "ground cinnamon", + "plain yogurt", + "bay leaves", + "cumin seed", + "coconut milk", + "ground turmeric", + "ground ginger", + "fresh tomatoes", + "coriander seeds", + "cardamom pods", + "mustard seeds", + "serrano chile", + "clove", + "black peppercorns", + "fresh cilantro", + "ginger", + "shrimp", + "onions" + ] + }, + { + "id": 39864, + "ingredients": [ + "sugar", + "peach nectar", + "frozen lemonade concentrate", + "fresh raspberries", + "vodka", + "club soda", + "wine", + "peaches" + ] + }, + { + "id": 45033, + "ingredients": [ + "sugar", + "flour", + "semolina", + "extra-virgin olive oil", + "ground black pepper", + "fine sea salt", + "water", + "dry white wine" + ] + }, + { + "id": 5234, + "ingredients": [ + "brandy", + "butter", + "jelly", + "large eggs", + "salt", + "unsalted butter", + "vanilla extract", + "sugar", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 5148, + "ingredients": [ + "boneless chicken breast", + "scallions", + "sweet rice", + "garlic", + "zucchini", + "carrots", + "water", + "salt" + ] + }, + { + "id": 17511, + "ingredients": [ + "french bread", + "tomatoes" + ] + }, + { + "id": 11619, + "ingredients": [ + "dried thyme", + "mushrooms", + "freshly grated parmesan", + "whipping cream", + "olive oil", + "large garlic cloves", + "penne", + "broccoli florets", + "crushed red pepper" + ] + }, + { + "id": 18537, + "ingredients": [ + "papaya", + "red bell pepper", + "garlic cloves", + "balsamic vinegar", + "green onions", + "fresh lime juice" + ] + }, + { + "id": 8098, + "ingredients": [ + "cooked rice", + "filet", + "seasoning", + "mirin", + "green tea", + "low sodium soy sauce", + "bonito flakes" + ] + }, + { + "id": 665, + "ingredients": [ + "chicken stock", + "olive oil", + "salt", + "garlic cloves", + "water", + "green onions", + "dry bread crumbs", + "ground turmeric", + "shortening", + "ground black pepper", + "all-purpose flour", + "onions", + "curry powder", + "lean ground beef", + "margarine", + "ground cumin" + ] + }, + { + "id": 3284, + "ingredients": [ + "purple onion", + "garlic cloves", + "ground black pepper", + "lemon rind", + "flat leaf parsley", + "olive oil", + "salt", + "fresh lemon juice", + "cannellini beans", + "chopped fresh sage" + ] + }, + { + "id": 33577, + "ingredients": [ + "vegetable oil cooking spray", + "salt", + "egg substitute", + "cube steaks", + "pepper", + "all-purpose flour", + "saltines", + "gravy" + ] + }, + { + "id": 582, + "ingredients": [ + "sundried tomato pesto", + "mushrooms", + "vegetable oil cooking spray", + "eggplant", + "basil", + "red potato", + "olive oil", + "balsamic vinegar", + "pepper", + "zucchini", + "salt" + ] + }, + { + "id": 23054, + "ingredients": [ + "ice cream", + "water", + "puff pastry", + "rum", + "brown sugar", + "apricots" + ] + }, + { + "id": 1107, + "ingredients": [ + "pepper", + "zucchini", + "fresh oregano", + "vegetable oil cooking spray", + "eggplant", + "broiler-fryers", + "minced garlic", + "stewed tomatoes", + "chopped onion", + "olive oil", + "salt" + ] + }, + { + "id": 44356, + "ingredients": [ + "eggs", + "paprika", + "panko breadcrumbs", + "ground black pepper", + "all-purpose flour", + "garlic powder", + "salt", + "vegetable oil", + "medium shrimp" + ] + }, + { + "id": 11102, + "ingredients": [ + "mussels", + "water", + "garlic", + "fenugreek seeds", + "white wine", + "leeks", + "all-purpose flour", + "onions", + "saffron threads", + "pepper", + "whipping cream", + "margarine", + "chicken broth", + "olive oil", + "salt", + "fresh parsley" + ] + }, + { + "id": 10639, + "ingredients": [ + "matcha", + "almond butter", + "greek style plain yogurt", + "sugar", + "matcha green tea powder", + "confectioners sugar", + "eggs", + "flour", + "corn starch", + "sweet red bean paste", + "salt" + ] + }, + { + "id": 32597, + "ingredients": [ + "dry white wine", + "fresh mushrooms", + "pepper", + "salt", + "onions", + "red potato", + "chicken breast halves", + "bay leaf", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 3225, + "ingredients": [ + "corn flakes", + "grate lime peel", + "jerk seasoning", + "honey mustard dressing", + "egg whites", + "mango", + "honey", + "boneless skinless chicken breasts" + ] + }, + { + "id": 10069, + "ingredients": [ + "palm sugar", + "salt", + "seville oranges", + "water", + "potatoes", + "cinnamon sticks", + "onions", + "beef", + "tamarind paste", + "bay leaf", + "peanuts", + "Massaman curry paste", + "coconut milk" + ] + }, + { + "id": 1725, + "ingredients": [ + "coconut oil", + "chili powder", + "onions", + "tomato paste", + "radishes", + "salsa", + "chicken stock", + "kosher salt", + "cilantro", + "fish sauce", + "boneless beef short ribs", + "garlic cloves" + ] + }, + { + "id": 22430, + "ingredients": [ + "green chile", + "bacon slices", + "chicken broth", + "quickcooking grits", + "shredded cheddar cheese", + "salt", + "tomatoes", + "bacon" + ] + }, + { + "id": 11695, + "ingredients": [ + "low sodium soy sauce", + "jasmine rice", + "salt", + "fish sauce", + "lime wedges", + "coconut milk", + "fresh basil", + "ground sirloin", + "garlic cloves", + "brown sugar", + "vegetable oil", + "red jalapeno peppers" + ] + }, + { + "id": 1996, + "ingredients": [ + "lemon", + "walnuts", + "oil cured olives", + "extra-virgin olive oil", + "chopped cilantro", + "crushed red pepper flakes", + "hot water", + "garbanzo beans", + "garlic" + ] + }, + { + "id": 4363, + "ingredients": [ + "milk", + "butter", + "pepper", + "salt", + "yukon gold potatoes" + ] + }, + { + "id": 22108, + "ingredients": [ + "diced tomatoes", + "salt", + "dry white wine", + "linguine", + "fresh parsley", + "sugar", + "extra-virgin olive oil", + "cognac", + "red pepper flakes", + "garlic", + "large shrimp" + ] + }, + { + "id": 24945, + "ingredients": [ + "worcestershire sauce", + "water", + "frozen green beans", + "light brown sugar", + "bacon", + "minced onion" + ] + }, + { + "id": 18023, + "ingredients": [ + "sugar", + "ice water", + "golden delicious apples", + "all-purpose flour", + "unsalted butter", + "salt", + "butter", + "caramel sauce" + ] + }, + { + "id": 38926, + "ingredients": [ + "minced garlic", + "venison", + "ground cumin", + "pita bread", + "red wine vinegar", + "dried oregano", + "olive oil", + "marjoram", + "pepper", + "salt", + "dried rosemary" + ] + }, + { + "id": 47046, + "ingredients": [ + "bread crumb fresh", + "pecorino romano cheese", + "flat leaf parsley", + "whole milk", + "ground pork", + "large eggs", + "ground veal", + "chuck", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 10334, + "ingredients": [ + "milk", + "all-purpose flour", + "butter" + ] + }, + { + "id": 47439, + "ingredients": [ + "gai lan", + "miso paste", + "toasted sesame oil", + "water", + "hot pepper", + "soy sauce", + "cooking oil", + "fresh ginger", + "garlic" + ] + }, + { + "id": 6390, + "ingredients": [ + "eggs", + "ground pork", + "sausages", + "pepper", + "crushed pineapple", + "onions", + "ketchup", + "salt", + "carrots", + "raisins", + "oil" + ] + }, + { + "id": 25613, + "ingredients": [ + "country ham", + "relish", + "freshly ground pepper", + "field peas", + "jalapeno chilies", + "all-purpose flour", + "garlic cloves", + "sliced green onions", + "baking powder", + "peanut oil", + "snaps", + "large eggs", + "buttermilk", + "long-grain rice", + "self-rising cornmeal" + ] + }, + { + "id": 941, + "ingredients": [ + "tortillas", + "cream cheese", + "boneless skinless chicken breasts", + "enchilada sauce", + "shredded cheddar cheese", + "chili powder", + "onions", + "garlic powder", + "salsa", + "cumin" + ] + }, + { + "id": 23577, + "ingredients": [ + "olive oil", + "serrano peppers", + "salt", + "avocado", + "roma tomatoes", + "diced tomatoes", + "habanero pepper", + "lemon", + "yellow onion", + "pepper", + "jalapeno chilies", + "garlic" + ] + }, + { + "id": 37256, + "ingredients": [ + "ground black pepper", + "peas", + "cumin seed", + "cucumber", + "plain low-fat yogurt", + "peeled fresh ginger", + "garlic", + "garlic cloves", + "chopped cilantro fresh", + "kosher salt", + "legumes", + "freshly ground pepper", + "fresh lemon juice", + "basmati rice", + "jalapeno chilies", + "extra-virgin olive oil", + "scallions", + "chopped fresh mint" + ] + }, + { + "id": 23274, + "ingredients": [ + "water", + "chili powder", + "ground almonds", + "coconut milk", + "tumeric", + "garam masala", + "garlic", + "yams", + "ground cumin", + "olive oil", + "paprika", + "ground coriander", + "onions", + "boneless chicken skinless thigh", + "granulated sugar", + "salt", + "lemon juice" + ] + }, + { + "id": 5266, + "ingredients": [ + "penne", + "whole peeled tomatoes", + "shredded mozzarella cheese", + "olive oil", + "crushed red pepper flakes", + "kosher salt", + "grated parmesan cheese", + "fresh basil leaves", + "store bought low sodium chicken broth", + "ground black pepper", + "garlic" + ] + }, + { + "id": 15242, + "ingredients": [ + "flour", + "corn starch", + "eggs", + "oil", + "cold water", + "salt", + "large shrimp", + "pepper", + "lemon juice" + ] + }, + { + "id": 10095, + "ingredients": [ + "honey", + "berries", + "bananas", + "unsweetened shredded dried coconut", + "granola", + "açai" + ] + }, + { + "id": 6494, + "ingredients": [ + "fresh shiitake mushrooms", + "salt", + "ground white pepper", + "soy sauce", + "red pepper flakes", + "scallions", + "noodles", + "chinese rice wine", + "napa cabbage", + "peanut oil", + "toasted sesame oil", + "boneless chicken skinless thigh", + "ginger", + "corn starch" + ] + }, + { + "id": 18939, + "ingredients": [ + "freshly grated parmesan", + "purple onion", + "spinach", + "dried mint flakes", + "unsalted butter", + "feta cheese crumbles", + "olive oil", + "phyllo" + ] + }, + { + "id": 9909, + "ingredients": [ + "refried beans", + "Mexican cheese", + "cream cheese", + "salsa", + "sour cream", + "taco seasoning" + ] + }, + { + "id": 37592, + "ingredients": [ + "active dry yeast", + "bread flour", + "margarine", + "egg whites", + "warm water", + "white sugar" + ] + }, + { + "id": 45816, + "ingredients": [ + "unsalted butter", + "salt", + "ground cinnamon", + "ice water", + "lemon juice", + "baking apples", + "heavy cream", + "fleur de sel", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 5794, + "ingredients": [ + "ginger", + "cayenne pepper", + "ground cumin", + "tumeric", + "purple onion", + "ghee", + "red lentils", + "garlic", + "ground coriander", + "water", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 48883, + "ingredients": [ + "sliced tomatoes", + "plain yogurt", + "large eggs", + "garlic", + "cucumber", + "ground cumin", + "pita bread", + "ground black pepper", + "lemon wedge", + "ground coriander", + "onions", + "ground cinnamon", + "fresh cilantro", + "green leaf lettuce", + "salt", + "fresh mint", + "bread crumbs", + "cayenne", + "vegetable oil", + "lemon juice", + "ground lamb" + ] + }, + { + "id": 22861, + "ingredients": [ + "red chili peppers", + "seeds", + "spices", + "white sesame seeds", + "curry leaves", + "stuffing", + "sesame oil", + "urad dal", + "ground turmeric", + "mustard", + "grated coconut", + "chili powder", + "lemon", + "baby eggplants", + "asafoetida", + "fenugreek", + "channa dal", + "salt" + ] + }, + { + "id": 30746, + "ingredients": [ + "olive oil", + "paprika", + "salt", + "boiling water", + "whitefish", + "spring onions", + "white rice", + "coconut milk", + "sliced tomatoes", + "ground black pepper", + "cilantro", + "red bell pepper", + "greens", + "lime juice", + "red pepper flakes", + "garlic", + "onions" + ] + }, + { + "id": 43915, + "ingredients": [ + "currant", + "lemon zest", + "sauce", + "pastry dough" + ] + }, + { + "id": 15762, + "ingredients": [ + "large egg whites", + "all-purpose flour", + "sugar", + "vanilla", + "confectioners sugar", + "unsalted butter", + "cranberries", + "hazelnuts", + "salt", + "pears" + ] + }, + { + "id": 2193, + "ingredients": [ + "beef kidney", + "flour", + "sirloin steak", + "oil", + "celery", + "sage", + "wine", + "mushrooms", + "lamb shoulder", + "thyme", + "onions", + "pastry for single crust pie", + "beef stock", + "stout", + "carrots", + "bay leaf", + "potatoes", + "parsley", + "salt", + "hot water", + "frozen peas" + ] + }, + { + "id": 22184, + "ingredients": [ + "jasmine rice", + "ground black pepper", + "onions", + "boneless chicken skinless thigh", + "minced ginger", + "scallions", + "canola oil", + "kosher salt", + "lime", + "calamansi", + "homemade chicken stock", + "minced garlic", + "hard-boiled egg", + "asian fish sauce" + ] + }, + { + "id": 18771, + "ingredients": [ + "ground black pepper", + "garlic", + "kosher salt", + "grated parmesan cheese", + "penne pasta", + "nutmeg", + "asparagus", + "salt", + "olive oil", + "ricotta cheese" + ] + }, + { + "id": 39251, + "ingredients": [ + "clove", + "coriander powder", + "salt", + "hot water", + "tomatoes", + "ginger", + "cumin seed", + "coriander", + "curry leaves", + "chili powder", + "green chilies", + "ghee", + "red chili peppers", + "garlic", + "lentils", + "ground turmeric" + ] + }, + { + "id": 33808, + "ingredients": [ + "sugar", + "curds", + "pistachios", + "milk", + "cream cheese" + ] + }, + { + "id": 31324, + "ingredients": [ + "hot pepper", + "salt", + "tumeric", + "heavy cream", + "garlic cloves", + "brown sugar", + "butter", + "scallions", + "olive oil", + "paprika", + "shrimp" + ] + }, + { + "id": 23025, + "ingredients": [ + "cooking oil", + "shrimp", + "pepper", + "salt", + "vinegar", + "garlic cloves", + "seeds" + ] + }, + { + "id": 6685, + "ingredients": [ + "half & half", + "basil", + "pasta water", + "mozzarella cheese", + "large garlic cloves", + "salt", + "chicken breasts", + "paprika", + "sun-dried tomatoes in oil", + "broccoli florets", + "red pepper flakes", + "penne pasta" + ] + }, + { + "id": 8806, + "ingredients": [ + "frozen chopped spinach", + "stewed tomatoes", + "ditalini", + "water", + "ground round", + "soup mix" + ] + }, + { + "id": 45128, + "ingredients": [ + "active dry yeast", + "all-purpose flour", + "sugar", + "whole milk", + "onions", + "whole milk yoghurt", + "ghee", + "kosher salt", + "vegetable oil" + ] + }, + { + "id": 47906, + "ingredients": [ + "plain yogurt", + "mace", + "salt", + "onions", + "clove", + "fresh cilantro", + "sunflower oil", + "blanched almonds", + "saffron", + "black peppercorns", + "fresh ginger", + "garlic", + "cinnamon sticks", + "boneless lamb", + "water", + "poppy seeds", + "green chilies", + "cumin" + ] + }, + { + "id": 16457, + "ingredients": [ + "large eggs", + "rice vinegar", + "snow peas", + "olive oil", + "ginger", + "frozen broccoli", + "soy sauce", + "sesame oil", + "chinese cabbage", + "medium egg noodles", + "garlic", + "hot chili sauce" + ] + }, + { + "id": 41292, + "ingredients": [ + "sambal ulek", + "grated lemon zest", + "ground black pepper", + "chopped fresh mint", + "jumbo shrimp", + "fresh lemon juice", + "bottled chili sauce", + "vegetable oil" + ] + }, + { + "id": 11479, + "ingredients": [ + "country ham", + "baking powder", + "all-purpose flour", + "cream style corn", + "buttermilk", + "sugar", + "vegetable oil", + "sauce", + "yellow corn meal", + "large eggs", + "salt" + ] + }, + { + "id": 31614, + "ingredients": [ + "pasta", + "prosciutto", + "salt", + "fresh basil leaves", + "olive oil", + "grated parmesan cheese", + "fresh mint", + "milk", + "ground black pepper", + "grated lemon zest", + "evaporated milk", + "purple onion", + "fresh parsley" + ] + }, + { + "id": 12477, + "ingredients": [ + "butter-margarine blend", + "1% low-fat milk", + "grated parmesan cheese", + "garlic cloves", + "baking potatoes", + "pepper", + "salt" + ] + }, + { + "id": 23867, + "ingredients": [ + "semolina flour", + "cashew nuts", + "ground cardamom", + "milk", + "white sugar", + "ghee" + ] + }, + { + "id": 5114, + "ingredients": [ + "green onions", + "Pace Salsa", + "canola oil", + "Campbell's Condensed Cheddar Cheese Soup", + "chili powder", + "green pepper", + "cooked chicken", + "purple onion", + "flour tortillas", + "red pepper", + "sour cream" + ] + }, + { + "id": 48589, + "ingredients": [ + "soy sauce", + "peeled fresh ginger", + "salt", + "flour", + "dry sherry", + "toasted sesame oil", + "black pepper", + "napa cabbage", + "scallions", + "ground chicken", + "vegetable oil", + "gyoza wrappers" + ] + }, + { + "id": 20323, + "ingredients": [ + "bread", + "asafoetida", + "garam masala", + "cinnamon", + "green chilies", + "onions", + "tomatoes", + "water", + "potatoes", + "chickpeas", + "garlic cloves", + "clove", + "indian bay leaf", + "coriander powder", + "ginger", + "cumin seed", + "ground turmeric", + "black peppercorns", + "amchur", + "chili powder", + "green cardamom", + "black salt" + ] + }, + { + "id": 24453, + "ingredients": [ + "ground ginger", + "cayenne pepper", + "boneless skinless chicken breast halves", + "paprika", + "garlic cloves", + "low-fat plain yogurt", + "ground coriander", + "ground cumin", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 10894, + "ingredients": [ + "olive oil", + "vegetable broth", + "fresh marjoram", + "grated parmesan cheese", + "escarole", + "farfallini", + "garbanzo beans", + "garlic cloves", + "water", + "diced tomatoes" + ] + }, + { + "id": 22331, + "ingredients": [ + "Italian bread", + "salted butter", + "flat leaf parsley", + "garlic" + ] + }, + { + "id": 39611, + "ingredients": [ + "grated orange peel", + "unsalted butter", + "whipping cream", + "hot water", + "ground cinnamon", + "water", + "whole milk", + "salt", + "sugar", + "large eggs", + "vanilla extract", + "sour cream", + "powdered sugar", + "vegetable oil spray", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 43758, + "ingredients": [ + "sherry wine vinegar", + "salt", + "fresh mint", + "feta cheese", + "navel oranges", + "sweet paprika", + "arugula", + "lime", + "kalamata", + "orange juice", + "cooked quinoa", + "shallots", + "extra-virgin olive oil", + "ground cayenne pepper" + ] + }, + { + "id": 3677, + "ingredients": [ + "jasmine rice", + "boneless skinless chicken breasts", + "red curry paste", + "fresh lime juice", + "green bell pepper", + "peeled fresh ginger", + "salt", + "corn starch", + "chopped cilantro fresh", + "water", + "lime wedges", + "fresh mushrooms", + "onions", + "grape tomatoes", + "olive oil", + "light coconut milk", + "garlic cloves", + "fresh basil leaves" + ] + }, + { + "id": 9868, + "ingredients": [ + "yellow corn meal", + "grated Gruyère cheese", + "walnut halves", + "low salt chicken broth", + "butter", + "fresh rosemary", + "walnuts" + ] + }, + { + "id": 7365, + "ingredients": [ + "virgin olive oil", + "mushrooms", + "purple onion", + "black pepper", + "vegetable stock", + "garlic cloves", + "soy sauce", + "parsley", + "tamarind paste", + "oats", + "black beans", + "textured soy protein", + "thyme" + ] + }, + { + "id": 36795, + "ingredients": [ + "lemon wedge", + "asparagus spears", + "baguette", + "anchovy fillets", + "fine sea salt", + "flat leaf parsley", + "unsalted butter", + "fresh lemon juice" + ] + }, + { + "id": 47681, + "ingredients": [ + "water", + "vegetable oil spray", + "baking powder", + "buttermilk", + "all-purpose flour", + "sorghum syrup", + "thyme sprigs", + "black peppercorns", + "sweet onion", + "dijon mustard", + "butter", + "cracked black pepper", + "fresh lemon juice", + "coarse kosher salt", + "cornmeal", + "country ham", + "olive oil", + "large eggs", + "lemon", + "baby beets", + "soft fresh goat cheese", + "flat leaf parsley", + "aged balsamic vinegar", + "orange", + "baking soda", + "grapefruit juice", + "fresh orange juice", + "peanut oil", + "fleur de sel", + "bay leaf" + ] + }, + { + "id": 9738, + "ingredients": [ + "trenne", + "salt", + "onions", + "unsalted butter", + "fresh mozzarella", + "garlic cloves", + "ground chipotle chile pepper", + "ricotta cheese", + "freshly ground pepper", + "plum tomatoes", + "grated parmesan cheese", + "extra-virgin olive oil", + "red bell pepper" + ] + }, + { + "id": 1975, + "ingredients": [ + "vanilla sugar", + "all-purpose flour", + "butter", + "large eggs", + "unsweetened cocoa powder", + "unsalted butter", + "salt" + ] + }, + { + "id": 21202, + "ingredients": [ + "olive oil", + "boneless skinless chicken breasts", + "salt", + "pepper", + "marinara sauce", + "crushed red pepper flakes", + "onions", + "penne", + "parmesan cheese", + "fresh mozzarella", + "fresh parsley", + "water", + "basil leaves", + "garlic" + ] + }, + { + "id": 7444, + "ingredients": [ + "shredded cheddar cheese", + "salsa", + "sour cream", + "chopped tomatoes", + "taco seasoning", + "onions", + "water", + "cream cheese", + "ground beef", + "guacamole", + "elbow macaroni" + ] + }, + { + "id": 35829, + "ingredients": [ + "pepper", + "whipping cream", + "lemon juice", + "unsalted butter", + "all-purpose flour", + "boiling water", + "ground nutmeg", + "salt", + "chopped parsley", + "bouillon", + "sherry", + "crabmeat" + ] + }, + { + "id": 4093, + "ingredients": [ + "clove", + "chile pepper", + "cilantro leaves", + "lime", + "sea salt", + "fresh tomatoes", + "coarse sea salt", + "Haas avocados", + "purple onion" + ] + }, + { + "id": 14822, + "ingredients": [ + "sugar", + "salt", + "black-eyed peas", + "pepper", + "ham", + "cooking oil" + ] + }, + { + "id": 21688, + "ingredients": [ + "salt", + "milk", + "sausages", + "flour", + "eggs", + "margarine" + ] + }, + { + "id": 38816, + "ingredients": [ + "mussels", + "sea scallops", + "lemon", + "squid", + "large shrimp", + "olive oil", + "seafood stock", + "garlic", + "fresh parsley", + "pepper", + "minced onion", + "red pepper flakes", + "garlic cloves", + "clams", + "chopped tomatoes", + "dry white wine", + "salt", + "spaghetti" + ] + }, + { + "id": 27283, + "ingredients": [ + "minced ginger", + "bean sauce", + "dark soy sauce", + "vermicelli", + "oil", + "chicken stock", + "light soy sauce", + "scallions", + "sugar", + "ground pork" + ] + }, + { + "id": 7176, + "ingredients": [ + "spinach", + "salt", + "fontina cheese", + "water", + "sliced green onions", + "fresh basil", + "butter", + "wheat bread", + "black pepper", + "asparagus spears" + ] + }, + { + "id": 24786, + "ingredients": [ + "cheddar cheese", + "green chilies", + "corn tortillas", + "chili powder", + "sour cream", + "ground cumin", + "garlic powder", + "enchilada sauce", + "ground beef", + "flour", + "pinto beans", + "onions" + ] + }, + { + "id": 34405, + "ingredients": [ + "tomato paste", + "cooked shrimp", + "olive oil", + "dried basil", + "garlic powder" + ] + }, + { + "id": 635, + "ingredients": [ + "seasoning", + "white pepper", + "garlic", + "onions", + "red chili peppers", + "large eggs", + "green pepper", + "five spice", + "seasoning salt", + "salt", + "chopped garlic", + "boneless chop pork", + "cornflour", + "oil" + ] + }, + { + "id": 7364, + "ingredients": [ + "kosher salt", + "gemelli", + "ground black pepper", + "onions", + "fresh basil", + "grated parmesan cheese", + "crushed tomatoes", + "ground beef" + ] + }, + { + "id": 23908, + "ingredients": [ + "sugar", + "reduced sodium chicken broth", + "sesame oil", + "fermented black beans", + "soy sauce", + "lobster", + "scallions", + "pork", + "large eggs", + "vegetable oil", + "chopped garlic", + "chinese rice wine", + "black pepper", + "peeled fresh ginger", + "corn starch" + ] + }, + { + "id": 35214, + "ingredients": [ + "fresh ginger", + "hot pepper", + "corn starch", + "chicken broth", + "sherry", + "vegetable oil", + "salted cashews", + "soy sauce", + "green onions", + "red wine vinegar", + "onions", + "fructose", + "chicken breast halves", + "salt" + ] + }, + { + "id": 49205, + "ingredients": [ + "olive oil", + "paprika", + "cumin", + "boneless skinless chicken breasts", + "salt", + "flour tortillas", + "crushed red pepper", + "pepper", + "chili powder", + "dark brown sugar" + ] + }, + { + "id": 18914, + "ingredients": [ + "golden raisins", + "chopped onion", + "toasted coconut", + "curry powder", + "condensed chicken broth", + "toasted slivered almonds", + "minced garlic", + "butter", + "long-grain rice", + "sliced green onions", + "condiments", + "apples", + "bay leaf" + ] + }, + { + "id": 15346, + "ingredients": [ + "butter", + "great northern beans", + "smoked ham hocks", + "salt", + "water" + ] + }, + { + "id": 23098, + "ingredients": [ + "green bell pepper", + "worcestershire sauce", + "chopped celery", + "seasoning", + "Tabasco Pepper Sauce", + "diced tomatoes", + "rice", + "halibut fillets", + "bacon", + "all-purpose flour", + "chicken broth", + "butter", + "extra-virgin olive oil", + "chopped onion" + ] + }, + { + "id": 46704, + "ingredients": [ + "cream of tartar", + "large eggs", + "vanilla wafers", + "milk", + "vanilla", + "sugar", + "egg whites", + "all-purpose flour", + "bananas", + "salt" + ] + }, + { + "id": 11788, + "ingredients": [ + "honey", + "baguette", + "blue cheese" + ] + }, + { + "id": 41012, + "ingredients": [ + "pepper", + "chipotle peppers", + "white onion", + "cilantro", + "tomatoes", + "jalapeno chilies", + "kosher salt", + "garlic" + ] + }, + { + "id": 34837, + "ingredients": [ + "pecan halves", + "all-purpose flour", + "butter", + "ground red pepper", + "sharp cheddar cheese", + "salt" + ] + }, + { + "id": 5497, + "ingredients": [ + "chicken stock", + "green onions", + "fried eggs", + "garlic", + "garlic chili sauce", + "ghee", + "sesame seeds", + "daikon", + "red pepper", + "rice vinegar", + "cucumber", + "pepper", + "fresh shiitake mushrooms", + "sirloin steak", + "salt", + "carrots", + "steamed white rice", + "baby spinach", + "ginger", + "coconut aminos", + "toasted sesame oil" + ] + }, + { + "id": 13835, + "ingredients": [ + "grated parmesan cheese", + "pinenuts", + "salt", + "nutmeg", + "garlic", + "olive oil", + "fresh basil leaves" + ] + }, + { + "id": 39134, + "ingredients": [ + "golden brown sugar", + "lemon slices", + "Irish whiskey", + "clove", + "hot water" + ] + }, + { + "id": 42029, + "ingredients": [ + "large eggs", + "heavy cream", + "onions", + "chicken stock", + "vegetable oil", + "freshly ground pepper", + "hard-boiled egg", + "all-purpose flour", + "chicken", + "unsalted butter", + "coarse salt", + "celery" + ] + }, + { + "id": 12570, + "ingredients": [ + "seasoned bread crumbs", + "paprika", + "parmesan cheese", + "sour cream", + "pepper", + "salt", + "butter", + "fillets" + ] + }, + { + "id": 27268, + "ingredients": [ + "roma tomatoes", + "extra-virgin olive oil", + "sea salt", + "onions", + "basil leaves", + "garlic cloves", + "olive oil", + "cracked black pepper" + ] + }, + { + "id": 23854, + "ingredients": [ + "sliced almonds", + "new potatoes", + "flat leaf parsley", + "ground pepper", + "salt", + "sole fillet", + "unsalted butter", + "all-purpose flour", + "olive oil", + "dry white wine" + ] + }, + { + "id": 45995, + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "fresh mushrooms", + "white sugar", + "water chestnuts", + "vegetable oil", + "corn starch", + "straw mushrooms", + "rice wine", + "oyster sauce", + "chicken broth", + "broccoli florets", + "garlic", + "bamboo shoots" + ] + }, + { + "id": 4377, + "ingredients": [ + "soy sauce", + "sweet potatoes", + "onions", + "roasted sesame seeds", + "sesame oil", + "kale", + "green onions", + "glass noodles", + "brown sugar", + "cooking oil", + "garlic" + ] + }, + { + "id": 18561, + "ingredients": [ + "mint", + "thai basil", + "thai chile", + "ground white pepper", + "pork", + "rice noodles", + "jam", + "fish sauce", + "palm sugar", + "garlic", + "chopped cilantro", + "water", + "ground pork", + "oil" + ] + }, + { + "id": 11215, + "ingredients": [ + "soy sauce", + "large eggs", + "salt", + "brown sugar", + "fresh ginger", + "chicken breasts", + "corn starch", + "water", + "flour", + "rice vinegar", + "red chili peppers", + "ground black pepper", + "light corn syrup" + ] + }, + { + "id": 45362, + "ingredients": [ + "chiles", + "chili paste", + "garlic", + "toasted sesame oil", + "fish sauce", + "peanuts", + "cilantro sprigs", + "black tea", + "fresh ginger", + "sea salt", + "oil", + "soy sauce", + "szechwan peppercorns", + "dark brown sugar", + "fresh lime juice" + ] + }, + { + "id": 24466, + "ingredients": [ + "ground black pepper", + "rack of lamb", + "lemon wedge", + "potatoes", + "dried oregano", + "garlic powder", + "coarse salt" + ] + }, + { + "id": 36425, + "ingredients": [ + "pepper", + "red potato", + "salt", + "mayonaise", + "eggs", + "spicy brown mustard" + ] + }, + { + "id": 48902, + "ingredients": [ + "sugar", + "fresh lemon juice", + "heavy cream", + "club soda", + "egg whites", + "fresh lime juice", + "gin", + "orange flower water" + ] + }, + { + "id": 11196, + "ingredients": [ + "garlic paste", + "mint leaves", + "Flora Cuisine", + "chillies", + "raw tiger prawn", + "water", + "chili powder", + "ground coriander", + "coriander", + "ginger paste", + "garam masala", + "raisins", + "lemon juice", + "cashew nuts", + "tumeric", + "french fried onions", + "salt", + "onions", + "basmati rice" + ] + }, + { + "id": 6030, + "ingredients": [ + "avocado", + "cherry tomatoes", + "green onions", + "fresh lime juice", + "black beans", + "orange bell pepper", + "salt", + "romaine lettuce", + "olive oil", + "white wine vinegar", + "corn", + "cilantro stems", + "garlic cloves" + ] + }, + { + "id": 37762, + "ingredients": [ + "olive oil", + "tomato sauce", + "parmesan cheese", + "eggplant", + "mozzarella cheese", + "dry bread crumbs" + ] + }, + { + "id": 29460, + "ingredients": [ + "prosciutto", + "toasted pine nuts", + "grated parmesan cheese", + "ground black pepper", + "baguette", + "butter" + ] + }, + { + "id": 45798, + "ingredients": [ + "chiles" + ] + }, + { + "id": 31388, + "ingredients": [ + "cooked rice", + "milk", + "salt", + "chicken", + "ketchup", + "garlic", + "carrots", + "soy sauce", + "large eggs", + "oil", + "pepper", + "curry", + "onions" + ] + }, + { + "id": 37731, + "ingredients": [ + "grated parmesan cheese", + "garlic cloves", + "dried basil", + "cannellini beans", + "fresh parsley", + "pepper", + "italian plum tomatoes", + "elbow macaroni", + "olive oil", + "salt", + "dried oregano" + ] + }, + { + "id": 18867, + "ingredients": [ + "green cabbage", + "peanuts", + "noodles", + "soy sauce", + "jelly", + "sugar", + "salt", + "tofu", + "pepper", + "carrots" + ] + }, + { + "id": 9122, + "ingredients": [ + "anjou pears", + "phyllo dough", + "crème fraîche", + "butter", + "sugar", + "canola oil" + ] + }, + { + "id": 17542, + "ingredients": [ + "tortillas", + "garlic", + "vegetable oil", + "orange juice", + "jalapeno chilies", + "salt", + "boneless pork shoulder", + "ancho powder", + "freshly ground pepper" + ] + }, + { + "id": 22349, + "ingredients": [ + "fresh basil", + "thin pizza crust", + "part-skim mozzarella cheese", + "pasta sauce", + "frozen chopped spinach", + "cooked chicken" + ] + }, + { + "id": 44970, + "ingredients": [ + "whipping cream", + "sweet baking chocolate", + "semisweet chocolate", + "powdered sugar", + "gran marnier" + ] + }, + { + "id": 35984, + "ingredients": [ + "olive oil", + "lemon", + "whole chicken", + "garlic paste", + "coriander powder", + "cilantro", + "ground cumin", + "red chili powder", + "garam masala", + "paprika", + "ginger paste", + "tumeric", + "yoghurt", + "salt" + ] + }, + { + "id": 30711, + "ingredients": [ + "diced onions", + "ground cloves", + "tortillas", + "garlic", + "pork shoulder", + "posole", + "water", + "ancho powder", + "lard", + "smoked ham hocks", + "avocado", + "pepper", + "Mexican oregano", + "salt", + "onions", + "chiles", + "lime", + "cilantro", + "chopped cilantro", + "cumin" + ] + }, + { + "id": 30977, + "ingredients": [ + "mascarpone", + "grated lemon zest", + "parmigiano reggiano cheese", + "California bay leaves", + "dough", + "dry bread crumbs", + "asparagus", + "rich chicken stock" + ] + }, + { + "id": 12105, + "ingredients": [ + "water", + "green onions", + "peanut oil", + "fresh ginger", + "sesame oil", + "cucumber", + "reduced sodium soy sauce", + "wasabi powder", + "radish sprouts", + "tuna steaks", + "dry sherry" + ] + }, + { + "id": 22538, + "ingredients": [ + "dijon mustard", + "extra-virgin olive oil", + "flat leaf parsley", + "ground black pepper", + "kalamata", + "fresh lemon juice", + "haricots verts", + "cannellini beans", + "salt", + "arugula", + "fresh basil", + "baby spinach", + "garlic cloves", + "sliced green onions" + ] + }, + { + "id": 31376, + "ingredients": [ + "black pepper", + "grated parmesan cheese", + "linguine", + "medium shrimp", + "kosher salt", + "cooking spray", + "salt", + "spinach", + "olive oil", + "butter", + "garlic cloves", + "fat free less sodium chicken broth", + "half & half", + "crushed red pepper" + ] + }, + { + "id": 7125, + "ingredients": [ + "diced tomatoes", + "Italian bread", + "grated parmesan cheese", + "fresh mushrooms", + "minced garlic", + "rolls", + "butter", + "shredded mozzarella cheese" + ] + }, + { + "id": 16878, + "ingredients": [ + "peeled fresh ginger", + "greek yogurt", + "canola oil", + "salt", + "boneless skinless chicken breast halves", + "ground red pepper", + "onions", + "ground cumin", + "cooking spray", + "garlic cloves", + "ground turmeric" + ] + }, + { + "id": 26002, + "ingredients": [ + "parsley sprigs", + "bread slices", + "extra-virgin olive oil", + "kosher salt", + "vegetable oil cooking spray", + "garlic cloves" + ] + }, + { + "id": 35469, + "ingredients": [ + "coconut oil", + "lime", + "ground pepper", + "onion powder", + "extra-virgin olive oil", + "garlic cloves", + "cumin", + "avocado", + "tilapia fillets", + "honey", + "dijon mustard", + "paprika", + "salsa", + "chipotle peppers", + "slaw", + "kale", + "peaches", + "red wine vinegar", + "salt", + "smoked paprika", + "fish", + "tomatoes", + "lime juice", + "garlic powder", + "lettuce leaves", + "cilantro", + "cayenne pepper", + "dried oregano" + ] + }, + { + "id": 20587, + "ingredients": [ + "refried beans", + "sour cream", + "taco seasoning", + "shredded cheddar cheese" + ] + }, + { + "id": 41172, + "ingredients": [ + "water", + "salt", + "flour" + ] + }, + { + "id": 46381, + "ingredients": [ + "finely chopped onion", + "scallions", + "black beans", + "vegetable oil", + "enchilada sauce", + "cheddar cheese", + "fusilli", + "garlic cloves", + "chili", + "grated jack cheese", + "sour cream" + ] + }, + { + "id": 22031, + "ingredients": [ + "finely chopped onion", + "corned beef", + "potatoes", + "pepper", + "butter", + "vegetables", + "salt" + ] + }, + { + "id": 45673, + "ingredients": [ + "garlic", + "onions", + "black peppercorns", + "dried red chile peppers", + "salt", + "pork butt roast", + "water", + "bay leaf" + ] + }, + { + "id": 6003, + "ingredients": [ + "ground black pepper", + "long-grain rice", + "fresh thyme", + "hot water", + "water", + "salt", + "black-eyed peas", + "salt pork" + ] + }, + { + "id": 9798, + "ingredients": [ + "water", + "tea bags", + "cold water", + "sugar" + ] + }, + { + "id": 19125, + "ingredients": [ + "fish sauce", + "vinegar", + "fresh lime juice", + "water", + "garlic", + "sugar", + "shallots", + "chili", + "carrots" + ] + }, + { + "id": 1932, + "ingredients": [ + "pepper", + "onions", + "salt", + "eggs", + "flat leaf parsley", + "new potatoes", + "chorizo sausage" + ] + }, + { + "id": 9091, + "ingredients": [ + "morel", + "heavy cream", + "boiling water", + "milk", + "grated parmesan cheese", + "all-purpose flour", + "unsalted butter", + "salt", + "large egg yolks", + "shallots", + "freshly ground pepper" + ] + }, + { + "id": 42088, + "ingredients": [ + "pepper", + "cream of chicken soup", + "diced tomatoes", + "onions", + "garlic powder", + "chili powder", + "corn tortillas", + "shredded cheddar cheese", + "cooked chicken", + "salt", + "diced green chilies", + "vegetable oil", + "cream of mushroom soup" + ] + }, + { + "id": 22797, + "ingredients": [ + "brown sugar", + "large eggs", + "vanilla extract", + "cream cheese, soften", + "fat free milk", + "cooking spray", + "all-purpose flour", + "large egg whites", + "chop fine pecan", + "salt", + "granulated sugar", + "butter", + "corn syrup" + ] + }, + { + "id": 30950, + "ingredients": [ + "pesto sauce", + "diced tomatoes", + "frozen cheese ravioli" + ] + }, + { + "id": 31545, + "ingredients": [ + "shredded cheddar cheese", + "fresh lemon juice", + "pepper", + "artichokes", + "dried oregano", + "kosher salt", + "extra-virgin olive oil", + "roast red peppers, drain", + "pita bread", + "roasted almonds", + "green beans" + ] + }, + { + "id": 31409, + "ingredients": [ + "black pepper", + "leeks", + "fresh lemon juice", + "turnips", + "sea scallops", + "salt", + "celery", + "olive oil", + "shallots", + "carrots", + "dry vermouth", + "chopped fresh chives", + "hot sauce" + ] + }, + { + "id": 32783, + "ingredients": [ + "sugar", + "salt", + "green bell pepper", + "large eggs", + "long-grain rice", + "collard greens", + "black-eyed peas", + "boneless pork loin", + "country ham", + "vegetable oil", + "onions" + ] + }, + { + "id": 3096, + "ingredients": [ + "fresh mozzarella", + "pizza doughs", + "olive oil", + "crushed red pepper flakes", + "arugula", + "tomato sauce", + "bacon", + "sliced mushrooms", + "parmesan cheese", + "purple onion" + ] + }, + { + "id": 40650, + "ingredients": [ + "sugar", + "lower sodium soy sauce", + "daikon", + "carrots", + "water", + "cooking spray", + "rice vinegar", + "canola mayonnaise", + "lemongrass", + "sesame oil", + "english cucumber", + "french baguette", + "Sriracha", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 3133, + "ingredients": [ + "pig", + "bacon", + "red bell pepper", + "hungarian sweet paprika", + "chorizo", + "salt", + "pork shoulder", + "pepper", + "garlic", + "celery", + "pig's ear", + "garbanzo beans", + "carrots", + "onions" + ] + }, + { + "id": 12746, + "ingredients": [ + "andouille sausage", + "vegetable oil", + "okra", + "large shrimp", + "steamed white rice", + "salt", + "fresh parsley", + "ground black pepper", + "diced tomatoes", + "celery", + "green bell pepper", + "low sodium chicken broth", + "all-purpose flour", + "onions" + ] + }, + { + "id": 26859, + "ingredients": [ + "cherry tomatoes", + "large eggs", + "garlic cloves", + "black pepper", + "ground nutmeg", + "vegetable oil", + "olive oil flavored cooking spray", + "fresh parmesan cheese", + "reduced fat milk", + "fresh basil leaves", + "seasoned bread crumbs", + "zucchini", + "salt", + "nonfat ricotta cheese" + ] + }, + { + "id": 7415, + "ingredients": [ + "olive oil", + "garlic", + "red pepper flakes", + "orecchiette", + "bread crumb fresh", + "bacon", + "broccoli rabe", + "salt" + ] + }, + { + "id": 25636, + "ingredients": [ + "pepper", + "colby jack cheese", + "tomatoes", + "Haas avocados", + "salt", + "tortilla wraps", + "green onions", + "lobster tails", + "mexican cooking sauce", + "shredded lettuce" + ] + }, + { + "id": 45735, + "ingredients": [ + "eggs", + "lemon", + "feta cheese", + "fresh oregano", + "olive oil", + "all-purpose flour", + "tomatoes", + "ground black pepper" + ] + }, + { + "id": 2629, + "ingredients": [ + "kosher salt", + "diced red onions", + "cracked black pepper", + "fresh lime juice", + "ground cumin", + "tomato sauce", + "corn", + "vegetable oil", + "salt", + "pork butt", + "avocado", + "tomatillo salsa", + "steamed white rice", + "garlic", + "chopped cilantro", + "white onion", + "sliced black olives", + "worcestershire sauce", + "red bell pepper", + "garlic salt" + ] + }, + { + "id": 18969, + "ingredients": [ + "fresh basil", + "vegetable broth", + "ground black pepper", + "couscous", + "sun-dried tomatoes", + "fresh mint", + "tomatoes", + "nonfat mozzarella cheese" + ] + }, + { + "id": 24320, + "ingredients": [ + "peanuts", + "chilli paste", + "soy sauce", + "chinese noodles", + "peanut butter", + "chicken stock", + "fresh ginger root", + "garlic", + "honey", + "spring onions" + ] + }, + { + "id": 43959, + "ingredients": [ + "refrigerated pizza dough", + "capers", + "cream cheese", + "smoked salmon", + "purple onion", + "fresh dill", + "fresh lemon juice" + ] + }, + { + "id": 20094, + "ingredients": [ + "tomato paste", + "dry white wine", + "crushed red pepper", + "large shrimp", + "water", + "extra-virgin olive oil", + "garlic cloves", + "mussels", + "bay scallops", + "linguine", + "flat leaf parsley", + "tomatoes", + "littleneck clams", + "squid", + "lobster tails" + ] + }, + { + "id": 47316, + "ingredients": [ + "pea shoots", + "kosher salt", + "udon", + "crushed red pepper flakes", + "aka miso", + "oil", + "large shrimp", + "shiro miso", + "soy sauce", + "ground black pepper", + "lemon", + "soft-shell clams", + "scallions", + "king salmon", + "mussels", + "sake", + "dashi", + "sesame oil", + "ginger", + "halibut", + "kelp", + "cold water", + "baby bok choy", + "cherry tomatoes", + "chinese black bean", + "garlic", + "peanut oil", + "broth" + ] + }, + { + "id": 30590, + "ingredients": [ + "ground chicken", + "parsley", + "part-skim mozzarella cheese", + "freshly grated parmesan", + "extra-virgin olive oil", + "penne", + "marinara sauce" + ] + }, + { + "id": 4974, + "ingredients": [ + "sweet potatoes", + "chopped walnuts", + "brown sugar", + "salt", + "cooking spray", + "maple syrup", + "butter" + ] + }, + { + "id": 26792, + "ingredients": [ + "corn starch", + "new mexico red chile powder", + "water", + "beef roast", + "fresh lemon juice" + ] + }, + { + "id": 27920, + "ingredients": [ + "sugar", + "large eggs", + "salt", + "baking soda", + "butter", + "sour cream", + "sesame seeds", + "flour", + "all-purpose flour", + "peaches", + "vanilla extract" + ] + }, + { + "id": 30368, + "ingredients": [ + "egg whites", + "chocolate baking bar", + "sugar", + "vanilla extract", + "butter", + "strawberry jam" + ] + }, + { + "id": 37035, + "ingredients": [ + "tomatoes", + "large eggs", + "swiss cheese", + "flat leaf parsley", + "black pepper", + "dry white wine", + "salt", + "cooked ham", + "mushrooms", + "heavy cream", + "boneless skinless chicken breast halves", + "unsalted butter", + "shallots", + "all-purpose flour" + ] + }, + { + "id": 49117, + "ingredients": [ + "white corn tortillas", + "chili powder", + "sour cream", + "olive oil", + "salt", + "large shrimp", + "lime", + "purple onion", + "diced tomatoes and green chilies", + "avocado", + "frozen whole kernel corn", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 12891, + "ingredients": [ + "water", + "minced onion", + "salt", + "tomatoes", + "corn kernels", + "butter", + "white wine", + "ground black pepper", + "garlic", + "arborio rice", + "milk", + "grated parmesan cheese", + "fresh basil leaves" + ] + }, + { + "id": 7148, + "ingredients": [ + "hoisin sauce", + "rice", + "large shrimp", + "water", + "pork loin", + "carrots", + "sugar", + "lettuce leaves", + "creamy peanut butter", + "lemon grass", + "rice vermicelli", + "fresh mint" + ] + }, + { + "id": 22433, + "ingredients": [ + "chinese rice wine", + "sesame oil", + "dipping sauces", + "ground white pepper", + "chicken stock", + "shiitake", + "napa cabbage", + "garlic cloves", + "light soy sauce", + "wonton wrappers", + "salt", + "canola oil", + "garlic chives", + "peeled fresh ginger", + "ground pork", + "corn starch" + ] + }, + { + "id": 14863, + "ingredients": [ + "mozzarella cheese", + "pizza sauce", + "onions", + "seasoning salt", + "penne pasta", + "pepper", + "salt", + "pepperoni slices", + "garlic powder", + "ground beef" + ] + }, + { + "id": 15255, + "ingredients": [ + "amchur", + "cilantro", + "ground cumin", + "red chili powder", + "potatoes", + "salt", + "ground black pepper", + "ginger", + "tumeric", + "vegetable oil", + "cumin seed" + ] + }, + { + "id": 18172, + "ingredients": [ + "chili", + "dried salted codfish", + "eggs", + "flour", + "scallions", + "tomatoes", + "garlic powder", + "salt", + "water", + "baking powder" + ] + }, + { + "id": 34497, + "ingredients": [ + "kosher salt", + "low sodium chicken broth", + "carrots", + "wild mushrooms", + "celery ribs", + "rosemary", + "dry red wine", + "onions", + "oysters", + "vegetable oil", + "thyme", + "tomato paste", + "ground black pepper", + "skin on bone in chicken legs", + "thick-cut bacon" + ] + }, + { + "id": 16484, + "ingredients": [ + "mild olive oil", + "butter", + "tuna steaks", + "chopped fresh chives", + "teriyaki marinade", + "wasabi powder" + ] + }, + { + "id": 23341, + "ingredients": [ + "fennel seeds", + "water", + "chili powder", + "salt", + "mustard seeds", + "serrano chilies", + "lime", + "garlic", + "cilantro leaves", + "tumeric", + "mint leaves", + "purple onion", + "white rice flour", + "potato starch", + "fresh cilantro", + "ginger", + "crème fraîche" + ] + }, + { + "id": 30034, + "ingredients": [ + "ground black pepper", + "corn starch", + "sirloin", + "fresh green bean", + "chicken broth", + "vegetable oil", + "onions", + "soy sauce", + "garlic" + ] + }, + { + "id": 11474, + "ingredients": [ + "celery ribs", + "sweet onion", + "buttermilk", + "bread crumbs", + "large eggs", + "chopped fresh sage", + "pepper", + "butter", + "white cornmeal", + "chicken broth", + "finely chopped fresh parsley", + "all-purpose flour" + ] + }, + { + "id": 28817, + "ingredients": [ + "green onions", + "chopped onion", + "bottled clam juice", + "butter", + "large shrimp", + "mango chutney", + "cooked white rice", + "curry powder", + "whipping cream" + ] + }, + { + "id": 32402, + "ingredients": [ + "baking soda", + "salt", + "butter", + "white sugar", + "baking powder", + "all-purpose flour", + "eggs", + "buttermilk" + ] + }, + { + "id": 2511, + "ingredients": [ + "sugar", + "sesame oil", + "glass noodles", + "eggs", + "light soy sauce", + "onions", + "spinach", + "mushrooms", + "toasted sesame seeds", + "pork", + "carrots" + ] + }, + { + "id": 12043, + "ingredients": [ + "black beans", + "brown rice", + "salsa", + "kidney beans", + "vegetable broth", + "oil", + "corn", + "diced tomatoes", + "taco seasoning", + "jalapeno chilies", + "garlic", + "onions" + ] + }, + { + "id": 33713, + "ingredients": [ + "brazil nuts", + "chili powder", + "minced garlic", + "pinenuts", + "extra-virgin olive oil", + "fresh basil", + "grated parmesan cheese" + ] + }, + { + "id": 19924, + "ingredients": [ + "kosher salt", + "garlic cloves", + "chicken broth", + "roasted red peppers", + "reduced sodium black beans", + "chipotle chile", + "tomatillos", + "chopped cilantro", + "lime zest", + "pepper", + "greek yogurt" + ] + }, + { + "id": 768, + "ingredients": [ + "leeks", + "dry sherry", + "oil", + "fresh ginger", + "rump steak", + "salt", + "carrots", + "soy sauce", + "spring onions", + "cornflour", + "garlic cloves", + "lemon grass", + "rice noodles", + "chinese five-spice powder" + ] + }, + { + "id": 38569, + "ingredients": [ + "spinach", + "white onion", + "nonfat plain greek yogurt", + "garlic", + "roasted tomatoes", + "black pepper", + "olive oil", + "brown rice", + "cayenne pepper", + "cheddar cheese", + "mozzarella cheese", + "chicken breasts", + "salt", + "black beans", + "bell pepper", + "chili powder", + "cumin seed" + ] + }, + { + "id": 19134, + "ingredients": [ + "water", + "salt", + "sugar", + "flour", + "warm water", + "egg yolks", + "yellow corn meal", + "active dry yeast" + ] + }, + { + "id": 29710, + "ingredients": [ + "lettuce", + "lemon wedge", + "garlic", + "large eggs", + "balsamic vinegar", + "orange juice", + "olive oil", + "cutlet", + "plain breadcrumbs", + "grated parmesan cheese", + "extra-virgin olive oil", + "dried rosemary" + ] + }, + { + "id": 5489, + "ingredients": [ + "white pepper", + "regular soy sauce", + "sesame oil", + "garlic cloves", + "wide rice noodles", + "baking soda", + "green onions", + "salt", + "mung bean sprouts", + "white onion", + "peeled fresh ginger", + "vegetable oil", + "corn starch", + "dark soy sauce", + "Sriracha", + "flank steak", + "rice vinegar" + ] + }, + { + "id": 1535, + "ingredients": [ + "green bell pepper", + "olive oil", + "crushed red pepper flakes", + "unsweetened cocoa powder", + "red kidney beans", + "water", + "chili powder", + "dark brown sugar", + "tomato paste", + "sweet onion", + "diced tomatoes", + "ground beef", + "kosher salt", + "jalapeno chilies", + "garlic", + "ground cumin" + ] + }, + { + "id": 11779, + "ingredients": [ + "raisins", + "pinenuts", + "yellow onion", + "olive oil", + "freshly ground pepper", + "spinach", + "salt" + ] + }, + { + "id": 42927, + "ingredients": [ + "ground pepper", + "salt", + "chinese five-spice powder", + "water", + "vegetable oil", + "minced beef", + "sesame oil", + "all-purpose flour", + "hot water", + "light soy sauce", + "ginger", + "scallions" + ] + }, + { + "id": 19975, + "ingredients": [ + "black beans", + "beef stock", + "salt", + "dried oregano", + "chorizo", + "bacon", + "ham hock", + "beans", + "fresh thyme", + "crushed red pepper", + "onions", + "pepper", + "bay leaves", + "garlic cloves", + "cumin" + ] + }, + { + "id": 44318, + "ingredients": [ + "cornbread crumbs", + "garlic", + "oysters", + "mustard greens", + "onions", + "country ham", + "ground black pepper", + "salt", + "olive oil", + "butter", + "greens" + ] + }, + { + "id": 5063, + "ingredients": [ + "evaporated milk", + "green onions", + "fresh parsley", + "black pepper", + "egg yolks", + "salt", + "hot pepper sauce", + "butter", + "crawfish", + "processed cheese", + "all-purpose flour" + ] + }, + { + "id": 20722, + "ingredients": [ + "dried thyme", + "cayenne pepper", + "celery salt", + "bay leaves", + "frozen mixed vegetables", + "cod", + "garlic powder", + "chopped onion", + "tomato sauce", + "diced tomatoes" + ] + }, + { + "id": 7340, + "ingredients": [ + "eggs", + "butter", + "cabbage", + "milk", + "all-purpose flour", + "pepper", + "salt", + "active dry yeast", + "white sugar" + ] + }, + { + "id": 38333, + "ingredients": [ + "vegetable oil", + "prunes", + "streaky bacon" + ] + }, + { + "id": 18475, + "ingredients": [ + "kosher salt", + "grated parmesan cheese", + "sauce", + "grits", + "parsley flakes", + "olive oil", + "shredded sharp cheddar cheese", + "garlic cloves", + "chicken stock", + "water", + "butter", + "freshly ground pepper", + "large shrimp", + "white wine", + "ground black pepper", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 28125, + "ingredients": [ + "light soy sauce", + "soba noodles", + "mirin", + "dashi", + "toasted sesame seeds", + "sugar", + "spring onions" + ] + }, + { + "id": 7617, + "ingredients": [ + "cotija", + "tomatillos", + "poblano chiles", + "medium shrimp uncook", + "fresh oregano", + "chopped cilantro fresh", + "green onions", + "garlic cloves", + "ground cumin", + "olive oil", + "purple onion", + "corn tortillas" + ] + }, + { + "id": 9674, + "ingredients": [ + "hamburger buns", + "flour", + "oyster sauce", + "eggs", + "pepper", + "salt", + "american cheese slices", + "tomatoes", + "ketchup", + "lettuce leaves", + "onions", + "mayonaise", + "bananas", + "oil" + ] + }, + { + "id": 41087, + "ingredients": [ + "mango", + "salsa" + ] + }, + { + "id": 15430, + "ingredients": [ + "chicken broth", + "garlic powder", + "salt", + "pork butt", + "orange", + "cinnamon", + "smoked paprika", + "black pepper", + "onion powder", + "cayenne pepper", + "allspice", + "nutmeg", + "dried thyme", + "crushed red pepper", + "dried parsley" + ] + }, + { + "id": 38896, + "ingredients": [ + "water", + "mustard seeds", + "chopped garlic", + "low-fat plain yogurt", + "chile pepper", + "clarified butter", + "fresh ginger root", + "cinnamon sticks", + "red chili peppers", + "curry", + "basmati rice" + ] + }, + { + "id": 42133, + "ingredients": [ + "olive oil", + "salt", + "carrots", + "fresh rosemary", + "dry white wine", + "beef broth", + "bay leaf", + "minced onion", + "all-purpose flour", + "celery", + "pepper", + "large garlic cloves", + "veal shanks", + "plum tomatoes" + ] + }, + { + "id": 19220, + "ingredients": [ + "palm sugar", + "garlic cloves", + "lime", + "cilantro leaves", + "bird chile", + "cherry tomatoes", + "roasted peanuts", + "green papaya", + "fish sauce", + "shredded carrots", + "long green beans" + ] + }, + { + "id": 1576, + "ingredients": [ + "water", + "sugar", + "peaches", + "vanilla beans", + "raspberries", + "fresh lemon juice" + ] + }, + { + "id": 4293, + "ingredients": [ + "crushed garlic", + "boneless skinless chicken breast halves", + "black beans", + "lemon juice", + "salsa", + "ground cumin", + "chili powder", + "red bell pepper" + ] + }, + { + "id": 8292, + "ingredients": [ + "olive oil", + "cooking spray", + "salt", + "bay leaf", + "ground cinnamon", + "ground nutmeg", + "butternut squash", + "chopped onion", + "parmigiano-reggiano cheese", + "ground black pepper", + "1% low-fat milk", + "oven-ready lasagna noodles", + "part-skim mozzarella cheese", + "sweet potatoes", + "all-purpose flour" + ] + }, + { + "id": 9704, + "ingredients": [ + "extra-virgin olive oil", + "cayenne pepper", + "water", + "salt", + "shredded extra sharp cheddar cheese", + "hot sauce", + "Italian cheese", + "garlic", + "grit quick" + ] + }, + { + "id": 2675, + "ingredients": [ + "avocado", + "shredded cheddar cheese", + "red pepper", + "lemon juice", + "red chili peppers", + "tortillas", + "green chilies", + "tomatoes", + "ground black pepper", + "sea salt", + "sour cream", + "fresh coriander", + "spring onions", + "beer" + ] + }, + { + "id": 1664, + "ingredients": [ + "taro", + "violets", + "curry powder", + "apples", + "fruit", + "soft shelled crabs", + "coconut meat", + "salt" + ] + }, + { + "id": 4488, + "ingredients": [ + "plain yogurt", + "lemon", + "salt", + "bread", + "boneless skinless chicken breasts", + "garlic", + "dried oregano", + "pepper", + "extra-virgin olive oil", + "fresh lemon juice", + "fresh tomatoes", + "red wine vinegar", + "purple onion", + "hothouse cucumber" + ] + }, + { + "id": 46837, + "ingredients": [ + "cinnamon", + "confectioners sugar", + "unsalted butter", + "blanched almonds", + "honey", + "phyllo", + "gala apples", + "granulated sugar", + "fresh lemon juice" + ] + }, + { + "id": 42167, + "ingredients": [ + "low sodium soy sauce", + "kosher salt", + "mirin", + "rice vinegar", + "sushi rice", + "sesame seeds", + "canola oil cooking spray", + "corn starch", + "black cod fillets", + "ground black pepper", + "fresh orange juice", + "baby bok choy", + "minced garlic", + "peeled fresh ginger", + "scallions" + ] + }, + { + "id": 46449, + "ingredients": [ + "soy sauce", + "garlic", + "onions", + "large eggs", + "plain breadcrumbs", + "ground black pepper", + "salt", + "ground pork", + "oil" + ] + }, + { + "id": 26984, + "ingredients": [ + "milk", + "light corn syrup", + "white sugar", + "eggs", + "butter", + "salt", + "pecan halves", + "ice water", + "all-purpose flour", + "egg yolks", + "vanilla extract" + ] + }, + { + "id": 26665, + "ingredients": [ + "sugar", + "chives", + "cracked black pepper", + "crumbles", + "baking powder", + "salt", + "cold water", + "baking soda", + "coarse sea salt", + "all-purpose flour", + "eggs", + "unsalted butter", + "paprika", + "sour cream" + ] + }, + { + "id": 40053, + "ingredients": [ + "garlic paste", + "salt", + "ground cumin", + "butter", + "carrots", + "tumeric", + "dill", + "chickpea flour", + "red pepper", + "onions" + ] + }, + { + "id": 10691, + "ingredients": [ + "water", + "ground cardamom", + "flour", + "cashew nuts", + "semolina", + "ghee", + "sugar", + "raisins" + ] + }, + { + "id": 47916, + "ingredients": [ + "asparagus", + "crushed red pepper", + "low salt chicken broth", + "tomato paste", + "dry white wine", + "oil", + "grated parmesan cheese", + "penne pasta", + "dried oregano", + "fresh basil", + "large garlic cloves", + "shrimp" + ] + }, + { + "id": 10955, + "ingredients": [ + "eggs", + "ground black pepper", + "salt", + "carrots", + "romaine lettuce", + "extra-virgin olive oil", + "scallions", + "fresh dill", + "lemon", + "yellow onion", + "lamb shanks", + "lamb shoulder", + "long-grain rice" + ] + }, + { + "id": 13514, + "ingredients": [ + "garlic powder", + "bourbon whiskey", + "hot pepper sauce", + "worcestershire sauce", + "light molasses", + "onion powder", + "ketchup", + "dijon mustard", + "paprika" + ] + }, + { + "id": 22487, + "ingredients": [ + "green bell pepper", + "kidney beans", + "chili powder", + "beef stock cubes", + "cayenne pepper", + "dried oregano", + "water", + "whole peeled tomatoes", + "vegetable oil", + "salt", + "cornmeal", + "black pepper", + "hot pepper sauce", + "lean ground beef", + "paprika", + "garlic cloves", + "tomato paste", + "dried basil", + "flour", + "red wine", + "yellow onion", + "dried parsley" + ] + }, + { + "id": 34831, + "ingredients": [ + "homemade chicken broth", + "chorizo", + "bacon", + "pork spareribs", + "chuck", + "minced garlic", + "jalapeno chilies", + "scallions", + "corned beef", + "pig", + "ground black pepper", + "salt", + "ham hock", + "black beans", + "minced onion", + "peanut oil", + "bay leaf" + ] + }, + { + "id": 23650, + "ingredients": [ + "sugar", + "unsalted butter", + "whole milk", + "heavy whipping cream", + "water", + "large eggs", + "salt", + "brandy", + "semisweet chocolate", + "vegetable oil", + "powdered sugar", + "honey", + "dried apricot", + "all-purpose flour" + ] + }, + { + "id": 34852, + "ingredients": [ + "fennel seeds", + "ground black pepper", + "dry white wine", + "fat free less sodium chicken broth", + "macaroni", + "Italian turkey sausage", + "romano cheese", + "finely chopped onion", + "diced tomatoes", + "olive oil", + "cannellini beans", + "garlic cloves" + ] + }, + { + "id": 28749, + "ingredients": [ + "olive oil", + "yoghurt", + "grated nutmeg", + "puy lentils", + "tomato purée", + "large eggs", + "garlic", + "chopped parsley", + "ground cinnamon", + "eggplant", + "red wine", + "green pepper", + "black pepper", + "grated parmesan cheese", + "salt", + "onions" + ] + }, + { + "id": 5536, + "ingredients": [ + "finely chopped fresh parsley", + "ricotta cheese", + "eggs", + "egg yolks", + "ground beef", + "salt and ground black pepper", + "wonton wrappers", + "onions", + "grated parmesan cheese", + "garlic" + ] + }, + { + "id": 30894, + "ingredients": [ + "chicken broth", + "whole kernel corn, drain", + "chile pepper", + "long grain white rice", + "reduced-fat sour cream", + "shredded Monterey Jack cheese", + "salt and ground black pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 2366, + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "baking powder", + "granulated sugar", + "kosher salt", + "buttermilk" + ] + }, + { + "id": 17105, + "ingredients": [ + "celery heart", + "paprika", + "olive oil", + "parsley", + "creole mustard", + "green onions", + "salt", + "cayenne", + "lemon" + ] + }, + { + "id": 15327, + "ingredients": [ + "water", + "round steaks", + "brown sugar", + "broccoli florets", + "onions", + "ground ginger", + "garlic powder", + "corn starch", + "soy sauce", + "vegetable oil" + ] + }, + { + "id": 41887, + "ingredients": [ + "pitted kalamata olives", + "extra-virgin olive oil", + "garlic cloves", + "tomatoes", + "sourdough bread", + "purple onion", + "kosher salt", + "white wine vinegar", + "fresh basil", + "ground black pepper", + "english cucumber" + ] + }, + { + "id": 5920, + "ingredients": [ + "tomato sauce", + "baking powder", + "all-purpose flour", + "frozen peas", + "diced potatoes", + "unsalted butter", + "garlic", + "ground beef", + "cold water", + "ground black pepper", + "raisins", + "carrots", + "white sugar", + "low sodium soy sauce", + "large eggs", + "salt", + "onions" + ] + }, + { + "id": 32376, + "ingredients": [ + "chicken broth", + "butter", + "onions", + "pepper", + "salt", + "collard greens", + "bacon", + "apple cider vinegar", + "sauce" + ] + }, + { + "id": 27864, + "ingredients": [ + "seasoned bread crumbs", + "ground black pepper", + "green peas", + "chuck", + "garlic powder", + "marinara sauce", + "fresh parsley", + "mozzarella cheese", + "large eggs", + "salt", + "parmesan cheese", + "vegetable oil", + "long grain white rice" + ] + }, + { + "id": 10361, + "ingredients": [ + "green olives", + "honey", + "calimyrna figs", + "ground cumin", + "boneless chicken skinless thigh", + "balsamic vinegar", + "ground cardamom", + "marsala wine", + "olive oil", + "ground coriander", + "minced garlic", + "cilantro sprigs", + "chopped cilantro fresh" + ] + }, + { + "id": 20878, + "ingredients": [ + "beef", + "feta cheese", + "fat", + "dried thyme", + "salt", + "ground black pepper" + ] + }, + { + "id": 25461, + "ingredients": [ + "egg whites", + "ice water", + "fresh lemon juice", + "sugar", + "cinnamon", + "salt", + "nutmeg", + "tapioca starch", + "vegetable shortening", + "peaches", + "butter", + "all-purpose flour" + ] + }, + { + "id": 14051, + "ingredients": [ + "tomatoes", + "tandoori spices", + "chili powder", + "oil", + "methi leaves", + "coriander powder", + "cilantro leaves", + "jeera", + "garlic paste", + "garam masala", + "salt", + "lemon juice", + "cream", + "capsicum", + "curds", + "onions" + ] + }, + { + "id": 44849, + "ingredients": [ + "large eggs", + "salt", + "black pepper", + "buttermilk", + "shortening", + "chicken breast halves", + "flour", + "chicken" + ] + }, + { + "id": 1541, + "ingredients": [ + "avocado", + "white onion", + "serrano chilies", + "coarse salt" + ] + }, + { + "id": 908, + "ingredients": [ + "tomatoes", + "cayenne", + "ginger", + "chopped cilantro fresh", + "black-eyed peas", + "vegetable stock", + "salt", + "tumeric", + "half & half", + "garlic", + "canola oil", + "garam masala", + "paprika", + "onions" + ] + }, + { + "id": 12059, + "ingredients": [ + "olive oil", + "salt", + "lemon", + "avocado", + "chopped onion" + ] + }, + { + "id": 19464, + "ingredients": [ + "fish sauce", + "large egg whites", + "chili paste with garlic", + "rice vinegar", + "sliced green onions", + "ketchup", + "sesame oil", + "garlic", + "beansprouts", + "brown sugar", + "large eggs", + "cilantro sprigs", + "peanut oil", + "fresh cilantro", + "rice noodles", + "unsalted dry roast peanuts", + "large shrimp" + ] + }, + { + "id": 6120, + "ingredients": [ + "tomato paste", + "vegetable oil", + "dried oregano", + "water", + "salt", + "chiles", + "vegetable stock", + "ground cumin", + "flour", + "chili purée" + ] + }, + { + "id": 34498, + "ingredients": [ + "large eggs", + "garlic", + "chopped cilantro", + "irish bacon", + "vegetable oil", + "yellow onion", + "flour tortillas", + "salt", + "corned beef", + "pepper", + "russet potatoes", + "chipotles in adobo" + ] + }, + { + "id": 16666, + "ingredients": [ + "large eggs", + "sea salt", + "whole milk", + "goose fat", + "leeks", + "crème fraîche", + "ground black pepper", + "bacon" + ] + }, + { + "id": 19118, + "ingredients": [ + "pepper jack", + "canola oil", + "cremini mushrooms", + "coarse salt", + "spinach", + "flour tortillas", + "ground pepper", + "purple onion" + ] + }, + { + "id": 1484, + "ingredients": [ + "mozzarella cheese", + "flour", + "prepar salsa", + "yellow onion", + "ground beef", + "cheddar cheese", + "kidney beans", + "chicken breasts", + "jumbo pasta shells", + "taco seasoning", + "fajita seasoning mix", + "chicken broth", + "corn", + "half & half", + "garlic", + "cream cheese", + "onions", + "black beans", + "cream of chicken soup", + "butter", + "salsa", + "enchilada sauce", + "ground cumin" + ] + }, + { + "id": 47998, + "ingredients": [ + "eggplant", + "red bell pepper", + "green bell pepper", + "crushed red pepper flakes", + "shredded carrots", + "onions", + "olive oil", + "salt" + ] + }, + { + "id": 30282, + "ingredients": [ + "egg whites", + "milk", + "cream cheese", + "sugar", + "egg yolks", + "unsalted butter", + "corn starch" + ] + }, + { + "id": 28974, + "ingredients": [ + "baking soda", + "all purpose unbleached flour", + "kosher salt", + "orange marmalade", + "unsalted butter", + "buttermilk", + "honey", + "baking powder" + ] + }, + { + "id": 16893, + "ingredients": [ + "cherry tomatoes", + "bell pepper", + "garlic cloves", + "sugar", + "sherry vinegar", + "purple onion", + "ricotta salata", + "zucchini", + "hot Italian sausages", + "fresh basil", + "olive oil", + "ziti", + "flat leaf parsley" + ] + }, + { + "id": 49223, + "ingredients": [ + "water", + "raisins", + "ravva", + "ghee", + "sugar", + "yellow food coloring", + "cashew nuts", + "almonds", + "pineapple" + ] + }, + { + "id": 35482, + "ingredients": [ + "sugar", + "strawberries", + "marsala wine" + ] + }, + { + "id": 29500, + "ingredients": [ + "white bread", + "pistachio nuts", + "white sugar", + "evaporated milk", + "ground cardamom", + "sliced almonds", + "oil", + "saffron", + "whole milk", + "cashew nuts" + ] + }, + { + "id": 26270, + "ingredients": [ + "chile paste", + "vegetable oil", + "ground white pepper", + "chicken wings", + "chicken breasts", + "garlic", + "iceberg lettuce", + "dark soy sauce", + "fresh ginger root", + "lop chong", + "fresh lime juice", + "jasmine rice", + "sesame oil", + "dried shiitake mushrooms" + ] + }, + { + "id": 21551, + "ingredients": [ + "fat free milk", + "margarine", + "cooking spray", + "fresh chives", + "all-purpose flour", + "large eggs", + "five-spice powder" + ] + }, + { + "id": 18571, + "ingredients": [ + "boneless chicken breast", + "sun-dried tomatoes in oil", + "butter", + "chives", + "thick-cut bacon", + "cheddar cheese", + "penne pasta" + ] + }, + { + "id": 4144, + "ingredients": [ + "tomato paste", + "callaloo", + "carrots", + "onions", + "potatoes", + "salt", + "coconut milk", + "black pepper", + "hot pepper", + "thyme", + "ground ginger", + "boneless skinless chicken breasts", + "scallions", + "squash" + ] + }, + { + "id": 8436, + "ingredients": [ + "yellow corn meal", + "cooking spray", + "garlic cloves", + "olive oil", + "gruyere cheese", + "fresh basil", + "diced tomatoes", + "fresh parmesan cheese", + "pizza doughs" + ] + }, + { + "id": 24343, + "ingredients": [ + "lower sodium chicken broth", + "ground black pepper", + "dark sesame oil", + "brown sugar", + "garlic", + "snow peas", + "water", + "salt", + "large shrimp", + "fish sauce", + "brown rice", + "corn starch" + ] + }, + { + "id": 5706, + "ingredients": [ + "raisins", + "cashew nuts", + "cardamom", + "rice", + "jaggery", + "moong dal", + "ghee" + ] + }, + { + "id": 34003, + "ingredients": [ + "soy sauce", + "palm sugar", + "shallots", + "Thai fish sauce", + "peanuts", + "Sriracha", + "cilantro sprigs", + "medium shrimp", + "safflower oil", + "tamarind juice", + "lime wedges", + "beansprouts", + "tofu", + "thai noodles", + "large eggs", + "scallions", + "bulb" + ] + }, + { + "id": 31332, + "ingredients": [ + "salt", + "mascarpone", + "sour cream", + "chopped fresh chives", + "gorgonzola", + "garnish", + "ground white pepper" + ] + }, + { + "id": 30861, + "ingredients": [ + "eggplant", + "all-purpose flour", + "mozzarella cheese", + "basil", + "chia seeds", + "grated parmesan cheese", + "yellow onion", + "crushed tomatoes", + "garlic", + "panko breadcrumbs" + ] + }, + { + "id": 25779, + "ingredients": [ + "soy sauce", + "garlic", + "ground pork fat", + "ground black pepper", + "oil", + "lean ground pork", + "salt", + "brown sugar", + "vinegar" + ] + }, + { + "id": 5531, + "ingredients": [ + "caster sugar", + "chicken meat", + "rice flour", + "soy sauce", + "spring onions", + "garlic", + "onions", + "water", + "cornflour", + "baking yeast", + "black pepper", + "vegetable oil", + "margarine" + ] + }, + { + "id": 9085, + "ingredients": [ + "red beans", + "coconut milk", + "water", + "salt", + "chili pepper", + "green onions", + "fresh thyme", + "long grain brown rice" + ] + }, + { + "id": 14711, + "ingredients": [ + "tomatoes", + "garbanzo beans", + "lemon juice", + "sliced green onions", + "tumeric", + "cayenne pepper", + "onions", + "fresh tomatoes", + "salt", + "ginger root", + "chile powder", + "minced garlic", + "cumin seed", + "chopped cilantro fresh" + ] + }, + { + "id": 31632, + "ingredients": [ + "parmigiano reggiano cheese", + "kale leaves", + "chees fresh mozzarella", + "boneless skinless chicken breast halves", + "marinara sauce", + "freshly ground pepper", + "olive oil", + "salt" + ] + }, + { + "id": 38002, + "ingredients": [ + "cherry tomatoes", + "fresh thyme", + "all purpose unbleached flour", + "freshly ground pepper", + "light brown sugar", + "unsalted butter", + "baking powder", + "garlic", + "whole grain mustard", + "whole milk", + "sea salt", + "onions", + "tomatoes", + "granulated sugar", + "chopped fresh thyme", + "cayenne pepper" + ] + }, + { + "id": 4562, + "ingredients": [ + "eggs", + "sweetened condensed milk", + "whole milk", + "sugar" + ] + }, + { + "id": 26604, + "ingredients": [ + "sugar", + "bananas", + "whipped cream", + "salt", + "golden brown sugar", + "whole milk", + "vanilla extract", + "water", + "unsalted butter", + "whipping cream", + "corn starch", + "large egg yolks", + "English toffee bits", + "scotch" + ] + }, + { + "id": 21800, + "ingredients": [ + "file powder", + "salt", + "creole mustard", + "lemon zest", + "hot sauce", + "pepper", + "chopped fresh chives", + "lemon juice", + "bread and butter pickles", + "light mayonnaise", + "fresh parsley" + ] + }, + { + "id": 25844, + "ingredients": [ + "salt", + "pepper", + "peanut oil", + "pecans", + "baking mix", + "whole okra" + ] + }, + { + "id": 6113, + "ingredients": [ + "fresh cilantro", + "basmati rice", + "vegetable oil", + "lime", + "water", + "salt" + ] + }, + { + "id": 48105, + "ingredients": [ + "crawfish", + "lemon", + "seasoning salt", + "celery", + "orange", + "garlic", + "black pepper", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 26886, + "ingredients": [ + "pepper", + "low-fat italian dressing", + "garlic", + "penne pasta", + "olive oil", + "chicken breasts", + "salt", + "garlic powder", + "balsamic vinegar", + "broccoli", + "cherry tomatoes", + "basil leaves", + "purple onion" + ] + }, + { + "id": 30639, + "ingredients": [ + "crushed tomatoes", + "paprika", + "skin-on cod fillets", + "store bought low sodium chicken stock", + "sherry vinegar", + "crushed red pepper", + "flat leaf parsley", + "baguette", + "dry white wine", + "spanish chorizo", + "onions", + "kosher salt", + "olive oil", + "garlic", + "thyme" + ] + }, + { + "id": 41040, + "ingredients": [ + "soy sauce", + "kosher salt", + "daikon", + "rice vinegar", + "corn starch", + "matzo meal", + "vodka", + "superfine sugar", + "ginger", + "dark brown sugar", + "toasted sesame oil", + "ketchup", + "water", + "chicken drumsticks", + "all-purpose flour", + "korean chile paste", + "Korean chile flakes", + "black pepper", + "baking powder", + "garlic", + "oil", + "onions" + ] + }, + { + "id": 35359, + "ingredients": [ + "olive oil", + "fresh parsley", + "fresh basil", + "grated parmesan cheese", + "tomatoes", + "bread, cut into italian loaf", + "sweet onion", + "fresh oregano" + ] + }, + { + "id": 40971, + "ingredients": [ + "red wine vinegar", + "radicchio", + "salt", + "Belgian endive", + "extra-virgin olive oil", + "ground black pepper", + "carrots" + ] + }, + { + "id": 26403, + "ingredients": [ + "olive oil", + "mustard seeds", + "tomatoes", + "chile pepper", + "chopped cilantro", + "plain yogurt", + "salt", + "bengal gram", + "asafoetida powder" + ] + }, + { + "id": 45138, + "ingredients": [ + "lower sodium soy sauce", + "garlic", + "dark sesame oil", + "boneless chicken skinless thigh", + "ginger", + "onion tops", + "toasted sesame seeds", + "brown sugar", + "baby spinach", + "crushed red pepper", + "green onion bottoms", + "water", + "white rice", + "Gochujang base" + ] + }, + { + "id": 27629, + "ingredients": [ + "fresh dill", + "pickle relish", + "catfish fillets", + "low-fat mayonnaise", + "capers", + "dry bread crumbs", + "butter" + ] + }, + { + "id": 16379, + "ingredients": [ + "pizza crust", + "chopped cilantro fresh", + "chicken breasts", + "cheese", + "barbecue sauce" + ] + }, + { + "id": 39698, + "ingredients": [ + "fresh cilantro", + "Mexican cheese blend", + "diced tomatoes", + "red bell pepper", + "ground cumin", + "kosher salt", + "olive oil", + "chili powder", + "garlic cloves", + "corn tortillas", + "black beans", + "honey", + "large eggs", + "frozen corn kernels", + "sour cream", + "water", + "garlic powder", + "onion powder", + "enchilada sauce", + "onions" + ] + }, + { + "id": 43697, + "ingredients": [ + "unsweetened apple juice", + "cherry preserves", + "golden delicious apples" + ] + }, + { + "id": 12935, + "ingredients": [ + "tomatoes", + "ackee", + "onions", + "black pepper", + "hot pepper", + "salted fish", + "oil", + "bell pepper", + "thyme" + ] + }, + { + "id": 30260, + "ingredients": [ + "fresh oregano leaves", + "anchovy fillets", + "olives", + "tomatoes", + "Italian parsley leaves", + "garlic cloves", + "fresh thyme leaves", + "Niçoise olives", + "capers", + "extra-virgin olive oil", + "fresh basil leaves" + ] + }, + { + "id": 27705, + "ingredients": [ + "olive oil", + "farro", + "garlic cloves", + "dried porcini mushrooms", + "parmigiano reggiano cheese", + "dry red wine", + "kosher salt", + "chopped fresh thyme", + "chopped onion", + "cremini mushrooms", + "ground black pepper", + "fat free less sodium beef broth", + "hot water" + ] + }, + { + "id": 30896, + "ingredients": [ + "water", + "lemon wedge", + "ground pecans", + "large eggs", + "salt", + "panko", + "butter", + "pepper", + "pork tenderloin", + "all-purpose flour" + ] + }, + { + "id": 33072, + "ingredients": [ + "milk", + "potatoes", + "salt", + "parmesan cheese", + "chopped fresh thyme", + "fresh parsley", + "large eggs", + "summer squash", + "olive oil", + "leeks", + "freshly ground pepper" + ] + }, + { + "id": 18562, + "ingredients": [ + "creole mustard", + "reduced-fat sour cream", + "celery root", + "fennel bulb", + "fresh lemon juice", + "ground black pepper", + "salt", + "canola oil", + "green onions", + "fresh parsley" + ] + }, + { + "id": 27340, + "ingredients": [ + "solid white tuna in oil", + "spaghetti", + "fresh basil", + "anchovy fillets", + "tomatoes", + "extra-virgin olive oil", + "capers", + "garlic cloves" + ] + }, + { + "id": 39247, + "ingredients": [ + "eggs", + "salt", + "sliced green onions", + "Rice Krispies Cereal", + "octopuses", + "shredded cheese", + "soy sauce", + "all-purpose flour", + "cold water", + "dashi", + "konbu dashi" + ] + }, + { + "id": 35549, + "ingredients": [ + "white onion", + "red cabbage", + "cajun seasoning", + "red bell pepper", + "cotija", + "corn", + "chile pepper", + "salt", + "black beans", + "lime", + "tomatillos", + "cilantro leaves", + "avocado", + "lime juice", + "green leaf lettuce", + "garlic", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 17226, + "ingredients": [ + "avocado", + "white onion", + "cilantro stems", + "cumin seed", + "chipotles in adobo", + "allspice", + "celery ribs", + "black peppercorns", + "sweet potatoes", + "vegetable oil", + "carrots", + "onions", + "cold water", + "black beans", + "bay leaves", + "garlic", + "corn tortillas", + "chicken", + "clove", + "lime", + "brown rice", + "garlic cloves", + "chopped cilantro" + ] + }, + { + "id": 42827, + "ingredients": [ + "green bell pepper", + "sliced cucumber", + "purple onion", + "red bell pepper", + "fat free less sodium chicken broth", + "red wine vinegar", + "garlic cloves", + "plum tomatoes", + "romaine lettuce", + "ground red pepper", + "salt", + "reduced fat mayonnaise", + "capers", + "ground black pepper", + "light tuna packed in olive oil", + "fresh lemon juice" + ] + }, + { + "id": 48490, + "ingredients": [ + "boneless chicken", + "clove", + "juice", + "olive oil", + "cumin", + "avocado", + "cilantro" + ] + }, + { + "id": 38311, + "ingredients": [ + "lime juice", + "thai chile", + "white mushrooms", + "kaffir lime leaves", + "galanga", + "cilantro leaves", + "chicken stock", + "lemongrass", + "purple onion", + "large shrimp", + "fish sauce", + "chili paste", + "scallions" + ] + }, + { + "id": 17539, + "ingredients": [ + "cucumber", + "caviar", + "crackers", + "dill tips" + ] + }, + { + "id": 10841, + "ingredients": [ + "minced garlic", + "ground black pepper", + "chicken breasts", + "olive oil cooking spray", + "herb mix", + "zucchini", + "sea salt", + "chicken stock", + "morel", + "leeks", + "extra-virgin olive oil", + "white wine", + "swiss chard", + "fingerling potatoes", + "baby carrots" + ] + }, + { + "id": 13689, + "ingredients": [ + "diced tomatoes", + "ground beef", + "taco seasoning mix", + "whole kernel corn, drain", + "chili", + "salsa", + "onions", + "egg noodles", + "celery" + ] + }, + { + "id": 5138, + "ingredients": [ + "fresh cilantro", + "salted roast peanuts", + "fresh lime juice", + "rice noodles", + "scallions", + "large eggs", + "dark brown sugar", + "soy sauce", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 18428, + "ingredients": [ + "pita rounds", + "water", + "salt", + "cucumber", + "sugar", + "feta cheese", + "garlic cloves", + "pitted kalamata olives", + "cherry tomatoes", + "chickpeas", + "dried oregano", + "salad", + "black pepper", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 47495, + "ingredients": [ + "fettucine", + "garlic cloves", + "shredded parmesan cheese", + "onions", + "center cut bacon", + "thyme", + "and fat free half half", + "frozen peas" + ] + }, + { + "id": 3844, + "ingredients": [ + "fresh rosemary", + "kosher salt", + "whole peeled tomatoes", + "dry red wine", + "carrots", + "eggs", + "ground black pepper", + "ricotta cheese", + "all-purpose flour", + "ground beef", + "fresh sage", + "olive oil", + "grated parmesan cheese", + "garlic", + "celery", + "ground cinnamon", + "sausage links", + "lasagna noodles", + "heavy cream", + "shredded mozzarella cheese", + "onions" + ] + }, + { + "id": 41911, + "ingredients": [ + "dry white wine", + "boneless skinless chicken breast halves", + "leeks", + "fresh tarragon", + "mushrooms", + "whipping cream", + "butter" + ] + }, + { + "id": 28558, + "ingredients": [ + "tomato purée", + "minced garlic", + "coriander seeds", + "rice vinegar", + "gingerroot", + "ground cumin", + "green cabbage", + "fresh coriander", + "olive oil", + "Thai red curry paste", + "peanut oil", + "basmati rice", + "salmon fillets", + "water", + "unsalted butter", + "roasted peanuts", + "cucumber", + "unsweetened coconut milk", + "soy sauce", + "curry powder", + "paprika", + "dark brown sugar", + "fresh mint" + ] + }, + { + "id": 37652, + "ingredients": [ + "dark soy sauce", + "vegetable oil", + "salt", + "water", + "cornflour", + "rice flour", + "wheat starch", + "garlic", + "boiling water", + "sugar", + "rabbit", + "oil" + ] + }, + { + "id": 43320, + "ingredients": [ + "grated parmesan cheese", + "seasoned croutons", + "wonton wrappers", + "pasta sauce", + "boneless skinless chicken breasts", + "mozzarella cheese", + "italian seasoning" + ] + }, + { + "id": 3265, + "ingredients": [ + "cherry tomatoes", + "kalamata", + "cucumber", + "fresh dill", + "feta cheese", + "rotisserie chicken", + "onions", + "pitas", + "garlic", + "greek yogurt", + "kosher salt", + "parsley", + "lemon juice" + ] + }, + { + "id": 30471, + "ingredients": [ + "tomatoes", + "olive oil", + "shredded sharp cheddar cheese", + "corn tortillas", + "ground cumin", + "low-fat sour cream", + "radishes", + "chopped onion", + "dried oregano", + "green chile", + "frozen whole kernel corn", + "all-purpose flour", + "chopped cilantro fresh", + "black beans", + "paprika", + "garlic cloves", + "sliced green onions" + ] + }, + { + "id": 37488, + "ingredients": [ + "salsa", + "flour tortillas", + "boneless skinless chicken breast halves", + "onions", + "vegetable oil", + "monterey jack" + ] + }, + { + "id": 46154, + "ingredients": [ + "ground cinnamon", + "granulated sugar", + "buttermilk", + "streusel topping", + "sweet potatoes", + "salt", + "firmly packed light brown sugar", + "self rising flour", + "whipping cream", + "ground nutmeg", + "butter" + ] + }, + { + "id": 17884, + "ingredients": [ + "buttermilk", + "chopped pecans", + "baking soda", + "salt", + "sugar", + "vanilla extract", + "butter", + "corn syrup" + ] + }, + { + "id": 41232, + "ingredients": [ + "fresh cilantro", + "salt", + "jalapeno chilies", + "garlic cloves", + "granulated sugar", + "tortilla chips", + "black pepper", + "diced tomatoes", + "onions" + ] + }, + { + "id": 18734, + "ingredients": [ + "olive oil", + "shallots", + "cayenne pepper", + "fresh lime juice", + "tomatoes", + "red cabbage", + "salt", + "sour cream", + "avocado", + "extra large shrimp", + "chili powder", + "garlic cloves", + "lime", + "jalapeno chilies", + "cilantro leaves", + "corn tortillas" + ] + }, + { + "id": 13743, + "ingredients": [ + "water", + "lean ground beef", + "pasta sauce", + "grated parmesan cheese", + "eggs", + "lasagna noodles", + "ricotta cheese", + "Italian cheese", + "parsley" + ] + }, + { + "id": 36343, + "ingredients": [ + "tumeric", + "garam masala", + "paprika", + "carrots", + "plum tomatoes", + "red lentils", + "water", + "vegetable oil", + "salt", + "onions", + "red chili peppers", + "ground black pepper", + "garlic", + "coconut milk", + "ground cumin", + "ground cinnamon", + "fresh ginger", + "red pepper", + "ground coriander", + "coriander" + ] + }, + { + "id": 7030, + "ingredients": [ + "spring roll wrappers", + "ground pork", + "pepper", + "salt", + "chili pepper", + "garlic", + "green onions", + "oil" + ] + }, + { + "id": 24613, + "ingredients": [ + "tofu", + "water", + "cayenne", + "garlic", + "small yellow potatoes", + "kale", + "peas", + "coconut milk", + "coconut oil", + "lime", + "ginger", + "mustard seeds", + "cauliflower", + "curry powder", + "cilantro", + "yellow onion" + ] + }, + { + "id": 38710, + "ingredients": [ + "black pepper", + "butter", + "garlic", + "cardamom", + "tomato sauce", + "lime", + "paprika", + "cayenne pepper", + "onions", + "minced ginger", + "diced tomatoes", + "salt", + "chopped cilantro", + "ground cloves", + "boneless skinless chicken breasts", + "whipping cream", + "ground coriander", + "cumin" + ] + }, + { + "id": 12280, + "ingredients": [ + "fresh curry leaves", + "chile pepper", + "cooked white rice", + "ground turmeric", + "cooking oil", + "mustard seeds", + "white sugar", + "lime juice", + "salt", + "onions", + "chopped potatoes", + "asafoetida powder", + "chopped cilantro fresh" + ] + }, + { + "id": 29996, + "ingredients": [ + "genoa salami", + "vinaigrette", + "mozzarella cheese", + "olives", + "grape tomatoes", + "fresh lemon juice", + "artichoke hearts" + ] + }, + { + "id": 27749, + "ingredients": [ + "hoisin sauce", + "garlic", + "onions", + "butter lettuce", + "vegetable oil", + "beansprouts", + "low sodium chicken broth", + "carrots", + "soy sauce", + "teriyaki sauce", + "ground turkey" + ] + }, + { + "id": 8235, + "ingredients": [ + "kosher salt", + "egg yolks", + "fresh lemon juice", + "eggs", + "jalapeno chilies", + "green chilies", + "melted butter", + "pepper jack", + "cracked black pepper", + "steak", + "chiles", + "flour", + "peanut oil" + ] + }, + { + "id": 2938, + "ingredients": [ + "dried thyme", + "salt", + "sausages", + "dried parsley", + "green bell pepper", + "chicken breast halves", + "creole seasoning", + "medium shrimp", + "chicken broth", + "bay leaves", + "cayenne pepper", + "diced tomatoes in juice", + "dried oregano", + "pepper", + "chopped celery", + "long-grain rice", + "onions" + ] + }, + { + "id": 47824, + "ingredients": [ + "olive oil", + "white wine vinegar", + "oregano", + "tomatoes", + "green onions", + "ripe olives", + "zucchini", + "hot sauce", + "sugar", + "brown rice", + "fresh parsley" + ] + }, + { + "id": 21818, + "ingredients": [ + "light soy sauce", + "daikon", + "mung bean sprouts", + "sweet chili sauce", + "mirin", + "soba noodles", + "fresh ginger", + "dried shiitake mushrooms", + "canola oil", + "kosher salt", + "black sesame seeds", + "carrots" + ] + }, + { + "id": 10005, + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "eggs", + "garlic powder", + "corn starch", + "ketchup", + "salt", + "sugar", + "vinegar", + "canola oil" + ] + }, + { + "id": 27040, + "ingredients": [ + "dried porcini mushrooms", + "parmigiano reggiano cheese", + "mushrooms", + "salt", + "oven-ready lasagna noodles", + "olive oil", + "chopped fresh chives", + "chopped fresh thyme", + "cream cheese", + "white wine", + "reduced fat milk", + "shallots", + "all-purpose flour", + "boiling water", + "cremini mushrooms", + "ground black pepper", + "cooking spray", + "butter", + "garlic cloves" + ] + }, + { + "id": 48042, + "ingredients": [ + "salsa verde", + "lime wedges", + "garlic cloves", + "unsalted chicken stock", + "radishes", + "chopped onion", + "boneless pork shoulder", + "hominy", + "cilantro leaves", + "ground cumin", + "olive oil", + "ground red pepper", + "beer" + ] + }, + { + "id": 18261, + "ingredients": [ + "chicken legs", + "low sodium chicken broth", + "garlic", + "thyme", + "pepper", + "dry red wine", + "cognac", + "bay leaf", + "cremini mushrooms", + "flour", + "salt", + "lardons", + "tomato paste", + "rosemary", + "extra-virgin olive oil", + "carrots", + "onions" + ] + }, + { + "id": 44149, + "ingredients": [ + "green cabbage", + "ground black pepper", + "flour", + "buttermilk", + "Ciabatta rolls", + "dijon mustard", + "parsley", + "canola oil", + "kosher salt", + "cayenne", + "boneless skinless chicken breasts", + "purple onion", + "olive oil", + "jalapeno chilies", + "red wine vinegar" + ] + }, + { + "id": 17768, + "ingredients": [ + "white pepper", + "salt", + "curly-leaf parsley", + "chives", + "lemon juice", + "mayonaise", + "shallots", + "capers", + "plain yogurt", + "gherkins" + ] + }, + { + "id": 17698, + "ingredients": [ + "fish sauce", + "light soy sauce", + "watercress", + "chopped garlic", + "dark soy sauce", + "kosher salt", + "unsalted butter", + "rice vinegar", + "sugar", + "ground black pepper", + "purple onion", + "canola oil", + "filet mignon", + "lime juice", + "mirin", + "scallions" + ] + }, + { + "id": 1200, + "ingredients": [ + "saltines", + "salt", + "pepper", + "sharp cheddar cheese", + "milk", + "elbow macaroni", + "large eggs", + "extra sharp cheddar cheese" + ] + }, + { + "id": 17410, + "ingredients": [ + "minced garlic", + "onions", + "stewed tomatoes", + "lime", + "chopped cilantro fresh", + "green chile", + "salt" + ] + }, + { + "id": 12595, + "ingredients": [ + "powdered sugar", + "milk", + "whipped cream", + "eggs", + "orange", + "butter", + "grated nutmeg", + "bread", + "brown sugar", + "bananas", + "vanilla", + "ground cinnamon", + "sugar", + "rum", + "maple syrup" + ] + }, + { + "id": 48891, + "ingredients": [ + "cooked ham", + "grated parmesan cheese", + "all-purpose flour", + "onions", + "cooked turkey", + "bacon slices", + "ground white pepper", + "shredded cheddar cheese", + "butter", + "fresh mushrooms", + "milk", + "salt", + "bread slices" + ] + }, + { + "id": 17784, + "ingredients": [ + "cherry tomatoes", + "salt", + "spinach", + "extra-virgin olive oil", + "gorgonzola", + "half & half", + "garlic cloves", + "uncooked ziti", + "crushed red pepper" + ] + }, + { + "id": 11882, + "ingredients": [ + "large eggs", + "fresh lime juice", + "sugar", + "salt", + "semisweet chocolate", + "grate lime peel", + "whipping cream", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 38280, + "ingredients": [ + "ginger purée", + "CURRY GUY Smoked Tandoori Masala", + "mango chutney", + "green chilies", + "onions", + "black pepper", + "CURRY GUY Smoked Garam Masala", + "lemon", + "CURRY GUY Smoked Spicy Salt", + "tumeric", + "olive oil", + "chili powder", + "garlic puree", + "ground cumin", + "tomatoes", + "water", + "meat", + "black cardamom pods", + "cinnamon sticks" + ] + }, + { + "id": 480, + "ingredients": [ + "honey", + "green onions", + "peanut oil", + "sake", + "flanken short ribs", + "large garlic cloves", + "freshly ground pepper", + "five spice", + "fresh ginger", + "sesame oil", + "beef rib short", + "water", + "reduced sodium soy sauce", + "vietnamese fish sauce" + ] + }, + { + "id": 26355, + "ingredients": [ + "clove", + "fresh ginger root", + "hot chili powder", + "ground coriander", + "onions", + "caster sugar", + "boneless skinless chicken breasts", + "fine sea salt", + "bay leaf", + "saffron", + "plain flour", + "ground black pepper", + "sunflower oil", + "garlic cloves", + "ground turmeric", + "fresh coriander", + "double cream", + "cardamom pods", + "yoghurt natural low fat", + "ground cumin" + ] + }, + { + "id": 45386, + "ingredients": [ + "whole allspice", + "rib pork chops", + "corn tortillas", + "green cabbage", + "kosher salt", + "bay leaves", + "chopped cilantro fresh", + "black peppercorns", + "water", + "fresh orange juice", + "avocado", + "white onion", + "radishes", + "fresh lime juice" + ] + }, + { + "id": 42955, + "ingredients": [ + "ground black pepper", + "heavy cream", + "champagne", + "mushrooms", + "salt pork", + "egg yolks", + "salt", + "guinea hens", + "butter", + "croutons" + ] + }, + { + "id": 31678, + "ingredients": [ + "chili pepper", + "szechwan peppercorns", + "salt", + "cassia cinnamon", + "vegetable oil", + "meat bones", + "fennel", + "sesame oil", + "essence", + "clove", + "bean paste", + "ginger", + "chicken" + ] + }, + { + "id": 4506, + "ingredients": [ + "ground black pepper", + "salt", + "lemon juice", + "canola oil", + "lamb stew meat", + "dill", + "onions", + "bay leaves", + "beef broth", + "sour cream", + "tomatoes", + "red wine vinegar", + "beets", + "cabbage" + ] + }, + { + "id": 44155, + "ingredients": [ + "chicken stock", + "fresh cilantro", + "scallions", + "fresh mint", + "ground chicken", + "star anise", + "corn starch", + "boiling water", + "fish sauce", + "fresh ginger", + "garlic chili sauce", + "panko breadcrumbs", + "clove", + "lime juice", + "garlic", + "cinnamon sticks", + "glass noodles" + ] + }, + { + "id": 11633, + "ingredients": [ + "part-skim mozzarella cheese", + "capers", + "crushed red pepper", + "mushrooms", + "pizza crust", + "cooked chicken breasts" + ] + }, + { + "id": 21253, + "ingredients": [ + "Old El Paso™ Thick 'n Chunky salsa", + "Mexican cheese blend", + "Old El Paso™ taco seasoning mix", + "ground beef", + "Pillsbury™ Refrigerated Crescent Dinner Rolls" + ] + }, + { + "id": 46025, + "ingredients": [ + "cooking spray", + "Italian bread", + "tomato sauce", + "caesar salad dressing", + "capers", + "havarti cheese", + "eggplant", + "pimento stuffed olives" + ] + }, + { + "id": 10314, + "ingredients": [ + "eggs", + "brandy", + "glace cherries", + "raisins", + "ground almonds", + "nutmeg", + "wine", + "mixed spice", + "candied peel", + "apples", + "plain flour", + "brown sugar", + "bread crumbs", + "suet", + "currant", + "carrots", + "prunes", + "sultana", + "orange", + "lemon", + "salt" + ] + }, + { + "id": 46874, + "ingredients": [ + "eggs", + "vegetable oil", + "carrots", + "soy sauce", + "ground pork", + "coconut flakes", + "wonton wrappers", + "pepper flakes", + "fresh ginger", + "garlic" + ] + }, + { + "id": 38432, + "ingredients": [ + "olive oil", + "crumbled gorgonzola", + "whole wheat pizza dough", + "salt", + "arugula", + "yellow corn meal", + "cooking spray", + "onions", + "black pepper", + "chopped walnuts", + "dried rosemary" + ] + }, + { + "id": 48935, + "ingredients": [ + "minced garlic", + "grated romano cheese", + "onions", + "crushed tomatoes", + "fresh gnocchi", + "italian seasoning", + "sausage links", + "olive oil", + "flat leaf parsley", + "water", + "salt", + "white sugar" + ] + }, + { + "id": 2490, + "ingredients": [ + "roasted red peppers", + "fresh lemon juice", + "sourdough bread", + "salt", + "olive oil", + "garlic cloves", + "water", + "ground red pepper" + ] + }, + { + "id": 8591, + "ingredients": [ + "corn", + "salsa", + "sour cream", + "chicken stock", + "chicken breasts", + "shredded cheese", + "tortillas", + "taco seasoning", + "black beans", + "cilantro", + "enchilada sauce" + ] + }, + { + "id": 26318, + "ingredients": [ + "soy sauce", + "sesame oil", + "chinese chives", + "kosher salt", + "napa cabbage", + "dumpling wrappers", + "ground pork", + "chinese rice wine", + "fresh ginger", + "ground white pepper" + ] + }, + { + "id": 37469, + "ingredients": [ + "zucchini", + "salt", + "black pepper", + "shell-on shrimp", + "fresh basil", + "lemon zest", + "tagliatelle", + "minced garlic", + "extra-virgin olive oil" + ] + }, + { + "id": 4102, + "ingredients": [ + "dried thyme", + "pork spareribs", + "onions", + "italian plum tomatoes", + "green beans", + "dried oregano", + "olive oil", + "garlic cloves", + "olives", + "dry white wine", + "low salt chicken broth" + ] + }, + { + "id": 15647, + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "boneless skinless chicken breast halves", + "capers", + "shallots", + "fresh lemon juice", + "olive oil", + "salt", + "flat leaf parsley", + "chicken broth", + "dry white wine", + "freshly ground pepper" + ] + }, + { + "id": 9121, + "ingredients": [ + "canned beans", + "salt", + "coriander", + "garam masala", + "ginger", + "liquid", + "tumeric", + "diced tomatoes", + "chickpeas", + "cumin", + "cooking oil", + "garlic", + "onions" + ] + }, + { + "id": 7929, + "ingredients": [ + "tomato paste", + "garlic", + "dried oregano", + "dried thyme", + "onions", + "tomato sauce", + "bay leaf", + "dried rosemary", + "crushed red pepper flakes", + "dried parsley" + ] + }, + { + "id": 38228, + "ingredients": [ + "sausage casings", + "water", + "unsalted butter", + "garlic", + "smoked paprika", + "long grain white rice", + "black pepper", + "olive oil", + "low sodium chicken", + "cayenne pepper", + "red bell pepper", + "diced onions", + "kosher salt", + "garlic powder", + "coarse salt", + "scallions", + "whiskey", + "sugar", + "halibut fillets", + "fresh thyme", + "salt", + "chopped pecans" + ] + }, + { + "id": 14957, + "ingredients": [ + "mayonaise", + "feta cheese crumbles", + "sundried tomato pesto", + "basil pesto sauce", + "fresh basil leaves", + "bread", + "roasted red peppers" + ] + }, + { + "id": 18414, + "ingredients": [ + "potatoes", + "onions", + "pepper", + "salt", + "cabbage", + "beef base", + "peppercorns", + "water", + "green beans", + "corned beef" + ] + }, + { + "id": 5231, + "ingredients": [ + "large eggs", + "chopped onion", + "corn mix muffin", + "non-fat sour cream", + "cream style corn", + "margarine", + "cooking spray", + "corn kernel whole" + ] + }, + { + "id": 33604, + "ingredients": [ + "olive oil", + "whole milk", + "freshly ground pepper", + "prepared horseradish", + "purple onion", + "ground pepper", + "white cheddar cheese", + "grits", + "poblano peppers", + "salt" + ] + }, + { + "id": 12735, + "ingredients": [ + "caster sugar", + "spring onions", + "large garlic cloves", + "filet", + "clove", + "mint leaves", + "lime wedges", + "cilantro leaves", + "beansprouts", + "fresh ginger", + "sesame oil", + "star anise", + "cinnamon sticks", + "fish sauce", + "beef stock", + "rice noodles", + "cardamom pods" + ] + }, + { + "id": 19523, + "ingredients": [ + "dried black mushrooms", + "egg roll wrappers", + "vegetable oil", + "corn starch", + "water", + "chicken breast halves", + "salt", + "bamboo shoots", + "pepper", + "large eggs", + "sweet and sour sauce", + "beansprouts", + "light soy sauce", + "sesame oil", + "peanut oil" + ] + }, + { + "id": 7853, + "ingredients": [ + "marinara sauce", + "milk", + "margarine", + "eggs", + "all-purpose flour", + "grated parmesan cheese" + ] + }, + { + "id": 33163, + "ingredients": [ + "shiitake", + "oil", + "minced pork", + "soybean paste", + "cucumber", + "noodles", + "green onions", + "carrots", + "sweet bean sauce", + "water", + "scallions", + "ginger root" + ] + }, + { + "id": 5630, + "ingredients": [ + "seasoning", + "bay leaves", + "salt", + "onions", + "french baguette", + "old bay seasoning", + "beer", + "melted butter", + "lemon wedge", + "cayenne pepper", + "large shrimp", + "garlic bulb", + "corn husks", + "smoked sausage", + "small red potato" + ] + }, + { + "id": 35049, + "ingredients": [ + "fresh basil", + "chiffonade", + "garlic", + "greek seasoning", + "pepper", + "kalamata", + "feta cheese crumbles", + "kosher salt", + "lemon", + "purple onion", + "tomatoes", + "bell pepper", + "extra-virgin olive oil", + "cucumber" + ] + }, + { + "id": 7965, + "ingredients": [ + "chuck roast", + "garlic", + "adobo sauce", + "ground cloves", + "bay leaves", + "salt", + "ground cumin", + "black pepper", + "Mexican oregano", + "beef broth", + "white onion", + "apple cider vinegar", + "fresh lime juice" + ] + }, + { + "id": 39821, + "ingredients": [ + "vegetable oil", + "chickpeas", + "garam masala", + "garlic", + "chopped cilantro", + "coarse salt", + "cumin seed", + "jalapeno chilies", + "canned tomatoes", + "onions" + ] + }, + { + "id": 27157, + "ingredients": [ + "light cream", + "chicken", + "water", + "salt", + "black pepper", + "vegetable oil", + "milk", + "all-purpose flour" + ] + }, + { + "id": 28318, + "ingredients": [ + "vegetable oil cooking spray", + "raisins", + "caraway seeds", + "baking soda", + "all-purpose flour", + "nonfat buttermilk", + "baking powder", + "sugar", + "salt" + ] + }, + { + "id": 11275, + "ingredients": [ + "vanilla beans", + "gold tequila", + "half & half", + "prunes", + "large egg yolks", + "sugar", + "heavy cream" + ] + }, + { + "id": 4034, + "ingredients": [ + "nutmeg", + "cardamom", + "clove", + "black pepper", + "tumeric", + "ground ginger", + "cinnamon" + ] + }, + { + "id": 37380, + "ingredients": [ + "kosher salt", + "pork butt", + "sugar", + "freshly ground pepper", + "sorghum", + "apple cider vinegar", + "coffee" + ] + }, + { + "id": 3470, + "ingredients": [ + "fish sauce", + "chicken breasts", + "coconut milk", + "zucchini", + "Massaman curry paste", + "water", + "red capsicum", + "onions", + "cooked rice", + "potatoes", + "corn flour" + ] + }, + { + "id": 701, + "ingredients": [ + "baking soda", + "vegetable shortening", + "cake flour", + "chocolate baking bar", + "ground cinnamon", + "cooking spray", + "Domino Light Brown Sugar", + "icing", + "cream", + "butter", + "vanilla extract", + "chocolate curls", + "large eggs", + "buttermilk", + "salt", + "boiling water" + ] + }, + { + "id": 37996, + "ingredients": [ + "sauerkraut", + "salt", + "pork belly", + "bay leaves", + "carrots", + "potatoes", + "dried dillweed", + "black pepper", + "vegetable oil", + "onions" + ] + }, + { + "id": 10483, + "ingredients": [ + "eggs", + "croutons", + "butter", + "pork sausages", + "shucked oysters", + "diced celery", + "chicken broth", + "chopped onion" + ] + }, + { + "id": 18610, + "ingredients": [ + "sugar", + "light soy sauce", + "green onions", + "salt", + "lettuce", + "pork", + "water chestnuts", + "star anise", + "dark soy sauce", + "minced ginger", + "starch", + "cooking wine", + "warm water", + "large eggs", + "sesame oil", + "oil" + ] + }, + { + "id": 42759, + "ingredients": [ + "zucchini", + "garlic", + "pepper", + "chicken breasts", + "garlic salt", + "mozzarella cheese", + "basil leaves", + "salt", + "sun-dried tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 11426, + "ingredients": [ + "corn salsa", + "soft fresh goat cheese", + "flour tortillas", + "tomatoes", + "olive oil spray" + ] + }, + { + "id": 44136, + "ingredients": [ + "lime slices", + "cranberry juice", + "southern comfort", + "fresh lime juice" + ] + }, + { + "id": 24261, + "ingredients": [ + "red chili peppers", + "peeled fresh ginger", + "scallions", + "dark soy sauce", + "water", + "garlic", + "corn starch", + "sugar", + "Shaoxing wine", + "roasted peanuts", + "chinese black vinegar", + "soy sauce", + "boneless skinless chicken breasts", + "oil" + ] + }, + { + "id": 8985, + "ingredients": [ + "fresh parmesan cheese", + "garlic cloves", + "roasted cashews", + "cooking spray", + "fettucine", + "ground black pepper", + "water", + "salt" + ] + }, + { + "id": 28040, + "ingredients": [ + "cooked rice", + "poppy seeds", + "saltines", + "cream of chicken soup", + "cream of mushroom soup", + "unsalted butter", + "sour cream", + "chicken broth", + "cooked chicken" + ] + }, + { + "id": 31071, + "ingredients": [ + "milk", + "masa harina", + "melted butter", + "all-purpose flour", + "fine sea salt", + "eggs", + "nonstick spray" + ] + }, + { + "id": 6453, + "ingredients": [ + "ground cinnamon", + "stewed tomatoes", + "salsa", + "boneless skinless chicken breast halves", + "water", + "black olives", + "red bell pepper", + "pineapple chunks", + "garlic", + "corn starch", + "ground cumin", + "vegetable oil", + "salt", + "onions" + ] + }, + { + "id": 48762, + "ingredients": [ + "olive oil", + "Italian parsley leaves", + "coarse salt", + "purple onion", + "sausage casings", + "russet potatoes", + "freshly ground pepper", + "large eggs", + "garlic" + ] + }, + { + "id": 36159, + "ingredients": [ + "tomatoes", + "ground black pepper", + "chickpeas", + "ground turmeric", + "angel hair", + "lemon wedge", + "onions", + "ground cinnamon", + "unsalted butter", + "lentils", + "ground cumin", + "ground ginger", + "olive oil", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 21417, + "ingredients": [ + "soy sauce", + "mirin", + "konbu", + "light brown sugar", + "water", + "vegetable oil", + "sake", + "fresh ginger", + "scallions", + "boneless chicken skinless thigh", + "bonito flakes" + ] + }, + { + "id": 26451, + "ingredients": [ + "pepper", + "zucchini", + "chopped onion", + "tomatoes", + "olive oil", + "fresh oregano", + "minced garlic", + "salt", + "fresh parsley", + "vegetable oil cooking spray", + "eggplant", + "green pepper" + ] + }, + { + "id": 19979, + "ingredients": [ + "cooking spray", + "granulated sugar", + "large eggs", + "fat free milk", + "all-purpose flour" + ] + }, + { + "id": 44803, + "ingredients": [ + "salt", + "fresh parsley", + "romaine lettuce leaves", + "cucumber", + "tomatoes", + "lemon juice", + "onions", + "extra-virgin olive oil", + "sour cream" + ] + }, + { + "id": 35560, + "ingredients": [ + "coconut sugar", + "water", + "vegetable oil", + "ginger", + "hot sauce", + "cauliflower", + "soy sauce", + "apple cider vinegar", + "hot chili powder", + "salt", + "corn starch", + "tumeric", + "baking powder", + "spices", + "garlic", + "scallions", + "tomato paste", + "black pepper", + "sesame oil", + "crushed red pepper flakes", + "all-purpose flour", + "onions" + ] + }, + { + "id": 39937, + "ingredients": [ + "eggs", + "evaporated milk", + "water", + "condensed milk", + "sugar", + "vanilla", + "milk" + ] + }, + { + "id": 6593, + "ingredients": [ + "daikon", + "kosher salt", + "sugar", + "rice vinegar", + "water" + ] + }, + { + "id": 31735, + "ingredients": [ + "kosher salt", + "ground black pepper", + "garlic", + "onions", + "romano cheese", + "corn kernels", + "jalapeno chilies", + "salsa", + "cotija", + "lime", + "zucchini", + "cilantro leaves", + "cream", + "feta cheese", + "vegetable oil", + "corn tortillas" + ] + }, + { + "id": 13153, + "ingredients": [ + "dashi", + "onions", + "eggs", + "green onions", + "chicken", + "mirin", + "soy", + "sugar", + "rice" + ] + }, + { + "id": 1411, + "ingredients": [ + "lime", + "fresh spinach", + "ice", + "avocado", + "almond milk", + "liquid stevia" + ] + }, + { + "id": 31664, + "ingredients": [ + "grated parmesan cheese", + "boneless skinless chicken breast halves", + "shredded mozzarella cheese", + "hellmann' or best food real mayonnais", + "ragu old world style tradit pasta sauc", + "italian seasoned dry bread crumbs" + ] + }, + { + "id": 32101, + "ingredients": [ + "olive oil", + "jalapeno chilies", + "ground beef", + "kosher salt", + "ground black pepper", + "shredded cheese", + "ground cumin", + "eggs", + "evaporated milk", + "flour", + "onions", + "corn kernels", + "poblano peppers", + "enchilada sauce" + ] + }, + { + "id": 33367, + "ingredients": [ + "water", + "tomato sauce", + "chili powder", + "tumeric", + "beef", + "shredded cheddar cheese", + "cumin" + ] + }, + { + "id": 46628, + "ingredients": [ + "andouille sausage", + "sherry vinegar", + "sliced carrots", + "garlic cloves", + "ground cinnamon", + "olive oil", + "golden raisins", + "salt", + "fat free less sodium chicken broth", + "cooking spray", + "paprika", + "ground cumin", + "spinach leaves", + "kidney beans", + "ground red pepper", + "long-grain rice" + ] + }, + { + "id": 32747, + "ingredients": [ + "olive oil", + "whole grain bread", + "fresh parsley", + "ground black pepper", + "chopped walnuts", + "fresh parmesan cheese", + "salt", + "fettucine", + "zucchini", + "garlic cloves" + ] + }, + { + "id": 2377, + "ingredients": [ + "pickles", + "tortilla chips", + "potatoes", + "corn kernels", + "red bell pepper", + "cheddar cheese", + "sauce" + ] + }, + { + "id": 14640, + "ingredients": [ + "leeks", + "scallions", + "smoked turkey", + "heavy cream", + "spaghetti", + "canned low sodium chicken broth", + "butter", + "chopped parsley", + "ground black pepper", + "salt" + ] + }, + { + "id": 48493, + "ingredients": [ + "salt", + "jalapeno chilies", + "garlic cloves", + "avocado", + "tortilla chips", + "purple onion", + "fresh lime juice" + ] + }, + { + "id": 6752, + "ingredients": [ + "sugar", + "vegetable oil", + "garlic cloves", + "toasted sesame seeds", + "mirin", + "beef rib short", + "toasted sesame oil", + "soy sauce", + "orange juice", + "kimchi", + "salad", + "steamed white rice", + "scallions", + "onions" + ] + }, + { + "id": 17519, + "ingredients": [ + "chicken stock", + "sliced carrots", + "white miso", + "snow peas", + "fresh udon", + "fresh mushrooms", + "green onions" + ] + }, + { + "id": 45167, + "ingredients": [ + "crusty bread", + "ground pepper", + "fresh lemon juice", + "plain yogurt", + "large garlic cloves", + "fresh parsley", + "baby lima beans", + "lemon peel", + "leg of lamb", + "fresh rosemary", + "olive oil", + "ground coriander" + ] + }, + { + "id": 5975, + "ingredients": [ + "water", + "paprika", + "cayenne pepper", + "onions", + "beans", + "chili powder", + "garlic", + "flavoring", + "bell pepper", + "stewed tomatoes", + "thyme", + "oregano", + "black pepper", + "lemon", + "salt", + "celery" + ] + }, + { + "id": 28189, + "ingredients": [ + "filo dough", + "butter", + "large eggs", + "cream cheese", + "feta cheese", + "gruyere cheese", + "cooking oil", + "chopped parsley" + ] + }, + { + "id": 37891, + "ingredients": [ + "green bell pepper", + "diced tomatoes", + "olive oil", + "ham", + "dried thyme", + "garlic cloves", + "diced onions", + "dry sherry", + "bay leaf" + ] + }, + { + "id": 31530, + "ingredients": [ + "celery ribs", + "olive oil", + "sweet pepper", + "smoked paprika", + "chorizo sausage", + "tomato paste", + "potatoes", + "garlic cloves", + "bay leaf", + "kosher salt", + "jalapeno chilies", + "carrots", + "onions", + "clove", + "green lentil", + "freshly ground pepper", + "chopped parsley", + "ground cumin" + ] + }, + { + "id": 22880, + "ingredients": [ + "lime zest", + "garlic", + "chopped cilantro", + "cayenne", + "goat cheese", + "ground cumin", + "chorizo", + "salt", + "dried oregano", + "jalapeno chilies", + "cream cheese" + ] + }, + { + "id": 41020, + "ingredients": [ + "hot sausage", + "red pepper flakes", + "garlic cloves", + "olive oil", + "salt", + "onions", + "black beans", + "dry sherry", + "ground cardamom", + "green bell pepper", + "jalapeno chilies", + "orange juice", + "ground cumin" + ] + }, + { + "id": 32047, + "ingredients": [ + "diced tomatoes", + "olive oil", + "salt", + "pepper", + "garlic", + "broccoli florets" + ] + }, + { + "id": 30877, + "ingredients": [ + "bread crumbs", + "flour", + "shredded parmesan cheese", + "ground black pepper", + "Boursin Cheese with Garlic and Herbs", + "elbow macaroni", + "milk", + "butter", + "sharp cheddar cheese", + "melted butter", + "herbs", + "salt" + ] + }, + { + "id": 6700, + "ingredients": [ + "salsa", + "chicken breasts", + "lime", + "taco seasoning", + "Mexican beer" + ] + }, + { + "id": 34641, + "ingredients": [ + "kosher salt", + "vegetable oil", + "ham", + "fish sauce", + "ground black pepper", + "green peas", + "pork", + "shrimp heads", + "rice vermicelli", + "curry powder", + "cilantro", + "onions" + ] + }, + { + "id": 25706, + "ingredients": [ + "tomatoes", + "dijon mustard", + "dried oregano", + "pepper", + "shredded mozzarella cheese", + "parmesan cheese", + "fresh parsley", + "mayonaise", + "salt", + "brown mustard" + ] + }, + { + "id": 35164, + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "whole kernel corn, drain", + "ground cumin", + "olive oil", + "purple onion", + "fresh lime juice", + "chopped green bell pepper", + "salt", + "chopped cilantro fresh", + "black beans", + "chili powder", + "red bell pepper" + ] + }, + { + "id": 10066, + "ingredients": [ + "green onions", + "ground cumin", + "picante sauce", + "cooked chicken breasts", + "reduced fat cheddar cheese", + "butter", + "flour tortillas", + "dried oregano" + ] + }, + { + "id": 11681, + "ingredients": [ + "extra-virgin olive oil", + "green cabbage", + "purple onion", + "red wine vinegar", + "fine sea salt" + ] + }, + { + "id": 40920, + "ingredients": [ + "sugar", + "whole milk", + "rye whiskey", + "unsalted butter", + "salt", + "pure vanilla extract", + "large eggs", + "all-purpose flour", + "tawny port", + "cinnamon", + "dried cranberries" + ] + }, + { + "id": 43481, + "ingredients": [ + "eggs", + "superfine sugar", + "raisins", + "ground poppy seed", + "cottage cheese", + "flour", + "salt", + "sugar", + "honey", + "poppy seeds", + "oil", + "milk", + "rum", + "grated lemon zest" + ] + }, + { + "id": 33705, + "ingredients": [ + "black beans", + "flour tortillas", + "onions", + "olive oil", + "salsa", + "shredded cheddar cheese", + "guacamole", + "diced green chilies", + "sour cream" + ] + }, + { + "id": 46679, + "ingredients": [ + "cracked black pepper", + "cream cheese, soften", + "dried thyme", + "all-purpose flour", + "unsalted butter", + "brine cured green olives", + "hazelnuts", + "salt" + ] + }, + { + "id": 17635, + "ingredients": [ + "hazelnuts", + "croissants" + ] + }, + { + "id": 6235, + "ingredients": [ + "diced tomatoes", + "pinto beans", + "jalapeno chilies", + "yellow onion", + "ground cumin", + "green bell pepper", + "salt", + "ground beef", + "chili powder", + "cayenne pepper" + ] + }, + { + "id": 49572, + "ingredients": [ + "ground ginger", + "ground pepper", + "garlic cloves", + "tomato sauce", + "coarse salt", + "onions", + "low-fat plain yogurt", + "vegetable oil", + "fresh lime juice", + "curry powder", + "chickpeas", + "long grain white rice" + ] + }, + { + "id": 14373, + "ingredients": [ + "baking soda", + "all-purpose flour", + "sugar", + "baking powder", + "cornmeal", + "large eggs", + "unsweetened applesauce", + "skim milk", + "salt" + ] + }, + { + "id": 25511, + "ingredients": [ + "water", + "feta cheese crumbles", + "chili flakes", + "purple onion", + "tomatoes", + "extra-virgin olive oil", + "flat leaf parsley", + "sugar", + "bulgur" + ] + }, + { + "id": 47652, + "ingredients": [ + "avocado", + "red wine vinegar", + "hot pepper sauce", + "plum tomatoes", + "black beans", + "mexicorn", + "green onions", + "canola oil" + ] + }, + { + "id": 24214, + "ingredients": [ + "half & half", + "kosher salt", + "sweetened condensed milk", + "sugar", + "thai tea leaves", + "egg yolks" + ] + }, + { + "id": 40625, + "ingredients": [ + "mint leaves", + "garlic cloves", + "tiger prawn", + "red chili peppers", + "rice noodles", + "cucumber", + "golden caster sugar", + "spring onions", + "carrots", + "lime", + "roasted peanuts", + "coriander" + ] + }, + { + "id": 20447, + "ingredients": [ + "fresh basil leaves", + "freshly grated parmesan", + "garlic cloves", + "olive oil" + ] + }, + { + "id": 13533, + "ingredients": [ + "mild olive oil", + "egg yolks", + "olive oil", + "toasted sesame seeds", + "phyllo dough", + "large eggs", + "chopped cilantro fresh", + "honey", + "ricotta" + ] + }, + { + "id": 10195, + "ingredients": [ + "soy sauce", + "garlic", + "onions", + "green onions", + "oil", + "pepper", + "salt", + "eggs", + "bacon slices", + "cooked white rice" + ] + }, + { + "id": 27795, + "ingredients": [ + "mint leaves", + "cucumber", + "salt", + "garlic", + "ground black pepper", + "fat" + ] + }, + { + "id": 23014, + "ingredients": [ + "white miso", + "ginger", + "canola oil", + "minced garlic", + "asparagus", + "soba noodles", + "sugar", + "lower sodium soy sauce", + "rice vinegar", + "sliced green onions", + "shiitake", + "extra firm tofu", + "dark sesame oil" + ] + }, + { + "id": 7561, + "ingredients": [ + "kosher salt", + "Mexican cheese blend", + "garlic", + "onions", + "olive oil", + "chili powder", + "rice", + "cumin", + "corn kernels", + "bell pepper", + "cilantro leaves", + "oregano", + "canned black beans", + "ground black pepper", + "green enchilada sauce", + "enchilada sauce" + ] + }, + { + "id": 23812, + "ingredients": [ + "water", + "pineapple juice", + "chicken wings", + "vegetable oil", + "fresh ginger", + "white sugar", + "soy sauce", + "garlic" + ] + }, + { + "id": 24952, + "ingredients": [ + "Belgian endive", + "fennel bulb", + "garlic cloves", + "kosher salt", + "anchovy fillets", + "celery ribs", + "butter", + "small red potato", + "olive oil", + "baby carrots" + ] + }, + { + "id": 41557, + "ingredients": [ + "dried porcini mushrooms", + "crushed red pepper", + "tomato paste", + "italian plum tomatoes", + "hot water", + "olive oil", + "sausages", + "fresh rosemary", + "large garlic cloves", + "onions" + ] + }, + { + "id": 15847, + "ingredients": [ + "sugar", + "salt", + "peanuts", + "fresh spinach", + "bamboo shoots" + ] + }, + { + "id": 20202, + "ingredients": [ + "olive oil", + "garlic", + "lobster", + "chopped fresh mint", + "roma tomatoes", + "salt", + "red pepper flakes", + "spaghetti" + ] + }, + { + "id": 16301, + "ingredients": [ + "chicken broth", + "minced garlic", + "purple onion", + "cucumber", + "sugar", + "chunky peanut butter", + "rice vinegar", + "ground turkey", + "brown sugar", + "fresh ginger", + "salt", + "red bell pepper", + "pasta", + "soy sauce", + "dry sherry", + "garlic chili sauce", + "toasted sesame oil" + ] + }, + { + "id": 27106, + "ingredients": [ + "clams", + "water", + "dry white wine", + "ham", + "chorizo", + "prosciutto", + "green pepper", + "cornmeal", + "cold water", + "spanish onion", + "large garlic cloves", + "flat leaf parsley", + "tomato sauce", + "olive oil", + "salt", + "bay leaf" + ] + }, + { + "id": 5037, + "ingredients": [ + "baking soda", + "margarine", + "dates", + "boiling water", + "self rising flour", + "dark brown sugar", + "vanilla extract" + ] + }, + { + "id": 15253, + "ingredients": [ + "sugar", + "large eggs", + "pure vanilla extract", + "self-rising cake flour", + "hazelnuts" + ] + }, + { + "id": 22270, + "ingredients": [ + "broad beans", + "baked beans", + "thyme", + "turnips", + "rosemary", + "salt", + "onions", + "pepper", + "potatoes", + "bay leaf", + "tomato sauce", + "kidney beans", + "carrots" + ] + }, + { + "id": 39918, + "ingredients": [ + "brown sugar", + "half & half", + "salt", + "french bread", + "cinnamon", + "Honey Bunches of Oats Cereal", + "bananas", + "whole milk", + "rum extract", + "nutmeg", + "egg yolks", + "vanilla", + "caramel sauce" + ] + }, + { + "id": 11398, + "ingredients": [ + "chipotle chile", + "ground pepper", + "all-purpose flour", + "chopped cilantro", + "shredded cheddar cheese", + "lean ground beef", + "garlic cloves", + "olive oil", + "coarse salt", + "corn tortillas", + "reduced sodium chicken broth", + "chili powder", + "sauce", + "onions" + ] + }, + { + "id": 44174, + "ingredients": [ + "low-fat sour cream", + "tomatoes with juice", + "onions", + "eggs", + "black beans", + "taco seasoning", + "green chile", + "olive oil", + "enchilada sauce", + "cold water", + "extra lean ground beef", + "cheese" + ] + }, + { + "id": 8231, + "ingredients": [ + "grated parmesan cheese", + "elbow macaroni", + "cooked vegetables", + "green peas", + "fresh basil", + "diced tomatoes", + "green beans", + "yellow crookneck squash", + "vegetable broth" + ] + }, + { + "id": 34639, + "ingredients": [ + "honey", + "pumpkin seeds", + "dried fruit", + "sea salt", + "coconut oil", + "tahini", + "ground lemongrass", + "rolled oats", + "açai powder" + ] + }, + { + "id": 33855, + "ingredients": [ + "light brown sugar", + "honey", + "bourbon whiskey", + "cider vinegar", + "dijon mustard", + "dry mustard", + "kosher salt", + "peaches", + "chili powder", + "sweet onion", + "jalapeno chilies", + "canola oil" + ] + }, + { + "id": 14041, + "ingredients": [ + "Italian turkey sausage", + "pasta sauce", + "olive oil" + ] + }, + { + "id": 37934, + "ingredients": [ + "tomato purée", + "olive oil", + "salt", + "onions", + "sugar", + "garlic", + "tomato ketchup", + "oregano", + "pepper", + "paneer", + "carrots", + "plum tomatoes", + "chili flakes", + "potatoes", + "all-purpose flour", + "fresh basil leaves" + ] + }, + { + "id": 6104, + "ingredients": [ + "peeled fresh ginger", + "plain whole-milk yogurt", + "garam masala", + "salt", + "boneless chicken skinless thigh", + "garlic", + "cayenne", + "fresh lime juice" + ] + }, + { + "id": 27251, + "ingredients": [ + "blueberry jam", + "blueberries", + "lemon juice", + "heavy cream" + ] + }, + { + "id": 47206, + "ingredients": [ + "salad greens", + "salsa", + "alaskan halibut", + "olive oil", + "pepper", + "salt" + ] + }, + { + "id": 46137, + "ingredients": [ + "green chile", + "oil", + "egg roll wrappers", + "monterey jack" + ] + }, + { + "id": 31102, + "ingredients": [ + "sugar", + "grated lemon zest", + "bread", + "butter", + "eggs", + "raisins", + "milk" + ] + }, + { + "id": 33073, + "ingredients": [ + "white bread", + "toasted slivered almonds", + "vegetable oil", + "white sugar", + "clove", + "cardamom pods", + "saffron", + "whole milk", + "cinnamon sticks" + ] + }, + { + "id": 4661, + "ingredients": [ + "groundnut", + "salt", + "large eggs", + "basmati rice", + "Japanese soy sauce", + "onions", + "spring onions" + ] + }, + { + "id": 25610, + "ingredients": [ + "sweet onion", + "grated lemon zest", + "carrots", + "parsnips", + "vegetable oil", + "garlic cloves", + "water", + "ginger", + "fresh lemon juice", + "leeks", + "duck", + "chopped parsley" + ] + }, + { + "id": 31029, + "ingredients": [ + "unflavored gelatin", + "lemon zest", + "heavy cream", + "frozen peas", + "fresh basil", + "parmigiano reggiano cheese", + "red wine vinegar", + "fresh lemon juice", + "fresh corn", + "whole milk", + "extra-virgin olive oil", + "tomatoes", + "black pepper", + "vegetable oil", + "salt" + ] + }, + { + "id": 23440, + "ingredients": [ + "pumpkin", + "diced yellow onion", + "kosher salt", + "butter", + "organic vegetable broth", + "plain yogurt", + "whole milk", + "ground coriander", + "water", + "ras el hanout", + "chopped cilantro fresh" + ] + }, + { + "id": 42385, + "ingredients": [ + "vegetable oil", + "onions", + "ground coriander", + "free range egg", + "plain flour", + "cumin seed" + ] + }, + { + "id": 45895, + "ingredients": [ + "purple onion", + "orange", + "flat leaf parsley", + "olive oil", + "salt" + ] + }, + { + "id": 34229, + "ingredients": [ + "ground pork", + "ground black pepper", + "garlic salt", + "cooked white rice", + "vegetable oil", + "chopped garlic" + ] + }, + { + "id": 31486, + "ingredients": [ + "sugar", + "mirin", + "sake", + "water", + "sesame oil", + "mint", + "soy sauce", + "green onions", + "minced chicken", + "miso paste" + ] + }, + { + "id": 47198, + "ingredients": [ + "lemon zest", + "olives", + "toasted walnuts", + "grated parmesan cheese", + "olive oil", + "lemon juice" + ] + }, + { + "id": 23006, + "ingredients": [ + "freshly grated parmesan", + "artichokes", + "fresh thyme leaves", + "egg yolks", + "brie cheese", + "sliced almonds", + "heavy cream" + ] + }, + { + "id": 14166, + "ingredients": [ + "water", + "bay leaves", + "all-purpose flour", + "whole peppercorn", + "garlic powder", + "crushed garlic", + "white vinegar", + "chicken gizzards", + "green onions", + "chicken livers", + "soy sauce", + "cooking oil", + "salt" + ] + }, + { + "id": 12425, + "ingredients": [ + "cheddar cheese", + "ground black pepper", + "sour cream", + "halibut fillets", + "cilantro", + "salsa verde", + "salt", + "chili pepper", + "tortillas" + ] + }, + { + "id": 46583, + "ingredients": [ + "water", + "quick-cooking barley", + "fresh parsley leaves", + "black pepper", + "fresh parmesan cheese", + "salt", + "plum tomatoes", + "olive oil", + "purple onion", + "fresh lemon juice", + "pinenuts", + "zucchini", + "cilantro leaves" + ] + }, + { + "id": 20880, + "ingredients": [ + "perciatelli", + "extra-virgin olive oil", + "onions", + "fennel seeds", + "dry white wine", + "oil", + "saffron threads", + "fennel bulb", + "dry bread crumbs", + "pinenuts", + "raisins", + "sardines" + ] + }, + { + "id": 13762, + "ingredients": [ + "ground cinnamon", + "baking soda", + "salt", + "chopped pecans", + "sugar", + "large eggs", + "cream cheese", + "powdered sugar", + "bananas", + "all-purpose flour", + "canola oil", + "milk", + "vanilla extract", + "crushed pineapple" + ] + }, + { + "id": 47701, + "ingredients": [ + "mayonaise", + "lettuce leaves", + "eggs", + "dijon mustard", + "panko breadcrumbs", + "hamburger buns", + "haddock fillets", + "salt and ground black pepper", + "Thai red curry paste" + ] + }, + { + "id": 26679, + "ingredients": [ + "soy sauce", + "white wine vinegar", + "red bell pepper", + "hot red pepper flakes", + "mint sprigs", + "capellini", + "fresh mint", + "shell steak", + "salt", + "beansprouts", + "sugar", + "anchovy paste", + "garlic cloves" + ] + }, + { + "id": 7296, + "ingredients": [ + "ground chuck", + "ground black pepper", + "yellow onion", + "canola oil", + "mayonaise", + "mozzarella cheese", + "ground sirloin", + "mexican chorizo", + "chiles", + "kosher salt", + "roasted red peppers", + "dark brown sugar", + "hamburger buns", + "olive oil", + "dry bread crumbs", + "adobo seasoning" + ] + }, + { + "id": 8520, + "ingredients": [ + "anchovies", + "red wine", + "smoked paprika", + "tomato paste", + "cayenne", + "salt", + "olive oil", + "grating cheese", + "onions", + "fresh sage", + "roasted red peppers", + "garlic cloves" + ] + }, + { + "id": 34428, + "ingredients": [ + "potatoes", + "garlic", + "browning", + "shredded cheddar cheese", + "lean ground beef", + "margarine", + "ketchup", + "beef consomme", + "all-purpose flour", + "milk", + "butter", + "onions" + ] + }, + { + "id": 40138, + "ingredients": [ + "plain yogurt", + "hot water", + "grape leaves", + "lemon wedge", + "onions", + "olive oil", + "flat leaf parsley", + "fresh dill", + "fresh lemon juice", + "long grain white rice" + ] + }, + { + "id": 1967, + "ingredients": [ + "clove", + "vegetable stock", + "sauce", + "celery", + "white vinegar", + "spring onions", + "tomato ketchup", + "beansprouts", + "peanuts", + "salt", + "oil", + "red chili peppers", + "ginger", + "green chilies", + "noodles" + ] + }, + { + "id": 12854, + "ingredients": [ + "eggs", + "ground black pepper", + "purple onion", + "olive oil", + "lime wedges", + "sour cream", + "kosher salt", + "jalapeno chilies", + "tortilla chips", + "salsa verde", + "queso fresco", + "chopped cilantro" + ] + }, + { + "id": 12646, + "ingredients": [ + "sliced almonds", + "dark brown sugar", + "sugar", + "large egg yolks", + "heavy whipping cream", + "water", + "maple sugar", + "maple extract", + "light corn syrup", + "coarse kosher salt" + ] + }, + { + "id": 40178, + "ingredients": [ + "avocado", + "white sugar", + "milk", + "vanilla ice cream", + "ice", + "fresh lemon juice" + ] + }, + { + "id": 16990, + "ingredients": [ + "bread crumb fresh", + "yellow bell pepper", + "garlic cloves", + "fresh basil", + "olive oil", + "anchovy fillets", + "flat leaf parsley", + "pinenuts", + "salt", + "red bell pepper", + "capers", + "raisins", + "brine-cured black olives" + ] + }, + { + "id": 172, + "ingredients": [ + "cherry tomatoes", + "mushrooms", + "eggs", + "potatoes", + "salt", + "ground black pepper", + "vegetable oil", + "smoked streaky bacon", + "leeks", + "cabbage" + ] + }, + { + "id": 28381, + "ingredients": [ + "glutinous rice flour", + "sweet red bean paste", + "candy", + "white sesame seeds", + "vegetable oil" + ] + }, + { + "id": 41826, + "ingredients": [ + "molasses", + "prepared mustard", + "curry powder", + "salt", + "honey", + "chicken", + "black pepper", + "butter" + ] + }, + { + "id": 36860, + "ingredients": [ + "canned black beans", + "shredded pepper jack cheese", + "cooked chicken breasts", + "egg whites", + "sour cream", + "taco seasoning mix", + "salsa", + "Green Giant™ Steamers™ Niblets® frozen corn", + "Green Giant™ frozen chopped spinach", + "Pillsbury™ refrigerated garlic butter crescent dinner rolls" + ] + }, + { + "id": 20795, + "ingredients": [ + "green bell pepper", + "lean ground beef", + "taco seasoning", + "pepper", + "chopped onion", + "red bell pepper", + "frozen hash browns", + "salt", + "shredded cheese", + "corn", + "low-fat cream cheese", + "tomato soup" + ] + }, + { + "id": 6626, + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "sanding sugar", + "dark brown sugar", + "kidney beans", + "bourbon whiskey", + "all-purpose flour", + "puff pastry", + "candied ginger", + "large egg yolks", + "heavy cream", + "cream cheese", + "grated orange", + "toasted pecans", + "golden raisins", + "salt", + "confectioners sugar" + ] + }, + { + "id": 20589, + "ingredients": [ + "salt", + "panko breadcrumbs", + "eggs", + "oil", + "all-purpose flour", + "pepper", + "pork loin chops" + ] + }, + { + "id": 4024, + "ingredients": [ + "white wine", + "butter", + "lemon juice", + "capers", + "artichoke hearts", + "salt", + "boneless skinless chicken breast halves", + "chicken broth", + "olive oil", + "garlic", + "onions", + "black pepper", + "garlic powder", + "all-purpose flour", + "italian seasoning" + ] + }, + { + "id": 34359, + "ingredients": [ + "flour tortillas", + "vegetable oil", + "ground cumin", + "hot dogs", + "salsa", + "chopped fresh chives", + "cheese", + "chili powder", + "sour cream" + ] + }, + { + "id": 29651, + "ingredients": [ + "sliced almonds", + "purple onion", + "carrots", + "ground black pepper", + "mixed greens", + "fresh parsley", + "water", + "salt", + "celery", + "wine vinegar", + "lentils", + "olives" + ] + }, + { + "id": 49442, + "ingredients": [ + "vermicelli", + "garlic cloves", + "olive oil", + "anchovy fillets", + "black pepper", + "salt", + "onions", + "capers", + "Italian parsley leaves", + "brine cured green olives" + ] + }, + { + "id": 5049, + "ingredients": [ + "fresh tomatoes", + "basil", + "margarine", + "chicken stock", + "bay leaves", + "chopped celery", + "oregano", + "light brown sugar", + "canned chopped tomatoes", + "garlic", + "onions", + "green bell pepper", + "meat", + "seafood" + ] + }, + { + "id": 1337, + "ingredients": [ + "eggs", + "baking powder", + "milk", + "oil", + "sugar", + "salt", + "flour", + "cornmeal" + ] + }, + { + "id": 29433, + "ingredients": [ + "tomatoes", + "ground black pepper", + "garlic", + "olive oil", + "chopped fresh chives", + "bow-tie pasta", + "fresh basil", + "sliced black olives", + "salt", + "sun-dried tomatoes", + "crushed red pepper flakes", + "feta cheese crumbles" + ] + }, + { + "id": 10717, + "ingredients": [ + "pepper", + "maple syrup", + "cider vinegar", + "low sodium chicken broth", + "turkey legs", + "oil", + "kale", + "garlic cloves" + ] + }, + { + "id": 15957, + "ingredients": [ + "mushrooms", + "red pepper", + "water", + "base sauce", + "cauliflower", + "butternut squash", + "purple onion", + "zucchini", + "vegetable oil" + ] + }, + { + "id": 20499, + "ingredients": [ + "triple sec", + "orange zest", + "mezcal", + "ice", + "orange bitters" + ] + }, + { + "id": 38018, + "ingredients": [ + "onion powder", + "extra-virgin olive oil", + "flat leaf parsley", + "vegetable oil cooking spray", + "red pepper flakes", + "white wine vinegar", + "chimichurri", + "red wine vinegar", + "garlic", + "skirt steak", + "ground black pepper", + "sea salt", + "salt" + ] + }, + { + "id": 18150, + "ingredients": [ + "ground cacao", + "flour", + "butter", + "sugar", + "coffee", + "baking powder", + "chocolate bars", + "egg yolks", + "heavy cream", + "eggs", + "vanilla pods", + "rum", + "pears" + ] + }, + { + "id": 46524, + "ingredients": [ + "hominy", + "whipping cream", + "garlic cloves", + "plum tomatoes", + "dried thyme", + "extra-virgin olive oil", + "chopped onion", + "chopped cilantro fresh", + "fat free less sodium chicken broth", + "lime wedges", + "salt", + "chipotles in adobo", + "ground cumin", + "red potato", + "boneless skinless chicken breasts", + "chopped celery", + "carrots", + "dried oregano" + ] + }, + { + "id": 40473, + "ingredients": [ + "dried black beans", + "jalapeno chilies", + "garlic cloves", + "onions", + "olive oil", + "smoked sausage", + "cooked white rice", + "orange", + "bay leaves", + "pork shoulder", + "smoked ham hocks", + "ground black pepper", + "salt", + "fresh parsley" + ] + }, + { + "id": 21554, + "ingredients": [ + "cauliflower", + "vinegar", + "salt", + "green beans", + "fresh ginger", + "garlic", + "black mustard seeds", + "white sugar", + "red chili powder", + "shallots", + "green chilies", + "green papaya", + "vegetables", + "purple onion", + "carrots", + "ground turmeric" + ] + }, + { + "id": 42695, + "ingredients": [ + "lettuce", + "beef", + "onions", + "cotija", + "rice", + "pico de gallo", + "cilantro", + "black beans", + "greek yogurt" + ] + }, + { + "id": 48951, + "ingredients": [ + "flour tortillas", + "cheese", + "ranch dressing", + "plum tomatoes", + "cooking spray", + "salsa", + "bacon slices" + ] + }, + { + "id": 46544, + "ingredients": [ + "prepared pie crusts", + "mayonaise", + "cheese", + "tomatoes", + "basil", + "mozzarella cheese" + ] + }, + { + "id": 8376, + "ingredients": [ + "chicken broth", + "ground black pepper", + "butter", + "all-purpose flour", + "red bell pepper", + "olive oil", + "baking powder", + "garlic", + "cocoa powder", + "powdered sugar", + "white chocolate chips", + "buttermilk", + "chopped onion", + "ice", + "baking soda", + "nonfat dry milk powder", + "salt", + "green beans" + ] + }, + { + "id": 33109, + "ingredients": [ + "fish sauce", + "vegetable oil", + "onions", + "sliced tomatoes", + "long green pepper", + "pepper leaves", + "leaves", + "ginger", + "water", + "crushed garlic", + "chicken" + ] + }, + { + "id": 41448, + "ingredients": [ + "boneless chicken skinless thigh", + "white wine vinegar", + "extra-virgin olive oil", + "dried oregano", + "coarse salt", + "sweet italian sausage", + "garlic" + ] + }, + { + "id": 11784, + "ingredients": [ + "ground black pepper", + "cilantro leaves", + "spinach", + "potatoes", + "onions", + "boneless chicken breast", + "hot curry powder", + "chopped tomatoes", + "salt" + ] + }, + { + "id": 36889, + "ingredients": [ + "parmesan cheese", + "fresh mint", + "tomatoes", + "crushed red pepper flakes", + "pasta", + "ground black pepper", + "natural pistachios", + "olive oil", + "garlic" + ] + }, + { + "id": 47140, + "ingredients": [ + "kosher salt", + "purple onion", + "black pepper", + "jalapeno chilies", + "ground cumin", + "boneless pork shoulder", + "flour tortillas", + "apricot jam", + "lime", + "cilantro leaves" + ] + }, + { + "id": 16207, + "ingredients": [ + "jalapeno chilies", + "chopped onion", + "cilantro sprigs", + "fresh lime juice", + "diced tomatoes", + "garlic cloves", + "salt" + ] + }, + { + "id": 4708, + "ingredients": [ + "pepper", + "goat cheese", + "grated parmesan cheese", + "sun-dried tomatoes", + "rigatoni", + "salt" + ] + }, + { + "id": 9630, + "ingredients": [ + "capers", + "olive oil", + "Italian parsley leaves", + "shrimp", + "sugar", + "ground black pepper", + "hot sauce", + "tarragon vinegar", + "shallots", + "fresh lemon juice", + "mayonaise", + "whole grain mustard", + "sea salt", + "flat leaf parsley" + ] + }, + { + "id": 43778, + "ingredients": [ + "olive oil", + "purple onion", + "octopuses", + "bay leaves", + "ground black pepper", + "crushed tomatoes", + "sea salt" + ] + }, + { + "id": 5540, + "ingredients": [ + "brains", + "egg yolks", + "heavy whipping cream", + "pepper", + "salt", + "chicken stock", + "red wine vinegar", + "onions", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 33015, + "ingredients": [ + "frozen whole kernel corn", + "tomatoes", + "purple onion", + "black beans", + "knorr chicken flavor bouillon", + "lime juice", + "hellmann' or best food real mayonnais" + ] + }, + { + "id": 32258, + "ingredients": [ + "Guinness Beer", + "scallions", + "cheddar cheese", + "dijon mustard", + "kosher salt", + "finely chopped fresh parsley", + "milk", + "cream cheese" + ] + }, + { + "id": 49287, + "ingredients": [ + "fresh coriander", + "hot chili powder", + "greek yogurt", + "garam masala", + "ground coriander", + "ground cumin", + "lime", + "salt", + "ground turmeric", + "black pepper", + "potatoes", + "oil" + ] + }, + { + "id": 36720, + "ingredients": [ + "curry leaves", + "urad dal", + "chili powder", + "ground turmeric", + "asafoetida", + "salt", + "mustard", + "sesame oil", + "baby potatoes" + ] + }, + { + "id": 14956, + "ingredients": [ + "water", + "salt", + "pasta", + "parmesan cheese", + "lemon juice", + "olive oil", + "hot Italian sausages", + "minced garlic", + "whole wheat spaghetti", + "arugula" + ] + }, + { + "id": 36140, + "ingredients": [ + "diced mushrooms", + "pecans", + "large eggs", + "butter", + "red bell pepper", + "celery ribs", + "dried thyme", + "dried sage", + "bacon slices", + "onions", + "yellow corn meal", + "garlic powder", + "baking powder", + "salt", + "chicken broth", + "baking soda", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 31818, + "ingredients": [ + "cinnamon", + "chickpeas", + "ground cumin", + "tumeric", + "paprika", + "onions", + "ground ginger", + "raisins", + "garlic cloves", + "black pepper", + "salt", + "chicken" + ] + }, + { + "id": 15827, + "ingredients": [ + "olive oil", + "flat leaf parsley", + "tomatoes", + "purple onion", + "oil-cured black olives", + "hothouse cucumber", + "green bell pepper", + "fresh lemon juice" + ] + }, + { + "id": 16331, + "ingredients": [ + "olive oil", + "orange zest", + "coarse sugar", + "all-purpose flour", + "salt", + "water", + "chocolate sauce" + ] + }, + { + "id": 39064, + "ingredients": [ + "ground cinnamon", + "vanilla", + "sugar", + "cinnamon sticks", + "slivered almonds", + "unsweetened chocolate", + "milk" + ] + }, + { + "id": 17103, + "ingredients": [ + "spinach", + "peas", + "cayenne pepper", + "coriander", + "yoghurt", + "garlic", + "ginger root", + "curry powder", + "vegetable broth", + "green pepper", + "red pepper", + "salt", + "onions" + ] + }, + { + "id": 42799, + "ingredients": [ + "ground nuts", + "confectioners sugar", + "granulated sugar", + "salt", + "vanilla extract", + "butter", + "all-purpose flour" + ] + }, + { + "id": 46829, + "ingredients": [ + "ground cinnamon", + "margarine", + "water", + "white sugar", + "brown sugar", + "apple pie filling", + "flour tortillas" + ] + }, + { + "id": 39560, + "ingredients": [ + "sugar", + "all-purpose flour", + "eggs", + "egg yolks", + "margarine", + "anise seed", + "water", + "grated lemon zest", + "vegetable oil cooking spray", + "baking powder", + "fresh lemon juice" + ] + }, + { + "id": 19496, + "ingredients": [ + "mozzarella cheese", + "grated parmesan cheese", + "salt", + "chicken broth", + "ground pepper", + "diced tomatoes", + "arborio rice", + "olive oil", + "dry white wine", + "fresh basil", + "finely chopped onion", + "garlic" + ] + }, + { + "id": 23809, + "ingredients": [ + "jumbo shrimp", + "cooking spray", + "garlic cloves", + "water", + "salt", + "fresh lemon juice", + "black pepper", + "extra-virgin olive oil", + "fresh parsley leaves", + "zucchini", + "cilantro leaves", + "fresh basil leaves" + ] + }, + { + "id": 4056, + "ingredients": [ + "chili", + "lime juice", + "sliced green onions", + "fresh cilantro", + "avocado", + "salt" + ] + }, + { + "id": 1214, + "ingredients": [ + "Tabasco Pepper Sauce", + "canned tomatoes", + "extra sharp cheddar cheese", + "parsley sprigs", + "bacon", + "beer", + "worcestershire sauce", + "all-purpose flour", + "unsalted butter", + "dry mustard", + "Italian bread" + ] + }, + { + "id": 27520, + "ingredients": [ + "olive oil", + "salt", + "fresh parsley", + "tomato sauce", + "fresh green bean", + "hot water", + "white sugar", + "ground cinnamon", + "dried mint flakes", + "dried dillweed", + "onions", + "pepper", + "lamb shoulder", + "celery" + ] + }, + { + "id": 28815, + "ingredients": [ + "avocado", + "green onions", + "chopped celery", + "bay leaf", + "ground cumin", + "jalapeno chilies", + "cilantro sprigs", + "sour cream", + "smoked ham hocks", + "red leaf lettuce", + "lime wedges", + "low salt chicken broth", + "chopped cilantro fresh", + "mayonaise", + "chili powder", + "carrots", + "onions" + ] + }, + { + "id": 38950, + "ingredients": [ + "eggs", + "salt", + "lemon", + "low sodium chicken broth", + "ground white pepper", + "white rice" + ] + }, + { + "id": 9720, + "ingredients": [ + "ground black pepper", + "coarse salt", + "large eggs", + "extra-virgin olive oil", + "unsalted butter", + "lemon", + "bread", + "boneless skinless chicken breasts" + ] + }, + { + "id": 16896, + "ingredients": [ + "olive oil", + "butter", + "hot sauce", + "garlic cloves", + "chicken broth", + "green onions", + "chopped celery", + "crabmeat", + "flat leaf parsley", + "tomato paste", + "chopped green bell pepper", + "worcestershire sauce", + "chopped onion", + "shrimp", + "low sodium creole seasoning", + "dry white wine", + "all-purpose flour", + "long-grain rice", + "fresh parsley" + ] + }, + { + "id": 23108, + "ingredients": [ + "catfish fillets", + "cooking spray", + "cabbage", + "jamaican jerk season", + "chopped cilantro fresh", + "habanero pepper", + "canola mayonnaise", + "sugar", + "fresh lime juice" + ] + }, + { + "id": 44539, + "ingredients": [ + "black pepper", + "golden raisins", + "chopped onion", + "frozen chopped spinach", + "large eggs", + "1% low-fat milk", + "feta cheese crumbles", + "olive oil", + "diced tomatoes", + "garlic cloves", + "cremini mushrooms", + "cooking spray", + "salt", + "Italian bread" + ] + }, + { + "id": 45542, + "ingredients": [ + "eggs", + "sugar", + "all-purpose flour", + "fresh dill", + "baking powder", + "walnuts", + "tumeric", + "cilantro", + "greens", + "mint", + "batter", + "fenugreek seeds" + ] + }, + { + "id": 10080, + "ingredients": [ + "golden raisins", + "fresh parsley", + "olive oil", + "garlic", + "pinenuts", + "yellow bell pepper", + "salt and ground black pepper", + "red bell pepper" + ] + }, + { + "id": 10467, + "ingredients": [ + "red lentils", + "granny smith apples", + "curry powder", + "salt", + "canola oil", + "tumeric", + "black pepper", + "pumpkin", + "carrots", + "tomatoes", + "ground cloves", + "potatoes", + "brown lentils", + "ground cumin", + "fresh spinach", + "water", + "garlic", + "onions" + ] + }, + { + "id": 29668, + "ingredients": [ + "grated parmesan cheese", + "boneless sirloin steak", + "water", + "oil", + "white vinegar", + "cracked black pepper", + "herbs", + "chopped cilantro fresh" + ] + }, + { + "id": 6948, + "ingredients": [ + "plain flour", + "black pepper", + "double cream", + "sugar", + "milk", + "white wine vinegar", + "eggs", + "white pepper", + "dry mustard", + "cold water", + "horseradish root", + "beef", + "salt" + ] + }, + { + "id": 18308, + "ingredients": [ + "soy sauce", + "water chestnuts", + "sliced mushrooms", + "chile paste", + "garlic", + "bamboo shoots", + "sugar", + "olive oil", + "corn starch", + "chicken", + "water", + "ginger", + "red bell pepper" + ] + }, + { + "id": 41138, + "ingredients": [ + "milk", + "sugar", + "ghee", + "ground cardamom", + "coconut", + "cashew nuts" + ] + }, + { + "id": 35252, + "ingredients": [ + "milk", + "ground cinnamon", + "unsweetened chocolate", + "light brown sugar", + "vanilla", + "kahlúa", + "cinnamon sticks" + ] + }, + { + "id": 45559, + "ingredients": [ + "brown sugar", + "salt", + "pork tenderloin", + "garlic powder", + "chipotle chile powder", + "onion powder" + ] + }, + { + "id": 45169, + "ingredients": [ + "duck breasts", + "spring onions", + "oil", + "egg noodles", + "ginger", + "soy sauce", + "sesame oil", + "coriander", + "water chestnuts", + "chinese cabbage" + ] + }, + { + "id": 22539, + "ingredients": [ + "grated parmesan cheese", + "dry bread crumbs", + "boneless skinless chicken breasts", + "eggs", + "italian seasoning" + ] + }, + { + "id": 14601, + "ingredients": [ + "large egg yolks", + "dried apricot", + "vanilla extract", + "unsalted butter", + "baking powder", + "all-purpose flour", + "almonds", + "whole milk", + "salt", + "sugar", + "large eggs", + "almond extract" + ] + }, + { + "id": 46738, + "ingredients": [ + "firmly packed brown sugar", + "water", + "vanilla extract", + "semi-sweet chocolate morsels", + "brandy", + "refrigerated piecrusts", + "corn starch", + "sugar", + "large eggs", + "salt", + "dark corn syrup", + "butter", + "chopped pecans" + ] + }, + { + "id": 36644, + "ingredients": [ + "white onion", + "chile de arbol", + "dried oregano", + "tomatoes", + "large garlic cloves", + "fresh pineapple", + "boneless pork shoulder", + "vegetable oil", + "chopped cilantro", + "white vinegar", + "water", + "corn tortillas", + "ground cumin" + ] + }, + { + "id": 18064, + "ingredients": [ + "marsala wine", + "unsalted butter", + "wondra flour", + "kosher salt", + "boneless skinless chicken breasts", + "tapioca flour", + "beef stock", + "canola oil", + "ground black pepper", + "crimini mushrooms" + ] + }, + { + "id": 12989, + "ingredients": [ + "water", + "cinnamon", + "green cardamom", + "ground turmeric", + "garlic paste", + "shallots", + "mutton", + "ghee", + "clove", + "coriander powder", + "cauliflower florets", + "brown cardamom", + "red chili peppers", + "chili powder", + "salt", + "onions" + ] + }, + { + "id": 29125, + "ingredients": [ + "green onions", + "rolls", + "pepper", + "garlic", + "shrimp", + "ground pork", + "oil", + "water", + "salt", + "onions" + ] + }, + { + "id": 10810, + "ingredients": [ + "powdered sugar", + "golden raisins", + "zabaglione", + "large egg yolks", + "salt", + "yellow corn meal", + "unsalted butter", + "all-purpose flour", + "sugar", + "italian moscato", + "grated lemon peel" + ] + }, + { + "id": 39796, + "ingredients": [ + "purple onion", + "hass avocado", + "roma tomatoes", + "cayenne pepper", + "ground black pepper", + "salt", + "chopped cilantro", + "garlic", + "fresh lime juice" + ] + }, + { + "id": 30688, + "ingredients": [ + "parsnips", + "garam masala", + "less sodium beef broth", + "fresh parsley", + "water", + "salt", + "leg of lamb", + "ground cumin", + "chile paste with garlic", + "olive oil", + "chopped onion", + "couscous", + "ruby port", + "ground black pepper", + "corn starch", + "dried fig" + ] + }, + { + "id": 25386, + "ingredients": [ + "water", + "red pepper flakes", + "corn starch", + "light brown sugar", + "boneless skinless chicken breasts", + "salt", + "large eggs", + "buffalo sauce", + "canola oil", + "pepper", + "apple cider vinegar", + "sauce" + ] + }, + { + "id": 5550, + "ingredients": [ + "unsweetened coconut milk", + "cayenne", + "garlic", + "chopped cilantro", + "water", + "lime wedges", + "salt", + "large shrimp", + "tumeric", + "cooking oil", + "canned tomatoes", + "onions", + "fresh ginger", + "cinnamon", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 26998, + "ingredients": [ + "shredded cheddar cheese", + "green onions", + "taco seasoning", + "olives", + "refried beans", + "salsa", + "sour cream", + "water", + "mexicorn", + "shredded mozzarella cheese", + "lasagna noodles", + "cream cheese", + "ground beef" + ] + }, + { + "id": 30398, + "ingredients": [ + "unsweetened vanilla almond milk", + "frozen mango", + "strawberries", + "kiwi", + "walnut pieces", + "bananas", + "chia seeds", + "coconut flakes", + "açai", + "blueberries", + "almond butter", + "granola", + "frozen banana" + ] + }, + { + "id": 40333, + "ingredients": [ + "fresh cilantro", + "ground beef", + "spanish rice", + "salsa", + "hot pepper sauce", + "monterey jack", + "water", + "red bell pepper" + ] + }, + { + "id": 24265, + "ingredients": [ + "part-skim mozzarella cheese", + "crushed red pepper", + "dough", + "pizza sauce", + "fresh basil", + "ground chicken breast", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 18953, + "ingredients": [ + "butter", + "powdered sugar", + "vanilla extract", + "milk", + "firmly packed brown sugar", + "light corn syrup" + ] + }, + { + "id": 24287, + "ingredients": [ + "pinenuts", + "mustard greens", + "dried currants", + "parmesan cheese", + "garlic cloves", + "olive oil", + "whole wheat fusilli", + "kosher salt", + "crushed red pepper flakes" + ] + }, + { + "id": 36631, + "ingredients": [ + "white onion", + "linguica", + "serrano peppers", + "hot sauce", + "smoked ham hocks", + "collard greens", + "orange", + "pork ribs", + "beef stew meat", + "cooked white rice", + "kosher salt", + "cured beef", + "bay leaves", + "salt pork", + "greens", + "chicken broth", + "black turtle beans", + "ground black pepper", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 33500, + "ingredients": [ + "dried thyme", + "salt", + "medium shrimp", + "green bell pepper", + "sherry vinegar", + "chopped onion", + "black pepper", + "medium dry sherry", + "garlic cloves", + "tomatoes", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 9719, + "ingredients": [ + "coconut", + "coconut milk", + "ground cumin", + "jackfruit", + "sago", + "cashew nuts", + "ground ginger", + "milk", + "ghee", + "water", + "cardamom", + "jaggery" + ] + }, + { + "id": 18589, + "ingredients": [ + "boneless skinless chicken breast halves", + "bow-tie pasta", + "tomatoes", + "salad dressing" + ] + }, + { + "id": 25430, + "ingredients": [ + "sugar", + "boneless chicken breast", + "fine sea salt", + "diced ham", + "green olives", + "pepper", + "vegetable shortening", + "yellow onion", + "eggs", + "white wine", + "baking powder", + "all-purpose flour", + "chorizo sausage", + "green bell pepper", + "olive oil", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 48525, + "ingredients": [ + "white hominy", + "tomatillos", + "garlic cloves", + "chicken breast halves", + "salt", + "jalapeno chilies", + "reduced-fat sour cream", + "chopped cilantro fresh", + "brown chicken stock", + "lime wedges", + "chopped onion" + ] + }, + { + "id": 4337, + "ingredients": [ + "fresh spinach", + "swiss chard", + "extra-virgin olive oil", + "fresh lemon juice", + "dried thyme", + "cooking spray", + "all-purpose flour", + "soya flour", + "olive oil", + "baking powder", + "garlic cloves", + "warm water", + "ground black pepper", + "salt", + "dried rosemary" + ] + }, + { + "id": 30578, + "ingredients": [ + "shortening", + "self-rising cornmeal", + "vegetable oil", + "buttermilk", + "large eggs" + ] + }, + { + "id": 18333, + "ingredients": [ + "pecan halves", + "bourbon whiskey", + "pure vanilla extract", + "granulated sugar", + "all-purpose flour", + "light brown sugar", + "large eggs", + "sorghum syrup", + "unsalted butter", + "fine sea salt" + ] + }, + { + "id": 7556, + "ingredients": [ + "plain yogurt", + "egg whites", + "margarine", + "baking soda", + "vanilla extract", + "blackberries", + "reduced fat whipped topping", + "baking powder", + "lemon juice", + "sugar", + "lemon peel", + "all-purpose flour" + ] + }, + { + "id": 13108, + "ingredients": [ + "honey", + "salt", + "sugar", + "refrigerated piecrusts", + "water", + "whipping cream", + "pecan halves", + "unsalted butter", + "bittersweet chocolate" + ] + }, + { + "id": 30208, + "ingredients": [ + "light soy sauce", + "sesame oil", + "corn starch", + "pork", + "black mushrooms", + "chili sauce", + "shrimp meat", + "superfine sugar", + "vegetable oil", + "ground white pepper", + "dumpling wrappers", + "green onions", + "oyster sauce" + ] + }, + { + "id": 23114, + "ingredients": [ + "corn kernels", + "canola oil", + "green bell pepper", + "creole seasoning", + "tomatoes", + "jalapeno chilies", + "sweet onion", + "garlic cloves" + ] + }, + { + "id": 46118, + "ingredients": [ + "olive oil", + "parmigiano reggiano cheese", + "garlic cloves", + "fresh marjoram", + "unsalted butter", + "salt", + "tomatoes", + "eggplant", + "extra-virgin olive oil", + "thyme leaves", + "mozzarella cheese", + "fresh thyme", + "fresh oregano" + ] + }, + { + "id": 37800, + "ingredients": [ + "olive oil", + "salt", + "warm water", + "yoghurt", + "whole wheat flour", + "yeast", + "honey", + "baking powder" + ] + }, + { + "id": 3390, + "ingredients": [ + "extra-virgin olive oil", + "fresh mint", + "black pepper", + "garlic cloves", + "chickpeas", + "kosher salt", + "fresh lemon juice" + ] + }, + { + "id": 7445, + "ingredients": [ + "firmly packed brown sugar", + "fresh ginger", + "mirin", + "soy sauce", + "tri tip", + "onions", + "minced garlic", + "raw cane sugar", + "sake", + "ground pepper", + "dry mustard" + ] + }, + { + "id": 34030, + "ingredients": [ + "ice cubes", + "tomato juice", + "passion fruit juice", + "cachaca", + "lime juice", + "worcestershire sauce", + "lemon juice", + "celery salt", + "ground nutmeg", + "sea salt", + "cucumber", + "green olives", + "ground black pepper", + "hot sauce" + ] + }, + { + "id": 40358, + "ingredients": [ + "black pepper", + "red pepper flakes", + "peach preserves", + "onions", + "soy sauce", + "Sriracha", + "rice vinegar", + "oil", + "ground ginger", + "seasoning salt", + "garlic", + "chinese five-spice powder", + "basmati rice", + "ketchup", + "butter", + "bone-in pork chops", + "corn starch" + ] + }, + { + "id": 40028, + "ingredients": [ + "fresh basil", + "asparagus", + "chopped onion", + "olive oil", + "white cheddar cheese", + "ham", + "milk", + "potatoes", + "shredded mozzarella cheese", + "eggs", + "ground black pepper", + "salt" + ] + }, + { + "id": 45708, + "ingredients": [ + "buttermilk biscuits", + "pepperoni", + "pizza sauce", + "garlic powder", + "italian seasoning", + "cheese" + ] + }, + { + "id": 7393, + "ingredients": [ + "dried rice noodles", + "prawns", + "coriander", + "fish sauce", + "beansprouts", + "mint leaves", + "rice paper" + ] + }, + { + "id": 3619, + "ingredients": [ + "vanilla beans", + "heavy cream", + "sour cream", + "water", + "granulated sugar", + "confectioners sugar", + "unflavored gelatin", + "milk", + "light corn syrup", + "hazelnuts", + "baking soda", + "salt" + ] + }, + { + "id": 29848, + "ingredients": [ + "urad dal", + "cumin seed", + "curry leaves", + "rice", + "cashew nuts", + "ground ginger", + "salt", + "ghee", + "soda", + "curds", + "peppercorns" + ] + }, + { + "id": 25705, + "ingredients": [ + "green chile", + "tomatillos", + "onions", + "jalapeno chilies", + "garlic cloves", + "ground cumin", + "kosher salt", + "cilantro", + "serrano chile", + "vegetable oil", + "pork shoulder" + ] + }, + { + "id": 25919, + "ingredients": [ + "dry red wine", + "seedless red grapes", + "sugar", + "fresh lemon juice" + ] + }, + { + "id": 4874, + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "squid", + "canola oil", + "green olives", + "lemon", + "purple onion", + "large shrimp", + "crab meat", + "ground black pepper", + "white wine vinegar", + "fresh parsley", + "pepper", + "cornichons", + "celery" + ] + }, + { + "id": 47709, + "ingredients": [ + "chicken broth", + "milk", + "salt", + "sour cream", + "black beans", + "flour", + "cream cheese", + "monterey jack", + "pepper", + "butter", + "enchilada sauce", + "chicken", + "green chile", + "flour tortillas", + "chopped onion", + "chopped cilantro fresh" + ] + }, + { + "id": 30281, + "ingredients": [ + "tart shells", + "shredded cheddar cheese", + "cream cheese", + "bacon bits", + "jalapeno chilies", + "hot pepper sauce" + ] + }, + { + "id": 16044, + "ingredients": [ + "peanuts", + "salt", + "granulated sugar", + "baking soda", + "vanilla extract" + ] + }, + { + "id": 1353, + "ingredients": [ + "eggs", + "water", + "garlic", + "orange juice", + "ginger root", + "soy sauce", + "boneless skinless chicken breasts", + "rice vinegar", + "lemon juice", + "brown sugar", + "green onions", + "salt", + "oil", + "orange zest", + "pepper", + "red pepper flakes", + "all-purpose flour", + "corn starch" + ] + }, + { + "id": 1339, + "ingredients": [ + "garlic paste", + "mace", + "cilantro leaves", + "fresh lemon juice", + "chicken", + "black pepper", + "chili powder", + "cumin seed", + "onions", + "food colouring", + "coriander seeds", + "green cardamom", + "cinnamon sticks", + "clove", + "plain yogurt", + "salt", + "oil", + "ground turmeric" + ] + }, + { + "id": 48060, + "ingredients": [ + "coconut flakes", + "sea salt", + "soda water", + "water", + "fine sea salt", + "chiles", + "vanilla", + "ice", + "pure vanilla extract", + "lime", + "cocoa powder" + ] + }, + { + "id": 12829, + "ingredients": [ + "cream", + "cajun seasoning", + "cayenne pepper", + "green bell pepper", + "grated parmesan cheese", + "garlic", + "onions", + "crawfish", + "butter", + "celery", + "fettuccine pasta", + "processed cheese", + "all-purpose flour" + ] + }, + { + "id": 24191, + "ingredients": [ + "sugar pea", + "sesame oil", + "dried shiitake mushrooms", + "sugar", + "water", + "ponzu", + "scallions", + "soy sauce", + "mirin", + "ginger", + "konbu", + "silken tofu", + "baby spinach", + "soba noodles" + ] + }, + { + "id": 3859, + "ingredients": [ + "sole fillet", + "lemon zest", + "fresh parsley", + "fresh basil", + "ground black pepper", + "lemon slices", + "quinoa", + "red wine vinegar", + "water", + "grated parmesan cheese" + ] + }, + { + "id": 10744, + "ingredients": [ + "kosher salt", + "vegetable oil", + "corn husks", + "hot water", + "pork", + "fine salt", + "flour", + "pork lard" + ] + }, + { + "id": 45958, + "ingredients": [ + "olive oil", + "pitted olives", + "fresh mushrooms", + "dried rosemary", + "dry vermouth", + "leeks", + "all-purpose flour", + "fresh parsley", + "tomatoes", + "veal", + "salt", + "freshly ground pepper", + "vegetable oil cooking spray", + "bay leaves", + "beef broth", + "chopped garlic" + ] + }, + { + "id": 9028, + "ingredients": [ + "brandy", + "red wine", + "cinnamon sticks", + "sugar", + "Cointreau Liqueur", + "fresh lemon juice", + "orange", + "fresh orange juice", + "club soda", + "vegetables", + "apples" + ] + }, + { + "id": 45733, + "ingredients": [ + "eggs", + "pie shell", + "white corn syrup", + "sugar", + "chopped pecans", + "margarine" + ] + }, + { + "id": 21752, + "ingredients": [ + "sugar", + "mirin", + "trout fillet", + "salt", + "cucumber", + "cooked rice", + "lime", + "jalapeno chilies", + "ginger", + "oil", + "mayonaise", + "sesame seeds", + "shallots", + "garlic", + "carrots", + "avocado", + "pepper", + "sambal chile paste", + "cilantro", + "rice vinegar", + "soy" + ] + }, + { + "id": 21085, + "ingredients": [ + "ground cinnamon", + "large eggs", + "freshly ground pepper", + "onions", + "almonds", + "garlic", + "confectioners sugar", + "saffron", + "phyllo dough", + "coarse salt", + "lemon juice", + "chopped cilantro fresh", + "ground ginger", + "unsalted butter", + "orange flower water", + "flat leaf parsley", + "chicken" + ] + }, + { + "id": 45884, + "ingredients": [ + "fat free less sodium chicken broth", + "boneless skinless chicken breasts", + "diced tomatoes", + "chopped onion", + "dried thyme", + "turkey kielbasa", + "all-purpose flour", + "minced garlic", + "ground red pepper", + "chopped celery", + "okra", + "chopped green bell pepper", + "vegetable oil", + "rice" + ] + }, + { + "id": 22860, + "ingredients": [ + "fish sauce", + "garlic cloves", + "red chili peppers", + "vinegar", + "sugar", + "lemon juice" + ] + }, + { + "id": 39506, + "ingredients": [ + "shredded mozzarella cheese", + "pasta sauce", + "gnocchi", + "bulk italian sausag" + ] + }, + { + "id": 25569, + "ingredients": [ + "boneless skinless chicken breasts", + "carrots", + "eggs", + "garlic", + "sesame oil", + "onions", + "soy sauce", + "rice" + ] + }, + { + "id": 36896, + "ingredients": [ + "pork tenderloin", + "cabbage", + "soy sauce", + "green onions", + "chicken broth", + "chinese noodles", + "fresh ginger root", + "vegetable oil" + ] + }, + { + "id": 33018, + "ingredients": [ + "water", + "garlic", + "bay leaf", + "pig", + "ginger", + "oil", + "peppercorns", + "soy sauce", + "vinegar", + "salt", + "onions", + "pepper", + "thai chile", + "calamansi" + ] + }, + { + "id": 15341, + "ingredients": [ + "cilantro", + "paneer", + "chutney", + "lime juice", + "garlic", + "salt", + "cumin", + "water", + "ginger", + "purple onion", + "basmati rice", + "tortillas", + "curry", + "green chilies", + "chicken" + ] + }, + { + "id": 18983, + "ingredients": [ + "grated parmesan cheese", + "arugula", + "olive oil", + "salt", + "ground black pepper", + "sun-dried tomatoes in oil", + "garlic", + "plum tomatoes" + ] + }, + { + "id": 5885, + "ingredients": [ + "dumpling wrappers", + "ponzu", + "scallions", + "noodles", + "soy sauce", + "rice wine", + "ginger", + "kimchi", + "sesame seeds", + "ground pork", + "oil", + "white pepper", + "sesame oil", + "salt", + "chinese black vinegar" + ] + }, + { + "id": 18704, + "ingredients": [ + "pepper", + "quinoa", + "green onions", + "stewed tomatoes", + "stone-ground cornmeal", + "grated parmesan cheese", + "portabello mushroom", + "salt", + "water", + "minced onion", + "shaved parmesan cheese", + "garlic", + "olive oil", + "sherry", + "crushed red pepper flakes", + "dried oregano" + ] + }, + { + "id": 31610, + "ingredients": [ + "poblano peppers", + "onions", + "chicken bouillon granules", + "vegetable oil", + "crema mexican", + "corn kernels", + "cream cheese" + ] + }, + { + "id": 3401, + "ingredients": [ + "hungarian sweet paprika", + "ground pepper", + "salt", + "onions", + "saffron threads", + "whitefish fillets", + "large garlic cloves", + "flat leaf parsley", + "brine-cured olives", + "vegetable oil", + "carrots", + "chopped cilantro fresh", + "tomatoes", + "lemon", + "red bell pepper", + "ground turmeric" + ] + }, + { + "id": 35168, + "ingredients": [ + "kosher salt", + "tomatillos", + "garlic cloves", + "masa harina", + "low sodium chicken broth", + "cilantro leaves", + "chayotes", + "jalapeno chilies", + "fresh green bean", + "fresh parsley leaves", + "ground cumin", + "america", + "whole cloves", + "allspice berries", + "squash" + ] + }, + { + "id": 29209, + "ingredients": [ + "chile pepper", + "ground beef", + "minced onion", + "sour cream", + "tomato sauce", + "black olives", + "shredded Monterey Jack cheese", + "corn tortilla chips", + "ricotta cheese", + "garlic salt" + ] + }, + { + "id": 36347, + "ingredients": [ + "fresh chives", + "cracked black pepper", + "yellow onion", + "chicken pieces", + "sweet potatoes", + "garlic", + "corn starch", + "reduced sodium soy sauce", + "light coconut milk", + "cayenne pepper", + "cold water", + "bay leaves", + "rice vinegar", + "nonstick spray" + ] + }, + { + "id": 1785, + "ingredients": [ + "jasmine flowers", + "coconut cream", + "sticky rice", + "white sugar", + "pandanus leaf", + "rice flour", + "caster sugar", + "salt", + "mango" + ] + }, + { + "id": 38673, + "ingredients": [ + "grape tomatoes", + "red wine vinegar", + "olive oil", + "nutritional yeast flakes", + "soy sauce", + "garlic", + "ground black pepper", + "noodles" + ] + }, + { + "id": 49486, + "ingredients": [ + "fresh peas", + "sesame oil", + "garlic cloves", + "honey", + "tahini", + "rice vinegar", + "yellow peppers", + "chili", + "hoisin sauce", + "vegetable oil", + "red bell pepper", + "fresh ginger", + "chicken breasts", + "sauce" + ] + }, + { + "id": 13583, + "ingredients": [ + "pepper", + "plum tomatoes", + "pimento stuffed olives", + "onions", + "lime juice", + "ground cumin" + ] + }, + { + "id": 33926, + "ingredients": [ + "lump crab meat", + "vegetable oil", + "fresh parsley", + "saltines", + "large egg whites", + "hot sauce", + "water", + "salt", + "plain low-fat yogurt", + "roasted red peppers", + "fresh lime juice" + ] + }, + { + "id": 40470, + "ingredients": [ + "green onions", + "cream cheese", + "jalapeno chilies", + "garlic", + "wonton wrappers", + "vegetable oil", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 26337, + "ingredients": [ + "green onions", + "garlic cloves", + "sugar", + "sea salt", + "white onion", + "rice vinegar", + "red pepper", + "cucumber" + ] + }, + { + "id": 6731, + "ingredients": [ + "large eggs", + "Bisquick Original All-Purpose Baking Mix", + "artichoke hearts", + "shredded swiss cheese", + "milk", + "green onions", + "cooked shrimp", + "parmesan cheese", + "cajun seasoning" + ] + }, + { + "id": 44459, + "ingredients": [ + "sake", + "water", + "konbu", + "baby bok choy", + "mirin", + "salmon fillets", + "honey", + "medium eggs", + "soy sauce", + "brown rice" + ] + }, + { + "id": 22824, + "ingredients": [ + "silken tofu", + "crushed red pepper flakes", + "miso paste", + "boiling water", + "sesame seeds", + "sardines", + "green onions" + ] + }, + { + "id": 29264, + "ingredients": [ + "olive oil", + "butter", + "sherry wine", + "chicken stock", + "mushrooms", + "salt", + "ground black pepper", + "heavy cream", + "chopped parsley", + "marsala wine", + "boneless skinless chicken breasts", + "all-purpose flour" + ] + }, + { + "id": 25558, + "ingredients": [ + "light soy sauce", + "vegetable broth", + "tofu", + "vegetable oil", + "bamboo shoots", + "white vinegar", + "bay leaves", + "garlic", + "black pepper", + "pineapple" + ] + }, + { + "id": 23080, + "ingredients": [ + "soy sauce", + "orange bell pepper", + "ground thyme", + "cayenne pepper", + "ground ginger", + "pepper", + "flour", + "salt", + "oil", + "white vinegar", + "ketchup", + "fresh thyme", + "garlic", + "scallions", + "red snapper", + "water", + "butter", + "yellow onion", + "browning" + ] + }, + { + "id": 14670, + "ingredients": [ + "crusty bread", + "ricotta cheese", + "tomatoes", + "basil leaves", + "chickpeas", + "ground black pepper", + "black olives", + "pesto", + "extra-virgin olive oil" + ] + }, + { + "id": 27553, + "ingredients": [ + "ketchup", + "vegetable oil", + "garlic cloves", + "kosher salt", + "cayenne pepper", + "French's Spicy Brown Mustard", + "paprika", + "lemon juice", + "horseradish", + "tarragon vinegar", + "freshly ground pepper" + ] + }, + { + "id": 17525, + "ingredients": [ + "chiles", + "garlic powder", + "salt", + "garlic cloves", + "lime", + "achiote", + "salsa", + "fresh pineapple", + "pepper", + "finely chopped onion", + "pineapple juice", + "corn tortillas", + "ancho", + "olive oil", + "cilantro", + "pork meat", + "ground cumin" + ] + }, + { + "id": 6077, + "ingredients": [ + "green bell pepper", + "parsley", + "potatoes", + "tuna", + "tomatoes", + "bell pepper", + "onions", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 24098, + "ingredients": [ + "clams", + "garlic", + "vietnamese spinach", + "rice" + ] + }, + { + "id": 2510, + "ingredients": [ + "romaine lettuce", + "black olives", + "mozzarella cheese", + "tomatoes", + "grated parmesan cheese", + "pepperoni slices", + "italian salad dressing" + ] + }, + { + "id": 26921, + "ingredients": [ + "flour", + "all-purpose flour", + "salt", + "eggs" + ] + }, + { + "id": 23088, + "ingredients": [ + "shredded cheddar cheese", + "shredded mozzarella cheese", + "cumin", + "green bell pepper", + "mushrooms", + "chopped cilantro", + "buttermilk biscuits", + "sliced olives", + "red bell pepper", + "taco sauce", + "chili powder", + "ground beef" + ] + }, + { + "id": 31468, + "ingredients": [ + "capers", + "olive oil", + "rice", + "pepper", + "diced tomatoes", + "dried rosemary", + "boneless chicken thighs", + "dry sherry", + "fresh parsley", + "water", + "salt" + ] + }, + { + "id": 32381, + "ingredients": [ + "ground black pepper", + "corn starch", + "water", + "red wine", + "chicken", + "chicken stock", + "vegetable oil", + "onions", + "garlic powder", + "salt" + ] + }, + { + "id": 44835, + "ingredients": [ + "large eggs", + "salt", + "vegetable oil", + "milk", + "all-purpose flour" + ] + }, + { + "id": 32368, + "ingredients": [ + "chicken stock", + "basil leaves", + "salt", + "minced ginger", + "fresh orange juice", + "corn starch", + "red chili peppers", + "vegetable oil", + "Chinese egg noodles", + "chicken sausage", + "garlic", + "snow peas" + ] + }, + { + "id": 27208, + "ingredients": [ + "vegetable oil cooking spray", + "baking powder", + "skim milk", + "salt", + "yellow corn meal", + "egg whites", + "all-purpose flour", + "sugar", + "vegetable oil" + ] + }, + { + "id": 14242, + "ingredients": [ + "chicken broth", + "ground black pepper", + "chili powder", + "rotisserie chicken", + "red bell pepper", + "onions", + "shredded cheddar cheese", + "jalapeno chilies", + "diced tomatoes", + "carrots", + "corn tortillas", + "cumin", + "kosher salt", + "tortillas", + "heavy cream", + "ground coriander", + "sour cream", + "dried oregano", + "water", + "green onions", + "garlic", + "smoked paprika", + "celery" + ] + }, + { + "id": 19659, + "ingredients": [ + "seltzer", + "salt", + "scallions", + "medium shrimp", + "large eggs", + "all-purpose flour", + "kimchi", + "soy sauce", + "rice vinegar", + "rice flour", + "vegetable oil", + "squid", + "toasted sesame oil" + ] + }, + { + "id": 43094, + "ingredients": [ + "mayonaise", + "creole mustard", + "green onions" + ] + }, + { + "id": 15760, + "ingredients": [ + "kosher salt", + "garlic", + "saffron threads", + "ground black pepper", + "lemon juice", + "large egg yolks", + "cayenne pepper", + "bread crumbs", + "extra-virgin olive oil", + "hot water" + ] + }, + { + "id": 11814, + "ingredients": [ + "olive oil", + "garlic cloves", + "fresh rosemary", + "cooking spray", + "arugula", + "ground black pepper", + "beef tenderloin steaks", + "kosher salt", + "lemon wedge" + ] + }, + { + "id": 15262, + "ingredients": [ + "salsa", + "chopped cilantro", + "milk", + "sour cream", + "black beans", + "chicken fingers", + "cheese", + "couscous" + ] + }, + { + "id": 21825, + "ingredients": [ + "mozzarella cheese", + "pepperoni", + "smooth pasta", + "fresh basil leaves", + "penne pasta" + ] + }, + { + "id": 39447, + "ingredients": [ + "cooked ham", + "onions", + "genoa salami", + "American cheese", + "iceberg lettuce", + "mayonaise", + "dried oregano", + "tomatoes", + "hoagie rolls" + ] + }, + { + "id": 18247, + "ingredients": [ + "flour tortillas", + "salt", + "chicken broth", + "butter", + "green chilies", + "flour", + "cream cheese", + "pepper", + "cheese", + "chicken" + ] + }, + { + "id": 32682, + "ingredients": [ + "sugar", + "pistachios", + "salt", + "large eggs", + "vanilla extract", + "water", + "whole milk", + "vegetable oil spray", + "whipping cream" + ] + }, + { + "id": 37504, + "ingredients": [ + "white pepper", + "russet potatoes", + "garlic cloves", + "olive oil", + "bacon", + "milk", + "butter", + "onions", + "green cabbage", + "leeks", + "salt" + ] + }, + { + "id": 20319, + "ingredients": [ + "milk", + "all-purpose flour", + "eggs" + ] + }, + { + "id": 32522, + "ingredients": [ + "egg yolks", + "sugar", + "strawberries", + "all-purpose flour", + "salted butter" + ] + }, + { + "id": 44455, + "ingredients": [ + "green bell pepper", + "bacon", + "ground black pepper", + "olive oil", + "feta cheese crumbles", + "greek seasoning", + "pimentos" + ] + }, + { + "id": 49148, + "ingredients": [ + "salt and ground black pepper", + "extra-virgin olive oil", + "fresh parsley", + "lemon", + "purple onion", + "fennel", + "garlic", + "arugula", + "mayonaise", + "chicken meat", + "celery" + ] + }, + { + "id": 2114, + "ingredients": [ + "baby spinach leaves", + "feta cheese crumbles", + "shallots", + "pears", + "diet lemon lime soda", + "salad dressing", + "toasted pine nuts" + ] + }, + { + "id": 31361, + "ingredients": [ + "ground cinnamon", + "whole milk", + "water", + "long grain white rice", + "sugar", + "cinnamon sticks", + "pure vanilla extract", + "lemon zest" + ] + }, + { + "id": 28348, + "ingredients": [ + "ground round", + "bay leaves", + "balsamic vinegar", + "garlic cloves", + "black pepper", + "dry white wine", + "stewed tomatoes", + "red bell pepper", + "tomato sauce", + "golden raisins", + "yellow bell pepper", + "carrots", + "olive oil", + "pimentos", + "salt", + "onions" + ] + }, + { + "id": 22226, + "ingredients": [ + "whole milk", + "water", + "lemon juice" + ] + }, + { + "id": 33911, + "ingredients": [ + "corn", + "red wine vinegar", + "pinto beans", + "black beans", + "garbanzo beans", + "purple onion", + "fresh parsley", + "olive oil", + "garlic", + "red bell pepper", + "pepper", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 16916, + "ingredients": [ + "cayenne", + "shallots", + "butter", + "salt", + "smoked gouda", + "pepper", + "large eggs", + "vegetable oil", + "buttermilk", + "goat cheese", + "stock", + "lemon zest", + "parsley", + "lemon", + "hot sauce", + "polenta", + "oysters", + "flour", + "cajun seasoning", + "old bay seasoning", + "cornmeal" + ] + }, + { + "id": 35988, + "ingredients": [ + "extra-virgin olive oil", + "prosciutto", + "fresh basil leaves", + "baguette", + "freshly ground pepper", + "coarse salt" + ] + }, + { + "id": 43563, + "ingredients": [ + "chicken stock", + "small pasta", + "salt", + "italian seasoning", + "parmesan cheese", + "garlic", + "onions", + "spinach", + "turkey meatballs", + "carrots", + "pepper", + "extra-virgin olive oil", + "celery" + ] + }, + { + "id": 35964, + "ingredients": [ + "ground cinnamon", + "sugar", + "butter", + "eggs", + "peaches", + "all-purpose flour", + "melted butter", + "milk", + "salt", + "brown sugar", + "baking powder", + "chopped pecans" + ] + }, + { + "id": 26651, + "ingredients": [ + "black beans", + "salsa", + "ground cumin", + "chicken broth", + "vegetable oil", + "onions", + "chili powder", + "garlic cloves", + "black pepper", + "salt", + "oregano" + ] + }, + { + "id": 15924, + "ingredients": [ + "ground black pepper", + "vegetable oil", + "green onions", + "carrots", + "extra firm tofu", + "rice vinegar", + "soy sauce", + "brown rice", + "toasted sesame oil" + ] + }, + { + "id": 48851, + "ingredients": [ + "peach jam", + "lime juice", + "chicken wings", + "greens", + "chili paste" + ] + }, + { + "id": 23692, + "ingredients": [ + "evaporated milk", + "vanilla extract", + "sugar", + "flour", + "eggs", + "unsalted butter", + "kosher salt", + "sweet potatoes" + ] + }, + { + "id": 44971, + "ingredients": [ + "low-fat shredded cheddar cheese", + "cooking spray", + "low fat tortilla chip", + "table salt", + "diced tomatoes", + "refried black beans", + "lean ground beef", + "dried oregano", + "jalapeno chilies", + "scallions" + ] + }, + { + "id": 31673, + "ingredients": [ + "celery leaves", + "lemon zest", + "basil", + "thyme", + "water", + "parsley", + "salt", + "celery", + "white wine", + "flour", + "garlic", + "shanks", + "tomato paste", + "olive oil", + "butter", + "carrots", + "onions" + ] + }, + { + "id": 11741, + "ingredients": [ + "steamed rice", + "salt", + "fresh parsley leaves", + "onions", + "granny smith apples", + "vegetable oil", + "long-grain rice", + "chutney", + "ground cumin", + "chicken broth", + "salted butter", + "all-purpose flour", + "red bell pepper", + "chicken", + "curry powder", + "cinnamon", + "garlic cloves", + "rib" + ] + }, + { + "id": 1087, + "ingredients": [ + "kosher salt", + "tequila", + "triple sec", + "ice", + "lime juice", + "fresh lime juice", + "lime wedges" + ] + }, + { + "id": 36591, + "ingredients": [ + "avocado", + "cuban peppers", + "lemon", + "sauce", + "coconut milk", + "black pepper", + "chicken breasts", + "sea salt", + "garlic cloves", + "cumin", + "black beans", + "chili powder", + "cayenne pepper", + "red bell pepper", + "chicken broth", + "shredded cheddar cheese", + "whole wheat tortillas", + "taco seasoning", + "onions" + ] + }, + { + "id": 24651, + "ingredients": [ + "chicken broth", + "soy sauce", + "asparagus", + "oyster sauce", + "fish sauce", + "thai basil", + "bell pepper", + "ground white pepper", + "roasted cashews", + "chili pepper", + "lager", + "corn starch", + "sugar", + "vegetables", + "boneless skinless chicken breasts", + "chopped garlic" + ] + }, + { + "id": 16791, + "ingredients": [ + "water", + "capon", + "tarragon", + "dry vermouth", + "unsalted butter", + "white mushrooms", + "chicken stock", + "shiitake", + "heavy cream", + "herbes de provence", + "potato starch", + "ground black pepper", + "salt", + "armagnac" + ] + }, + { + "id": 28578, + "ingredients": [ + "salt and ground black pepper", + "cayenne pepper", + "garlic", + "greek yogurt", + "fresh dill", + "salt", + "chopped fresh mint", + "lemon", + "english cucumber" + ] + }, + { + "id": 4537, + "ingredients": [ + "clove", + "white onion", + "coriander seeds", + "garlic", + "cinnamon sticks", + "mint", + "pepper", + "diced tomatoes", + "salt", + "ginger paste", + "lean meat", + "cream", + "garam masala", + "curry", + "onions", + "green cardamom pods", + "red chili peppers", + "water", + "paprika", + "cumin seed" + ] + }, + { + "id": 24876, + "ingredients": [ + "milk", + "all-purpose flour", + "eggs", + "baking powder", + "confectioners sugar", + "baking soda", + "lemon juice", + "slivered almonds", + "butter", + "white sugar" + ] + }, + { + "id": 31584, + "ingredients": [ + "olive oil", + "butter", + "chopped garlic", + "marsala wine", + "mushrooms", + "salt", + "reduced sodium beef broth", + "flour", + "whipping cream", + "black pepper", + "veal cutlets", + "dried oregano" + ] + }, + { + "id": 39456, + "ingredients": [ + "white pepper", + "chives", + "salt", + "stock", + "sesame seeds", + "chili oil", + "soy sauce", + "cooking oil", + "ground pork", + "eggs", + "dumpling wrappers", + "sesame oil", + "ginger root" + ] + }, + { + "id": 39474, + "ingredients": [ + "garlic", + "olive oil", + "boneless skinless chicken breast halves", + "fresh rosemary", + "black olives", + "dry white wine", + "plum tomatoes" + ] + }, + { + "id": 11103, + "ingredients": [ + "almonds", + "light coconut milk", + "cardamom pods", + "onions", + "crushed tomatoes", + "ginger", + "salt", + "garlic cloves", + "ground cumin", + "tomato paste", + "crushed red pepper flakes", + "chicken strips", + "ground coriander", + "ground turmeric", + "steamed rice", + "extra-virgin olive oil", + "maple syrup", + "chopped cilantro" + ] + }, + { + "id": 17650, + "ingredients": [ + "milk", + "large eggs", + "corn starch", + "pure vanilla extract", + "granulated sugar", + "butter", + "peaches", + "almond extract", + "ground cinnamon", + "self rising flour", + "lemon" + ] + }, + { + "id": 40495, + "ingredients": [ + "fenugreek leaves", + "mushrooms", + "salt", + "country bread", + "garam masala", + "ground red pepper", + "cumin seed", + "chopped cilantro fresh", + "tomatoes", + "jalapeno chilies", + "purple onion", + "garlic cloves", + "canola oil", + "tomato sauce", + "peeled fresh ginger", + "ground coriander", + "dried red chile peppers" + ] + }, + { + "id": 3434, + "ingredients": [ + "flour tortillas", + "cheddar cheese", + "onions", + "baked beans", + "chorizo sausage", + "green bell pepper", + "sour cream" + ] + }, + { + "id": 10911, + "ingredients": [ + "pineapple", + "pepper", + "salt", + "avocado", + "cilantro", + "lime", + "onions" + ] + }, + { + "id": 35249, + "ingredients": [ + "eggs", + "spring onions", + "ground white pepper", + "red chili peppers", + "oil", + "oysters", + "rice flour", + "fish sauce", + "cilantro leaves", + "beansprouts" + ] + }, + { + "id": 8344, + "ingredients": [ + "coconut", + "brown sugar", + "water", + "ginger" + ] + }, + { + "id": 47259, + "ingredients": [ + "black peppercorns", + "lamb shoulder", + "onions", + "clove", + "pepper", + "cinnamon sticks", + "garlic paste", + "salt", + "ginger paste", + "tomatoes", + "cardamom seeds", + "ghee" + ] + }, + { + "id": 42808, + "ingredients": [ + "curry powder", + "extra large shrimp", + "cayenne pepper", + "coconut milk", + "cooked rice", + "fresh ginger", + "diced tomatoes", + "garlic cloves", + "fresh cilantro", + "vegetable oil", + "ground coriander", + "onions", + "tumeric", + "ground black pepper", + "salt", + "lemon juice" + ] + }, + { + "id": 39649, + "ingredients": [ + "tomatoes", + "ground red pepper", + "garlic cloves", + "ground turmeric", + "red lentils", + "olive oil", + "chopped onion", + "bay leaf", + "water", + "salt", + "fresh lemon juice", + "hungarian sweet paprika", + "ground black pepper", + "cumin seed", + "chopped fresh mint" + ] + }, + { + "id": 316, + "ingredients": [ + "red potato", + "low-sodium fat-free chicken broth", + "crushed red pepper", + "carrots", + "white onion", + "worcestershire sauce", + "all-purpose flour", + "nonfat buttermilk", + "butter", + "salt", + "fresh parsley", + "celery ribs", + "chicken breast halves", + "green peas", + "frozen corn kernels" + ] + }, + { + "id": 43351, + "ingredients": [ + "pastry shell", + "strawberries", + "mint sprigs", + "vanilla ice cream", + "caramel sauce" + ] + }, + { + "id": 32617, + "ingredients": [ + "tumeric", + "potatoes", + "green chilies", + "coriander", + "curry powder", + "ginger", + "lemon juice", + "ground cumin", + "sugar", + "vegetable oil", + "garlic cloves", + "naan", + "cauliflower", + "chopped tomatoes", + "natural yogurt", + "onions" + ] + }, + { + "id": 27624, + "ingredients": [ + "pepper", + "sesame oil", + "raw cashews", + "garlic cloves", + "sliced green onions", + "stock", + "kecap manis", + "red capsicum", + "red curry paste", + "coconut milk", + "extra firm tofu", + "rice noodles", + "salt", + "green beans", + "soy sauce", + "broccoli florets", + "ginger", + "oil", + "coriander" + ] + }, + { + "id": 8796, + "ingredients": [ + "large egg whites", + "vanilla extract", + "granulated sugar", + "salt", + "powdered sugar", + "baking powder", + "all-purpose flour", + "milk", + "vegetable shortening" + ] + }, + { + "id": 43592, + "ingredients": [ + "large egg whites", + "jalapeno chilies", + "garlic cloves", + "salsa verde", + "salt", + "corn tortillas", + "large eggs", + "chopped onion", + "chopped cilantro fresh", + "olive oil", + "queso fresco", + "red bell pepper" + ] + }, + { + "id": 45582, + "ingredients": [ + "cream", + "plums", + "vegetable oil cooking spray", + "refrigerated piecrusts", + "ground allspice", + "sugar", + "vanilla extract", + "preserves", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 31146, + "ingredients": [ + "fresh rosemary", + "dry white wine", + "large garlic cloves", + "cooked ham", + "butter", + "capers", + "balsamic vinegar", + "veal scallops", + "olive oil", + "pecorino romano cheese" + ] + }, + { + "id": 22025, + "ingredients": [ + "ground black pepper", + "cucumber", + "salt", + "fat free greek yogurt", + "leaves", + "feta cheese crumbles" + ] + }, + { + "id": 33118, + "ingredients": [ + "soy sauce", + "water chestnuts", + "salt", + "corn starch", + "bamboo shoots", + "large egg whites", + "boneless chicken", + "oil", + "shao hsing wine", + "sugar", + "fresh ginger", + "dipping sauces", + "oyster sauce", + "toasted sesame oil", + "dumpling wrappers", + "vegetable oil", + "scallions", + "ground white pepper" + ] + }, + { + "id": 7641, + "ingredients": [ + "olive oil", + "butter", + "kosher salt", + "vermicelli", + "orange zest", + "fresh basil", + "sea scallops", + "fresh orange juice", + "pepper", + "dry white wine" + ] + }, + { + "id": 48678, + "ingredients": [ + "pepper jack", + "whipping cream", + "green pepper", + "oregano", + "black pepper", + "butter", + "all-purpose flour", + "sour cream", + "tomatoes", + "flour tortillas", + "salt", + "shrimp", + "garlic powder", + "red pepper", + "cayenne pepper", + "onions" + ] + }, + { + "id": 36267, + "ingredients": [ + "garlic powder", + "cayenne pepper", + "black pepper", + "all-purpose flour", + "mixed nuts", + "paprika", + "poultry seasoning", + "spanish rice", + "margarine", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 29542, + "ingredients": [ + "pepper", + "vegetable oil", + "cayenne pepper", + "onions", + "red kidney beans", + "bay leaves", + "salt", + "celery", + "tasso", + "water", + "bacon", + "smoked paprika", + "green bell pepper", + "green onions", + "meat bones", + "cooked white rice" + ] + }, + { + "id": 15157, + "ingredients": [ + "roasted cashews", + "garam masala", + "freshly ground pepper", + "canola oil", + "boneless chicken thighs", + "salt", + "plain whole-milk yogurt", + "tomato sauce", + "large garlic cloves", + "chopped cilantro fresh", + "chicken broth", + "fresh ginger", + "yellow onion", + "basmati rice" + ] + }, + { + "id": 14285, + "ingredients": [ + "beans", + "salt", + "chicken", + "green peas", + "carrots", + "tomatoes", + "garlic", + "onions", + "potatoes", + "tomato ketchup" + ] + }, + { + "id": 40043, + "ingredients": [ + "dough", + "balsamic vinegar", + "garlic cloves", + "black pepper", + "extra-virgin olive oil", + "fresh basil", + "chees fresh mozzarella", + "plum tomatoes", + "cooking spray", + "salt" + ] + }, + { + "id": 3532, + "ingredients": [ + "ground round", + "cooking spray", + "salt", + "carrots", + "ground cinnamon", + "fresh parmesan cheese", + "diced tomatoes", + "penne pasta", + "onions", + "black peppercorns", + "ground nutmeg", + "1% low-fat milk", + "chopped onion", + "dried oregano", + "frozen chopped spinach", + "black pepper", + "butter", + "all-purpose flour", + "bay leaf" + ] + }, + { + "id": 16823, + "ingredients": [ + "thai chile", + "minced garlic", + "fish sauce", + "lime" + ] + }, + { + "id": 4961, + "ingredients": [ + "tomato sauce", + "sun-dried tomatoes", + "garlic", + "boneless skinless chicken breast halves", + "chicken stock", + "olive oil", + "red wine", + "frozen peas", + "white onion", + "ground black pepper", + "salt", + "pepper", + "flour", + "flat leaf parsley" + ] + }, + { + "id": 27022, + "ingredients": [ + "spices", + "ground beef", + "salsa", + "doritos", + "Mexican cheese", + "corn", + "cream of mushroom soup" + ] + }, + { + "id": 41659, + "ingredients": [ + "Thai chili paste", + "oyster mushrooms", + "galangal", + "fish sauce", + "evaporated milk", + "bird chile", + "kaffir lime leaves", + "lemongrass", + "cilantro leaves", + "jumbo shrimp", + "canned chicken", + "fresh lime juice" + ] + }, + { + "id": 31690, + "ingredients": [ + "pepper", + "mint leaves", + "cilantro leaves", + "ghee", + "ground fennel", + "coriander powder", + "garlic", + "cardamom", + "basmati rice", + "clove", + "garam masala", + "cinnamon", + "green chilies", + "onions", + "tomatoes", + "beef", + "salt", + "bay leaf", + "ground turmeric" + ] + }, + { + "id": 41702, + "ingredients": [ + "soy sauce", + "sesame oil", + "ginger", + "scallions", + "peanuts", + "tatsoi", + "rice vinegar", + "sambal ulek", + "mirin", + "cilantro", + "peanut butter", + "lime", + "rice noodles", + "garlic", + "tamarind concentrate" + ] + }, + { + "id": 13661, + "ingredients": [ + "eggplant", + "coarse salt", + "dried basil", + "large eggs", + "shredded mozzarella cheese", + "plain dry bread crumb", + "ground pepper", + "chunky tomato sauce", + "olive oil", + "grated parmesan cheese", + "dried oregano" + ] + }, + { + "id": 8855, + "ingredients": [ + "milk", + "scallions", + "eggs", + "butter", + "grits", + "medium cheddar cheese", + "garlic cloves", + "pepper", + "salt" + ] + }, + { + "id": 30533, + "ingredients": [ + "ground pepper", + "salt", + "flat leaf parsley", + "red pepper flakes", + "fresh lemon juice", + "olive oil", + "paprika", + "shrimp", + "butter", + "garlic cloves" + ] + }, + { + "id": 30909, + "ingredients": [ + "pepper", + "garlic cloves", + "pinenuts", + "salt", + "extra-virgin olive oil", + "grated parmesan cheese", + "fresh basil leaves" + ] + }, + { + "id": 47943, + "ingredients": [ + "fish sauce", + "lemon grass", + "salt", + "garlic cloves", + "ground turmeric", + "pepper", + "Massaman curry paste", + "roasting chickens", + "dried red chile peppers", + "brown sugar", + "butter", + "cardamom pods", + "coconut milk", + "clove", + "coriander seeds", + "ginger", + "cumin seed", + "onions" + ] + }, + { + "id": 45916, + "ingredients": [ + "black pepper", + "dry white wine", + "heavy cream", + "California bay leaves", + "dijon mustard", + "vegetable oil", + "garlic cloves", + "onions", + "water", + "free-range chickens", + "salt", + "fresh lemon juice", + "unsalted butter", + "fresh thyme leaves", + "all-purpose flour", + "carrots" + ] + }, + { + "id": 33460, + "ingredients": [ + "garlic", + "spaghetti", + "pepper", + "fresh mushrooms", + "salt", + "butter", + "onions" + ] + }, + { + "id": 35100, + "ingredients": [ + "water", + "ginger", + "chicken thighs", + "fish sauce", + "sesame oil", + "peanut butter", + "tomato paste", + "Sriracha", + "salt", + "pepper", + "chili pepper flakes", + "coconut milk" + ] + }, + { + "id": 31513, + "ingredients": [ + "pinenuts", + "garlic", + "olive oil", + "chopped fresh mint", + "swordfish steaks", + "salt", + "penne", + "ground black pepper" + ] + }, + { + "id": 15005, + "ingredients": [ + "potatoes", + "fresh cilantro", + "water", + "salt", + "olive oil" + ] + }, + { + "id": 21308, + "ingredients": [ + "fish sauce", + "fresh ginger", + "yellow onion", + "ghee", + "water", + "diced tomatoes", + "applesauce", + "chopped cilantro fresh", + "kosher salt", + "beef brisket", + "carrots", + "Madras curry powder", + "lemongrass", + "star anise", + "bay leaf" + ] + }, + { + "id": 14321, + "ingredients": [ + "tostadas", + "hominy", + "cumin seed", + "chili", + "Mexican oregano", + "low salt chicken broth", + "white onion", + "Anaheim chile", + "garlic cloves", + "olive oil", + "diced tomatoes", + "fresh lime juice" + ] + }, + { + "id": 719, + "ingredients": [ + "reduced sodium chicken broth", + "salt", + "leg of lamb", + "leeks", + "fresh parsley leaves", + "potatoes", + "freshly ground pepper", + "celery", + "chopped fresh thyme", + "carrots" + ] + }, + { + "id": 45509, + "ingredients": [ + "water", + "onion powder", + "ground pork", + "peanut butter", + "garam masala", + "cilantro", + "red curry paste", + "white sugar", + "garlic powder", + "vegetable oil", + "all-purpose flour", + "onions", + "chili powder", + "crushed red pepper flakes", + "cayenne pepper" + ] + }, + { + "id": 10308, + "ingredients": [ + "figs", + "buttermilk", + "vanilla beans", + "grated nutmeg", + "sugar", + "heavy cream", + "unflavored gelatin", + "zinfandel" + ] + }, + { + "id": 2071, + "ingredients": [ + "dried plum", + "olive oil", + "cinnamon", + "ground coriander", + "ground cumin", + "tumeric", + "lemon zest", + "garlic", + "chopped parsley", + "green olives", + "ground pepper", + "paprika", + "flavoring", + "chicken stock", + "kosher salt", + "butternut squash", + "lamb shoulder", + "onions" + ] + }, + { + "id": 853, + "ingredients": [ + "eggs", + "dijon mustard", + "salt", + "lemon juice", + "ground black pepper", + "flour", + "scallions", + "capers", + "cod fillets", + "gherkins", + "fresh parsley", + "mayonaise", + "cooking oil", + "beer" + ] + }, + { + "id": 30255, + "ingredients": [ + "pecorino romano cheese", + "broccoli rabe", + "orecchiette", + "grated parmesan cheese", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 47546, + "ingredients": [ + "olive oil", + "garlic cloves", + "fresh basil", + "cooked chicken", + "grated parmesan cheese", + "pinenuts", + "cheese tortellini" + ] + }, + { + "id": 13974, + "ingredients": [ + "tomatoes", + "salt", + "low sodium chicken stock", + "chorizo", + "cayenne pepper", + "smoked paprika", + "pepper", + "yellow onion", + "oil", + "large garlic cloves", + "bone-in chicken breasts", + "olives" + ] + }, + { + "id": 11583, + "ingredients": [ + "olive oil", + "beefsteak tomatoes", + "hot Italian sausages", + "dried basil", + "roasted red peppers", + "salt", + "chopped garlic", + "mozzarella cheese", + "sliced black olives", + "purple onion", + "dried oregano", + "green olives", + "ground black pepper", + "balsamic vinegar", + "Italian bread" + ] + }, + { + "id": 36373, + "ingredients": [ + "tumeric", + "lemongrass", + "shallots", + "asian fish sauce", + "unsweetened coconut milk", + "reduced sodium chicken broth", + "peeled fresh ginger", + "large garlic cloves", + "sugar", + "green curry paste", + "vegetable oil", + "large shrimp", + "wide rice noodles", + "water", + "cilantro stems", + "salt" + ] + }, + { + "id": 45398, + "ingredients": [ + "parmesan cheese" + ] + }, + { + "id": 36622, + "ingredients": [ + "ground chipotle chile pepper", + "apple cider vinegar", + "rhubarb", + "olive oil", + "smoked paprika", + "pepper", + "salt", + "brown sugar", + "golden raisins", + "onions" + ] + }, + { + "id": 46510, + "ingredients": [ + "tomatoes", + "fresh parsley", + "olive oil", + "pitted olives", + "capers", + "plum tomatoes" + ] + }, + { + "id": 15712, + "ingredients": [ + "vegetable oil", + "chipotles in adobo", + "jalapeno chilies", + "garlic cloves", + "chopped cilantro fresh", + "frozen whole kernel corn", + "salt", + "onions", + "lime juice", + "diced tomatoes", + "adobo sauce" + ] + }, + { + "id": 36418, + "ingredients": [ + "honey", + "kochujang", + "soy sauce", + "sesame oil", + "onions", + "sirloin", + "ground black pepper", + "garlic", + "sugar", + "green leaf lettuce", + "scallions" + ] + }, + { + "id": 38314, + "ingredients": [ + "extra firm tofu", + "peanut oil", + "asian fish sauce", + "soy sauce", + "shredded cabbage", + "carrots", + "light brown sugar", + "jalapeno chilies", + "garlic cloves", + "lime", + "salted roast peanuts", + "chopped cilantro" + ] + }, + { + "id": 27960, + "ingredients": [ + "white bread", + "neutral oil", + "zucchini", + "ground veal", + "onions", + "tomatoes", + "olive oil", + "bell pepper", + "salt", + "eggs", + "eggplant", + "fresh thyme leaves", + "squash", + "fennel seeds", + "chili flakes", + "grated parmesan cheese", + "ground pork", + "chopped garlic" + ] + }, + { + "id": 14656, + "ingredients": [ + "fresh ginger root", + "heavy cream", + "cumin seed", + "ground cumin", + "kosher salt", + "unsalted butter", + "paprika", + "corn starch", + "boneless chicken skinless thigh", + "garam masala", + "diced tomatoes", + "juice", + "water", + "jalapeno chilies", + "cilantro", + "greek yogurt" + ] + }, + { + "id": 3838, + "ingredients": [ + "diced onions", + "dried thyme", + "clam juice", + "worcestershire sauce", + "all-purpose flour", + "black pepper", + "Tabasco Pepper Sauce", + "butter", + "white rice", + "diced celery", + "green bell pepper", + "green onions", + "cajun seasoning", + "diced tomatoes", + "cayenne pepper", + "white pepper", + "vegetable oil", + "large garlic cloves", + "salt", + "shrimp" + ] + }, + { + "id": 18439, + "ingredients": [ + "black pepper", + "paprika", + "red bell pepper", + "dried thyme", + "salt", + "plum tomatoes", + "dried basil", + "bacon slices", + "onions", + "celery ribs", + "fresh green bean", + "garlic cloves" + ] + }, + { + "id": 15998, + "ingredients": [ + "baking powder", + "all-purpose flour", + "cream style corn", + "salt", + "pork sausages", + "milk", + "shredded sharp cheddar cheese", + "onions", + "eggs", + "vegetable oil", + "cornmeal" + ] + }, + { + "id": 31815, + "ingredients": [ + "mace", + "chili powder", + "salt", + "curds", + "chicken", + "nutmeg", + "meat", + "sunflower oil", + "rice", + "cinnamon sticks", + "lime", + "shallots", + "ginger", + "green chilies", + "ghee", + "clove", + "mint leaves", + "crushed garlic", + "cilantro leaves", + "cardamom" + ] + }, + { + "id": 21879, + "ingredients": [ + "flank steak", + "onions", + "green bell pepper, slice", + "vegetable oil", + "chili powder", + "flour tortillas", + "Knorr® Fiesta Sides™ - Mexican Rice" + ] + }, + { + "id": 40095, + "ingredients": [ + "pepper", + "meat", + "salt", + "sugar", + "Shaoxing wine", + "hot bean paste", + "soy sauce", + "green onions", + "garlic", + "tofu", + "water", + "red pepper", + "corn starch" + ] + }, + { + "id": 43972, + "ingredients": [ + "chicken broth", + "chicken breasts", + "cheese dip", + "seasoning", + "flour tortillas", + "Mexican cheese", + "tomatoes", + "butter", + "black pepper", + "old bay seasoning" + ] + }, + { + "id": 23982, + "ingredients": [ + "mussels", + "leeks", + "carrots", + "celery ribs", + "finely chopped fresh parsley", + "garlic cloves", + "pernod", + "dry white wine", + "hot water", + "saffron threads", + "olive oil", + "low-fat mayonnaise", + "celery root" + ] + }, + { + "id": 23836, + "ingredients": [ + "roasted red peppers", + "pickled okra", + "mayonaise", + "ground red pepper", + "sliced green onions", + "country ham", + "large eggs", + "sharp cheddar cheese", + "dijon mustard", + "spiced pecans" + ] + }, + { + "id": 46159, + "ingredients": [ + "water", + "sesame oil", + "garlic cloves", + "red bell pepper", + "brown sugar", + "hoisin sauce", + "cooking wine", + "carrots", + "chicken", + "fresh ginger", + "crushed red pepper flakes", + "oyster sauce", + "celery", + "soy sauce", + "broccoli florets", + "rice vinegar", + "sliced mushrooms" + ] + }, + { + "id": 4302, + "ingredients": [ + "large egg yolks", + "leeks", + "crème fraîche", + "large shrimp", + "calvados", + "dry white wine", + "fresh lemon juice", + "mussels", + "bay scallops", + "butter", + "flat leaf parsley", + "bottled clam juice", + "potatoes", + "littleneck clams", + "celery root" + ] + }, + { + "id": 35145, + "ingredients": [ + "large eggs", + "water", + "salt", + "unbleached flour", + "unsalted butter" + ] + }, + { + "id": 30222, + "ingredients": [ + "slivered almonds", + "paprika", + "fresh parsley", + "rutabaga", + "ground black pepper", + "carrots", + "curry powder", + "salt", + "ground turmeric", + "turnips", + "olive oil", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 30560, + "ingredients": [ + "lime juice", + "garlic", + "orange juice", + "sour cream", + "ground cumin", + "flour tortillas", + "salt", + "red bell pepper", + "white sugar", + "fresh cilantro", + "purple onion", + "shrimp", + "adobo sauce", + "chipotle chile", + "vegetable oil", + "sauce", + "tequila", + "iceberg lettuce" + ] + }, + { + "id": 19781, + "ingredients": [ + "corn", + "baking powder", + "cornmeal", + "Anaheim chile", + "buttermilk", + "large eggs", + "butter", + "sliced green onions", + "sugar", + "flour", + "salt" + ] + }, + { + "id": 16250, + "ingredients": [ + "orange", + "lard", + "white onion", + "bay leaves", + "sweetened condensed milk", + "cold water", + "fine salt", + "pork shoulder", + "kosher salt", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 32866, + "ingredients": [ + "crab", + "butter", + "cubed pumpkin", + "onions", + "leaves", + "salt pork", + "garlic cloves", + "water", + "salt", + "okra", + "chives", + "rice", + "coconut milk" + ] + }, + { + "id": 31665, + "ingredients": [ + "garam masala", + "garlic", + "mustard oil", + "fenugreek leaves", + "lemon", + "green chilies", + "coriander", + "chili powder", + "salt", + "greek yogurt", + "chicken legs", + "ginger", + "cumin seed" + ] + }, + { + "id": 47334, + "ingredients": [ + "full fat coconut milk", + "chicken drumsticks", + "waxy potatoes", + "fish sauce", + "tamarind pulp", + "star anise", + "dry roasted peanuts", + "shallots", + "yellow onion", + "palm sugar", + "Massaman curry paste", + "cinnamon sticks" + ] + }, + { + "id": 34527, + "ingredients": [ + "romaine lettuce", + "cooking spray", + "shuck corn", + "medium shrimp", + "avocado", + "minced garlic", + "green onions", + "hot sauce", + "plum tomatoes", + "light sour cream", + "olive oil", + "lime wedges", + "fresh lime juice", + "ground cumin", + "black beans", + "blue corn tortilla chips", + "maple syrup", + "chopped cilantro fresh" + ] + }, + { + "id": 5760, + "ingredients": [ + "dried thyme", + "garlic", + "dried oregano", + "sausage links", + "red wine", + "penne pasta", + "tomatoes", + "ground black pepper", + "purple onion", + "dried rosemary", + "kosher salt", + "portabello mushroom", + "shredded mozzarella cheese" + ] + }, + { + "id": 13027, + "ingredients": [ + "powdered sugar", + "vanilla beans", + "whipping cream", + "ladyfingers", + "marsala wine", + "egg yolks", + "sugar", + "mascarpone", + "brewed espresso", + "cocoa", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 20855, + "ingredients": [ + "white rum", + "orange", + "rioja", + "sugar", + "carbonated water", + "brandy", + "lemon slices", + "cointreau", + "peaches", + "cinnamon sticks" + ] + }, + { + "id": 8816, + "ingredients": [ + "minced garlic", + "unsalted butter", + "honey", + "fresh green bean", + "water", + "reduced sodium soy sauce", + "olive oil", + "sea salt" + ] + }, + { + "id": 45001, + "ingredients": [ + "fresh parmesan cheese", + "extra-virgin olive oil", + "spinach", + "large garlic cloves", + "lemon juice", + "fresh oregano leaves", + "Italian parsley leaves", + "pistachios", + "salt" + ] + }, + { + "id": 9143, + "ingredients": [ + "lemon wedge", + "liquid", + "vegetable juice", + "worcestershire sauce", + "celery seed", + "pepper vodka", + "cajun seasoning", + "fresh lemon juice", + "prepared horseradish", + "pickled okra" + ] + }, + { + "id": 19989, + "ingredients": [ + "red wine vinegar", + "salt", + "white sandwich bread", + "capers", + "anchovy paste", + "flat leaf parsley", + "fresh tarragon", + "garlic cloves", + "dijon mustard", + "extra-virgin olive oil", + "chopped fresh mint" + ] + }, + { + "id": 42673, + "ingredients": [ + "figs", + "orange", + "golden raisins", + "apples", + "prunes", + "ground cloves", + "ground nutmeg", + "lemon", + "orange juice", + "brandy", + "dried cherry", + "butter", + "salt", + "eggs", + "pie dough", + "light molasses", + "bacon" + ] + }, + { + "id": 30565, + "ingredients": [ + "double-dark soi sauc", + "chicken breasts", + "peanut oil", + "ground black pepper", + "sesame oil", + "onions", + "sugar", + "rice wine", + "garlic cloves", + "white rice vinegar", + "salt" + ] + }, + { + "id": 26924, + "ingredients": [ + "milk", + "salt", + "yellow corn meal", + "cinnamon", + "flour", + "condensed milk", + "water", + "vanilla extract" + ] + }, + { + "id": 22404, + "ingredients": [ + "ground ginger", + "tumeric", + "large garlic cloves", + "onions", + "tomatoes", + "vegetable oil", + "fresh parsley leaves", + "chicken", + "chicken broth", + "cayenne", + "ground coriander", + "fresh pineapple", + "cooked rice", + "cinnamon", + "carrots", + "ground cumin" + ] + }, + { + "id": 4272, + "ingredients": [ + "dried thyme", + "chopped onion", + "onions", + "tomatoes", + "crushed red pepper", + "carrots", + "large shrimp", + "celery ribs", + "olive oil", + "long-grain rice", + "dried oregano", + "water", + "salt", + "fresh parsley" + ] + }, + { + "id": 2728, + "ingredients": [ + "olive oil", + "whipping cream", + "chicken stock", + "grated parmesan cheese", + "water", + "italian plum tomatoes", + "arborio rice", + "radicchio", + "garlic cloves" + ] + }, + { + "id": 26853, + "ingredients": [ + "panko", + "salt", + "smoked gouda", + "roasted red peppers", + "margarine", + "ground black pepper", + "all-purpose flour", + "whole wheat penne", + "fontina cheese", + "1% low-fat milk", + "low-fat yogurt" + ] + }, + { + "id": 20862, + "ingredients": [ + "matzo meal", + "vodka", + "superfine sugar", + "ginger", + "dark brown sugar", + "toasted sesame oil", + "soy sauce", + "kosher salt", + "daikon", + "rice vinegar", + "corn starch", + "Korean chile flakes", + "black pepper", + "baking powder", + "garlic", + "oil", + "onions", + "ketchup", + "water", + "chicken drumsticks", + "all-purpose flour", + "korean chile paste" + ] + }, + { + "id": 25107, + "ingredients": [ + "evaporated milk", + "devil's food cake mix", + "light corn syrup", + "butter", + "baking soda", + "white sugar" + ] + }, + { + "id": 38168, + "ingredients": [ + "bread mix", + "baking powder", + "herb seasoned stuffing mix", + "green bell pepper", + "poultry seasoning", + "eggs", + "butter", + "onions", + "chicken broth", + "milk", + "bacon grease" + ] + }, + { + "id": 7053, + "ingredients": [ + "powdered sugar", + "strawberries", + "cream cheese, soften", + "granulated sugar", + "fresh lemon juice", + "raspberries", + "blueberries", + "crepes", + "corn starch" + ] + }, + { + "id": 28624, + "ingredients": [ + "dark chocolate", + "olive oil", + "baby spinach", + "pumpkin seeds", + "almond butter", + "butternut squash", + "raisins", + "onions", + "black beans", + "flour", + "cinnamon", + "enchilada sauce", + "fresh cilantro", + "queso fresco", + "garlic", + "toasted sesame seeds" + ] + }, + { + "id": 7237, + "ingredients": [ + "bread crumbs", + "canola oil", + "sugar", + "salt", + "warm water", + "bread flour", + "shortening", + "active dry yeast" + ] + }, + { + "id": 18398, + "ingredients": [ + "cider vinegar", + "raisins", + "chopped garlic", + "brown sugar", + "jalapeno chilies", + "salt", + "peaches", + "ginger", + "white onion", + "red pepper", + "white sugar" + ] + }, + { + "id": 46793, + "ingredients": [ + "large eggs", + "all-purpose flour", + "sugar", + "amaretto", + "biscotti", + "cream cheese, soften", + "large egg whites", + "part-skim ricotta cheese" + ] + }, + { + "id": 31501, + "ingredients": [ + "eggs", + "all-purpose flour", + "baking soda", + "white sugar", + "sesame seeds", + "lard", + "anise seed", + "salt" + ] + }, + { + "id": 20617, + "ingredients": [ + "olive oil", + "orange blossom honey", + "runny honey", + "eggplant", + "flour for dusting", + "milk", + "salt" + ] + }, + { + "id": 28046, + "ingredients": [ + "green onions", + "honey", + "ramen noodles", + "soy sauce", + "sesame oil", + "chili seasoning", + "rice vinegar" + ] + }, + { + "id": 17167, + "ingredients": [ + "chopped fresh chives", + "all-purpose flour", + "large eggs", + "salt", + "roast beef fat", + "cheese", + "whole milk" + ] + }, + { + "id": 30370, + "ingredients": [ + "sugar", + "Shaoxing wine", + "baby carrots", + "oyster sauce", + "dark soy sauce", + "water", + "chili oil", + "oil", + "red bell pepper", + "soy sauce", + "sesame oil", + "scallions", + "corn starch", + "green bell pepper", + "beef", + "garlic", + "garlic chili sauce" + ] + }, + { + "id": 31984, + "ingredients": [ + "tumeric", + "coconut", + "salt", + "onions", + "tamarind extract", + "lemon", + "oil", + "ground turmeric", + "red chili peppers", + "coriander seeds", + "cumin seed", + "coriander", + "tomatoes", + "whitefish fillets", + "garlic", + "chillies" + ] + }, + { + "id": 25643, + "ingredients": [ + "butternut squash", + "all-purpose flour", + "large eggs", + "butter", + "chopped fresh sage", + "grated parmesan cheese", + "salt", + "olive oil", + "russet potatoes", + "grated nutmeg" + ] + }, + { + "id": 6394, + "ingredients": [ + "sugar", + "ginger", + "pork tenderloin", + "scallions", + "sherry", + "soy sauce", + "sauce" + ] + }, + { + "id": 34282, + "ingredients": [ + "olive oil", + "baby spinach", + "lime leaves", + "lemongrass", + "new potatoes", + "Thai fish sauce", + "coriander", + "chicken stock", + "prawns", + "red pepper", + "thai green curry paste", + "lime", + "spring onions", + "coconut milk", + "frozen peas" + ] + }, + { + "id": 47658, + "ingredients": [ + "peeled fresh ginger", + "onions", + "boneless chicken skinless thigh", + "garlic cloves", + "canola oil", + "kosher salt", + "greek yogurt", + "ground cumin", + "ground red pepper", + "ground turmeric" + ] + }, + { + "id": 24087, + "ingredients": [ + "piloncillo", + "dark brown sugar", + "water", + "guava", + "cinnamon sticks", + "pumpkin" + ] + }, + { + "id": 26732, + "ingredients": [ + "salsa", + "flour tortillas", + "plum tomatoes", + "vegetable oil", + "monterey jack", + "large eggs", + "chopped cilantro fresh" + ] + }, + { + "id": 29627, + "ingredients": [ + "water", + "currant", + "chopped fresh mint", + "sliced green onions", + "plain low-fat yogurt", + "quinoa", + "garlic cloves", + "chopped cilantro fresh", + "kosher salt", + "baby spinach", + "diced celery", + "mango", + "olive oil", + "english cucumber", + "Madras curry powder" + ] + }, + { + "id": 37412, + "ingredients": [ + "water", + "salt", + "ground cinnamon", + "coffee granules", + "milk", + "unsweetened chocolate", + "sugar", + "mini marshmallows" + ] + }, + { + "id": 15435, + "ingredients": [ + "feta cheese", + "garlic cloves", + "dried oregano", + "pita bread", + "extra-virgin olive oil", + "fresh parsley", + "kalamata", + "fresh lemon juice", + "green olives", + "crushed red pepper", + "grated lemon peel" + ] + }, + { + "id": 26066, + "ingredients": [ + "pepper", + "salt", + "fresh basil", + "italian plum tomatoes", + "fresh basil leaves", + "mussels", + "olive oil", + "Italian bread", + "fresh spinach", + "large garlic cloves" + ] + }, + { + "id": 47869, + "ingredients": [ + "diced onions", + "olive oil", + "sea salt", + "crostini", + "black pepper", + "balsamic vinegar", + "red bell pepper", + "minced garlic", + "chopped fresh thyme", + "flat leaf parsley", + "capers", + "eggplant", + "anchovy paste" + ] + }, + { + "id": 48059, + "ingredients": [ + "baking powder", + "baking soda", + "bacon", + "kosher salt", + "buttermilk", + "large eggs", + "cornmeal" + ] + }, + { + "id": 39577, + "ingredients": [ + "eggs", + "salt", + "ground pork", + "fresh parsley", + "ground black pepper", + "ground beef", + "garlic", + "onions" + ] + }, + { + "id": 41509, + "ingredients": [ + "bay leaves", + "garlic cloves", + "olive oil", + "salt", + "black pepper", + "balsamic vinegar", + "red bell pepper", + "water", + "purple onion", + "butter beans" + ] + }, + { + "id": 34606, + "ingredients": [ + "semisweet chocolate", + "ground cardamom", + "ground cinnamon", + "1% low-fat milk", + "ground nutmeg", + "mexican chocolate", + "butternut squash" + ] + }, + { + "id": 2021, + "ingredients": [ + "jalapeno chilies", + "green curry paste", + "light coconut milk", + "brown sugar", + "chicken breasts", + "vegetables" + ] + }, + { + "id": 2532, + "ingredients": [ + "low-fat plain greek yogurt", + "grated lemon zest", + "sugar", + "cookies", + "triple sec", + "vanilla extract", + "fresh blueberries" + ] + }, + { + "id": 27724, + "ingredients": [ + "nam pla", + "basil leaves", + "salt", + "kaffir lime leaves", + "yardlong beans", + "ginger", + "chiles", + "pork tenderloin", + "Thai red curry paste", + "chicken stock", + "eggplant", + "vegetable oil", + "baby corn" + ] + }, + { + "id": 8754, + "ingredients": [ + "tumeric", + "salt", + "shallots", + "low salt chicken broth", + "vegetable oil", + "jasmine rice", + "garlic cloves" + ] + }, + { + "id": 4301, + "ingredients": [ + "tomatoes", + "garlic powder", + "purple onion", + "chopped fresh mint", + "ground cloves", + "peeled fresh ginger", + "ground cardamom", + "ground cumin", + "ground ginger", + "plain yogurt", + "paprika", + "fresh lime juice", + "ground cinnamon", + "ground black pepper", + "ground coriander", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 25137, + "ingredients": [ + "eggplant", + "yellow bell pepper", + "capers", + "pecorino romano cheese", + "brine-cured black olives", + "tomatoes", + "basil leaves", + "anchovy fillets", + "olive oil", + "large garlic cloves", + "spaghetti" + ] + }, + { + "id": 24483, + "ingredients": [ + "yellow corn meal", + "shallots", + "chicken broth", + "marjoram", + "fontina cheese", + "whipping cream", + "water" + ] + }, + { + "id": 8566, + "ingredients": [ + "low sodium vegetable broth", + "finely chopped onion", + "quick-cooking barley", + "red bell pepper", + "white wine", + "ground black pepper", + "yellow bell pepper", + "carrots", + "olive oil", + "grated parmesan cheese", + "garlic cloves", + "dried thyme", + "zucchini", + "salt", + "frozen peas" + ] + }, + { + "id": 46526, + "ingredients": [ + "eggs", + "plain flour", + "salt", + "caster sugar", + "vanilla extract" + ] + }, + { + "id": 42148, + "ingredients": [ + "nutmeg", + "broccoli florets", + "dry fettuccine", + "salt", + "parmesan cheese", + "butter", + "ground black pepper", + "cayenne pepper" + ] + }, + { + "id": 17663, + "ingredients": [ + "chicken stock", + "mushrooms", + "garlic", + "shrimp", + "soy sauce", + "chicken breasts", + "pancit canton", + "fish sauce", + "green onions", + "purple onion", + "cabbage", + "ground black pepper", + "vegetable oil", + "carrots" + ] + }, + { + "id": 25669, + "ingredients": [ + "tomatoes", + "pearl onions", + "curry", + "okra pods", + "white onion", + "peeled fresh ginger", + "fenugreek seeds", + "fresh lime juice", + "unsweetened coconut milk", + "kosher salt", + "large garlic cloves", + "black mustard seeds", + "clarified butter", + "tumeric", + "eggplant", + "cayenne pepper", + "carrots" + ] + }, + { + "id": 4011, + "ingredients": [ + "chili", + "fresh lime juice", + "purple onion", + "mango", + "sweetened coconut flakes", + "chopped cilantro fresh", + "orange", + "cayenne pepper" + ] + }, + { + "id": 19432, + "ingredients": [ + "tomato paste", + "meat", + "marjoram", + "white onion", + "garlic cloves", + "canola oil", + "hungarian sweet paprika", + "bay leaves", + "low salt chicken broth", + "hungarian hot paprika", + "white wine vinegar", + "grated lemon peel" + ] + }, + { + "id": 11439, + "ingredients": [ + "black peppercorns", + "dried thyme", + "whole cloves", + "raisins", + "pumpkin seeds", + "onions", + "chicken stock", + "pasilla chiles", + "peanuts", + "tomatillos", + "garlic", + "ancho chile pepper", + "canola oil", + "tomatoes", + "kosher salt", + "almonds", + "cinnamon", + "mexican chocolate", + "corn tortillas", + "white bread", + "sugar", + "sesame seeds", + "bay leaves", + "anise", + "dried guajillo chiles", + "marjoram" + ] + }, + { + "id": 1162, + "ingredients": [ + "pepper", + "sesame oil", + "oil", + "fish sauce", + "chili", + "ginger", + "water", + "cilantro", + "shrimp", + "sugar", + "shallots", + "garlic" + ] + }, + { + "id": 20953, + "ingredients": [ + "red chili peppers", + "bean paste", + "minced pork", + "Shaoxing wine", + "garlic", + "soft tofu", + "szechwan peppercorns", + "chicken stock", + "spring onions", + "peanut oil" + ] + }, + { + "id": 38796, + "ingredients": [ + "mozzarella cheese", + "egg yolks", + "basil", + "sausages", + "garlic powder", + "frozen bread dough", + "oil", + "pepper", + "pizza sauce", + "pepperoni", + "oregano", + "parmesan cheese", + "veggies", + "ham" + ] + }, + { + "id": 30043, + "ingredients": [ + "water", + "bay leaves", + "salt", + "dark soy sauce", + "fresh ginger", + "star anise", + "clove", + "light soy sauce", + "oxtails", + "oil", + "rock sugar", + "Shaoxing wine", + "garlic" + ] + }, + { + "id": 36182, + "ingredients": [ + "balsamic vinegar", + "garlic cloves", + "dijon mustard", + "salt", + "ketchup", + "chicken drumsticks", + "cooking spray", + "chopped onion" + ] + }, + { + "id": 33840, + "ingredients": [ + "tomato sauce", + "yellow onion", + "sour cream", + "celery ribs", + "vegetable stock", + "freshly ground pepper", + "prepared horseradish", + "beets", + "fresh dill", + "baking potatoes", + "carrots" + ] + }, + { + "id": 43911, + "ingredients": [ + "black pepper", + "salt", + "cajun seasoning", + "beef roast", + "garlic powder", + "onions", + "bacon" + ] + }, + { + "id": 5736, + "ingredients": [ + "water", + "salt", + "rennet", + "raw milk" + ] + }, + { + "id": 17534, + "ingredients": [ + "cold water", + "long-grain rice" + ] + }, + { + "id": 51, + "ingredients": [ + "kalamata", + "parsley leaves", + "extra-virgin olive oil" + ] + }, + { + "id": 1032, + "ingredients": [ + "water", + "cayenne pepper", + "shrimp", + "diced tomatoes", + "garlic cloves", + "vegetable oil", + "okra", + "bay leaf", + "yellow onion", + "ham" + ] + }, + { + "id": 32889, + "ingredients": [ + "part-skim mozzarella", + "large eggs", + "part-skim ricotta cheese", + "pepper", + "grated parmesan cheese", + "salt", + "olive oil", + "marinara sauce", + "frozen chopped spinach", + "eggplant", + "garlic" + ] + }, + { + "id": 34487, + "ingredients": [ + "tomato paste", + "peeled fresh ginger", + "garlic", + "water", + "coarse salt", + "onions", + "plain yogurt", + "chili powder", + "freshly ground pepper", + "garam masala", + "extra-virgin olive oil", + "large shrimp" + ] + }, + { + "id": 49264, + "ingredients": [ + "fresh leav spinach", + "corn kernels", + "russet potatoes", + "onions", + "minced garlic", + "large eggs", + "carrots", + "chopped cilantro fresh", + "plain yogurt", + "fresh ginger", + "all-purpose flour", + "frozen peas", + "chili", + "vegetable oil", + "chutney", + "ground cumin" + ] + }, + { + "id": 5804, + "ingredients": [ + "celery ribs", + "bay leaves", + "salt", + "garlic cloves", + "jalapeno chilies", + "vegetable oil", + "green pepper", + "celery seed", + "shrimp stock", + "flour", + "cajun seasoning", + "sweet paprika", + "onions", + "bell pepper", + "green onions", + "hot sauce", + "shrimp" + ] + }, + { + "id": 9724, + "ingredients": [ + "fresh basil", + "fresh ginger", + "shallots", + "garlic", + "cinnamon sticks", + "tofu", + "low sodium vegetable broth", + "cilantro stems", + "watercress", + "dried shiitake mushrooms", + "fresh basil leaves", + "brown sugar", + "ground black pepper", + "rice noodles", + "rice vinegar", + "chopped cilantro", + "low sodium soy sauce", + "lime", + "green onions", + "star anise", + "soybean sprouts" + ] + }, + { + "id": 4112, + "ingredients": [ + "cooking spray", + "salt", + "center cut loin pork chop", + "minced garlic", + "diced tomatoes", + "olives", + "dry white wine", + "all-purpose flour", + "black pepper", + "vegetable oil", + "fresh parsley" + ] + }, + { + "id": 16786, + "ingredients": [ + "dried lentils", + "shallots", + "baked tortilla chips", + "fresh basil", + "water", + "chopped walnuts", + "cremini mushrooms", + "balsamic vinegar", + "garlic cloves", + "white pepper", + "salt" + ] + }, + { + "id": 2781, + "ingredients": [ + "green chile", + "coconut", + "salt", + "green beans", + "fresh curry leaves", + "brown mustard seeds", + "ground coriander", + "ground cumin", + "hot red pepper flakes", + "corn kernels", + "cayenne pepper", + "ground turmeric", + "water", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 5785, + "ingredients": [ + "jack cheese", + "flour tortillas" + ] + }, + { + "id": 17249, + "ingredients": [ + "water", + "juice concentrate", + "tapioca" + ] + }, + { + "id": 27894, + "ingredients": [ + "zucchini", + "onions", + "corn", + "cheese", + "buttermilk", + "olive oil", + "garlic" + ] + }, + { + "id": 11444, + "ingredients": [ + "pepper", + "vegetable oil", + "pork butt", + "white vinegar", + "ground black pepper", + "salt", + "ground cumin", + "water", + "garlic", + "dried oregano", + "ground cloves", + "chili powder", + "ground coriander" + ] + }, + { + "id": 35396, + "ingredients": [ + "eggs", + "heavy whipping cream", + "vanilla extract", + "white sugar", + "ricotta cheese", + "cooked white rice", + "crushed pineapple" + ] + }, + { + "id": 15083, + "ingredients": [ + "nopales", + "jalapeno chilies", + "boneless skinless chicken breast halves", + "tomatillos" + ] + }, + { + "id": 36320, + "ingredients": [ + "active dry yeast", + "salt", + "eggs", + "granulated sugar", + "oil", + "evaporated milk", + "all-purpose flour", + "water", + "vegetable shortening", + "confectioners sugar" + ] + }, + { + "id": 49475, + "ingredients": [ + "minced garlic", + "green onions", + "rice vinegar", + "corn starch", + "soy sauce", + "olive oil", + "red pepper flakes", + "orange juice", + "brown sugar", + "water", + "boneless skinless chicken breasts", + "all-purpose flour", + "grated orange", + "pepper", + "fresh ginger", + "salt", + "lemon juice" + ] + }, + { + "id": 32585, + "ingredients": [ + "ground black pepper", + "white sugar", + "sesame seeds", + "garlic", + "soy sauce", + "green onions", + "flanken short ribs", + "toasted sesame oil" + ] + }, + { + "id": 22474, + "ingredients": [ + "pepper", + "zucchini", + "sliced mushrooms", + "yellow squash", + "diced tomatoes", + "dried oregano", + "dried basil", + "grated parmesan cheese", + "onions", + "olive oil", + "salt" + ] + }, + { + "id": 3014, + "ingredients": [ + "fresh basil", + "parmesan cheese", + "ground sirloin", + "kosher salt", + "large eggs", + "refrigerated fettuccine", + "black pepper", + "panko", + "garlic cloves", + "salad", + "olive oil", + "marinara sauce" + ] + }, + { + "id": 40396, + "ingredients": [ + "feta cheese", + "lemon juice", + "pinenuts", + "extra-virgin olive oil", + "wheat", + "dried rosemary", + "kale", + "garlic" + ] + }, + { + "id": 36634, + "ingredients": [ + "pepper", + "whole wheat flour", + "shredded lettuce", + "strawberries", + "panko breadcrumbs", + "avocado", + "lime", + "chicken breasts", + "purple onion", + "ground coriander", + "lime juice", + "tortillas", + "cilantro", + "grated jack cheese", + "tomatoes", + "olive oil", + "lime wedges", + "salt", + "tequila" + ] + }, + { + "id": 18543, + "ingredients": [ + "soy sauce", + "peeled fresh ginger", + "dried shiitake mushrooms", + "hot water", + "chinese rice wine", + "reduced sodium chicken broth", + "napa cabbage", + "scallions", + "sugar", + "water chestnuts", + "salt", + "corn starch", + "black pepper", + "sesame oil", + "peanut oil", + "pork butt" + ] + }, + { + "id": 22089, + "ingredients": [ + "soy sauce", + "sansho", + "sake", + "unagi sauce", + "chicken breasts", + "chicken livers", + "sugar", + "ginger" + ] + }, + { + "id": 33545, + "ingredients": [ + "ground red pepper", + "cream cheese, soften", + "mayonaise", + "sharp cheddar cheese", + "yellow onion", + "pimentos", + "freshly ground pepper" + ] + }, + { + "id": 29049, + "ingredients": [ + "butter", + "melted butter", + "self rising flour", + "buttermilk" + ] + }, + { + "id": 9681, + "ingredients": [ + "fresh spinach", + "red wine vinegar", + "feta cheese crumbles", + "fresh basil", + "tomato juice", + "chopped onion", + "cherry tomatoes", + "bow-tie pasta", + "olive oil", + "chickpeas" + ] + }, + { + "id": 31476, + "ingredients": [ + "brown sugar", + "mirin", + "salt", + "garlic paste", + "eggplant", + "balsamic vinegar", + "low sodium soy sauce", + "fresh ginger", + "vegetable oil", + "lean ground pork", + "low sodium chicken broth", + "garlic cloves" + ] + }, + { + "id": 46081, + "ingredients": [ + "seasoned bread crumbs", + "boneless skinless chicken breast halves", + "eggs", + "all-purpose flour", + "butter", + "flax seed meal", + "romano cheese", + "dried parsley" + ] + }, + { + "id": 1293, + "ingredients": [ + "nutmeg", + "low sodium chicken broth", + "onions", + "pinenuts", + "butter", + "white pepper", + "leeks", + "celery ribs", + "asparagus", + "salt" + ] + }, + { + "id": 3830, + "ingredients": [ + "white onion", + "ground red pepper", + "salt", + "dried oregano", + "avocado", + "garlic powder", + "reduced-fat sour cream", + "fresh lime juice", + "ground cumin", + "brown sugar", + "jalapeno chilies", + "paprika", + "chopped cilantro fresh", + "tilapia fillets", + "lime wedges", + "corn tortillas", + "canola oil" + ] + }, + { + "id": 49201, + "ingredients": [ + "chili pepper", + "sesame oil", + "scallions", + "onions", + "eggs", + "sesame seeds", + "bacon", + "carrots", + "pepper", + "vegetable oil", + "juice", + "soy sauce", + "short-grain rice", + "salt", + "kimchi" + ] + }, + { + "id": 4236, + "ingredients": [ + "kosher salt", + "skirt steak", + "sea salt" + ] + }, + { + "id": 17185, + "ingredients": [ + "seasoning", + "shredded mild cheddar cheese", + "beef stock cubes", + "salt", + "celery", + "onions", + "pepper", + "egg yolks", + "ground pork", + "carrots", + "ground beef", + "water", + "baking potatoes", + "garlic", + "hot water", + "fresh parsley", + "green bell pepper", + "frozen pastry puff sheets", + "worcestershire sauce", + "dri leav thyme", + "bay leaf" + ] + }, + { + "id": 48757, + "ingredients": [ + "ground cinnamon", + "vanilla extract", + "chopped pecans", + "sweet potatoes", + "dark brown sugar", + "piecrust", + "salt", + "pumpkin pie spice", + "large eggs", + "corn syrup", + "nonfat evaporated milk" + ] + }, + { + "id": 48277, + "ingredients": [ + "whole wheat flour", + "buttermilk", + "baking powder", + "all-purpose flour", + "baking soda", + "salt", + "sugar", + "butter" + ] + }, + { + "id": 19192, + "ingredients": [ + "unsalted butter", + "salt", + "crushed red pepper flakes", + "lime juice", + "chopped cilantro fresh" + ] + }, + { + "id": 23579, + "ingredients": [ + "mustard", + "roasted sesame seeds", + "miso", + "scallops", + "mirin", + "seasoned rice wine vinegar", + "soy sauce", + "olive oil", + "butter", + "water", + "green onions" + ] + }, + { + "id": 867, + "ingredients": [ + "unsalted butter", + "fresh orange juice", + "pineapple chunks", + "whole milk", + "confectioners sugar", + "large eggs", + "all-purpose flour", + "honey", + "peeled fresh ginger" + ] + }, + { + "id": 919, + "ingredients": [ + "pepper", + "salt", + "dried oregano", + "olive oil", + "fresh parsley", + "fresh basil", + "balsamic vinegar", + "roasted tomatoes", + "crushed tomatoes", + "garlic cloves" + ] + }, + { + "id": 11704, + "ingredients": [ + "water", + "cumin seed", + "salt", + "onions", + "curry leaves", + "green chilies", + "potatoes", + "oil" + ] + }, + { + "id": 10939, + "ingredients": [ + "baking powder", + "unsalted butter", + "cake flour", + "whole milk", + "salt", + "heavy cream" + ] + }, + { + "id": 6397, + "ingredients": [ + "olive oil", + "reduced fat mozzarella", + "pasta sauce", + "garlic", + "italian seasoning", + "turkey sausage", + "onions", + "rotini pasta, cook and drain", + "pepperoni turkei" + ] + }, + { + "id": 21926, + "ingredients": [ + "ground black pepper", + "large garlic cloves", + "unsweetened coconut milk", + "green onions", + "red kidnei beans, rins and drain", + "coarse salt", + "fresh thyme", + "long-grain rice" + ] + }, + { + "id": 41831, + "ingredients": [ + "water", + "shredded lettuce", + "corn tortillas", + "tomatoes", + "vegetable oil", + "salt", + "green onions", + "garlic", + "pepper", + "queso fresco", + "sour cream" + ] + }, + { + "id": 29221, + "ingredients": [ + "green peppercorns", + "butter", + "chicken livers", + "brandy", + "dry mustard", + "chicken stock", + "sea salt", + "dried rosemary", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 15627, + "ingredients": [ + "tomato sauce", + "garbanzo beans", + "olive oil", + "onions", + "curry powder", + "garlic", + "spinach", + "fresh ginger" + ] + }, + { + "id": 24228, + "ingredients": [ + "bay leaves", + "garlic", + "onions", + "chicken broth", + "vegetable oil", + "ground cayenne pepper", + "ground cumin", + "chili powder", + "salt", + "chopped cilantro fresh", + "boneless chicken breast halves", + "diced tomatoes", + "corn tortillas" + ] + }, + { + "id": 31854, + "ingredients": [ + "smoked salmon", + "nori", + "avocado", + "brown rice", + "capers", + "tomatoes", + "purple onion" + ] + }, + { + "id": 45533, + "ingredients": [ + "tomatoes", + "bacon", + "fresh cilantro", + "onions", + "water", + "dried pinto beans", + "jalapeno chilies" + ] + }, + { + "id": 24915, + "ingredients": [ + "soy sauce", + "sesame oil", + "broccoli", + "green onions", + "peas", + "onions", + "water", + "portabello mushroom", + "walnuts", + "coconut oil", + "brown rice", + "salt" + ] + }, + { + "id": 6750, + "ingredients": [ + "green bell pepper", + "garlic cloves", + "chicken broth", + "red beans", + "onions", + "celery ribs", + "water", + "sausages", + "cooked rice", + "creole seasoning" + ] + }, + { + "id": 43562, + "ingredients": [ + "fish sauce", + "vegetable oil", + "fresh mint", + "mango", + "light brown sugar", + "shallots", + "garlic cloves", + "toasted sesame seeds", + "kosher salt", + "cilantro leaves", + "dried shrimp", + "red chili peppers", + "unsalted dry roast peanuts", + "fresh lime juice" + ] + }, + { + "id": 37717, + "ingredients": [ + "chili", + "cinnamon sticks", + "ground cinnamon", + "semisweet chocolate", + "large egg yolks", + "ground cumin", + "sugar", + "whipping cream" + ] + }, + { + "id": 8060, + "ingredients": [ + "crumbled goat cheese", + "large eggs", + "onions", + "sugar", + "chorizo", + "bay leaf", + "kosher salt", + "russet potatoes", + "plum tomatoes", + "pepper", + "extra-virgin olive oil", + "pimenton" + ] + }, + { + "id": 27317, + "ingredients": [ + "chicken stock", + "jalapeno chilies", + "all-purpose flour", + "chopped cilantro fresh", + "pepper", + "garlic", + "sour cream", + "eggs", + "tomatillos", + "cream cheese", + "ground cumin", + "olive oil", + "salt", + "ancho chile pepper" + ] + }, + { + "id": 23501, + "ingredients": [ + "green onions", + "ground cumin", + "cheddar cheese", + "salsa", + "melted butter", + "dri oregano leaves, crush", + "flour tortillas", + "chicken" + ] + }, + { + "id": 22255, + "ingredients": [ + "baguette", + "extra-virgin olive oil", + "balsamic vinegar", + "cannellini beans", + "rosemary leaves", + "crushed red pepper flakes" + ] + }, + { + "id": 27812, + "ingredients": [ + "dry white wine", + "cognac", + "thyme", + "black peppercorns", + "vegetable oil", + "fat", + "bay leaf", + "green peppercorns", + "shallots", + "unsalted beef stock", + "chopped parsley", + "unsalted butter", + "new york strip steaks", + "carrots", + "onions" + ] + }, + { + "id": 31490, + "ingredients": [ + "mustard", + "red chili powder", + "salt", + "cashew nuts", + "curry leaves", + "tumeric", + "oil", + "white button mushrooms", + "garlic paste", + "green chilies", + "cumin", + "tomatoes", + "garam masala", + "onions" + ] + }, + { + "id": 43951, + "ingredients": [ + "chicken broth", + "green onions", + "peanut oil", + "white sugar", + "sugar pea", + "garlic", + "red bell pepper", + "soy sauce", + "boneless skinless chicken breasts", + "corn starch", + "cabbage", + "fresh ginger", + "salt", + "onions" + ] + }, + { + "id": 11407, + "ingredients": [ + "olive oil", + "salt", + "olives", + "spicy sausage", + "cinnamon", + "chicken leg quarters", + "tomatoes", + "cayenne", + "garlic cloves", + "cumin", + "black pepper", + "red wine", + "onions" + ] + }, + { + "id": 31821, + "ingredients": [ + "olive oil", + "salt", + "pepper", + "crushed garlic", + "mayonaise", + "grated parmesan cheese", + "red bell pepper", + "dried basil", + "red wine vinegar" + ] + }, + { + "id": 32173, + "ingredients": [ + "kosher salt", + "garam masala", + "vegetable oil", + "cumin seed", + "fresh tomatoes", + "chili", + "fresh peas", + "whipping cream", + "chopped cilantro fresh", + "water", + "ground black pepper", + "fresh green bean", + "onions", + "tumeric", + "fresh ginger", + "bell pepper", + "ground coriander", + "paneer cheese" + ] + }, + { + "id": 36050, + "ingredients": [ + "ground nutmeg", + "onions", + "butter oil", + "all-purpose flour", + "low-fat milk", + "fat skimmed chicken broth" + ] + }, + { + "id": 18967, + "ingredients": [ + "black pepper", + "salt", + "boneless chicken breast", + "garlic powder", + "eggs", + "butter" + ] + }, + { + "id": 20530, + "ingredients": [ + "mixed spice", + "cilantro", + "green cabbage", + "flour tortillas", + "purple onion", + "tomato paste", + "boneless skinless chicken breasts", + "monterey jack", + "lime", + "mexican chocolate" + ] + }, + { + "id": 21805, + "ingredients": [ + "yellow corn meal", + "large eggs", + "butter", + "baking soda", + "cooking spray", + "all-purpose flour", + "honey", + "jalapeno chilies", + "salt", + "low-fat buttermilk", + "baking powder" + ] + }, + { + "id": 28743, + "ingredients": [ + "vegetable oil cooking spray", + "cooked chicken breasts", + "green chile", + "salsa", + "flour tortillas", + "ground cumin", + "reduced fat sharp cheddar cheese", + "chopped cilantro fresh" + ] + }, + { + "id": 29386, + "ingredients": [ + "white vinegar", + "water", + "sweet potatoes", + "ground allspice", + "white onion", + "ground black pepper", + "vegetable oil", + "chayotes", + "chicken legs", + "curry powder", + "fresh thyme leaves", + "garlic cloves", + "kosher salt", + "habanero pepper", + "russet potatoes" + ] + }, + { + "id": 28475, + "ingredients": [ + "tomatoes", + "capsicum", + "garlic", + "onions", + "potatoes", + "ginger", + "oil", + "garam masala", + "chili powder", + "salt", + "ground turmeric", + "spring onions", + "green peas", + "baby corn" + ] + }, + { + "id": 48106, + "ingredients": [ + "tomatoes", + "cooking spray", + "garlic cloves", + "ground cumin", + "fat free less sodium chicken broth", + "chili powder", + "fresh lime juice", + "finely chopped onion", + "salt", + "chopped cilantro fresh", + "chipotle chile", + "boneless skinless chicken breasts", + "corn tortillas" + ] + }, + { + "id": 14681, + "ingredients": [ + "butter", + "cheese", + "strawberry preserves", + "pecans", + "all-purpose flour" + ] + }, + { + "id": 49120, + "ingredients": [ + "white wine", + "freshly ground pepper", + "ground cinnamon", + "salt", + "chicken broth", + "apples", + "onions", + "sugar", + "roasting chickens" + ] + }, + { + "id": 27651, + "ingredients": [ + "cilantro", + "shrimp", + "peanuts", + "oil", + "cheese", + "onions", + "tortillas", + "carrots" + ] + }, + { + "id": 2803, + "ingredients": [ + "tomatoes", + "lime", + "hass avocado", + "black beans", + "purple onion", + "seedless cucumber", + "cilantro", + "pepper", + "salt" + ] + }, + { + "id": 27372, + "ingredients": [ + "pepper", + "green peas", + "onions", + "chicken broth", + "baking potatoes", + "salt", + "ground cumin", + "olive oil", + "garlic", + "chicken", + "white wine", + "paprika", + "carrots" + ] + }, + { + "id": 25807, + "ingredients": [ + "chinese rice wine", + "green onions", + "garlic", + "soy sauce", + "szechwan peppercorns", + "corn starch", + "sugar", + "boneless skinless chicken breasts", + "oil", + "dark soy sauce", + "peanuts", + "sesame oil", + "dried red chile peppers" + ] + }, + { + "id": 25050, + "ingredients": [ + "olive oil", + "green chilies", + "cactus", + "salt", + "chopped cilantro fresh", + "jack cheese", + "salsa", + "chorizo sausage", + "flour", + "corn-on-the-cob" + ] + }, + { + "id": 35790, + "ingredients": [ + "sugar", + "salt", + "unsalted butter", + "grated nutmeg", + "peaches", + "all-purpose flour", + "cold water", + "vegetable shortening", + "fresh lemon juice" + ] + }, + { + "id": 42729, + "ingredients": [ + "avocado", + "purple onion", + "chopped cilantro fresh", + "jamaican jerk season", + "grate lime peel", + "olive oil", + "mahi mahi fillets", + "cantaloupe", + "fresh lime juice" + ] + }, + { + "id": 6419, + "ingredients": [ + "English mustard", + "cheddar cheese", + "parsley", + "sweet corn", + "nutmeg", + "potatoes", + "lemon", + "seasoning", + "shelled prawn", + "double cream", + "onions", + "eggs", + "haddock", + "extra-virgin olive oil" + ] + }, + { + "id": 19723, + "ingredients": [ + "fresh chives", + "oil", + "sugar", + "prawns", + "fresh mint", + "hoisin sauce", + "beansprouts", + "pork", + "rice vermicelli", + "rice paper" + ] + }, + { + "id": 11569, + "ingredients": [ + "reduced sodium chicken broth", + "all-purpose flour", + "celery", + "stewed tomatoes", + "peanut oil", + "onions", + "garlic", + "okra", + "chorizo sausage", + "boneless chicken skinless thigh", + "sweet pepper", + "smoked paprika" + ] + }, + { + "id": 10002, + "ingredients": [ + "ground black pepper", + "worcestershire sauce", + "canned tomatoes", + "allspice", + "green bell pepper", + "flour", + "rendered bacon fat", + "onions", + "jumbo shrimp", + "green onions", + "garlic", + "pork sausages", + "fresh thyme", + "crushed red pepper flakes", + "salt" + ] + }, + { + "id": 28748, + "ingredients": [ + "eggs", + "bell pepper", + "salt", + "onions", + "active dry yeast", + "sunflower oil", + "margarine", + "olive oil", + "garlic", + "fresh parsley", + "water", + "pork tenderloin", + "all-purpose flour", + "chorizo sausage" + ] + }, + { + "id": 33729, + "ingredients": [ + "large eggs", + "crema", + "Mexican cheese blend", + "butter", + "red bell pepper", + "brown hash potato", + "green onions", + "salt", + "low sodium taco seasoning", + "Old El Paso™ chopped green chiles", + "Old El Paso Flour Tortillas" + ] + }, + { + "id": 6109, + "ingredients": [ + "soy sauce", + "rice cakes", + "minced garlic", + "ketchup", + "roasted peanuts", + "syrup", + "chili paste" + ] + }, + { + "id": 9245, + "ingredients": [ + "sugar", + "garlic", + "hot pepper sauce", + "sesame seeds", + "beef rib short", + "marinade" + ] + }, + { + "id": 6013, + "ingredients": [ + "lapsang", + "freshly ground pepper", + "granny smith apples", + "chicken breasts", + "red bell pepper", + "soy sauce", + "light mayonnaise", + "garlic cloves", + "fresh ginger", + "yellow bell pepper" + ] + }, + { + "id": 4408, + "ingredients": [ + "dried basil", + "baking powder", + "all-purpose flour", + "medium shrimp", + "mustard", + "prepared horseradish", + "paprika", + "peach preserves", + "garlic powder", + "vegetable oil", + "cayenne pepper", + "black pepper", + "large eggs", + "salt", + "beer" + ] + }, + { + "id": 3973, + "ingredients": [ + "baking soda", + "all-purpose flour", + "orange zest", + "eggs", + "butter", + "confectioners sugar", + "baking powder", + "orange juice", + "shortening", + "salt", + "white sugar" + ] + }, + { + "id": 5079, + "ingredients": [ + "salt", + "asparagus", + "bechamel", + "freshly grated parmesan", + "oven-ready lasagna noodles", + "large garlic cloves", + "chopped fresh herbs" + ] + }, + { + "id": 43736, + "ingredients": [ + "cider vinegar", + "watermelon", + "sugar", + "coarse salt", + "pickling spices" + ] + }, + { + "id": 43841, + "ingredients": [ + "sugar", + "whole milk", + "fennel seeds", + "heavy cream", + "large egg yolks" + ] + }, + { + "id": 17547, + "ingredients": [ + "cheddar cheese", + "roma tomatoes", + "pepper jack", + "chicken strips", + "mozzarella cheese", + "extra-virgin olive oil", + "avocado", + "flour tortillas", + "sour cream" + ] + }, + { + "id": 1014, + "ingredients": [ + "salt", + "active dry yeast", + "white sugar", + "warm water", + "all-purpose flour", + "vegetable oil" + ] + }, + { + "id": 16213, + "ingredients": [ + "black pepper", + "sun-dried tomatoes", + "chicken breasts", + "garlic", + "dried basil", + "parmesan cheese", + "butter", + "heavy whipping cream", + "white wine", + "garlic powder", + "cajun seasoning", + "salt", + "olive oil", + "green onions", + "red pepper", + "noodles" + ] + }, + { + "id": 27984, + "ingredients": [ + "seedless raspberry jam", + "vegetable shortening", + "unsalted butter", + "all-purpose flour", + "raspberries", + "salt", + "sugar", + "ice water", + "fresh lemon juice" + ] + }, + { + "id": 16158, + "ingredients": [ + "fresh ginger", + "large eggs", + "button mushrooms", + "garlic cloves", + "soy sauce", + "granulated sugar", + "vegetable oil", + "firm tofu", + "homemade chicken stock", + "ground black pepper", + "sesame oil", + "rice vinegar", + "black pepper", + "Sriracha", + "ground pork", + "scallions" + ] + }, + { + "id": 13703, + "ingredients": [ + "mashed potatoes", + "crushed red pepper", + "extra-virgin olive oil", + "broccoli", + "1% low-fat milk", + "parmigiano reggiano cheese", + "salt" + ] + }, + { + "id": 7838, + "ingredients": [ + "fish sauce", + "chili", + "warm water", + "rice vinegar", + "sugar", + "garlic", + "lime juice" + ] + }, + { + "id": 40922, + "ingredients": [ + "mayonaise", + "hoisin sauce", + "vegetable oil", + "chinese five-spice powder", + "sandwich rolls", + "thai basil", + "jicama", + "vietnamese fish sauce", + "lime juice", + "mint leaves", + "cilantro", + "carrots", + "chiles", + "reduced sodium soy sauce", + "chicken breast halves", + "english cucumber" + ] + }, + { + "id": 15497, + "ingredients": [ + "ground black pepper", + "peanut oil", + "kosher salt", + "chicken", + "flour" + ] + }, + { + "id": 18323, + "ingredients": [ + "black beans", + "butter", + "dried oregano", + "tilapia fillets", + "salt", + "spanish rice", + "diced tomatoes", + "black pepper", + "green onions", + "all-purpose flour" + ] + }, + { + "id": 24432, + "ingredients": [ + "stewing beef", + "pearl barley", + "bay leaf", + "tomato sauce", + "salt", + "thyme", + "sage", + "diced tomatoes", + "carrots", + "onions", + "pepper", + "beef broth", + "celery" + ] + }, + { + "id": 4125, + "ingredients": [ + "milk", + "salsa", + "onions", + "eggs", + "cilantro", + "shredded cheese", + "jalapeno chilies", + "peanut oil", + "pepper", + "salt", + "corn tortillas" + ] + }, + { + "id": 47287, + "ingredients": [ + "black beans", + "chili powder", + "sour cream", + "chicken broth", + "boneless skinless chicken breasts", + "salt", + "cumin", + "flour tortillas", + "shredded sharp cheddar cheese", + "dried oregano", + "tomatoes", + "brown rice", + "frozen corn" + ] + }, + { + "id": 27909, + "ingredients": [ + "black pepper", + "bananas", + "salt", + "chorizo sausage", + "dried black beans", + "olive oil", + "red beans", + "plum tomatoes", + "diced onions", + "fat free less sodium chicken broth", + "habanero pepper", + "garlic cloves", + "green bell pepper", + "water", + "bay leaves", + "carrots" + ] + }, + { + "id": 42533, + "ingredients": [ + "sugar", + "large eggs", + "vegetable broth", + "water", + "peeled fresh ginger", + "shiitake mushroom caps", + "sushi rice", + "shredded carrots", + "garlic cloves", + "low sodium soy sauce", + "large egg whites", + "miso", + "sliced green onions" + ] + }, + { + "id": 41140, + "ingredients": [ + "jumbo shrimp", + "butter", + "olive oil", + "lemon juice", + "minced garlic", + "sea salt", + "lemon zest" + ] + }, + { + "id": 12009, + "ingredients": [ + "shortening", + "butter", + "eggs", + "baking powder", + "ground cinnamon", + "milk", + "all-purpose flour", + "black walnut", + "sugar", + "vanilla extract" + ] + }, + { + "id": 24666, + "ingredients": [ + "sugar", + "rice wine", + "carrots", + "fish", + "chicken stock", + "lime juice", + "diced yellow onion", + "chopped garlic", + "white vinegar", + "kosher salt", + "thai chile", + "corn starch", + "canola oil", + "fish sauce", + "ground black pepper", + "diced celery", + "mango" + ] + }, + { + "id": 9000, + "ingredients": [ + "broccoli rabe", + "crushed red pepper", + "kosher salt", + "cheese slices", + "boneless pork loin", + "fresh rosemary", + "ground black pepper", + "hoagie rolls", + "minced garlic", + "extra-virgin olive oil" + ] + }, + { + "id": 33269, + "ingredients": [ + "fresh oregano leaves", + "parmigiano-reggiano cheese", + "garlic", + "french baguette", + "Best Foods Mayonnaise Dressing with Extra Virgin Olive Oil", + "flat leaf parsley" + ] + }, + { + "id": 35110, + "ingredients": [ + "black beans", + "diced tomatoes", + "ground cumin", + "green chile", + "olive oil", + "cooked white rice", + "chile powder", + "orange", + "juice", + "extra lean ground beef", + "grating cheese", + "onions" + ] + }, + { + "id": 14557, + "ingredients": [ + "grated parmesan cheese", + "uncook medium shrimp, peel and devein", + "pepper", + "dry bread crumbs", + "fresh parsley", + "angel hair", + "butter", + "lemon juice", + "olive oil", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 1002, + "ingredients": [ + "fresh parmesan cheese", + "butter", + "all-purpose flour", + "grape tomatoes", + "half & half", + "salt", + "boneless skinless chicken breast halves", + "fresh basil", + "ground black pepper", + "1% low-fat milk", + "garlic cloves", + "pesto", + "cooking spray", + "bow-tie pasta" + ] + }, + { + "id": 3870, + "ingredients": [ + "eggs", + "coarse salt", + "water", + "pure vanilla extract", + "whole milk", + "sugar" + ] + }, + { + "id": 44030, + "ingredients": [ + "neutral oil", + "flour", + "corn", + "eggs" + ] + }, + { + "id": 4669, + "ingredients": [ + "unsalted butter", + "red currants", + "dandelion greens", + "cheese", + "dijon mustard", + "extra-virgin olive oil", + "baguette", + "shallots", + "white wine vinegar" + ] + }, + { + "id": 18282, + "ingredients": [ + "soy sauce", + "yellow onion", + "korean chile paste", + "red pepper", + "oil", + "pork butt", + "granulated sugar", + "scallions", + "toasted sesame seeds", + "sake", + "ginger", + "garlic cloves" + ] + }, + { + "id": 25388, + "ingredients": [ + "olive oil", + "salt", + "pepper", + "basil dried leaves", + "white sugar", + "whole peeled tomatoes", + "onions", + "crushed tomatoes", + "garlic" + ] + }, + { + "id": 30918, + "ingredients": [ + "scallion greens", + "tobiko", + "kimchi juice", + "udon", + "chicken stock", + "unsalted butter", + "mentaiko", + "kimchi" + ] + }, + { + "id": 31096, + "ingredients": [ + "mexicorn", + "ground beef", + "taco seasoning mix", + "garlic", + "black beans", + "frozen tater tots", + "onions", + "Mexican cheese blend", + "enchilada sauce" + ] + }, + { + "id": 11806, + "ingredients": [ + "brown sugar", + "broccoli florets", + "salt", + "sesame seeds", + "cracked black pepper", + "peanut oil", + "soy sauce", + "sesame oil", + "rice vinegar", + "ground ginger", + "chili paste", + "garlic", + "stir fry beef meat" + ] + }, + { + "id": 35840, + "ingredients": [ + "parmesan cheese", + "sardines", + "seasoned bread crumbs", + "grated parmesan cheese", + "spaghetti", + "ground black pepper", + "fresh parsley", + "olive oil", + "garlic" + ] + }, + { + "id": 29994, + "ingredients": [ + "powdered sugar", + "large eggs", + "raisins", + "chopped pecans", + "baking soda", + "baking powder", + "all-purpose flour", + "vegetable oil cooking spray", + "promise buttery spread", + "salt", + "nonfat buttermilk", + "granulated sugar", + "quick-cooking oats", + "hot water" + ] + }, + { + "id": 16630, + "ingredients": [ + "chips", + "chopped onion", + "chipotle chile powder", + "jalapeno chilies", + "salt", + "fresh lime juice", + "avocado", + "tomatillos", + "corn tortillas", + "plum tomatoes", + "cooking spray", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 4862, + "ingredients": [ + "eggs", + "chicken drumsticks", + "corn starch", + "minced garlic", + "oil", + "black pepper", + "salt", + "seasoning mix", + "minced onion", + "oyster sauce" + ] + }, + { + "id": 6376, + "ingredients": [ + "chopped green chilies", + "butter", + "cooked chicken", + "sour cream", + "flour tortillas", + "Campbell's Condensed Cream of Chicken Soup", + "shredded cheddar cheese", + "chili powder", + "onions" + ] + }, + { + "id": 21696, + "ingredients": [ + "minced garlic", + "salt", + "dried oregano", + "biscuit baking mix", + "grated parmesan cheese", + "shredded mozzarella cheese", + "eggs", + "zucchini", + "chopped onion", + "pepper", + "butter", + "fresh parsley" + ] + }, + { + "id": 2875, + "ingredients": [ + "vegetables", + "jalapeno chilies", + "vegetable oil", + "sea salt", + "rice vinegar", + "lemon juice", + "soy sauce", + "mirin", + "gluten flour", + "daikon", + "purple onion", + "seafood", + "dashi", + "large eggs", + "sweet potatoes", + "ice water", + "cilantro leaves", + "konbu", + "sugar", + "ground black pepper", + "mi", + "coarse salt", + "ginger", + "all-purpose flour" + ] + }, + { + "id": 11132, + "ingredients": [ + "garlic", + "ground black pepper", + "fresh parsley", + "olive oil", + "salt", + "grated parmesan cheese" + ] + }, + { + "id": 22506, + "ingredients": [ + "brown sugar", + "chicken breasts", + "Thai fish sauce", + "cooking spray", + "mixed greens", + "mango", + "peeled fresh ginger", + "fresh lemon juice", + "mint leaves", + "shallots", + "serrano chile" + ] + }, + { + "id": 1397, + "ingredients": [ + "chicken broth", + "garlic powder", + "flour tortillas", + "salt", + "pork shoulder boston butt", + "cumin", + "pepper", + "shredded mild cheddar cheese", + "paprika", + "garlic cloves", + "oregano", + "lime", + "hominy", + "purple onion", + "pinto beans", + "plum tomatoes", + "kosher salt", + "ground pepper", + "diced tomatoes", + "hot sauce", + "chopped cilantro fresh", + "canola oil" + ] + }, + { + "id": 17443, + "ingredients": [ + "olive oil", + "crushed red pepper flakes", + "grits", + "lacinato kale", + "large eggs", + "smoked paprika", + "kosher salt", + "low sodium chicken broth", + "onions", + "sherry vinegar", + "garlic" + ] + }, + { + "id": 21524, + "ingredients": [ + "sugar", + "fresh cranberries", + "celery ribs", + "water", + "apples", + "ground cloves", + "fresh orange juice", + "ground ginger", + "golden raisins", + "grated orange" + ] + }, + { + "id": 29622, + "ingredients": [ + "kosher salt", + "crushed red pepper flakes", + "shredded cabbage", + "vegetable oil", + "lime juice", + "chopped cilantro fresh" + ] + }, + { + "id": 36085, + "ingredients": [ + "yellow corn meal", + "frozen whole kernel corn", + "margarine", + "skim milk", + "cooking spray", + "large egg whites", + "ground red pepper", + "sugar", + "self rising flour", + "red bell pepper" + ] + }, + { + "id": 39557, + "ingredients": [ + "yellow peas", + "water", + "white rice", + "coconut oil", + "seeds", + "split black lentils" + ] + }, + { + "id": 2648, + "ingredients": [ + "soy sauce", + "russet potatoes", + "imitation crab meat", + "enokitake", + "Gochujang base", + "shrimp", + "water", + "seafood", + "oyster sauce", + "mussels", + "napa cabbage leaves", + "firm tofu", + "onions" + ] + }, + { + "id": 40347, + "ingredients": [ + "lemon", + "oil", + "salt", + "gram flour", + "chili powder", + "green chilies", + "onions", + "ginger", + "rice flour" + ] + }, + { + "id": 38771, + "ingredients": [ + "chicken meat", + "sliced cucumber", + "salad dressing", + "sliced black olives", + "feta cheese crumbles", + "sliced carrots" + ] + }, + { + "id": 44395, + "ingredients": [ + "sugar", + "cooking spray", + "salt", + "dried oregano", + "boneless chicken skinless thigh", + "fresh orange juice", + "corn tortillas", + "cotija", + "lime wedges", + "cumin seed", + "ground cumin", + "avocado", + "ground black pepper", + "purple onion", + "fresh lime juice" + ] + }, + { + "id": 39038, + "ingredients": [ + "mascarpone", + "salt", + "large garlic cloves", + "white cornmeal", + "butter", + "ground white pepper", + "water", + "white cheddar cheese" + ] + }, + { + "id": 24321, + "ingredients": [ + "coconut oil", + "Thai red curry paste", + "acorn squash", + "lime juice", + "garlic", + "coconut aminos", + "fresh ginger", + "salt", + "rice", + "green bell pepper", + "cilantro", + "yellow onion", + "coconut milk" + ] + }, + { + "id": 47886, + "ingredients": [ + "nutmeg", + "pepper", + "eggs", + "salt", + "melted butter", + "half & half", + "sugar", + "ear of corn" + ] + }, + { + "id": 15905, + "ingredients": [ + "olive oil", + "pinto beans", + "chopped cilantro fresh", + "ground cloves", + "Mexican oregano", + "corn tortillas", + "ground cumin", + "queso ranchero", + "whole milk", + "sour cream", + "serrano chile", + "water", + "garlic cloves", + "onions" + ] + }, + { + "id": 3533, + "ingredients": [ + "pecans", + "mini marshmallows", + "salt", + "cocoa", + "butter", + "softened butter", + "sugar", + "large eggs", + "all-purpose flour", + "powdered sugar", + "milk", + "vanilla extract" + ] + }, + { + "id": 36315, + "ingredients": [ + "butter", + "kale", + "milk", + "onions", + "potatoes" + ] + }, + { + "id": 46414, + "ingredients": [ + "flour tortillas", + "ragu old world style pasta sauc", + "whole kernel corn, drain", + "chili powder", + "shredded cheddar cheese", + "ground beef" + ] + }, + { + "id": 29440, + "ingredients": [ + "light brown sugar", + "granulated sugar", + "salt", + "fat-free buttermilk", + "butter", + "oat bran", + "ground cinnamon", + "baking powder", + "all-purpose flour", + "baking soda", + "mashed banana" + ] + }, + { + "id": 4754, + "ingredients": [ + "mint", + "coconut", + "jicama", + "rice vermicelli", + "garlic cloves", + "lettuce", + "soy sauce", + "extra firm tofu", + "cloud ear fungus", + "rice vinegar", + "fish sauce", + "mushroom sauce", + "sesame oil", + "salt", + "carrots", + "spring roll wrappers", + "beans", + "green onions", + "cilantro", + "roasted peanuts" + ] + }, + { + "id": 17729, + "ingredients": [ + "green onions", + "chopped cilantro", + "mayonaise", + "hot sauce", + "green cabbage", + "salt", + "red cabbage", + "fresh lime juice" + ] + }, + { + "id": 42372, + "ingredients": [ + "sugar", + "green peas", + "cooked rice", + "boneless skin on chicken thighs", + "soy sauce", + "salt", + "sake", + "mirin" + ] + }, + { + "id": 34214, + "ingredients": [ + "fresh rosemary", + "fennel bulb", + "extra-virgin olive oil", + "fronds", + "lemon", + "fish", + "white onion", + "dry white wine", + "garlic cloves", + "ground black pepper", + "sea salt" + ] + }, + { + "id": 9500, + "ingredients": [ + "lower sodium soy sauce", + "garlic", + "dark sesame oil", + "boneless skinless chicken breast halves", + "lower sodium chicken broth", + "green onions", + "rice vinegar", + "red bell pepper", + "long grain white rice", + "peeled fresh ginger", + "salt", + "corn starch", + "snow peas", + "chile paste", + "yellow bell pepper", + "roasted peanuts", + "onions", + "canola oil" + ] + }, + { + "id": 25896, + "ingredients": [ + "silken tofu", + "udon", + "carrots", + "soy sauce", + "garlic powder", + "green onions", + "ginger paste", + "fresh spinach", + "water", + "broccoli florets", + "nori", + "erythritol", + "miso paste", + "onion powder" + ] + }, + { + "id": 12995, + "ingredients": [ + "canned chopped tomatoes", + "chickpeas", + "frozen chopped spinach", + "vegetable oil", + "onions", + "garam masala", + "ground coriander", + "tumeric", + "salt", + "ground cumin" + ] + }, + { + "id": 11756, + "ingredients": [ + "fresh ginger", + "white sugar", + "soy sauce", + "garlic", + "cold water", + "vinegar", + "boneless skinless chicken breast halves", + "black pepper", + "corn starch" + ] + }, + { + "id": 22586, + "ingredients": [ + "pitted black olives", + "purple onion", + "frozen peas", + "olive oil", + "scallions", + "prepar pesto", + "bow-tie pasta", + "grated parmesan cheese", + "red bell pepper" + ] + }, + { + "id": 32800, + "ingredients": [ + "ground black pepper", + "butter", + "yellow onion", + "flat leaf parsley", + "kosher salt", + "vegetable oil", + "all-purpose flour", + "smoked paprika", + "granulated sugar", + "garlic", + "beer", + "plum tomatoes", + "ground cloves", + "large eggs", + "salt", + "shrimp", + "ground cumin" + ] + }, + { + "id": 10408, + "ingredients": [ + "pepper", + "garlic", + "ground turkey", + "cumin", + "tomatoes", + "chili powder", + "chopped onion", + "onions", + "celery salt", + "lime", + "salt", + "fresh parsley", + "eggs", + "chile pepper", + "ground coriander", + "chopped cilantro fresh" + ] + }, + { + "id": 10572, + "ingredients": [ + "tomato paste", + "jalapeno chilies", + "garlic", + "green pepper", + "black pepper", + "chili powder", + "all-purpose flour", + "okra", + "stock", + "cooked chicken", + "salt", + "rice", + "olive oil", + "diced tomatoes", + "yellow onion", + "celery" + ] + }, + { + "id": 24046, + "ingredients": [ + "purple onion", + "mango", + "chiles", + "cilantro leaves", + "salt", + "pepper", + "fresh lime juice" + ] + }, + { + "id": 30697, + "ingredients": [ + "lemon", + "frozen peas", + "wheels", + "garlic", + "olive oil", + "whole wheat penne pasta", + "leeks", + "greek yogurt" + ] + }, + { + "id": 46439, + "ingredients": [ + "sugar", + "water", + "sesame oil", + "garlic", + "Chinese rice vinegar", + "eggs", + "soy sauce", + "green onions", + "chicken meat", + "peanut oil", + "red chili peppers", + "baking soda", + "vegetable oil", + "salt", + "orange zest", + "wine", + "white pepper", + "baking powder", + "ginger", + "corn starch" + ] + }, + { + "id": 38885, + "ingredients": [ + "clam juice", + "crushed red pepper flakes", + "red bell pepper", + "olive oil", + "heavy cream", + "garlic", + "large shrimp", + "pasta", + "butter", + "yellow bell pepper", + "fresh parsley", + "dry white wine", + "sea salt", + "lemon juice" + ] + }, + { + "id": 20199, + "ingredients": [ + "black peppercorns", + "spring onions", + "dark brown sugar", + "lime", + "cinnamon", + "chillies", + "dark soy sauce", + "fresh thyme leaves", + "allspice berries", + "chicken legs", + "ground nutmeg", + "salt" + ] + }, + { + "id": 45830, + "ingredients": [ + "unsalted butter", + "poppy seeds", + "powdered sugar", + "large eggs", + "all-purpose flour", + "semisweet chocolate", + "vanilla extract", + "sugar", + "whipped cream" + ] + }, + { + "id": 10050, + "ingredients": [ + "black beans", + "corn oil", + "yellow split peas", + "ground cayenne pepper", + "fresh ginger", + "diced tomatoes", + "ground coriander", + "ground turmeric", + "water", + "large garlic cloves", + "yellow onion", + "chopped cilantro fresh", + "kidney beans", + "salt", + "ground cardamom", + "ground cumin" + ] + }, + { + "id": 20936, + "ingredients": [ + "black pepper", + "salt", + "onions", + "adobo", + "jalapeno chilies", + "flavored oil", + "boneless pork shoulder", + "orange", + "garlic cloves", + "ground cumin", + "pork", + "Mexican oregano", + "ancho chile pepper" + ] + }, + { + "id": 32765, + "ingredients": [ + "coarse salt", + "pork belly", + "garlic", + "calamansi juice", + "pepper" + ] + }, + { + "id": 28668, + "ingredients": [ + "large egg yolks", + "fresh lemon juice", + "granulated sugar", + "bananas", + "turbinado", + "heavy cream" + ] + }, + { + "id": 45215, + "ingredients": [ + "pork chops", + "black pepper", + "flour", + "eggs", + "cooking oil", + "milk", + "salt" + ] + }, + { + "id": 6217, + "ingredients": [ + "olive oil", + "bay leaves", + "cheese", + "cilantro leaves", + "fritos", + "ground cumin", + "ground black pepper", + "corn chips", + "canned tomatoes", + "cayenne pepper", + "ground beef", + "garlic powder", + "chili powder", + "garlic", + "yellow onion", + "sour cream", + "kosher salt", + "jalapeno chilies", + "paprika", + "purple onion", + "scallions", + "dried oregano" + ] + }, + { + "id": 40777, + "ingredients": [ + "skinless mahi mahi fillets", + "olive oil", + "corn tortillas", + "avocado", + "sugar", + "crema", + "chopped cilantro", + "green cabbage", + "cider vinegar", + "purple onion", + "mayonaise", + "radishes", + "fresh lime juice" + ] + }, + { + "id": 46472, + "ingredients": [ + "fresh dill", + "paprika", + "onions", + "tomatoes", + "olive oil", + "lemon juice", + "dried oregano", + "pepper", + "salt", + "boneless skinless chicken breast halves", + "plain low-fat yogurt", + "pitas", + "feta cheese crumbles", + "iceberg lettuce" + ] + }, + { + "id": 2281, + "ingredients": [ + "garlic powder", + "bread flour", + "warm water", + "butter", + "sugar", + "grated parmesan cheese", + "italian seasoning", + "active dry yeast", + "salt" + ] + }, + { + "id": 38572, + "ingredients": [ + "turnip greens", + "honey", + "cooking spray", + "all-purpose flour", + "yellow corn meal", + "water", + "olive oil", + "balsamic vinegar", + "garlic cloves", + "warm water", + "large egg whites", + "dry yeast", + "salt", + "boiling water", + "cheddar cheese", + "dried thyme", + "ground black pepper", + "crushed red pepper", + "shiitake mushroom caps" + ] + }, + { + "id": 6585, + "ingredients": [ + "jack cheese", + "cheddar cheese", + "half & half", + "eggs", + "flour", + "tomato sauce", + "green chilies" + ] + }, + { + "id": 14684, + "ingredients": [ + "black pepper", + "olive oil", + "chicken breasts", + "salt", + "dried oregano", + "chili pepper", + "flour tortillas", + "onion powder", + "onions", + "mixed spice", + "garlic powder", + "chili powder", + "sweet paprika", + "ground cumin", + "lime", + "bell pepper", + "garlic", + "garlic salt" + ] + }, + { + "id": 9667, + "ingredients": [ + "water", + "ground black pepper", + "blanched almonds", + "fresh lime juice", + "salmon fillets", + "sea scallops", + "extra-virgin olive oil", + "red bell pepper", + "kosher salt", + "sherry vinegar", + "purple onion", + "poblano chiles", + "cherry tomatoes", + "roasted red peppers", + "garlic cloves" + ] + }, + { + "id": 14907, + "ingredients": [ + "green bell pepper", + "smoked sausage", + "onions", + "cooked chicken", + "beef broth", + "pepper", + "salt", + "celery ribs", + "butter", + "long-grain rice" + ] + }, + { + "id": 8693, + "ingredients": [ + "tomato sauce", + "garlic powder", + "penne pasta", + "dried basil", + "diced tomatoes", + "onions", + "pepper", + "grated parmesan cheese", + "green pepper", + "italian sausage", + "olive oil", + "salt", + "dried oregano" + ] + }, + { + "id": 18101, + "ingredients": [ + "guanciale", + "flour", + "extra-virgin olive oil", + "kosher salt", + "pecorino romano cheese", + "ground black pepper", + "heavy cream", + "eggs", + "green onions", + "fresh yeast" + ] + }, + { + "id": 21028, + "ingredients": [ + "skim milk", + "nonfat yogurt", + "chili powder", + "salt", + "bay leaf", + "white onion", + "chicken breasts", + "butter", + "garlic cloves", + "tomato sauce", + "garam masala", + "shallots", + "ginger", + "lemon juice", + "black pepper", + "half & half", + "vegetable oil", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 18313, + "ingredients": [ + "semolina", + "flour for dusting", + "water" + ] + }, + { + "id": 9982, + "ingredients": [ + "granulated sugar", + "corn", + "butter", + "whole wheat flour", + "coconut milk", + "eggs", + "baking powder" + ] + }, + { + "id": 6976, + "ingredients": [ + "warm water", + "large eggs", + "butter", + "unsalted butter", + "whole milk", + "all-purpose flour", + "active dry yeast", + "sweet potatoes", + "sea salt", + "nutmeg", + "granulated sugar", + "cinnamon" + ] + }, + { + "id": 40781, + "ingredients": [ + "chicken wings", + "salt", + "ground ginger", + "water", + "soy sauce", + "white sugar", + "gin", + "vegetable oil" + ] + }, + { + "id": 46741, + "ingredients": [ + "dried basil", + "eggplant", + "harissa", + "chickpeas", + "ground cumin", + "vidalia onion", + "dried thyme", + "zucchini", + "large garlic cloves", + "red bell pepper", + "chicken sausage", + "ground black pepper", + "balsamic vinegar", + "fresh lemon juice", + "water", + "olive oil", + "leeks", + "salt", + "couscous" + ] + }, + { + "id": 3444, + "ingredients": [ + "olive oil", + "white wine vinegar", + "garlic cloves", + "fat free less sodium chicken broth", + "green onions", + "fresh onion", + "capers", + "dijon mustard", + "anchovy fillets", + "sun-dried tomatoes", + "salt", + "red bell pepper" + ] + }, + { + "id": 45802, + "ingredients": [ + "cranberry beans", + "ground black pepper", + "salt pork", + "onions", + "water", + "crushed red pepper", + "carrots", + "olive oil", + "salt", + "rotini", + "romano cheese", + "chopped celery", + "garlic cloves" + ] + }, + { + "id": 12432, + "ingredients": [ + "green cabbage", + "cider vinegar", + "sugar", + "carrots", + "ramen soup mix", + "green onions", + "sliced almonds", + "canola oil" + ] + }, + { + "id": 6856, + "ingredients": [ + "chicken broth", + "heavy cream", + "apple cider vinegar", + "unsalted butter", + "freshly ground pepper", + "green cabbage", + "yukon gold potatoes" + ] + }, + { + "id": 23581, + "ingredients": [ + "milk", + "turkey chili with beans", + "corn bread", + "eggs", + "sour cream", + "shredded cheddar cheese" + ] + }, + { + "id": 9211, + "ingredients": [ + "sugar", + "salt", + "chop fine pecan", + "cream of tartar", + "vanilla extract", + "egg whites", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 34069, + "ingredients": [ + "warm water", + "large eggs", + "ground pork", + "all-purpose flour", + "fresh ginger", + "sesame oil", + "salt", + "bread dough", + "light soy sauce", + "spring onions", + "fresh yeast", + "garlic chili sauce", + "granulated sugar", + "butter", + "rice vinegar" + ] + }, + { + "id": 22324, + "ingredients": [ + "fresh thyme", + "scotch bonnet chile", + "carrots", + "water", + "potatoes", + "salt", + "allspice", + "black pepper", + "vinegar", + "garlic", + "onions", + "curry powder", + "meat", + "scallions" + ] + }, + { + "id": 26983, + "ingredients": [ + "butter", + "chocolate sprinkles", + "sweetened condensed milk", + "bittersweet chocolate", + "salt" + ] + }, + { + "id": 35515, + "ingredients": [ + "olive oil", + "leg of lamb", + "mustard", + "garlic", + "potatoes", + "oregano", + "orange", + "salt" + ] + }, + { + "id": 19409, + "ingredients": [ + "andouille sausage", + "shredded reduced fat cheddar cheese", + "large eggs", + "red bell pepper", + "minced garlic", + "garlic powder", + "onion powder", + "onions", + "egg substitute", + "hot pepper sauce", + "salt", + "long grain white rice", + "fat free yogurt", + "large egg whites", + "cooking spray", + "celery" + ] + }, + { + "id": 9731, + "ingredients": [ + "sundried tomato paste", + "honey", + "lemon", + "cayenne pepper", + "corn starch", + "ground cumin", + "ground ginger", + "kosher salt", + "garlic powder", + "ginger", + "ground cardamom", + "ground turmeric", + "homemade chicken broth", + "ground cloves", + "olive oil", + "paprika", + "ground coriander", + "onions", + "ground cinnamon", + "water", + "meat", + "garlic", + "carrots", + "saffron" + ] + }, + { + "id": 39758, + "ingredients": [ + "melted butter", + "molasses", + "pecan halves", + "karo syrup", + "eggs", + "salt", + "sugar" + ] + }, + { + "id": 42449, + "ingredients": [ + "water", + "spring rolls", + "fresh mint", + "rice paper", + "fish sauce", + "peeled fresh ginger", + "carrots", + "medium shrimp", + "sugar", + "yellow bell pepper", + "cucumber", + "broccoli sprouts", + "chile paste with garlic", + "lettuce leaves", + "garlic cloves", + "fresh lime juice" + ] + }, + { + "id": 22877, + "ingredients": [ + "honey", + "red pepper flakes", + "corn starch", + "chicken broth", + "hoisin sauce", + "garlic", + "sesame seeds", + "ginger", + "canola oil", + "soy sauce", + "chicken breasts", + "rice vinegar" + ] + }, + { + "id": 23264, + "ingredients": [ + "green bell pepper", + "diced tomatoes in juice", + "unsalted butter", + "large shrimp", + "lime juice", + "onions", + "chicken broth", + "salt" + ] + }, + { + "id": 26064, + "ingredients": [ + "eggs", + "egg whites", + "gruyere cheese", + "italian seasoning", + "cold water", + "zucchini", + "1% low-fat milk", + "margarine", + "pepper", + "leeks", + "salt", + "yellow squash", + "red pepper", + "all-purpose flour" + ] + }, + { + "id": 9606, + "ingredients": [ + "warm water", + "salt", + "honey", + "active dry yeast", + "all-purpose flour", + "yellow corn meal", + "cooking spray" + ] + }, + { + "id": 7595, + "ingredients": [ + "sesame seeds", + "salt", + "dal", + "soy sauce", + "spring onions", + "garlic cloves", + "arborio rice", + "bell pepper", + "oil", + "onions", + "pepper", + "sesame oil", + "beansprouts" + ] + }, + { + "id": 10261, + "ingredients": [ + "Tabasco Pepper Sauce", + "yellow onion", + "collard greens", + "butter", + "long grain white rice", + "red kidney beans", + "cajun seasoning", + "biscuit mix", + "honey", + "garlic" + ] + }, + { + "id": 24981, + "ingredients": [ + "eggs", + "soy sauce", + "baking soda", + "ginger", + "all-purpose flour", + "oil", + "sugar", + "white pepper", + "chicken breasts", + "salt", + "orange juice", + "orange zest", + "chinese rice wine", + "canned chicken broth", + "cooking oil", + "garlic", + "sauce", + "corn starch", + "red chili peppers", + "water", + "sesame oil", + "rice vinegar", + "scallions" + ] + }, + { + "id": 47183, + "ingredients": [ + "coleslaw seasoning blend", + "chicken breasts", + "garlic", + "white vinegar", + "sugar", + "buttermilk", + "panko breadcrumbs", + "mayonaise", + "kirby cucumbers", + "carrots", + "green cabbage", + "Tabasco Pepper Sauce", + "potato slider buns" + ] + }, + { + "id": 12375, + "ingredients": [ + "peeled tomatoes", + "kalamata", + "flat leaf parsley", + "large garlic cloves", + "crushed red pepper", + "dried oregano", + "capers", + "basil", + "anchovy fillets", + "grated parmesan cheese", + "extra-virgin olive oil", + "spaghetti" + ] + }, + { + "id": 23489, + "ingredients": [ + "eggs", + "baking powder", + "all-purpose flour", + "ground ginger", + "ground cloves", + "beaten eggs", + "warm water", + "vegetable shortening", + "white sugar", + "ground cinnamon", + "pumpkin", + "salt" + ] + }, + { + "id": 3309, + "ingredients": [ + "caramels", + "dark chocolate", + "butter", + "digestive biscuit", + "bananas", + "whipping cream" + ] + }, + { + "id": 44269, + "ingredients": [ + "water", + "grits", + "olive oil", + "garlic", + "shredded cheddar cheese", + "salt" + ] + }, + { + "id": 21212, + "ingredients": [ + "lasagna noodles", + "salt", + "italian seasoning", + "water", + "beef stock cubes", + "ground beef", + "condensed tomato soup", + "corn starch", + "ground black pepper", + "garlic", + "onions" + ] + }, + { + "id": 44846, + "ingredients": [ + "minced garlic", + "zucchini", + "penne pasta", + "asparagus", + "butter", + "prosciutto", + "broccoli florets", + "sun-dried tomatoes in oil", + "olive oil", + "grated parmesan cheese", + "red bell pepper" + ] + }, + { + "id": 3875, + "ingredients": [ + "plain low-fat yogurt", + "dried currants", + "olive oil", + "grated lemon zest", + "fresh lemon juice", + "cooked rice", + "pepper", + "dried mint flakes", + "dried dill", + "grape leaves", + "pinenuts", + "finely chopped onion", + "chickpeas", + "vegetable oil cooking spray", + "honey", + "salt", + "garlic cloves" + ] + }, + { + "id": 36756, + "ingredients": [ + "ground coriander", + "ground red pepper", + "ground turmeric", + "paprika", + "ground cumin", + "ground ginger", + "ground cardamom" + ] + }, + { + "id": 9086, + "ingredients": [ + "vegetable oil", + "salad dressing", + "salt", + "pepper", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 29308, + "ingredients": [ + "corn oil", + "chopped cilantro fresh", + "taco sauce", + "green chilies", + "part-skim ricotta cheese", + "shredded Monterey Jack cheese", + "green onions", + "corn tortillas" + ] + }, + { + "id": 19797, + "ingredients": [ + "unsalted butter", + "salt", + "large egg yolks", + "whipping cream", + "fresh lemon juice", + "sugar", + "bosc pears", + "all-purpose flour", + "large egg whites", + "ice water", + "ground allspice" + ] + }, + { + "id": 21599, + "ingredients": [ + "white onion", + "green beans", + "extra-virgin olive oil", + "plum tomatoes", + "garlic cloves", + "water", + "fresh basil leaves" + ] + }, + { + "id": 36287, + "ingredients": [ + "sweetened coconut flakes", + "pure vanilla extract", + "sweetened condensed milk", + "clove", + "unsalted butter" + ] + }, + { + "id": 27373, + "ingredients": [ + "chicken broth", + "lime", + "sesame oil", + "rice vinegar", + "brown sugar", + "peanuts", + "red pepper", + "peanut butter", + "eggs", + "olive oil", + "red pepper flakes", + "broccoli", + "soy sauce", + "chicken breasts", + "garlic", + "garlic cloves" + ] + }, + { + "id": 12132, + "ingredients": [ + "tomatoes", + "yellow onion", + "lard", + "tasso", + "cayenne", + "thyme", + "cooked white rice", + "kosher salt", + "okra", + "bay leaf", + "chicken stock", + "parsley", + "red bell pepper", + "chicken" + ] + }, + { + "id": 24708, + "ingredients": [ + "annatto", + "olive oil" + ] + }, + { + "id": 22669, + "ingredients": [ + "fresh rosemary", + "rosemary", + "all-purpose flour", + "pepper", + "sweet potatoes", + "canola oil", + "black pepper", + "baking soda", + "rice flour", + "water", + "salt" + ] + }, + { + "id": 46213, + "ingredients": [ + "avocado", + "garlic cloves", + "shallots", + "tomatillos", + "fresh coriander", + "fresh lime juice" + ] + }, + { + "id": 47599, + "ingredients": [ + "ground ginger", + "yellow squash", + "cinnamon", + "pitted prunes", + "water", + "sweet potatoes", + "grated nutmeg", + "onions", + "black pepper", + "dried apricot", + "salt", + "carrots", + "saffron threads", + "honey", + "vegetable oil", + "lamb" + ] + }, + { + "id": 37858, + "ingredients": [ + "crushed tomatoes", + "salt", + "ground cumin", + "tumeric", + "red pepper flakes", + "chopped cilantro", + "cauliflower", + "cooking oil", + "ground coriander", + "water", + "peas", + "boiling potatoes" + ] + }, + { + "id": 46458, + "ingredients": [ + "sugar", + "cinnamon", + "all-purpose flour", + "peaches", + "lemon", + "corn starch", + "baking powder", + "salt", + "blackberries", + "crystallized ginger", + "butter", + "almond milk" + ] + }, + { + "id": 34236, + "ingredients": [ + "pepper", + "salt", + "vegetable oil", + "self rising flour", + "chicken", + "buttermilk" + ] + }, + { + "id": 7138, + "ingredients": [ + "eggs", + "marinara sauce", + "shredded mozzarella cheese", + "lasagna noodles", + "ricotta", + "pepper", + "salt", + "frozen spinach", + "grated parmesan cheese", + "non stick spray" + ] + }, + { + "id": 4875, + "ingredients": [ + "sugar", + "baking powder", + "salt", + "baking soda", + "buttermilk", + "eggs", + "unsalted butter", + "cake flour", + "ground cloves", + "bean paste", + "cornmeal" + ] + }, + { + "id": 24731, + "ingredients": [ + "sugar", + "half & half", + "vanilla extract", + "ground ginger", + "large egg yolks", + "cooking spray", + "ground cinnamon", + "reduced fat milk", + "peeled fresh ginger", + "water", + "pumpkin" + ] + }, + { + "id": 11611, + "ingredients": [ + "jamaican rum", + "milk", + "raisins", + "allspice", + "ground ginger", + "brown sugar", + "baking powder", + "salt", + "eggs", + "baking soda", + "vanilla extract", + "nutmeg", + "grated coconut", + "butter", + "all-purpose flour" + ] + }, + { + "id": 20894, + "ingredients": [ + "egg yolks", + "cake pound prepar", + "instant espresso powder", + "whipping cream", + "sugar", + "vanilla", + "semisweet chocolate", + "cream cheese" + ] + }, + { + "id": 12151, + "ingredients": [ + "sugar", + "dried lavender flowers", + "large egg yolks", + "vanilla beans", + "whipping cream" + ] + }, + { + "id": 49053, + "ingredients": [ + "grated coconut", + "rice flour", + "chopped garlic", + "salt", + "onions", + "black sesame seeds", + "coconut milk", + "oil", + "cumin" + ] + }, + { + "id": 43792, + "ingredients": [ + "cooking spray", + "carrots", + "black peppercorns", + "chopped celery", + "bone in chicken thighs", + "cold water", + "bay leaves", + "thyme sprigs", + "parsley sprigs", + "yellow onion" + ] + }, + { + "id": 6018, + "ingredients": [ + "sugar", + "salt", + "gai lan", + "vegetable oil", + "chicken broth", + "rice wine", + "corn starch", + "ginger juice", + "ginger" + ] + }, + { + "id": 42349, + "ingredients": [ + "mayonaise", + "cured pork", + "thai basil", + "shallots", + "thai chile", + "shrimp", + "kaffir lime leaves", + "ginger juice", + "curry powder", + "beef", + "daikon", + "garlic", + "hot water", + "tumeric", + "buns", + "lemongrass", + "green leaf lettuce", + "ginger", + "carrots", + "curry paste", + "fish sauce", + "sugar", + "lime juice", + "Sriracha", + "ground pork", + "rice vinegar", + "fresh mint" + ] + }, + { + "id": 29888, + "ingredients": [ + "chicken broth", + "salt", + "boneless chicken breast", + "corn starch", + "sage leaves", + "proscuitto", + "olive oil", + "fresh lemon juice" + ] + }, + { + "id": 30048, + "ingredients": [ + "salt", + "crushed tomatoes", + "squash", + "vegetable oil" + ] + }, + { + "id": 8955, + "ingredients": [ + "honey", + "fresh mint", + "salmon fillets", + "salt", + "vegetable oil cooking spray", + "rice vinegar", + "vegetable oil" + ] + }, + { + "id": 5600, + "ingredients": [ + "olive oil", + "onions", + "salt", + "pepper", + "green beans", + "diced tomatoes", + "italian seasoning" + ] + }, + { + "id": 31683, + "ingredients": [ + "salt", + "sweetened condensed milk", + "evaporated milk", + "corn starch", + "eggs", + "lemon juice", + "mango", + "rum", + "white sugar" + ] + }, + { + "id": 20995, + "ingredients": [ + "unsalted butter", + "heavy cream", + "semisweet chocolate" + ] + }, + { + "id": 24548, + "ingredients": [ + "boneless chicken thighs", + "scallions", + "light soy sauce", + "black pepper", + "nen dzem fen", + "dark soy sauce", + "vegetable oil" + ] + }, + { + "id": 10270, + "ingredients": [ + "tuna packed in water", + "diced tomatoes", + "jalapeno chilies", + "celery", + "file powder", + "rice", + "tomato paste", + "bacon", + "onions" + ] + }, + { + "id": 28782, + "ingredients": [ + "honey", + "ginger", + "soy sauce", + "hoisin sauce", + "pork shoulder", + "ketchup", + "sesame oil", + "five-spice powder", + "chinese rice wine", + "granulated sugar", + "garlic" + ] + }, + { + "id": 13966, + "ingredients": [ + "red chili peppers", + "garlic", + "onions", + "head cauliflower", + "ground coriander", + "ground cumin", + "chopped tomatoes", + "minced beef", + "ground turmeric", + "ginger", + "fresh mint" + ] + }, + { + "id": 44278, + "ingredients": [ + "long grain white rice", + "sugar", + "ground cinnamon", + "vanilla" + ] + }, + { + "id": 40731, + "ingredients": [ + "yellow mustard seeds", + "extra-virgin olive oil", + "ground turmeric", + "fennel seeds", + "mustard greens", + "nigella seeds", + "moong dal", + "cumin seed", + "red chili peppers", + "salt" + ] + }, + { + "id": 19851, + "ingredients": [ + "methi leaves", + "ginger", + "green chilies", + "bay leaf", + "masala", + "clove", + "cinnamon", + "salt", + "cumin seed", + "frozen peas", + "chili powder", + "garlic", + "curds", + "onions", + "tomatoes", + "butter", + "cilantro leaves", + "oil", + "cashew nuts" + ] + }, + { + "id": 12641, + "ingredients": [ + "shiitake", + "seaweed", + "beni shoga", + "cabbage leaves", + "Yakisoba sauce", + "Yakisoba noodles", + "ground black pepper", + "oil", + "onions", + "pork belly", + "green onions", + "carrots" + ] + }, + { + "id": 17720, + "ingredients": [ + "glutinous rice flour", + "honey", + "brown sugar", + "white sesame seeds", + "vegetable oil" + ] + }, + { + "id": 37801, + "ingredients": [ + "soy sauce", + "carrots", + "cooking wine", + "leaves", + "shrimp", + "sesame", + "ham" + ] + }, + { + "id": 13693, + "ingredients": [ + "parmesan cheese", + "butter", + "sun-dried tomatoes in oil", + "fettucine", + "artichok heart marin", + "lemon juice", + "black pepper", + "dry white wine", + "sliced mushrooms", + "tomatoes", + "sliced black olives", + "garlic", + "onions" + ] + }, + { + "id": 603, + "ingredients": [ + "seasoned bread crumbs", + "fresh green bean", + "grated parmesan cheese", + "fresh parsley", + "pepper", + "salt", + "butter" + ] + }, + { + "id": 8988, + "ingredients": [ + "fruit", + "salsa", + "vegetable oil", + "chopped cilantro fresh", + "large eggs", + "corn tortillas", + "cilantro sprigs", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 24909, + "ingredients": [ + "black pepper", + "garlic cloves", + "basmati rice", + "cayenne pepper", + "shrimp", + "canola oil", + "salt", + "fresh lemon juice", + "ground turmeric", + "homemade chicken stock", + "cardamom pods", + "chopped cilantro fresh", + "ground cumin" + ] + }, + { + "id": 43047, + "ingredients": [ + "salt", + "corn", + "green chilies", + "black beans", + "salsa", + "chicken breasts", + "crushed pineapple" + ] + }, + { + "id": 11217, + "ingredients": [ + "sugar", + "baking soda", + "sesame oil", + "oyster sauce", + "white pepper", + "boneless skinless chicken breasts", + "salt", + "onions", + "soy sauce", + "unsalted cashews", + "ginger", + "corn starch", + "green bell pepper", + "water", + "rice wine", + "oil" + ] + }, + { + "id": 22969, + "ingredients": [ + "minced garlic", + "whole almonds", + "extra-virgin olive oil", + "grated parmesan cheese", + "black pepper", + "flat leaf parsley" + ] + }, + { + "id": 39295, + "ingredients": [ + "sugar", + "egg yolks", + "mini filo tartlet shells", + "milk", + "egg whites" + ] + }, + { + "id": 44185, + "ingredients": [ + "almond flour", + "whole milk", + "powdered gelatin", + "sugar", + "unsalted butter", + "salt", + "bittersweet chocolate", + "milk chocolate", + "large eggs", + "all-purpose flour", + "unsweetened cocoa powder", + "cream sweeten whip", + "large egg yolks", + "heavy cream", + "confectioners sugar" + ] + }, + { + "id": 327, + "ingredients": [ + "lime", + "garlic", + "ground coriander", + "ground turmeric", + "cauliflower", + "garam masala", + "edamame", + "coconut milk", + "canola oil", + "kosher salt", + "russet potatoes", + "fenugreek seeds", + "onions", + "fresh ginger", + "cilantro leaves", + "cumin seed", + "asafetida" + ] + }, + { + "id": 12836, + "ingredients": [ + "black pepper", + "chili powder", + "curds", + "ground turmeric", + "fenugreek leaves", + "garam masala", + "cilantro leaves", + "asafoetida powder", + "clove", + "whole wheat flour", + "salt", + "oil", + "sugar", + "coriander powder", + "green chilies", + "white sesame seeds" + ] + }, + { + "id": 11299, + "ingredients": [ + "baking powder", + "sugar", + "cornflour", + "eggs", + "lemon", + "milk", + "Philadelphia Cream Cheese" + ] + }, + { + "id": 34168, + "ingredients": [ + "sugar", + "large egg yolks", + "navel oranges", + "unflavored gelatin", + "honey", + "heavy cream", + "white sesame seeds", + "large egg whites", + "black sesame seeds", + "all-purpose flour", + "water", + "unsalted butter", + "salt" + ] + }, + { + "id": 15066, + "ingredients": [ + "fish sauce", + "coarse salt", + "scallions", + "minced garlic", + "peanut oil", + "fresh pineapple", + "cooked rice", + "peeled fresh ginger", + "freshly ground pepper", + "boneless chicken skinless thigh", + "thai chile", + "coconut milk" + ] + }, + { + "id": 13971, + "ingredients": [ + "tomatoes", + "scallops", + "vegetable stock", + "extra-virgin olive oil", + "carrots", + "onions", + "tomato paste", + "white wine", + "potatoes", + "shellfish", + "croutons", + "fresh parsley", + "lobster tails", + "clams", + "fresh basil", + "fennel", + "lemon", + "salt", + "shrimp", + "saffron", + "mussels", + "fresh dill", + "aioli", + "diced tomatoes", + "freshly ground pepper", + "celery", + "fish" + ] + }, + { + "id": 20664, + "ingredients": [ + "tomatoes", + "black-eyed peas", + "hot sauce", + "celery", + "green bell pepper", + "garlic", + "creole seasoning", + "bay leaf", + "andouille sausage", + "boneless skinless chicken", + "okra", + "onions", + "chicken broth", + "olive oil", + "shoepeg corn", + "red bell pepper" + ] + }, + { + "id": 49079, + "ingredients": [ + "black pepper", + "cheese", + "dill pickles", + "lean ground beef", + "oil", + "onions", + "tomato paste", + "diced tomatoes", + "garlic cloves", + "dijon mustard", + "salt", + "rotini" + ] + }, + { + "id": 6770, + "ingredients": [ + "brandy", + "fresh tarragon", + "butter", + "garlic cloves", + "double cream", + "chicken livers", + "ground black pepper", + "salt" + ] + }, + { + "id": 37297, + "ingredients": [ + "unsalted butter", + "shallots", + "snapper fillets", + "cepe", + "chives", + "fine sea salt", + "ground white pepper", + "fresh thyme", + "garlic", + "chinese five-spice powder", + "sherry vinegar", + "corn oil", + "port" + ] + }, + { + "id": 44681, + "ingredients": [ + "garlic cloves", + "marinade", + "large shrimp", + "chipotle chile", + "dried oregano", + "extra-virgin olive oil" + ] + }, + { + "id": 25754, + "ingredients": [ + "reduced fat reduced sodium swiss cheese", + "butter cooking spray", + "chicken breasts", + "white bread" + ] + }, + { + "id": 28550, + "ingredients": [ + "pure vanilla extract", + "heavy cream", + "granulated sugar", + "lemon juice", + "framboise liqueur", + "fresh raspberries", + "meringue shells" + ] + }, + { + "id": 29004, + "ingredients": [ + "warm water", + "sugar", + "asian fish sauce", + "chiles", + "fresh lime juice", + "garlic cloves" + ] + }, + { + "id": 49518, + "ingredients": [ + "black pepper", + "butter", + "toast points", + "meat", + "thyme", + "duck fat", + "salt", + "brandy", + "shallots", + "chopped parsley" + ] + }, + { + "id": 46998, + "ingredients": [ + "low sodium soy sauce", + "cooking spray", + "salt", + "jalapeno chilies", + "purple onion", + "chopped cilantro fresh", + "black pepper", + "flank steak", + "garlic cloves", + "olive oil", + "diced tomatoes", + "fresh lime juice" + ] + }, + { + "id": 4823, + "ingredients": [ + "onion soup mix", + "green peas", + "coconut milk", + "condensed cream of chicken soup", + "butter", + "fresh mushrooms", + "boneless skinless chicken breast halves", + "ground black pepper", + "salt", + "onions", + "curry powder", + "condensed cream of mushroom soup", + "ground cayenne pepper" + ] + }, + { + "id": 15740, + "ingredients": [ + "ground cloves", + "large egg yolks", + "grated nutmeg", + "vanilla beans", + "granulated sugar", + "long grain white rice", + "milk", + "heavy cream", + "kosher salt", + "unsalted butter", + "cane sugar" + ] + }, + { + "id": 49054, + "ingredients": [ + "white vinegar", + "boneless chuck roast", + "garlic", + "ketchup", + "worcestershire sauce", + "cayenne pepper", + "brown sugar", + "ground black pepper", + "salt", + "water", + "dry mustard" + ] + }, + { + "id": 19638, + "ingredients": [ + "lime", + "ice", + "sugar", + "cachaca" + ] + }, + { + "id": 43786, + "ingredients": [ + "pepper", + "salt", + "onions", + "jack cheese", + "diced tomatoes", + "enchilada sauce", + "cumin", + "cheddar cheese", + "corn", + "oil", + "oregano", + "black beans", + "garlic", + "chipotles in adobo", + "chicken" + ] + }, + { + "id": 10856, + "ingredients": [ + "flour tortillas", + "lime", + "salsa", + "chicken breast fillets", + "cilantro", + "Mexican cheese blend" + ] + }, + { + "id": 3192, + "ingredients": [ + "corn kernels", + "purple onion", + "sour cream", + "tortillas", + "salsa", + "olive oil", + "cilantro leaves", + "jalapeno chilies", + "grated jack cheese" + ] + }, + { + "id": 1796, + "ingredients": [ + "water", + "liver", + "flour", + "bacon", + "seasoning salt", + "onions" + ] + }, + { + "id": 236, + "ingredients": [ + "eggs", + "egg whites", + "raisins", + "green chilies", + "ghee", + "tomatoes", + "garam masala", + "cinnamon", + "cilantro leaves", + "lemon juice", + "ground fennel", + "pepper", + "chili powder", + "salt", + "cardamom", + "basmati rice", + "clove", + "grated coconut", + "hard-boiled egg", + "garlic", + "oil", + "onions" + ] + }, + { + "id": 37505, + "ingredients": [ + "refried beans", + "lean ground beef", + "tomatoes", + "flour tortillas", + "chopped cilantro", + "seasoning", + "shredded mild cheddar cheese", + "chopped onion", + "sausage casings", + "jalapeno chilies", + "sliced green onions" + ] + }, + { + "id": 21677, + "ingredients": [ + "eggs", + "cooked chicken", + "corn flour", + "corn", + "cornflour", + "water", + "sesame oil", + "chicken stock", + "spring onions", + "salt" + ] + }, + { + "id": 38126, + "ingredients": [ + "sticky rice", + "sugar", + "coconut milk", + "salt", + "starch", + "mango" + ] + }, + { + "id": 20081, + "ingredients": [ + "sugar", + "salt", + "long-grain rice", + "low sodium soy sauce", + "dry sherry", + "fresh mushrooms", + "onions", + "sliced carrots", + "beef broth", + "celery", + "vegetable oil cooking spray", + "boneless beef sirloin steak", + "peanut oil", + "sliced green onions" + ] + }, + { + "id": 10068, + "ingredients": [ + "frozen pastry puff sheets", + "unsalted butter", + "walnuts", + "fine sea salt", + "large eggs", + "camembert" + ] + }, + { + "id": 27020, + "ingredients": [ + "water", + "Pompeian Canola Oil and Extra Virgin Olive Oil", + "medium shrimp", + "Jonshonville® Cajun Style Chicken Sausage", + "cajun seasoning", + "Tuttorosso Peeled Plum Shaped Tomatoes", + "Uncle Ben's® Ready Rice® Original Long Grain", + "jalapeno chilies", + "Gourmet Garden garlic paste", + "onions", + "tomato paste", + "green pepper", + "celery" + ] + }, + { + "id": 40715, + "ingredients": [ + "sugar", + "honey", + "semisweet chocolate", + "calimyrna figs", + "ground cinnamon", + "hazelnuts", + "ground nutmeg", + "all purpose unbleached flour", + "grated lemon peel", + "ground cloves", + "almonds", + "dried apricot", + "ground coriander", + "grated orange peel", + "pepper", + "unsalted butter", + "diced candied citron", + "unsweetened cocoa powder" + ] + }, + { + "id": 4271, + "ingredients": [ + "water", + "dal", + "raisins", + "cashew nuts", + "coconut", + "ghee", + "cardamom seeds", + "jaggery" + ] + }, + { + "id": 17579, + "ingredients": [ + "boneless skinless chicken breasts", + "crushed red pepper", + "fresh lemon juice", + "ground black pepper", + "paprika", + "cumin seed", + "coriander seeds", + "lemon wedge", + "salt", + "sliced green onions", + "cooking spray", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 27270, + "ingredients": [ + "black olives", + "feta cheese crumbles", + "artichok heart marin", + "lemon juice", + "fresh parsley", + "tomatoes", + "purple onion", + "cucumber", + "orzo pasta", + "lemon pepper", + "dried oregano" + ] + }, + { + "id": 28267, + "ingredients": [ + "unsalted butter", + "salt", + "fresh spinach", + "ginger", + "ground turmeric", + "shallots", + "freshly ground pepper", + "yellow mustard seeds", + "garlic", + "ground cumin" + ] + }, + { + "id": 27677, + "ingredients": [ + "eggs", + "milk", + "salt", + "cocoa", + "butter", + "chopped pecans", + "sugar", + "mini marshmallows", + "all-purpose flour", + "chocolate frosting", + "vanilla extract", + "confectioners sugar" + ] + }, + { + "id": 32604, + "ingredients": [ + "lychees", + "red apples", + "cream", + "cocktail cherries", + "fruit cocktail", + "coco", + "green apples", + "corn kernels", + "condensed milk" + ] + }, + { + "id": 37138, + "ingredients": [ + "corn", + "diced tomatoes", + "garlic cloves", + "sugar", + "green onions", + "cayenne pepper", + "onions", + "evaporated milk", + "salt", + "shrimp", + "pepper", + "butter", + "green pepper" + ] + }, + { + "id": 6294, + "ingredients": [ + "eggs", + "granulated sugar", + "lemon juice", + "pie dough", + "egg whites", + "cream sweeten whip", + "lemon zest", + "heavy whipping cream", + "yellow corn meal", + "unsalted butter", + "salt" + ] + }, + { + "id": 32315, + "ingredients": [ + "artichoke hearts", + "large eggs", + "grated nutmeg", + "plum tomatoes", + "water", + "unsalted butter", + "salt", + "flat leaf parsley", + "large egg whites", + "parmigiano reggiano cheese", + "all-purpose flour", + "onions", + "black pepper", + "large egg yolks", + "heavy cream", + "fresh lemon juice" + ] + }, + { + "id": 41792, + "ingredients": [ + "chicken broth", + "fresh cilantro", + "russet potatoes", + "cumin", + "jack cheese", + "tomatillos", + "onions", + "green bell pepper", + "jalapeno chilies", + "corn tortillas", + "eggs", + "olive oil", + "garlic" + ] + }, + { + "id": 16595, + "ingredients": [ + "chicken legs", + "water", + "twists", + "soy sauce", + "cane vinegar", + "black peppercorns", + "laurel leaves", + "chicken thighs", + "pork belly", + "garlic" + ] + }, + { + "id": 34078, + "ingredients": [ + "sugar", + "szechwan peppercorns", + "garlic", + "chinkiang vinegar", + "toasted sesame seeds", + "kosher salt", + "wonton wrappers", + "roasted peanuts", + "toasted sesame oil", + "soy sauce", + "vegetable oil", + "cilantro leaves", + "ground white pepper", + "Shaoxing wine", + "red pepper", + "scallions", + "pork shoulder" + ] + }, + { + "id": 13794, + "ingredients": [ + "melted butter", + "cinnamon", + "corn starch", + "water", + "vanilla", + "sugar", + "butter", + "flour tortillas", + "strawberries" + ] + }, + { + "id": 48213, + "ingredients": [ + "eggs", + "lime", + "firm tofu", + "red bell pepper", + "fish sauce", + "vegetable oil", + "tamarind concentrate", + "chopped cilantro", + "coconut sugar", + "green onions", + "roasted peanuts", + "beansprouts", + "rice stick noodles", + "water", + "garlic", + "carrots", + "cooked chicken breasts" + ] + }, + { + "id": 31810, + "ingredients": [ + "tomato paste", + "poblano peppers", + "garlic", + "mango", + "lime", + "queso fresco", + "smoked paprika", + "corn husks", + "ground pork", + "onions", + "chipotle chile", + "chili powder", + "scallions", + "masa harina" + ] + }, + { + "id": 9232, + "ingredients": [ + "balsamic vinegar", + "Italian bread", + "kosher salt", + "extra-virgin olive oil", + "plum tomatoes", + "large garlic cloves", + "arugula", + "grated parmesan cheese", + "freshly ground pepper" + ] + }, + { + "id": 20850, + "ingredients": [ + "cooking spray", + "garlic cloves", + "chopped cilantro fresh", + "jalapeno chilies", + "salt", + "fresh lime juice", + "ground black pepper", + "purple onion", + "fillets", + "ground cumin", + "slaw", + "large garlic cloves", + "corn tortillas", + "mango" + ] + }, + { + "id": 16448, + "ingredients": [ + "cottage cheese", + "marinara sauce", + "jumbo pasta shells", + "part-skim mozzarella cheese", + "basil", + "pepper", + "ricotta cheese", + "frozen chopped spinach", + "parmesan cheese", + "salt" + ] + }, + { + "id": 17795, + "ingredients": [ + "mayonaise", + "shallots", + "fresh lemon juice", + "dijon mustard", + "peach preserves", + "fresh rosemary", + "bourbon whiskey", + "freshly ground pepper", + "bread crumbs", + "brown mustard seeds", + "loin pork chops" + ] + }, + { + "id": 30674, + "ingredients": [ + "self rising flour", + "salt", + "water", + "vegetable oil", + "tomato sauce", + "chili powder", + "ground cumin", + "garlic powder", + "onion salt" + ] + }, + { + "id": 29811, + "ingredients": [ + "olive oil", + "fresh oregano", + "kosher salt", + "grated parmesan cheese", + "tomatoes", + "ground black pepper", + "msg", + "garlic" + ] + }, + { + "id": 33646, + "ingredients": [ + "cooking spray", + "warm water", + "cornmeal", + "salt", + "dry yeast", + "bread flour" + ] + }, + { + "id": 10369, + "ingredients": [ + "pepper", + "mint leaves", + "fresh basil leaves", + "shredded carrots", + "shredded lettuce", + "lime juice", + "rice noodles", + "sugar", + "pork tenderloin", + "salt" + ] + }, + { + "id": 35048, + "ingredients": [ + "hazelnuts", + "lasagna noodles", + "Italian parsley leaves", + "garlic cloves", + "white pepper", + "unsalted butter", + "whole milk", + "ricotta", + "olive oil", + "parmigiano reggiano cheese", + "salt", + "California bay leaves", + "black pepper", + "eggplant", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 46730, + "ingredients": [ + "light soy sauce", + "fried eggs", + "yellow onion", + "tomatoes", + "bananas", + "worcestershire sauce", + "frozen peas", + "tomato paste", + "salt and ground black pepper", + "raisins", + "ground beef", + "minced garlic", + "steamed white rice", + "ground pork" + ] + }, + { + "id": 11477, + "ingredients": [ + "clove", + "fresh thyme", + "extra-virgin olive oil", + "carrots", + "onions", + "celery ribs", + "beans", + "confit", + "garlic cloves", + "bay leaf", + "bread", + "unsalted butter", + "tomatoes with juice", + "sausages", + "pork shoulder", + "fresh rosemary", + "leeks", + "fatback", + "flat leaf parsley", + "smoked ham hocks" + ] + }, + { + "id": 5846, + "ingredients": [ + "oysters", + "lemon wedge", + "peanut oil", + "mayonaise", + "dijon mustard", + "creole seasoning", + "ketchup", + "shredded cabbage", + "rolls", + "white vinegar", + "prepared horseradish", + "paprika", + "self-rising cornmeal" + ] + }, + { + "id": 24667, + "ingredients": [ + "smoked sausage", + "long grain white rice", + "pepper", + "TACO BELL® Thick & Chunky Mild Salsa", + "creole seasoning", + "red beans", + "fresh parsley" + ] + }, + { + "id": 22900, + "ingredients": [ + "chili powder", + "cream of mushroom soup", + "taco sauce", + "corn tortillas", + "onions", + "cheddar cheese", + "rotel tomatoes", + "ground beef", + "cream of chicken soup", + "Ranch Style Beans" + ] + }, + { + "id": 9423, + "ingredients": [ + "chili powder", + "white sugar", + "fenugreek leaves", + "lemon juice", + "ketchup", + "onions", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 42347, + "ingredients": [ + "eggs", + "boneless pork loin", + "water", + "tomatoes", + "white rice", + "fish sauce", + "onions" + ] + }, + { + "id": 10922, + "ingredients": [ + "unsalted butter", + "heavy cream", + "baking powder", + "low-fat buttermilk", + "all-purpose flour", + "baking soda", + "coarse salt" + ] + }, + { + "id": 15777, + "ingredients": [ + "dark soy sauce", + "lemongrass", + "garlic", + "cumin", + "fish sauce", + "shallots", + "ground coriander", + "fresh turmeric", + "red chili peppers", + "dipping sauces", + "chicken thighs", + "brown sugar", + "vegetable oil", + "galangal" + ] + }, + { + "id": 1195, + "ingredients": [ + "rosemary", + "chicken", + "chile paste", + "extra-virgin olive oil", + "sea salt", + "vinegar" + ] + }, + { + "id": 29279, + "ingredients": [ + "black peppercorns", + "daal", + "asparagus", + "cumin seed", + "tumeric", + "chopped tomatoes", + "brown rice", + "ghee", + "green chile", + "kosher salt", + "mint leaves", + "cardamom", + "clove", + "homemade chicken stock", + "fresh ginger root", + "purple onion", + "asafetida" + ] + }, + { + "id": 17614, + "ingredients": [ + "water", + "salt", + "coconut milk", + "tumeric", + "chili powder", + "garlic cloves", + "onions", + "olive oil", + "ground coriander", + "ghee", + "boneless chicken skinless thigh", + "cinnamon", + "ground cardamom" + ] + }, + { + "id": 21031, + "ingredients": [ + "lemon", + "finely chopped fresh parsley", + "garlic cloves" + ] + }, + { + "id": 9019, + "ingredients": [ + "water", + "pinto beans", + "jalapeno chilies", + "ground cumin", + "ground black pepper", + "onions", + "minced garlic", + "salt" + ] + }, + { + "id": 8853, + "ingredients": [ + "water", + "vegetable oil", + "garlic cloves", + "tahini", + "paprika", + "olive oil", + "lemon", + "ground cumin", + "fava beans", + "harissa", + "salt" + ] + }, + { + "id": 27544, + "ingredients": [ + "mayonaise", + "flounder", + "cheese", + "corn starch", + "microgreens", + "baking powder", + "all-purpose flour", + "sauerkraut", + "vegetable oil", + "dill pickles", + "ketchup", + "flour tortillas", + "salt", + "club soda" + ] + }, + { + "id": 4608, + "ingredients": [ + "brown mustard seeds", + "cumin seed", + "ground turmeric", + "kosher salt", + "tortilla chips", + "chopped cilantro", + "minced garlic", + "ground coriander", + "serrano chile", + "avocado", + "vegetable oil", + "lemon juice" + ] + }, + { + "id": 2769, + "ingredients": [ + "fresh lavender", + "chopped fresh thyme", + "runny honey", + "bananas", + "apples", + "pastry", + "cinnamon", + "rosewater", + "almonds", + "butter" + ] + }, + { + "id": 10110, + "ingredients": [ + "green bell pepper", + "onions", + "minced garlic", + "pasta sauce", + "boneless skinless chicken breast halves", + "fresh mushrooms" + ] + }, + { + "id": 31823, + "ingredients": [ + "skim milk", + "salt", + "egg whites", + "confectioners sugar", + "whole wheat flour", + "frozen mixed berries", + "vegetable oil" + ] + }, + { + "id": 26227, + "ingredients": [ + "black beans", + "flour tortillas", + "salsa", + "corn kernels", + "Old El Paso™ chopped green chiles", + "ground beef", + "Old El Paso™ taco seasoning mix", + "roma tomatoes", + "enchilada sauce", + "avocado", + "Mexican cheese blend", + "cilantro leaves" + ] + }, + { + "id": 24508, + "ingredients": [ + "turbinado", + "olive oil", + "ginger", + "salt", + "white onion", + "extra firm tofu", + "thai chile", + "thai green curry paste", + "soy sauce", + "vegetables", + "light coconut milk", + "rice vinegar", + "water", + "cilantro", + "garlic", + "brown basmati rice" + ] + }, + { + "id": 43947, + "ingredients": [ + "lime", + "peeled fresh ginger", + "garlic cloves", + "boneless skinless chicken breast halves", + "cooking spray", + "rice vinegar", + "beansprouts", + "canola oil", + "peanuts", + "sea salt", + "garlic chili sauce", + "grated orange", + "low sodium soy sauce", + "lettuce leaves", + "dark sesame oil", + "fresh mint" + ] + }, + { + "id": 47277, + "ingredients": [ + "eggs", + "cooking oil", + "rice noodles", + "beansprouts", + "brown sugar", + "boneless skinless chicken breasts", + "salted peanuts", + "chopped garlic", + "fish sauce", + "green onions", + "rice vinegar", + "fresh lime juice", + "fresh cilantro", + "asian chile sauce with garlic", + "grate lime peel" + ] + }, + { + "id": 22220, + "ingredients": [ + "salad", + "chickpeas", + "olive oil", + "country loaf", + "bread", + "salt", + "water", + "fresh lemon juice" + ] + }, + { + "id": 33214, + "ingredients": [ + "rice stick noodles", + "minced garlic", + "chunky peanut butter", + "cilantro", + "scallions", + "beansprouts", + "sugar", + "hoisin sauce", + "ground chicken breast", + "rice vinegar", + "tamarind concentrate", + "chopped cilantro", + "fish sauce", + "Sriracha", + "sesame oil", + "ginger", + "oil", + "bird chile", + "soy sauce", + "large eggs", + "wonton skins", + "roasted peanuts", + "dried chile" + ] + }, + { + "id": 33312, + "ingredients": [ + "spinach", + "salt", + "fat free less sodium chicken broth", + "olive oil flavored cooking spray", + "black pepper", + "garlic cloves", + "fontina cheese", + "water", + "polenta" + ] + }, + { + "id": 7928, + "ingredients": [ + "brandy", + "golden delicious apples", + "all-purpose flour", + "fresh thyme", + "apple cider", + "frozen peas", + "parsnips", + "yukon gold potatoes", + "whipping cream", + "boneless chicken skinless thigh", + "butter", + "low salt chicken broth" + ] + }, + { + "id": 32869, + "ingredients": [ + "eggs", + "butter", + "milk", + "cocoa powder", + "sugar", + "salt", + "flour", + "yeast" + ] + }, + { + "id": 42076, + "ingredients": [ + "vanilla beans", + "fruit", + "pure maple syrup", + "ricotta cheese", + "egg yolks" + ] + }, + { + "id": 36891, + "ingredients": [ + "hungarian sweet paprika", + "olive oil", + "carrots", + "water", + "salt", + "capers", + "red wine vinegar", + "fresh parsley", + "sweet onion", + "garlic cloves" + ] + }, + { + "id": 30152, + "ingredients": [ + "white pepper", + "shredded cabbage", + "worcestershire sauce", + "oyster sauce", + "soy sauce", + "sesame seeds", + "rice wine", + "garlic cloves", + "sugar", + "water", + "green onions", + "peanut oil", + "boneless chicken skinless thigh", + "shredded carrots", + "sesame oil", + "chow mein noodles" + ] + }, + { + "id": 313, + "ingredients": [ + "ground ginger", + "garlic", + "pepper", + "sweet italian sausage", + "cream", + "salt", + "pasta", + "pumpkin purée", + "onions" + ] + }, + { + "id": 47091, + "ingredients": [ + "ground cinnamon", + "cider vinegar", + "jalapeno chilies", + "bacon", + "ketchup", + "ground nutmeg", + "prepared mustard", + "chopped onion", + "soy sauce", + "pepper", + "green onions", + "salt", + "chicken broth", + "molasses", + "fresh thyme", + "worcestershire sauce", + "lemon juice" + ] + }, + { + "id": 14514, + "ingredients": [ + "ground black pepper", + "garlic", + "baby carrots", + "bay leaf", + "tomato paste", + "red wine vinegar", + "salt", + "beets", + "dried parsley", + "green cabbage", + "potatoes", + "beef stew meat", + "dried dillweed", + "onions", + "brown sugar", + "diced tomatoes", + "beef broth", + "sour cream" + ] + }, + { + "id": 18235, + "ingredients": [ + "buttermilk", + "baking soda", + "margarine", + "sugar", + "vanilla extract", + "sweet potatoes", + "chopped pecans" + ] + }, + { + "id": 26042, + "ingredients": [ + "nonfat dry milk", + "salt", + "bread flour", + "warm water", + "egg yolks", + "white sugar", + "milk", + "butter", + "semisweet chocolate chunks", + "instant yeast", + "chocolate candy bars" + ] + }, + { + "id": 35038, + "ingredients": [ + "chiles", + "olive oil", + "ground allspice", + "light brown sugar", + "lime juice", + "chicken drumsticks", + "kosher salt", + "green onions", + "ground cinnamon", + "dried thyme", + "garlic" + ] + }, + { + "id": 13978, + "ingredients": [ + "baking powder", + "eggs", + "all-purpose flour", + "vanilla extract", + "shortening", + "confectioners sugar" + ] + }, + { + "id": 47002, + "ingredients": [ + "white vinegar", + "soy sauce", + "garlic", + "eggs", + "green onions", + "corn starch", + "sugar", + "boneless skinless chicken breasts", + "dried chile", + "chicken broth", + "water", + "sherry wine" + ] + }, + { + "id": 21094, + "ingredients": [ + "red chili powder", + "curry powder", + "green chilies", + "cinnamon sticks", + "red chili peppers", + "seeds", + "cumin seed", + "onions", + "sugar", + "vinegar", + "okra", + "coconut milk", + "curry leaves", + "water", + "salt", + "mustard seeds", + "ground turmeric" + ] + }, + { + "id": 13017, + "ingredients": [ + "kosher salt", + "ground black pepper", + "buttermilk", + "mustard seeds", + "clove", + "coriander seeds", + "large garlic cloves", + "cardamom seeds", + "onions", + "tumeric", + "ground nutmeg", + "red pepper flakes", + "cumin seed", + "paneer cheese", + "frozen chopped spinach", + "fresh ginger", + "spices", + "heavy cream", + "ghee" + ] + }, + { + "id": 16372, + "ingredients": [ + "hoisin sauce", + "vegetable oil", + "cilantro leaves", + "iceberg lettuce", + "light soy sauce", + "mushrooms", + "purple onion", + "ginger root", + "water chestnuts", + "garlic", + "rice vinegar", + "granulated sugar", + "boneless skinless chicken breasts", + "salt", + "cashew nuts" + ] + }, + { + "id": 31550, + "ingredients": [ + "bell pepper", + "paprika", + "onions", + "ground black pepper", + "ackee", + "scallions", + "pepper", + "any", + "garlic", + "fresh thyme", + "vegetable oil", + "codfish" + ] + }, + { + "id": 370, + "ingredients": [ + "olive oil", + "yellow onion", + "black pepper", + "spring onions", + "medium tomatoes", + "fresh lime juice", + "hearts of palm", + "salt" + ] + }, + { + "id": 23916, + "ingredients": [ + "pimentos", + "provolone cheese", + "pepperoni slices", + "fusilli", + "green bell pepper", + "salami", + "italian salad dressing", + "cherry tomatoes", + "black olives" + ] + }, + { + "id": 16521, + "ingredients": [ + "mango", + "lumpia skins", + "peanut butter", + "bananas" + ] + }, + { + "id": 22802, + "ingredients": [ + "garbanzo beans", + "salt", + "white sugar", + "eggs", + "semisweet chocolate", + "unsweetened chocolate", + "ground cinnamon", + "ground walnuts", + "all-purpose flour", + "shortening", + "dates", + "confectioners sugar" + ] + }, + { + "id": 16357, + "ingredients": [ + "salt and ground black pepper", + "eggs", + "zucchini", + "garlic powder", + "olive oil", + "grated parmesan cheese" + ] + }, + { + "id": 21960, + "ingredients": [ + "brown sugar", + "ground nutmeg", + "salt", + "beer", + "melted butter", + "lime juice", + "raisins", + "sauce", + "ground cinnamon", + "water", + "baking powder", + "all-purpose flour", + "eggs", + "milk", + "vanilla extract", + "ground allspice" + ] + }, + { + "id": 13401, + "ingredients": [ + "skim milk", + "dry bread crumbs", + "vegetable oil cooking spray", + "eggplant", + "boiling water", + "sun-dried tomatoes", + "Italian bread", + "mayonaise", + "veal" + ] + }, + { + "id": 46443, + "ingredients": [ + "milk", + "ricotta cheese", + "confectioners sugar", + "baking powder", + "cake flour", + "granulated sugar", + "vanilla extract", + "eggs", + "vegetable oil", + "salt" + ] + }, + { + "id": 28013, + "ingredients": [ + "chicken broth", + "spanish chorizo", + "red bell pepper", + "saffron threads", + "smoked sausage", + "freshly ground pepper", + "long grain white rice", + "olive oil", + "yellow onion", + "petite peas", + "clams", + "salt", + "garlic cloves", + "large shrimp" + ] + }, + { + "id": 47479, + "ingredients": [ + "olive oil", + "cheese", + "corn tortillas", + "green onions", + "chanterelle", + "unsalted butter", + "garlic", + "onions", + "sea salt", + "freshly ground pepper" + ] + }, + { + "id": 28441, + "ingredients": [ + "pasta sauce", + "roasted red peppers", + "chopped onion", + "frozen chopped spinach", + "part-skim mozzarella cheese", + "cooking spray", + "1% low-fat cottage cheese", + "chopped green bell pepper", + "garlic cloves", + "fresh basil", + "fresh parmesan cheese", + "lasagna noodles, cooked and drained" + ] + }, + { + "id": 48359, + "ingredients": [ + "garlic powder", + "chipotle chile powder", + "soy sauce", + "onion powder", + "ground cumin", + "lime zest", + "flank steak", + "dried oregano", + "olive oil", + "fresh lime juice" + ] + }, + { + "id": 4193, + "ingredients": [ + "scallions", + "egg noodles", + "beansprouts", + "dark soy sauce", + "oil", + "regular soy sauce" + ] + }, + { + "id": 10128, + "ingredients": [ + "pasta sauce", + "sausages", + "frozen bread dough", + "grated parmesan cheese", + "dried oregano", + "shredded mozzarella cheese" + ] + }, + { + "id": 31943, + "ingredients": [ + "dry white wine", + "whipping cream", + "bay leaf", + "oysters", + "pecorino romano cheese", + "all-purpose flour", + "leeks", + "bacon", + "cayenne pepper", + "bread crumb fresh", + "butter", + "chopped celery" + ] + }, + { + "id": 22214, + "ingredients": [ + "rice flour", + "salt", + "cashew nuts", + "ground cardamom", + "jaggery", + "dates", + "ghee" + ] + }, + { + "id": 19154, + "ingredients": [ + "clove", + "unsalted pistachios", + "salt", + "cinnamon sticks", + "phyllo dough", + "almonds", + "fresh lemon juice", + "ground cinnamon", + "water", + "walnuts", + "wildflower honey", + "sugar", + "cooking spray", + "ground cardamom" + ] + }, + { + "id": 40075, + "ingredients": [ + "sea scallops", + "fresh oregano", + "lemon", + "olive oil", + "large garlic cloves", + "bay leaves" + ] + }, + { + "id": 28502, + "ingredients": [ + "olive oil", + "grated Gruyère cheese", + "large garlic cloves", + "onions", + "whole milk", + "poblano chiles", + "red potato", + "whipping cream" + ] + }, + { + "id": 26138, + "ingredients": [ + "bacon", + "onions", + "black-eyed peas", + "garlic cloves", + "chicken broth", + "salt", + "ground black pepper", + "celery" + ] + }, + { + "id": 43438, + "ingredients": [ + "granulated sugar", + "cachaca", + "coconut water", + "shredded coconut" + ] + }, + { + "id": 2242, + "ingredients": [ + "red wine", + "potato starch", + "lemon juice", + "sour cherries", + "granulated sugar" + ] + }, + { + "id": 26504, + "ingredients": [ + "semisweet chocolate", + "fine sea salt", + "unsalted butter", + "Irish whiskey", + "blanched almonds", + "vanilla sugar", + "chocolate", + "instant espresso powder", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 39388, + "ingredients": [ + "zucchini", + "sliced carrots", + "garlic cloves", + "soy sauce", + "sesame oil", + "scallions", + "kimchi juice", + "extra firm tofu", + "Gochujang base", + "agave nectar", + "vegetable oil", + "toasted sesame seeds" + ] + }, + { + "id": 30011, + "ingredients": [ + "enchilada sauce", + "black beans", + "ground beef", + "corn tortillas", + "shredded cheddar cheese" + ] + }, + { + "id": 21840, + "ingredients": [ + "leeks", + "grated Gruyère cheese", + "unsalted butter", + "sea salt", + "boiling potatoes", + "pepper", + "heavy cream", + "garlic cloves", + "vermouth", + "gruyere cheese" + ] + }, + { + "id": 46986, + "ingredients": [ + "fresh basil", + "sun-dried tomatoes", + "diced tomatoes", + "chopped onion", + "boiling water", + "water", + "zucchini", + "chopped celery", + "ham", + "black pepper", + "fresh parmesan cheese", + "linguine", + "garlic cloves", + "olive oil", + "cannellini beans", + "salt", + "carrots" + ] + }, + { + "id": 47365, + "ingredients": [ + "celery ribs", + "garlic powder", + "carrots", + "cabbage", + "soy sauce", + "vegetable oil", + "corn starch", + "eggs", + "egg roll wrappers", + "shrimp", + "black pepper", + "chopped onion", + "beansprouts" + ] + }, + { + "id": 16845, + "ingredients": [ + "honey", + "ginger", + "duck", + "warm water", + "spring onions", + "salt", + "oil", + "chinese rice wine", + "hoisin sauce", + "red", + "chinese five-spice powder", + "caster sugar", + "bean paste", + "rice vinegar" + ] + }, + { + "id": 14543, + "ingredients": [ + "fresh ginger", + "sea salt", + "peanut oil", + "masala", + "sliced almonds", + "unsalted butter", + "cilantro leaves", + "onions", + "chiles", + "ground black pepper", + "diced tomatoes", + "coconut milk", + "plain yogurt", + "lemon", + "rice", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 26612, + "ingredients": [ + "ground cinnamon", + "raisins", + "white sugar", + "baking soda", + "all-purpose flour", + "eggs", + "salt", + "mango", + "vegetable oil", + "lemon juice" + ] + }, + { + "id": 24167, + "ingredients": [ + "salt", + "sour cream", + "sugar", + "all-purpose flour", + "eggs", + "crème fraîche", + "unsalted butter", + "pippin apples" + ] + }, + { + "id": 16540, + "ingredients": [ + "soy sauce", + "chinese cabbage", + "corn starch", + "bamboo shoots", + "brown sugar", + "vegetable oil", + "garlic cloves", + "lumpia skins", + "pork", + "salt", + "shrimp", + "onions", + "lettuce", + "water", + "peanut oil", + "beansprouts" + ] + }, + { + "id": 11760, + "ingredients": [ + "brandy", + "whipping cream", + "grated orange peel", + "baking soda", + "salt", + "powdered sugar", + "large egg yolks", + "vanilla extract", + "sugar", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 27205, + "ingredients": [ + "fresh cilantro", + "turkey stock", + "chopped onion", + "onions", + "kosher salt", + "poblano peppers", + "tomatillos", + "flavored oil", + "green chile", + "hominy", + "Mexican oregano", + "turkey meat", + "lime juice", + "serrano peppers", + "garlic", + "pepitas" + ] + }, + { + "id": 27053, + "ingredients": [ + "canned tomatoes", + "garlic cloves", + "vegetable oil", + "crabmeat", + "onions", + "unsalted butter", + "salt", + "fresh lemon juice", + "old bay seasoning", + "scallions", + "long grain white rice" + ] + }, + { + "id": 11126, + "ingredients": [ + "cornbread", + "roasted red peppers", + "feta cheese crumbles", + "romaine lettuce", + "buttermilk", + "smoked turkey", + "bacon slices", + "dressing", + "green onions" + ] + }, + { + "id": 4673, + "ingredients": [ + "vidalia onion", + "sliced cucumber", + "english cucumber", + "fat free less sodium chicken broth", + "buttermilk", + "fresh lemon juice", + "white pepper", + "baking potatoes", + "garlic cloves", + "olive oil", + "salt" + ] + }, + { + "id": 6873, + "ingredients": [ + "whole wheat flour", + "sweet potatoes", + "fresh orange juice", + "chopped pecans", + "large eggs", + "vegetable oil", + "all-purpose flour", + "ground cinnamon", + "cooking spray", + "butter", + "dark brown sugar", + "ground nutmeg", + "baking powder", + "salt" + ] + }, + { + "id": 6924, + "ingredients": [ + "shredded cheddar cheese", + "chopped onion", + "chile pepper", + "boneless skinless chicken breast halves", + "evaporated milk", + "corn tortillas", + "condensed cream of mushroom soup" + ] + }, + { + "id": 1156, + "ingredients": [ + "won ton wrappers", + "oil", + "crabmeat", + "chopped cilantro fresh", + "fresh ginger root", + "dried parsley", + "dark soy sauce", + "cream cheese" + ] + }, + { + "id": 35065, + "ingredients": [ + "chicken stock", + "black pepper", + "crushed red pepper flakes", + "green chilies", + "fish sauce", + "thai basil", + "garlic", + "onions", + "tomatoes", + "curry powder", + "ginger", + "coconut milk", + "brown sugar", + "lime wedges", + "salt" + ] + }, + { + "id": 25018, + "ingredients": [ + "eggs", + "soy sauce", + "star anise", + "mayonaise", + "water", + "cinnamon sticks", + "tea bags", + "pepper", + "scallions", + "fennel seeds", + "sugar", + "szechwan peppercorns", + "rice crackers" + ] + }, + { + "id": 2013, + "ingredients": [ + "granulated sugar", + "vanilla", + "unsalted butter", + "cinnamon", + "confectioners sugar", + "phyllo dough", + "large eggs", + "salt", + "semolina flour", + "whole milk", + "walnuts" + ] + }, + { + "id": 41180, + "ingredients": [ + "minced garlic", + "grated parmesan cheese", + "tomatoes with juice", + "dried oregano", + "ground fennel", + "olive oil", + "orzo pasta", + "Italian turkey sausage", + "dried basil", + "beef stock", + "salt", + "chicken stock", + "ground black pepper", + "baby kale", + "onions" + ] + }, + { + "id": 133, + "ingredients": [ + "crushed garlic", + "chopped cilantro fresh", + "olive oil", + "carrots", + "chile paste", + "vegetable broth", + "potatoes", + "onions" + ] + }, + { + "id": 15558, + "ingredients": [ + "spinach", + "fish paste", + "citron", + "soy sauce", + "bonito", + "sake", + "salt", + "water", + "konbu" + ] + }, + { + "id": 25721, + "ingredients": [ + "jalapeno chilies", + "orange juice", + "ground cumin", + "lime juice", + "jicama", + "carrots", + "olive oil", + "salt", + "chopped cilantro fresh", + "pepper", + "shredded cabbage", + "garlic cloves" + ] + }, + { + "id": 36543, + "ingredients": [ + "saltines", + "ground red pepper", + "peanut oil", + "milk", + "salt", + "fresh parsley", + "black pepper", + "baking powder", + "steak", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 4381, + "ingredients": [ + "white vinegar", + "ketchup", + "green onions", + "oil", + "sugar", + "sesame seeds", + "crushed red pepper flakes", + "soy sauce", + "garlic powder", + "salt", + "eggs", + "pepper", + "chicken breasts", + "corn starch" + ] + }, + { + "id": 12857, + "ingredients": [ + "white vinegar", + "water", + "garlic", + "pork", + "pork liver", + "pork heart", + "pepper", + "bay leaves", + "onions", + "tomatoes", + "olive oil", + "salt" + ] + }, + { + "id": 43016, + "ingredients": [ + "daal", + "coriander powder", + "leeks", + "lemon", + "onions", + "garlic paste", + "vegetables", + "prawns", + "chili powder", + "salt", + "ginger paste", + "warm water", + "garam masala", + "potato sticks", + "boneless chicken", + "coconut milk", + "ground cumin", + "boiled eggs", + "egg noodles", + "spring onions", + "garlic", + "coriander" + ] + }, + { + "id": 44901, + "ingredients": [ + "soy sauce", + "black bean sauce", + "toasted sesame oil", + "salad greens", + "ponzu", + "minced garlic", + "chili paste", + "salmon fillets", + "fresh ginger", + "oyster sauce" + ] + }, + { + "id": 47981, + "ingredients": [ + "cheddar cheese", + "olive oil", + "salt", + "tomatoes", + "mozzarella cheese", + "marinara sauce", + "cumin", + "black beans", + "beef", + "rice", + "green bell pepper", + "water", + "chili powder" + ] + }, + { + "id": 17942, + "ingredients": [ + "water", + "chili powder", + "garlic", + "cumin", + "red kidney beans", + "green onions", + "red pepper", + "sliced mushrooms", + "ground pepper", + "vegetable oil", + "salt", + "shredded low-fat cheddar cheese", + "converted rice", + "diced tomatoes", + "onions" + ] + }, + { + "id": 10158, + "ingredients": [ + "sultana", + "large eggs", + "apples", + "cocoa powder", + "plain flour", + "mixed spice", + "raisins", + "salt", + "dried fig", + "molasses sugar", + "bitter chocolate", + "extra-virgin olive oil", + "whiskey", + "black treacle", + "glace cherries", + "currant", + "clotted cream" + ] + }, + { + "id": 11575, + "ingredients": [ + "tomatoes", + "radishes", + "frozen corn", + "lime", + "butternut squash", + "black beans", + "bell pepper", + "carrots", + "avocado", + "quinoa", + "green onions" + ] + }, + { + "id": 2784, + "ingredients": [ + "mashed potatoes", + "large garlic cloves", + "frozen peas", + "olive oil", + "fresh parsley", + "water", + "brown gravy seasoning mix", + "ground lamb", + "mushrooms", + "onions" + ] + }, + { + "id": 229, + "ingredients": [ + "salt", + "chopped parsley", + "butter", + "freshly ground pepper", + "olive oil", + "snapper fillets", + "lemon", + "toasted slivered almonds" + ] + }, + { + "id": 3330, + "ingredients": [ + "vodka", + "fresh mint", + "lemon", + "peaches", + "boiling water", + "tea bags", + "simple syrup" + ] + }, + { + "id": 8096, + "ingredients": [ + "mayonaise", + "fresh lemon juice", + "cream of chicken soup", + "curry powder", + "fat", + "boneless skinless chicken breasts" + ] + }, + { + "id": 10475, + "ingredients": [ + "yukon gold potatoes", + "olive oil", + "garlic cloves", + "bacon", + "parmigiano reggiano cheese", + "flat leaf parsley" + ] + }, + { + "id": 28164, + "ingredients": [ + "brown sugar", + "semisweet chocolate", + "large egg whites", + "salt", + "hazelnuts", + "vanilla extract", + "cream of tartar", + "granulated sugar" + ] + }, + { + "id": 40324, + "ingredients": [ + "cooked rice", + "carrots", + "minced garlic", + "chicken", + "soy sauce", + "frozen peas", + "eggs", + "sesame oil" + ] + }, + { + "id": 35644, + "ingredients": [ + "honey", + "shallots", + "garlic", + "unsalted butter", + "heavy cream", + "herbes de provence", + "dried porcini mushrooms", + "pork tenderloin", + "extra-virgin olive oil", + "boiling water", + "salt and ground black pepper", + "lemon", + "cognac" + ] + }, + { + "id": 12882, + "ingredients": [ + "garlic powder", + "boneless skinless chicken breasts", + "carrots", + "water", + "hot pepper sauce", + "fresh mushrooms", + "ground black pepper", + "salt", + "rotini", + "frozen okra", + "green onions", + "wild rice" + ] + }, + { + "id": 36403, + "ingredients": [ + "vegetable oil", + "tortilla chips", + "crema mexicana", + "purple onion", + "green chile", + "chees fresco queso", + "chopped cilantro fresh", + "cooked turkey", + "salsa" + ] + }, + { + "id": 31482, + "ingredients": [ + "daal", + "idli", + "oil", + "cashew nuts", + "spinach", + "yoghurt", + "green chilies", + "frozen peas", + "red chili powder", + "semolina", + "salt", + "mustard seeds", + "curry leaves", + "water", + "purple onion", + "carrots", + "ground cumin" + ] + }, + { + "id": 19854, + "ingredients": [ + "water", + "ground red pepper", + "all-purpose flour", + "carrots", + "dried oregano", + "celery ribs", + "olive oil", + "salt", + "garlic cloves", + "bay leaf", + "tomato paste", + "ground black pepper", + "lemon slices", + "lemon juice", + "onions", + "crushed tomatoes", + "crushed red pepper", + "beef rib short", + "celery" + ] + }, + { + "id": 34136, + "ingredients": [ + "lettuce", + "water", + "tortilla chips", + "ground beef", + "picante sauce", + "green pepper", + "sour cream", + "tomatoes", + "refried beans", + "taco seasoning", + "shredded cheddar cheese", + "chopped onion", + "ripe olives" + ] + }, + { + "id": 26289, + "ingredients": [ + "olive oil", + "salt", + "onions", + "red pepper flakes", + "freshly ground pepper", + "crushed tomatoes", + "dry red wine", + "sausages", + "freshly grated parmesan", + "penne pasta", + "marjoram" + ] + }, + { + "id": 24955, + "ingredients": [ + "cream style corn", + "pepper", + "cornmeal", + "seasoning salt", + "large eggs" + ] + }, + { + "id": 3785, + "ingredients": [ + "garlic paste", + "chile pepper", + "rice flour", + "ground cumin", + "tomatoes", + "prawns", + "salt", + "chopped cilantro fresh", + "garam masala", + "heavy cream", + "onions", + "red chili powder", + "cooking oil", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 42392, + "ingredients": [ + "fresh basil", + "olive oil", + "ground chicken", + "garlic", + "pasta sauce", + "minced onion", + "mozzarella cheese", + "penne pasta" + ] + }, + { + "id": 40628, + "ingredients": [ + "black beans", + "flour tortillas", + "sharp cheddar cheese", + "water", + "salt", + "iceberg lettuce", + "pepper", + "ground sirloin", + "sour cream", + "vidalia onion", + "olive oil", + "salsa" + ] + }, + { + "id": 4253, + "ingredients": [ + "spring onions", + "ramps", + "pepper", + "sea salt", + "olives", + "crusty bread", + "Marcona almonds", + "green beans", + "sherry vinegar", + "garlic" + ] + }, + { + "id": 19562, + "ingredients": [ + "red wine vinegar", + "salt", + "steak", + "unsalted butter", + "anise", + "freshly ground pepper", + "olive oil", + "large garlic cloves", + "calimyrna figs", + "shallots", + "fresh orange juice", + "tart apples" + ] + }, + { + "id": 1189, + "ingredients": [ + "burrata", + "extra-virgin olive oil", + "ground black pepper", + "fresh basil leaves", + "kosher salt", + "fleur de sel", + "heirloom tomatoes", + "dried oregano" + ] + }, + { + "id": 27870, + "ingredients": [ + "lasagna noodles", + "pork sausages", + "spinach", + "ricotta cheese", + "grated parmesan cheese", + "pasta sauce", + "shredded mozzarella cheese" + ] + }, + { + "id": 339, + "ingredients": [ + "base", + "lemon juice", + "water", + "fine salt", + "dried chile", + "molasses", + "vinegar", + "carrots", + "granulated sugar", + "yellow onion", + "ground cumin" + ] + }, + { + "id": 36589, + "ingredients": [ + "fresh parmesan cheese", + "grated lemon zest", + "fresh parsley", + "pinenuts", + "purple onion", + "fresh lemon juice", + "penne", + "ground black pepper", + "garlic cloves", + "olive oil", + "salt", + "albacore tuna in water" + ] + }, + { + "id": 519, + "ingredients": [ + "pepper", + "mushrooms", + "cooking wine", + "garlic cloves", + "lettuce", + "pork tenderloin", + "sesame oil", + "green pepper", + "ginger root", + "light soy sauce", + "spring onions", + "salt", + "corn starch", + "sugar", + "starch", + "red pepper", + "peanut oil", + "black vinegar" + ] + }, + { + "id": 26577, + "ingredients": [ + "garlic cloves", + "water", + "asian fish sauce", + "crushed red pepper flakes", + "sugar", + "fresh lime juice" + ] + }, + { + "id": 9258, + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "garlic", + "sliced mushrooms", + "white sugar", + "tomato paste", + "chopped green bell pepper", + "lean ground beef", + "cayenne pepper", + "fresh parsley", + "italian seasoning", + "ground black pepper", + "green onions", + "salt", + "sour cream", + "dried oregano", + "crushed tomatoes", + "egg noodles", + "paprika", + "cream cheese", + "onions" + ] + }, + { + "id": 18690, + "ingredients": [ + "minced garlic", + "fresh lemon juice", + "harissa paste", + "ground black pepper", + "baby back ribs", + "kosher salt", + "beer" + ] + }, + { + "id": 41665, + "ingredients": [ + "sugar", + "rapid rise yeast", + "garlic powder", + "all-purpose flour", + "warm water", + "salt", + "eggs", + "butter", + "greek yogurt" + ] + }, + { + "id": 4485, + "ingredients": [ + "kosher salt", + "garlic", + "corn tortillas", + "chopped cilantro fresh", + "avocado", + "lime juice", + "rice", + "chopped cilantro", + "chili pepper", + "purple onion", + "adobo sauce", + "monterey jack", + "pasta", + "boneless skinless chicken breasts", + "sour cream", + "roasted tomatoes" + ] + }, + { + "id": 6221, + "ingredients": [ + "water", + "rice vinegar", + "ketchup", + "garlic", + "fresh ginger root", + "corn starch", + "sugar", + "hot pepper" + ] + }, + { + "id": 8131, + "ingredients": [ + "artichoke hearts", + "peas", + "fresh basil leaves", + "grated parmesan cheese", + "salt", + "large eggs", + "whipping cream", + "mozzarella cheese", + "whole milk ricotta cheese", + "oven-ready lasagna noodles" + ] + }, + { + "id": 27672, + "ingredients": [ + "light brown sugar", + "ketchup", + "lemon", + "hot sauce", + "red chili powder", + "unsalted butter", + "extra-virgin olive oil", + "onions", + "chicken wings", + "bay leaves", + "salt", + "oregano", + "clove", + "dried thyme", + "worcestershire sauce", + "cayenne pepper" + ] + }, + { + "id": 13033, + "ingredients": [ + "pineapple juice", + "water", + "brown sugar", + "dark rum" + ] + }, + { + "id": 34580, + "ingredients": [ + "boneless chicken skinless thigh", + "rice wine", + "roasted peanuts", + "dark soy sauce", + "spring onions", + "cornflour", + "caster sugar", + "szechwan peppercorns", + "chinese black vinegar", + "chicken stock", + "water", + "vegetable oil", + "chillies" + ] + }, + { + "id": 30508, + "ingredients": [ + "soy sauce", + "flour", + "sesame oil", + "minced pork", + "dark soy sauce", + "ground pepper", + "shallots", + "salt", + "cabbage", + "water", + "chives", + "ginger", + "yeast", + "sugar", + "instant yeast", + "rice wine", + "all-purpose flour" + ] + }, + { + "id": 38865, + "ingredients": [ + "lettuce", + "lean ground beef", + "taco seasoning", + "onions", + "black beans", + "frozen corn", + "shredded cheese", + "tomatoes", + "cilantro", + "red enchilada sauce", + "ground cumin", + "flour tortillas", + "salsa", + "sour cream" + ] + }, + { + "id": 47149, + "ingredients": [ + "pancetta", + "olive oil", + "beef broth", + "kosher salt", + "shallots", + "chuck", + "dried porcini mushrooms", + "fresh thyme", + "orange peel", + "pepper", + "dry red wine" + ] + }, + { + "id": 24924, + "ingredients": [ + "bread", + "lemon", + "salt", + "dry white wine", + "garlic", + "ground white pepper", + "shallots", + "snails", + "flat leaf parsley", + "chopped fresh chives", + "european style butter", + "fresh oregano" + ] + }, + { + "id": 38795, + "ingredients": [ + "fish sauce", + "lemongrass", + "ground pepper", + "sea salt", + "Thai eggplants", + "ground turmeric", + "red chili peppers", + "fresh ginger", + "shallots", + "garlic", + "shrimp", + "coconut oil", + "fresh cilantro", + "lemon zest", + "thai chile", + "scallions", + "ground cumin", + "sugar pea", + "coriander seeds", + "chili powder", + "red curry paste", + "coconut milk" + ] + }, + { + "id": 44825, + "ingredients": [ + "nutmeg", + "slivered almonds", + "sweet potatoes", + "diced tomatoes", + "black olives", + "onions", + "chili flakes", + "artichoke hearts", + "lemon", + "vegetable broth", + "green beans", + "boiling water", + "prunes", + "olive oil", + "cinnamon", + "ginger", + "thyme", + "soy", + "clove", + "brown sugar", + "dried apricot", + "red pepper", + "garlic", + "couscous", + "saffron" + ] + }, + { + "id": 36855, + "ingredients": [ + "cold water", + "chopped fresh mint", + "strawberries", + "fresh lime juice", + "sugar" + ] + }, + { + "id": 48305, + "ingredients": [ + "pepper", + "salt", + "butter", + "pickle juice", + "mustard greens", + "onions", + "turnip greens", + "bacon" + ] + }, + { + "id": 19482, + "ingredients": [ + "green bell pepper", + "bay leaves", + "garlic cloves", + "chicken broth", + "pepper", + "salt", + "onions", + "ground cloves", + "yellow rice seasoning mix", + "chicken pieces", + "tomatoes", + "olive oil", + "long-grain rice", + "dried oregano" + ] + }, + { + "id": 8935, + "ingredients": [ + "cherry tomatoes", + "jalapeno chilies", + "cream cheese", + "avocado", + "ground black pepper", + "salt", + "fresh lime juice", + "black beans", + "Mexican cheese blend", + "salsa", + "iceberg lettuce", + "taco seasoning mix", + "purple onion", + "sour cream" + ] + }, + { + "id": 37946, + "ingredients": [ + "rosemary", + "lemon juice", + "black pepper", + "giblet", + "bay leaf", + "olive oil", + "celery", + "kosher salt", + "garlic", + "onions" + ] + }, + { + "id": 13755, + "ingredients": [ + "fresh ginger", + "crushed red pepper", + "garlic cloves", + "plain low-fat yogurt", + "cooking spray", + "cardamom pods", + "cinnamon sticks", + "salmon fillets", + "seeds", + "cumin seed", + "bay leaf", + "clove", + "coriander seeds", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 47007, + "ingredients": [ + "red kidnei beans, rins and drain", + "low sodium chicken broth", + "long grain white rice", + "white onion", + "extra-virgin olive oil", + "fresh oregano leaves", + "coarse salt", + "ground cumin", + "green bell pepper", + "ground pepper", + "garlic cloves" + ] + }, + { + "id": 34742, + "ingredients": [ + "dark soy sauce", + "fresh ginger root", + "peas", + "bamboo shoots", + "orange", + "hoisin sauce", + "chinese five-spice powder", + "soy sauce", + "clear honey", + "ducklings", + "dried thyme", + "ginger", + "toasted sesame oil" + ] + }, + { + "id": 8527, + "ingredients": [ + "soba", + "green onions", + "sesame seeds", + "peanut sauce" + ] + }, + { + "id": 19206, + "ingredients": [ + "grated parmesan cheese", + "chopped parsley", + "Wish-Bone Italian Dressing", + "pitted olives", + "salami", + "rotel pasta, cook and drain", + "green bell pepper, slice", + "purple onion" + ] + }, + { + "id": 25799, + "ingredients": [ + "sesame seeds", + "garlic", + "soy sauce", + "green onions", + "iceberg lettuce", + "sugar", + "asian pear", + "round steaks", + "fresh ginger", + "sesame oil" + ] + }, + { + "id": 26985, + "ingredients": [ + "celery ribs", + "chicken breast halves", + "bay leaf", + "large eggs", + "low salt chicken broth", + "onions", + "cold water", + "carrots", + "fresh parsley", + "grated parmesan cheese", + "farina" + ] + }, + { + "id": 49104, + "ingredients": [ + "jumbo shrimp", + "hot pepper sauce", + "heavy cream", + "sliced green onions", + "chicken stock", + "minced garlic", + "butter", + "smoked gouda", + "spinach", + "salt and ground black pepper", + "portabello mushroom", + "grits", + "white wine", + "shallots", + "bacon" + ] + }, + { + "id": 47871, + "ingredients": [ + "minced garlic", + "french fries", + "grated parmesan cheese", + "kosher salt", + "cajun seasoning" + ] + }, + { + "id": 45767, + "ingredients": [ + "water", + "red wine vinegar", + "salt", + "chopped fresh mint", + "fresh ginger root", + "garlic", + "red bell pepper", + "canola oil", + "fish sauce", + "sherry", + "unsalted dry roast peanuts", + "onions", + "eggplant", + "chinese wheat noodles", + "corn starch", + "white sugar" + ] + }, + { + "id": 42406, + "ingredients": [ + "eggs", + "salt", + "milk", + "all-purpose flour" + ] + }, + { + "id": 39016, + "ingredients": [ + "mayonaise", + "vegetable oil", + "beer", + "cod fillets", + "all-purpose flour", + "lime", + "salt", + "corn tortillas", + "shredded cabbage", + "salsa" + ] + }, + { + "id": 32666, + "ingredients": [ + "seasoning", + "white wine", + "green onions", + "mango", + "sweet chili sauce", + "garnish", + "salad oil", + "soy sauce", + "fresh lime", + "salt", + "black pepper", + "sea scallops", + "fresh lime juice" + ] + }, + { + "id": 47848, + "ingredients": [ + "turnips", + "ground black pepper", + "bacon", + "onions", + "green bell pepper", + "hot pepper sauce", + "garlic", + "water", + "apple cider vinegar", + "celery seed", + "honey", + "mustard greens", + "red bell pepper" + ] + }, + { + "id": 23698, + "ingredients": [ + "sea salt", + "fontina cheese", + "pizza doughs", + "extra-virgin olive oil", + "baby arugula", + "freshly ground pepper" + ] + }, + { + "id": 21671, + "ingredients": [ + "ginger", + "sugar", + "tangerine juice", + "cachaca", + "tangerine" + ] + }, + { + "id": 9897, + "ingredients": [ + "cider vinegar", + "garlic cloves", + "red bell pepper", + "ground red pepper", + "mustard seeds", + "cabbage", + "jalapeno chilies", + "carrots", + "sour cream", + "sugar", + "salt", + "celery seed", + "canola oil" + ] + }, + { + "id": 5454, + "ingredients": [ + "black peppercorns", + "paprika", + "cayenne", + "cumin seed", + "coriander seeds", + "cardamom pods", + "ground ginger", + "whole cloves", + "cinnamon sticks" + ] + }, + { + "id": 45957, + "ingredients": [ + "saffron threads", + "red wine vinegar", + "peanut oil", + "sugar", + "extra-virgin olive oil", + "egg substitute", + "salt", + "orange juice concentrate", + "large garlic cloves" + ] + }, + { + "id": 41165, + "ingredients": [ + "pepper", + "salt", + "diced tomatoes", + "onions", + "potatoes", + "lentils", + "polish sausage", + "garlic" + ] + }, + { + "id": 4571, + "ingredients": [ + "hamburger buns", + "ground sirloin", + "mozzarella cheese", + "Italian turkey sausage", + "kosher salt", + "butter", + "marinara sauce", + "italian seasoning" + ] + }, + { + "id": 29052, + "ingredients": [ + "Spice Islands Garlic Powder", + "Spice Islands® Chipotle Chile Powder", + "boneless pork shoulder", + "chopped tomatoes", + "onions", + "Spice Islands Chili Powder", + "corn tortillas", + "Mazola Corn Oil", + "tomatillos", + "chopped cilantro fresh" + ] + }, + { + "id": 26740, + "ingredients": [ + "epazote", + "canola oil", + "white onion", + "waxy potatoes", + "garlic", + "kosher salt", + "poblano chiles" + ] + }, + { + "id": 12496, + "ingredients": [ + "sugar", + "roquefort", + "dry white wine", + "large egg yolks", + "red grape", + "all-purpose flour", + "sliced almonds", + "unsalted butter", + "heavy cream", + "water", + "large eggs", + "salt" + ] + }, + { + "id": 28878, + "ingredients": [ + "rutabaga", + "olive oil", + "pepper", + "salt", + "parsnips", + "sliced carrots", + "dried thyme", + "lemon juice" + ] + }, + { + "id": 45139, + "ingredients": [ + "garlic powder", + "salt", + "water", + "parsley", + "plum tomatoes", + "sugar", + "grated parmesan cheese", + "cayenne pepper", + "olive oil", + "heavy cream" + ] + }, + { + "id": 256, + "ingredients": [ + "reduced fat cream cheese", + "ground black pepper", + "all-purpose flour", + "chicken broth", + "olive oil", + "garlic", + "white wine", + "butter", + "boneless skinless chicken breast halves", + "fresh basil", + "prosciutto", + "purple onion" + ] + }, + { + "id": 5311, + "ingredients": [ + "milk", + "grated parmesan cheese", + "flat leaf parsley", + "finely chopped onion", + "salt", + "bread crumbs", + "large eggs", + "ground meat", + "ground black pepper", + "garlic" + ] + }, + { + "id": 32114, + "ingredients": [ + "garlic salt", + "avocado" + ] + }, + { + "id": 36869, + "ingredients": [ + "gingersnap crumbs", + "sugar", + "butter" + ] + }, + { + "id": 39652, + "ingredients": [ + "lower sodium chicken broth", + "olive oil", + "butternut squash", + "grated lemon zest", + "arborio rice", + "water", + "parmigiano reggiano cheese", + "salt", + "pancetta", + "lemon thyme", + "finely chopped onion", + "garlic", + "chardonnay", + "brown sugar", + "ground black pepper", + "butter", + "chopped walnuts" + ] + }, + { + "id": 25933, + "ingredients": [ + "ground cinnamon", + "milk", + "butter", + "warm water", + "honey", + "all-purpose flour", + "eggs", + "active dry yeast", + "salt", + "water", + "vegetable oil", + "white sugar" + ] + }, + { + "id": 38099, + "ingredients": [ + "chinese rice wine", + "all-purpose flour", + "mushroom soy sauce", + "corn", + "duck", + "salt", + "five-spice powder", + "fresh ginger", + "scallions" + ] + }, + { + "id": 38369, + "ingredients": [ + "large eggs", + "walnuts", + "milk", + "butter", + "white sugar", + "bread crumbs", + "baking powder", + "apricots", + "honey", + "all-purpose flour" + ] + }, + { + "id": 22489, + "ingredients": [ + "collard greens", + "garlic", + "olive oil", + "freshly ground pepper", + "kale", + "salt", + "hot pepper sauce", + "fresh lemon juice" + ] + }, + { + "id": 11365, + "ingredients": [ + "garam masala", + "paprika", + "greek style plain yogurt", + "chopped cilantro", + "boneless skinless chicken breasts", + "garlic", + "cayenne pepper", + "ground black pepper", + "ginger", + "yellow onion", + "cumin", + "tomato purée", + "heavy cream", + "salt", + "corn starch" + ] + }, + { + "id": 48544, + "ingredients": [ + "salt", + "buttermilk", + "cake flour", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 22670, + "ingredients": [ + "potatoes", + "onions", + "ground black pepper", + "coarse salt", + "large eggs", + "garlic cloves", + "vegetable oil" + ] + }, + { + "id": 1218, + "ingredients": [ + "sugar pea", + "Asian chili sauce", + "boneless pork shoulder", + "ground black pepper", + "shaoxing", + "fresh ginger", + "garlic", + "light brown sugar", + "reduced sodium soy sauce", + "chinese five-spice powder" + ] + }, + { + "id": 39519, + "ingredients": [ + "black pepper", + "dried oregano", + "halloumi cheese", + "olive oil", + "fresh lemon juice" + ] + }, + { + "id": 8839, + "ingredients": [ + "goat cheese", + "pizza crust", + "crushed red pepper", + "pesto", + "plum tomatoes" + ] + }, + { + "id": 36245, + "ingredients": [ + "Mexican cheese blend", + "sour cream", + "McCormick Chili Powder", + "McCormick Garlic Powder", + "tomatoes", + "green onions", + "refried beans", + "tortilla chips" + ] + }, + { + "id": 14797, + "ingredients": [ + "cooking spray", + "tortilla chips", + "shredded Monterey Jack cheese", + "fat free less sodium chicken broth", + "light cream cheese", + "corn tortillas", + "green chile", + "chicken breasts", + "enchilada sauce", + "evaporated skim milk", + "olive oil", + "chopped onion", + "extra sharp cheddar cheese" + ] + }, + { + "id": 5268, + "ingredients": [ + "sugar", + "chili powder", + "creamy peanut butter", + "chicken broth", + "chopped green chilies", + "garlic", + "boneless skinless chicken breast halves", + "clove", + "olive oil", + "Tabasco Pepper Sauce", + "onions", + "tomato sauce", + "unsweetened baking chocolate", + "salt" + ] + }, + { + "id": 10358, + "ingredients": [ + "mussels", + "rosemary", + "haddock", + "parsley", + "garlic cloves", + "sage leaves", + "white wine", + "lobster", + "lettuce leaves", + "yellow onion", + "tarragon", + "tomatoes", + "olive oil", + "basil leaves", + "fish stock", + "thyme", + "clams", + "scallops", + "potatoes", + "green onions", + "crabmeat" + ] + }, + { + "id": 10036, + "ingredients": [ + "honey", + "beef tenderloin", + "pepper", + "red wine vinegar", + "onions", + "soy sauce", + "green bell pepper, slice", + "salt", + "water", + "extra-virgin olive oil" + ] + }, + { + "id": 37307, + "ingredients": [ + "pepper", + "tartar sauce", + "slaw", + "Mexican oregano", + "cabbage", + "cod", + "olive oil", + "corn tortillas", + "kosher salt", + "ancho powder" + ] + }, + { + "id": 40597, + "ingredients": [ + "ground black pepper", + "chopped onion", + "boneless skinless chicken breast halves", + "cottage cheese", + "vegetable oil", + "sour cream", + "chile pepper", + "red enchilada sauce", + "shredded Monterey Jack cheese", + "taco seasoning mix", + "salt", + "corn tortillas" + ] + }, + { + "id": 29688, + "ingredients": [ + "shredded cheddar cheese", + "bacon", + "vegetable oil", + "corn tortillas", + "refried beans", + "salsa", + "eggs", + "butter" + ] + }, + { + "id": 19783, + "ingredients": [ + "sugar", + "salt", + "large egg whites", + "cream of tartar", + "bittersweet chocolate" + ] + }, + { + "id": 423, + "ingredients": [ + "tomatoes", + "cooking spray", + "chili powder", + "garlic cloves", + "ground cumin", + "red kidnei beans, rins and drain", + "ground red pepper", + "chopped onion", + "ripe olives", + "green chile", + "green onions", + "salsa", + "long grain brown rice", + "reduced fat cheddar cheese", + "ranch dressing", + "ground coriander", + "iceberg lettuce" + ] + }, + { + "id": 27353, + "ingredients": [ + "soy chorizo", + "poblano peppers", + "part-skim mozzarella cheese", + "cauliflower", + "onions" + ] + }, + { + "id": 19759, + "ingredients": [ + "eggs", + "water", + "toasted nori", + "soy sauce", + "flavored oil", + "sugar", + "cooked chicken", + "japanese rice", + "dashi powder", + "onions" + ] + }, + { + "id": 10429, + "ingredients": [ + "white miso", + "carrots", + "adzuki beans", + "vegetable oil", + "vegetable bouillon", + "water", + "scallions" + ] + }, + { + "id": 45689, + "ingredients": [ + "fresh dill", + "fennel bulb", + "olive oil", + "goat cheese", + "cherry tomatoes", + "large eggs", + "brine-cured olives", + "ground black pepper" + ] + }, + { + "id": 1169, + "ingredients": [ + "ground ginger", + "water", + "ginger", + "coconut oil", + "sea salt", + "onions", + "ground cinnamon", + "taro", + "carrots", + "cauliflower", + "minced garlic", + "cilantro", + "ground turmeric" + ] + }, + { + "id": 34243, + "ingredients": [ + "powdered sugar", + "semisweet chocolate", + "unsweetened chocolate", + "white chocolate", + "whipping cream", + "orange liqueur", + "grated orange peel", + "rose leaves", + "sour cream", + "unsalted butter", + "violets", + "unsweetened cocoa powder" + ] + }, + { + "id": 32838, + "ingredients": [ + "nutmeg", + "heavy cream", + "minced onion", + "salt", + "spinach", + "cook egg hard", + "butter" + ] + }, + { + "id": 48853, + "ingredients": [ + "Angostura bitters", + "ginger beer", + "cointreau liqueur", + "lime juice", + "rum" + ] + }, + { + "id": 45757, + "ingredients": [ + "pepper", + "salt", + "small red beans", + "olive oil", + "onions", + "dried thyme", + "garlic cloves", + "cooked brown rice", + "light coconut milk" + ] + }, + { + "id": 27531, + "ingredients": [ + "ground cinnamon", + "rolled oats", + "lemon", + "fine sea salt", + "natural vanilla extract", + "crumble topping", + "bourbon whiskey", + "extra-virgin olive oil", + "maple syrup", + "brown sugar", + "peaches", + "sea salt", + "pastry flour", + "black pepper", + "butter", + "vanilla extract", + "dark brown sugar" + ] + }, + { + "id": 32236, + "ingredients": [ + "fennel bulb", + "garlic cloves", + "fennel seeds", + "red wine vinegar", + "fresh lemon juice", + "olive oil", + "squid", + "oregano", + "tentacles", + "pita loaves", + "rib" + ] + }, + { + "id": 34638, + "ingredients": [ + "chicken stock", + "soy sauce", + "shallots", + "oil", + "sugar", + "flour", + "all-purpose flour", + "corn starch", + "dark soy sauce", + "active dry yeast", + "sesame oil", + "oyster sauce", + "warm water", + "baking powder", + "chinese roast pork", + "canola oil" + ] + }, + { + "id": 47946, + "ingredients": [ + "eggs", + "granulated sugar", + "confectioners sugar", + "roasted hazelnuts", + "brewed espresso", + "Frangelico", + "pure vanilla extract", + "unsalted butter", + "unsweetened chocolate", + "hazelnut paste", + "Dutch-processed cocoa powder", + "bittersweet chocolate" + ] + }, + { + "id": 30598, + "ingredients": [ + "sweet onion", + "fresh thyme leaves", + "salt", + "tomatoes", + "bell pepper", + "worcestershire sauce", + "bay leaf", + "ground black pepper", + "vegetable oil", + "smoked paprika", + "fresh rosemary", + "Tabasco Pepper Sauce", + "garlic", + "dried oregano" + ] + }, + { + "id": 1749, + "ingredients": [ + "chicken stock", + "pepper", + "large eggs", + "sesame oil", + "corn starch", + "soy sauce", + "fresh ginger", + "green onions", + "rice vinegar", + "sugar", + "water", + "water chestnuts", + "salt", + "bamboo shoots", + "dried black mushrooms", + "straw mushrooms", + "chili paste", + "boneless skinless chicken breasts", + "firm tofu" + ] + }, + { + "id": 21939, + "ingredients": [ + "kosher salt", + "lemon", + "black peppercorns", + "vegetables", + "fresh lemon juice", + "water", + "extra-virgin olive oil", + "rosemary sprigs", + "bay leaves" + ] + }, + { + "id": 30875, + "ingredients": [ + "butter", + "blanched almonds", + "cottage cheese", + "vanilla extract", + "white sugar", + "lemon extract", + "cream cheese", + "currant", + "sour cream" + ] + }, + { + "id": 42792, + "ingredients": [ + "semisweet chocolate", + "unsalted butter", + "white sandwich bread", + "Nutella" + ] + }, + { + "id": 12380, + "ingredients": [ + "tomato sauce", + "garlic", + "ground cumin", + "chili powder", + "oil", + "minced onion", + "salt", + "paprika", + "oregano" + ] + }, + { + "id": 48403, + "ingredients": [ + "soy sauce", + "freshly ground pepper", + "coarse salt", + "fresh lime juice", + "chinese noodles", + "toasted sesame oil", + "light brown sugar", + "crushed red pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 34186, + "ingredients": [ + "flour", + "cornmeal", + "salt", + "cold water" + ] + }, + { + "id": 15900, + "ingredients": [ + "brown sugar", + "prepared mustard", + "water", + "onions", + "cider vinegar", + "stewed tomatoes", + "red kidney beans", + "baked beans" + ] + }, + { + "id": 38907, + "ingredients": [ + "boneless pork shoulder", + "dried thyme", + "tomatillos", + "coca-cola", + "serrano chile", + "white onion", + "bay leaves", + "purple onion", + "lemon juice", + "tomatoes", + "jalapeno chilies", + "large garlic cloves", + "garlic cloves", + "kosher salt", + "Mexican oregano", + "grated lemon zest", + "chopped cilantro" + ] + }, + { + "id": 35447, + "ingredients": [ + "white pepper", + "garlic", + "green onions", + "onions", + "potatoes", + "chayotes", + "vegetable stock" + ] + }, + { + "id": 31842, + "ingredients": [ + "curry powder", + "salt", + "ground red pepper", + "mango chutney", + "orange marmalade", + "dark sesame oil" + ] + }, + { + "id": 33953, + "ingredients": [ + "ground black pepper", + "salt", + "french rolls", + "tomatoes", + "ground red pepper", + "sauce", + "lettuce leaves", + "all-purpose flour", + "milk", + "soft shelled crabs", + "peanut oil" + ] + }, + { + "id": 20569, + "ingredients": [ + "prosciutto", + "dry white wine", + "bread crumb fresh", + "large eggs", + "low salt chicken broth", + "arborio rice", + "unsalted butter", + "all-purpose flour", + "mozzarella cheese", + "grated parmesan cheese", + "onions" + ] + }, + { + "id": 29822, + "ingredients": [ + "olive oil", + "garlic", + "red swiss chard", + "salt and ground black pepper", + "pinenuts", + "prosciutto" + ] + }, + { + "id": 584, + "ingredients": [ + "water", + "coarse salt", + "garlic cloves", + "red kidney beans", + "Tabasco Pepper Sauce", + "hot sauce", + "bay leaf", + "green bell pepper", + "vegetable oil", + "meat bones", + "onions", + "celery ribs", + "dried thyme", + "white rice", + "sausages" + ] + }, + { + "id": 24004, + "ingredients": [ + "gluten", + "avocado", + "salsa", + "tortillas", + "black beans" + ] + }, + { + "id": 43265, + "ingredients": [ + "part-skim mozzarella cheese", + "part-skim ricotta cheese", + "pasta sauce", + "cooking spray", + "fresh basil", + "fresh parmesan cheese", + "pizza crust", + "mushrooms" + ] + }, + { + "id": 29251, + "ingredients": [ + "black peppercorns", + "crushed red pepper", + "large garlic cloves", + "low salt chicken broth", + "dry white wine", + "pork shoulder boston butt", + "fennel seeds", + "extra-virgin olive oil", + "coarse kosher salt" + ] + }, + { + "id": 33798, + "ingredients": [ + "honey", + "shallots", + "rack of lamb", + "pepper", + "merguez sausage", + "butter", + "veal stock", + "olive oil", + "balsamic vinegar", + "canola oil", + "rosemary", + "dijon mustard", + "salt" + ] + }, + { + "id": 21312, + "ingredients": [ + "basil leaves", + "extra-virgin olive oil", + "peaches", + "mozzarella balls", + "crusty bread", + "chives", + "salt", + "sliced almonds", + "balsamic vinegar", + "arugula" + ] + }, + { + "id": 3739, + "ingredients": [ + "gyoza skins", + "ground pork", + "toasted sesame oil", + "sugar", + "ground black pepper", + "salt", + "soy sauce", + "katakuriko", + "Japanese rice vinegar", + "green cabbage", + "water", + "ginger", + "chopped garlic" + ] + }, + { + "id": 24748, + "ingredients": [ + "shredded low-fat cheese", + "grilled chicken", + "corn tortillas", + "black beans", + "salsa", + "romaine lettuce", + "sea salt", + "avocado", + "pepper", + "sweet corn" + ] + }, + { + "id": 25311, + "ingredients": [ + "eggs", + "sugar", + "butter", + "bread flour", + "shortening", + "milk", + "all-purpose flour", + "powdered sugar", + "water", + "salt", + "vanilla essence", + "large eggs", + "yeast" + ] + }, + { + "id": 43715, + "ingredients": [ + "soy sauce", + "shichimi togarashi", + "dried shiitake mushrooms", + "konbu", + "pepper", + "daikon", + "root vegetables", + "carrots", + "konnyaku", + "sesame oil", + "firm tofu", + "gobo root", + "sake", + "water", + "salt", + "scallions" + ] + }, + { + "id": 21934, + "ingredients": [ + "bread crumb fresh", + "veal breast", + "diced tomatoes", + "oil", + "fresh marjoram", + "ground nutmeg", + "ground veal", + "salt", + "onions", + "frozen chopped spinach", + "minced garlic", + "ground black pepper", + "dry red wine", + "juice", + "chicken stock", + "olive oil", + "large eggs", + "chopped celery", + "carrots" + ] + }, + { + "id": 20538, + "ingredients": [ + "fat free less sodium chicken broth", + "salt", + "red lentils", + "olive oil", + "garlic cloves", + "curry powder", + "chopped onion", + "fat free yogurt", + "mango chutney", + "chopped cilantro fresh" + ] + }, + { + "id": 48840, + "ingredients": [ + "unsweetened almond milk", + "clear honey", + "frozen strawberries", + "fruit", + "bee pollen", + "açai", + "hemp seeds", + "nuts", + "bananas", + "goji berries" + ] + }, + { + "id": 6586, + "ingredients": [ + "eggs", + "straw mushrooms", + "oil", + "pork", + "spring onions", + "beansprouts", + "sugar", + "water", + "rice flour", + "soy sauce", + "salt", + "medium shrimp" + ] + }, + { + "id": 37771, + "ingredients": [ + "water", + "napa cabbage", + "shells", + "tomatoes", + "taro", + "tamarind pod", + "okra", + "radishes", + "ginger", + "salt", + "fish sauce", + "shrimp heads", + "garlic" + ] + }, + { + "id": 6112, + "ingredients": [ + "papaya", + "heavy cream", + "granulated sugar", + "fresh lime juice" + ] + }, + { + "id": 47944, + "ingredients": [ + "coarse salt", + "garlic cloves", + "parmesan cheese", + "red pepper flakes", + "tomatoes", + "potato gnocchi", + "fresh parsley", + "ground pepper", + "bacon" + ] + }, + { + "id": 38275, + "ingredients": [ + "brown sugar", + "asparagus", + "salt", + "olive oil", + "balsamic vinegar", + "penne", + "grated parmesan cheese", + "ground black pepper", + "butter" + ] + }, + { + "id": 28126, + "ingredients": [ + "wine", + "olive oil", + "linguine", + "fresh parsley", + "pepper", + "boneless skinless chicken breasts", + "salt", + "sugar", + "grated parmesan cheese", + "garlic", + "onions", + "crushed tomatoes", + "butter", + "all-purpose flour" + ] + }, + { + "id": 22422, + "ingredients": [ + "garlic paste", + "garam masala", + "butter", + "green chilies", + "onions", + "chicken stock", + "crushed tomatoes", + "whole garam masala", + "salt", + "oil", + "chicken", + "red chili peppers", + "coriander powder", + "kasuri methi", + "cumin seed", + "ground turmeric", + "red chili powder", + "coriander seeds", + "spices", + "fenugreek seeds", + "mustard seeds", + "ground cumin" + ] + }, + { + "id": 5305, + "ingredients": [ + "tomatoes", + "black pepper", + "green onions", + "salt", + "bay leaf", + "fillet red snapper", + "unsalted butter", + "mushroom broth", + "cayenne pepper", + "ground cloves", + "file powder", + "garlic", + "ground allspice", + "green bell pepper", + "sweet onion", + "brown rice", + "all-purpose flour" + ] + }, + { + "id": 35772, + "ingredients": [ + "eggs", + "extra-virgin olive oil", + "minced peperoncini", + "kosher salt", + "canned tomatoes", + "country white bread", + "ground black pepper", + "dried oregano", + "fresh basil", + "garlic" + ] + }, + { + "id": 5341, + "ingredients": [ + "tapioca flour", + "salt", + "vegetable oil", + "milk", + "eggs", + "queso fresco" + ] + }, + { + "id": 49491, + "ingredients": [ + "peeled fresh ginger", + "large garlic cloves", + "carrots", + "sugar", + "vegetable oil", + "salt", + "chinese rice wine", + "sesame oil", + "vegetable broth", + "corn starch", + "shiitake", + "napa cabbage", + "scallions" + ] + }, + { + "id": 743, + "ingredients": [ + "liquid egg whites", + "soy sauce", + "scallions", + "all-purpose flour", + "sesame oil" + ] + }, + { + "id": 26558, + "ingredients": [ + "sugar", + "ground black pepper", + "sweet onion", + "cabbage", + "kosher salt", + "hot sauce", + "ketchup", + "apple cider vinegar" + ] + }, + { + "id": 13925, + "ingredients": [ + "ghee", + "powdered milk", + "coconut", + "jaggery", + "ground cardamom" + ] + }, + { + "id": 41764, + "ingredients": [ + "cotija", + "whole wheat tortillas", + "boneless skinless chicken breast halves", + "black-eyed peas", + "purple onion", + "ground cumin", + "chopped tomatoes", + "vegetable broth", + "dried oregano", + "romaine lettuce", + "chili pepper flakes", + "lemon juice" + ] + }, + { + "id": 36120, + "ingredients": [ + "brown sugar", + "pineapple juice", + "vegetable oil", + "ketchup", + "corn starch", + "white vinegar", + "salt" + ] + }, + { + "id": 6952, + "ingredients": [ + "garlic oil", + "lemon pepper", + "butter", + "halibut fillets", + "sour cream", + "mayonaise", + "salsa" + ] + }, + { + "id": 40620, + "ingredients": [ + "rose water", + "baking powder", + "dry milk powder", + "chopped almonds", + "vegetable oil", + "ghee", + "milk", + "pistachio nuts", + "ground cardamom", + "water", + "golden raisins", + "all-purpose flour", + "white sugar" + ] + }, + { + "id": 17124, + "ingredients": [ + "salt", + "dark sesame oil", + "soy sauce", + "rice vinegar", + "stevia", + "splenda", + "broccoli" + ] + }, + { + "id": 23444, + "ingredients": [ + "water", + "white wine vinegar", + "lamb rib chops", + "garam masala", + "corn starch", + "sugar", + "ground black pepper", + "chopped fresh mint", + "white bread", + "curry powder", + "salt" + ] + }, + { + "id": 1977, + "ingredients": [ + "ground black pepper", + "balsamic vinegar", + "smoked paprika", + "flour", + "liver", + "mustard seeds", + "beef", + "salt", + "hot water", + "olive oil", + "spring onions", + "garlic cloves", + "onions" + ] + }, + { + "id": 13417, + "ingredients": [ + "shredded cheddar cheese", + "white hominy", + "sour cream", + "taco seasoning mix", + "lean ground beef", + "kidney beans", + "diced tomatoes", + "water", + "ranch dressing", + "onions" + ] + }, + { + "id": 42123, + "ingredients": [ + "frozen broccoli florets", + "boneless beef chuck roast", + "corn starch", + "beef", + "sauce", + "sesame oil", + "dark brown sugar", + "low sodium soy sauce", + "white rice", + "garlic cloves" + ] + }, + { + "id": 45457, + "ingredients": [ + "avocado", + "tilapia fillets", + "purple onion", + "chopped cilantro fresh", + "lime rind", + "garlic powder", + "corn tortillas", + "canola oil", + "light sour cream", + "milk", + "salt", + "cumin", + "slaw", + "ancho powder", + "fresh lime juice" + ] + }, + { + "id": 1655, + "ingredients": [ + "spring onions", + "milk", + "butter", + "potatoes" + ] + }, + { + "id": 33346, + "ingredients": [ + "vanilla ice cream", + "instant espresso powder", + "ice water", + "salt", + "ground cinnamon", + "golden brown sugar", + "unsalted butter", + "light corn syrup", + "hot water", + "powdered sugar", + "baking soda", + "egg whites", + "vanilla extract", + "sugar", + "light molasses", + "vegetable shortening", + "all-purpose flour" + ] + }, + { + "id": 26981, + "ingredients": [ + "water", + "starch", + "english cucumber", + "fish sauce", + "full fat coconut milk", + "shallots", + "red jalapeno peppers", + "white onion", + "granulated sugar", + "salt", + "white distilled vinegar", + "boneless skinless chicken breasts", + "curry paste" + ] + }, + { + "id": 3067, + "ingredients": [ + "pitted kalamata olives", + "vinaigrette", + "red potato", + "ground pepper", + "arugula", + "olive oil", + "tuna packed in olive oil", + "grape tomatoes", + "coarse salt" + ] + }, + { + "id": 25273, + "ingredients": [ + "black pepper", + "bacon slices", + "garlic powder", + "fresh parsley", + "dried thyme", + "white cheddar cheese", + "cooking spray", + "grits" + ] + }, + { + "id": 16897, + "ingredients": [ + "lime slices", + "grenadine", + "vodka", + "pineapple juice", + "cranberry juice", + "melon liqueur", + "southern comfort", + "cocktail cherries" + ] + }, + { + "id": 10284, + "ingredients": [ + "pico de gallo", + "KRAFT Classic Ranch Dressing", + "pork shoulder", + "chicken broth", + "olive oil", + "salt", + "pepper", + "cheese", + "ground cumin", + "KRAFT Zesty Italian Dressing", + "flour tortillas", + "Kraft Pepper Jack" + ] + }, + { + "id": 45324, + "ingredients": [ + "large egg yolks", + "salt", + "sugar", + "large eggs", + "blanched almonds", + "unsalted butter", + "all-purpose flour", + "water", + "whole milk", + "olives" + ] + }, + { + "id": 33733, + "ingredients": [ + "corn starch", + "firm tofu", + "garlic", + "oyster sauce" + ] + }, + { + "id": 33326, + "ingredients": [ + "sugar", + "shredded cheddar cheese", + "peanut oil", + "juniper berries", + "jalapeno chilies", + "grits", + "black peppercorns", + "kosher salt", + "garlic", + "pork", + "unsalted butter", + "thyme" + ] + }, + { + "id": 39337, + "ingredients": [ + "salt", + "pepper", + "leg of lamb", + "garlic", + "pesto", + "garlic cloves" + ] + }, + { + "id": 13674, + "ingredients": [ + "coconut oil", + "jasmine rice", + "olive oil", + "onion powder", + "salt", + "smoked paprika", + "corn-on-the-cob", + "chipotle chile", + "fresh cilantro", + "guacamole", + "cheese", + "strawberries", + "coconut milk", + "cumin", + "mahi mahi", + "shredded cheddar cheese", + "jalapeno chilies", + "shredded lettuce", + "tortilla bowls", + "greek yogurt", + "chopped cilantro fresh", + "unsweetened shredded dried coconut", + "black beans", + "lime", + "chili powder", + "garlic", + "cayenne pepper", + "coconut water", + "mango" + ] + }, + { + "id": 3726, + "ingredients": [ + "avocado", + "pickles", + "pepper", + "lemon", + "salt", + "thyme", + "mayonaise", + "black pepper", + "green tomatoes", + "worcestershire sauce", + "lemon juice", + "tomatoes", + "ketchup", + "olive oil", + "old bay seasoning", + "lemon verbena", + "cornmeal", + "sugar", + "white wine", + "Tabasco Pepper Sauce", + "anchovy paste", + "shrimp" + ] + }, + { + "id": 4501, + "ingredients": [ + "light mayonnaise", + "curry powder", + "sour cream", + "green onions", + "lemon juice" + ] + }, + { + "id": 48437, + "ingredients": [ + "white vinegar", + "thai chile", + "asian fish sauce", + "warm water", + "carrots", + "green onions", + "fresh lime juice", + "sugar", + "garlic cloves" + ] + }, + { + "id": 22443, + "ingredients": [ + "kale leaves", + "parmigiano reggiano cheese", + "spaghetti", + "reduced sodium chicken broth", + "fresh lemon juice", + "crushed red pepper flakes" + ] + }, + { + "id": 38069, + "ingredients": [ + "figs", + "lemon zest", + "milk", + "salt", + "vanilla beans", + "saba", + "powdered sugar", + "granulated sugar", + "long-grain rice" + ] + }, + { + "id": 37740, + "ingredients": [ + "ground chipotle chile pepper", + "olive oil", + "jalapeno chilies", + "salt", + "monterey jack", + "avocado", + "black pepper", + "flour tortillas", + "cracked black pepper", + "chopped cilantro fresh", + "pork", + "golden pineapple", + "red pepper", + "lemon juice", + "ground cumin", + "brown sugar", + "minced garlic", + "roma tomatoes", + "purple onion", + "cumin" + ] + }, + { + "id": 26973, + "ingredients": [ + "milk", + "egg yolks", + "ladyfingers", + "egg whites", + "unsweetened cocoa powder", + "brewed coffee", + "white sugar", + "mascarpone", + "rum" + ] + }, + { + "id": 33399, + "ingredients": [ + "chile pepper", + "grated coconut", + "lemon juice", + "salt", + "garbanzo beans", + "chopped cilantro fresh" + ] + }, + { + "id": 9358, + "ingredients": [ + "soy sauce", + "fresh ginger root", + "corn starch", + "water", + "green onions", + "minced garlic", + "hoisin sauce", + "onions", + "brown sugar", + "olive oil", + "flank steak" + ] + }, + { + "id": 24784, + "ingredients": [ + "vegetable oil", + "citric acid powder", + "milk", + "salt", + "boiling water", + "baking soda", + "all-purpose flour", + "eggs", + "butter", + "white sugar" + ] + }, + { + "id": 46043, + "ingredients": [ + "sugar", + "butter", + "chopped pecans", + "mini marshmallows", + "salt", + "chocolate frosting", + "vanilla extract", + "unsweetened cocoa powder", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 21798, + "ingredients": [ + "grape tomatoes", + "cooking spray", + "crushed red pepper", + "chopped fresh mint", + "fresh basil", + "flour tortillas", + "shallots", + "fresh lime juice", + "low sodium soy sauce", + "black pepper", + "flank steak", + "cucumber", + "brown sugar", + "lettuce leaves", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 13422, + "ingredients": [ + "greek-style vinaigrette", + "salami", + "orecchiette", + "feta cheese", + "english cucumber", + "grape tomatoes", + "roasted red peppers", + "olives", + "pepper", + "Italian parsley leaves" + ] + }, + { + "id": 33081, + "ingredients": [ + "diced red onions", + "butter", + "cherry tomatoes", + "balsamic vinegar", + "sweet pepper", + "olive oil", + "potato gnocchi", + "salt", + "fresh basil", + "crimini mushrooms", + "garlic" + ] + }, + { + "id": 48878, + "ingredients": [ + "cayenne", + "garlic", + "red bell pepper", + "pepper", + "butter", + "kabocha squash", + "ground cumin", + "olive oil", + "worcestershire sauce", + "green beans", + "soy sauce", + "mirin", + "salt", + "onions" + ] + }, + { + "id": 11370, + "ingredients": [ + "fresh coriander", + "ginger", + "lemongrass", + "Thai fish sauce", + "lime juice", + "light coconut milk", + "lobster" + ] + }, + { + "id": 30817, + "ingredients": [ + "pancetta", + "kosher salt", + "fresh thyme leaves", + "garlic cloves", + "black pepper", + "dry white wine", + "extra-virgin olive oil", + "celery ribs", + "water", + "ground veal", + "carrots", + "tomato paste", + "whole milk", + "ground pork", + "onions" + ] + }, + { + "id": 28004, + "ingredients": [ + "red chili peppers", + "potatoes", + "cumin seed", + "cauliflower", + "garam masala", + "cilantro leaves", + "frozen peas", + "water", + "garlic", + "onions", + "tumeric", + "nonfat yogurt", + "ground coriander" + ] + }, + { + "id": 18349, + "ingredients": [ + "cider vinegar", + "beets", + "onions", + "sugar", + "bay leaves", + "sour cream", + "tomato paste", + "beef brisket", + "carrots", + "cabbage", + "black pepper", + "salt", + "celery" + ] + }, + { + "id": 9561, + "ingredients": [ + "zucchini", + "provolone cheese", + "roasted red peppers", + "extra-virgin olive oil", + "minced garlic", + "low-fat mayonnaise", + "fresh lemon juice", + "ground black pepper", + "focaccia", + "chicken" + ] + }, + { + "id": 36933, + "ingredients": [ + "sugar", + "szechwan peppercorns", + "salt", + "water", + "star anise", + "scallions", + "pork belly", + "ginger", + "peanut oil", + "dark soy sauce", + "cassia cinnamon", + "cooking wine", + "dried red chile peppers" + ] + }, + { + "id": 8157, + "ingredients": [ + "soy sauce", + "mint leaves", + "shredded lettuce", + "cucumber", + "lemongrass", + "flank steak", + "rice vinegar", + "rice paper", + "minced garlic", + "green onions", + "grated carrot", + "beansprouts", + "sugar", + "nam pla", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 22382, + "ingredients": [ + "pepper", + "cooking spray", + "all-purpose flour", + "boneless skinless chicken breast halves", + "large egg whites", + "yoghurt", + "dry bread crumbs", + "fat free milk", + "paprika", + "garlic cloves", + "fresh basil", + "finely chopped fresh parsley", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 25500, + "ingredients": [ + "sugar", + "crushed tomatoes", + "eggplant", + "dried mint flakes", + "paprika", + "chickpeas", + "feta cheese crumbles", + "olives", + "ground cumin", + "ground cinnamon", + "pepper", + "olive oil", + "quinoa", + "chives", + "salt", + "scallions", + "couscous", + "saffron", + "chickpea flour", + "chapati", + "roti", + "pitas", + "harissa", + "bulgur wheat", + "rice", + "greek yogurt", + "naan", + "mint", + "water", + "fresh ginger", + "bell pepper", + "butter", + "crème fraîche", + "garlic cloves", + "onions", + "vegetable bouillon cube" + ] + }, + { + "id": 39490, + "ingredients": [ + "pasta sauce", + "red bell pepper", + "green pepper", + "canola oil", + "penne pasta", + "onions", + "sausages" + ] + }, + { + "id": 18710, + "ingredients": [ + "orange", + "orange flower water", + "cinnamon", + "powdered sugar" + ] + }, + { + "id": 35004, + "ingredients": [ + "minced garlic", + "Haas avocados", + "cayenne pepper", + "lime juice", + "jalapeno chilies", + "cumin", + "fresh cilantro", + "diced tomatoes", + "sweet onion", + "salt" + ] + }, + { + "id": 17719, + "ingredients": [ + "fresh orange juice", + "sugar", + "lemon slices", + "dry red wine", + "orange", + "orange liqueur" + ] + }, + { + "id": 19256, + "ingredients": [ + "cooked rice", + "crushed tomatoes", + "shallots", + "garlic", + "fresh lemon juice", + "large shrimp", + "tomato paste", + "water", + "bay leaves", + "worcestershire sauce", + "all-purpose flour", + "onions", + "tomato sauce", + "chopped bell pepper", + "Tabasco Pepper Sauce", + "chopped celery", + "chopped parsley", + "bacon drippings", + "sugar", + "ground black pepper", + "fresh thyme leaves", + "salt", + "Burgundy wine" + ] + }, + { + "id": 48264, + "ingredients": [ + "sugar", + "parmigiano reggiano cheese", + "all-purpose flour", + "unsalted butter", + "buttermilk", + "kosher salt", + "baking powder", + "freshly ground pepper", + "melted butter", + "shredded extra sharp cheddar cheese", + "bacon" + ] + }, + { + "id": 52, + "ingredients": [ + "toasted sesame oil", + "soy sauce", + "fresh bean" + ] + }, + { + "id": 43628, + "ingredients": [ + "capers", + "eggplant", + "salt", + "black pepper", + "cooking spray", + "garlic cloves", + "warm water", + "dry yeast", + "all-purpose flour", + "fresh basil", + "olive oil", + "kalamata", + "plum tomatoes" + ] + }, + { + "id": 41707, + "ingredients": [ + "cayenne", + "extra-virgin olive oil", + "lemon juice", + "celery leaves", + "parsley", + "cilantro leaves", + "crackers", + "oil-cured black olives", + "salt", + "smoked paprika", + "baby spinach leaves", + "large garlic cloves", + "freshly ground pepper", + "ground cumin" + ] + }, + { + "id": 29524, + "ingredients": [ + "soy sauce", + "rice wine", + "ginger", + "corn starch", + "egg noodles", + "napa cabbage", + "peanut oil", + "fresh shiitake mushrooms", + "red pepper flakes", + "scallions", + "boneless chicken skinless thigh", + "sesame oil", + "salt", + "ground white pepper" + ] + }, + { + "id": 23716, + "ingredients": [ + "romano cheese", + "large eggs", + "fresh basil leaves", + "olive oil", + "whole milk ricotta cheese", + "pepper", + "marinara sauce", + "semolina", + "salt" + ] + }, + { + "id": 6355, + "ingredients": [ + "sugar", + "lemon", + "condensed milk", + "large egg yolks", + "vanilla extract", + "confectioners sugar", + "graham crackers", + "heavy cream", + "lemon juice", + "unsalted butter", + "salt" + ] + }, + { + "id": 16054, + "ingredients": [ + "rice sticks", + "large eggs", + "green peas", + "minced garlic", + "fresh ginger", + "mango chutney", + "chopped cilantro fresh", + "fat free less sodium chicken broth", + "large egg whites", + "ground red pepper", + "salt", + "curry powder", + "bay scallops", + "vegetable oil", + "sliced green onions" + ] + }, + { + "id": 39766, + "ingredients": [ + "yellow miso", + "sesame oil", + "mirin", + "seasoned rice wine vinegar", + "sea scallops", + "vegetable oil", + "baby bok choy", + "peeled fresh ginger" + ] + }, + { + "id": 44868, + "ingredients": [ + "shredded cheddar cheese", + "salt", + "eggs", + "zucchini", + "chopped onion", + "part-skim mozzarella cheese", + "green pepper", + "tomato sauce", + "grated parmesan cheese", + "ground turkey" + ] + }, + { + "id": 46752, + "ingredients": [ + "garlic cloves", + "sea salt", + "beef tenderloin", + "hot water" + ] + }, + { + "id": 8413, + "ingredients": [ + "cold water", + "grated parmesan cheese", + "olive oil", + "lemon juice", + "pinenuts", + "garlic cloves", + "sun-dried tomatoes", + "flat leaf parsley" + ] + }, + { + "id": 49260, + "ingredients": [ + "eggs", + "cayenne", + "salt", + "onions", + "chopped tomatoes", + "vegetable oil", + "garlic cloves", + "garam masala", + "ginger", + "chopped cilantro", + "chiles", + "green onions", + "ground coriander", + "plain whole-milk yogurt" + ] + }, + { + "id": 45751, + "ingredients": [ + "white distilled vinegar", + "vegetable oil", + "salt", + "eggs", + "coffee", + "red food coloring", + "unsweetened cocoa powder", + "baking soda", + "buttermilk", + "all-purpose flour", + "sugar", + "baking powder", + "vanilla extract" + ] + }, + { + "id": 34634, + "ingredients": [ + "olive oil", + "salt", + "lemon", + "fresh rosemary", + "garlic", + "ground pepper", + "chicken" + ] + }, + { + "id": 2405, + "ingredients": [ + "honeydew melon", + "sugar", + "plum wine", + "sake", + "red food coloring", + "gari", + "fresh lime juice" + ] + }, + { + "id": 48092, + "ingredients": [ + "stock", + "large eggs", + "soy sauce", + "salt", + "fresh udon", + "rice wine", + "fresh ginger", + "scallions" + ] + }, + { + "id": 9995, + "ingredients": [ + "water", + "baking potatoes", + "chickpeas", + "canned low sodium chicken broth", + "swiss chard", + "garlic", + "eggs", + "olive oil", + "paprika", + "onions", + "tumeric", + "cayenne", + "salt" + ] + }, + { + "id": 3165, + "ingredients": [ + "tomatoes", + "pitted kalamata olives", + "anchovy fillets", + "hothouse cucumber", + "fresh basil", + "green onions", + "fresh lemon juice", + "capers", + "extra-virgin olive oil", + "soft fresh goat cheese", + "red potato", + "fronds", + "garlic cloves" + ] + }, + { + "id": 19395, + "ingredients": [ + "rib eye steaks", + "short-grain rice", + "red pepper", + "carrots", + "sugar", + "mushrooms", + "garlic", + "eggs", + "zucchini", + "ginger", + "beansprouts", + "soy sauce", + "sesame oil", + "rice vinegar" + ] + }, + { + "id": 9715, + "ingredients": [ + "mozzarella cheese", + "marinara sauce", + "garlic cloves", + "olive oil", + "ricotta cheese", + "italian seasoning", + "bulk italian sausag", + "ziti", + "onions", + "fresh rosemary", + "grated parmesan cheese", + "red pepper flakes" + ] + }, + { + "id": 41697, + "ingredients": [ + "brown sugar", + "vegetable oil", + "lime", + "garlic", + "soy sauce", + "cilantro", + "pork chops" + ] + }, + { + "id": 20053, + "ingredients": [ + "tumeric", + "dry mustard", + "garlic cloves", + "brown mustard seeds", + "salt", + "green beans", + "water", + "crushed red pepper", + "fresh lemon juice", + "baking potatoes", + "grated lemon zest", + "canola oil" + ] + }, + { + "id": 38879, + "ingredients": [ + "water", + "ground pork", + "fresh pork fat", + "wine", + "vinegar", + "feet", + "brown sugar", + "ground black pepper", + "garlic", + "oil", + "soy sauce", + "paprika", + "salt" + ] + }, + { + "id": 30008, + "ingredients": [ + "pepper", + "bay leaves", + "adobo sauce", + "lime juice", + "salt", + "oregano", + "water", + "garlic", + "onions", + "ground cloves", + "beef", + "oil", + "ground cumin" + ] + }, + { + "id": 12349, + "ingredients": [ + "kosher salt", + "dried guajillo chiles", + "clove", + "cumin seed", + "rib", + "cider vinegar", + "ancho chile pepper", + "piloncillo", + "garlic cloves", + "roasted tomatoes" + ] + }, + { + "id": 16217, + "ingredients": [ + "roasting chickens", + "carnitas", + "mayonaise", + "corn tortillas", + "fish", + "pico de gallo", + "pinto beans", + "chile colorado", + "salsa", + "ground beef" + ] + }, + { + "id": 36621, + "ingredients": [ + "fresh cilantro", + "boneless skinless chicken breast halves", + "tomatoes", + "bacon", + "shredded Monterey Jack cheese", + "garlic powder", + "fajita seasoning mix", + "green bell pepper", + "onions" + ] + }, + { + "id": 40661, + "ingredients": [ + "water", + "tea bags", + "cold water", + "sugar" + ] + }, + { + "id": 48599, + "ingredients": [ + "greek seasoning", + "lemon", + "olive oil", + "garlic cloves", + "sicilian", + "boneless skinless chicken breast halves", + "grape tomatoes", + "fresh oregano" + ] + }, + { + "id": 22501, + "ingredients": [ + "black pepper", + "chicken breasts", + "garlic", + "chickpeas", + "water", + "ginger", + "greek style plain yogurt", + "frozen peas", + "white onion", + "butter", + "salt", + "garlic cloves", + "lite coconut milk", + "fresh cilantro", + "white rice", + "red curry paste" + ] + }, + { + "id": 2192, + "ingredients": [ + "Mexican cheese blend", + "sliced green onions", + "black beans", + "tortilla chips", + "sliced black olives", + "chopped tomatoes", + "cream cheese, soften" + ] + }, + { + "id": 35798, + "ingredients": [ + "penne", + "crushed red pepper", + "fresh basil", + "olive oil", + "garlic cloves", + "capers", + "fresh parmesan cheese", + "plum tomatoes", + "pitted kalamata olives", + "salt" + ] + }, + { + "id": 46899, + "ingredients": [ + "shredded cheddar cheese", + "salsa", + "olive oil", + "large shrimp", + "minced garlic", + "hot sauce", + "ground ginger", + "flour tortillas" + ] + }, + { + "id": 520, + "ingredients": [ + "chrysanthemum", + "roasting chickens", + "bird chile", + "soy sauce", + "vegetable oil", + "Chinese egg noodles", + "water", + "star anise", + "low salt chicken broth", + "sugar", + "fresh ginger", + "garlic cloves", + "onions" + ] + }, + { + "id": 43283, + "ingredients": [ + "soy sauce", + "ginger", + "scallions", + "szechwan peppercorns", + "firm tofu", + "dried chile", + "brown rice", + "garlic", + "corn starch", + "gai lan", + "sesame oil", + "roasted peanuts", + "black vinegar" + ] + }, + { + "id": 20397, + "ingredients": [ + "large garlic cloves", + "fresh basil leaves", + "olive oil", + "onions", + "tomatoes", + "extra-virgin olive oil", + "dried oregano", + "capers", + "fresh mint", + "japanese eggplants" + ] + }, + { + "id": 10162, + "ingredients": [ + "cold water", + "sesame seeds", + "boneless beef sirloin steak", + "carrots", + "soy sauce", + "broccoli florets", + "salted peanuts", + "red bell pepper", + "cooked rice", + "plum sauce", + "crushed red pepper flakes", + "corn starch", + "minced garlic", + "green onions", + "gingerroot", + "canola oil" + ] + }, + { + "id": 24135, + "ingredients": [ + "light brown sugar", + "granulated sugar", + "salt", + "apricots", + "peaches", + "cinnamon", + "grated nutmeg", + "unsalted butter", + "lemon", + "cornmeal", + "pie dough", + "vanilla bean seeds", + "all-purpose flour" + ] + }, + { + "id": 17849, + "ingredients": [ + "dried thyme", + "red wine vinegar", + "peppercorns", + "capers", + "unsalted butter", + "flat leaf parsley", + "ground black pepper", + "salt", + "water", + "bay leaves", + "skate" + ] + }, + { + "id": 37654, + "ingredients": [ + "sugar substitute", + "saffron", + "cornflour", + "orange segments", + "low-fat milk", + "cardamom" + ] + }, + { + "id": 26158, + "ingredients": [ + "water", + "plum wine", + "ground black pepper", + "white sugar", + "honey", + "toasted sesame oil", + "minced garlic", + "reduced sodium soy sauce", + "short rib" + ] + }, + { + "id": 5428, + "ingredients": [ + "prosciutto", + "butter", + "fresh parsley", + "crimini mushrooms", + "garlic cloves", + "fresh shiitake mushrooms", + "bread slices", + "crumbled blue cheese", + "whipping cream" + ] + }, + { + "id": 18673, + "ingredients": [ + "tomatoes", + "granulated sugar", + "corn", + "salt", + "black pepper", + "butter", + "frozen okra", + "okra" + ] + }, + { + "id": 34525, + "ingredients": [ + "andouille sausage", + "bay leaves", + "chopped fresh thyme", + "garlic cloves", + "medium shrimp", + "steamed rice", + "vegetable oil", + "all-purpose flour", + "red bell pepper", + "boneless chicken skinless thigh", + "dry white wine", + "tomatoes with juice", + "low salt chicken broth", + "onions", + "celery ribs", + "frozen okra", + "clam juice", + "cayenne pepper", + "flat leaf parsley" + ] + }, + { + "id": 17364, + "ingredients": [ + "water", + "garlic cloves", + "preserved lemon", + "Anaheim chile", + "flat leaf parsley", + "baguette", + "grated lemon zest", + "ground cumin", + "olive oil", + "fresh lemon juice" + ] + }, + { + "id": 33684, + "ingredients": [ + "rye bread", + "white wine vinegar", + "onions", + "hungarian hot paprika", + "cornichons", + "coarse kosher salt", + "chopped fresh chives", + "garlic cloves", + "hungarian sweet paprika", + "butter", + "greek yogurt" + ] + }, + { + "id": 9802, + "ingredients": [ + "cheddar cheese", + "paprika", + "dried oregano", + "Tabasco Pepper Sauce", + "fresh parsley leaves", + "clams", + "butter", + "onions", + "grated parmesan cheese", + "dry bread crumbs" + ] + }, + { + "id": 24240, + "ingredients": [ + "kosher salt", + "olive oil", + "butter", + "salt", + "steak sauce", + "pepper", + "marinara sauce", + "chees fresh mozzarella", + "skirt steak", + "pizza crust", + "parmesan cheese", + "worcestershire sauce", + "all-purpose flour", + "warm water", + "active dry yeast", + "balsamic vinegar", + "purple onion" + ] + }, + { + "id": 11809, + "ingredients": [ + "seasoning salt", + "mayonaise", + "parmesan cheese", + "garlic powder", + "black pepper", + "boneless chicken breast" + ] + }, + { + "id": 41184, + "ingredients": [ + "ground black pepper", + "part-skim ricotta cheese", + "sugar", + "balsamic vinegar", + "fresh lemon juice", + "pinenuts", + "lemon", + "phyllo dough", + "unsalted butter", + "black mission figs" + ] + }, + { + "id": 23188, + "ingredients": [ + "kosher salt", + "fresh orange juice", + "mustard seeds", + "curry powder", + "white wine vinegar", + "dried rosemary", + "pepper", + "cracked black pepper", + "chopped parsley", + "dried thyme", + "scallions" + ] + }, + { + "id": 31228, + "ingredients": [ + "avocado", + "oil", + "grating cheese", + "chicken", + "tortillas", + "sour cream", + "cilantro" + ] + }, + { + "id": 6443, + "ingredients": [ + "curry powder", + "vegetable oil", + "ground coriander", + "plain low-fat yogurt", + "peeled fresh ginger", + "cilantro sprigs", + "onions", + "jalapeno chilies", + "diced tomatoes", + "garlic cloves", + "black pepper", + "flank steak", + "salt", + "basmati rice" + ] + }, + { + "id": 1231, + "ingredients": [ + "tomatoes", + "cider vinegar", + "sweet potatoes", + "vegetable oil", + "salt", + "ground turmeric", + "curry leaves", + "red chili peppers", + "mint leaves", + "brown mustard seeds", + "ginger", + "waxy potatoes", + "clove", + "sugar", + "coriander seeds", + "shallots", + "paprika", + "cumin seed", + "ground cinnamon", + "water", + "fenugreek", + "red pepper", + "cardamom pods" + ] + }, + { + "id": 10733, + "ingredients": [ + "egg noodles", + "shoyu", + "white radish", + "fish sauce", + "rump steak", + "pak choi", + "toasted sesame oil", + "spring onions", + "chili sauce", + "beansprouts", + "shiitake", + "vegetable stock", + "lemon juice" + ] + }, + { + "id": 40737, + "ingredients": [ + "seasoning", + "hot pepper", + "noodles", + "nutritional yeast", + "red pepper", + "ground ginger", + "braggs liquid aminos", + "tofu", + "stevia powder", + "seaweed" + ] + }, + { + "id": 35499, + "ingredients": [ + "sugar", + "green onions", + "long-grain rice", + "serrano chilies", + "lump crab meat", + "vegetable oil", + "Thai fish sauce", + "soy sauce", + "shallots", + "garlic cloves", + "eggs", + "basil leaves", + "salt" + ] + }, + { + "id": 8318, + "ingredients": [ + "rosemary sprigs", + "mace", + "cornish hens", + "pepper", + "riesling", + "mustard", + "honey", + "salt", + "ground cloves", + "cooking spray" + ] + }, + { + "id": 47684, + "ingredients": [ + "ketchup", + "vegetable oil", + "sliced green onions", + "ground ginger", + "water", + "crushed red pepper", + "soy sauce", + "honey", + "corn starch", + "shrimp tails", + "garlic" + ] + }, + { + "id": 15563, + "ingredients": [ + "pepper", + "cotechino", + "carrots", + "olive oil", + "garlic", + "fresh parsley", + "water", + "fresh thyme", + "bay leaf", + "black peppercorns", + "green lentil", + "salt", + "onions" + ] + }, + { + "id": 7349, + "ingredients": [ + "water", + "light corn syrup", + "cream sweeten whip", + "unsalted butter", + "fresh lemon juice", + "sugar", + "frozen pastry puff sheets", + "grated lemon peel", + "peaches", + "salt" + ] + }, + { + "id": 48592, + "ingredients": [ + "scallions", + "olive oil", + "fresh parsley leaves", + "salt", + "couscous", + "cuminseed" + ] + }, + { + "id": 47078, + "ingredients": [ + "black pepper", + "green onions", + "cilantro", + "chicken", + "garlic powder", + "colby jack cheese", + "salt", + "flour tortillas", + "chili powder", + "salsa", + "chicken broth", + "flour", + "butter", + "sour cream" + ] + }, + { + "id": 18835, + "ingredients": [ + "raspberries", + "strawberries", + "sugar", + "mascarpone" + ] + }, + { + "id": 6332, + "ingredients": [ + "sugar", + "heavy cream", + "gelatin", + "lemon juice", + "orange", + "pink grapefruit", + "buttermilk", + "fresh mint" + ] + }, + { + "id": 16661, + "ingredients": [ + "cauliflower", + "pear tomatoes", + "green beans", + "turnips", + "zucchini", + "scallions", + "fennel bulb", + "fingerling", + "greens", + "Belgian endive", + "radishes", + "baby carrots" + ] + }, + { + "id": 10943, + "ingredients": [ + "ground coffee", + "sweetened condensed milk", + "milk" + ] + }, + { + "id": 46362, + "ingredients": [ + "tomato sauce", + "olive oil", + "jalapeno chilies", + "ground pork", + "cornmeal", + "tomato paste", + "shredded cheddar cheese", + "ground black pepper", + "chili powder", + "salt", + "onions", + "green bell pepper", + "water", + "lager", + "diced tomatoes", + "cayenne pepper", + "ground cumin", + "chili beans", + "pepper", + "garlic powder", + "green onions", + "garlic", + "ground beef" + ] + }, + { + "id": 38598, + "ingredients": [ + "fat free less sodium chicken broth", + "ground red pepper", + "salt", + "boneless chicken skinless thigh", + "olive oil", + "whole wheat couscous", + "chopped cilantro fresh", + "curry powder", + "sliced carrots", + "all-purpose flour", + "fat free yogurt", + "cooking spray", + "green peas" + ] + }, + { + "id": 42888, + "ingredients": [ + "low sodium black beans", + "chili powder", + "diced tomatoes", + "dried oregano", + "poblano peppers", + "queso fresco", + "cilantro", + "ground cumin", + "black pepper", + "boneless skinless chicken breasts", + "onion salt", + "fajita seasoning mix", + "garlic powder", + "vegetable oil", + "paprika", + "corn kernel whole" + ] + }, + { + "id": 24256, + "ingredients": [ + "white onion", + "fresh lime juice", + "jalapeno chilies", + "kosher salt", + "tomatillos" + ] + }, + { + "id": 44570, + "ingredients": [ + "fishcake", + "green onions", + "Gochujang base", + "sugar", + "sesame seeds", + "red pepper", + "onions", + "pepper", + "napa cabbage", + "carrots", + "soy sauce", + "rice cakes", + "garlic" + ] + }, + { + "id": 29791, + "ingredients": [ + "corn kernels", + "green onions", + "salt", + "red bell pepper", + "ground cumin", + "pinenuts", + "reduced fat milk", + "queso fresco", + "dry bread crumbs", + "fresh lime juice", + "black beans", + "cooking spray", + "butter", + "garlic cloves", + "chopped cilantro fresh", + "ground nutmeg", + "ground red pepper", + "all-purpose flour", + "poblano chiles" + ] + }, + { + "id": 24175, + "ingredients": [ + "potatoes", + "garlic cloves", + "brisket", + "queso fresco", + "onions", + "golden raisins", + "corn tortillas", + "radishes", + "salsa", + "arugula" + ] + }, + { + "id": 36713, + "ingredients": [ + "shredded cheddar cheese", + "green onions", + "diced tomatoes", + "chopped cilantro fresh", + "diced green chilies", + "large flour tortillas", + "salt", + "ground black pepper", + "green enchilada sauce", + "cream cheese", + "lime juice", + "boneless skinless chicken breasts", + "garlic", + "ground cumin" + ] + }, + { + "id": 40644, + "ingredients": [ + "light soy sauce", + "ginger", + "white pepper", + "rice wine", + "scallions", + "rock sugar", + "cooking oil", + "cilantro leaves", + "water", + "sesame oil", + "fish" + ] + }, + { + "id": 28655, + "ingredients": [ + "soy sauce", + "sesame oil", + "corn syrup", + "minced garlic", + "ginger", + "pork shoulder", + "chili pepper", + "chili pepper flakes", + "scallions", + "sugar", + "rice wine", + "apples", + "onions" + ] + }, + { + "id": 2848, + "ingredients": [ + "yellow hominy", + "crushed garlic", + "boneless skinless chicken breast halves", + "green chile", + "chile negro", + "chopped onion", + "chicken broth", + "pork tenderloin", + "beef broth", + "ground cumin", + "white hominy", + "Mexican oregano", + "bay leaf" + ] + }, + { + "id": 34162, + "ingredients": [ + "small red beans", + "unsalted butter", + "diced tomatoes", + "cinnamon sticks", + "onions", + "clove", + "red chili peppers", + "spices", + "ground coriander", + "bay leaf", + "tomato paste", + "fresh ginger", + "heavy cream", + "cardamom", + "ghee", + "black lentil", + "low sodium vegetable stock", + "fenugreek", + "garlic", + "coarse kosher salt" + ] + }, + { + "id": 26633, + "ingredients": [ + "black pepper", + "chili oil", + "bamboo shoots", + "sugar", + "green onions", + "shiitake mushroom caps", + "fish sauce", + "large eggs", + "dark sesame oil", + "fat free less sodium chicken broth", + "firm tofu" + ] + }, + { + "id": 43273, + "ingredients": [ + "beans", + "garlic powder", + "butter oil", + "onions", + "green chile", + "fresh cilantro", + "pepper jack", + "sour cream", + "chicken", + "jack cheese", + "orange bell pepper", + "cayenne pepper", + "corn tortillas", + "kosher salt", + "ground black pepper", + "enchilada sauce", + "cumin" + ] + }, + { + "id": 48550, + "ingredients": [ + "unsalted butter", + "caviar", + "vodka", + "heavy cream", + "white vinegar", + "large eggs", + "cayenne", + "fresh lemon juice" + ] + }, + { + "id": 37308, + "ingredients": [ + "fresh basil", + "red wine vinegar", + "salt", + "fresh lemon juice", + "onions", + "avocado", + "vegetable juice", + "paprika", + "grated lemon zest", + "cucumber", + "chopped cilantro fresh", + "tomatoes", + "jalapeno chilies", + "yellow bell pepper", + "croutons", + "sour cream", + "green bell pepper", + "large garlic cloves", + "hot sauce", + "shrimp", + "chopped fresh mint" + ] + }, + { + "id": 19005, + "ingredients": [ + "pie crust", + "Simply Organic ground nutmeg", + "all-purpose flour", + "sugar", + "butter", + "Simply Organic® sea salt", + "eggs", + "sweet potatoes", + "Simply Organic Cinnamon", + "milk", + "ice water" + ] + }, + { + "id": 1921, + "ingredients": [ + "granulated sugar", + "vanilla wafers", + "cream of tartar", + "whole milk", + "pure vanilla extract", + "large eggs", + "all-purpose flour", + "bananas", + "salt" + ] + }, + { + "id": 8472, + "ingredients": [ + "tomatoes", + "bow-tie pasta", + "chicken breasts", + "fresh asparagus", + "pesto", + "freshly ground pepper", + "salt", + "boiling water" + ] + }, + { + "id": 44040, + "ingredients": [ + "fresh rosemary", + "fresh thyme", + "vegetable oil", + "garlic", + "large shrimp", + "cherry tomatoes", + "dry white wine", + "lemon", + "scallions", + "ground black pepper", + "Tabasco Pepper Sauce", + "worcestershire sauce", + "bay leaf", + "cooked rice", + "bell pepper", + "butter", + "salt" + ] + }, + { + "id": 12770, + "ingredients": [ + "rye", + "turkey breast", + "bacon slices", + "parmesan cheese", + "plum tomatoes", + "sauce" + ] + }, + { + "id": 11145, + "ingredients": [ + "water", + "ground black pepper", + "white sugar", + "seasoning salt", + "finely chopped onion", + "turkey legs", + "beef", + "black-eyed peas", + "garlic salt" + ] + }, + { + "id": 6660, + "ingredients": [ + "baking powder", + "white sugar", + "all-purpose flour", + "salt", + "miniature semisweet chocolate chips", + "unsalted butter", + "orange juice" + ] + }, + { + "id": 20760, + "ingredients": [ + "sugar", + "bourbon whiskey", + "caramel sauce", + "peaches", + "butter", + "granny smith apples", + "refrigerated piecrusts", + "eggs", + "flour", + "apple pie spice" + ] + }, + { + "id": 42642, + "ingredients": [ + "black pepper", + "honey", + "flank steak", + "garlic", + "coconut milk", + "tumeric", + "pepper", + "fresh ginger", + "lemon", + "smoked paprika", + "cumin", + "roasted cashews", + "plain yogurt", + "olive oil", + "cinnamon", + "hot curry powder", + "chipotle chile powder", + "soy sauce", + "fresh cilantro", + "cayenne", + "Thai red curry paste", + "fresh mint" + ] + }, + { + "id": 4662, + "ingredients": [ + "vegetable oil", + "onions", + "paprika", + "worcestershire sauce", + "white sugar", + "ketchup", + "white wine vinegar" + ] + }, + { + "id": 26597, + "ingredients": [ + "refried beans", + "guacamole", + "sour cream", + "mayonaise", + "chopped tomatoes", + "taco seasoning", + "jack", + "cheese", + "beans", + "sliced black olives", + "scallions" + ] + }, + { + "id": 39988, + "ingredients": [ + "low-fat vanilla yogurt", + "orange juice", + "rhubarb", + "gran marnier", + "sugar" + ] + }, + { + "id": 44052, + "ingredients": [ + "spinach", + "olive oil", + "onions", + "italian sausage", + "water", + "salt", + "pepper", + "roma tomatoes", + "dried lentils", + "light soy sauce", + "garlic cloves" + ] + }, + { + "id": 15811, + "ingredients": [ + "fresh rosemary", + "brown sugar", + "bourbon whiskey", + "all-purpose flour", + "eggs", + "salted butter", + "butter", + "thick-cut bacon", + "fresh sage", + "milk", + "cinnamon", + "cayenne pepper", + "pecans", + "sweet potatoes", + "vanilla extract" + ] + }, + { + "id": 46315, + "ingredients": [ + "large egg whites", + "all-purpose flour", + "lemon zest", + "unsalted butter", + "sugar", + "vanilla" + ] + }, + { + "id": 5398, + "ingredients": [ + "lemon wedge", + "cucumber", + "honey" + ] + }, + { + "id": 40009, + "ingredients": [ + "large garlic cloves", + "corn tortillas", + "pinto beans", + "shredded Monterey Jack cheese", + "kosher salt", + "lard", + "salsa", + "pork butt" + ] + }, + { + "id": 15089, + "ingredients": [ + "romaine lettuce", + "unsalted butter", + "Tabasco Pepper Sauce", + "sweet italian sausage", + "sour cream", + "onions", + "ground pepper", + "guacamole", + "fine sea salt", + "scallions", + "corn tortillas", + "tomatoes", + "cayenne", + "chili powder", + "purple onion", + "garlic cloves", + "ground beef", + "fresh cilantro", + "jalapeno chilies", + "cheese", + "orange juice", + "ground turkey", + "ground cumin" + ] + }, + { + "id": 28628, + "ingredients": [ + "sake", + "superfine sugar", + "sesame oil", + "liquid", + "boneless chicken thighs", + "chili paste", + "salt", + "cucumber", + "pepper", + "green onions", + "rice vinegar", + "chopped garlic", + "soy sauce", + "sesame seeds", + "ginger", + "sesame paste" + ] + }, + { + "id": 39013, + "ingredients": [ + "haricots verts", + "vegetable oil", + "curry paste", + "eggs", + "Thai fish sauce", + "kaffir lime leaves", + "corn flour", + "meat", + "chillies" + ] + }, + { + "id": 1963, + "ingredients": [ + "large egg yolks", + "heavy cream", + "lemon juice", + "powdered sugar", + "half & half", + "salt", + "bananas", + "vanilla extract", + "corn starch", + "sugar", + "butter", + "vanilla wafers" + ] + }, + { + "id": 8842, + "ingredients": [ + "olive oil", + "solid white tuna", + "lemon juice", + "lemon zest", + "Italian seasoned breadcrumbs", + "dijon mustard", + "creole seasoning", + "mayonaise", + "large eggs", + "Spring! Water" + ] + }, + { + "id": 31195, + "ingredients": [ + "kosher salt", + "large eggs", + "garlic", + "olive oil", + "red pepper", + "sour cream", + "pepper", + "yukon gold potatoes", + "scallions", + "parmesan cheese", + "crushed red pepper flakes", + "extra sharp cheddar cheese" + ] + }, + { + "id": 37598, + "ingredients": [ + "bell pepper", + "cilantro leaves", + "oil", + "onions", + "garlic paste", + "paneer", + "green chilies", + "coconut milk", + "ground turmeric", + "clove", + "green peas", + "green cardamom", + "cinnamon sticks", + "cashew nuts", + "grated coconut", + "salt", + "cumin seed", + "bay leaf" + ] + }, + { + "id": 24539, + "ingredients": [ + "frozen spinach", + "cream cheese", + "lasagna noodles", + "Hidden Valley® Original Ranch Salad® Dressing & Seasoning Mix", + "tomato sauce", + "shredded mozzarella cheese", + "whole milk" + ] + }, + { + "id": 39305, + "ingredients": [ + "fresh cilantro", + "paprika", + "monterey jack", + "tomatoes", + "ground pepper", + "corn tortillas", + "olive oil", + "purple onion", + "black beans", + "sea salt", + "cumin" + ] + }, + { + "id": 23465, + "ingredients": [ + "black chickpeas", + "rice", + "onions", + "fennel seeds", + "salt", + "oil", + "clove", + "garlic", + "green chilies", + "ginger", + "cilantro leaves", + "cinnamon sticks" + ] + }, + { + "id": 36550, + "ingredients": [ + "pepper", + "salt", + "flat leaf parsley", + "rub", + "olive oil", + "calf liver", + "white onion", + "butter", + "garlic cloves", + "dried thyme", + "all-purpose flour" + ] + }, + { + "id": 33725, + "ingredients": [ + "French lentils", + "fresh lemon juice", + "salmon fillets", + "leeks", + "water", + "chives", + "mustard", + "unsalted butter", + "tarragon" + ] + }, + { + "id": 29517, + "ingredients": [ + "fresh thyme", + "all-purpose flour", + "marsala wine", + "chicken breasts", + "sodium", + "crimini mushrooms", + "margarine", + "pepper", + "salt", + "onions" + ] + }, + { + "id": 11675, + "ingredients": [ + "eggs", + "konbu", + "leeks", + "shiitake", + "cold water", + "scallions" + ] + }, + { + "id": 23852, + "ingredients": [ + "low sodium soy sauce", + "hoisin sauce", + "oyster sauce", + "canola oil", + "sugar", + "chinese cabbage", + "boneless pork tenderloin", + "minced garlic", + "shaoxing", + "noodles", + "dark soy sauce", + "green onions", + "corn starch" + ] + }, + { + "id": 42909, + "ingredients": [ + "warm water", + "all purpose unbleached flour", + "active dry yeast", + "sugar", + "salt" + ] + }, + { + "id": 37054, + "ingredients": [ + "steamed rice", + "teriyaki sauce", + "boneless skinless chicken breasts", + "red bell pepper", + "black bean sauce", + "garlic cloves", + "pepper", + "vegetable oil", + "onions" + ] + }, + { + "id": 12000, + "ingredients": [ + "tumeric", + "butter", + "cumin seed", + "brown mustard seeds", + "garlic", + "serrano chile", + "cayenne", + "cilantro sprigs", + "plain whole-milk yogurt", + "tomatoes", + "vegetable oil", + "salt" + ] + }, + { + "id": 9166, + "ingredients": [ + "olive oil", + "artichokes", + "lemon" + ] + }, + { + "id": 47048, + "ingredients": [ + "chicken broth", + "cheese", + "fresh parsley", + "cream of chicken soup", + "garlic cloves", + "chicken", + "black pepper", + "rice", + "oregano", + "basil", + "red bell pepper" + ] + }, + { + "id": 22116, + "ingredients": [ + "chiles", + "mint sprigs", + "tiger prawn", + "white vinegar", + "sugar", + "garlic", + "perilla", + "fish sauce", + "water", + "vermicelli noodles", + "rice paper", + "garlic chives", + "pork", + "fresh lime juice", + "iceberg lettuce" + ] + }, + { + "id": 45240, + "ingredients": [ + "grapes", + "fresh lime juice", + "pomegranate seeds", + "pears", + "avocado", + "coarse salt", + "white onion", + "serrano chile" + ] + }, + { + "id": 33943, + "ingredients": [ + "eggs", + "vanilla extract", + "white sugar", + "milk", + "all-purpose flour", + "baking powder", + "chopped walnuts", + "shortening", + "salt" + ] + }, + { + "id": 15308, + "ingredients": [ + "zucchini", + "mild Italian sausage", + "tomato paste", + "frozen Italian blend vegetables", + "pasta sauce", + "diced tomatoes in juice" + ] + }, + { + "id": 38756, + "ingredients": [ + "black pepper", + "potatoes", + "beets", + "dill weed", + "tomatoes", + "honey", + "butter", + "sour cream", + "tomato purée", + "red cabbage", + "salt", + "celery", + "caraway seeds", + "cider vinegar", + "vegetable stock", + "carrots", + "onions" + ] + }, + { + "id": 32704, + "ingredients": [ + "eggs", + "butter", + "cake flour", + "baking soda", + "vanilla", + "sugar", + "buttermilk", + "salt", + "white vinegar", + "hot chocolate mix", + "red food coloring" + ] + }, + { + "id": 29469, + "ingredients": [ + "dark soy sauce", + "sesame seeds", + "spring onions", + "corn flour", + "sugar", + "mirin", + "salt", + "sake", + "beef", + "sesame oil", + "greens", + "light soy sauce", + "udon", + "oil" + ] + }, + { + "id": 47877, + "ingredients": [ + "eggs", + "olive oil", + "milk", + "cinnamon sugar", + "sugar", + "salt", + "bread", + "honey", + "cinnamon sticks" + ] + }, + { + "id": 48756, + "ingredients": [ + "black peppercorns", + "ground nutmeg", + "paprika", + "bay leaf", + "dried thyme", + "light mayonnaise", + "salt", + "chopped cilantro fresh", + "orange bell pepper", + "lemon", + "sour cream", + "fresh corn", + "jalapeno chilies", + "cracked black pepper", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 21975, + "ingredients": [ + "kosher salt", + "lemon", + "sorrel", + "egg yolks", + "onions", + "water", + "sour cream", + "sugar", + "butter" + ] + }, + { + "id": 29429, + "ingredients": [ + "black sesame seeds", + "nori", + "coarse sea salt", + "sugar" + ] + }, + { + "id": 20881, + "ingredients": [ + "olive oil", + "tomatillos", + "beer", + "bay leaf", + "white onion", + "pork tenderloin", + "cheese", + "sour cream", + "canola oil", + "tomato sauce", + "roma tomatoes", + "diced tomatoes", + "garlic cloves", + "chipotles in adobo", + "water", + "flour", + "salt", + "corn tortillas" + ] + }, + { + "id": 47414, + "ingredients": [ + "black beans", + "whole kernel corn, drain", + "water", + "ground beef", + "shredded cheddar cheese", + "sour cream", + "tomato paste", + "taco seasoning mix" + ] + }, + { + "id": 9345, + "ingredients": [ + "( oz.) tomato sauce", + "cheddar cheese", + "half & half", + "eggs", + "flour", + "jack cheese", + "green chilies" + ] + }, + { + "id": 47011, + "ingredients": [ + "white wine", + "cantaloupe", + "sugar", + "fresh lemon juice", + "gelatin" + ] + }, + { + "id": 27112, + "ingredients": [ + "pasta", + "cherry tomatoes", + "zucchini", + "salt", + "carrots", + "mozzarella cheese", + "parmesan cheese", + "summer squash", + "cream cheese", + "milk", + "unsalted butter", + "garlic", + "freshly ground pepper", + "bread crumbs", + "olive oil", + "lemon zest", + "all-purpose flour", + "onions" + ] + }, + { + "id": 20402, + "ingredients": [ + "grated parmesan cheese", + "cauliflower florets", + "whole milk", + "broccoli florets", + "all-purpose flour", + "baby spinach leaves", + "butter" + ] + }, + { + "id": 45341, + "ingredients": [ + "black beans", + "salt", + "ground turkey", + "corn", + "yellow onion", + "pepper", + "salsa", + "colby jack cheese", + "taco seasoning" + ] + }, + { + "id": 32670, + "ingredients": [ + "dumpling wrappers", + "chives", + "chopped cilantro", + "soy sauce", + "tahini", + "potato flakes", + "non-fat soymilk", + "garam masala", + "cinnamon", + "chopped garlic", + "curry powder", + "green onions", + "chutney" + ] + }, + { + "id": 41698, + "ingredients": [ + "olive oil", + "shallots", + "dry white wine", + "dried apple", + "pork tenderloin", + "kumquats", + "fresh rosemary", + "fresh cranberries", + "low salt chicken broth" + ] + }, + { + "id": 19857, + "ingredients": [ + "cottage cheese", + "ricotta cheese", + "chopped onion", + "chopped cilantro fresh", + "refried black beans", + "fresh cilantro", + "salsa", + "sour cream", + "tomato sauce", + "lasagna noodles", + "frozen corn kernels", + "ripe olives", + "black beans", + "garlic", + "red bell pepper", + "monterey jack" + ] + }, + { + "id": 42417, + "ingredients": [ + "boneless skinless chicken breasts", + "italian salad dressing", + "ranch dressing" + ] + }, + { + "id": 32254, + "ingredients": [ + "green onions", + "salt", + "kimchi", + "eggs", + "vegetable oil", + "all-purpose flour", + "sesame oil", + "rice vinegar", + "toasted sesame seeds", + "soy sauce", + "chili pepper flakes", + "juice" + ] + }, + { + "id": 2942, + "ingredients": [ + "sugar", + "oil", + "onions", + "salt", + "mustard seeds", + "chili powder", + "lemon juice", + "cumin seed", + "dried chile" + ] + }, + { + "id": 46855, + "ingredients": [ + "spinach leaves", + "olive oil", + "chopped celery", + "garlic cloves", + "red kidnei beans, rins and drain", + "ground black pepper", + "crushed red pepper", + "fat free less sodium chicken broth", + "diced tomatoes", + "chopped onion", + "rosemary sprigs", + "fresh parmesan cheese", + "quick-cooking barley", + "carrots" + ] + }, + { + "id": 20696, + "ingredients": [ + "cherry tomatoes", + "basil", + "ear of corn", + "yellow squash", + "garlic", + "pasta", + "olive oil", + "crushed red pepper", + "mozzarella cheese", + "zucchini", + "salt" + ] + }, + { + "id": 48300, + "ingredients": [ + "warm water", + "chile pepper", + "cumin seed", + "tomatoes", + "fresh ginger", + "salt", + "onions", + "cauliflower", + "olive oil", + "cilantro", + "chapatti flour", + "tumeric", + "salted butter", + "cayenne pepper" + ] + }, + { + "id": 192, + "ingredients": [ + "boneless chicken skinless thigh", + "full fat coconut milk", + "lime", + "lemongrass", + "potatoes", + "fish sauce", + "green curry paste" + ] + }, + { + "id": 32018, + "ingredients": [ + "large egg yolks", + "butter", + "dijon mustard", + "lemon juice" + ] + }, + { + "id": 36695, + "ingredients": [ + "tumeric", + "beef", + "garlic", + "beef broth", + "basmati rice", + "white onion", + "butter", + "cilantro leaves", + "oil", + "slivered almonds", + "golden raisins", + "salt", + "fenugreek seeds", + "cumin", + "water", + "ginger", + "greek style plain yogurt", + "coriander" + ] + }, + { + "id": 48964, + "ingredients": [ + "yellow bean sauce", + "gai lan", + "garlic cloves", + "chicken stock", + "vegetable oil", + "sugar", + "oyster sauce" + ] + }, + { + "id": 12766, + "ingredients": [ + "vegetable oil", + "frozen strawberries", + "eggs", + "all-purpose flour", + "ground cinnamon", + "salt", + "white sugar", + "baking powder", + "chopped walnuts" + ] + }, + { + "id": 42491, + "ingredients": [ + "warm water", + "granulated sugar", + "confectioners sugar", + "active dry yeast", + "all-purpose flour", + "milk", + "salt", + "eggs", + "unsalted butter", + "peanut oil" + ] + }, + { + "id": 38537, + "ingredients": [ + "light brown sugar", + "romaine lettuce", + "cucumber", + "roasted cashews", + "dark sesame oil", + "sliced green onions", + "fresh basil", + "hot chili sauce", + "fresh lime juice", + "roast breast of chicken", + "rice sticks", + "red bell pepper" + ] + }, + { + "id": 22752, + "ingredients": [ + "basil leaves", + "carrots", + "onions", + "water", + "salt", + "curry paste", + "fish sauce", + "ginger", + "red bell pepper", + "chicken", + "sugar", + "garlic", + "coconut milk" + ] + }, + { + "id": 13104, + "ingredients": [ + "kosher salt", + "chile de arbol", + "ground turmeric", + "brown mustard seeds", + "carrots", + "ground black pepper", + "yellow split peas", + "canola oil", + "curry leaves", + "paprika", + "basmati rice" + ] + }, + { + "id": 24203, + "ingredients": [ + "vegetable oil cooking spray", + "all-purpose flour", + "long-grain rice", + "cooked chicken", + "chopped onion", + "pepper", + "creole seasoning", + "no salt added chicken broth", + "salt", + "okra" + ] + }, + { + "id": 38935, + "ingredients": [ + "fat free less sodium chicken broth", + "salt", + "fresh lemon juice", + "grated parmesan cheese", + "chopped onion", + "dried oregano", + "olive oil", + "grated lemon zest", + "frozen artichoke hearts", + "black pepper", + "quickcooking grits", + "garlic cloves", + "large shrimp" + ] + }, + { + "id": 805, + "ingredients": [ + "plain yogurt", + "chili powder", + "garlic", + "cinnamon sticks", + "clove", + "fresh ginger", + "butter", + "cardamom", + "chopped cilantro", + "water", + "vegetable oil", + "salt", + "fresh mint", + "tomatoes", + "boneless skinless chicken breasts", + "white rice", + "lemon juice", + "onions" + ] + }, + { + "id": 3417, + "ingredients": [ + "skinless smoked trout fillets", + "olive oil", + "fennel bulb", + "baguette", + "purple onion" + ] + }, + { + "id": 10861, + "ingredients": [ + "avocado", + "chili powder", + "garlic", + "onions", + "hominy", + "green enchilada sauce", + "rib", + "cabbage", + "lime juice", + "lime wedges", + "diced tomatoes in juice", + "cumin", + "tortillas", + "paprika", + "chopped cilantro" + ] + }, + { + "id": 26640, + "ingredients": [ + "nutmeg", + "nonfat greek yogurt", + "honey", + "cinnamon", + "vanilla almondmilk", + "old-fashioned oats", + "clove", + "peaches", + "vanilla extract" + ] + }, + { + "id": 45720, + "ingredients": [ + "eggs", + "ground pork", + "green onions", + "soy sauce", + "sesame oil" + ] + }, + { + "id": 49419, + "ingredients": [ + "garlic powder", + "basil", + "celery seed", + "Tabasco Pepper Sauce", + "salt", + "chicken", + "flour", + "paprika", + "oregano", + "pepper", + "buttermilk", + "oil" + ] + }, + { + "id": 40352, + "ingredients": [ + "egg yolks", + "rice flour", + "plain flour", + "salt", + "cold water", + "baking powder", + "shrimp", + "vegetables", + "oil" + ] + }, + { + "id": 23447, + "ingredients": [ + "black pepper", + "garlic powder", + "onion powder", + "garlic cloves", + "pork sausages", + "tomato paste", + "reduced sodium chicken broth", + "bell pepper", + "paprika", + "fresh parsley", + "white pepper", + "cayenne", + "uncle bens", + "celery", + "andouille sausage", + "no-salt-added diced tomatoes", + "boneless skinless chicken breasts", + "salt", + "onions" + ] + }, + { + "id": 35394, + "ingredients": [ + "avocado", + "nori", + "rice", + "eggs", + "tuna" + ] + }, + { + "id": 10875, + "ingredients": [ + "fish sauce", + "broccoli florets", + "purple onion", + "toasted sesame oil", + "chicken stock", + "egg noodles", + "stir fry sauce", + "corn starch", + "scallops", + "rice wine", + "carrots", + "canola oil", + "sugar", + "fresh shiitake mushrooms", + "squid", + "medium shrimp" + ] + }, + { + "id": 33773, + "ingredients": [ + "sugar", + "heavy cream", + "bittersweet chocolate", + "large eggs", + "dark brown sugar", + "unsalted butter", + "all-purpose flour", + "unsweetened cocoa powder", + "orange segments", + "salt", + "orange zest" + ] + }, + { + "id": 1539, + "ingredients": [ + "fish sauce", + "olive oil", + "green beans", + "boiling water", + "pepper", + "cilantro leaves", + "curry paste", + "brown sugar", + "salt", + "coconut milk", + "greens", + "chicken legs", + "lime juice", + "rice", + "onions" + ] + }, + { + "id": 27817, + "ingredients": [ + "molasses", + "salt", + "brown sugar", + "yellow mustard", + "pork and beans", + "ketchup", + "bacon", + "onions", + "pepper", + "maple syrup" + ] + }, + { + "id": 12418, + "ingredients": [ + "soy sauce", + "five spice", + "hoisin sauce", + "boneless pork shoulder", + "Sriracha", + "brown sugar", + "red food coloring" + ] + }, + { + "id": 37243, + "ingredients": [ + "olive oil", + "shrimp", + "cooked rice", + "chopped celery", + "chopped green bell pepper", + "onions", + "water", + "creole seasoning" + ] + }, + { + "id": 42127, + "ingredients": [ + "ground black pepper", + "pork sausages", + "all-purpose flour", + "salt", + "milk", + "bacon grease" + ] + }, + { + "id": 12905, + "ingredients": [ + "balsamic vinegar", + "green tomatoes", + "onions", + "chiles", + "dark brown sugar", + "jam" + ] + }, + { + "id": 43889, + "ingredients": [ + "tomato sauce", + "vegetable oil", + "eggplant", + "dry bread crumbs", + "large eggs", + "mozzarella cheese", + "all-purpose flour" + ] + }, + { + "id": 45671, + "ingredients": [ + "dry bread crumbs", + "pepper", + "grated parmesan cheese", + "granulated garlic", + "fresh parsley" + ] + }, + { + "id": 9885, + "ingredients": [ + "milk", + "chocolate ice cream", + "chocolate" + ] + }, + { + "id": 16313, + "ingredients": [ + "soy sauce", + "worcestershire sauce", + "boneless skinless chicken breast halves", + "lime", + "garlic", + "water", + "crushed red pepper flakes", + "fresh ginger root", + "white sugar" + ] + }, + { + "id": 29862, + "ingredients": [ + "garam masala", + "lemon", + "carrots", + "chaat masala", + "tandoori spices", + "yoghurt", + "oil", + "onions", + "ground cumin", + "garlic paste", + "coriander powder", + "salt", + "fresh mint", + "ground turmeric", + "fresh coriander", + "chili powder", + "lemon juice", + "chicken thighs" + ] + }, + { + "id": 11076, + "ingredients": [ + "white wine", + "parmigiano reggiano cheese", + "plum tomatoes", + "chicken stock", + "pepper", + "risotto rice", + "white onion", + "red pepper", + "fresh basil", + "unsalted butter", + "celery" + ] + }, + { + "id": 14205, + "ingredients": [ + "chicken broth", + "quickcooking grits", + "shredded parmesan cheese", + "milk", + "peeled shrimp", + "lemon juice", + "eggs", + "butter", + "cream cheese", + "chopped fresh chives", + "salt", + "fresh parsley" + ] + }, + { + "id": 160, + "ingredients": [ + "pinenuts", + "garlic", + "great northern beans", + "olive oil", + "plum tomatoes", + "black pepper", + "sea salt", + "fresh basil", + "lime juice", + "fresh oregano" + ] + }, + { + "id": 25777, + "ingredients": [ + "lime juice", + "salt", + "pepper", + "olive oil", + "lime zest", + "honey", + "garlic cloves", + "tilapia fillets", + "flour" + ] + }, + { + "id": 11522, + "ingredients": [ + "fresh basil", + "vegetable oil", + "rice vinegar", + "fresh ginger", + "large garlic cloves", + "olive oil", + "miso", + "japanese eggplants", + "baby greens", + "crushed red pepper" + ] + }, + { + "id": 27860, + "ingredients": [ + "taco shells", + "canola oil", + "fillet red snapper", + "fresh lime juice", + "avocado", + "scallions", + "chipotle chile", + "arugula" + ] + }, + { + "id": 15442, + "ingredients": [ + "cooked ham", + "green onions", + "red bell pepper", + "sweet onion", + "green peas", + "soy sauce", + "vegetable oil", + "cooked rice", + "large eggs", + "garlic chili sauce" + ] + }, + { + "id": 21682, + "ingredients": [ + "eggs", + "butter", + "milk", + "white sugar", + "warm water", + "salt", + "active dry yeast", + "bread flour" + ] + }, + { + "id": 47530, + "ingredients": [ + "tomatoes", + "water", + "thai chile", + "mung bean sprouts", + "black pepper", + "vegetable oil", + "lemon verbena", + "boneless skinless chicken breast halves", + "fresh basil", + "fresh shiitake mushrooms", + "salt", + "chopped fresh mint", + "minced garlic", + "pineapple", + "fresh oregano", + "asian fish sauce" + ] + }, + { + "id": 10462, + "ingredients": [ + "chili beans", + "kosher salt", + "diced tomatoes", + "fresh parsley", + "tomato sauce", + "lean ground beef", + "green pepper", + "italian seasoning", + "sausage casings", + "chili powder", + "garlic", + "cumin", + "cheese croutons", + "pecorino romano cheese", + "chopped onion" + ] + }, + { + "id": 19447, + "ingredients": [ + "fresh basil", + "crushed tomatoes", + "ground black pepper", + "fresh thyme", + "crushed red pepper", + "minced garlic", + "sourdough bread", + "fennel bulb", + "clam juice", + "garlic cloves", + "kosher salt", + "halibut fillets", + "extra large shrimp", + "dry white wine", + "clams, well scrub", + "tomato paste", + "water", + "sea scallops", + "finely chopped onion", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 32509, + "ingredients": [ + "cider vinegar", + "black sesame seeds", + "ginger", + "rice vinegar", + "garlic cloves", + "radishes", + "rice noodles", + "purple onion", + "scallions", + "cucumber", + "Sriracha", + "cilantro", + "salt", + "catfish", + "greek yogurt", + "honey", + "sesame oil", + "tamari soy sauce", + "edamame", + "carrots" + ] + }, + { + "id": 13777, + "ingredients": [ + "clove", + "olive oil", + "green chilies", + "mustard seeds", + "toasted sesame seeds", + "garlic paste", + "chili powder", + "cardamom pods", + "fresh mint", + "curry leaf", + "tomatoes", + "potatoes", + "roasted peanuts", + "cinnamon sticks", + "ground turmeric", + "fresh cilantro", + "salt", + "cumin seed", + "onions" + ] + }, + { + "id": 46566, + "ingredients": [ + "pepper", + "chicken cutlets", + "part-skim mozzarella", + "flour", + "Italian seasoned breadcrumbs", + "low sodium pasta sauce", + "vegetable oil", + "eggs", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 12818, + "ingredients": [ + "fresh thyme", + "Tabasco Pepper Sauce", + "garlic", + "onions", + "ground black pepper", + "green onions", + "rendered bacon fat", + "bay leaf", + "bell pepper", + "worcestershire sauce", + "salt", + "boneless veal shoulder", + "flour", + "crushed red pepper flakes", + "celery", + "plum tomatoes" + ] + }, + { + "id": 6901, + "ingredients": [ + "flour", + "carrots", + "fish sauce", + "garlic", + "corn starch", + "eggs", + "cracked black pepper", + "shrimp", + "water", + "scallions", + "beansprouts" + ] + }, + { + "id": 8420, + "ingredients": [ + "melted butter", + "chives", + "salt", + "garlic powder", + "bacon", + "ground mustard", + "sugar", + "buttermilk", + "cayenne pepper", + "self rising flour", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 18262, + "ingredients": [ + "garlic", + "tomatoes", + "onions", + "passata", + "olive oil", + "dried oregano" + ] + }, + { + "id": 26488, + "ingredients": [ + "lime", + "peeled fresh ginger", + "black pepper", + "hoisin sauce", + "plums", + "jumbo shrimp", + "olive oil", + "green onions", + "kosher salt", + "cooking spray" + ] + }, + { + "id": 40225, + "ingredients": [ + "black pepper", + "garlic", + "kimchi", + "large eggs", + "oil", + "steamed white rice", + "scallions", + "onions", + "soy sauce", + "sesame oil", + "juice" + ] + }, + { + "id": 24543, + "ingredients": [ + "flour", + "butter", + "cayenne pepper", + "milk", + "breakfast pork sausage", + "heavy cream", + "scallions", + "baking powder", + "buttermilk", + "freshly ground pepper", + "baking soda", + "coarse salt", + "all-purpose flour", + "chopped parsley" + ] + }, + { + "id": 38946, + "ingredients": [ + "ground ginger", + "mace", + "buttermilk", + "ground cayenne pepper", + "chicken", + "dried basil", + "dried sage", + "salt", + "dried oregano", + "dried thyme", + "all purpose unbleached flour", + "grated nutmeg", + "chopped garlic", + "black pepper", + "bay leaves", + "paprika", + "lard", + "ground cumin" + ] + }, + { + "id": 48842, + "ingredients": [ + "chopped tomatoes", + "baby spinach", + "mascarpone", + "gnocchi", + "parmesan cheese", + "garlic cloves", + "olive oil", + "basil leaves" + ] + }, + { + "id": 2245, + "ingredients": [ + "sea salt", + "blanched almond flour", + "flax seed meal", + "egg whites" + ] + }, + { + "id": 28820, + "ingredients": [ + "pitted kalamata olives", + "extra-virgin olive oil", + "flat leaf parsley", + "lemon peel", + "garlic cloves", + "capers", + "shallots", + "fresh lemon juice", + "ground black pepper", + "anchovy fillets" + ] + }, + { + "id": 26076, + "ingredients": [ + "eggs", + "dry roasted peanuts", + "japanese noodles", + "garlic", + "light brown sugar", + "soy sauce", + "lime", + "vegetable oil", + "beansprouts", + "red chili peppers", + "lime juice", + "green onions", + "rice vinegar", + "chicken stock", + "black pepper", + "boneless chicken breast", + "ginger" + ] + }, + { + "id": 21408, + "ingredients": [ + "chile paste with garlic", + "water", + "rice noodles", + "canola oil", + "low sodium soy sauce", + "brown sugar", + "peeled fresh ginger", + "fresh lime juice", + "fish sauce", + "lemongrass", + "salt", + "sliced green onions", + "fresh basil", + "minced garlic", + "shallots", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 43137, + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "kosher salt", + "whole milk", + "elbow macaroni", + "American cheese", + "grated parmesan cheese", + "mustard powder", + "ground black pepper", + "paprika" + ] + }, + { + "id": 16077, + "ingredients": [ + "corn", + "vegetable broth", + "snow peas", + "miso", + "scallions", + "shredded carrots", + "firm tofu", + "baby spinach", + "sliced mushrooms" + ] + }, + { + "id": 6136, + "ingredients": [ + "salt", + "collard greens", + "rib", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 26797, + "ingredients": [ + "minced garlic", + "kalamata", + "onions", + "greek seasoning", + "finely chopped fresh parsley", + "feta cheese crumbles", + "olive oil", + "lemon juice", + "dried oregano", + "chicken stock", + "uncle bens", + "red bell pepper" + ] + }, + { + "id": 22232, + "ingredients": [ + "milk", + "butter", + "quick-cooking oatmeal", + "baking soda", + "all-purpose flour", + "whole wheat flour", + "salt", + "white sugar", + "baking powder", + "nonfat yogurt plain" + ] + }, + { + "id": 32513, + "ingredients": [ + "fat free less sodium chicken broth", + "dry sherry", + "cinnamon sticks", + "sugar", + "peeled fresh ginger", + "corn starch", + "chestnuts", + "udon", + "boneless pork loin", + "low sodium soy sauce", + "water", + "star anise", + "sliced green onions" + ] + }, + { + "id": 46573, + "ingredients": [ + "zucchini", + "onions", + "garlic cloves", + "corn kernel whole", + "salt", + "dried oregano", + "olive oil", + "chipotle peppers" + ] + }, + { + "id": 23417, + "ingredients": [ + "soy sauce", + "sesame oil", + "all-purpose flour", + "boneless skinless chicken breasts", + "buttermilk", + "honey", + "vegetable oil", + "corn starch", + "apple cider vinegar", + "crushed red pepper flakes" + ] + }, + { + "id": 28077, + "ingredients": [ + "brussels sprouts", + "spelt", + "pecorino romano cheese", + "garlic cloves", + "grape tomatoes", + "butternut squash", + "chopped celery", + "pancetta", + "fat free less sodium chicken broth", + "dry white wine", + "chopped onion", + "chestnuts", + "ground black pepper", + "extra-virgin olive oil", + "carrots" + ] + }, + { + "id": 48348, + "ingredients": [ + "fresh ginger", + "lettuce leaves", + "sesame oil", + "corn starch", + "soy sauce", + "asparagus", + "flank steak", + "garlic", + "glass noodles", + "ketchup", + "hoisin sauce", + "rice wine", + "chili bean paste", + "chicken broth", + "peanuts", + "green onions", + "vegetable oil", + "pickled onion" + ] + }, + { + "id": 14165, + "ingredients": [ + "ham", + "cherry tomatoes", + "salad dressing", + "pitted kalamata olives", + "cucumber", + "chees fresh mozzarella" + ] + }, + { + "id": 34531, + "ingredients": [ + "low-fat sour cream", + "sea salt", + "garlic", + "ground cumin", + "tomato paste", + "ground black pepper", + "low-fat cheddar cheese", + "onions", + "chile powder", + "cremini mushrooms", + "romaine lettuce leaves", + "frozen corn kernels", + "avocado", + "olive oil", + "cauliflower florets", + "corn tortillas" + ] + }, + { + "id": 48014, + "ingredients": [ + "semisweet chocolate", + "butter", + "ground cinnamon", + "self rising flour", + "low-fat buttermilk", + "sugar", + "cooking spray" + ] + }, + { + "id": 45409, + "ingredients": [ + "green onions", + "milk", + "corn tortillas", + "shredded cheddar cheese", + "ranch dressing", + "potatoes" + ] + }, + { + "id": 29847, + "ingredients": [ + "sake", + "flour", + "ginger", + "potato starch", + "ground black pepper", + "sea salt", + "chicken thighs", + "soy sauce", + "sesame oil", + "garlic cloves", + "sugar", + "lemon wedge", + "oil" + ] + }, + { + "id": 29100, + "ingredients": [ + "chili flakes", + "salt", + "vegetable oil", + "black mustard seeds", + "sugar", + "roasted peanuts", + "curry leaves", + "lemon", + "coriander" + ] + }, + { + "id": 47637, + "ingredients": [ + "avocado", + "lime juice", + "peanuts", + "peanut butter", + "canola oil", + "fish sauce", + "fresh cilantro", + "dark leafy greens", + "cucumber", + "water", + "honey", + "garlic", + "fresh mint", + "low sodium soy sauce", + "white distilled vinegar", + "bell pepper", + "carrots", + "rice paper" + ] + }, + { + "id": 25472, + "ingredients": [ + "capers", + "olive oil", + "rigatoni", + "kosher salt", + "diced tomatoes", + "pepper", + "garlic", + "pinenuts", + "golden raisins" + ] + }, + { + "id": 34066, + "ingredients": [ + "pork", + "grating cheese", + "enchilada sauce", + "corn kernels", + "salt", + "olive oil spray", + "black beans", + "paprika", + "red bell pepper", + "spring roll wrappers", + "onion powder", + "cilantro leaves", + "cumin" + ] + }, + { + "id": 23038, + "ingredients": [ + "balsamic vinegar", + "salt", + "black pepper", + "fresh mozzarella", + "baby spinach", + "red bell pepper", + "olive oil", + "purple onion" + ] + }, + { + "id": 5813, + "ingredients": [ + "ground ginger", + "parsley", + "salt", + "ground black pepper", + "garlic", + "garbanzo beans", + "lemon", + "ground cayenne pepper", + "tofu", + "tahini", + "tamari soy sauce" + ] + }, + { + "id": 12715, + "ingredients": [ + "top round steak", + "flour", + "milk", + "buttermilk", + "black pepper", + "vegetable oil", + "eggs", + "cayenne", + "salt" + ] + }, + { + "id": 37649, + "ingredients": [ + "creamy peanut butter", + "Soy Vay® Veri Veri Teriyaki® Marinade & Sauce", + "cucumber", + "Sriracha", + "scallions", + "rice vinegar", + "spaghetti" + ] + }, + { + "id": 4643, + "ingredients": [ + "eggs", + "baking powder", + "white sugar", + "cooking oil", + "all-purpose flour", + "milk", + "butter", + "hot chocolate mix", + "carrots" + ] + }, + { + "id": 31958, + "ingredients": [ + "water", + "sushi rice" + ] + }, + { + "id": 48808, + "ingredients": [ + "evaporated milk", + "whole wheat penne pasta", + "all-purpose flour", + "medium shrimp", + "kosher salt", + "unsalted butter", + "crushed red pepper flakes", + "reduced fat mozzarella", + "chicken broth", + "ground black pepper", + "diced tomatoes", + "light cream cheese", + "olive oil", + "grated parmesan cheese", + "garlic", + "fresh parsley leaves" + ] + }, + { + "id": 14005, + "ingredients": [ + "coarse salt", + "sugar", + "dry roasted peanuts" + ] + }, + { + "id": 25496, + "ingredients": [ + "pork", + "pineapple", + "coriander", + "palm sugar", + "garlic cloves", + "fresh ginger root", + "green chilies", + "fish sauce", + "vegetable oil", + "shrimp" + ] + }, + { + "id": 37029, + "ingredients": [ + "ketchup", + "diced tomatoes", + "sour cream", + "shredded lettuce", + "cheese", + "flour tortillas", + "extra-virgin olive oil", + "ground beef", + "bacon", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 25821, + "ingredients": [ + "stock", + "olive oil", + "diced tomatoes", + "garlic cloves", + "ground cumin", + "pepper", + "jalapeno chilies", + "salt", + "onions", + "vegetable oil cooking spray", + "coriander seeds", + "purple onion", + "corn tortillas", + "avocado", + "corn kernels", + "chicken breast halves", + "cumin seed", + "chopped cilantro fresh" + ] + }, + { + "id": 43337, + "ingredients": [ + "light soy sauce", + "cilantro sprigs", + "whitefish", + "ground black pepper", + "canola oil", + "kosher salt", + "rice wine", + "fresh ginger", + "scallions" + ] + }, + { + "id": 38604, + "ingredients": [ + "pizza crust", + "cooked chicken", + "shredded cheddar cheese", + "salsa" + ] + }, + { + "id": 29603, + "ingredients": [ + "mung beans", + "sugar", + "coconut milk", + "coconut cream", + "glutinous rice" + ] + }, + { + "id": 21318, + "ingredients": [ + "water", + "vanilla extract", + "kirsch", + "powdered sugar", + "large eggs", + "all-purpose flour", + "unsalted butter", + "salt", + "sugar", + "whipping cream", + "strawberries" + ] + }, + { + "id": 20175, + "ingredients": [ + "sugar", + "bay leaves", + "onions", + "water", + "salt", + "peppercorns", + "fried garlic", + "garlic", + "pork butt", + "vinegar", + "oil" + ] + }, + { + "id": 49623, + "ingredients": [ + "bread ciabatta", + "beef stock", + "gruyere cheese", + "unsalted butter", + "sea salt", + "yellow onion", + "fresh thyme", + "cracked black pepper", + "bay leaf", + "water", + "dry white wine", + "all-purpose flour" + ] + }, + { + "id": 16352, + "ingredients": [ + "firmly packed light brown sugar", + "vanilla extract", + "whipping cream", + "blackberries", + "sugar", + "fresh raspberries", + "egg yolks", + "fresh mint" + ] + }, + { + "id": 48535, + "ingredients": [ + "corn", + "queso fresco", + "crema mexican", + "lime", + "chopped cilantro", + "chili powder" + ] + }, + { + "id": 3761, + "ingredients": [ + "eggs", + "olive oil", + "grated parmesan cheese", + "chopped onion", + "tomato sauce", + "lasagna noodles", + "basil dried leaves", + "shredded mozzarella cheese", + "fresh spinach", + "ground black pepper", + "ricotta cheese", + "fresh mushrooms", + "minced garlic", + "grated romano cheese", + "salt", + "dried oregano" + ] + }, + { + "id": 24743, + "ingredients": [ + "water", + "pound cake", + "dark corn syrup", + "coffee liqueur", + "unsweetened cocoa powder", + "powdered sugar", + "instant espresso powder", + "cream cheese", + "sliced almonds", + "whipping cream" + ] + }, + { + "id": 2493, + "ingredients": [ + "heavy cream", + "ham", + "cheddar cheese", + "cornflour", + "onions", + "eggs", + "apples", + "flat leaf parsley", + "cider", + "shortcrust pastry" + ] + }, + { + "id": 29402, + "ingredients": [ + "ground cinnamon", + "butter", + "whole wheat flour", + "barley flour", + "sweet potatoes", + "water", + "salt" + ] + }, + { + "id": 47827, + "ingredients": [ + "okra", + "salt", + "canola oil", + "cornmeal", + "all-purpose flour" + ] + }, + { + "id": 44726, + "ingredients": [ + "olive oil", + "paprika", + "lentils", + "ground turmeric", + "garam masala", + "salt", + "chillies", + "fresh ginger", + "garlic", + "mustard seeds", + "plum tomatoes", + "fresh cilantro", + "butter", + "cumin seed", + "onions" + ] + }, + { + "id": 20472, + "ingredients": [ + "jumbo shells", + "cooked chicken", + "Alfredo sauce", + "shredded mozzarella cheese", + "broccoli" + ] + }, + { + "id": 48253, + "ingredients": [ + "shredded cheddar cheese", + "cooked bacon", + "green onions", + "fresh herbs", + "unsalted butter", + "cheese", + "eggs", + "heavy cream", + "ham" + ] + }, + { + "id": 9810, + "ingredients": [ + "vine ripened tomatoes", + "mesclun", + "dijon mustard", + "extra-virgin olive oil", + "chutney", + "frozen pastry puff sheets", + "brie cheese", + "large eggs", + "white wine vinegar" + ] + }, + { + "id": 24644, + "ingredients": [ + "spinach leaves", + "all-purpose flour", + "water", + "eggs", + "salt" + ] + }, + { + "id": 9437, + "ingredients": [ + "cooking spray", + "oyster mushrooms", + "freshly ground pepper", + "dried thyme", + "shallots", + "chanterelle", + "polenta", + "fresh shiitake mushrooms", + "all-purpose flour", + "garlic cloves", + "olive oil", + "asiago", + "beef broth" + ] + }, + { + "id": 48306, + "ingredients": [ + "ground black pepper", + "baking potatoes", + "thyme sprigs", + "cooking spray", + "salt", + "leeks", + "garlic cloves", + "reduced fat milk", + "gruyere cheese", + "bay leaf" + ] + }, + { + "id": 5288, + "ingredients": [ + "cold water", + "rump steak", + "bay leaf", + "pepper", + "garlic cloves", + "cabbage", + "white vinegar", + "chopped tomatoes", + "fresh lemon juice", + "sugar", + "salt", + "onions" + ] + }, + { + "id": 23638, + "ingredients": [ + "sweetener", + "blueberries", + "flour", + "unsweetened applesauce", + "peaches", + "almond milk", + "brown sugar", + "butter" + ] + }, + { + "id": 8961, + "ingredients": [ + "eggs", + "salt", + "swiss cheese", + "white pepper", + "ham", + "pie crust", + "heavy cream" + ] + }, + { + "id": 29190, + "ingredients": [ + "vanilla extract", + "powdered sugar", + "chopped pecans", + "light corn syrup", + "boiling water", + "pecan halves", + "white frosting mix" + ] + }, + { + "id": 40440, + "ingredients": [ + "large eggs", + "all-purpose flour", + "vegetable oil", + "coarse salt", + "whole milk" + ] + }, + { + "id": 1485, + "ingredients": [ + "dried currants", + "oregano", + "chard", + "fine sea salt", + "garlic", + "ground lamb", + "red potato", + "yellow onion" + ] + }, + { + "id": 3237, + "ingredients": [ + "white vinegar", + "ketchup", + "hot pepper sauce", + "chopped pecans", + "eggs", + "shredded cheddar cheese", + "vegetable oil", + "dried oregano", + "diced onions", + "seasoned bread crumbs", + "minced onion", + "apricot jam", + "cottage cheese", + "dried basil", + "salt", + "sage" + ] + }, + { + "id": 49664, + "ingredients": [ + "carrots", + "peas", + "bell pepper", + "cabbage", + "white rice" + ] + }, + { + "id": 7013, + "ingredients": [ + "yellow corn meal", + "granulated sugar", + "runny honey", + "vanilla beans", + "heavy cream", + "white vinegar", + "unsalted butter", + "sea salt", + "unbaked pie crusts", + "large eggs" + ] + }, + { + "id": 31322, + "ingredients": [ + "cayenne", + "ketchup", + "sugar", + "salt", + "cider vinegar" + ] + }, + { + "id": 9921, + "ingredients": [ + "caster sugar", + "buttermilk", + "white wine vinegar", + "onions", + "bay leaves", + "garlic", + "allspice berries", + "coriander seeds", + "sunflower oil", + "sweet paprika", + "chicken thighs", + "plain flour", + "baking powder", + "fine sea salt", + "ground white pepper" + ] + }, + { + "id": 43495, + "ingredients": [ + "large garlic cloves", + "dried oregano", + "shallots", + "garlic cloves", + "olive oil", + "oil", + "rosemary sprigs", + "rack of lamb" + ] + }, + { + "id": 16404, + "ingredients": [ + "minced garlic", + "rice vinegar", + "soy sauce", + "asian pear", + "onions", + "brown sugar", + "pilsner", + "beef rib short", + "black pepper", + "sesame oil" + ] + }, + { + "id": 14207, + "ingredients": [ + "nonfat yogurt", + "jalape", + "large garlic cloves", + "cucumber", + "peeled fresh ginger", + "leg of lamb", + "mint", + "cilantro" + ] + }, + { + "id": 36283, + "ingredients": [ + "extra firm tofu", + "couscous", + "water", + "currant", + "chopped cilantro fresh", + "broccoli florets", + "onions", + "olive oil", + "red bell pepper" + ] + }, + { + "id": 45185, + "ingredients": [ + "semisweet chocolate", + "dark rum", + "coffee", + "chocolate ice cream" + ] + }, + { + "id": 46086, + "ingredients": [ + "tumeric", + "crushed red pepper flakes", + "cumin seed", + "onions", + "american eggplant", + "curry powder", + "fenugreek seeds", + "coconut milk", + "water", + "curry", + "mustard seeds", + "ginger paste", + "fish sauce", + "lime", + "green chilies", + "dried red chile peppers" + ] + }, + { + "id": 15950, + "ingredients": [ + "saffron threads", + "olive oil", + "clam juice", + "all-purpose flour", + "fresh parsley leaves", + "slivered almonds", + "dry white wine", + "salt", + "sweet paprika", + "water", + "yukon gold potatoes", + "lemon slices", + "garlic cloves", + "cod", + "ground black pepper", + "peas", + "chopped onion" + ] + }, + { + "id": 10852, + "ingredients": [ + "lemon", + "tea bags", + "white sugar", + "water" + ] + }, + { + "id": 7872, + "ingredients": [ + "milk", + "chives", + "salt", + "sevruga caviar", + "egg whites", + "butter", + "buckwheat flour", + "active dry yeast", + "osetra caviar", + "crème fraîche", + "egg yolks", + "beluga caviar", + "all-purpose flour" + ] + }, + { + "id": 23328, + "ingredients": [ + "green bell pepper", + "vegetable oil", + "round steaks", + "egg noodles", + "all-purpose flour", + "ground black pepper", + "salt", + "celery", + "pasta sauce", + "red wine", + "chopped onion" + ] + }, + { + "id": 33971, + "ingredients": [ + "salt", + "unsalted butter", + "parmigiano reggiano cheese", + "fettucine" + ] + }, + { + "id": 43534, + "ingredients": [ + "eggs", + "beef consomme", + "red wine", + "filet", + "liver pate", + "vegetable oil", + "all-purpose flour", + "pepper", + "green onions", + "salt", + "fresh parsley", + "frozen pastry puff sheets", + "butter", + "fresh mushrooms" + ] + }, + { + "id": 31355, + "ingredients": [ + "chicken stock", + "kosher salt", + "parmigiano reggiano cheese", + "worcestershire sauce", + "shrimp", + "white pepper", + "unsalted butter", + "lemon", + "softened butter", + "Louisiana Hot Sauce", + "ground black pepper", + "half & half", + "yellow onion", + "grits", + "fresh rosemary", + "garlic powder", + "large eggs", + "garlic", + "corn-on-the-cob" + ] + }, + { + "id": 41253, + "ingredients": [ + "fresh oregano leaves", + "round loaf", + "feta cheese", + "tomatoes", + "ground black pepper", + "olive oil" + ] + }, + { + "id": 41422, + "ingredients": [ + "vegetables", + "salt", + "skim milk", + "shallots", + "ground cumin", + "pepper", + "butter", + "chives", + "goat cheese" + ] + }, + { + "id": 48204, + "ingredients": [ + "coconut", + "salt", + "ground cinnamon", + "vegetable oil", + "cashew nuts", + "flour", + "ground cardamom", + "sugar", + "raisins" + ] + }, + { + "id": 32057, + "ingredients": [ + "refried beans", + "monterey jack", + "enchilada sauce", + "ground cumin", + "flour tortillas", + "chicken", + "sour cream" + ] + }, + { + "id": 43836, + "ingredients": [ + "eggs", + "butter", + "confectioners sugar", + "milk", + "all-purpose flour", + "shortening", + "vanilla extract", + "white sugar", + "baking powder", + "blueberries" + ] + }, + { + "id": 24107, + "ingredients": [ + "olive oil", + "cumin seed", + "curry leaves", + "garlic", + "potatoes", + "water", + "salt" + ] + }, + { + "id": 36496, + "ingredients": [ + "garam masala", + "vegetable oil", + "fenugreek seeds", + "fresh coriander", + "spring onions", + "paneer", + "tomatoes", + "clear honey", + "ginger", + "onions", + "coriander seeds", + "chili powder", + "green pepper" + ] + }, + { + "id": 6061, + "ingredients": [ + "cooking spray", + "purple onion", + "ground black pepper", + "extra-virgin olive oil", + "tangerine juice", + "chopped almonds", + "fine sea salt", + "fennel seeds", + "tuna steaks", + "chopped fresh mint" + ] + }, + { + "id": 3404, + "ingredients": [ + "caster sugar", + "egg yolks", + "unsalted butter", + "cashew nuts", + "water", + "dark rum", + "cream of tartar", + "egg whites" + ] + }, + { + "id": 13461, + "ingredients": [ + "veal stock", + "shredded cheddar cheese", + "unsalted butter", + "chopped fresh thyme", + "creole seasoning", + "grits", + "tomatoes", + "minced garlic", + "leeks", + "oyster mushrooms", + "cognac", + "eggs", + "water", + "whole milk", + "salt", + "shrimp", + "shrimp stock", + "black pepper", + "ground black pepper", + "mushrooms", + "chanterelle", + "clarified butter" + ] + }, + { + "id": 42443, + "ingredients": [ + "sugar", + "large eggs", + "salt", + "candied flowers", + "raspberries", + "butter", + "buttercream frosting", + "baking powder", + "all-purpose flour", + "fondant", + "milk", + "vanilla extract" + ] + }, + { + "id": 49612, + "ingredients": [ + "eggs", + "refrigerated crescent rolls", + "fresh parsley", + "pepper", + "dry bread crumbs", + "part-skim mozzarella cheese", + "ground beef", + "pasta sauce", + "salt" + ] + }, + { + "id": 48237, + "ingredients": [ + "chicken stock", + "pinenuts", + "extra-virgin olive oil", + "ground coriander", + "ground cumin", + "green olives", + "butter", + "salt", + "onions", + "ground cinnamon", + "parsley leaves", + "garlic", + "couscous", + "tumeric", + "lemon", + "sweet paprika", + "chicken" + ] + }, + { + "id": 25591, + "ingredients": [ + "black pepper", + "rice vinegar", + "canola oil", + "soy sauce", + "boneless skinless chicken breasts", + "garlic cloves", + "brown sugar", + "fresh ginger", + "all-purpose flour", + "ketchup", + "red pepper flakes", + "cashew nuts" + ] + }, + { + "id": 5051, + "ingredients": [ + "minced garlic", + "ground red pepper", + "dried oregano", + "dried thyme", + "fresh lemon juice", + "dried basil", + "extra-virgin olive oil", + "dried rosemary", + "kosher salt", + "ground black pepper", + "flat leaf parsley" + ] + }, + { + "id": 38735, + "ingredients": [ + "white vinegar", + "green onions", + "soy sauce", + "hot water", + "eggs", + "corn starch", + "chicken bouillon" + ] + }, + { + "id": 45315, + "ingredients": [ + "fennel seeds", + "coriander seeds", + "ginger", + "frozen peas", + "ground chicken", + "potatoes", + "cumin seed", + "pie crust", + "curry powder", + "crushed red pepper flakes", + "onions", + "chiles", + "garam masala", + "garlic" + ] + }, + { + "id": 10499, + "ingredients": [ + "white pepper", + "large eggs", + "garlic", + "beansprouts", + "baby bok choy", + "store bought low sodium chicken stock", + "boneless skinless chicken breasts", + "oyster sauce", + "wood ear mushrooms", + "soy sauce", + "ground black pepper", + "vegetable oil", + "corn starch", + "cooked rice", + "kosher salt", + "Shaoxing wine", + "scallions", + "onions" + ] + }, + { + "id": 37733, + "ingredients": [ + "hot water", + "ground cinnamon", + "white sugar", + "biscuit mix", + "vegetable oil" + ] + }, + { + "id": 28537, + "ingredients": [ + "soy sauce", + "black sesame seeds", + "rice vinegar", + "sugar", + "mirin", + "garlic", + "white miso", + "ginger", + "japanese eggplants", + "sushi rice", + "cilantro", + "green tea powder" + ] + }, + { + "id": 42701, + "ingredients": [ + "cooked rice", + "light soy sauce", + "rice wine", + "garlic", + "corn flour", + "rock sugar", + "spring onions", + "ground pork", + "oil", + "dark soy sauce", + "cooking oil", + "marinade", + "salt", + "water", + "shallots", + "ginger", + "ground white pepper" + ] + }, + { + "id": 2149, + "ingredients": [ + "frozen sweet peas", + "rice", + "olive oil", + "chunky salsa", + "minced onion", + "chicken broth", + "garlic" + ] + }, + { + "id": 8204, + "ingredients": [ + "ground black pepper", + "salt", + "sliced mushrooms", + "eggs", + "sesame oil", + "rice", + "bamboo shoots", + "soy sauce", + "butter", + "carrots", + "sliced green onions", + "zucchini", + "chili sauce", + "beansprouts" + ] + }, + { + "id": 48318, + "ingredients": [ + "sugar", + "water", + "salt", + "corn starch", + "eggs", + "soy sauce", + "flour", + "garlic cloves", + "onions", + "pork", + "vinegar", + "tomato ketchup", + "cucumber", + "wine", + "pepper", + "vegetable oil", + "carrots" + ] + }, + { + "id": 31976, + "ingredients": [ + "mirin", + "wasabi paste", + "scallions", + "soy sauce", + "dark sesame oil" + ] + }, + { + "id": 16798, + "ingredients": [ + "dulce de leche", + "egg yolks", + "water", + "vanilla extract", + "sugar", + "lemon", + "eggs", + "milk" + ] + }, + { + "id": 3463, + "ingredients": [ + "coconut milk", + "fresh thyme", + "allspice", + "boneless skinless chicken breasts", + "onions" + ] + }, + { + "id": 45378, + "ingredients": [ + "chicken broth", + "green onions", + "shrimp", + "half & half", + "salt", + "dried thyme", + "butter", + "fresh asparagus", + "quickcooking grits", + "fresh mushrooms" + ] + }, + { + "id": 5059, + "ingredients": [ + "whole wheat cheese tortellini", + "boneless skinless chicken breasts", + "frozen corn kernels", + "ground black pepper", + "chees fresco queso", + "lime", + "diced tomatoes", + "low sodium chicken broth", + "cilantro leaves" + ] + }, + { + "id": 634, + "ingredients": [ + "water", + "salted roast peanuts", + "peeled fresh ginger", + "fresh lemon juice", + "lemon zest", + "black mustard seeds", + "tumeric", + "vegetable oil", + "basmati rice" + ] + }, + { + "id": 31436, + "ingredients": [ + "flour", + "salt", + "curry powder", + "boneless skinless chicken breasts", + "onions", + "chicken broth", + "golden raisins", + "rice", + "ground pepper", + "butter" + ] + }, + { + "id": 44424, + "ingredients": [ + "unsweetened coconut milk", + "butternut squash", + "red curry paste", + "lime juice", + "ginger", + "water", + "shallots", + "canola oil", + "palm sugar", + "salt" + ] + }, + { + "id": 27210, + "ingredients": [ + "all purpose unbleached flour", + "milk", + "large eggs", + "melted butter", + "salt" + ] + }, + { + "id": 9367, + "ingredients": [ + "powdered sugar", + "golden delicious apples", + "grated nutmeg", + "granulated sugar", + "salt", + "large egg whites", + "apple cider", + "sundae syrup", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 42447, + "ingredients": [ + "olive oil", + "turnip greens", + "salt", + "collard greens", + "lemon wedge", + "water", + "garlic cloves" + ] + }, + { + "id": 39473, + "ingredients": [ + "ground black pepper", + "butter", + "pecan halves", + "flour", + "salt", + "large eggs", + "trout fillet", + "olive oil", + "baking powder", + "chile sauce" + ] + }, + { + "id": 48459, + "ingredients": [ + "ground cinnamon", + "sugar", + "mini marshmallows", + "salt", + "powdered sugar", + "ground nutmeg", + "whipping cream", + "yams", + "ground ginger", + "pecans", + "unsalted butter", + "vanilla extract", + "cream sweeten whip", + "almonds", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 26925, + "ingredients": [ + "garam masala", + "peas", + "cayenne pepper", + "curry powder", + "potatoes", + "garlic", + "coconut milk", + "garbanzo beans", + "vegetable oil", + "salt", + "ground cumin", + "fresh ginger root", + "diced tomatoes", + "yellow onion" + ] + }, + { + "id": 27418, + "ingredients": [ + "mayonaise", + "fresh ginger", + "salted peanuts", + "white vinegar", + "pepper", + "sesame oil", + "wasabi paste", + "shredded coleslaw mix", + "salt", + "sugar", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 43549, + "ingredients": [ + "bacon", + "potatoes", + "collard greens", + "onions", + "red wine vinegar" + ] + }, + { + "id": 28330, + "ingredients": [ + "tomatoes", + "dried basil", + "heavy cream", + "diced onions", + "minced garlic", + "balsamic vinegar", + "oregano", + "tomato sauce", + "olive oil", + "salt", + "tomato paste", + "crushed tomatoes", + "red pepper flakes" + ] + }, + { + "id": 23540, + "ingredients": [ + "ricotta cheese", + "tomatoes", + "italian seasoning", + "bread", + "provolone cheese", + "mayonaise" + ] + }, + { + "id": 23046, + "ingredients": [ + "boneless chicken skinless thigh", + "green pepper", + "onions", + "swanson chicken broth", + "celery", + "diced tomatoes", + "creole seasoning", + "long grain white rice", + "kielbasa", + "medium shrimp" + ] + }, + { + "id": 3010, + "ingredients": [ + "baking powder", + "plain yogurt", + "salt", + "sugar", + "butter", + "cake" + ] + }, + { + "id": 3764, + "ingredients": [ + "frozen whole kernel corn", + "quick-cooking barley", + "shredded Monterey Jack cheese", + "canned black beans", + "lettuce leaves", + "fresh lime juice", + "poblano peppers", + "salt", + "ground cumin", + "water", + "extra-virgin olive oil", + "chopped cilantro fresh" + ] + }, + { + "id": 8310, + "ingredients": [ + "black beans", + "zucchini", + "chees fresco queso", + "corn tortillas", + "tomato sauce", + "water", + "lime wedges", + "salt", + "canola oil", + "green chile", + "shredded cheddar cheese", + "chili powder", + "garlic", + "onions", + "sugar", + "fresh cilantro", + "yellow bell pepper", + "enchilada sauce", + "ground cumin" + ] + }, + { + "id": 24067, + "ingredients": [ + "shiitake", + "chicken breasts", + "garlic cloves", + "five-spice powder", + "chinese rice wine", + "hoisin sauce", + "napa cabbage", + "corn starch", + "low sodium soy sauce", + "Sriracha", + "sesame oil", + "oyster sauce", + "canola oil", + "fresh ginger", + "low sodium chicken broth", + "scallions", + "spaghetti" + ] + }, + { + "id": 33496, + "ingredients": [ + "low sodium soy sauce", + "peeled fresh ginger", + "seasoned rice wine vinegar", + "carrots", + "canola oil", + "sugar", + "wonton wrappers", + "peanut butter", + "corn starch", + "green cabbage", + "water", + "salt", + "dark sesame oil", + "chopped cilantro fresh", + "chile paste with garlic", + "green onions", + "hot sauce", + "shrimp" + ] + }, + { + "id": 17217, + "ingredients": [ + "kosher salt", + "garlic powder", + "sweet potatoes", + "apple cider vinegar", + "fresh lemon juice", + "ground cinnamon", + "water", + "pork tenderloin", + "baking powder", + "salt", + "white vinegar", + "pepper", + "ground black pepper", + "ground red pepper", + "butter", + "reduced fat mayonnaise", + "brown sugar", + "fat free milk", + "cooking spray", + "chili powder", + "all-purpose flour" + ] + }, + { + "id": 38134, + "ingredients": [ + "hot sauce", + "corn starch", + "jalapeno chilies", + "sharp cheddar cheese", + "American cheese", + "tortilla chips", + "whole milk", + "beer" + ] + }, + { + "id": 48225, + "ingredients": [ + "lean ground beef", + "McCormick Taco Seasoning", + "frozen whole kernel corn", + "elbow macaroni", + "water", + "diced tomatoes", + "colby jack cheese", + "tomato sauce low sodium" + ] + }, + { + "id": 10819, + "ingredients": [ + "light soy sauce", + "oil", + "barbecued pork", + "corn starch", + "garlic", + "oyster sauce", + "sugar", + "scallions" + ] + }, + { + "id": 20270, + "ingredients": [ + "kale", + "crème fraîche", + "allspice berries", + "thyme", + "tomatoes", + "fresh bay leaves", + "Diamond Crystal® Kosher Salt", + "lemon juice", + "onions", + "green cabbage", + "ground black pepper", + "dill", + "dill seed", + "celery", + "water", + "parsley", + "beets", + "carrots", + "canola oil" + ] + }, + { + "id": 11362, + "ingredients": [ + "water", + "salt", + "coconut milk", + "green bell pepper", + "potatoes", + "carrots", + "chicken", + "curry powder", + "oil", + "onions", + "fish sauce", + "garlic", + "red bell pepper" + ] + }, + { + "id": 15251, + "ingredients": [ + "paprika", + "shrimp", + "olive oil", + "sauce", + "pepper", + "salt", + "ground cumin", + "garlic powder", + "ground coriander" + ] + }, + { + "id": 39093, + "ingredients": [ + "tumeric", + "sweet potatoes", + "ginger", + "garlic cloves", + "orange lentils", + "clove", + "fresh curry leaves", + "sea salt", + "ground coriander", + "coconut milk", + "ground cumin", + "cauliflower", + "red chili peppers", + "vegetable oil", + "cayenne pepper", + "lemon juice", + "plum tomatoes", + "mild curry powder", + "water", + "cilantro", + "cumin seed", + "onions" + ] + }, + { + "id": 10567, + "ingredients": [ + "seasoning", + "green onions", + "vegetable oil", + "salsa", + "avocado", + "pepper jack", + "boneless skinless chicken breasts", + "cilantro", + "chicken", + "corn", + "green leaf lettuce", + "butter", + "tortilla chips", + "salad", + "roma tomatoes", + "ranch dressing", + "cilantro leaves" + ] + }, + { + "id": 45243, + "ingredients": [ + "white onion", + "extra-virgin olive oil", + "eggs", + "spices", + "cooking spray", + "bell pepper", + "mexican chorizo" + ] + }, + { + "id": 5649, + "ingredients": [ + "rice noodles", + "carrots", + "green onions", + "tamari soy sauce", + "celery ribs", + "vegetable oil", + "cabbage", + "boneless skinless chicken breasts", + "garlic cloves" + ] + }, + { + "id": 40569, + "ingredients": [ + "grated parmesan cheese", + "fresh asparagus", + "olive oil", + "sausages", + "plum tomatoes", + "ground black pepper", + "spaghettini", + "garlic cloves", + "garlic salt" + ] + }, + { + "id": 1045, + "ingredients": [ + "green onions", + "cream cheese", + "cheddar cheese", + "salt", + "French bread loaves", + "chopped ham", + "worcestershire sauce", + "sour cream", + "pepper", + "hot sauce" + ] + }, + { + "id": 10509, + "ingredients": [ + "large garlic cloves", + "mayonaise", + "fresh lemon juice", + "creole mustard", + "paprika", + "ground red pepper", + "fresh parsley" + ] + }, + { + "id": 14626, + "ingredients": [ + "water", + "hot chili powder", + "cumin", + "fresh spinach", + "potatoes", + "oil", + "garam masala", + "ground coriander", + "black pepper", + "vegetable stock", + "onions" + ] + }, + { + "id": 18812, + "ingredients": [ + "kosher salt", + "grated parmesan cheese", + "purple onion", + "romaine lettuce", + "olive oil", + "ricotta cheese", + "black pepper", + "lasagna noodles", + "red wine vinegar", + "frozen chopped spinach", + "mozzarella cheese", + "marinara sauce", + "cucumber" + ] + }, + { + "id": 4233, + "ingredients": [ + "hazelnuts", + "garlic cloves", + "mussels", + "extra-virgin olive oil", + "ground black pepper", + "fresh lemon juice", + "fresh rosemary", + "salt" + ] + }, + { + "id": 13695, + "ingredients": [ + "water", + "hot pepper sauce", + "salt", + "red bell pepper", + "ground cumin", + "ground cinnamon", + "yellow squash", + "cooking spray", + "fresh lemon juice", + "onions", + "cherry tomatoes", + "zucchini", + "chickpeas", + "couscous", + "green bell pepper", + "ground black pepper", + "extra-virgin olive oil", + "feta cheese crumbles", + "chopped cilantro fresh" + ] + }, + { + "id": 40308, + "ingredients": [ + "crushed tomatoes", + "garlic", + "dried oregano", + "garbanzo beans", + "sweet mini bells", + "frozen okra", + "salt", + "water", + "red pepper", + "onions" + ] + }, + { + "id": 46604, + "ingredients": [ + "black pepper", + "beef", + "salt", + "red bell pepper", + "olive oil", + "shallots", + "all-purpose flour", + "dried thyme", + "fennel bulb", + "stone ground mustard", + "escarole", + "Madeira", + "fat free milk", + "baking potatoes", + "garlic cloves" + ] + }, + { + "id": 22035, + "ingredients": [ + "littleneck clams", + "garlic cloves", + "kosher salt", + "purple onion", + "bread crumb fresh", + "extra-virgin olive oil", + "red bell pepper", + "ground black pepper", + "fresh oregano" + ] + }, + { + "id": 39290, + "ingredients": [ + "active dry yeast", + "extra-virgin olive oil", + "warm water", + "honey", + "diced onions", + "rosemary", + "all-purpose flour", + "kosher salt", + "grated parmesan cheese" + ] + }, + { + "id": 46065, + "ingredients": [ + "prawns", + "red pepper", + "beansprouts", + "eggs", + "boneless skinless chicken breasts", + "sauce", + "canola oil", + "lime", + "rice noodles", + "carrots", + "green onions", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 41748, + "ingredients": [ + "store bought low sodium chicken broth", + "unsalted butter", + "diced tomatoes", + "hot chili sauce", + "onions", + "orange", + "boneless skinless chicken breasts", + "cilantro leaves", + "ground cayenne pepper", + "ground cumin", + "kosher salt", + "jalapeno chilies", + "garlic", + "juice", + "monterey jack", + "light sour cream", + "ground black pepper", + "chili powder", + "all-purpose flour", + "corn tortillas" + ] + }, + { + "id": 26524, + "ingredients": [ + "fish sauce", + "lime", + "watercress", + "scallions", + "soy sauce", + "unsalted butter", + "purple onion", + "canola oil", + "sugar", + "ground black pepper", + "beef tenderloin", + "garlic cloves", + "kosher salt", + "rice wine", + "rice vinegar" + ] + }, + { + "id": 32543, + "ingredients": [ + "fresh basil", + "ground black pepper", + "part-skim ricotta cheese", + "shredded mozzarella cheese", + "white vinegar", + "olive oil", + "crushed garlic", + "fresh oregano", + "boneless skinless chicken breast halves", + "fresh marjoram", + "grated parmesan cheese", + "salt", + "heavy whipping cream", + "eggs", + "ground nutmeg", + "butter", + "manicotti pasta" + ] + }, + { + "id": 4398, + "ingredients": [ + "milk", + "raisins", + "sugar", + "unsalted butter", + "grated nutmeg", + "semolina", + "sea salt", + "vanilla beans", + "large eggs" + ] + }, + { + "id": 27069, + "ingredients": [ + "panko", + "vegetable oil", + "cayenne pepper", + "kosher salt", + "unsalted butter", + "boneless chicken cutlet", + "honey", + "pies", + "hot sauce", + "ground black pepper", + "buttermilk" + ] + }, + { + "id": 33375, + "ingredients": [ + "fresh red chili", + "fresh lime", + "purple onion", + "black peppercorns", + "prawns", + "black mustard seeds", + "curry leaves", + "fresh coriander", + "garlic", + "ground turmeric", + "reduced fat coconut milk", + "fresh ginger root", + "fenugreek seeds" + ] + }, + { + "id": 4039, + "ingredients": [ + "hot pepper sauce", + "cream cheese", + "roast red peppers, drain", + "extra-virgin olive oil", + "feta cheese crumbles", + "half & half", + "lemon juice", + "dried oregano", + "roasted garlic", + "ground white pepper" + ] + }, + { + "id": 8010, + "ingredients": [ + "water", + "butter", + "chopped onion", + "masa harina", + "fat free less sodium chicken broth", + "olive oil", + "white wine vinegar", + "garlic cloves", + "fresh cilantro", + "anise", + "cumin seed", + "black beans", + "baking powder", + "salt", + "boiling water" + ] + }, + { + "id": 45016, + "ingredients": [ + "pepper", + "salt", + "chiles", + "chives", + "poblano chiles", + "tomatoes", + "large eggs", + "oil", + "jack cheese", + "bacon", + "chopped cilantro fresh" + ] + }, + { + "id": 49669, + "ingredients": [ + "eggs", + "unsalted butter", + "vanilla wafer crumbs", + "all-purpose flour", + "sweetened condensed milk", + "frozen whipped topping", + "whole milk", + "salt", + "vanilla instant pudding", + "sugar", + "egg yolks", + "vanilla extract", + "cream cheese", + "bananas", + "baking powder", + "vanilla wafers", + "sour cream" + ] + }, + { + "id": 43785, + "ingredients": [ + "sugar", + "milk", + "peanut oil", + "onions", + "dark soy sauce", + "pork", + "baking powder", + "ground white pepper", + "homemade chicken stock", + "tapioca starch", + "oyster sauce", + "chinese rice wine", + "ketchup", + "all-purpose flour", + "toasted sesame oil" + ] + }, + { + "id": 4641, + "ingredients": [ + "ground black pepper", + "salt", + "1% low-fat milk", + "sausages", + "vegetable oil", + "all-purpose flour", + "biscuit dough" + ] + }, + { + "id": 20897, + "ingredients": [ + "white wine", + "beef stock", + "all-purpose flour", + "beef rib roast", + "garlic", + "milk", + "pan drippings", + "eggs", + "ground black pepper", + "salt" + ] + }, + { + "id": 27149, + "ingredients": [ + "red bean paste", + "glutinous rice flour", + "water", + "rock sugar", + "fresh ginger" + ] + }, + { + "id": 48400, + "ingredients": [ + "flour", + "greek style plain yogurt", + "warm water", + "sea salt", + "canola oil", + "sugar", + "baking powder", + "clarified butter", + "active dry yeast", + "all-purpose flour" + ] + }, + { + "id": 47164, + "ingredients": [ + "mayonaise", + "garlic powder", + "cajun seasoning", + "cayenne pepper", + "dried oregano", + "diced onions", + "milk", + "shredded cabbage", + "paprika", + "greek yogurt", + "avocado", + "dried thyme", + "onion powder", + "salt", + "seasoning mix", + "black pepper", + "mild white fish", + "diced tomatoes", + "oil" + ] + }, + { + "id": 43054, + "ingredients": [ + "salami", + "pitted black olives", + "chees fresh mozzarella", + "tomatoes", + "focaccia", + "olive oil", + "fresh basil leaves" + ] + }, + { + "id": 44898, + "ingredients": [ + "chicken broth", + "flour", + "cubed pork", + "curry powder", + "vegetable oil", + "carrots", + "honey", + "garlic", + "onions", + "potatoes", + "salt" + ] + }, + { + "id": 43722, + "ingredients": [ + "chili oil", + "beef", + "cracked black pepper", + "enokitake", + "tat soi", + "sea salt" + ] + }, + { + "id": 6650, + "ingredients": [ + "olive oil", + "chuck roast", + "ground cayenne pepper", + "ground black pepper", + "chile pepper", + "garlic powder", + "chili powder", + "onions", + "hot pepper sauce", + "salt" + ] + }, + { + "id": 23376, + "ingredients": [ + "ditalini", + "broccoli rabe", + "white wine vinegar", + "pesto", + "vegetable broth", + "cannellini beans", + "crushed red pepper" + ] + }, + { + "id": 24251, + "ingredients": [ + "small red beans", + "ground black pepper", + "cayenne pepper", + "cooked rice", + "water", + "salt", + "celery", + "tomato sauce", + "garlic", + "thyme", + "green bell pepper", + "olive oil", + "yellow onion", + "oregano" + ] + }, + { + "id": 41325, + "ingredients": [ + "red chili peppers", + "eggplant", + "garlic cloves", + "ground turmeric", + "olive oil", + "chili powder", + "coconut milk", + "lemongrass", + "shallots", + "Thai fish sauce", + "sugar", + "fresh ginger", + "vegetable stock", + "coriander" + ] + }, + { + "id": 19133, + "ingredients": [ + "milk", + "confectioners sugar", + "vanilla extract", + "all-purpose flour", + "butter" + ] + }, + { + "id": 15843, + "ingredients": [ + "coconut oil", + "vegetables", + "cumin seed", + "grated coconut", + "salt", + "red chili peppers", + "yoghurt", + "ground turmeric", + "curry leaves", + "water", + "green chilies" + ] + }, + { + "id": 34532, + "ingredients": [ + "cherry tomatoes", + "balsamic vinegar", + "arugula", + "vegetable oil cooking spray", + "ground black pepper", + "chopped fresh herbs", + "fresh corn", + "sea scallops", + "salt", + "olive oil", + "chopped fresh thyme", + "chopped garlic" + ] + }, + { + "id": 21679, + "ingredients": [ + "kosher salt", + "ziti", + "ricotta", + "pasta sauce", + "olive oil", + "garlic", + "black pepper", + "grated parmesan cheese", + "yellow onion", + "frozen spinach", + "mozzarella cheese", + "lean ground beef", + "fresh oregano" + ] + }, + { + "id": 35411, + "ingredients": [ + "frozen pizza dough", + "olive oil", + "sausages", + "zucchini", + "roast red peppers, drain", + "dried thyme", + "provolone cheese" + ] + }, + { + "id": 9765, + "ingredients": [ + "black beans", + "sea salt", + "panko breadcrumbs", + "burger buns", + "cooking oil", + "goat cheese", + "seasoning", + "silken tofu", + "purple onion", + "arugula", + "mayonaise", + "bell pepper", + "fresh mushrooms" + ] + }, + { + "id": 16906, + "ingredients": [ + "green bell pepper", + "finely chopped onion", + "black-eyed peas", + "chile pepper", + "minced garlic", + "pimentos", + "ground black pepper", + "salad dressing" + ] + }, + { + "id": 37624, + "ingredients": [ + "shiitake", + "corn starch", + "chinese rice wine", + "green onions", + "chicken stock", + "large eggs", + "ground white pepper", + "fresh ginger", + "salt" + ] + }, + { + "id": 19551, + "ingredients": [ + "port wine", + "extra-virgin olive oil", + "chicken", + "potatoes", + "salt", + "ground black pepper", + "garlic", + "dry sherry", + "fresh parsley" + ] + }, + { + "id": 42361, + "ingredients": [ + "garlic", + "red bell pepper", + "jalapeno chilies", + "pinto beans", + "black pepper", + "salt", + "onions", + "chili powder", + "ham hock" + ] + }, + { + "id": 16853, + "ingredients": [ + "green cabbage", + "olive oil", + "mild white fish", + "cilantro leaves", + "carrots", + "ground chipotle chile pepper", + "granulated sugar", + "sea salt", + "greek style plain yogurt", + "champagne vinegar", + "mayonaise", + "ground black pepper", + "jalapeno chilies", + "all-purpose flour", + "corn tortillas", + "lime juice", + "red cabbage", + "purple onion", + "scallions", + "ground cumin" + ] + }, + { + "id": 36743, + "ingredients": [ + "soy sauce", + "sesame oil", + "shells", + "garlic chili sauce", + "water", + "daikon", + "cayenne pepper", + "noodles", + "sugar", + "green onions", + "ancho powder", + "garlic cloves", + "spaghetti", + "baby spinach leaves", + "clam juice", + "salt", + "varnish clams" + ] + }, + { + "id": 30296, + "ingredients": [ + "garlic paste", + "coriander seeds", + "cinnamon", + "oil", + "onions", + "clove", + "water", + "capsicum", + "brown cardamom", + "lemon juice", + "chicken", + "red chili peppers", + "garam masala", + "salt", + "cardamom", + "ground turmeric", + "tomatoes", + "mace", + "chili powder", + "cumin seed", + "bay leaf", + "ginger paste" + ] + }, + { + "id": 40826, + "ingredients": [ + "eggs", + "vinegar", + "wonton wrappers", + "honey", + "sesame oil", + "cream cheese", + "water", + "green onions", + "dipping sauces", + "low sodium soy sauce", + "Sriracha", + "vegetable oil" + ] + }, + { + "id": 25987, + "ingredients": [ + "yellow mustard seeds", + "cumin seed", + "ground red pepper", + "ground turmeric", + "coriander seeds", + "white peppercorns", + "clove", + "fenugreek seeds" + ] + }, + { + "id": 37150, + "ingredients": [ + "caster sugar", + "dried apricot", + "yeast", + "strong white bread flour", + "milk", + "softened butter", + "eggs", + "water", + "salt", + "sliced almonds", + "unsalted butter", + "apricot jam" + ] + }, + { + "id": 42940, + "ingredients": [ + "pepper", + "clam juice", + "clams", + "olive oil", + "chopped cilantro fresh", + "minced garlic", + "onions", + "crusty bread", + "dry white wine" + ] + }, + { + "id": 8704, + "ingredients": [ + "garlic powder", + "enchilada sauce", + "pepper", + "salt", + "tomato sauce", + "purple onion", + "italian sausage", + "flour tortillas", + "monterey jack" + ] + }, + { + "id": 27779, + "ingredients": [ + "lime", + "salt", + "red chile powder", + "greek style plain yogurt", + "jalapeno chilies", + "avocado", + "garlic" + ] + }, + { + "id": 27962, + "ingredients": [ + "vine ripened tomatoes", + "garlic cloves", + "pepper", + "extra-virgin olive oil", + "fresh basil leaves", + "mozzarella cheese", + "baby spinach", + "onions", + "chicken breasts", + "salt" + ] + }, + { + "id": 42110, + "ingredients": [ + "garlic paste", + "salad dressing", + "boneless chicken", + "Thai chili paste", + "peanut butter" + ] + }, + { + "id": 43848, + "ingredients": [ + "kosher salt", + "green onions", + "canola oil", + "mint", + "large egg yolks", + "ginger", + "lemongrass", + "basil", + "crab", + "panko", + "cilantro leaves" + ] + }, + { + "id": 2334, + "ingredients": [ + "lettuce", + "caster sugar", + "chilli paste", + "sake", + "minced garlic", + "toasted sesame oil", + "sirloin", + "ground black pepper", + "soy sauce", + "spring onions" + ] + }, + { + "id": 18882, + "ingredients": [ + "bread crumb fresh", + "extra-virgin olive oil", + "cayenne", + "sea salt", + "water", + "garlic cloves" + ] + }, + { + "id": 32970, + "ingredients": [ + "brown sugar", + "granulated sugar", + "crème fraîche", + "hazelnuts", + "butter", + "corn starch", + "almonds", + "salt", + "granny smith apples", + "flour", + "lemon juice" + ] + }, + { + "id": 44755, + "ingredients": [ + "sugar", + "butter", + "active dry yeast", + "bread flour", + "milk", + "salt", + "rum syrup", + "large eggs" + ] + }, + { + "id": 34346, + "ingredients": [ + "bread crumbs", + "oil", + "grated parmesan cheese", + "cooked white rice", + "marinara sauce", + "eggs", + "fresh mozzarella" + ] + }, + { + "id": 5155, + "ingredients": [ + "soy sauce", + "flour", + "oil", + "water", + "garlic", + "peppercorns", + "pepper", + "bay leaves", + "baby back ribs", + "eggs", + "vinegar", + "salt" + ] + }, + { + "id": 36723, + "ingredients": [ + "hot red pepper flakes", + "coarse salt", + "extra-virgin olive oil", + "flat leaf parsley", + "chicken", + "eggplant", + "dry red wine", + "freshly ground pepper", + "chopped fresh mint", + "chiles", + "russet potatoes", + "salt", + "celery", + "bell pepper", + "Sicilian olives", + "carrots", + "plum tomatoes" + ] + }, + { + "id": 41932, + "ingredients": [ + "spinach", + "ground black pepper", + "salt", + "olive oil", + "raisins", + "boiling water", + "pinenuts", + "grated parmesan cheese", + "bow-tie pasta", + "prosciutto", + "garlic" + ] + }, + { + "id": 14939, + "ingredients": [ + "cornflour", + "browning", + "salt", + "ketchup", + "rice vinegar", + "vegetable oil", + "pineapple juice" + ] + }, + { + "id": 36282, + "ingredients": [ + "yellow squash", + "zucchini", + "purple onion", + "pepper", + "cayenne", + "cilantro", + "cumin", + "lime", + "tortillas", + "extra-virgin olive oil", + "avocado", + "eggplant", + "chili powder", + "salt" + ] + }, + { + "id": 8585, + "ingredients": [ + "lime rind", + "tequila", + "water", + "sugar", + "fresh lime juice" + ] + }, + { + "id": 40931, + "ingredients": [ + "beef stock", + "butter", + "all-purpose flour", + "ground pepper", + "roasted chestnuts", + "salt", + "armagnac", + "prunes", + "bay leaves", + "dry red wine", + "fresh parsley", + "orange", + "goose", + "prune juice", + "onions" + ] + }, + { + "id": 47156, + "ingredients": [ + "flour tortillas", + "crushed red pepper", + "pork top loin chops", + "vegetable oil", + "sliced green onions", + "soy sauce", + "shredded cabbage", + "toasted sesame oil", + "hoisin sauce", + "button mushrooms" + ] + }, + { + "id": 7015, + "ingredients": [ + "marsala wine", + "large egg yolks", + "sugar" + ] + }, + { + "id": 9084, + "ingredients": [ + "red chili peppers", + "potatoes", + "extra-virgin olive oil", + "carrots", + "water", + "cannellini beans", + "kale leaves", + "white wine", + "low sodium chicken broth", + "garlic", + "onions", + "fresh rosemary", + "ground black pepper", + "chopped fresh thyme", + "chopped fresh sage" + ] + }, + { + "id": 44893, + "ingredients": [ + "large garlic cloves", + "unsalted butter", + "Italian bread", + "extra-virgin olive oil", + "grated parmesan cheese", + "flat leaf parsley" + ] + }, + { + "id": 43738, + "ingredients": [ + "file powder", + "garlic cloves", + "water", + "vegetable oil", + "red bell pepper", + "cayenne", + "beef rib short", + "beef shank", + "beef broth", + "onions" + ] + }, + { + "id": 11072, + "ingredients": [ + "ground black pepper", + "shrimp", + "vegetable oil", + "szechwan peppercorns", + "corn starch", + "kosher salt", + "all-purpose flour" + ] + }, + { + "id": 37376, + "ingredients": [ + "baking soda", + "salt", + "butter", + "large eggs", + "all-purpose flour", + "sugar", + "buttermilk" + ] + }, + { + "id": 25937, + "ingredients": [ + "kosher salt", + "serrano chile", + "pea shoots", + "watercress", + "vegetable oil", + "peeled fresh ginger" + ] + }, + { + "id": 37277, + "ingredients": [ + "evaporated milk", + "crispy chow mein noodles", + "sliced almonds", + "boneless skinless chicken breasts", + "sliced mushrooms", + "chicken broth", + "water chestnuts", + "diced celery", + "shredded cheddar cheese", + "condensed cream of mushroom soup" + ] + }, + { + "id": 22283, + "ingredients": [ + "mayonaise", + "rotisserie chicken", + "flour tortillas", + "sour cream", + "shredded cheddar cheese", + "scallions", + "celery ribs", + "hot sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 3742, + "ingredients": [ + "freshly grated parmesan", + "fettucine", + "flour", + "milk", + "broccoli", + "unsalted butter" + ] + }, + { + "id": 34508, + "ingredients": [ + "orange", + "merlot", + "fresh orange juice", + "spices", + "club soda", + "sugar", + "strawberries" + ] + }, + { + "id": 19929, + "ingredients": [ + "milk", + "chocolate", + "corn starch" + ] + }, + { + "id": 7, + "ingredients": [ + "minced garlic", + "brown rice", + "sour cream", + "chicken", + "red lentils", + "fresh ginger", + "ground cardamom", + "onions", + "olive oil", + "chickpeas", + "celery", + "ground cumin", + "(14.5 oz.) diced tomatoes", + "garam masala", + "ground cayenne pepper", + "ground turmeric" + ] + }, + { + "id": 46340, + "ingredients": [ + "scallions", + "white miso", + "dashi", + "firm tofu" + ] + }, + { + "id": 3755, + "ingredients": [ + "water", + "salt", + "masa harina", + "baking powder", + "cornmeal", + "butter", + "white sugar", + "frozen whole kernel corn", + "heavy whipping cream" + ] + }, + { + "id": 19864, + "ingredients": [ + "chicken broth", + "smoked sausage", + "chicken", + "italian style seasoning", + "long grain white rice", + "water", + "onions", + "chicken bouillon", + "salt" + ] + }, + { + "id": 41988, + "ingredients": [ + "soy sauce", + "chili", + "green onions", + "salt", + "eggs", + "water", + "rice cakes", + "sesame oil", + "kelp", + "pepper", + "beef brisket", + "rice wine", + "seaweed", + "black peppercorns", + "anchovies", + "mushrooms", + "garlic", + "onions" + ] + }, + { + "id": 35558, + "ingredients": [ + "sorbet", + "sugar", + "lemon juice", + "ice cubes", + "low-fat yogurt", + "milk", + "mango" + ] + }, + { + "id": 19853, + "ingredients": [ + "guajillo chiles", + "hominy", + "romaine lettuce leaves", + "garlic cloves", + "chicken", + "lime", + "vegetable oil", + "garlic", + "ground chile", + "white onion", + "radishes", + "cilantro sprigs", + "ancho chile pepper", + "ground cumin", + "clove", + "refried beans", + "sea salt", + "tortilla chips", + "dried oregano" + ] + }, + { + "id": 17597, + "ingredients": [ + "fresh cilantro", + "rice vinegar", + "fish sauce", + "salt and ground black pepper", + "cucumber", + "peanuts", + "scallions", + "sweet chili sauce", + "sambal chile paste", + "fresh lime juice" + ] + }, + { + "id": 45852, + "ingredients": [ + "kosher salt", + "green onions", + "garlic", + "scallions", + "chopped cilantro", + "ground cumin", + "green bell pepper", + "water", + "chili powder", + "salt", + "garlic cloves", + "dried oregano", + "tomato paste", + "pepper", + "chicken breasts", + "shredded sharp cheddar cheese", + "oil", + "olive oil spray", + "tomato sauce", + "zucchini", + "cilantro", + "fatfree lowsodium chicken broth", + "chipotles in adobo", + "cumin" + ] + }, + { + "id": 22994, + "ingredients": [ + "vanilla beans", + "granulated sugar", + "blanched almonds", + "prunes", + "large egg yolks", + "almond extract", + "confectioners sugar", + "sugar", + "unsalted butter", + "salt", + "bartlett pears", + "large egg whites", + "rosé wine", + "lemon juice" + ] + }, + { + "id": 5226, + "ingredients": [ + "ancho", + "chicken breasts", + "garlic cloves", + "ground cumin", + "lime", + "purple onion", + "coriander", + "chicken stock", + "lime wedges", + "onions", + "avocado", + "olive oil", + "tortilla chips", + "plum tomatoes" + ] + }, + { + "id": 770, + "ingredients": [ + "fennel", + "chicken broth", + "large garlic cloves", + "fennel seeds", + "pork tenderloin", + "olive oil" + ] + }, + { + "id": 19583, + "ingredients": [ + "tumeric", + "yoghurt", + "cumin seed", + "rose water", + "salt", + "onions", + "fresh coriander", + "chili powder", + "ghee", + "green cardamom pods", + "garam masala", + "lamb", + "saffron" + ] + }, + { + "id": 8878, + "ingredients": [ + "shallots", + "butter", + "olive oil", + "chopped fresh thyme", + "wild mushrooms", + "mayonaise", + "fresh thyme leaves", + "country bread", + "truffle oil", + "red wine vinegar" + ] + }, + { + "id": 37395, + "ingredients": [ + "kosher salt", + "sweet italian sausage", + "red pepper flakes", + "orecchiette", + "swiss chard", + "garlic cloves", + "pure maple syrup", + "extra-virgin olive oil" + ] + }, + { + "id": 17516, + "ingredients": [ + "olive oil", + "salt", + "pancetta", + "large eggs", + "ground black pepper", + "chopped fresh mint", + "cold water", + "purple onion" + ] + }, + { + "id": 14983, + "ingredients": [ + "avocado", + "manchego cheese", + "sea salt", + "pepitas", + "ground cumin", + "honey", + "jicama", + "purple onion", + "chipotles in adobo", + "tomatoes", + "cayenne", + "extra-virgin olive oil", + "fresh lime juice", + "olive oil", + "poblano chilies", + "cilantro leaves", + "arugula" + ] + }, + { + "id": 33265, + "ingredients": [ + "tomato paste", + "olive oil", + "whole milk ricotta cheese", + "onions", + "celery ribs", + "mozzarella cheese", + "large eggs", + "sausages", + "tomatoes", + "prosciutto", + "crushed red pepper", + "dried oregano", + "fresh basil", + "lasagna noodles", + "garlic cloves" + ] + }, + { + "id": 32004, + "ingredients": [ + "garlic paste", + "vegetable oil", + "onions", + "mackerel", + "salt", + "tomatoes", + "lemon wedge", + "lemon juice", + "fresh curry leaves", + "spices", + "ginger paste" + ] + }, + { + "id": 29173, + "ingredients": [ + "eggs", + "milk", + "baking powder", + "apricot preserves", + "bittersweet chocolate", + "ground cloves", + "dark rum", + "salt", + "confectioners sugar", + "dried fig", + "candied orange peel", + "coffee granules", + "currant", + "toasted pine nuts", + "white sugar", + "ground cinnamon", + "sliced almonds", + "golden raisins", + "all-purpose flour", + "lard" + ] + }, + { + "id": 9512, + "ingredients": [ + "40% less sodium taco seasoning", + "flour tortillas", + "purple onion", + "olive oil", + "colby jack cheese", + "garlic cloves", + "yellow squash", + "cooking spray", + "salsa", + "zucchini", + "reduced-fat sour cream", + "sliced mushrooms" + ] + }, + { + "id": 28947, + "ingredients": [ + "baguette", + "beef stock", + "unsalted butter", + "onions", + "ground black pepper", + "grated Gruyère cheese", + "kosher salt", + "calvados" + ] + }, + { + "id": 19787, + "ingredients": [ + "garlic powder", + "cayenne pepper", + "black pepper", + "paprika", + "boneless chop pork", + "ground sage", + "creole seasoning", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 39736, + "ingredients": [ + "green onions", + "corn starch", + "fish sauce", + "rice flour", + "salad oil", + "tumeric", + "shrimp", + "canned coconut milk", + "beansprouts" + ] + }, + { + "id": 30802, + "ingredients": [ + "ground black pepper", + "garlic cloves", + "lemon", + "pecorino romano cheese", + "fresh parsley leaves", + "bread crumb fresh", + "artichokes" + ] + }, + { + "id": 23130, + "ingredients": [ + "eggs", + "boneless skinless chicken breasts", + "garlic", + "thai basil", + "cauliflower florets", + "oyster sauce", + "sweet soy sauce", + "thai chile", + "soy sauce", + "sesame oil", + "avocado oil" + ] + }, + { + "id": 3222, + "ingredients": [ + "stone-ground cornmeal", + "grated parmesan cheese", + "salt", + "cooked chicken breasts", + "warm water", + "part-skim mozzarella cheese", + "garlic", + "fresh basil leaves", + "olive oil", + "ricotta cheese", + "all-purpose flour", + "vegetable oil cooking spray", + "artichoke hearts", + "red pepper", + "no salt added chicken broth" + ] + }, + { + "id": 46823, + "ingredients": [ + "vegetable oil", + "water spinach", + "Bengali 5 Spice", + "red chili peppers", + "salt", + "large garlic cloves" + ] + }, + { + "id": 27115, + "ingredients": [ + "garlic powder", + "frozen corn", + "chicken broth", + "chili powder", + "cumin", + "tomato paste", + "cooked chicken", + "corn tortillas", + "cheddar cheese", + "diced tomatoes" + ] + }, + { + "id": 31230, + "ingredients": [ + "shortening", + "flaked coconut", + "all-purpose flour", + "baking soda", + "buttermilk", + "sugar", + "butter", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 12128, + "ingredients": [ + "dry white wine", + "shrimp", + "andouille sausage", + "asiago", + "grits", + "chopped fresh chives", + "whipping cream", + "chicken broth", + "butter", + "ground white pepper" + ] + }, + { + "id": 30321, + "ingredients": [ + "black beans", + "frozen corn", + "Mexican cheese", + "mushrooms", + "taco seasoning", + "sour cream", + "zucchini", + "salsa", + "corn flour", + "lean ground beef", + "enchilada sauce", + "onions" + ] + }, + { + "id": 5252, + "ingredients": [ + "fresh parmesan cheese", + "cream cheese", + "white pepper", + "heavy cream", + "pasta", + "butter", + "minced garlic", + "salt" + ] + }, + { + "id": 17584, + "ingredients": [ + "water", + "beef ribs", + "sea salt" + ] + }, + { + "id": 8978, + "ingredients": [ + "asafoetida", + "semolina", + "salt", + "gram flour", + "grated coconut", + "yoghurt", + "oil", + "ground turmeric", + "sugar", + "chili paste", + "green chilies", + "mustard seeds", + "water", + "cilantro", + "lemon juice" + ] + }, + { + "id": 14020, + "ingredients": [ + "semolina flour", + "salt", + "warm water", + "bread flour", + "active dry yeast", + "fresh rosemary", + "extra-virgin olive oil" + ] + }, + { + "id": 34404, + "ingredients": [ + "curry powder", + "apricot halves", + "peaches", + "white vinegar", + "pistachio nuts", + "garam masala", + "chicken thighs" + ] + }, + { + "id": 20503, + "ingredients": [ + "warm water", + "salt", + "masa harina" + ] + }, + { + "id": 13911, + "ingredients": [ + "buttermilk", + "caraway seeds", + "all-purpose flour", + "baking soda", + "salt" + ] + }, + { + "id": 23318, + "ingredients": [ + "water", + "ground black pepper", + "chopped fresh thyme", + "arborio rice", + "olive oil", + "leeks", + "salt", + "yellow squash", + "asparagus", + "butter", + "fat free less sodium chicken broth", + "fresh parmesan cheese", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 34663, + "ingredients": [ + "egg yolks", + "sugar", + "salt", + "melted butter", + "vanilla extract", + "milk", + "all-purpose flour" + ] + }, + { + "id": 31032, + "ingredients": [ + "tomatoes", + "green onions", + "shredded cheddar cheese", + "black olives", + "green bell pepper", + "cocktail sauce", + "avocado", + "milk", + "cream cheese" + ] + }, + { + "id": 30561, + "ingredients": [ + "hoisin sauce", + "rice vinegar", + "cooked shrimp", + "water", + "rice vermicelli", + "creamy peanut butter", + "lettuce leaves", + "rice", + "thai basil", + "cilantro leaves", + "fresh mint" + ] + }, + { + "id": 17515, + "ingredients": [ + "dried thyme", + "parmigiano reggiano cheese", + "fresh lemon juice", + "baguette", + "ground black pepper", + "garlic cloves", + "dried oregano", + "olive oil", + "cannellini beans", + "marjoram", + "swiss chard", + "balsamic vinegar", + "olive oil flavored cooking spray" + ] + }, + { + "id": 21828, + "ingredients": [ + "pepper", + "okra", + "green bell pepper", + "salt", + "onions", + "italian sausage", + "diced tomatoes", + "smoked paprika", + "boneless chicken skinless thigh", + "rice" + ] + }, + { + "id": 38861, + "ingredients": [ + "water", + "fine sea salt", + "chopped cilantro fresh", + "black peppercorns", + "tomatillos", + "pepitas", + "corn oil", + "garlic cloves", + "serrano chile", + "white onion", + "cilantro sprigs", + "chicken thighs" + ] + }, + { + "id": 45901, + "ingredients": [ + "reduced fat firm tofu", + "peeled fresh ginger", + "oyster sauce", + "lean ground pork", + "garlic cloves", + "cooked long-grain brown rice", + "low sodium soy sauce", + "green onions", + "corn starch", + "fat free less sodium chicken broth", + "garlic chili sauce" + ] + }, + { + "id": 35750, + "ingredients": [ + "pepper", + "garlic", + "back bacon rashers", + "mushrooms", + "rice", + "eggs", + "prawns", + "salt", + "soy sauce", + "peas", + "onions" + ] + }, + { + "id": 30109, + "ingredients": [ + "lemongrass", + "cornish hens", + "peeled fresh ginger", + "chopped cilantro fresh", + "fish sauce", + "light coconut milk", + "chile sauce", + "honey", + "garlic cloves" + ] + }, + { + "id": 4834, + "ingredients": [ + "pitted black olives", + "romaine lettuce leaves", + "spaghetti", + "grape tomatoes", + "salt and ground black pepper", + "fresh mushrooms", + "olive oil", + "purple onion", + "dried basil", + "garlic" + ] + }, + { + "id": 42267, + "ingredients": [ + "swiss cheese", + "roast beef", + "ground black pepper", + "salt", + "sub rolls", + "garlic", + "beef stock", + "pepperoncini" + ] + }, + { + "id": 13611, + "ingredients": [ + "eggs", + "Tabasco Pepper Sauce", + "worcestershire sauce", + "plain breadcrumbs", + "yellow peppers", + "olive oil", + "red wine vinegar", + "purple onion", + "cucumber", + "plum tomatoes", + "pepper", + "parsley", + "garlic", + "beef broth", + "olives", + "tomato juice", + "lemon", + "salt", + "chopped parsley", + "dried oregano" + ] + }, + { + "id": 38270, + "ingredients": [ + "vanilla beans", + "sea salt", + "clove", + "ground nutmeg", + "cinnamon sticks", + "peanuts", + "star anise", + "water", + "apple cider vinegar" + ] + }, + { + "id": 29008, + "ingredients": [ + "yellow cake mix", + "vanilla wafers", + "frozen whipped topping", + "banana pudding", + "milk", + "cake" + ] + }, + { + "id": 43002, + "ingredients": [ + "cherry tomatoes", + "zucchini", + "purple onion", + "cooked shrimp", + "water", + "dijon mustard", + "pasta shells", + "feta cheese crumbles", + "black pepper", + "ground black pepper", + "garlic", + "rice vinegar", + "dried oregano", + "pitted kalamata olives", + "olive oil", + "extra-virgin olive oil", + "salt", + "yellow peppers" + ] + }, + { + "id": 21180, + "ingredients": [ + "spaghetti", + "kidney beans", + "salt" + ] + }, + { + "id": 35667, + "ingredients": [ + "olive oil", + "ground cumin", + "garlic cloves", + "red chili peppers", + "lemon juice", + "salt" + ] + }, + { + "id": 2567, + "ingredients": [ + "eggs", + "broccolini", + "sesame oil", + "corn starch", + "soy sauce", + "chili paste", + "peanut oil", + "sugar", + "sesame seeds", + "rice vinegar", + "water", + "extra firm tofu", + "garlic cloves" + ] + }, + { + "id": 24573, + "ingredients": [ + "yellow corn meal", + "old bay seasoning", + "crabmeat", + "butter", + "horseradish cream", + "chicken broth", + "whipping cream", + "asiago", + "all-purpose flour" + ] + }, + { + "id": 47258, + "ingredients": [ + "chicken broth", + "cannellini beans", + "diced onions", + "turnip greens", + "sugar", + "vegetable oil", + "chopped cooked ham", + "pepper" + ] + }, + { + "id": 2185, + "ingredients": [ + "water", + "ginger", + "corn starch", + "tomato paste", + "cooking oil", + "tilapia", + "vinegar", + "garlic", + "onions", + "brown sugar", + "bell pepper", + "carrots" + ] + }, + { + "id": 26974, + "ingredients": [ + "chopped green bell pepper", + "garlic", + "corn tortillas", + "vegetable oil", + "chopped onion", + "chili powder", + "all-purpose flour", + "chicken broth", + "chicken meat", + "frozen mixed vegetables" + ] + }, + { + "id": 37824, + "ingredients": [ + "sugar", + "green onions", + "chopped garlic", + "sesame seeds", + "sirloin steak", + "soy sauce", + "sesame oil", + "sake", + "mirin", + "ginger" + ] + }, + { + "id": 23441, + "ingredients": [ + "pepper", + "ground sirloin", + "onions", + "olive oil", + "carrots", + "crushed tomatoes", + "garlic cloves", + "spaghetti", + "kosher salt", + "grated parmesan cheese", + "flat leaf parsley" + ] + }, + { + "id": 22642, + "ingredients": [ + "vinegar", + "chili oil", + "ginger root", + "light soy sauce", + "spring onions", + "essence", + "ground beef", + "water chestnuts", + "salt", + "bok choy", + "roasted sesame seeds", + "vegetable oil", + "chinese five-spice powder", + "coriander" + ] + }, + { + "id": 39849, + "ingredients": [ + "butter", + "garlic", + "balsamic vinegar", + "bacon", + "pepper", + "fresh green bean", + "salt", + "chicken broth", + "small new potatoes", + "purple onion" + ] + }, + { + "id": 49051, + "ingredients": [ + "green chile", + "ground cumin", + "chile powder", + "sliced green onions", + "grating cheese", + "eggs", + "low-fat milk" + ] + }, + { + "id": 22925, + "ingredients": [ + "ground pepper", + "Tabasco Pepper Sauce", + "scallions", + "white wine", + "meat", + "salt", + "bay leaf", + "andouille sausage", + "red beans", + "garlic", + "thyme leaves", + "water", + "brown rice", + "meat bones", + "onions" + ] + }, + { + "id": 36912, + "ingredients": [ + "avocado", + "low sodium chicken broth", + "sea salt", + "ground coriander", + "ground cumin", + "ground black pepper", + "lime wedges", + "garlic", + "red bell pepper", + "dried thyme", + "boneless skinless chicken breasts", + "cilantro", + "scallions", + "green bell pepper, slice", + "vegetable oil", + "yellow onion", + "corn tortillas" + ] + }, + { + "id": 240, + "ingredients": [ + "brown sugar", + "pepper", + "fat-free chicken broth", + "olive oil flavored cooking spray", + "boneless chicken thighs", + "balsamic vinegar", + "chopped onion", + "dried tarragon leaves", + "dry white wine", + "salt", + "polenta", + "tomato paste", + "black pepper", + "red pepper", + "tarragon" + ] + }, + { + "id": 19385, + "ingredients": [ + "golden brown sugar", + "vanilla extract", + "sugar", + "instant coffee", + "large egg yolks", + "brandy", + "whipping cream" + ] + }, + { + "id": 14144, + "ingredients": [ + "kosher salt", + "lime wedges", + "garlic cloves", + "avocado", + "ground black pepper", + "cilantro sprigs", + "onions", + "salsa verde", + "vegetable oil", + "corn tortillas", + "boneless chicken skinless thigh", + "radishes", + "cumin seed" + ] + }, + { + "id": 11335, + "ingredients": [ + "water", + "cooking spray", + "shredded sharp cheddar cheese", + "shredded Monterey Jack cheese", + "tomato sauce", + "salt and ground black pepper", + "chili powder", + "onions", + "fresh cilantro", + "boneless skinless chicken breasts", + "corn tortillas", + "ground cumin", + "sugar", + "jalapeno chilies", + "garlic", + "canola oil" + ] + }, + { + "id": 48223, + "ingredients": [ + "whole milk", + "sausages", + "olive oil", + "purple onion", + "free-range eggs", + "plain flour", + "fresh thyme leaves", + "black pudding", + "Guinness Beer", + "salt" + ] + }, + { + "id": 18788, + "ingredients": [ + "salt", + "Greek dressing", + "red potato", + "freshly ground pepper", + "kalamata", + "feta cheese crumbles", + "fresh oregano" + ] + }, + { + "id": 25267, + "ingredients": [ + "clove", + "sugar", + "cinnamon", + "chillies", + "black peppercorns", + "water", + "rice vinegar", + "onions", + "garlic flakes", + "kosher salt", + "ginger", + "pork shoulder", + "tumeric", + "vegetable oil", + "palm vinegar", + "cumin" + ] + }, + { + "id": 25407, + "ingredients": [ + "pig feet", + "salt", + "soy sauce", + "bay leaves", + "white sugar", + "black peppercorns", + "vinegar", + "onions", + "water", + "garlic" + ] + }, + { + "id": 15707, + "ingredients": [ + "red wine vinegar", + "extra-virgin olive oil", + "zucchini", + "chees fresh mozzarella", + "ground black pepper", + "diced tomatoes", + "fresh basil", + "sea salt", + "garlic cloves" + ] + }, + { + "id": 35675, + "ingredients": [ + "red chili peppers", + "lime", + "wheat", + "coconut milk", + "fish sauce", + "lemongrass", + "shiitake", + "cilantro leaves", + "fresh basil leaves", + "chicken stock", + "lime juice", + "chili", + "chicken breasts", + "galangal", + "brown sugar", + "other vegetables", + "green onions", + "roasting chickens" + ] + }, + { + "id": 9799, + "ingredients": [ + "lime", + "red bell pepper", + "yellow bell pepper", + "cilantro", + "plum tomatoes", + "sweet onion", + "salt" + ] + }, + { + "id": 33106, + "ingredients": [ + "chiles", + "lime wedges", + "salt", + "dried guajillo chiles", + "coriander", + "olive oil", + "paprika", + "cayenne pepper", + "corn tortillas", + "oregano", + "lime", + "loin pork roast", + "pineapple juice", + "ancho chile pepper", + "fresh pineapple", + "apple cider vinegar", + "purple onion", + "garlic cloves", + "chopped cilantro", + "ground cumin" + ] + }, + { + "id": 20615, + "ingredients": [ + "chicken broth", + "paprika", + "grits", + "worcestershire sauce", + "garlic cloves", + "cajun seasoning", + "all-purpose flour", + "large shrimp", + "butter", + "hot sauce", + "italian seasoning" + ] + }, + { + "id": 8702, + "ingredients": [ + "honey", + "cilantro", + "black mustard seeds", + "cumin", + "clove", + "yukon gold potatoes", + "garlic", + "onions", + "cauliflower", + "garam masala", + "ginger", + "lemon juice", + "water", + "vegetable oil", + "salt", + "ground turmeric" + ] + }, + { + "id": 22866, + "ingredients": [ + "garam masala", + "cinnamon", + "cayenne pepper", + "canola oil", + "slivered almonds", + "bay leaves", + "ginger", + "garlic cloves", + "coriander powder", + "cilantro", + "cardamom pods", + "chicken", + "plain yogurt", + "golden raisins", + "salt", + "onions" + ] + }, + { + "id": 49019, + "ingredients": [ + "black-eyed peas", + "salt", + "ham hock", + "broth", + "green onions", + "oil", + "bay leaf", + "cayenne", + "green pepper", + "celery", + "black pepper", + "garlic", + "thyme", + "onions" + ] + }, + { + "id": 18556, + "ingredients": [ + "chilegarlic sauce", + "vegetable oil", + "yellow onion", + "oyster sauce", + "beansprouts", + "shiitake", + "low sodium chicken broth", + "cooking wine", + "chinese five-spice powder", + "red bell pepper", + "soy sauce", + "boneless country pork ribs", + "garlic", + "scallions", + "corn starch", + "hoisin sauce", + "ginger", + "chinese cabbage", + "Chinese egg noodles", + "toasted sesame oil" + ] + }, + { + "id": 16141, + "ingredients": [ + "jalapeno chilies", + "garlic", + "chicken", + "minced garlic", + "tomatillos", + "onions", + "pepper", + "vegetable oil", + "salt", + "shredded Monterey Jack cheese", + "lime", + "cilantro", + "dried oregano" + ] + }, + { + "id": 48322, + "ingredients": [ + "beef", + "kimchi", + "soy sauce", + "fried eggs", + "cooked rice", + "butter", + "chopped garlic", + "sweet onion", + "salt" + ] + }, + { + "id": 37350, + "ingredients": [ + "green enchilada sauce", + "corn tortillas", + "shredded cheese", + "chicken" + ] + }, + { + "id": 1027, + "ingredients": [ + "ginger juice", + "fish sauce", + "garlic", + "sambal ulek", + "lime juice", + "brown sugar" + ] + }, + { + "id": 37668, + "ingredients": [ + "fresh ginger", + "potato chips", + "greens", + "eggs", + "sea salt", + "onions", + "vegetable oil", + "chopped cilantro", + "kosher salt", + "garlic cloves", + "clarified butter" + ] + }, + { + "id": 42765, + "ingredients": [ + "jambalaya rice mix", + "worcestershire sauce", + "seasoning", + "hot pepper sauce", + "shrimp", + "Johnsonville Andouille Dinner Sausage", + "boneless skinless chicken breasts", + "fresh parsley", + "olive oil", + "diced tomatoes" + ] + }, + { + "id": 4797, + "ingredients": [ + "curry powder", + "cayenne pepper", + "mango", + "cooked rice", + "light coconut milk", + "gingerroot", + "tomato paste", + "boneless skinless chicken breasts", + "chopped onion", + "canola oil", + "minced garlic", + "salt", + "red bell pepper" + ] + }, + { + "id": 17424, + "ingredients": [ + "sugar", + "salt", + "water", + "onions", + "sirloin", + "cooking oil", + "porterhouse steaks", + "soy sauce", + "lemon juice" + ] + }, + { + "id": 42608, + "ingredients": [ + "ground black pepper", + "cannellini beans", + "salt", + "cod fillets", + "red pepper", + "mexican chorizo", + "unsalted butter", + "dry white wine", + "white beans", + "olive oil", + "flour", + "garlic", + "flat leaf parsley" + ] + }, + { + "id": 21519, + "ingredients": [ + "fresh rosemary", + "tapenade", + "olive oil", + "mayonaise", + "garlic cloves", + "balsamic vinegar" + ] + }, + { + "id": 46087, + "ingredients": [ + "tomatoes", + "caponata", + "olive oil", + "fontina cheese", + "country style bread", + "fresh rosemary" + ] + }, + { + "id": 37806, + "ingredients": [ + "semolina flour", + "cashew nuts", + "ground cardamom", + "whole milk", + "white sugar", + "ghee" + ] + }, + { + "id": 35900, + "ingredients": [ + "seasoned bread crumbs", + "grated parmesan cheese", + "shredded mozzarella cheese", + "olive oil", + "salt", + "dried basil", + "garlic", + "dried oregano", + "tomato sauce", + "ground black pepper", + "firm tofu" + ] + }, + { + "id": 32620, + "ingredients": [ + "fine sea salt", + "fingerling potatoes", + "vegetable oil" + ] + }, + { + "id": 31940, + "ingredients": [ + "fresh coriander", + "red wine vinegar", + "onions", + "red chili peppers", + "dry white wine", + "blanched almonds", + "water", + "large garlic cloves", + "white sandwich bread", + "mussels", + "olive oil", + "sweet paprika", + "plum tomatoes" + ] + }, + { + "id": 1505, + "ingredients": [ + "chicken breasts", + "diced tomatoes", + "celery", + "water", + "cajun seasoning", + "smoked sausage", + "Tabasco Pepper Sauce", + "garlic", + "onions", + "minute rice", + "red pepper", + "salt" + ] + }, + { + "id": 36398, + "ingredients": [ + "jalapeno chilies", + "fresh lime juice", + "pepper", + "dill pickles", + "tomatoes", + "salt", + "chopped cilantro", + "minced onion", + "red bell pepper" + ] + }, + { + "id": 13061, + "ingredients": [ + "sausage links", + "crushed red pepper flakes", + "boiling water", + "broccoli rabe", + "salt", + "grated parmesan cheese", + "penne pasta", + "pepper", + "garlic" + ] + }, + { + "id": 4675, + "ingredients": [ + "tofu", + "eggplant", + "firm tofu", + "sweet chili sauce", + "bell pepper", + "soy sauce", + "hoisin sauce", + "corn starch", + "sliced meat", + "yellow onion" + ] + }, + { + "id": 49036, + "ingredients": [ + "grated parmesan cheese", + "flat leaf parsley", + "shell pasta", + "chopped fresh mint", + "peas", + "heavy whipping cream" + ] + }, + { + "id": 40404, + "ingredients": [ + "tomato sauce", + "ground black pepper", + "vegetable oil", + "salt", + "ground white pepper", + "dried thyme", + "file powder", + "chopped celery", + "shrimp", + "dried oregano", + "minced garlic", + "chopped green bell pepper", + "paprika", + "crabmeat", + "bay leaf", + "shucked oysters", + "hot pepper sauce", + "fish stock", + "chopped onion", + "ground cayenne pepper" + ] + }, + { + "id": 22999, + "ingredients": [ + "soy sauce", + "shiitake", + "udon", + "firm tofu", + "small red potato", + "eggs", + "jasmine rice", + "miso paste", + "napa cabbage", + "seaweed", + "red bell pepper", + "chicken stock", + "fresh chives", + "white miso", + "leeks", + "root vegetables", + "carrots", + "baby bok choy", + "orange bell pepper", + "mirin", + "daikon", + "peanut oil", + "bone in chicken thighs" + ] + }, + { + "id": 15127, + "ingredients": [ + "coconut", + "rice", + "crushed garlic", + "scallions", + "water", + "salt", + "red kidney beans", + "butter" + ] + }, + { + "id": 20104, + "ingredients": [ + "ground black pepper", + "kosher salt", + "rack of lamb", + "canola oil" + ] + }, + { + "id": 48058, + "ingredients": [ + "water", + "cayenne pepper", + "sour cream", + "dried black beans", + "cilantro", + "garlic cloves", + "cumin", + "green bell pepper", + "olive oil", + "orange juice", + "onions", + "black pepper", + "salt", + "carrots" + ] + }, + { + "id": 41589, + "ingredients": [ + "sea salt", + "ground beef", + "garlic powder", + "sauce", + "flour tortillas", + "chopped onion", + "refried beans", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 11834, + "ingredients": [ + "cotija", + "radishes", + "achiote paste", + "fresh lime juice", + "avocado", + "kosher salt", + "corn oil", + "freshly ground pepper", + "clove", + "fresh cilantro", + "fresh orange juice", + "corn tortillas", + "boneless chicken skinless thigh", + "green onions", + "yellow onion", + "dried oregano" + ] + }, + { + "id": 4206, + "ingredients": [ + "toasted pecans", + "chopped cilantro fresh", + "goat cheese", + "cream cheese, soften", + "white cheddar cheese" + ] + }, + { + "id": 42435, + "ingredients": [ + "soy sauce", + "coriander seeds", + "star anise", + "fresh herbs", + "low sodium beef broth", + "clove", + "lime", + "hoisin sauce", + "hot sauce", + "cinnamon sticks", + "chili pepper", + "Sriracha", + "dried rice noodles", + "carrots", + "onions", + "fish sauce", + "fresh ginger", + "sirloin steak", + "scallions", + "beansprouts" + ] + }, + { + "id": 25186, + "ingredients": [ + "dark chocolate", + "flaked", + "whiting", + "extra-virgin olive oil" + ] + }, + { + "id": 37071, + "ingredients": [ + "molasses", + "swiss chard", + "rice crackers", + "turnips", + "honey", + "salt", + "soy sauce", + "shiitake", + "fresh lemon juice", + "water", + "radishes", + "canola oil" + ] + }, + { + "id": 3137, + "ingredients": [ + "cayenne", + "salt", + "mayonaise", + "roma tomatoes", + "lemon juice", + "white onion", + "jalapeno chilies", + "cumin", + "ground black pepper", + "cilantro", + "chicken" + ] + }, + { + "id": 741, + "ingredients": [ + "celery ribs", + "olive oil", + "carrots", + "tomatoes", + "large garlic cloves", + "dried rosemary", + "italian sausage", + "fusilli", + "onions", + "water", + "lentils" + ] + }, + { + "id": 15780, + "ingredients": [ + "olive oil", + "worcestershire sauce", + "garlic salt", + "ground black pepper", + "fresh parsley", + "tomato juice", + "salt", + "tomato sauce", + "lean ground beef", + "onions" + ] + }, + { + "id": 4316, + "ingredients": [ + "black pepper", + "onion salt", + "thyme", + "parsley", + "salt", + "oregano", + "cayenne", + "paprika", + "garlic salt", + "fillet red snapper", + "butter", + "lemon juice" + ] + }, + { + "id": 9340, + "ingredients": [ + "pecans", + "granulated sugar", + "unsalted butter", + "light brown sugar", + "heavy cream" + ] + }, + { + "id": 46997, + "ingredients": [ + "sugar", + "mirin", + "water", + "light corn syrup", + "soy sauce", + "bean paste", + "eggs", + "baking soda", + "cake flour" + ] + }, + { + "id": 15261, + "ingredients": [ + "milk", + "fresh mint", + "pistachios", + "evaporated milk", + "basmati rice", + "sugar", + "cardamom" + ] + }, + { + "id": 14689, + "ingredients": [ + "eggs", + "olive oil", + "cayenne pepper", + "plain yogurt", + "red sockeye", + "chopped cilantro fresh", + "bread crumb fresh", + "fresh ginger", + "english cucumber", + "lime juice", + "green onions", + "tandoori paste" + ] + }, + { + "id": 883, + "ingredients": [ + "garlic paste", + "salt", + "ghee", + "cinnamon", + "oil", + "mint leaves", + "rice", + "onions", + "clove", + "cilantro", + "bay leaf" + ] + }, + { + "id": 40034, + "ingredients": [ + "chicken broth", + "barbecue sauce", + "barbecued pork", + "corn kernels", + "diced tomatoes", + "olive oil", + "peas", + "sweet onion", + "yukon gold potatoes", + "garlic cloves" + ] + }, + { + "id": 564, + "ingredients": [ + "cheddar cheese", + "guacamole", + "cheese", + "garlic cloves", + "oregano", + "tomatoes", + "taco shells", + "lean ground beef", + "salsa", + "onions", + "chicken broth", + "black pepper", + "chili powder", + "salt", + "sour cream", + "cumin", + "fresh tomatoes", + "olive oil", + "shredded lettuce", + "hot sauce", + "coriander" + ] + }, + { + "id": 15336, + "ingredients": [ + "chicken broth", + "crushed tomatoes", + "worcestershire sauce", + "onions", + "cider vinegar", + "chicken breast halves", + "salt", + "pepper", + "butter", + "chili sauce", + "pepper sauce", + "cream style corn", + "dry mustard" + ] + }, + { + "id": 24025, + "ingredients": [ + "unsalted butter", + "Dutch-processed cocoa powder", + "grated orange", + "baking powder", + "all-purpose flour", + "large eggs", + "salt", + "sugar", + "fresh orange juice", + "chopped walnuts" + ] + }, + { + "id": 21582, + "ingredients": [ + "light brown sugar", + "lime", + "marinade", + "purple onion", + "chopped cilantro", + "black beans", + "fresh ginger", + "extra-virgin olive oil", + "salsa", + "mango", + "black pepper", + "olive oil", + "red wine vinegar", + "salt", + "boneless skinless chicken breast halves", + "jerk seasoning", + "jalapeno chilies", + "garlic", + "scallions", + "chicken" + ] + }, + { + "id": 18527, + "ingredients": [ + "extra-virgin olive oil", + "provolone cheese", + "crushed red pepper flakes", + "salt", + "broccoli rabe", + "italian rolls", + "garlic", + "pepperoni" + ] + }, + { + "id": 20904, + "ingredients": [ + "cream sweeten whip", + "golden brown sugar", + "dark rum", + "salt", + "pitted date", + "unsalted butter", + "whipping cream", + "sugar", + "baking soda", + "baking powder", + "all-purpose flour", + "water", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 8738, + "ingredients": [ + "parmesan cheese", + "penne pasta", + "chicken stock", + "garlic", + "onions", + "roasted red peppers", + "sliced mushrooms", + "fresh spinach", + "smoked sausage", + "monterey jack" + ] + }, + { + "id": 8676, + "ingredients": [ + "cooked ham", + "soda", + "pork and beans", + "diced tomatoes in juice", + "curry powder", + "lemon-lime soda", + "pinto beans", + "butter beans", + "black beans", + "savory", + "dark brown sugar", + "onions", + "green bell pepper", + "garlic powder", + "cayenne pepper", + "red bell pepper" + ] + }, + { + "id": 30185, + "ingredients": [ + "light sour cream", + "kosher salt", + "lettuce leaves", + "cilantro", + "frozen corn", + "fat", + "cotija", + "tortillas", + "chili powder", + "white rice", + "green chilies", + "green bell pepper", + "shredded reduced fat cheddar cheese", + "boneless skinless chicken breasts", + "cracked black pepper", + "tortilla chips", + "chopped cilantro fresh", + "black beans", + "low sodium chicken broth", + "diced tomatoes", + "purple onion", + "scallions" + ] + }, + { + "id": 41562, + "ingredients": [ + "baking soda", + "cacao powder", + "coconut oil", + "coconut flour", + "eggs", + "sea salt", + "honey", + "stevia" + ] + }, + { + "id": 35307, + "ingredients": [ + "red chili powder", + "garam masala", + "paneer", + "oil", + "ground cumin", + "sugar", + "butter", + "cilantro leaves", + "cashew nuts", + "garlic paste", + "coriander powder", + "salt", + "onions", + "tomatoes", + "milk", + "kasuri methi", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 28143, + "ingredients": [ + "brown sugar", + "active dry yeast", + "salt", + "chopped pecans", + "ground cinnamon", + "warm water", + "bourbon whiskey", + "grated nutmeg", + "white sugar", + "sugar", + "unsalted butter", + "all-purpose flour", + "confectioners sugar", + "eggs", + "milk", + "vanilla extract", + "cream cheese" + ] + }, + { + "id": 47656, + "ingredients": [ + "chives", + "salt", + "grits", + "triple sec", + "heavy cream", + "ham", + "seasoning", + "shallots", + "oil", + "chopped garlic", + "green onions", + "diced tomatoes", + "shrimp" + ] + }, + { + "id": 29347, + "ingredients": [ + "white wine", + "grated parmesan cheese", + "crushed red pepper flakes", + "yellow onion", + "ground black pepper", + "boneless skinless chicken breasts", + "linguine", + "garlic cloves", + "kosher salt", + "roma tomatoes", + "extra-virgin olive oil", + "scallions", + "unsalted butter", + "heavy cream", + "all-purpose flour", + "lemon juice" + ] + }, + { + "id": 40348, + "ingredients": [ + "corn tortilla chips", + "butter", + "poblano chiles", + "guajillo chiles", + "cilantro sprigs", + "chihuahua cheese", + "bacon slices", + "sliced tomatoes", + "large eggs", + "whipping cream" + ] + }, + { + "id": 2254, + "ingredients": [ + "lime", + "fresh mint", + "sugar", + "sugarcane sticks", + "ice", + "lime slices", + "cachaca", + "orange", + "lemon" + ] + }, + { + "id": 38895, + "ingredients": [ + "saffron threads", + "olive oil", + "dijon mustard", + "shallots", + "all-purpose flour", + "fennel seeds", + "sea scallops", + "large eggs", + "fish stock", + "milk", + "fennel bulb", + "dry white wine", + "whipping cream", + "yellow mustard seeds", + "unsalted butter", + "chopped fresh chives", + "fresh tarragon" + ] + }, + { + "id": 27678, + "ingredients": [ + "tomato paste", + "butter", + "apple cider vinegar", + "lemon juice", + "light brown sugar", + "coarse salt", + "ground cayenne pepper", + "ground black pepper", + "hot sauce" + ] + }, + { + "id": 7841, + "ingredients": [ + "yoghurt", + "onions", + "tomatoes", + "rice", + "chicken", + "clove", + "teas", + "clarified butter", + "water", + "green chilies" + ] + }, + { + "id": 20334, + "ingredients": [ + "cannellini beans", + "fresh sage", + "garlic", + "extra-virgin olive oil", + "pepper", + "salt" + ] + }, + { + "id": 40242, + "ingredients": [ + "sugar", + "freshly grated parmesan", + "ground beef", + "hamburger buns", + "olive oil", + "salt", + "pinenuts", + "large garlic cloves", + "arugula", + "tomatoes", + "mozzarella cheese", + "purple onion" + ] + }, + { + "id": 21339, + "ingredients": [ + "water", + "crushed red pepper", + "extra-virgin olive oil", + "garlic cloves", + "grated parmesan cheese", + "oil", + "slivered almonds", + "linguine", + "fresh basil leaves" + ] + }, + { + "id": 35281, + "ingredients": [ + "minced onion", + "scallions", + "lime juice", + "coarse salt", + "tomatoes", + "jalapeno chilies", + "long grain white rice", + "olive oil", + "cilantro leaves" + ] + }, + { + "id": 35105, + "ingredients": [ + "quail eggs", + "english cucumber", + "purple onion", + "fresh lime juice", + "palm sugar", + "bird chile", + "fish sauce", + "cilantro leaves", + "plum tomatoes" + ] + }, + { + "id": 32338, + "ingredients": [ + "minced garlic", + "whipping cream", + "white wine", + "chopped fresh chives", + "key lime juice", + "kosher salt", + "shallots", + "lime zest", + "unsalted butter", + "white wine vinegar" + ] + }, + { + "id": 41230, + "ingredients": [ + "feta cheese", + "fresh parsley", + "oil", + "purple onion", + "plum tomatoes", + "Greek dressing" + ] + }, + { + "id": 35787, + "ingredients": [ + "baguette", + "butter", + "fresh parsley", + "juniper berries", + "shallots", + "low salt chicken broth", + "brandy", + "dried thyme", + "salt", + "wild mushrooms", + "dried porcini mushrooms", + "ground black pepper", + "chicken livers" + ] + }, + { + "id": 30724, + "ingredients": [ + "sugar", + "honey", + "dry yeast", + "vanilla extract", + "powdered sugar", + "water", + "almonds", + "almond extract", + "all-purpose flour", + "candied orange peel", + "large egg whites", + "unsalted butter", + "all purpose unbleached flour", + "sliced almonds", + "large egg yolks", + "whole milk", + "fine sea salt" + ] + }, + { + "id": 32342, + "ingredients": [ + "baguette", + "butter", + "figs", + "crumbled gorgonzola", + "olive oil" + ] + }, + { + "id": 6387, + "ingredients": [ + "onion powder", + "all-purpose flour", + "catfish fillets", + "buttermilk", + "pepper", + "salt", + "vegetable oil", + "hot sauce" + ] + }, + { + "id": 49285, + "ingredients": [ + "cayenne pepper", + "paprika", + "ground black pepper", + "dried oregano", + "salt" + ] + }, + { + "id": 48681, + "ingredients": [ + "ground cloves", + "sea salt", + "pork shoulder", + "chiles", + "vinegar", + "tequila", + "hog casings", + "dried thyme", + "garlic", + "dried oregano", + "ground pork fat", + "ground black pepper", + "ground allspice" + ] + }, + { + "id": 11476, + "ingredients": [ + "large eggs", + "tartar sauce", + "low-fat milk", + "catfish fillets", + "cajun seasoning", + "freshly ground pepper", + "panko", + "sea salt", + "canola oil", + "pepper", + "all purpose unbleached flour", + "lemon juice" + ] + }, + { + "id": 27821, + "ingredients": [ + "grated orange peel", + "baking powder", + "all-purpose flour", + "dried currants", + "buttermilk", + "brandy", + "salt", + "sugar", + "butter" + ] + }, + { + "id": 10071, + "ingredients": [ + "active dry yeast", + "sugar", + "salt", + "warm water", + "bread flour", + "pesto sauce", + "olive oil" + ] + }, + { + "id": 31396, + "ingredients": [ + "soy sauce", + "large eggs", + "bacon", + "kosher salt", + "lean ground beef", + "ketchup", + "Tabasco Pepper Sauce", + "onions", + "white bread", + "ground black pepper", + "worcestershire sauce" + ] + }, + { + "id": 37046, + "ingredients": [ + "ground ginger", + "pepper", + "flour", + "ground allspice", + "parsnips", + "unsalted butter", + "cinnamon", + "onions", + "kosher salt", + "dried apricot", + "raisins", + "chicken broth", + "cayenne", + "lamb stew meat", + "carrots" + ] + }, + { + "id": 18989, + "ingredients": [ + "boneless chicken skinless thigh", + "sesame oil", + "corn flour", + "water", + "salt", + "white sugar", + "pepper", + "lemon", + "toasted sesame seeds", + "eggs", + "lemon flavor instant pudding mix", + "oyster sauce" + ] + }, + { + "id": 23456, + "ingredients": [ + "whole milk", + "candy", + "sugar", + "corn starch", + "semisweet chocolate", + "heavy whipping cream", + "ground cinnamon", + "salt" + ] + }, + { + "id": 12371, + "ingredients": [ + "flour", + "warm water", + "yeast", + "salt", + "olive oil" + ] + }, + { + "id": 19605, + "ingredients": [ + "low sodium crushed tomatoes", + "chopped cilantro", + "brown sugar", + "garlic", + "oregano", + "chicken broth", + "chili powder", + "onions", + "olive oil", + "salt" + ] + }, + { + "id": 48908, + "ingredients": [ + "mushrooms", + "sweet italian sausage", + "linguine", + "grated parmesan cheese", + "crushed red pepper", + "whipping cream", + "low salt chicken broth" + ] + }, + { + "id": 36415, + "ingredients": [ + "kosher salt", + "peeled fresh ginger", + "small red potato", + "ground turmeric", + "jalapeno chilies", + "garlic cloves", + "chopped fresh mint", + "garam masala", + "lime wedges", + "fresh lime juice", + "canola oil", + "red chili peppers", + "cooking spray", + "black mustard seeds", + "chopped cilantro fresh" + ] + }, + { + "id": 27641, + "ingredients": [ + "ground black pepper", + "frozen pastry puff sheets", + "grated nutmeg", + "large eggs", + "extra-virgin olive oil", + "garlic cloves", + "swiss chard", + "grated parmesan cheese", + "salt", + "fresh thyme", + "whole milk ricotta cheese", + "fresh oregano" + ] + }, + { + "id": 34351, + "ingredients": [ + "romano cheese", + "olive oil", + "salt", + "plum tomatoes", + "pepper", + "butter", + "cooked shrimp", + "basil pesto sauce", + "mushrooms", + "all-purpose flour", + "pasta", + "milk", + "garlic", + "onions" + ] + }, + { + "id": 48259, + "ingredients": [ + "pepper", + "butter", + "fresh mushrooms", + "seasoning salt", + "chicken stock cubes", + "chicken", + "milk", + "paprika", + "scallions", + "flour", + "salt" + ] + }, + { + "id": 33139, + "ingredients": [ + "black pepper", + "vegetable oil", + "onions", + "cayenne", + "salt", + "water", + "large garlic cloves", + "drumstick", + "chicken breast halves", + "all-purpose flour" + ] + }, + { + "id": 29250, + "ingredients": [ + "lemon peel", + "sparkling wine", + "salt", + "sugar", + "apricots" + ] + }, + { + "id": 32743, + "ingredients": [ + "shiitake" + ] + }, + { + "id": 47317, + "ingredients": [ + "green bell pepper", + "olive oil", + "chickpeas", + "minced garlic", + "diced tomatoes", + "black pepper", + "Italian parsley leaves", + "onions", + "chicken breast tenders", + "salt" + ] + }, + { + "id": 46124, + "ingredients": [ + "tomatoes", + "water", + "beef stew meat", + "carrots", + "onions", + "pickles", + "parsley root", + "dill", + "brine", + "neutral oil", + "russet potatoes", + "pearl barley", + "herbes de provence", + "celery ribs", + "kosher salt", + "red pepper flakes", + "garlic cloves", + "fresh parsley" + ] + }, + { + "id": 33783, + "ingredients": [ + "coffee liqueur", + "cream sweeten whip", + "dark brown sugar", + "coffee", + "cinnamon" + ] + }, + { + "id": 29366, + "ingredients": [ + "spring roll wrappers", + "ground pork", + "ground beef", + "black pepper", + "oil", + "soy sauce", + "salt", + "onions", + "garlic powder", + "carrots" + ] + }, + { + "id": 20984, + "ingredients": [ + "steamed rice", + "toasted sesame seeds", + "low sodium soy sauce", + "sesame oil", + "green onions", + "eggs", + "kimchi" + ] + }, + { + "id": 6499, + "ingredients": [ + "black pepper", + "hot sauce", + "catfish fillets", + "cooking spray", + "light beer", + "corn starch", + "yellow corn meal", + "salt" + ] + }, + { + "id": 38253, + "ingredients": [ + "sea scallops", + "kabocha squash", + "sugar", + "peeled fresh ginger", + "chiles", + "Shaoxing wine", + "asian fish sauce", + "soy sauce", + "cilantro leaves" + ] + }, + { + "id": 30846, + "ingredients": [ + "self raising flour", + "lemon", + "whole milk", + "golden caster sugar", + "butter", + "suet" + ] + }, + { + "id": 38089, + "ingredients": [ + "water", + "cooking spray", + "warm water", + "dry yeast", + "salt", + "sugar", + "large egg whites", + "1% low-fat milk", + "butter-margarine blend", + "large eggs", + "bread flour" + ] + }, + { + "id": 41767, + "ingredients": [ + "dark soy sauce", + "stewing beef", + "vegetable oil", + "chinese cabbage", + "bok choy", + "light soy sauce", + "chinese noodles", + "star anise", + "oyster sauce", + "fish sauce", + "beef stock", + "dry sherry", + "chinese five-spice powder", + "fresh ginger", + "green onions", + "garlic", + "cinnamon sticks" + ] + }, + { + "id": 40076, + "ingredients": [ + "romaine lettuce", + "chili powder", + "refried beans", + "salt", + "taco sauce", + "lean ground beef", + "mi", + "american cheese slices" + ] + }, + { + "id": 14869, + "ingredients": [ + "tomatoes", + "boiled eggs", + "cinnamon", + "oil", + "cumin", + "garlic paste", + "garam masala", + "cilantro leaves", + "bay leaf", + "red chili powder", + "coconut", + "salt", + "cardamom", + "mustard", + "tumeric", + "spices", + "green chilies", + "onions" + ] + }, + { + "id": 27388, + "ingredients": [ + "bread ciabatta", + "extra-virgin olive oil", + "ground black pepper", + "fresh mint", + "figs", + "balsamic vinegar", + "prosciutto", + "garlic" + ] + }, + { + "id": 13289, + "ingredients": [ + "part-skim mozzarella", + "ground pepper", + "all-purpose flour", + "eggplant", + "marinara sauce", + "olive oil", + "grated parmesan cheese", + "garlic cloves", + "fat free milk", + "coarse salt" + ] + }, + { + "id": 33625, + "ingredients": [ + "tomatoes", + "garlic", + "collards", + "olive oil", + "freshly ground pepper", + "smoked ham hocks", + "apple cider vinegar", + "ham", + "water", + "salt", + "onions" + ] + }, + { + "id": 33722, + "ingredients": [ + "water", + "vegetable oil", + "chopped garlic", + "potatoes", + "mustard oil", + "chickpea flour", + "chile pepper", + "ground turmeric", + "fresh ginger", + "salt" + ] + }, + { + "id": 35156, + "ingredients": [ + "large eggs", + "dry bread crumbs", + "fontina cheese", + "vegetable oil", + "green onions", + "risotto", + "salt" + ] + }, + { + "id": 9267, + "ingredients": [ + "olive oil", + "fajita seasoning mix", + "diced onions", + "diced tomatoes", + "cooked chicken", + "Velveeta", + "green pepper" + ] + }, + { + "id": 37124, + "ingredients": [ + "garlic powder", + "diced tomatoes", + "pinto beans", + "chicken", + "brown rice", + "salt", + "chopped cilantro fresh", + "bell pepper", + "non-fat sour cream", + "onions", + "black pepper", + "chili powder", + "enchilada sauce", + "cumin" + ] + }, + { + "id": 7622, + "ingredients": [ + "green beans", + "chicken broth", + "onions", + "bacon", + "salt" + ] + }, + { + "id": 46842, + "ingredients": [ + "garlic cloves", + "onions", + "tomato juice", + "red bell pepper", + "plum tomatoes", + "green onions", + "fresh parsley", + "hothouse cucumber", + "chili", + "fresh lemon juice", + "chopped cilantro fresh" + ] + }, + { + "id": 3105, + "ingredients": [ + "tostada shells", + "beef shank", + "shredded cabbage", + "carrots", + "white onion", + "beef stock", + "garlic", + "dried oregano", + "hominy", + "bay leaves", + "chopped celery", + "pasilla chiles", + "radishes", + "lime wedges", + "dried guajillo chiles" + ] + }, + { + "id": 32728, + "ingredients": [ + "water", + "canola oil", + "Gochujang base", + "sesame oil", + "minced garlic", + "cane sugar" + ] + }, + { + "id": 24933, + "ingredients": [ + "black pepper", + "salt", + "corn starch", + "frozen whole kernel corn", + "cream cheese", + "nonfat evaporated milk", + "chicken stock", + "butter", + "garlic cloves", + "salsa verde", + "chopped onion", + "poblano chiles" + ] + }, + { + "id": 33258, + "ingredients": [ + "russet potatoes", + "celery root", + "ground black pepper", + "sea salt", + "lemon", + "unsalted butter", + "jerusalem artichokes" + ] + }, + { + "id": 34757, + "ingredients": [ + "honey", + "sesame oil", + "garlic cloves", + "peeled fresh ginger", + "rice vinegar", + "mung bean sprouts", + "shredded carrots", + "linguine", + "garlic chili sauce", + "soy sauce", + "green onions", + "creamy peanut butter" + ] + }, + { + "id": 42060, + "ingredients": [ + "tahini", + "ground cumin", + "olive oil", + "salt", + "garbanzo beans", + "lemon juice", + "pepper", + "garlic" + ] + }, + { + "id": 29607, + "ingredients": [ + "mayonaise", + "purple onion", + "seedless green grape", + "baby spinach leaves", + "celery", + "curry" + ] + }, + { + "id": 41168, + "ingredients": [ + "fat free less sodium chicken broth", + "ground red pepper", + "chopped onion", + "garlic powder", + "salt", + "center cut loin pork chop", + "water", + "butter", + "sharp cheddar cheese", + "black pepper", + "quickcooking grits", + "all-purpose flour" + ] + }, + { + "id": 39710, + "ingredients": [ + "deveined shrimp", + "melted butter", + "salt", + "garlic", + "black pepper", + "smoked paprika" + ] + }, + { + "id": 24428, + "ingredients": [ + "bay leaves", + "salt", + "chicken broth", + "garlic", + "oil", + "green onions", + "rice", + "pepper", + "smoked sausage", + "pinto beans" + ] + }, + { + "id": 35391, + "ingredients": [ + "olive oil", + "large garlic cloves", + "balsamic vinegar", + "crushed red pepper", + "grated parmesan cheese", + "linguine", + "tomatoes", + "watercress" + ] + }, + { + "id": 14283, + "ingredients": [ + "black-eyed peas", + "okra", + "diced tomatoes", + "bacon", + "bay leaf", + "pepper", + "salt" + ] + }, + { + "id": 47132, + "ingredients": [ + "cremini mushrooms", + "freshly grated parmesan", + "garlic", + "fresh parsley leaves", + "frozen chopped spinach", + "milk", + "unsalted butter", + "ricotta", + "dried oregano", + "kosher salt", + "ground black pepper", + "all-purpose flour", + "onions", + "nutmeg", + "dried basil", + "lasagna noodles", + "shredded mozzarella cheese" + ] + }, + { + "id": 47127, + "ingredients": [ + "flour tortillas", + "cream of mushroom soup", + "cream cheese", + "monterey jack", + "green onions", + "chunky salsa", + "dressing", + "chop green chilies, undrain", + "chicken" + ] + }, + { + "id": 26861, + "ingredients": [ + "eggs", + "white sugar", + "egg whites", + "key lime juice", + "graham cracker crusts", + "sweetened condensed milk", + "lime zest", + "egg yolks" + ] + }, + { + "id": 40946, + "ingredients": [ + "white onion", + "ricotta cheese", + "red bell pepper", + "tomato paste", + "bay leaves", + "garlic", + "dried oregano", + "Splenda Brown Sugar Blend", + "zucchini", + "butter", + "plum tomatoes", + "green bell pepper", + "chili powder", + "fresh mushrooms", + "italian seasoning" + ] + }, + { + "id": 30267, + "ingredients": [ + "self rising flour", + "buttermilk", + "unsalted butter" + ] + }, + { + "id": 3249, + "ingredients": [ + "light brown sugar", + "szechwan peppercorns", + "chinese cinnamon", + "kosher salt", + "star anise", + "ice cubes", + "watercress", + "canola oil", + "whole cloves", + "duck" + ] + }, + { + "id": 31629, + "ingredients": [ + "sugar", + "crushed ice", + "lime juice", + "orange liqueur", + "fruit", + "tequila", + "lime slices" + ] + }, + { + "id": 48102, + "ingredients": [ + "plain yogurt", + "meat", + "salt", + "onions", + "saffron threads", + "fresh ginger root", + "vegetable oil", + "cumin seed", + "ground turmeric", + "coconut", + "chile pepper", + "blanched almonds", + "chopped cilantro fresh", + "tomatoes", + "garam masala", + "garlic", + "dried red chile peppers" + ] + }, + { + "id": 33922, + "ingredients": [ + "lettuce", + "brown sugar", + "thai chile", + "fresh basil", + "lime juice", + "tomatoes", + "salmon fillets", + "onions", + "fish sauce", + "olive oil" + ] + }, + { + "id": 33084, + "ingredients": [ + "mustard", + "green onions", + "sour cream", + "water", + "sausages", + "eggs", + "dill", + "potatoes", + "cucumber" + ] + }, + { + "id": 1257, + "ingredients": [ + "white bread", + "olive oil", + "salt", + "medium shrimp", + "sugar", + "linguine", + "goat cheese", + "water", + "crushed red pepper", + "garlic cloves", + "fresh basil", + "basil", + "chopped onion", + "plum tomatoes" + ] + }, + { + "id": 32175, + "ingredients": [ + "garam masala", + "cilantro leaves", + "ground cumin", + "minced meat", + "salt", + "ground turmeric", + "garlic paste", + "paneer", + "onions", + "tomatoes", + "chili powder", + "green chilies" + ] + }, + { + "id": 33580, + "ingredients": [ + "large eggs", + "grated nutmeg", + "flat leaf parsley", + "unsalted butter", + "farro", + "ricotta", + "black pepper", + "yolk", + "dry bread crumbs", + "parmigiano reggiano cheese", + "salt", + "garlic cloves" + ] + }, + { + "id": 36307, + "ingredients": [ + "soy sauce", + "gold potatoes", + "butter", + "fish sauce", + "minced garlic", + "scotch bonnet chile", + "ground allspice", + "nutmeg", + "pepper", + "chicken breasts", + "salt", + "brown sugar", + "dried thyme", + "cinnamon", + "coconut milk" + ] + }, + { + "id": 24430, + "ingredients": [ + "sugar", + "large eggs", + "coarse salt", + "boneless pork loin", + "garlic cloves", + "dried shrimp", + "dry roasted peanuts", + "lettuce leaves", + "pressed tofu", + "english cucumber", + "Thai fish sauce", + "soy sauce", + "condiments", + "cilantro leaves", + "peanut oil", + "tamarind concentrate", + "rice stick noodles", + "radishes", + "lime wedges", + "sauce", + "scallions", + "beansprouts" + ] + }, + { + "id": 25946, + "ingredients": [ + "celery ribs", + "crawfish", + "butter", + "fresh parsley", + "cooked rice", + "ground red pepper", + "all-purpose flour", + "chicken broth", + "chopped fresh chives", + "salt", + "onions", + "green bell pepper", + "shallots", + "garlic cloves" + ] + }, + { + "id": 38234, + "ingredients": [ + "vanilla extract", + "unsweetened cocoa powder", + "butter", + "bittersweet chocolate", + "jimmies", + "salt", + "heavy cream", + "sweetened condensed milk" + ] + }, + { + "id": 9831, + "ingredients": [ + "shallots", + "salt", + "ground black pepper", + "vegetable oil", + "toasted sesame oil", + "chile pepper", + "pork spareribs", + "green onions", + "garlic", + "white sugar" + ] + }, + { + "id": 21341, + "ingredients": [ + "jack cheese", + "corn chips", + "chopped cilantro fresh", + "jalapeno chilies", + "rice", + "iceberg lettuce", + "green onions", + "sour cream", + "chili", + "black olives", + "plum tomatoes" + ] + }, + { + "id": 18746, + "ingredients": [ + "fennel bulb", + "provolone cheese", + "yellow corn meal", + "sweet italian sausage", + "onions", + "water", + "pizza doughs", + "large eggs", + "red bell pepper" + ] + }, + { + "id": 21259, + "ingredients": [ + "panko", + "cucumber", + "kosher salt", + "ciabatta roll", + "salmon fillets", + "ground black pepper", + "large egg whites", + "feta cheese crumbles" + ] + }, + { + "id": 36407, + "ingredients": [ + "black pepper", + "large garlic cloves", + "salt", + "basil leaves", + "extra-virgin olive oil", + "sauce", + "cooking spray", + "asiago", + "all-purpose flour", + "butter", + "1% low-fat milk", + "oven-ready lasagna noodles" + ] + }, + { + "id": 45971, + "ingredients": [ + "large egg yolks", + "heavy whipping cream", + "firmly packed light brown sugar", + "grated lemon zest", + "sugar", + "lemon verbena", + "salt" + ] + }, + { + "id": 47568, + "ingredients": [ + "fresh basil", + "red curry paste", + "onions", + "zucchini", + "coconut milk", + "basmati rice", + "lemongrass", + "red bell pepper", + "chopped cilantro fresh", + "chicken breasts", + "lime leaves" + ] + }, + { + "id": 9169, + "ingredients": [ + "chicken broth", + "garlic", + "vegetable juice", + "taco seasoning", + "instant rice", + "chopped onion", + "vegetable oil" + ] + }, + { + "id": 15917, + "ingredients": [ + "ground black pepper", + "butter", + "water", + "flour", + "bacon fat", + "agave nectar", + "salt", + "corn husks", + "half & half" + ] + }, + { + "id": 19884, + "ingredients": [ + "seedless cucumber", + "vegetable oil", + "freshly ground pepper", + "hoisin sauce", + "garlic", + "asian fish sauce", + "honey", + "cilantro sprigs", + "scallions", + "sugar", + "pork tenderloin", + "rolls" + ] + }, + { + "id": 34196, + "ingredients": [ + "ground cloves", + "unsalted butter", + "white sugar", + "water", + "pistachio nuts", + "hazelnuts", + "whole cloves", + "ground cinnamon", + "honey", + "phyllo pastry" + ] + }, + { + "id": 42336, + "ingredients": [ + "pepper", + "bacon", + "sour cream", + "jalapeno chilies", + "purple onion", + "lime", + "cilantro", + "cheddar cheese", + "heirloom tomatoes", + "salt" + ] + }, + { + "id": 42846, + "ingredients": [ + "garam masala", + "ginger", + "green chilies", + "amchur", + "chili powder", + "salt", + "oil", + "pomegranate seeds", + "potatoes", + "green peas", + "cumin seed", + "coriander seeds", + "maida flour", + "cilantro leaves", + "ghee" + ] + }, + { + "id": 27223, + "ingredients": [ + "salt", + "milk", + "pork sausages", + "butter", + "italian seasoning", + "pepper", + "all-purpose flour" + ] + }, + { + "id": 12495, + "ingredients": [ + "sugar", + "butter", + "peanuts", + "salt", + "water", + "light corn syrup", + "baking soda" + ] + }, + { + "id": 16957, + "ingredients": [ + "green bell pepper, slice", + "red bell pepper", + "water", + "vegetable oil", + "flour tortillas", + "medium shrimp", + "taco seasoning mix", + "chopped onion" + ] + }, + { + "id": 14705, + "ingredients": [ + "potatoes", + "cumin seed", + "split black lentils", + "vegetable oil", + "dried red chile peppers", + "red beets", + "flaked coconut", + "asafoetida powder", + "fresh curry leaves", + "ground red pepper", + "mustard seeds" + ] + }, + { + "id": 49694, + "ingredients": [ + "unsalted butter", + "kosher salt", + "all-purpose flour", + "cheddar cheese", + "large eggs", + "water" + ] + }, + { + "id": 26122, + "ingredients": [ + "sugar", + "butter", + "salt", + "large eggs", + "light corn syrup", + "pastry shell", + "vanilla extract", + "honey", + "whipped cream", + "chopped pecans" + ] + }, + { + "id": 20002, + "ingredients": [ + "water", + "shredded reduced fat reduced sodium swiss cheese", + "cooking spray", + "fresh tarragon", + "white pepper", + "fat free milk", + "unsalted butter", + "shallots", + "all-purpose flour", + "fresh basil", + "olive oil", + "ground black pepper", + "mushrooms", + "whipping cream", + "kosher salt", + "panko", + "lobster", + "dry sherry" + ] + }, + { + "id": 36036, + "ingredients": [ + "large eggs", + "vanilla extract", + "challa", + "golden raisins", + "whole milk", + "sauce", + "sugar", + "whipping cream" + ] + }, + { + "id": 22803, + "ingredients": [ + "water", + "rice vermicelli", + "fresh mint", + "chopped cilantro fresh", + "lettuce", + "thai basil", + "rice", + "cooked shrimp", + "peanuts", + "garlic", + "fresh lime juice", + "fish sauce", + "hoisin sauce", + "garlic chili sauce", + "white sugar" + ] + }, + { + "id": 23804, + "ingredients": [ + "ground ginger", + "honey", + "lemon", + "cumin", + "min", + "crushed garlic", + "paprika", + "cholent", + "quinoa", + "diced tomatoes", + "chicken", + "tumeric", + "spices", + "pitted olives" + ] + }, + { + "id": 14129, + "ingredients": [ + "manchego cheese", + "butter", + "large egg whites", + "cooking spray", + "all-purpose flour", + "sun-dried tomatoes", + "baking powder", + "fresh basil", + "low-fat buttermilk", + "salt" + ] + }, + { + "id": 28263, + "ingredients": [ + "water", + "seaweed", + "soybean paste", + "soft tofu", + "scallions", + "chicken stock", + "salt" + ] + }, + { + "id": 3995, + "ingredients": [ + "sea bass fillets", + "salt", + "fresh chervil", + "ground black pepper", + "fresh tarragon", + "red bell pepper", + "butter", + "carrots", + "dry white wine", + "purple onion", + "celery" + ] + }, + { + "id": 42930, + "ingredients": [ + "black pepper", + "garlic", + "fresh mint", + "brown sugar", + "green onions", + "shrimp", + "chopped cilantro fresh", + "fish sauce", + "lemongrass", + "purple onion", + "fresh lime juice", + "red chili peppers", + "green leaf lettuce", + "ginger root" + ] + }, + { + "id": 15527, + "ingredients": [ + "chicken broth", + "Mexican cheese blend", + "ground cayenne pepper", + "ground cumin", + "tomato sauce", + "tortillas", + "sour cream", + "pepper", + "salt", + "ground beef", + "tomato paste", + "olive oil", + "pinto beans", + "onions" + ] + }, + { + "id": 3274, + "ingredients": [ + "tomatoes", + "basil leaves", + "kosher salt", + "garlic cloves", + "garlic chives", + "extra-virgin olive oil", + "ground black pepper", + "spaghetti" + ] + }, + { + "id": 49387, + "ingredients": [ + "green onions", + "mango", + "sugar", + "fresh lime juice", + "salt", + "jalapeno chilies", + "chopped cilantro fresh" + ] + }, + { + "id": 33406, + "ingredients": [ + "sambal ulek", + "black pepper", + "jalapeno chilies", + "salt", + "onions", + "green bell pepper", + "white cabbage", + "crushed red pepper flakes", + "coconut milk", + "chicken", + "stock", + "fresh ginger", + "diced tomatoes", + "rice vinegar", + "ground turmeric", + "chicken stock", + "fish sauce", + "diced red onions", + "garlic", + "celery" + ] + }, + { + "id": 32008, + "ingredients": [ + "celery ribs", + "eggplant", + "carrots", + "boiling potatoes", + "water", + "garlic cloves", + "red bell pepper", + "olive oil", + "juice", + "onions", + "tomatoes", + "zucchini", + "green beans" + ] + }, + { + "id": 30325, + "ingredients": [ + "ground black pepper", + "top sirloin steak", + "oil", + "capers", + "jalapeno chilies", + "cornichons", + "kosher salt", + "shallots", + "garlic", + "green olives", + "dijon mustard", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 28018, + "ingredients": [ + "lemon grass", + "green chilies", + "asian fish sauce", + "garlic", + "salad oil", + "shallots", + "fat skimmed chicken broth", + "sugar", + "cilantro leaves", + "chicken thighs" + ] + }, + { + "id": 466, + "ingredients": [ + "rapid rise yeast", + "whole milk", + "bread flour", + "sugar", + "salt", + "butter" + ] + }, + { + "id": 11201, + "ingredients": [ + "flour tortillas", + "salsa", + "ground cumin", + "romaine lettuce", + "non-fat sour cream", + "chopped onion", + "fat free beef broth", + "cooking spray", + "round steaks", + "canned black beans", + "crushed red pepper", + "garlic cloves" + ] + }, + { + "id": 39689, + "ingredients": [ + "tofu", + "black sesame seeds", + "soy sauce", + "scallions", + "chicken stock", + "peanut oil", + "minced garlic", + "ginger root" + ] + }, + { + "id": 35109, + "ingredients": [ + "sugar", + "salt pork", + "water", + "turnip greens", + "dried red chile peppers", + "salt" + ] + }, + { + "id": 39297, + "ingredients": [ + "bacon drippings", + "salt", + "smoked ham hocks", + "pepper", + "bay leaf", + "cold water", + "small white beans", + "garlic", + "onions" + ] + }, + { + "id": 39694, + "ingredients": [ + "calamansi juice", + "sugar", + "water" + ] + }, + { + "id": 35954, + "ingredients": [ + "grated orange peel", + "chopped fresh thyme", + "ground black pepper", + "leg of lamb", + "coarse salt", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 795, + "ingredients": [ + "chicken stock", + "leeks", + "ground black pepper", + "sea salt", + "potatoes", + "salted butter", + "heavy cream" + ] + }, + { + "id": 13013, + "ingredients": [ + "pepper jack", + "salt", + "corn tortillas", + "black beans", + "paprika", + "hot sauce", + "vegetable oil", + "salsa", + "ground cumin", + "fresh cilantro", + "purple onion", + "sour cream" + ] + }, + { + "id": 22344, + "ingredients": [ + "saffron threads", + "fresh lemon juice", + "olive oil", + "kosher salt", + "lemon" + ] + }, + { + "id": 7505, + "ingredients": [ + "celery ribs", + "baguette", + "fennel bulb", + "large garlic cloves", + "orange zest", + "tomatoes", + "fronds", + "bay leaves", + "carrots", + "saffron threads", + "whiting", + "cayenne", + "dry white wine", + "herbes de provence", + "tomato paste", + "water", + "leeks", + "extra-virgin olive oil" + ] + }, + { + "id": 41009, + "ingredients": [ + "garam masala", + "ginger", + "green chilies", + "onions", + "red chili powder", + "whole milk", + "paneer", + "garlic cloves", + "tomatoes", + "coriander powder", + "kasuri methi", + "oil", + "cashew nuts", + "cream", + "butter", + "salt", + "bay leaf" + ] + }, + { + "id": 18178, + "ingredients": [ + "vegetable stock", + "walnuts", + "potatoes", + "cheese", + "pepper", + "butter", + "spring onions", + "salt" + ] + }, + { + "id": 24795, + "ingredients": [ + "tomatoes", + "red bell pepper", + "olive oil", + "white wine vinegar", + "green bell pepper", + "onions" + ] + }, + { + "id": 28486, + "ingredients": [ + "white onion", + "fresh ginger", + "grapeseed oil", + "scallions", + "dark soy sauce", + "minced garlic", + "bonito flakes", + "garlic", + "kosher salt", + "ground black pepper", + "beef tenderloin", + "fresh lemon juice", + "soy sauce", + "olive oil", + "chives", + "rice vinegar" + ] + }, + { + "id": 14189, + "ingredients": [ + "tomato sauce", + "potatoes", + "ground beef", + "curry powder", + "white rice", + "water", + "vegetable oil", + "fresh parsley", + "grape leaves", + "ground black pepper", + "ground allspice" + ] + }, + { + "id": 34459, + "ingredients": [ + "vegetable oil spray", + "garlic cloves", + "plum tomatoes", + "green bell pepper", + "frozen pastry puff sheets", + "serrano ham", + "olive oil", + "hard-boiled egg", + "onions", + "large eggs", + "Spanish tuna" + ] + }, + { + "id": 11618, + "ingredients": [ + "cooked rice", + "fresh cilantro", + "chili powder", + "ground cumin", + "black beans", + "green onions", + "red pepper", + "low-fat sour cream", + "lime", + "large flour tortillas", + "shredded cheddar cheese", + "chicken breasts", + "garlic salt" + ] + }, + { + "id": 25699, + "ingredients": [ + "romaine lettuce", + "fennel bulb", + "feta cheese crumbles", + "olive oil", + "purple onion", + "dried oregano", + "pitted kalamata olives", + "white wine vinegar", + "red bell pepper", + "genoa salami", + "garbanzo beans", + "garlic cloves" + ] + }, + { + "id": 5908, + "ingredients": [ + "all-purpose flour", + "boiling water", + "cold water" + ] + }, + { + "id": 16396, + "ingredients": [ + "fresh ginger", + "flank steak", + "brown sugar", + "ground black pepper", + "crushed red pepper flakes", + "soy sauce", + "green onions", + "garlic cloves", + "sesame seeds", + "rice wine" + ] + }, + { + "id": 40936, + "ingredients": [ + "champagne", + "Guinness Beer" + ] + }, + { + "id": 12568, + "ingredients": [ + "ravva", + "salt", + "dal", + "curry leaves", + "ginger", + "curds", + "cashew nuts", + "water", + "urad dal", + "mustard seeds", + "soda", + "green chilies", + "ghee" + ] + }, + { + "id": 4386, + "ingredients": [ + "bacon", + "pork rub", + "freshly ground pepper", + "apple juice", + "pork butt roast", + "kosher salt", + "onions" + ] + }, + { + "id": 34355, + "ingredients": [ + "sun-dried tomatoes", + "pesto", + "baguette", + "green olives", + "fresh chevre" + ] + }, + { + "id": 868, + "ingredients": [ + "pepper", + "salt", + "potatoes", + "milk", + "mayonaise", + "butter" + ] + }, + { + "id": 45186, + "ingredients": [ + "sugar", + "fresh peas", + "english cucumber", + "eggs", + "pepper", + "salt", + "bologna", + "pickles", + "potatoes", + "carrots", + "mayonaise", + "sweet onion", + "dill" + ] + }, + { + "id": 19291, + "ingredients": [ + "tomatoes", + "garlic", + "lime", + "onions", + "fresh coriander", + "salt", + "chili powder", + "cumin" + ] + }, + { + "id": 38548, + "ingredients": [ + "salt", + "chopped fresh mint", + "fresh dill", + "fresh lemon juice", + "garlic cloves", + "fat free yogurt", + "cucumber" + ] + }, + { + "id": 1848, + "ingredients": [ + "tomato sauce", + "dried thyme", + "chopped celery", + "black beans", + "garlic", + "green pepper", + "chicken bouillon granules", + "water", + "smoked sausage", + "chopped onion", + "white pepper", + "bay leaves", + "cayenne pepper" + ] + }, + { + "id": 2144, + "ingredients": [ + "black beans", + "garlic", + "ground cumin", + "frozen whole kernel corn", + "promis spread stick", + "lime juice", + "spring salad mix", + "tomatoes", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 13629, + "ingredients": [ + "chicken stock", + "scallions", + "corn kernels", + "toasted sesame oil", + "kosher salt", + "ground white pepper", + "crabmeat" + ] + }, + { + "id": 6588, + "ingredients": [ + "olive oil", + "chèvre", + "fontina cheese", + "roasted red peppers", + "prosciutto", + "fresh basil", + "pizza doughs" + ] + }, + { + "id": 25411, + "ingredients": [ + "fennel seeds", + "ground black pepper", + "yellow onion", + "tomato sauce", + "diced tomatoes", + "flat leaf parsley", + "fresh basil", + "red wine", + "garlic cloves", + "olive oil", + "salt", + "italian seasoning" + ] + }, + { + "id": 49162, + "ingredients": [ + "water", + "flat leaf parsley", + "lemon", + "olive oil", + "pancetta", + "artichokes" + ] + }, + { + "id": 4353, + "ingredients": [ + "white vinegar", + "ketchup", + "curry", + "black mustard seeds", + "chopped garlic", + "tumeric", + "boneless chicken breast", + "green chilies", + "coriander", + "food colouring", + "cayenne", + "hot sauce", + "corn starch", + "canola oil", + "soy sauce", + "ginger", + "oil", + "cumin" + ] + }, + { + "id": 13310, + "ingredients": [ + "olive oil", + "heavy cream", + "spaghetti", + "grated parmesan cheese", + "broccoli", + "unsalted butter", + "garlic", + "table salt", + "red pepper flakes", + "onions" + ] + }, + { + "id": 3313, + "ingredients": [ + "frozen cheese ravioli", + "parmesan cheese", + "pepper", + "salt", + "seasoned bread crumbs", + "marinara sauce", + "eggs", + "milk", + "canola oil" + ] + }, + { + "id": 46725, + "ingredients": [ + "sugar", + "water", + "salt", + "white vinegar", + "soy sauce", + "green onions", + "corn starch", + "red chili peppers", + "fresh ginger", + "garlic cloves", + "cooked rice", + "dry roasted peanuts", + "chicken breasts", + "salad oil" + ] + }, + { + "id": 39197, + "ingredients": [ + "melted butter", + "chat masala", + "lemon", + "ground turmeric", + "red chili powder", + "coriander powder", + "curds", + "chili flakes", + "garam masala", + "salt", + "mango", + "garlic paste", + "prawns", + "coriander" + ] + }, + { + "id": 49483, + "ingredients": [ + "green onions", + "cream of chicken soup", + "cilantro", + "Mexican cheese blend", + "diced tomatoes", + "potatoes", + "diced chicken" + ] + }, + { + "id": 7108, + "ingredients": [ + "large eggs", + "salt", + "shrimp", + "dried thyme", + "vegetable oil", + "garlic cloves", + "pepper", + "jalapeno chilies", + "all-purpose flour", + "onions", + "water", + "baking powder", + "beer" + ] + }, + { + "id": 45368, + "ingredients": [ + "buttermilk", + "self rising flour", + "shredded sharp cheddar cheese", + "bacon", + "butter", + "smoked paprika" + ] + }, + { + "id": 22628, + "ingredients": [ + "chile paste", + "ramen noodles", + "cooked chicken breasts", + "sugar", + "green onions", + "chopped celery", + "soy sauce", + "sesame oil", + "ground turmeric", + "chicken broth", + "fresh ginger root", + "shredded lettuce" + ] + }, + { + "id": 40786, + "ingredients": [ + "chorizo", + "chili powder", + "salsa", + "ground cumin", + "green chile", + "poblano peppers", + "cilantro", + "sour cream", + "diced onions", + "milk", + "butter", + "shredded cheese", + "black beans", + "flour", + "salt", + "rigatoni" + ] + }, + { + "id": 29697, + "ingredients": [ + "black beans", + "chicken breasts", + "taco seasoning", + "enchilada seasoning", + "low-fat cottage cheese", + "diced tomatoes", + "enchilada sauce", + "corn", + "rotelle", + "shredded mozzarella cheese", + "chicken broth", + "tortillas", + "salsa" + ] + }, + { + "id": 4103, + "ingredients": [ + "flour", + "elbow macaroni", + "Kettle Chips", + "barbecue sauce", + "pork", + "whole milk", + "unsalted butter", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 15011, + "ingredients": [ + "cream cheese", + "grated parmesan cheese", + "pesto", + "sour cream", + "toasted walnuts" + ] + }, + { + "id": 43213, + "ingredients": [ + "frozen whole kernel corn", + "reduced-fat sour cream", + "baby spinach", + "cooking spray", + "salsa", + "shredded reduced fat cheddar cheese", + "whole wheat tortillas" + ] + }, + { + "id": 17369, + "ingredients": [ + "low salt chicken broth", + "russet potatoes", + "celery seed", + "shallots", + "stilton cheese", + "whipping cream", + "celery root" + ] + }, + { + "id": 1560, + "ingredients": [ + "milk", + "rotisserie chicken", + "pasta", + "butter", + "cream of chicken soup", + "pesto sauce", + "salt" + ] + }, + { + "id": 36704, + "ingredients": [ + "tomatoes", + "ground red pepper", + "yellow bell pepper", + "bulgur", + "cucumber", + "dried oregano", + "hot pepper sauce", + "queso fresco", + "purple onion", + "garlic cloves", + "chopped cilantro fresh", + "ground cumin", + "ground black pepper", + "chili powder", + "extra-virgin olive oil", + "ground allspice", + "fresh lime juice", + "sliced green onions", + "avocado", + "jalapeno chilies", + "paprika", + "salt", + "fresh lemon juice", + "boiling water" + ] + }, + { + "id": 40432, + "ingredients": [ + "asafoetida", + "tamarind juice", + "fenugreek seeds", + "ground turmeric", + "peanuts", + "vegetable oil", + "dried red chile peppers", + "kosher salt", + "chili powder", + "black mustard seeds", + "curry leaves", + "bengal gram", + "white rice", + "jaggery" + ] + }, + { + "id": 28394, + "ingredients": [ + "freshly grated parmesan", + "dried oregano", + "marinara sauce", + "ground black pepper", + "breaded chicken fillets" + ] + }, + { + "id": 31410, + "ingredients": [ + "dried thyme", + "ground black pepper", + "coarse salt", + "lemon juice", + "olive oil", + "marinade", + "extra-virgin olive oil", + "dried oregano", + "cherry tomatoes", + "dijon mustard", + "red wine vinegar", + "fresh mint", + "pitted kalamata olives", + "feta cheese", + "chicken cutlets", + "garlic" + ] + }, + { + "id": 19276, + "ingredients": [ + "chicken breasts", + "corn tortillas", + "enchilada sauce", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 3024, + "ingredients": [ + "unsalted butter", + "walnuts", + "powdered sugar", + "large eggs", + "sugar", + "all-purpose flour", + "semisweet chocolate" + ] + }, + { + "id": 4582, + "ingredients": [ + "tomatoes", + "garam masala", + "paprika", + "green chilies", + "ground turmeric", + "water", + "potatoes", + "peas", + "onions", + "red chili powder", + "ground black pepper", + "cilantro", + "garlic cloves", + "fresh ginger", + "vegetable oil", + "salt", + "paneer cheese" + ] + }, + { + "id": 21732, + "ingredients": [ + "quick cooking brown rice", + "cilantro", + "red bell pepper", + "cheddar cheese", + "ranch dressing", + "purple onion", + "green bell pepper", + "boneless skinless chicken breasts", + "extra-virgin olive oil", + "black beans", + "diced tomatoes", + "low sodium chicken stock" + ] + }, + { + "id": 210, + "ingredients": [ + "salt", + "milk", + "eggs", + "melted fat", + "flour" + ] + }, + { + "id": 622, + "ingredients": [ + "fish fillets", + "clam juice", + "diced tomatoes", + "couscous", + "celery ribs", + "bay leaves", + "large garlic cloves", + "carrots", + "onions", + "olive oil", + "chopped fresh thyme", + "littleneck clams", + "fresh parsley", + "mussels", + "dry white wine", + "hot chili paste", + "shrimp" + ] + }, + { + "id": 10935, + "ingredients": [ + "pork chops", + "diced tomatoes", + "onions", + "green bell pepper", + "Tabasco Pepper Sauce", + "salt", + "ground black pepper", + "garlic", + "water", + "vegetable oil", + "rice" + ] + }, + { + "id": 19607, + "ingredients": [ + "garlic powder", + "cajun seasoning", + "oil", + "cod fillets", + "all-purpose flour", + "ground black pepper", + "salt", + "eggs", + "cornflake crumbs", + "beer" + ] + }, + { + "id": 47407, + "ingredients": [ + "sugar", + "olive oil", + "extra-virgin olive oil", + "garlic cloves", + "dried basil", + "diced tomatoes", + "salt", + "dried oregano", + "tomato paste", + "dried thyme", + "dry red wine", + "chopped onion", + "crushed tomatoes", + "ground black pepper", + "crushed red pepper", + "marjoram" + ] + }, + { + "id": 29722, + "ingredients": [ + "garam masala", + "coarse kosher salt", + "extra-virgin olive oil", + "chopped cilantro fresh", + "large garlic cloves", + "onions", + "roasting chickens", + "plain whole-milk yogurt" + ] + }, + { + "id": 21665, + "ingredients": [ + "sea salt", + "lean beef", + "garlic", + "extra-virgin olive oil", + "rice flour", + "chili powder", + "beef broth" + ] + }, + { + "id": 16330, + "ingredients": [ + "ground ginger", + "zucchini", + "carrots", + "ground black pepper", + "extra-virgin olive oil", + "ground cumin", + "tumeric", + "vine ripened tomatoes", + "onions", + "fennel bulb", + "garlic cloves" + ] + }, + { + "id": 10647, + "ingredients": [ + "mint leaves", + "carrots", + "frozen peas", + "jalapeno chilies", + "low sodium chicken stock", + "fresh lime juice", + "zucchini", + "red curry paste", + "coconut milk", + "palm sugar", + "cilantro stems", + "shrimp", + "asian fish sauce" + ] + }, + { + "id": 33369, + "ingredients": [ + "ground black pepper", + "vegetable oil", + "kosher salt", + "pinto beans", + "jalapeno chilies" + ] + }, + { + "id": 35933, + "ingredients": [ + "ground black pepper", + "garlic", + "heavy cream", + "extra-virgin olive oil", + "butter" + ] + }, + { + "id": 44010, + "ingredients": [ + "green onions", + "salt", + "large garlic cloves", + "chopped cilantro fresh", + "vegetable oil", + "gingerroot", + "water", + "crushed red pepper" + ] + }, + { + "id": 13599, + "ingredients": [ + "jicama", + "carrots", + "serrano chile", + "mint", + "vietnamese fish sauce", + "fresh lime juice", + "cilantro", + "celery", + "sugar", + "salted peanuts", + "medium shrimp" + ] + }, + { + "id": 40689, + "ingredients": [ + "chicken broth", + "grated parmesan cheese", + "salt", + "minced garlic", + "chicken breasts", + "broccoli", + "pepper", + "flour", + "greek style plain yogurt", + "milk", + "extra-virgin olive oil", + "rotini" + ] + }, + { + "id": 33887, + "ingredients": [ + "black beans", + "chicken thighs", + "cream cheese lowfat", + "shredded cheddar cheese", + "chunky salsa", + "sweet corn" + ] + }, + { + "id": 30306, + "ingredients": [ + "cooked rice", + "oysters", + "vegetable oil", + "hot sauce", + "onions", + "tomato paste", + "green bell pepper", + "ground red pepper", + "salt", + "freshly ground pepper", + "celery ribs", + "duck stock", + "green onions", + "chopped fresh thyme", + "fresh oregano", + "fresh basil", + "molasses", + "meat", + "all-purpose flour", + "garlic cloves" + ] + }, + { + "id": 43031, + "ingredients": [ + "sugar", + "ginger", + "thyme sprigs", + "cauliflower", + "pepper", + "carrots", + "white vinegar", + "kosher salt", + "berries", + "black peppercorns", + "large garlic cloves", + "red bell pepper" + ] + }, + { + "id": 32346, + "ingredients": [ + "minced ginger", + "peanut oil", + "toasted sesame oil", + "chicken stock", + "green onions", + "shrimp", + "Shaoxing wine", + "garlic cloves", + "snow peas", + "soy sauce", + "salt", + "corn starch" + ] + }, + { + "id": 2940, + "ingredients": [ + "bay leaves", + "orange zest", + "fennel seeds", + "cinnamon sticks", + "clove", + "red wine", + "pears", + "black peppercorns", + "white sugar" + ] + }, + { + "id": 6785, + "ingredients": [ + "sauerkraut", + "sour cream", + "eggs", + "salt", + "cheese", + "warm water", + "all-purpose flour" + ] + }, + { + "id": 2786, + "ingredients": [ + "fennel seeds", + "coriander seeds", + "garlic cloves", + "ground cinnamon", + "sea salt", + "olive oil", + "cumin seed", + "caraway seeds", + "roasted red peppers", + "dried red chile peppers" + ] + }, + { + "id": 11481, + "ingredients": [ + "chili powder", + "lime juice", + "ground cumin", + "kosher salt", + "cayenne pepper", + "garlic powder" + ] + }, + { + "id": 39121, + "ingredients": [ + "sea salt", + "extra-virgin olive oil", + "warm water", + "cornmeal", + "active dry yeast", + "bread flour" + ] + }, + { + "id": 10954, + "ingredients": [ + "braised seitan", + "kosher salt", + "garlic", + "toasted sesame oil", + "baby bok choy", + "kecap manis", + "corn starch", + "cooked white rice", + "bean threads", + "water", + "dried shiitake mushrooms", + "bean curd stick", + "soy sauce", + "napa cabbage", + "tofu puffs", + "canola oil" + ] + }, + { + "id": 33155, + "ingredients": [ + "fresh chives", + "pepper jack", + "tasso", + "olive oil", + "russet potatoes", + "granulated garlic", + "ground black pepper", + "cayenne pepper", + "kosher salt", + "chili powder" + ] + }, + { + "id": 5345, + "ingredients": [ + "calamata olives", + "salt", + "flat leaf parsley", + "frozen peas", + "romaine lettuce", + "shallots", + "grated lemon zest", + "thyme sprigs", + "water", + "extra-virgin olive oil", + "medium-grain rice", + "bay leaf", + "green lentil", + "crushed red pepper", + "garlic cloves", + "onions" + ] + }, + { + "id": 40164, + "ingredients": [ + "mushrooms", + "oil", + "yellow peppers", + "black pepper", + "vegetable stock", + "thai green curry paste", + "pasta", + "spring onions", + "baby corn", + "fresh coriander", + "red pepper", + "onions" + ] + }, + { + "id": 48554, + "ingredients": [ + "green chile", + "cilantro sprigs", + "cilantro leaves", + "jalapeno chilies", + "purple onion", + "fresh lime juice", + "garlic powder", + "crushed red pepper", + "tortilla chips", + "diced tomatoes", + "salt", + "ground cumin" + ] + }, + { + "id": 9698, + "ingredients": [ + "powdered sugar", + "whipping cream" + ] + }, + { + "id": 23106, + "ingredients": [ + "cream", + "pitted olives", + "pace picante sauce", + "tortilla chips", + "shredded cheddar cheese", + "green pepper", + "cooked chicken" + ] + }, + { + "id": 43093, + "ingredients": [ + "grated orange peel", + "large eggs", + "toasted walnuts", + "candied orange peel", + "unsalted butter", + "all-purpose flour", + "grated lemon peel", + "eggs", + "golden brown sugar", + "fine sea salt", + "fresh lemon juice", + "honey", + "ice water", + "orange flower water" + ] + }, + { + "id": 24672, + "ingredients": [ + "sugar", + "dried shiitake mushrooms", + "minced garlic", + "greens", + "soy sauce", + "corn starch", + "dry sherry" + ] + }, + { + "id": 5891, + "ingredients": [ + "pepper", + "purple onion", + "zucchini", + "fresh mushrooms", + "olive oil", + "salt", + "tomatoes", + "garlic", + "italian seasoning" + ] + }, + { + "id": 47093, + "ingredients": [ + "grated parmesan cheese", + "oil", + "eggs", + "baking powder", + "starch", + "milk", + "salt" + ] + }, + { + "id": 15009, + "ingredients": [ + "black pepper", + "walnuts", + "spaghetti", + "parmigiano reggiano cheese", + "garlic cloves", + "olive oil", + "chopped fresh sage", + "salt", + "fresh parsley" + ] + }, + { + "id": 28060, + "ingredients": [ + "caraway seeds", + "butter", + "white sugar", + "dried currants", + "salt", + "eggs", + "buttermilk", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 33523, + "ingredients": [ + "short-grain rice", + "peeled fresh ginger", + "chopped cilantro fresh", + "ground black pepper", + "salt", + "sliced green onions", + "large eggs", + "garlic cloves", + "lower sodium soy sauce", + "green peas", + "canola oil" + ] + }, + { + "id": 2379, + "ingredients": [ + "silver tequila", + "lemon juice", + "cointreau", + "orange juice", + "lime juice", + "gran marnier", + "ice cubes", + "pimentos" + ] + }, + { + "id": 14775, + "ingredients": [ + "ground cinnamon", + "vegetable oil", + "orange juice", + "pepper", + "apples", + "brown sugar", + "butter", + "pork loin", + "salt" + ] + }, + { + "id": 15220, + "ingredients": [ + "ancho powder", + "onions", + "ground black pepper", + "orange juice", + "cumin", + "liquid smoke", + "bacon grease", + "pork butt roast", + "sea salt", + "garlic cloves" + ] + }, + { + "id": 36851, + "ingredients": [ + "dried lentils", + "chili powder", + "onions", + "water", + "shredded sharp cheddar cheese", + "ground cumin", + "green bell pepper", + "rotelle", + "long grain white rice", + "garlic powder", + "salt" + ] + }, + { + "id": 39829, + "ingredients": [ + "baking soda", + "buttermilk", + "all-purpose flour", + "confectioners sugar", + "large eggs", + "vanilla", + "chopped pecans", + "granulated sugar", + "sweetened coconut flakes", + "margarine", + "vegetable shortening", + "salt", + "cream cheese, soften" + ] + }, + { + "id": 22383, + "ingredients": [ + "eggs", + "milk", + "butter", + "white sugar", + "fruit", + "unsalted butter", + "all-purpose flour", + "cream", + "egg yolks", + "grated lemon zest", + "warm water", + "active dry yeast", + "vanilla extract", + "orange zest" + ] + }, + { + "id": 3205, + "ingredients": [ + "crushed tomatoes", + "roasted red peppers", + "green peas", + "rigatoni", + "prosciutto", + "heavy cream", + "fresh parsley", + "garlic powder", + "grated parmesan cheese", + "salt", + "vodka", + "ground black pepper", + "crushed red pepper flakes", + "white sugar" + ] + }, + { + "id": 8408, + "ingredients": [ + "green olives", + "minced garlic", + "salt", + "carrots", + "pork", + "cooking oil", + "yellow onion", + "tomato sauce", + "green bell pepper, slice", + "beef broth", + "red bell pepper", + "pepper", + "baking potatoes", + "liver" + ] + }, + { + "id": 20126, + "ingredients": [ + "ground pepper", + "shredded mozzarella cheese", + "kosher salt", + "chicken breasts", + "linguini", + "chicken broth", + "cream of chicken soup", + "sour cream", + "parmesan cheese", + "butter" + ] + }, + { + "id": 19470, + "ingredients": [ + "baguette", + "lettuce leaves", + "rice vinegar", + "sugar", + "sweet onion", + "daikon", + "asian fish sauce", + "mayonaise", + "liverwurst", + "vegetable oil", + "carrots", + "soy sauce", + "jalapeno chilies", + "cilantro sprigs", + "cooked chicken breasts" + ] + }, + { + "id": 12053, + "ingredients": [ + "sake", + "miso paste", + "heavy cream", + "fresh lime juice", + "salmon", + "sesame oil", + "dry bread crumbs", + "soy sauce", + "green onions", + "garlic", + "chopped cilantro fresh", + "eggs", + "water", + "vegetable oil", + "chopped onion" + ] + }, + { + "id": 14516, + "ingredients": [ + "minced garlic", + "whole milk", + "ground black pepper", + "salt", + "parmesan cheese", + "heavy cream", + "fontina cheese", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 14748, + "ingredients": [ + "capers", + "coarse salt", + "garlic", + "red bell pepper", + "red potato", + "basil leaves", + "extra-virgin olive oil", + "green beans", + "swordfish steaks", + "red wine vinegar", + "purple onion", + "flat leaf parsley", + "ground black pepper", + "cook egg hard", + "fresh lemon juice", + "olives" + ] + }, + { + "id": 44791, + "ingredients": [ + "ground cinnamon", + "bananas", + "chopped walnuts", + "baking soda", + "vanilla extract", + "white sugar", + "eggs", + "raisins", + "unsweetened applesauce", + "ground nutmeg", + "all-purpose flour" + ] + }, + { + "id": 1532, + "ingredients": [ + "ketchup", + "apple cider vinegar", + "salt", + "ground cumin", + "mustard", + "water", + "paprika", + "pork roast", + "brown sugar", + "soft buns", + "garlic", + "onions", + "pepper", + "butter", + "cayenne pepper" + ] + }, + { + "id": 30793, + "ingredients": [ + "flour tortillas", + "cooked chicken breasts", + "bean dip", + "cooking spray", + "shredded Monterey Jack cheese", + "salsa" + ] + }, + { + "id": 31881, + "ingredients": [ + "jalapeno chilies", + "lime juice", + "salt", + "fresh cilantro", + "freshly ground pepper", + "avocado", + "purple onion" + ] + }, + { + "id": 5160, + "ingredients": [ + "extra-virgin olive oil", + "olives", + "picholine olives", + "grated lemon zest", + "rosemary sprigs", + "crushed red pepper", + "savory", + "thyme sprigs" + ] + }, + { + "id": 5057, + "ingredients": [ + "salt pork", + "bacon", + "pinto beans", + "garlic cloves", + "salt", + "onions" + ] + }, + { + "id": 34194, + "ingredients": [ + "dry white wine", + "swordfish", + "pepper", + "all-purpose flour", + "onions", + "olive oil", + "fresh lemon juice", + "fava beans", + "salt", + "fresh parsley" + ] + }, + { + "id": 41705, + "ingredients": [ + "parmesan cheese", + "chopped fresh thyme", + "chopped onion", + "black pepper", + "center cut bacon", + "green peas", + "minced garlic", + "green onions", + "salt", + "fettuccine pasta", + "half & half", + "butter" + ] + }, + { + "id": 19905, + "ingredients": [ + "potatoes", + "beets", + "vegetable oil", + "carrots", + "green onions", + "dill pickles", + "salt", + "champagne vinegar" + ] + }, + { + "id": 35629, + "ingredients": [ + "unsalted butter", + "raisins", + "pears", + "pinenuts", + "baking powder", + "all-purpose flour", + "sugar", + "large eggs", + "heavy cream", + "milk", + "cinnamon", + "grappa" + ] + }, + { + "id": 42103, + "ingredients": [ + "diced tomatoes", + "50% less sodium black beans", + "chopped onion" + ] + }, + { + "id": 45941, + "ingredients": [ + "green onions", + "soybean sprouts", + "water", + "red pepper", + "toasted sesame seeds", + "black pepper", + "sesame oil", + "garlic cloves", + "gochugaru", + "salt" + ] + }, + { + "id": 9110, + "ingredients": [ + "ground cinnamon", + "chili paste", + "fresh green bean", + "salt", + "red bell pepper", + "cauliflower", + "ground cloves", + "apple cider vinegar", + "ginger", + "ground coriander", + "ground turmeric", + "brown sugar", + "extra firm tofu", + "dry mustard", + "rice", + "onions", + "tomato paste", + "black pepper", + "grapeseed oil", + "vegetable broth", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 42172, + "ingredients": [ + "tomatoes", + "indian bay leaf", + "butter", + "paneer", + "green chilies", + "red chili powder", + "garam masala", + "kasuri methi", + "cilantro leaves", + "cashew nuts", + "low fat cream", + "water", + "ginger", + "salt", + "onions", + "clove", + "sugar", + "coriander powder", + "garlic", + "green cardamom", + "ground cumin" + ] + }, + { + "id": 41939, + "ingredients": [ + "slivered almonds", + "butter", + "salt", + "couscous", + "chicken stock", + "olive oil", + "raisins", + "ground coriander", + "ground cumin", + "pepper", + "lemon", + "orange juice", + "onions", + "seasoning", + "dried apricot", + "garlic", + "fresh mint" + ] + }, + { + "id": 45250, + "ingredients": [ + "dry white wine", + "extra-virgin olive oil", + "flat leaf parsley", + "unsalted butter", + "shallots", + "salt", + "mushrooms", + "heavy cream", + "ground white pepper", + "lasagna sheets", + "cheese" + ] + }, + { + "id": 28289, + "ingredients": [ + "rice noodles", + "fresh spinach", + "english cucumber", + "dressing", + "purple onion", + "lobster" + ] + }, + { + "id": 18355, + "ingredients": [ + "buttermilk", + "baking powder", + "all-purpose flour", + "baking soda", + "salt", + "butter", + "white sugar" + ] + }, + { + "id": 14703, + "ingredients": [ + "grape leaves", + "extra-virgin olive oil", + "long-grain rice", + "kosher salt", + "yellow onion", + "fresh dill", + "garlic", + "fresh lemon juice", + "ground black pepper", + "scallions" + ] + }, + { + "id": 3461, + "ingredients": [ + "butter", + "all-purpose flour", + "ground black pepper", + "cheese", + "eggs", + "heavy cream", + "flat leaf parsley", + "russet potatoes", + "salt" + ] + }, + { + "id": 45098, + "ingredients": [ + "garlic powder", + "marjoram", + "dried thyme", + "bell pepper", + "water", + "chuck roast", + "dried oregano", + "onion soup mix", + "worcestershire sauce" + ] + }, + { + "id": 11405, + "ingredients": [ + "ketchup", + "curry powder", + "butter", + "salt", + "ground beef", + "bread crumbs", + "cooking oil", + "habanero", + "scallions", + "black pepper", + "vinegar", + "ice water", + "all-purpose flour", + "onions", + "eggs", + "water", + "egg yolks", + "paprika", + "thyme" + ] + }, + { + "id": 46844, + "ingredients": [ + "fresh basil", + "fresh lime juice", + "hot pepper sauce", + "tomatoes", + "garlic cloves", + "sugar", + "ground cumin" + ] + }, + { + "id": 26361, + "ingredients": [ + "prosciutto", + "olive oil", + "fresh asparagus" + ] + }, + { + "id": 6523, + "ingredients": [ + "finely chopped onion", + "dry white wine", + "prosciutto", + "lemon zest", + "flat leaf parsley", + "arborio rice", + "parmigiano reggiano cheese", + "peas", + "unsalted butter", + "low sodium chicken broth" + ] + }, + { + "id": 24156, + "ingredients": [ + "rosemary", + "bacon", + "garlic cloves", + "savoy cabbage", + "potatoes", + "salt", + "celery root", + "soy milk", + "sunflower oil", + "onions", + "pepper", + "leeks", + "margarine" + ] + }, + { + "id": 29448, + "ingredients": [ + "ground cinnamon", + "piecrust", + "cider", + "salt", + "brown sugar", + "black pepper", + "butter", + "white sugar", + "ground cloves", + "suet", + "apples", + "brandy", + "ground nutmeg", + "raisins", + "beef round" + ] + }, + { + "id": 1001, + "ingredients": [ + "black pepper", + "red curry paste", + "ground cumin", + "bread", + "salt", + "fresh lime juice", + "ground cinnamon", + "nonfat yogurt plain", + "onions", + "sweet potatoes", + "nonfat milk" + ] + }, + { + "id": 17391, + "ingredients": [ + "canned low sodium chicken broth", + "vegetable oil", + "margarine", + "pepper", + "lemon slices", + "fresh parsley", + "veal cutlets", + "all-purpose flour", + "vegetable oil cooking spray", + "salt", + "lemon juice" + ] + }, + { + "id": 12403, + "ingredients": [ + "white wine", + "vanilla extract", + "powdered sugar", + "large eggs", + "all-purpose flour", + "milk", + "salt", + "sugar", + "butter", + "pears" + ] + }, + { + "id": 25749, + "ingredients": [ + "cream cheese", + "pepperidge farm puff pastry sheets", + "nectarines", + "eggs", + "ham", + "baby arugula" + ] + }, + { + "id": 21618, + "ingredients": [ + "vegetable oil", + "purple onion", + "chopped cilantro", + "tomato salsa", + "sour cream", + "heavy cream", + "corn tortillas", + "queso fresco", + "garlic cloves" + ] + }, + { + "id": 20383, + "ingredients": [ + "dark soy sauce", + "water", + "ginger", + "salt", + "soy sauce", + "leeks", + "garlic", + "oyster sauce", + "sugar", + "cooking oil", + "beef tenderloin", + "Maggi", + "white pepper", + "sesame oil", + "cooking wine", + "corn starch" + ] + }, + { + "id": 12910, + "ingredients": [ + "large egg whites", + "lavender honey", + "unsalted butter", + "almond flour", + "powdered sugar", + "all-purpose flour" + ] + }, + { + "id": 44894, + "ingredients": [ + "extra-virgin olive oil", + "provolone cheese", + "salt", + "prosciutto", + "cherry peppers" + ] + }, + { + "id": 24454, + "ingredients": [ + "fresh lemon juice", + "balsamic vinegar", + "plum tomatoes", + "garlic", + "olive oil", + "red bell pepper" + ] + }, + { + "id": 5825, + "ingredients": [ + "water", + "cracked black pepper", + "celery", + "beef base", + "small red potato", + "olive oil", + "beef stew meat", + "onions", + "kosher salt", + "spices", + "carrots" + ] + }, + { + "id": 11, + "ingredients": [ + "lime juice", + "sesame oil", + "garlic cloves", + "fish sauce", + "low sodium chicken broth", + "button mushrooms", + "large shrimp", + "jalapeno chilies", + "cilantro", + "whole wheat thin spaghetti", + "pepper", + "green onions", + "extra-virgin olive oil" + ] + }, + { + "id": 23267, + "ingredients": [ + "eggs", + "butter", + "baking soda", + "all-purpose flour", + "powdered sugar", + "jam", + "white vinegar", + "granulated sugar" + ] + }, + { + "id": 49099, + "ingredients": [ + "milk", + "low salt chicken broth", + "fresh rosemary", + "salt", + "water", + "garlic cloves", + "yellow corn meal", + "grated parmesan cheese" + ] + }, + { + "id": 42191, + "ingredients": [ + "chili flakes", + "ground coriander", + "coconut milk", + "curry powder", + "carrots", + "water", + "scallions", + "basmati rice", + "sea salt", + "red bell pepper" + ] + }, + { + "id": 10319, + "ingredients": [ + "olive oil", + "cucumber", + "greek seasoning", + "lettuce leaves", + "cal", + "plum tomatoes", + "flatbread", + "chicken breasts" + ] + }, + { + "id": 11648, + "ingredients": [ + "cherry tomatoes", + "fresh thyme", + "red wine vinegar", + "garlic", + "lamb", + "feta cheese", + "red capsicum", + "sea salt", + "salt", + "cucumber", + "olive oil", + "parsley", + "lemon", + "purple onion", + "lemon juice", + "pita bread", + "ground pepper", + "fat free greek yogurt", + "kalamata", + "dried dill", + "dried oregano" + ] + }, + { + "id": 4412, + "ingredients": [ + "rice wine", + "scallions", + "sesame seeds", + "vegetable oil", + "soy sauce", + "sesame oil", + "flank steak", + "garlic" + ] + }, + { + "id": 44603, + "ingredients": [ + "sake", + "ground black pepper", + "basil leaves", + "garlic", + "serrano chile", + "fresh ginger", + "flour", + "vegetable oil", + "cilantro leaves", + "red chili peppers", + "cayenne", + "green onions", + "salt", + "Dungeness crabs", + "mint leaves", + "butter", + "spaghettini" + ] + }, + { + "id": 12311, + "ingredients": [ + "egg yolks", + "apricot preserves", + "butter", + "baking powder", + "white sugar", + "all-purpose flour" + ] + }, + { + "id": 9352, + "ingredients": [ + "soy sauce", + "shiitake", + "butter", + "shrimp", + "white onion", + "green onions", + "oyster sauce", + "black pepper", + "shredded cabbage", + "chicken meat", + "celery", + "chicken broth", + "minced garlic", + "rice noodles", + "carrots" + ] + }, + { + "id": 47952, + "ingredients": [ + "grated parmesan cheese", + "peas", + "flat leaf parsley", + "asparagus", + "dry white wine", + "vegetable broth", + "arborio rice", + "leeks", + "extra-virgin olive oil", + "onions", + "unsalted butter", + "green garlic", + "garlic cloves" + ] + }, + { + "id": 49425, + "ingredients": [ + "olive oil", + "grape tomatoes", + "salt", + "pepper flakes", + "garlic", + "pepper", + "oregano" + ] + }, + { + "id": 43678, + "ingredients": [ + "diced onions", + "turkey kielbasa", + "garlic cloves", + "black beans", + "diced tomatoes", + "cooking spray", + "cheese", + "penne", + "cajun seasoning", + "red bell pepper" + ] + }, + { + "id": 10148, + "ingredients": [ + "ground black pepper", + "garlic", + "fresh parsley", + "water", + "ditalini pasta", + "salt", + "canned low sodium chicken broth", + "grated parmesan cheese", + "canned tomatoes", + "onions", + "olive oil", + "dried sage", + "chickpeas" + ] + }, + { + "id": 16081, + "ingredients": [ + "soy sauce", + "salt", + "chopped cilantro fresh", + "chili paste", + "shrimp", + "fresh ginger", + "lemon juice", + "long grain white rice", + "sugar", + "garlic", + "salad oil" + ] + }, + { + "id": 49688, + "ingredients": [ + "black pepper", + "olive oil", + "asiago", + "asparagus spears", + "water", + "marinara sauce", + "fresh oregano", + "spaghetti", + "minced garlic", + "large eggs", + "salt", + "sliced mushrooms", + "fresh basil", + "large egg whites", + "butter", + "chopped onion" + ] + }, + { + "id": 32985, + "ingredients": [ + "cider vinegar", + "plum tomatoes", + "sugar", + "salt", + "chiles", + "water", + "dried oregano", + "white onion", + "garlic cloves" + ] + }, + { + "id": 11136, + "ingredients": [ + "guajillo chiles", + "lime juice", + "garlic cloves", + "kosher salt", + "pineapple", + "ancho chile pepper", + "white onion", + "Mexican oregano", + "dried chile", + "clove", + "cider vinegar", + "cumin seed" + ] + }, + { + "id": 41207, + "ingredients": [ + "milk", + "butter", + "sugar", + "sweet potatoes", + "large eggs", + "vanilla", + "frozen pie crust", + "cinnamon" + ] + }, + { + "id": 46821, + "ingredients": [ + "sunflower oil", + "cinnamon sticks", + "tumeric", + "cardamom pods", + "sultana", + "cumin seed", + "american long grain rice", + "onions" + ] + }, + { + "id": 15891, + "ingredients": [ + "chopped fresh thyme", + "chopped onion", + "red beans", + "rice", + "olive oil", + "diced tomatoes", + "garlic cloves", + "chopped green bell pepper", + "hot sauce", + "carrots" + ] + }, + { + "id": 40458, + "ingredients": [ + "water", + "mushrooms", + "soba noodles", + "fresh spinach", + "miso paste", + "vegetable broth", + "olive oil", + "ginger", + "scallions", + "soy sauce", + "extra firm tofu", + "garlic" + ] + }, + { + "id": 11581, + "ingredients": [ + "pepper flakes", + "salt", + "olive oil", + "oregano", + "tomatoes", + "fresh basil leaves", + "garlic" + ] + }, + { + "id": 45144, + "ingredients": [ + "dried thyme", + "lemon slices", + "veal cutlets", + "dry bread crumbs", + "large eggs", + "all-purpose flour", + "water", + "vegetable oil", + "grated lemon zest" + ] + }, + { + "id": 47545, + "ingredients": [ + "sugar", + "vanilla extract", + "light corn syrup", + "buttermilk", + "butter" + ] + }, + { + "id": 21086, + "ingredients": [ + "Guinness Beer", + "vegetable oil", + "carrots", + "tomato paste", + "cayenne", + "salt", + "onions", + "stewing beef", + "garlic", + "thyme", + "pepper", + "parsley", + "all-purpose flour" + ] + }, + { + "id": 35770, + "ingredients": [ + "kosher salt", + "garlic cloves", + "ground black pepper", + "ground cumin", + "lime juice", + "chopped cilantro fresh", + "jumbo shrimp", + "extra-virgin olive oil" + ] + }, + { + "id": 35552, + "ingredients": [ + "sirloin", + "water", + "sesame oil", + "ginger", + "scallions", + "corn tortillas", + "low sodium soy sauce", + "black pepper", + "beef", + "red pepper flakes", + "yellow onion", + "kimchi", + "sugar", + "lime", + "napa cabbage", + "garlic", + "carrots", + "toasted sesame seeds", + "fish sauce", + "kosher salt", + "Sriracha", + "cilantro", + "Gochujang base", + "sour cream" + ] + }, + { + "id": 21580, + "ingredients": [ + "yellow corn meal", + "honey", + "plain yogurt", + "unsalted butter", + "eggs", + "baking soda", + "kosher salt", + "baking powder" + ] + }, + { + "id": 191, + "ingredients": [ + "black-eyed peas", + "cinnamon", + "brown cardamom", + "bay leaf", + "ginger paste", + "red chili peppers", + "coriander powder", + "salt", + "cumin seed", + "ground turmeric", + "water", + "chili powder", + "cilantro leaves", + "oil", + "masala", + "tomatoes", + "garam masala", + "garlic", + "green chilies", + "onions" + ] + }, + { + "id": 11292, + "ingredients": [ + "vanilla beans", + "sugar", + "vanilla extract", + "eggs", + "milk", + "water" + ] + }, + { + "id": 5941, + "ingredients": [ + "lime wedges", + "olive oil", + "shrimp", + "chili powder", + "kosher salt", + "sauce" + ] + }, + { + "id": 25711, + "ingredients": [ + "refried beans", + "bacon", + "shredded Monterey Jack cheese", + "tomato sauce", + "beef brisket", + "salsa", + "pepper", + "flour tortillas", + "chopped onion", + "chopped green chilies", + "salt" + ] + }, + { + "id": 43796, + "ingredients": [ + "garam masala", + "ginger", + "greek yogurt", + "onions", + "tumeric", + "butter", + "salt", + "curry paste", + "tomato paste", + "boneless skinless chicken breasts", + "garlic", + "coconut milk", + "naan", + "curry powder", + "heavy cream", + "cayenne pepper", + "cooked white rice" + ] + }, + { + "id": 29280, + "ingredients": [ + "jalapeno chilies", + "white onion", + "boneless skinless chicken breast halves", + "tomatoes", + "salt", + "ground black pepper", + "canola oil" + ] + }, + { + "id": 9015, + "ingredients": [ + "coriander powder", + "rice flour", + "eggplant", + "salt", + "garam masala", + "mustard oil", + "amchur", + "chili powder", + "ground turmeric" + ] + }, + { + "id": 28401, + "ingredients": [ + "romaine lettuce", + "cayenne", + "whole milk", + "dry bread crumbs", + "eggs", + "ground black pepper", + "flour", + "salt", + "mayonaise", + "dijon mustard", + "Tabasco Pepper Sauce", + "large shrimp", + "tomatoes", + "baguette", + "cooking oil", + "butter" + ] + }, + { + "id": 5686, + "ingredients": [ + "salsa", + "cheddar cheese", + "monterey jack", + "ground beef", + "hot pepper sauce" + ] + }, + { + "id": 4547, + "ingredients": [ + "fresh oregano leaves", + "jalapeno chilies", + "fresh parsley leaves", + "olive oil", + "salt", + "plum tomatoes", + "pepper", + "garlic", + "carrots", + "white vinegar", + "ground black pepper", + "chopped onion" + ] + }, + { + "id": 35474, + "ingredients": [ + "kosher salt", + "oil", + "nutmeg", + "low-fat buttermilk", + "bone in", + "chiles", + "flour" + ] + }, + { + "id": 48123, + "ingredients": [ + "black beans", + "salsa", + "rice pilaf", + "avocado", + "corn", + "scallions", + "pitted black olives", + "chicken meat", + "sour cream", + "fresh cilantro", + "tortilla chips" + ] + }, + { + "id": 43267, + "ingredients": [ + "phyllo dough", + "swiss chard", + "salt", + "vidalia onion", + "water", + "large eggs", + "feta cheese crumbles", + "fresh dill", + "ground black pepper", + "garlic cloves", + "spinach", + "large egg whites", + "cooking spray", + "flat leaf parsley" + ] + }, + { + "id": 1135, + "ingredients": [ + "crawfish", + "large eggs", + "shredded sharp cheddar cheese", + "seasoning", + "cream style corn", + "baking powder", + "all-purpose flour", + "large egg whites", + "cooking spray", + "salt", + "yellow corn meal", + "low-fat buttermilk", + "butter" + ] + }, + { + "id": 37990, + "ingredients": [ + "celery ribs", + "parsley sprigs", + "vegetable oil", + "shrimp", + "green bell pepper", + "oysters", + "carrots", + "bread flour", + "scallion greens", + "lump crab meat", + "salt", + "bay leaf", + "black peppercorns", + "water", + "king crab", + "onions" + ] + }, + { + "id": 9701, + "ingredients": [ + "granulated white sugar", + "egg whites", + "vanilla pods", + "heavy cream" + ] + }, + { + "id": 47511, + "ingredients": [ + "cream of tartar", + "salt", + "all purpose unbleached flour", + "compressed yeast", + "baking soda", + "lard", + "buttermilk" + ] + }, + { + "id": 19287, + "ingredients": [ + "clove", + "lime", + "mint leaves", + "star anise", + "cinnamon sticks", + "white onion", + "jalapeno chilies", + "rice noodles", + "fine sea salt", + "broth", + "cremini mushrooms", + "fresh ginger", + "green onions", + "garlic", + "beansprouts", + "fresh cilantro", + "whole cloves", + "basil", + "dried shiitake mushrooms" + ] + }, + { + "id": 39299, + "ingredients": [ + "kosher salt", + "vegetables", + "cilantro leaves", + "cucumber", + "avocado", + "pickled carrots", + "sweet potatoes", + "corn starch", + "liquid aminos", + "mo hanh", + "hoagie rolls", + "seltzer water", + "baguette", + "jalapeno chilies", + "all-purpose flour" + ] + }, + { + "id": 24289, + "ingredients": [ + "tomatoes", + "olive oil", + "salt", + "turkey breast", + "dry vermouth", + "ground pepper", + "corn starch", + "fresh basil", + "garlic powder", + "dry bread crumbs", + "vegetable oil cooking spray", + "egg whites", + "no salt added chicken broth" + ] + }, + { + "id": 29505, + "ingredients": [ + "pasta sauce", + "zucchini", + "garlic", + "mozzarella cheese", + "chicken breast halves", + "onions", + "sugar", + "flour", + "green pepper", + "pepper", + "vegetable oil", + "italian seasoning" + ] + }, + { + "id": 40518, + "ingredients": [ + "fresh chives", + "unsalted butter", + "paprika", + "milk", + "onion powder", + "all-purpose flour", + "kosher salt", + "large eggs", + "cracked black pepper", + "rib eye steaks", + "garlic powder", + "worcestershire sauce", + "canola oil" + ] + }, + { + "id": 9584, + "ingredients": [ + "honey", + "duck", + "rice vinegar", + "hoisin sauce", + "scallions", + "mandarin pancakes", + "boiling water" + ] + }, + { + "id": 16133, + "ingredients": [ + "black pepper", + "peaches", + "butter", + "salt", + "ground beef", + "ladyfingers", + "orange", + "cool whip", + "crushed red pepper flakes", + "cream cheese", + "cabbage", + "tomato paste", + "water", + "granulated sugar", + "whipped cream", + "vanilla wafers", + "onions", + "brown sugar", + "olive oil", + "yoghurt", + "garlic", + "condensed milk" + ] + }, + { + "id": 4701, + "ingredients": [ + "sugar", + "half & half", + "large eggs", + "large egg yolks", + "key lime juice", + "reduced fat milk" + ] + }, + { + "id": 39859, + "ingredients": [ + "cooked rice", + "yellow onion", + "chipotle peppers", + "sweet potatoes", + "garlic cloves", + "canola oil", + "dried black beans", + "dri leav thyme", + "dried parsley", + "tomatoes", + "salt", + "red bell pepper" + ] + }, + { + "id": 29087, + "ingredients": [ + "fresh coriander", + "sweet potatoes", + "oil", + "frozen peas", + "stock", + "fresh ginger", + "salt", + "phyllo pastry", + "tomato paste", + "curry powder", + "lemon", + "garlic cloves", + "ground lamb", + "pepper", + "flour", + "cumin seed", + "onions" + ] + }, + { + "id": 9937, + "ingredients": [ + "water", + "black peppercorns", + "whole milk", + "coriander seeds", + "kosher salt", + "lemon juice" + ] + }, + { + "id": 4356, + "ingredients": [ + "active dry yeast", + "large eggs", + "heavy whipping cream", + "powdered sugar", + "unsalted butter", + "vegetable oil", + "bread flour", + "honey", + "whole milk", + "bittersweet chocolate", + "sugar", + "lemon zest", + "fine sea salt" + ] + }, + { + "id": 39846, + "ingredients": [ + "unflavored gelatin", + "buttermilk", + "grated lemon peel", + "water", + "vanilla extract", + "vegetable oil spray", + "frozen mixed berries", + "sugar", + "whipping cream" + ] + }, + { + "id": 2086, + "ingredients": [ + "catfish fillets", + "cornbread mix", + "peanut oil", + "garlic powder", + "buttermilk", + "dried thyme", + "ground red pepper", + "ground black pepper", + "salt" + ] + }, + { + "id": 48530, + "ingredients": [ + "ricotta cheese", + "fettuccine pasta", + "lemon", + "frozen chopped spinach", + "butter", + "mushrooms" + ] + }, + { + "id": 45933, + "ingredients": [ + "baking soda", + "buttermilk", + "ground cardamom", + "pecans", + "cinnamon", + "salt", + "ground nutmeg", + "vanilla extract", + "sugar", + "butter", + "corn syrup" + ] + }, + { + "id": 27744, + "ingredients": [ + "large egg whites", + "large eggs", + "garlic cloves", + "black pepper", + "zucchini", + "salt", + "olive oil", + "whole milk", + "ricotta salata", + "parmigiano reggiano cheese", + "fresh oregano" + ] + }, + { + "id": 5434, + "ingredients": [ + "ground ginger", + "molasses", + "baking powder", + "eggs", + "baking soda", + "salt", + "ground cinnamon", + "milk", + "butter", + "turbinado", + "brown sugar", + "flour" + ] + }, + { + "id": 19893, + "ingredients": [ + "sugar pumpkin", + "unsalted butter", + "shallots", + "garlic cloves", + "fennel seeds", + "water", + "fennel bulb", + "salt", + "fresh parsley", + "hard shelled clams", + "olive oil", + "dry white wine", + "chopped fresh sage", + "sage leaves", + "black pepper", + "fresh pasta", + "bacon slices", + "fresh lemon juice" + ] + }, + { + "id": 18827, + "ingredients": [ + "chicken broth", + "chicken breasts", + "salt", + "garlic powder", + "diced tomatoes", + "cayenne pepper", + "black beans", + "onion powder", + "frozen corn", + "green onions", + "cilantro", + "cumin" + ] + }, + { + "id": 4968, + "ingredients": [ + "coconut", + "salt", + "bengal gram", + "oil", + "tamarind", + "green chilies", + "curry leaves", + "urad dal", + "mustard seeds" + ] + }, + { + "id": 30024, + "ingredients": [ + "water", + "extra-virgin olive oil", + "fresh lemon juice", + "octopuses", + "chopped fresh chives", + "squid", + "medium shrimp", + "lump crab meat", + "lemon wedge", + "garlic cloves", + "lobster meat", + "parsley sprigs", + "bay scallops", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 2117, + "ingredients": [ + "cayenne pepper", + "ground cumin", + "new york strip steaks" + ] + }, + { + "id": 47237, + "ingredients": [ + "refried beans", + "garlic", + "corn tortillas", + "green bell pepper", + "jalapeno chilies", + "enchilada sauce", + "cumin", + "tomatoes", + "sliced black olives", + "salsa", + "onions", + "black beans", + "chili powder", + "red bell pepper" + ] + }, + { + "id": 20171, + "ingredients": [ + "natural yogurt", + "mild curry powder", + "basmati rice", + "frozen peas", + "prawns" + ] + }, + { + "id": 13702, + "ingredients": [ + "eggs", + "salt", + "butter", + "anise extract", + "sugar", + "all-purpose flour", + "vanilla extract" + ] + }, + { + "id": 3935, + "ingredients": [ + "green cabbage", + "ham steak", + "ground black pepper", + "lemon", + "allspice berries", + "sour cream", + "chuck", + "black peppercorns", + "sugar", + "beef stock", + "yellow onion", + "sausages", + "celery", + "tomato paste", + "pitted black olives", + "whole peeled tomatoes", + "bacon", + "dill pickles", + "chopped parsley", + "capers", + "kosher salt", + "hard salami", + "scallions", + "juice", + "bay leaf" + ] + }, + { + "id": 33714, + "ingredients": [ + "part-skim mozzarella cheese", + "yukon gold potatoes", + "all-purpose flour", + "black pepper", + "large eggs", + "1% low-fat milk", + "rubbed sage", + "green cabbage", + "fresh parmesan cheese", + "butter", + "garlic cloves", + "large egg whites", + "cooking spray", + "salt" + ] + }, + { + "id": 45210, + "ingredients": [ + "eggs", + "soy sauce", + "tahini", + "sesame oil", + "garlic", + "red chili peppers", + "fresh ginger", + "szechwan peppercorns", + "star anise", + "chinese black vinegar", + "brown sugar", + "light soy sauce", + "sliced cucumber", + "vegetable oil", + "scallions", + "chili flakes", + "water", + "whole cloves", + "ramen noodles", + "peanut butter" + ] + }, + { + "id": 22498, + "ingredients": [ + "sugar", + "green leaf lettuce", + "Gochujang base", + "sesame seeds", + "yellow onion", + "toasted sesame oil", + "soy sauce", + "garlic", + "scallions", + "ground black pepper", + "beef sirloin" + ] + }, + { + "id": 13586, + "ingredients": [ + "sugar", + "peaches", + "water", + "lemon juice" + ] + }, + { + "id": 17791, + "ingredients": [ + "eggs", + "butter", + "cayenne pepper", + "milk", + "salt", + "asparagus spears", + "egg yolks", + "all-purpose flour", + "water", + "paprika", + "lemon juice" + ] + }, + { + "id": 12148, + "ingredients": [ + "soy sauce", + "garlic", + "pepper flakes", + "green onions", + "tofu", + "sesame seeds", + "onions", + "sugar", + "sesame oil" + ] + }, + { + "id": 14958, + "ingredients": [ + "grapes", + "unsalted butter", + "salt", + "raspberries", + "heavy cream", + "confectioners sugar", + "sliced almonds", + "large eggs", + "fresh lemon juice", + "almond flour", + "vanilla", + "bartlett pears" + ] + }, + { + "id": 37356, + "ingredients": [ + "bulk italian sausag", + "lasagna noodles", + "shredded mozzarella cheese", + "dried oregano", + "tomato sauce", + "dried thyme", + "ricotta cheese", + "ground beef", + "pepper", + "olive oil", + "salt", + "garlic salt", + "eggs", + "dried basil", + "grated parmesan cheese", + "sliced mushrooms" + ] + }, + { + "id": 7936, + "ingredients": [ + "kosher salt", + "asparagus", + "green onions", + "yellow onion", + "frozen peas", + "arborio rice", + "olive oil", + "grated parmesan cheese", + "butter", + "carrots", + "fresh dill", + "vegetables", + "low sodium chicken broth", + "broccoli", + "red bell pepper", + "cauliflower", + "yellow squash", + "zucchini", + "dry white wine", + "goat cheese" + ] + }, + { + "id": 46242, + "ingredients": [ + "fresh coriander", + "salt", + "chicken thighs", + "large eggs", + "chicken-flavored soup powder", + "light soy sauce", + "dried shiitake mushrooms", + "frozen peas", + "black pepper", + "tapioca starch", + "toasted sesame oil" + ] + }, + { + "id": 30049, + "ingredients": [ + "guajillo chiles", + "hot water", + "fine sea salt", + "garlic cloves", + "Mexican oregano", + "ancho chile pepper" + ] + }, + { + "id": 25722, + "ingredients": [ + "active dry yeast", + "large garlic cloves", + "table salt", + "ground black pepper", + "warm water", + "coarse salt", + "fresh rosemary", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 26562, + "ingredients": [ + "large egg whites", + "baby spinach", + "smoked paprika", + "large eggs", + "salt", + "manchego cheese", + "extra-virgin olive oil", + "onions", + "red potato", + "chopped fresh thyme", + "freshly ground pepper" + ] + }, + { + "id": 34145, + "ingredients": [ + "dressing", + "medium shrimp", + "chips", + "romaine lettuce", + "cheese" + ] + }, + { + "id": 15874, + "ingredients": [ + "olive oil", + "gorgonzola dolce", + "flat leaf parsley", + "ground black pepper", + "salt", + "homemade chicken broth", + "dry white wine", + "risotto rice", + "radicchio", + "butter", + "onions" + ] + }, + { + "id": 14347, + "ingredients": [ + "peeled tomatoes", + "large garlic cloves", + "carrots", + "chicken broth", + "grated parmesan cheese", + "whole grain bread", + "tomato paste", + "ground black pepper", + "extra-virgin olive oil", + "onions", + "sugar", + "fresh thyme leaves", + "salt" + ] + }, + { + "id": 42311, + "ingredients": [ + "tomatoes", + "water", + "ancho powder", + "corn tortillas", + "white onion", + "vegetable oil", + "salsa", + "iceberg lettuce", + "ground chuck", + "shredded mild cheddar cheese", + "paprika", + "dried oregano", + "white vinegar", + "minced garlic", + "coarse salt", + "freshly ground pepper", + "ground cumin" + ] + }, + { + "id": 41735, + "ingredients": [ + "chili flakes", + "garam masala", + "purple onion", + "white onion", + "ginger", + "gram flour", + "tumeric", + "vegetable oil", + "salt", + "water", + "garlic", + "ground cumin" + ] + }, + { + "id": 4188, + "ingredients": [ + "milk", + "white sugar", + "warm water", + "butter", + "minced garlic", + "salt", + "eggs", + "active dry yeast", + "bread flour" + ] + }, + { + "id": 47079, + "ingredients": [ + "lime juice", + "onions", + "salt", + "plantains", + "achiote paste", + "bitter orange juice", + "pork meat" + ] + }, + { + "id": 24816, + "ingredients": [ + "russet potatoes", + "finely chopped onion", + "pepper", + "salt", + "vegetable oil" + ] + }, + { + "id": 10631, + "ingredients": [ + "ground cinnamon", + "ground cloves", + "ginger", + "salt", + "white vinegar", + "chat masala", + "red chile powder", + "cardamom seeds", + "bay leaf", + "chicken legs", + "plain yogurt", + "crosswise", + "black salt", + "ground ginger", + "chiles", + "garlic powder", + "garlic", + "canola oil" + ] + }, + { + "id": 28766, + "ingredients": [ + "ground cinnamon", + "guajillo chiles", + "salt", + "ancho chile pepper", + "boiling water", + "white bread", + "sugar", + "raisins", + "chopped onion", + "fresh lime juice", + "unsweetened cocoa powder", + "tomatoes", + "ground cloves", + "vegetable broth", + "garlic cloves", + "toasted sesame seeds", + "ground cumin", + "tofu", + "slivered almonds", + "vegetable oil", + "cilantro leaves", + "corn tortillas", + "dried oregano" + ] + }, + { + "id": 8876, + "ingredients": [ + "black beans", + "fat-free cheddar cheese", + "salsa", + "red bell pepper", + "tomatoes", + "olive oil", + "chili powder", + "whole kernel corn, drain", + "ground cumin", + "avocado", + "minced garlic", + "green onions", + "yellow onion", + "chopped cilantro", + "tomato sauce", + "quinoa", + "vegetable broth", + "pinto beans" + ] + }, + { + "id": 49258, + "ingredients": [ + "brown sugar", + "lo mein noodles", + "carrots", + "canola oil", + "fresh ginger", + "scallions", + "beansprouts", + "curry powder", + "low sodium chicken broth", + "red bell pepper", + "low sodium soy sauce", + "shiitake", + "garlic cloves", + "toasted sesame oil" + ] + }, + { + "id": 14429, + "ingredients": [ + "black pepper", + "minced onion", + "salt", + "medium shrimp", + "dried thyme", + "turkey kielbasa", + "long-grain rice", + "water", + "ground red pepper", + "hot sauce", + "fresh parsley", + "green bell pepper", + "olive oil", + "diced tomatoes", + "low salt chicken broth" + ] + }, + { + "id": 49598, + "ingredients": [ + "fresh cilantro", + "vinaigrette", + "extra-virgin olive oil", + "jicama", + "mango", + "pepper", + "salt" + ] + }, + { + "id": 29394, + "ingredients": [ + "large eggs", + "beef drippings", + "salt", + "flour", + "milk" + ] + }, + { + "id": 25872, + "ingredients": [ + "chili flakes", + "green onions", + "ginger", + "garlic cloves", + "minced ginger", + "napa cabbage", + "salt", + "onions", + "soy sauce", + "sesame oil", + "garlic", + "dumplings", + "shredded carrots", + "ground pork", + "rice vinegar" + ] + }, + { + "id": 22278, + "ingredients": [ + "sambal ulek", + "peeled fresh ginger", + "chinese cabbage", + "kosher salt", + "garlic", + "water", + "rice vinegar", + "sugar", + "daikon", + "sliced green onions" + ] + }, + { + "id": 26095, + "ingredients": [ + "fish sauce", + "mint leaves", + "bird chile", + "lemongrass", + "juice", + "salmon fillets", + "shallots", + "jalapeno chilies", + "lime leaves" + ] + }, + { + "id": 11504, + "ingredients": [ + "ground nutmeg", + "flour", + "vanilla extract", + "lemon juice", + "sugar", + "unsalted butter", + "cinnamon", + "all-purpose flour", + "crystallized ginger", + "baking powder", + "salt", + "baking soda", + "lemon zest", + "buttermilk", + "cooking apples" + ] + }, + { + "id": 12930, + "ingredients": [ + "water", + "whole milk", + "carrots", + "garlic powder", + "cayenne pepper", + "onions", + "curry powder", + "chili powder", + "celery", + "soy sauce", + "potatoes", + "potato flakes", + "ground cumin" + ] + }, + { + "id": 19846, + "ingredients": [ + "parsley", + "salad dressing", + "cherry tomatoes", + "feta cheese crumbles", + "pitted kalamata olives", + "garlic", + "bell pepper", + "cucumber" + ] + }, + { + "id": 7989, + "ingredients": [ + "olive oil", + "penne pasta", + "pecorino romano cheese", + "olive oil spray", + "eggplant", + "flat leaf parsley", + "tomatoes", + "large garlic cloves" + ] + }, + { + "id": 10964, + "ingredients": [ + "brown sugar", + "lime", + "vegetable oil", + "cayenne pepper", + "mung bean sprouts", + "water", + "shredded carrots", + "unsalted dry roast peanuts", + "peanut oil", + "soy sauce", + "garlic powder", + "paprika", + "peanut butter", + "eggs", + "milk", + "green onions", + "dried rice noodles", + "lemon juice" + ] + }, + { + "id": 35529, + "ingredients": [ + "sugar", + "egg whites", + "all-purpose flour", + "unsalted butter", + "salt", + "grated lemon peel", + "powdered sugar", + "large eggs", + "lemon slices", + "large egg yolks", + "whipping cream", + "fresh lemon juice" + ] + }, + { + "id": 4032, + "ingredients": [ + "black pepper", + "ground cumin", + "chicken bouillon granules", + "tomatillos", + "jalapeno chilies", + "clove", + "garlic" + ] + }, + { + "id": 13301, + "ingredients": [ + "butter", + "nonstick spray", + "light corn syrup", + "heavy cream", + "white sugar", + "pecans", + "vanilla extract" + ] + }, + { + "id": 4658, + "ingredients": [ + "large eggs", + "garlic cloves", + "ground black pepper", + "salt", + "hot pepper sauce", + "sharp cheddar cheese", + "red swiss chard", + "butter" + ] + }, + { + "id": 15844, + "ingredients": [ + "chicken broth", + "fresh ginger", + "chopped cilantro fresh", + "water", + "thai chile", + "minced garlic", + "shallots", + "ramen soup mix", + "curry powder", + "coconut milk" + ] + }, + { + "id": 1520, + "ingredients": [ + "dark brown sugar", + "fresh raspberries", + "sour cream" + ] + }, + { + "id": 40467, + "ingredients": [ + "pepper", + "vegetable oil", + "ground paprika", + "pork chops", + "potato flakes", + "eggs", + "garlic powder", + "all-purpose flour", + "saltines", + "milk", + "salt" + ] + }, + { + "id": 1920, + "ingredients": [ + "cooked rice", + "scallions", + "sesame oil", + "soy sauce", + "kimchi", + "eggs", + "garlic" + ] + }, + { + "id": 44382, + "ingredients": [ + "lobster", + "mesclun", + "fine sea salt", + "ground white pepper", + "shallots", + "fresh lemon juice", + "stock", + "vinaigrette", + "fresh chervil" + ] + }, + { + "id": 29341, + "ingredients": [ + "penne", + "broccoli stems", + "chopped parsley", + "pepper", + "garlic", + "raw pistachios", + "lemon", + "olive oil", + "salt" + ] + }, + { + "id": 18516, + "ingredients": [ + "slivered almonds", + "ras el hanout", + "boneless sirloin steak", + "honey", + "less sodium beef broth", + "water", + "salt", + "dried plum", + "olive oil", + "onions" + ] + }, + { + "id": 482, + "ingredients": [ + "red chili peppers", + "garam masala", + "mustard seeds", + "olive oil", + "salt", + "ginger paste", + "fresh cilantro", + "lemon", + "ground turmeric", + "garlic paste", + "coriander seeds", + "cumin seed", + "baby potatoes" + ] + }, + { + "id": 7100, + "ingredients": [ + "pepper", + "pizza doughs", + "italian seasoning", + "tomato sauce", + "garlic", + "ground beef", + "large eggs", + "shredded mozzarella cheese", + "bread crumb fresh", + "salt", + "onions" + ] + }, + { + "id": 22396, + "ingredients": [ + "boneless skinless chicken breasts", + "lime wedges", + "ground turmeric", + "plain low-fat yogurt", + "mango chutney", + "ground coriander", + "ground ginger", + "ground red pepper", + "salt", + "ground cumin", + "cooking spray", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 19439, + "ingredients": [ + "chicken broth", + "green onions", + "cayenne pepper", + "chopped cilantro fresh", + "ground ginger", + "honey", + "all-purpose flour", + "coconut milk", + "dry roasted peanuts", + "salt", + "red bell pepper", + "boneless chop pork", + "vegetable oil", + "peanut butter", + "ground cumin" + ] + }, + { + "id": 24306, + "ingredients": [ + "eggs", + "salt", + "water", + "all-purpose flour" + ] + }, + { + "id": 37618, + "ingredients": [ + "fresh cilantro", + "peanut oil", + "pepper", + "purple onion", + "cauliflower", + "curry", + "cumin seed", + "fresh lime", + "salt" + ] + }, + { + "id": 5751, + "ingredients": [ + "sugar", + "pistachios", + "ghee", + "custard powder", + "oil", + "saffron", + "almonds", + "bread slices", + "milk", + "raisins", + "cashew nuts" + ] + }, + { + "id": 16615, + "ingredients": [ + "milk", + "baking powder", + "buttermilk", + "grated orange peel", + "baking soda", + "almond extract", + "salt", + "large egg yolks", + "dried tart cherries", + "vanilla extract", + "sugar", + "unsalted butter", + "all purpose unbleached flour", + "miniature semisweet chocolate chips" + ] + }, + { + "id": 12969, + "ingredients": [ + "bananas", + "butter", + "cream cheese", + "large eggs", + "vanilla extract", + "granulated sugar", + "whipped cream", + "lemon juice", + "light brown sugar", + "chop fine pecan", + "vanilla wafers" + ] + }, + { + "id": 35806, + "ingredients": [ + "tortillas", + "Franks Wings Sauce", + "blue cheese", + "boneless chicken breast", + "olive oil", + "cheese" + ] + }, + { + "id": 33677, + "ingredients": [ + "tomatoes", + "cooking spray", + "non-fat sour cream", + "ground cumin", + "lime juice", + "chili powder", + "ripe olives", + "pepper", + "green onions", + "salt", + "flour tortillas", + "top sirloin", + "chopped cilantro fresh" + ] + }, + { + "id": 45656, + "ingredients": [ + "black beans", + "diced tomatoes", + "red bell pepper", + "ground cumin", + "olive oil", + "garlic cloves", + "onions", + "pepper", + "salt", + "celery", + "stewing beef", + "carrots", + "orange zest" + ] + }, + { + "id": 10030, + "ingredients": [ + "romaine lettuce", + "lemon grass", + "salt", + "chopped fresh mint", + "water", + "flank steak", + "Thai fish sauce", + "serrano chile", + "black pepper", + "cooking spray", + "garlic cloves", + "chopped cilantro fresh", + "brown sugar", + "cherry tomatoes", + "purple onion", + "fresh lime juice" + ] + }, + { + "id": 3424, + "ingredients": [ + "tomatoes", + "whole wheat pastry flour", + "coriander powder", + "vegan butter", + "coconut milk", + "ground turmeric", + "cold water", + "cremini mushrooms", + "cayenne", + "lemon", + "carrots", + "cashew nuts", + "green bell pepper", + "ground black pepper", + "vegetable oil", + "all-purpose flour", + "coriander", + "ground cumin", + "garlic paste", + "garam masala", + "extra firm tofu", + "salt", + "onions", + "ginger paste" + ] + }, + { + "id": 22774, + "ingredients": [ + "oil", + "quinoa", + "chipotles in adobo", + "tomato sauce", + "garlic cloves", + "flour tortillas", + "onions" + ] + }, + { + "id": 49429, + "ingredients": [ + "water", + "diced red onions", + "cauliflower florets", + "ground turmeric", + "chat masala", + "garam masala", + "sea salt", + "ghee", + "fresh ginger", + "grapeseed oil", + "cumin seed", + "ground cumin", + "fresh cilantro", + "potatoes", + "ground coriander", + "chopped garlic" + ] + }, + { + "id": 32014, + "ingredients": [ + "cooked rice", + "shiitake", + "udon", + "chinese cabbage", + "tofu", + "sake", + "beef", + "shirataki", + "brown sugar", + "shungiku", + "leeks", + "carrots", + "eggs", + "light soy sauce", + "enokitake", + "mochi" + ] + }, + { + "id": 5238, + "ingredients": [ + "yellow summer squash", + "broccoli florets", + "garlic", + "flat leaf parsley", + "parmesan cheese", + "basil", + "salt", + "sugar pea", + "fusilli", + "purple onion", + "cauliflower", + "bell pepper", + "extra-virgin olive oil", + "scallions" + ] + }, + { + "id": 11811, + "ingredients": [ + "quinoa", + "cherry tomatoes", + "vinaigrette", + "feta cheese", + "cucumber", + "kalamata" + ] + }, + { + "id": 44987, + "ingredients": [ + "prosciutto", + "anise", + "honey", + "sherry wine vinegar", + "baby greens", + "fresh mint", + "olive oil", + "honeydew melon" + ] + }, + { + "id": 15113, + "ingredients": [ + "curry powder", + "ground coriander", + "ground cumin", + "potatoes", + "onions", + "fresh ginger", + "oil", + "lite coconut milk", + "garlic", + "frozen peas" + ] + }, + { + "id": 48635, + "ingredients": [ + "pinenuts", + "pecorino romano cheese", + "onions", + "pancetta", + "pappardelle pasta", + "crushed red pepper", + "water", + "extra-virgin olive oil", + "fennel seeds", + "broccoli rabe", + "garlic cloves" + ] + }, + { + "id": 29659, + "ingredients": [ + "large eggs", + "sugar", + "salt", + "grated orange peel", + "sweetened coconut flakes", + "unsalted butter", + "bittersweet chocolate" + ] + }, + { + "id": 14245, + "ingredients": [ + "garlic", + "canola oil", + "toasted sesame oil" + ] + }, + { + "id": 31750, + "ingredients": [ + "black beans", + "recipe crumbles", + "chopped onion", + "iceberg lettuce", + "baby spinach leaves", + "cooking spray", + "salsa", + "extra sharp cheddar cheese", + "tomatoes", + "olive oil", + "whole wheat tortillas", + "garlic cloves", + "40% less sodium taco seasoning", + "frozen whole kernel corn", + "reduced-fat sour cream", + "fresh lime juice" + ] + }, + { + "id": 30367, + "ingredients": [ + "fat free yogurt", + "large garlic cloves", + "ground allspice", + "navy beans", + "zucchini", + "purple onion", + "ground cumin", + "ground ginger", + "mango chutney", + "salt", + "curry powder", + "yellow bell pepper", + "chopped fresh mint" + ] + }, + { + "id": 9257, + "ingredients": [ + "lobster", + "rice", + "lime", + "butter", + "lime wedges", + "flour tortillas", + "salsa" + ] + }, + { + "id": 19427, + "ingredients": [ + "fish sauce", + "green onions", + "garlic cloves", + "peanuts", + "rice noodles", + "shrimp", + "sugar", + "lime wedges", + "garlic chili sauce", + "large eggs", + "vegetable oil", + "chopped cilantro fresh" + ] + }, + { + "id": 28431, + "ingredients": [ + "egg whites", + "white sugar", + "vanilla extract", + "chocolate", + "unsweetened cocoa powder", + "cream of tartar", + "salt" + ] + }, + { + "id": 7503, + "ingredients": [ + "corn", + "low sodium chicken broth", + "garlic", + "pinto beans", + "tomatoes", + "flour tortillas", + "cilantro", + "enchilada sauce", + "Mexican cheese blend", + "butter", + "taco seasoning", + "onions", + "salsa verde", + "lean ground beef", + "rice", + "sour cream" + ] + }, + { + "id": 44760, + "ingredients": [ + "safflower oil", + "extra-virgin olive oil", + "frozen chopped spinach", + "feta cheese", + "ground coriander", + "pepper", + "salt", + "cremini mushrooms", + "flour tortillas", + "ground cumin" + ] + }, + { + "id": 21161, + "ingredients": [ + "chopped green bell pepper", + "ground coriander", + "water", + "tomatillos", + "chopped cilantro fresh", + "jalapeno chilies", + "fresh lime juice", + "corn kernels", + "tortilla chips", + "sliced green onions" + ] + }, + { + "id": 29057, + "ingredients": [ + "chipotle chile", + "chicken breast halves", + "sour cream", + "pico de gallo", + "olive oil", + "salsa", + "chopped cilantro fresh", + "mayonaise", + "ground black pepper", + "grated jack cheese", + "lime juice", + "salt", + "corn tortillas" + ] + }, + { + "id": 18401, + "ingredients": [ + "long-grain rice", + "curry powder", + "chicken thighs", + "chicken stock", + "onions", + "vegetable oil", + "frozen peas" + ] + }, + { + "id": 28793, + "ingredients": [ + "tomatoes", + "fresh cilantro", + "chili powder", + "salsa", + "black pepper", + "shallots", + "salt", + "ground cumin", + "fresh corn", + "milk", + "vegetable oil", + "juice", + "fish fillets", + "lime", + "old bay seasoning", + "cornmeal" + ] + }, + { + "id": 47306, + "ingredients": [ + "grated parmesan cheese", + "tomato sauce", + "ricotta cheese", + "dried ziti", + "shredded mozzarella cheese", + "cooked meatballs" + ] + }, + { + "id": 24211, + "ingredients": [ + "pasta sauce", + "olive oil", + "ricotta cheese", + "onions", + "mozzarella cheese", + "ground nutmeg", + "salt", + "frozen chopped spinach", + "pepper", + "marinara sauce", + "cornmeal", + "refrigerated dinner rolls", + "parmesan cheese", + "large garlic cloves" + ] + }, + { + "id": 23532, + "ingredients": [ + "olive oil", + "turkey", + "unsalted butter", + "pinenuts", + "cheese ravioli", + "freshly grated parmesan", + "garlic cloves" + ] + }, + { + "id": 49332, + "ingredients": [ + "cooked rice", + "cilantro leaves", + "curry paste", + "frozen peeled prawns", + "lime", + "Thai fish sauce", + "red chili peppers", + "green beans", + "eggs", + "vegetable oil", + "cucumber" + ] + }, + { + "id": 35851, + "ingredients": [ + "ground ginger", + "water", + "cilantro", + "chickpeas", + "flat leaf parsley", + "fava beans", + "beef", + "vine tomatoes", + "lovage", + "ground cinnamon", + "olive oil", + "ground tumeric", + "rice", + "onions", + "black pepper", + "dates", + "salt", + "lentils" + ] + }, + { + "id": 7252, + "ingredients": [ + "reduced sodium chicken broth", + "kale", + "cooking greens", + "min", + "pepper", + "potatoes", + "canola oil", + "sandwiches", + "kosher salt", + "sauce mix", + "onions", + "collard greens", + "meal", + "worcestershire sauce" + ] + }, + { + "id": 17755, + "ingredients": [ + "vegetable oil", + "corned beef", + "pepper", + "salt", + "tomatoes", + "garlic", + "potatoes", + "onions" + ] + }, + { + "id": 36187, + "ingredients": [ + "ground black pepper", + "fresh lemon juice", + "olive oil", + "salt", + "fresh parmesan cheese", + "lemon rind", + "capers", + "fresh thyme leaves", + "spaghetti" + ] + }, + { + "id": 9847, + "ingredients": [ + "sugar", + "buttermilk", + "cornmeal", + "butter", + "all-purpose flour", + "large eggs", + "salt", + "pie crust", + "lemon", + "lemon juice" + ] + }, + { + "id": 9136, + "ingredients": [ + "coffee liqueur", + "ground cinnamon", + "whipped topping", + "cocoa powder", + "brewed coffee", + "tequila" + ] + }, + { + "id": 32182, + "ingredients": [ + "active dry yeast", + "flour", + "water", + "salt", + "olive oil" + ] + }, + { + "id": 40130, + "ingredients": [ + "baby greens", + "vinaigrette", + "shallots", + "fresh chervil", + "mirlitons", + "coarse salt", + "chives", + "dill tips" + ] + }, + { + "id": 30456, + "ingredients": [ + "white wine", + "red wine vinegar", + "chicken", + "parsley", + "garlic cloves", + "pepper", + "extra-virgin olive oil", + "orange", + "salt" + ] + }, + { + "id": 1221, + "ingredients": [ + "ground black pepper", + "ginger", + "ghee", + "serrano chile", + "sugar", + "yukon gold potatoes", + "whole milk greek yogurt", + "chopped cilantro fresh", + "new potatoes", + "chickpeas", + "onions", + "kosher salt", + "vegetable oil", + "chutney", + "chaat masala" + ] + }, + { + "id": 16726, + "ingredients": [ + "lime juice", + "diced tomatoes", + "garlic powder", + "diced onions", + "jalapeno chilies", + "fresh cilantro" + ] + }, + { + "id": 15525, + "ingredients": [ + "salt", + "pickled jalapenos", + "corn tortillas", + "cheddar cheese", + "peanut oil", + "refried beans" + ] + }, + { + "id": 17007, + "ingredients": [ + "brandy", + "baking powder", + "pure vanilla extract", + "unsalted butter", + "salt", + "almonds", + "almond extract", + "sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 20960, + "ingredients": [ + "shortening", + "water", + "baking powder", + "corn starch", + "pork", + "light soy sauce", + "all-purpose flour", + "white sugar", + "warm water", + "active dry yeast", + "sesame oil", + "ground white pepper", + "soy sauce", + "hoisin sauce", + "oyster sauce" + ] + }, + { + "id": 8986, + "ingredients": [ + "crushed tomatoes", + "rabbit", + "carrots", + "grits", + "butter", + "purple onion", + "thyme sprigs", + "celery ribs", + "bacon", + "garlic cloves", + "chicken thighs", + "bay leaves", + "dry red wine", + "low salt chicken broth" + ] + }, + { + "id": 5184, + "ingredients": [ + "unsalted butter", + "salt", + "sugar", + "whole milk", + "gorgonzola", + "large eggs", + "all-purpose flour", + "active dry yeast", + "vegetable oil" + ] + }, + { + "id": 40640, + "ingredients": [ + "sushi rice", + "salt", + "crab sticks", + "avocado", + "water", + "carrots", + "salmon", + "rice vinegar", + "nori sheets", + "sugar", + "sesame seeds", + "shrimp" + ] + }, + { + "id": 24425, + "ingredients": [ + "water", + "chopped onion", + "minced garlic", + "sea salt", + "tomatillos", + "chile pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 1754, + "ingredients": [ + "dried thyme", + "freshly ground pepper", + "bay leaves", + "garlic powder", + "dried oregano", + "creole seasoning" + ] + }, + { + "id": 10093, + "ingredients": [ + "cremini mushrooms", + "unsalted butter", + "chicken livers", + "black pepper", + "salt", + "onions", + "sugar", + "large eggs", + "sour cream", + "water", + "all-purpose flour" + ] + }, + { + "id": 23021, + "ingredients": [ + "green onions", + "pea pods", + "boneless skinless chicken breast halves", + "soy sauce", + "peanut sauce", + "carrots", + "spring roll wrappers", + "watercress", + "peanut oil", + "chopped cilantro fresh", + "fresh ginger root", + "garlic", + "beansprouts" + ] + }, + { + "id": 4222, + "ingredients": [ + "garlic powder", + "ground coriander", + "tomatoes", + "hot pepper sauce", + "dried oregano", + "white vinegar", + "diced green chilies", + "onions", + "brown sugar", + "salt", + "ground cumin" + ] + }, + { + "id": 48476, + "ingredients": [ + "parmesan cheese", + "salt", + "reduced sodium chicken broth", + "ground black pepper", + "semolina", + "large eggs", + "broccoli rabe", + "garlic cloves" + ] + }, + { + "id": 44301, + "ingredients": [ + "baking powder", + "all-purpose flour", + "eggs", + "raisins", + "white sugar", + "caraway seeds", + "buttermilk", + "sour cream", + "baking soda", + "salt" + ] + }, + { + "id": 13850, + "ingredients": [ + "ground black pepper", + "kosher salt", + "sourdough", + "olive oil", + "parmigiano-reggiano cheese", + "garlic cloves" + ] + }, + { + "id": 28575, + "ingredients": [ + "nam pla", + "salt", + "scallions", + "bread crumbs", + "ground black pepper", + "all-purpose flour", + "chopped cilantro", + "eggs", + "fresh ginger", + "fresh chili", + "shrimp", + "lump crab meat", + "lime wedges", + "peanut oil" + ] + }, + { + "id": 20138, + "ingredients": [ + "green olives", + "pepper", + "garlic", + "chicken", + "brown sugar", + "bay leaves", + "pitted prunes", + "capers", + "olive oil", + "salt", + "white wine", + "red wine vinegar", + "chopped parsley" + ] + }, + { + "id": 23020, + "ingredients": [ + "tomato juice", + "taco seasoning mix", + "ground beef", + "tomato sauce", + "whole kernel corn, drain", + "kidney beans", + "onions" + ] + }, + { + "id": 44250, + "ingredients": [ + "ground ginger", + "tumeric", + "quinoa", + "garlic", + "greek yogurt", + "cumin", + "cauliflower", + "coconut oil", + "full fat coconut milk", + "vegetable stock", + "corn starch", + "onions", + "mint", + "curry powder", + "sweet potatoes", + "chickpeas", + "fresh parsley", + "tomato paste", + "water", + "cayenne", + "salt", + "fresh mint", + "raita" + ] + }, + { + "id": 20038, + "ingredients": [ + "black pepper", + "bell pepper", + "worcestershire sauce", + "yellow onion", + "olive oil", + "vegetable oil", + "garlic", + "lime juice", + "boneless skinless chicken breasts", + "chile de arbol", + "ground cumin", + "flour tortillas", + "balsamic vinegar", + "salt" + ] + }, + { + "id": 38621, + "ingredients": [ + "kosher salt", + "rice", + "frozen peas", + "fish sauce", + "ground black pepper", + "carrots", + "eggs", + "leftover meat", + "oyster sauce", + "canola oil", + "soy sauce", + "garlic", + "onions" + ] + }, + { + "id": 18689, + "ingredients": [ + "ground black pepper", + "white wine vinegar", + "sardines", + "paprika", + "blanched almonds", + "boiling potatoes", + "cayenne", + "salt", + "fresh parsley", + "olive oil", + "garlic", + "red bell pepper", + "plum tomatoes" + ] + }, + { + "id": 10545, + "ingredients": [ + "soy sauce", + "purple onion", + "toasted sesame oil", + "honey", + "green beans", + "minced garlic", + "rice vinegar", + "toasted sesame seeds", + "fresh ginger", + "beansprouts" + ] + }, + { + "id": 18473, + "ingredients": [ + "ground cinnamon", + "white sugar", + "long-grain rice", + "ice cubes", + "hot water", + "milk" + ] + }, + { + "id": 36411, + "ingredients": [ + "dried basil", + "garlic", + "chopped onion", + "fillet red snapper", + "olive oil", + "salt", + "dried oregano", + "dried thyme", + "chopped celery", + "bay leaf", + "pepper", + "stewed tomatoes", + "all-purpose flour" + ] + }, + { + "id": 3190, + "ingredients": [ + "green bell pepper", + "olive oil", + "diced tomatoes", + "dried basil", + "grated parmesan cheese", + "onions", + "pepper", + "zucchini", + "salt", + "yellow squash", + "crushed garlic", + "dried oregano" + ] + }, + { + "id": 46615, + "ingredients": [ + "hoisin sauce", + "chicken drumsticks", + "sesame oil", + "soy sauce", + "ground white pepper" + ] + }, + { + "id": 6042, + "ingredients": [ + "water", + "salt", + "cooking spray", + "yellow corn meal", + "crushed red pepper", + "grated parmesan cheese" + ] + }, + { + "id": 33483, + "ingredients": [ + "milk", + "vanilla wafers", + "vanilla flavoring", + "flour", + "eggs", + "bananas", + "sugar", + "salt" + ] + }, + { + "id": 846, + "ingredients": [ + "cherries", + "blueberries", + "brandy", + "apricot nectar", + "cava", + "nectarines", + "raspberries", + "strawberries" + ] + }, + { + "id": 34900, + "ingredients": [ + "sugar", + "heavy whipping cream", + "pecan halves", + "butter", + "bourbon whiskey", + "brown sugar", + "chopped pecans" + ] + }, + { + "id": 12632, + "ingredients": [ + "cheddar cheese", + "large eggs", + "chopped garlic", + "water", + "salt", + "black pepper", + "whole milk", + "unsalted butter", + "grits" + ] + }, + { + "id": 45948, + "ingredients": [ + "dried thyme", + "butter", + "arborio rice", + "grated parmesan cheese", + "garlic cloves", + "ground pepper", + "button mushrooms", + "reduced sodium chicken broth", + "coarse salt" + ] + }, + { + "id": 49275, + "ingredients": [ + "sugar", + "jalapeno chilies", + "salt", + "ground coriander", + "cider vinegar", + "ground red pepper", + "chopped onion", + "fresh lemon juice", + "granny smith apples", + "peeled fresh ginger", + "grated lemon zest", + "garlic cloves", + "ground cinnamon", + "chopped green bell pepper", + "green tomatoes", + "ground allspice" + ] + }, + { + "id": 36830, + "ingredients": [ + "shredded cheddar cheese", + "apple cider vinegar", + "hot sauce", + "sausage links", + "grated parmesan cheese", + "collard green leaves", + "grits", + "chicken broth", + "olive oil", + "butter", + "freshly ground pepper", + "sugar", + "half & half", + "salt" + ] + }, + { + "id": 28630, + "ingredients": [ + "vinegar", + "worcestershire sauce", + "ham hock", + "white onion", + "red beans", + "creole seasoning", + "andouille sausage", + "bay leaves", + "hot sauce", + "celery", + "water", + "green onions", + "garlic cloves" + ] + }, + { + "id": 47422, + "ingredients": [ + "ketchup", + "sesame seeds", + "vegetable oil", + "rice vinegar", + "angel hair", + "minced garlic", + "finely chopped onion", + "crushed red pepper", + "chopped cilantro fresh", + "low sodium soy sauce", + "fat free less sodium chicken broth", + "eggplant", + "cracked black pepper", + "boneless pork loin", + "brown sugar", + "rice sticks", + "ground red pepper", + "salt" + ] + }, + { + "id": 38625, + "ingredients": [ + "sugar", + "butter", + "melted butter", + "french bread", + "ground cinnamon", + "milk", + "vanilla", + "eggs", + "bourbon whiskey" + ] + }, + { + "id": 15296, + "ingredients": [ + "peanuts", + "salt", + "water" + ] + }, + { + "id": 22919, + "ingredients": [ + "millet", + "black gram", + "fenugreek", + "water", + "rock salt" + ] + }, + { + "id": 19145, + "ingredients": [ + "powdered sugar", + "unsalted pistachios", + "unsalted butter", + "baking powder", + "strawberries", + "white chocolate", + "large egg yolks", + "strawberry jam", + "vanilla extract", + "fraise", + "large egg whites", + "large eggs", + "all purpose unbleached flour", + "sugar", + "marzipan", + "half & half", + "color food green" + ] + }, + { + "id": 23315, + "ingredients": [ + "shiitake", + "napa cabbage", + "corn starch", + "soy sauce", + "beef", + "scallions", + "lime", + "brown rice", + "carrots", + "black bean sauce", + "ginger" + ] + }, + { + "id": 49413, + "ingredients": [ + "avocado", + "goat cheese", + "black beans", + "corn tortillas", + "spinach", + "enchilada sauce", + "salsa" + ] + }, + { + "id": 46370, + "ingredients": [ + "ground black pepper", + "salt", + "fontina", + "fusilli", + "grated parmesan cheese", + "red bell pepper", + "mozzarella cheese", + "butter" + ] + }, + { + "id": 41564, + "ingredients": [ + "pita bread", + "ground black pepper", + "garlic", + "orange", + "shallots", + "greek yogurt", + "mint", + "jalapeno chilies", + "salt pork", + "olive oil", + "sea salt", + "ground lamb" + ] + }, + { + "id": 41226, + "ingredients": [ + "fava beans", + "extra-virgin olive oil", + "savoy cabbage", + "bibb lettuce", + "onions", + "celery ribs", + "water", + "carrots", + "great northern beans", + "grated parmesan cheese" + ] + }, + { + "id": 20817, + "ingredients": [ + "avocado", + "black beans", + "green onions", + "frozen corn kernels", + "olives", + "romaine lettuce", + "honey", + "salt", + "sour cream", + "chicken", + "cheddar cheese", + "cherry tomatoes", + "apple cider vinegar", + "red bell pepper", + "dried oregano", + "black pepper", + "blue corn tortilla chips", + "salsa", + "chopped cilantro", + "ground cumin" + ] + }, + { + "id": 41661, + "ingredients": [ + "black pepper", + "sesame oil", + "garlic", + "brown sugar", + "pepper", + "grapeseed oil", + "scallions", + "octopuses", + "red pepper flakes", + "yellow onion", + "soy sauce", + "rice wine", + "red pepper", + "carrots" + ] + }, + { + "id": 8599, + "ingredients": [ + "pig", + "fresh thyme", + "beef heart", + "fresh sage", + "unsalted butter", + "lambs liver", + "fresh parsley", + "drippings", + "beef stock", + "kidney", + "eggs", + "beef", + "garlic cloves", + "onions" + ] + }, + { + "id": 6386, + "ingredients": [ + "white onion", + "fideos", + "juice", + "chicken stock", + "ground black pepper", + "garlic", + "chipotles in adobo", + "kosher salt", + "cilantro", + "vermicelli noodles", + "cotija", + "whole peeled tomatoes", + "crema", + "canola oil" + ] + }, + { + "id": 16523, + "ingredients": [ + "tomatoes", + "dried mixed herbs", + "soft cheese", + "olives", + "olive oil", + "garlic cloves", + "boneless skinless chicken breasts" + ] + }, + { + "id": 13154, + "ingredients": [ + "fresh cilantro", + "black pepper", + "sauce", + "cooked rice", + "olive oil", + "kosher salt", + "fresh lime juice" + ] + }, + { + "id": 6583, + "ingredients": [ + "anchovy fillets", + "cheese" + ] + }, + { + "id": 38523, + "ingredients": [ + "green bell pepper", + "creole seasoning", + "celery ribs", + "water", + "onions", + "andouille sausage", + "garlic cloves", + "cooked rice", + "red beans", + "sliced green onions" + ] + }, + { + "id": 19909, + "ingredients": [ + "large egg whites", + "coffee beans", + "instant espresso powder", + "boiling water", + "large egg yolks", + "fresh lemon juice", + "sugar", + "heavy cream", + "grappa" + ] + }, + { + "id": 32321, + "ingredients": [ + "ground ginger", + "large egg yolks", + "vanilla extract", + "sugar", + "unbleached flour", + "fresh lemon juice", + "table salt", + "unsalted butter", + "golden syrup", + "cold water", + "bread crumb fresh", + "lemon" + ] + }, + { + "id": 43106, + "ingredients": [ + "lime", + "lime slices", + "confectioners sugar", + "granulated sugar", + "vanilla extract", + "key lime juice", + "graham cracker crusts", + "heavy cream", + "sweetened condensed milk", + "large eggs", + "lemon juice" + ] + }, + { + "id": 38704, + "ingredients": [ + "tomatoes", + "large eggs", + "bulgur", + "flat leaf parsley", + "olive oil", + "dry red wine", + "garlic cloves", + "ground cumin", + "water", + "lean ground beef", + "scallions", + "onions", + "ground black pepper", + "salt", + "cinnamon sticks" + ] + }, + { + "id": 35681, + "ingredients": [ + "minced garlic", + "brown mustard seeds", + "green beans", + "canola oil", + "finely chopped onion", + "salt", + "chopped cilantro fresh", + "peeled fresh ginger", + "ground coriander", + "ground turmeric", + "water", + "yukon gold potatoes", + "new mexican chile", + "ground cumin" + ] + }, + { + "id": 15028, + "ingredients": [ + "white wine", + "penne pasta", + "tomato paste", + "mild Italian sausage", + "shredded mozzarella cheese", + "tomato sauce", + "diced tomatoes", + "olive oil", + "chopped onion" + ] + }, + { + "id": 36820, + "ingredients": [ + "large eggs", + "country bread", + "fat free less sodium chicken broth", + "garlic cloves", + "ground cumin", + "saffron threads", + "extra-virgin olive oil", + "serrano ham", + "ground black pepper", + "smoked paprika" + ] + }, + { + "id": 9598, + "ingredients": [ + "unsalted butter", + "mango", + "light brown sugar", + "fresh lemon juice", + "ground allspice", + "crystallized ginger", + "white sandwich bread" + ] + }, + { + "id": 28818, + "ingredients": [ + "eggs", + "whole milk", + "vanilla extract", + "white sugar", + "water", + "raisins", + "all-purpose flour", + "ground cinnamon", + "orange", + "apples", + "chopped pecans", + "shortening", + "baking powder", + "salt", + "dried fig" + ] + }, + { + "id": 20418, + "ingredients": [ + "sugar", + "fresh blueberries", + "vanilla extract", + "cream cheese", + "white vinegar", + "unsalted butter", + "buttermilk", + "salt", + "baking soda", + "baking powder", + "cake flour", + "unsweetened cocoa powder", + "powdered sugar", + "large eggs", + "red food coloring", + "fresh raspberries" + ] + }, + { + "id": 4511, + "ingredients": [ + "pepper", + "shallots", + "fresh parsley", + "half & half", + "salt", + "vermouth", + "all-purpose flour", + "oysters", + "butter" + ] + }, + { + "id": 391, + "ingredients": [ + "olive oil", + "roasted garlic", + "noodles", + "tomatoes", + "crimini mushrooms", + "red bell pepper", + "grated parmesan cheese", + "fresh oregano", + "fresh rosemary", + "tapenade", + "fresh asparagus" + ] + }, + { + "id": 21507, + "ingredients": [ + "water", + "sour cream", + "lean ground beef", + "Old El Paso™ taco seasoning mix", + "shredded Monterey Jack cheese", + "biscuits", + "salsa" + ] + }, + { + "id": 31714, + "ingredients": [ + "tomatoes", + "salt", + "coconut milk", + "prawns", + "garlic cloves", + "black pepper", + "cayenne pepper", + "onions", + "palm oil", + "cilantro", + "fresh lemon juice" + ] + }, + { + "id": 15215, + "ingredients": [ + "fettucine", + "unsalted butter", + "all-purpose flour", + "kosher salt", + "grated parmesan cheese", + "onions", + "spinach", + "finely chopped fresh parsley", + "corn starch", + "pepper", + "2% reduced-fat milk" + ] + }, + { + "id": 24333, + "ingredients": [ + "eggs", + "almond extract", + "all-purpose flour", + "ground nutmeg", + "vanilla extract", + "semi-sweet chocolate morsels", + "almonds", + "butter", + "white sugar", + "baking powder", + "salt", + "orange zest" + ] + }, + { + "id": 11728, + "ingredients": [ + "coke", + "pork shoulder roast", + "olive oil", + "low sodium chicken broth", + "garlic", + "tortilla chips", + "smoked paprika", + "oregano", + "chipotle chile", + "lime", + "cayenne", + "onion powder", + "greek style plain yogurt", + "grated jack cheese", + "onions", + "cumin", + "cotija", + "fresh cilantro", + "garlic powder", + "chili powder", + "salt", + "cream cheese", + "roasted tomatoes", + "sliced mango", + "avocado", + "pepper", + "honey", + "jalapeno chilies", + "fried eggs", + "salsa", + "orange juice", + "carnitas", + "canola oil" + ] + }, + { + "id": 20010, + "ingredients": [ + "fava beans", + "balsamic vinegar", + "sourdough baguette", + "water", + "garlic cloves", + "baby greens", + "fresh lemon juice", + "blood orange", + "extra-virgin olive oil" + ] + }, + { + "id": 4450, + "ingredients": [ + "cooked rice", + "jamaican jerk season", + "peanuts", + "pork strips", + "soy sauce", + "cooking oil", + "plum sauce", + "sweet pepper" + ] + }, + { + "id": 8003, + "ingredients": [ + "slivered almonds", + "cinnamon", + "salt", + "onions", + "saffron threads", + "low sodium chicken broth", + "paprika", + "lemon juice", + "chicken", + "green olives", + "vegetable oil", + "garlic", + "fresh parsley", + "unsalted butter", + "apricot halves", + "all-purpose flour", + "cumin" + ] + }, + { + "id": 3358, + "ingredients": [ + "avocado", + "cherry tomatoes", + "corn husks", + "parsley", + "purple onion", + "water", + "olive oil", + "zucchini", + "cilantro", + "corn tortillas", + "black pepper", + "yellow squash", + "radishes", + "red pepper flakes", + "salt", + "lime", + "black-eyed peas", + "jalapeno chilies", + "garlic" + ] + }, + { + "id": 27326, + "ingredients": [ + "haddock fillets", + "curry paste", + "eggs", + "lemon", + "onions", + "butter", + "fresh parsley", + "red chili peppers", + "long-grain rice" + ] + }, + { + "id": 32894, + "ingredients": [ + "shredded cheddar cheese", + "garlic", + "canola oil", + "vegetable oil", + "corn tortillas", + "cajun seasoning", + "dried oregano", + "shark fillets", + "lemon juice" + ] + }, + { + "id": 416, + "ingredients": [ + "eggs", + "vanilla extract", + "pie crust", + "sweet potatoes", + "white sugar", + "ground cinnamon", + "butter", + "milk", + "salt" + ] + }, + { + "id": 11244, + "ingredients": [ + "large egg yolks", + "chocolate curls", + "whole milk", + "sugar", + "heavy cream", + "instant espresso powder", + "bittersweet chocolate" + ] + }, + { + "id": 46556, + "ingredients": [ + "serrano peppers", + "chopped cilantro", + "lime", + "garlic", + "white onion", + "Mexican oregano", + "roma tomatoes", + "salt" + ] + }, + { + "id": 47810, + "ingredients": [ + "granny smith apples", + "sweet potatoes", + "salt", + "curry powder", + "currant", + "garlic cloves", + "water", + "green onions", + "long-grain rice", + "olive oil", + "green peas", + "ground cumin" + ] + }, + { + "id": 32819, + "ingredients": [ + "pitted kalamata olives", + "fresh basil", + "red pepper flakes", + "tomatoes", + "olive oil", + "capers", + "garlic" + ] + }, + { + "id": 33992, + "ingredients": [ + "rosemary sprigs", + "frozen pastry puff sheets", + "olive oil", + "parmesan cheese", + "sweet onion", + "salt" + ] + }, + { + "id": 35820, + "ingredients": [ + "hash brown", + "butter", + "shredded sharp cheddar cheese", + "carrots", + "milk", + "chopped fresh chives", + "peas", + "creole seasoning", + "chicken broth", + "self rising flour", + "cooked bacon", + "all-purpose flour", + "fresh parsley", + "sweet onion", + "cooked chicken", + "whipping cream", + "fresh mushrooms" + ] + }, + { + "id": 10562, + "ingredients": [ + "large egg yolks", + "dry mustard", + "black pepper", + "whole milk", + "extra sharp cheddar cheese", + "baguette", + "porter", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 32036, + "ingredients": [ + "water", + "vegetable oil", + "orange juice", + "cream of tartar", + "egg yolks", + "salt", + "egg whites", + "vanilla extract", + "white sugar", + "grated orange peel", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 29932, + "ingredients": [ + "soy sauce", + "rib eye steaks", + "garlic cloves", + "sugar", + "black pepper" + ] + }, + { + "id": 36568, + "ingredients": [ + "peeled tomatoes", + "extra-virgin olive oil", + "pasta", + "pecorino romano cheese", + "bay leaf", + "guanciale", + "butter", + "garlic", + "kosher salt", + "crushed red pepper flakes", + "onions" + ] + }, + { + "id": 9280, + "ingredients": [ + "black pepper", + "quinoa", + "diced tomatoes", + "fresh oregano", + "water", + "green onions", + "extra-virgin olive oil", + "kosher salt", + "bell pepper", + "kalamata", + "cucumber", + "honey", + "lemon", + "salt" + ] + }, + { + "id": 22836, + "ingredients": [ + "pepper", + "oil", + "salmon fillets", + "garlic", + "cumin", + "lime juice", + "adobo sauce", + "chipotle chile", + "salt" + ] + }, + { + "id": 42268, + "ingredients": [ + "kosher salt", + "potatoes", + "pork cutlets", + "unsalted butter", + "fresh parsley", + "eggs", + "grated parmesan cheese", + "milk", + "scallions" + ] + }, + { + "id": 48580, + "ingredients": [ + "white flour", + "yeast", + "granulated sugar", + "semolina flour", + "vegetable oil", + "warm water", + "salt" + ] + }, + { + "id": 12219, + "ingredients": [ + "french sandwich rolls", + "hard salami", + "pepperoncini", + "roasted red peppers", + "garlic", + "rocket leaves", + "artichok heart marin", + "purple onion", + "sliced black olives", + "extra-virgin olive oil", + "provolone cheese" + ] + }, + { + "id": 38662, + "ingredients": [ + "sesame seeds", + "sweet red bean paste", + "sweet rice flour", + "cooking oil", + "water" + ] + }, + { + "id": 41593, + "ingredients": [ + "celery ribs", + "basil leaves", + "scallions", + "pitted kalamata olives", + "Italian parsley leaves", + "seedless cucumber", + "extra-virgin olive oil", + "capers", + "red wine vinegar", + "country bread" + ] + }, + { + "id": 22886, + "ingredients": [ + "pepper", + "spicy brown mustard", + "salt", + "fresh asparagus", + "capers", + "parmesan cheese", + "white wine vinegar", + "garlic cloves", + "tomatoes", + "water", + "extra-virgin olive oil", + "mixed greens", + "brown sugar", + "cannellini beans", + "purple onion", + "rubbed sage" + ] + }, + { + "id": 12617, + "ingredients": [ + "vodka", + "lemon", + "water", + "white sugar" + ] + }, + { + "id": 3402, + "ingredients": [ + "sugar", + "large eggs", + "water", + "cooking spray", + "kosher salt", + "reduced fat milk", + "vanilla beans", + "heavy whipping cream" + ] + }, + { + "id": 21195, + "ingredients": [ + "preserved lemon", + "shallots", + "salt", + "garlic cloves", + "chicken stock", + "fennel bulb", + "lemon", + "yellow onion", + "olive oil", + "pitted green olives", + "cilantro leaves", + "chicken legs", + "fresh thyme", + "ginger", + "chickpeas" + ] + }, + { + "id": 24569, + "ingredients": [ + "cream of chicken soup", + "olives", + "cheddar cheese", + "corn tortillas", + "chicken broth", + "cooked chicken", + "chiles", + "onions" + ] + }, + { + "id": 31035, + "ingredients": [ + "fish sauce", + "scallions", + "basmati rice", + "corn kernels", + "fresh lime juice", + "sugar", + "red bell pepper", + "large shrimp", + "unsweetened coconut milk", + "extra-virgin olive oil", + "fresh basil leaves" + ] + }, + { + "id": 20229, + "ingredients": [ + "hamburger buns", + "chunky peanut butter", + "chopped cilantro", + "lime juice", + "hot sauce", + "fresh ginger", + "cayenne pepper", + "soy sauce", + "lean ground beef" + ] + }, + { + "id": 2263, + "ingredients": [ + "salt", + "lime juice", + "honeydew melon", + "sugar" + ] + }, + { + "id": 10826, + "ingredients": [ + "oil", + "water", + "minced garlic", + "plantains", + "sea salt" + ] + }, + { + "id": 14394, + "ingredients": [ + "butter", + "pork sausages", + "olive oil", + "garlic", + "milk", + "peas", + "potatoes", + "onions" + ] + }, + { + "id": 34210, + "ingredients": [ + "fresh green bean", + "tuna", + "romaine lettuce", + "small red potato", + "eggs", + "herb dressing", + "ripe olives", + "grape tomatoes", + "anchovy fillets", + "plum tomatoes" + ] + }, + { + "id": 3429, + "ingredients": [ + "pepper", + "garlic", + "roasted peanuts", + "boneless skinless chicken breast halves", + "chicken broth", + "green onions", + "broccoli", + "red bell pepper", + "ground cumin", + "lime", + "salt", + "corn starch", + "chopped cilantro fresh", + "soy sauce", + "red pepper flakes", + "creamy peanut butter", + "onions" + ] + }, + { + "id": 49157, + "ingredients": [ + "fish sauce", + "lemongrass", + "ginger", + "garlic cloves", + "boiling water", + "clove", + "red chili peppers", + "cilantro", + "rice vinegar", + "shrimp", + "sugar", + "vegetable oil", + "cilantro leaves", + "rice flour", + "potato starch", + "water", + "ground pork", + "all-purpose flour", + "onions" + ] + }, + { + "id": 40847, + "ingredients": [ + "kosher salt", + "shallots", + "ground black pepper", + "fresh lemon juice", + "parmigiano reggiano cheese", + "arugula", + "water", + "extra-virgin olive oil" + ] + }, + { + "id": 14084, + "ingredients": [ + "celery ribs", + "lemon slices", + "fresh parsley", + "large eggs", + "carrots", + "white onion", + "fresh lemon juice", + "white rice", + "low salt chicken broth" + ] + }, + { + "id": 6802, + "ingredients": [ + "zucchini", + "ground beef", + "water", + "green pepper", + "prego traditional italian sauce", + "beef broth", + "eggplant", + "elbow pasta" + ] + }, + { + "id": 22381, + "ingredients": [ + "fine salt", + "canola oil", + "unsalted butter", + "baking powder", + "whole milk", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 21016, + "ingredients": [ + "sugar", + "ice", + "sugar cane", + "gingerroot", + "lime" + ] + }, + { + "id": 29024, + "ingredients": [ + "manicotti shells", + "egg substitute", + "salt", + "italian seasoning", + "ground chuck", + "grated parmesan cheese", + "garlic cloves", + "tomato sauce", + "finely chopped onion", + "sauce", + "frozen chopped spinach", + "pepper", + "cooking spray", + "ground turkey" + ] + }, + { + "id": 4478, + "ingredients": [ + "mushroom caps", + "dipping sauces", + "red bell pepper", + "black pepper", + "basil leaves", + "green beans", + "cooking spray", + "fresh lemon juice", + "baby corn", + "radicchio", + "romaine lettuce leaves", + "Thai fish sauce" + ] + }, + { + "id": 36711, + "ingredients": [ + "red lentils", + "crushed garlic", + "curry powder", + "cumin seed", + "water", + "cayenne pepper", + "vegetable oil", + "onions" + ] + }, + { + "id": 8300, + "ingredients": [ + "water", + "cooking spray", + "onions", + "dough", + "dried thyme", + "pizza sauce", + "chicken", + "dried basil", + "mushrooms", + "dried oregano", + "green bell pepper", + "part-skim mozzarella cheese", + "red bell pepper" + ] + }, + { + "id": 47035, + "ingredients": [ + "chicken broth", + "salt", + "diced celery", + "diced onions", + "large eggs", + "chopped fresh sage", + "cornbread", + "pepper", + "kale leaves", + "fresh parsley", + "white bread", + "butter", + "chopped walnuts" + ] + }, + { + "id": 15596, + "ingredients": [ + "raspberry jam", + "unsalted butter", + "caster sugar", + "egg whites", + "bread crumbs", + "large eggs", + "milk", + "lemon" + ] + }, + { + "id": 19902, + "ingredients": [ + "kosher salt", + "worcestershire sauce", + "slab bacon", + "green peas", + "ground black pepper", + "yellow onion", + "unsalted butter" + ] + }, + { + "id": 31242, + "ingredients": [ + "evaporated milk", + "salt", + "white sugar", + "flaked coconut", + "crushed pineapples in juice", + "baking soda", + "all-purpose flour", + "eggs", + "butter", + "chopped pecans" + ] + }, + { + "id": 21117, + "ingredients": [ + "curry powder", + "baby spinach", + "fenugreek seeds", + "broth", + "kosher salt", + "garam masala", + "garlic", + "dried chile", + "ground cumin", + "tumeric", + "crushed tomatoes", + "light coconut milk", + "mustard powder", + "canola oil", + "water", + "chana dal", + "yellow onion", + "ginger root" + ] + }, + { + "id": 15234, + "ingredients": [ + "tomatoes", + "black pepper", + "ground nutmeg", + "heavy cream", + "salt", + "filet", + "fresh parsley", + "green bell pepper", + "dried thyme", + "onion powder", + "paprika", + "white rice flour", + "celery", + "ground cinnamon", + "kosher salt", + "shallots", + "bacon", + "cayenne pepper", + "shrimp", + "dried oregano", + "chicken broth", + "ground cloves", + "garlic powder", + "Tabasco Pepper Sauce", + "garlic", + "ground allspice", + "ghee" + ] + }, + { + "id": 24993, + "ingredients": [ + "minced chicken", + "olive oil", + "carrots", + "sweet chili sauce", + "red capsicum", + "soy sauce", + "spring onions", + "coriander", + "eggs", + "steamed rice", + "dry bread crumbs" + ] + }, + { + "id": 31007, + "ingredients": [ + "tomatoes", + "paprika", + "long-grain rice", + "chicken", + "olive oil", + "cayenne pepper", + "onions", + "black pepper", + "salt", + "garlic cloves", + "chicken broth", + "bacon", + "green pepper", + "saffron" + ] + }, + { + "id": 31687, + "ingredients": [ + "canned black beans", + "corn kernels", + "low sodium chicken broth", + "salsa", + "shredded cheddar cheese", + "quick cooking brown rice", + "chili powder", + "cumin", + "ground chicken", + "garlic powder", + "green onions", + "yellow onion", + "avocado", + "fresh cilantro", + "roma tomatoes", + "salt", + "canola oil" + ] + }, + { + "id": 13657, + "ingredients": [ + "avocado", + "salsa", + "hot pepper sauce", + "garlic powder", + "salt" + ] + }, + { + "id": 36612, + "ingredients": [ + "yellow squash", + "salt", + "mayonaise", + "butter", + "butter crackers", + "large eggs", + "onions", + "sugar", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 14008, + "ingredients": [ + "chicken wings", + "peeled fresh ginger", + "soy sauce", + "sugar", + "toasted sesame oil", + "white vinegar", + "Sriracha" + ] + }, + { + "id": 32124, + "ingredients": [ + "sugar", + "salt", + "large egg yolks", + "apricot preserves", + "water", + "all-purpose flour", + "eggs", + "unsalted butter", + "apricots" + ] + }, + { + "id": 43570, + "ingredients": [ + "eggs", + "green onions", + "rice vinegar", + "shrimp small uncook", + "sugar", + "slaw mix", + "garlic cloves", + "canola oil", + "fish sauce", + "rice noodles", + "salted peanuts", + "onions", + "reduced sodium soy sauce", + "cilantro leaves", + "garlic chili sauce" + ] + }, + { + "id": 14059, + "ingredients": [ + "cauliflower", + "garlic paste", + "curry powder", + "green chilies", + "tomatoes", + "pepper", + "potatoes", + "ground turmeric", + "tomato paste", + "cream", + "olive oil", + "onions", + "stock", + "fresh coriander", + "salt" + ] + }, + { + "id": 30246, + "ingredients": [ + "large egg yolks", + "fresh lemon juice", + "sugar", + "bourbon whiskey", + "bittersweet chocolate", + "large egg whites", + "salt", + "anjou pears", + "heavy whipping cream" + ] + }, + { + "id": 36028, + "ingredients": [ + "hot sauce", + "butter", + "sweet potatoes", + "adobo sauce", + "salt" + ] + }, + { + "id": 22339, + "ingredients": [ + "black pepper", + "salt", + "parmigiano reggiano cheese", + "ricotta", + "large egg yolks", + "dry bread crumbs", + "genoa salami", + "vegetable oil" + ] + }, + { + "id": 42525, + "ingredients": [ + "cheddar cheese", + "cayenne", + "paprika", + "plum tomatoes", + "green bell pepper", + "water", + "Tabasco Pepper Sauce", + "scallions", + "canned low sodium chicken broth", + "milk", + "butter", + "red bell pepper", + "canned black beans", + "quickcooking grits", + "salt" + ] + }, + { + "id": 1443, + "ingredients": [ + "cold water", + "olive oil", + "lime wedges", + "garlic cloves", + "boiling water", + "boneless chicken skinless thigh", + "guacamole", + "tomato salsa", + "corn tortillas", + "tomatoes", + "radishes", + "queso fresco", + "ancho chile pepper", + "ground cumin", + "white onion", + "yukon gold potatoes", + "cilantro sprigs", + "chipotles in adobo" + ] + } +] \ No newline at end of file diff --git "a/4 \351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213/whats-cooking/train.json" "b/4 \351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213/whats-cooking/train.json" new file mode 100644 index 00000000..1b21a024 --- /dev/null +++ "b/4 \351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213/whats-cooking/train.json" @@ -0,0 +1,666921 @@ +[ + { + "id": 10259, + "cuisine": "greek", + "ingredients": [ + "romaine lettuce", + "black olives", + "grape tomatoes", + "garlic", + "pepper", + "purple onion", + "seasoning", + "garbanzo beans", + "feta cheese crumbles" + ] + }, + { + "id": 25693, + "cuisine": "southern_us", + "ingredients": [ + "plain flour", + "ground pepper", + "salt", + "tomatoes", + "ground black pepper", + "thyme", + "eggs", + "green tomatoes", + "yellow corn meal", + "milk", + "vegetable oil" + ] + }, + { + "id": 20130, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "pepper", + "salt", + "mayonaise", + "cooking oil", + "green chilies", + "grilled chicken breasts", + "garlic powder", + "yellow onion", + "soy sauce", + "butter", + "chicken livers" + ] + }, + { + "id": 22213, + "cuisine": "indian", + "ingredients": [ + "water", + "vegetable oil", + "wheat", + "salt" + ] + }, + { + "id": 13162, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "shallots", + "cornflour", + "cayenne pepper", + "onions", + "garlic paste", + "milk", + "butter", + "salt", + "lemon juice", + "water", + "chili powder", + "passata", + "oil", + "ground cumin", + "boneless chicken skinless thigh", + "garam masala", + "double cream", + "natural yogurt", + "bay leaf" + ] + }, + { + "id": 6602, + "cuisine": "jamaican", + "ingredients": [ + "plain flour", + "sugar", + "butter", + "eggs", + "fresh ginger root", + "salt", + "ground cinnamon", + "milk", + "vanilla extract", + "ground ginger", + "powdered sugar", + "baking powder" + ] + }, + { + "id": 42779, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "salt", + "medium shrimp", + "pepper", + "garlic", + "chopped cilantro", + "jalapeno chilies", + "flat leaf parsley", + "skirt steak", + "white vinegar", + "sea salt", + "bay leaf", + "chorizo sausage" + ] + }, + { + "id": 3735, + "cuisine": "italian", + "ingredients": [ + "sugar", + "pistachio nuts", + "white almond bark", + "flour", + "vanilla extract", + "olive oil", + "almond extract", + "eggs", + "baking powder", + "dried cranberries" + ] + }, + { + "id": 16903, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "purple onion", + "fresh pineapple", + "pork", + "poblano peppers", + "corn tortillas", + "cheddar cheese", + "ground black pepper", + "salt", + "iceberg lettuce", + "lime", + "jalapeno chilies", + "chopped cilantro fresh" + ] + }, + { + "id": 12734, + "cuisine": "italian", + "ingredients": [ + "chopped tomatoes", + "fresh basil", + "garlic", + "extra-virgin olive oil", + "kosher salt", + "flat leaf parsley" + ] + }, + { + "id": 5875, + "cuisine": "italian", + "ingredients": [ + "pimentos", + "sweet pepper", + "dried oregano", + "olive oil", + "garlic", + "sharp cheddar cheese", + "pepper", + "swiss cheese", + "provolone cheese", + "canola oil", + "mushrooms", + "black olives", + "sausages" + ] + }, + { + "id": 45887, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "fresh ginger", + "dry mustard", + "green beans", + "white pepper", + "sesame oil", + "scallions", + "canola oil", + "sugar", + "Shaoxing wine", + "garlic", + "ground turkey", + "water", + "crushed red pepper flakes", + "corn starch" + ] + }, + { + "id": 2698, + "cuisine": "italian", + "ingredients": [ + "Italian parsley leaves", + "walnuts", + "hot red pepper flakes", + "extra-virgin olive oil", + "fresh lemon juice", + "trout fillet", + "garlic cloves", + "chipotle chile", + "fine sea salt", + "flat leaf parsley" + ] + }, + { + "id": 41995, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "fresh cilantro", + "chili powder", + "ground coriander", + "kosher salt", + "ground black pepper", + "garlic", + "plum tomatoes", + "avocado", + "lime juice", + "flank steak", + "salt", + "ground cumin", + "black pepper", + "olive oil", + "crushed red pepper flakes", + "onions" + ] + }, + { + "id": 31908, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "butter", + "all-purpose flour", + "fat free less sodium chicken broth", + "chopped fresh chives", + "gruyere cheese", + "ground black pepper", + "bacon slices", + "gnocchi", + "fat free milk", + "cooking spray", + "salt" + ] + }, + { + "id": 24717, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "vegetable stock", + "tomatoes", + "garam masala", + "naan", + "red lentils", + "red chili peppers", + "onions", + "spinach", + "sweet potatoes" + ] + }, + { + "id": 34466, + "cuisine": "british", + "ingredients": [ + "greek yogurt", + "lemon curd", + "confectioners sugar", + "raspberries" + ] + }, + { + "id": 1420, + "cuisine": "italian", + "ingredients": [ + "italian seasoning", + "broiler-fryer chicken", + "mayonaise", + "zesty italian dressing" + ] + }, + { + "id": 2941, + "cuisine": "thai", + "ingredients": [ + "sugar", + "hot chili", + "asian fish sauce", + "lime juice" + ] + }, + { + "id": 8152, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "red bell pepper", + "chicken broth", + "yellow squash", + "garlic chili sauce", + "sliced green onions", + "broccolini", + "salt", + "fresh lime juice", + "cooked rice", + "chicken breasts", + "corn starch" + ] + }, + { + "id": 13121, + "cuisine": "thai", + "ingredients": [ + "pork loin", + "roasted peanuts", + "chopped cilantro fresh", + "hoisin sauce", + "creamy peanut butter", + "chopped fresh mint", + "thai basil", + "rice", + "medium shrimp", + "water", + "rice noodles", + "beansprouts" + ] + }, + { + "id": 40523, + "cuisine": "mexican", + "ingredients": [ + "roma tomatoes", + "kosher salt", + "purple onion", + "jalapeno chilies", + "lime", + "chopped cilantro" + ] + }, + { + "id": 40989, + "cuisine": "southern_us", + "ingredients": [ + "low-fat mayonnaise", + "pepper", + "salt", + "baking potatoes", + "eggs", + "spicy brown mustard" + ] + }, + { + "id": 29630, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "red pepper", + "yellow peppers", + "water", + "extra firm tofu", + "broccoli", + "soy sauce", + "orange bell pepper", + "arrowroot powder", + "fresh ginger", + "sesame oil", + "red curry paste" + ] + }, + { + "id": 49136, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "flat leaf parsley", + "olive oil", + "linguine", + "capers", + "crushed red pepper flakes", + "olives", + "lemon zest", + "garlic" + ] + }, + { + "id": 26705, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "lo mein noodles", + "salt", + "chicken broth", + "light soy sauce", + "flank steak", + "beansprouts", + "dried black mushrooms", + "pepper", + "chives", + "oyster sauce", + "dark soy sauce", + "peanuts", + "sesame oil", + "cabbage" + ] + }, + { + "id": 27976, + "cuisine": "cajun_creole", + "ingredients": [ + "herbs", + "lemon juice", + "fresh tomatoes", + "paprika", + "mango", + "stock", + "chile pepper", + "onions", + "red chili peppers", + "oil" + ] + }, + { + "id": 22087, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "butter", + "sliced mushrooms", + "sherry", + "salt", + "grated parmesan cheese", + "heavy cream", + "spaghetti", + "chicken broth", + "cooked chicken", + "all-purpose flour" + ] + }, + { + "id": 9197, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "egg roll wrappers", + "sweet and sour sauce", + "corn starch", + "molasses", + "vegetable oil", + "oil", + "soy sauce", + "shredded cabbage", + "garlic", + "onions", + "fresh ginger root", + "ground pork", + "carrots" + ] + }, + { + "id": 1299, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "cheese", + "breakfast sausages", + "large eggs" + ] + }, + { + "id": 40429, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "boiling water", + "butter", + "fresh parmesan cheese", + "sea salt" + ] + }, + { + "id": 34419, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "chicken breasts", + "hot sauce", + "red bell pepper", + "potatoes", + "bacon", + "garlic cloves", + "fresh parsley", + "andouille sausage", + "cajun seasoning", + "peanut oil", + "celery", + "ground red pepper", + "all-purpose flour", + "shrimp", + "onions" + ] + }, + { + "id": 10276, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "crushed red pepper flakes", + "garlic powder", + "sea salt", + "ground cumin", + "onion powder", + "dried oregano", + "ground black pepper", + "paprika" + ] + }, + { + "id": 33465, + "cuisine": "thai", + "ingredients": [ + "eggs", + "shallots", + "firm tofu", + "beansprouts", + "turnips", + "palm sugar", + "vegetable oil", + "garlic cloves", + "sliced chicken", + "fish sauce", + "lime wedges", + "roasted peanuts", + "green papaya", + "chile powder", + "ground black pepper", + "tamarind paste", + "chinese chives" + ] + }, + { + "id": 39250, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "onions", + "crushed garlic", + "dried oregano", + "green onions", + "white sugar", + "dried basil", + "diced tomatoes" + ] + }, + { + "id": 37963, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "diced tomatoes", + "Johnsonville Andouille Dinner Sausage", + "parsley", + "shrimp", + "jambalaya rice mix", + "worcestershire sauce", + "hot pepper sauce", + "creole seasoning" + ] + }, + { + "id": 20051, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "bread slices", + "great northern beans", + "garlic cloves", + "pepper", + "shrimp", + "sage leaves", + "salt" + ] + }, + { + "id": 11300, + "cuisine": "filipino", + "ingredients": [ + "chicken broth", + "cooking oil", + "chinese five-spice powder", + "ground black pepper", + "salt", + "sugar", + "crushed garlic", + "chicken thighs", + "soy sauce", + "star anise" + ] + }, + { + "id": 17610, + "cuisine": "southern_us", + "ingredients": [ + "green onions", + "cream cheese", + "shredded cheddar cheese", + "cayenne pepper", + "chili powder", + "garlic cloves", + "black-eyed peas", + "tortilla chips" + ] + }, + { + "id": 37405, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "extra-virgin olive oil", + "ham hock", + "chicken stock", + "apple cider", + "freshly ground pepper", + "chile powder", + "bay leaves", + "salt", + "rib", + "light brown sugar", + "large garlic cloves", + "cayenne pepper", + "onions" + ] + }, + { + "id": 28302, + "cuisine": "italian", + "ingredients": [ + "Oscar Mayer Deli Fresh Smoked Ham", + "hoagie rolls", + "salami", + "giardiniera", + "mozzarella cheese", + "pepperoni", + "butter", + "italian seasoning" + ] + }, + { + "id": 31634, + "cuisine": "brazilian", + "ingredients": [ + "ice cubes", + "club soda", + "white rum", + "lime", + "turbinado" + ] + }, + { + "id": 32304, + "cuisine": "mexican", + "ingredients": [ + "cooked chicken", + "enchilada sauce", + "sliced green onions", + "picante sauce", + "green pepper", + "corn tortillas", + "canned black beans", + "shredded lettuce", + "sour cream", + "shredded cheddar cheese", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 36341, + "cuisine": "indian", + "ingredients": [ + "salmon fillets", + "shallots", + "cumin seed", + "fresh cilantro", + "salt", + "curry powder", + "vegetable oil", + "serrano chile", + "fresh ginger", + "sauce" + ] + }, + { + "id": 29369, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "chicken breast halves", + "chopped cilantro fresh", + "white vinegar", + "jalapeno chilies", + "salt", + "black pepper", + "vegetable oil", + "avocado", + "lettuce leaves", + "chopped onion" + ] + }, + { + "id": 27564, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "mandarin oranges", + "water", + "orange liqueur", + "yellow cake mix", + "frosting", + "vegetable oil", + "white sugar" + ] + }, + { + "id": 18515, + "cuisine": "french", + "ingredients": [ + "sugar", + "salt", + "fennel bulb", + "water", + "lemon olive oil", + "grapefruit juice" + ] + }, + { + "id": 3335, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "all-purpose flour", + "vegetable oil", + "white cornmeal", + "baking powder", + "onions", + "bacon drippings", + "buttermilk" + ] + }, + { + "id": 4499, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "crab boil", + "garlic", + "old bay seasoning", + "cream cheese", + "crawfish", + "salt" + ] + }, + { + "id": 4906, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "white sugar", + "ground black pepper", + "salt", + "white vinegar", + "lemon juice" + ] + }, + { + "id": 5767, + "cuisine": "japanese", + "ingredients": [ + "sirloin", + "mirin", + "yellow onion", + "low sodium soy sauce", + "water", + "corn oil", + "sugar", + "green onions", + "glass noodles", + "sake", + "shiitake", + "napa cabbage" + ] + }, + { + "id": 30748, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "whipping cream", + "chicken broth", + "ground red pepper", + "extra sharp cheddar cheese", + "quickcooking grits", + "hot sauce", + "ground black pepper", + "worcestershire sauce", + "monterey jack" + ] + }, + { + "id": 35930, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "bay leaves", + "crushed red pepper", + "mussels", + "olive oil", + "basil", + "garlic cloves", + "black pepper", + "dry white wine", + "salt", + "tomatoes", + "finely chopped onion", + "linguine", + "flat leaf parsley" + ] + }, + { + "id": 44902, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "all-purpose flour", + "baking soda", + "buttermilk", + "honey", + "corn oil", + "yellow corn meal", + "unsalted butter", + "salt" + ] + }, + { + "id": 31119, + "cuisine": "italian", + "ingredients": [ + "lemon", + "pesto", + "salmon fillets", + "white wine" + ] + }, + { + "id": 3535, + "cuisine": "jamaican", + "ingredients": [ + "bread crumbs", + "unsalted butter", + "onion powder", + "curry", + "low sodium beef broth", + "pickapeppa sauce", + "curry powder", + "bay leaves", + "garlic", + "cayenne pepper", + "cold water", + "pepper", + "large eggs", + "extra-virgin olive oil", + "yellow onion", + "allspice", + "white vinegar", + "kosher salt", + "fresh thyme", + "worcestershire sauce", + "all-purpose flour", + "ground beef" + ] + }, + { + "id": 47028, + "cuisine": "japanese", + "ingredients": [ + "melted butter", + "matcha green tea powder", + "white sugar", + "milk", + "all-purpose flour", + "eggs", + "salt", + "baking powder", + "chopped walnuts" + ] + }, + { + "id": 38112, + "cuisine": "indian", + "ingredients": [ + "coarse salt", + "fenugreek", + "urad dal", + "potatoes", + "white rice", + "vegetable oil" + ] + }, + { + "id": 2646, + "cuisine": "italian", + "ingredients": [ + "pizza crust", + "plum tomatoes", + "pesto", + "part-skim mozzarella cheese" + ] + }, + { + "id": 5206, + "cuisine": "irish", + "ingredients": [ + "cooking spray", + "salt", + "black pepper", + "yukon gold potatoes", + "low-fat sour cream", + "leeks", + "olive oil", + "1% low-fat milk" + ] + }, + { + "id": 38233, + "cuisine": "thai", + "ingredients": [ + "sugar", + "chicken thighs", + "cooking oil", + "fish sauce", + "garlic", + "black pepper" + ] + }, + { + "id": 39267, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "large garlic cloves", + "rice", + "unsweetened coconut milk", + "fresh ginger", + "peanut sauce", + "spareribs", + "sesame oil", + "tamari soy sauce", + "golden brown sugar", + "dry sherry", + "boiling water" + ] + }, + { + "id": 11913, + "cuisine": "indian", + "ingredients": [ + "chicken legs", + "chile pepper", + "ghee", + "tomato paste", + "fresh ginger root", + "garlic", + "chopped cilantro fresh", + "water", + "vegetable oil", + "onions", + "tomatoes", + "garam masala", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 20591, + "cuisine": "jamaican", + "ingredients": [ + "stock", + "curry powder", + "cracked black pepper", + "minced beef", + "onions", + "plain flour", + "bread crumbs", + "butter", + "garlic", + "celery", + "cold water", + "tumeric", + "dried thyme", + "ginger", + "oil", + "tomatoes", + "water", + "paprika", + "salt", + "chillies" + ] + }, + { + "id": 70, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "garlic", + "fresh rosemary", + "ground black pepper", + "onions", + "olive oil", + "boneless pork loin", + "kosher salt", + "pappardelle" + ] + }, + { + "id": 43928, + "cuisine": "thai", + "ingredients": [ + "extra firm tofu", + "coconut milk", + "fresh basil", + "red curry paste", + "eggplant", + "red bell pepper", + "vegetable oil", + "onions" + ] + }, + { + "id": 8530, + "cuisine": "korean", + "ingredients": [ + "jasmine rice", + "garlic", + "scallions", + "sugar", + "shiitake", + "Gochujang base", + "beansprouts", + "top round steak", + "sesame seeds", + "rice vinegar", + "carrots", + "soy sauce", + "sesame oil", + "Taiwanese bok choy" + ] + }, + { + "id": 275, + "cuisine": "french", + "ingredients": [ + "vanilla", + "milk", + "large egg yolks", + "sugar", + "corn starch" + ] + }, + { + "id": 43769, + "cuisine": "french", + "ingredients": [ + "orange juice concentrate", + "pumpkin purée", + "marshmallow creme", + "toasted pecans", + "maple syrup", + "ground cinnamon", + "gingersnap", + "ground nutmeg", + "cream cheese" + ] + }, + { + "id": 49111, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "white sugar", + "white vinegar", + "salt", + "bacon", + "brown sugar", + "green beans" + ] + }, + { + "id": 11886, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "serrano ham", + "manchego cheese", + "butter", + "dijon mustard", + "sourdough", + "membrillo" + ] + }, + { + "id": 45839, + "cuisine": "indian", + "ingredients": [ + "burger buns", + "fresh cilantro", + "chili powder", + "garlic cloves", + "panko breadcrumbs", + "chickpea flour", + "pepper", + "Sriracha", + "chickpeas", + "carrots", + "ground flaxseed", + "soy sauce", + "olive oil", + "salt", + "lemon juice", + "greens", + "spinach", + "curry powder", + "tahini", + "scallions", + "onions", + "ground cumin" + ] + }, + { + "id": 699, + "cuisine": "moroccan", + "ingredients": [ + "ground cloves", + "whole nutmegs", + "ground ginger", + "ground coriander", + "ground cinnamon", + "ground cardamom", + "ground black pepper", + "ground cumin" + ] + }, + { + "id": 24568, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "red pepper", + "olive oil", + "Italian bread", + "balsamic vinegar", + "onions", + "fresh basil", + "garlic" + ] + }, + { + "id": 8820, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "ground black pepper", + "garlic", + "honey", + "grated parmesan cheese", + "shredded mozzarella cheese", + "kosher salt", + "roasted red peppers", + "penne pasta", + "olive oil", + "crushed red pepper flakes" + ] + }, + { + "id": 16582, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "olive oil", + "lemon", + "saffron", + "tomato paste", + "pepper", + "flour", + "chickpeas", + "chicken stock", + "warm water", + "fresh ginger", + "salt", + "tomatoes", + "fresh cilantro", + "shallots", + "fresh parsley" + ] + }, + { + "id": 9058, + "cuisine": "moroccan", + "ingredients": [ + "ground pepper", + "paprika", + "ground cardamom", + "chopped cilantro fresh", + "preserved lemon", + "harissa", + "salt", + "couscous", + "tomato paste", + "cayenne", + "garlic", + "fat skimmed chicken broth", + "ground turmeric", + "pitted kalamata olives", + "diced tomatoes", + "fat", + "onions" + ] + }, + { + "id": 4715, + "cuisine": "vietnamese", + "ingredients": [ + "sweetened condensed milk", + "ice", + "espresso" + ] + }, + { + "id": 29061, + "cuisine": "japanese", + "ingredients": [ + "top round steak", + "vegetable oil", + "shiitake", + "soy sauce", + "fresh asparagus", + "green onions" + ] + }, + { + "id": 2107, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "chopped cilantro fresh", + "jalapeno chilies", + "finely chopped onion", + "plum tomatoes", + "green chilies" + ] + }, + { + "id": 22825, + "cuisine": "cajun_creole", + "ingredients": [ + "pecans", + "golden brown sugar", + "crumbled blue cheese", + "garlic cloves", + "chuck", + "hamburger buns", + "hot pepper sauce", + "creole seasoning", + "onions", + "mayonaise", + "ground black pepper", + "salt", + "okra pods", + "andouille sausage", + "olive oil", + "watercress", + "fresh lemon juice" + ] + }, + { + "id": 13758, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vanilla", + "eggs", + "self rising flour", + "confectioners sugar", + "milk", + "softened butter", + "food colouring", + "butter" + ] + }, + { + "id": 6886, + "cuisine": "french", + "ingredients": [ + "Madeira", + "foie gras", + "demi-glace", + "sherry vinegar", + "whipping cream", + "white bread", + "Fuyu persimmons", + "salt", + "egg bread", + "watercress" + ] + }, + { + "id": 14874, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "olive oil", + "garlic", + "black mustard seeds", + "ground cumin", + "amchur", + "lime wedges", + "scallions", + "coriander", + "sugar", + "fingerling potatoes", + "green chilies", + "chopped cilantro", + "tumeric", + "fresh ginger root", + "salt", + "ramps" + ] + }, + { + "id": 43399, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "cinnamon sticks", + "cardamom pods", + "cumin seed", + "coriander seeds" + ] + }, + { + "id": 38254, + "cuisine": "italian", + "ingredients": [ + "spinach", + "asiago", + "whole wheat pasta", + "olive oil", + "sweet onion", + "garlic", + "grape tomatoes", + "mushrooms" + ] + }, + { + "id": 41596, + "cuisine": "italian", + "ingredients": [ + "chestnuts", + "granulated sugar", + "whole milk ricotta cheese", + "coffee ice cream", + "large eggs", + "mascarpone", + "rum", + "powdered sugar", + "semisweet chocolate", + "chestnut flour" + ] + }, + { + "id": 33989, + "cuisine": "indian", + "ingredients": [ + "baby spinach leaves", + "naan", + "unsalted butter", + "chopped garlic", + "water", + "large shrimp", + "tomatoes", + "salt" + ] + }, + { + "id": 17004, + "cuisine": "korean", + "ingredients": [ + "water", + "barley" + ] + }, + { + "id": 4969, + "cuisine": "spanish", + "ingredients": [ + "cooked ham", + "red bell pepper", + "seasoning", + "potatoes", + "olive oil", + "onions", + "eggs", + "bacon" + ] + }, + { + "id": 31831, + "cuisine": "italian", + "ingredients": [ + "salt", + "starchy potatoes", + "grated nutmeg", + "flour" + ] + }, + { + "id": 46648, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "all-purpose flour", + "milk", + "buttermilk", + "sirloin tip roast", + "coarse salt", + "steak", + "vegetable oil", + "cayenne pepper" + ] + }, + { + "id": 36888, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "all-purpose flour", + "vegetable shortening", + "baking powder", + "milk", + "salt" + ] + }, + { + "id": 34471, + "cuisine": "greek", + "ingredients": [ + "ground pork", + "finely chopped fresh parsley", + "onions", + "salt", + "vinegar", + "caul fat" + ] + }, + { + "id": 25164, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "whole milk", + "golden brown sugar", + "heavy whipping cream", + "kahlúa", + "corn starch", + "instant espresso powder" + ] + }, + { + "id": 39600, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken skinless thigh", + "lime", + "epazote", + "bay leaf", + "lime juice", + "radishes", + "salt", + "oregano", + "white onion", + "hominy", + "garlic", + "chopped cilantro", + "avocado", + "fresh cilantro", + "tomatillos", + "pepitas", + "canola oil" + ] + }, + { + "id": 46357, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "ground black pepper", + "salt", + "dried thyme", + "ground red pepper", + "peanut oil", + "yellow corn meal", + "large eggs", + "all-purpose flour", + "garlic powder", + "buttermilk" + ] + }, + { + "id": 46905, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "sea salt", + "coconut milk", + "water", + "garam masala", + "ground coriander", + "basmati rice", + "cauliflower", + "fresh ginger", + "green chilies", + "onions", + "fresh cilantro", + "potatoes", + "scallions", + "cumin" + ] + }, + { + "id": 8753, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "olives", + "salt", + "blood orange", + "freshly ground pepper", + "fennel bulb" + ] + }, + { + "id": 37337, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "low salt chicken broth", + "dijon mustard", + "corn starch", + "dried basil", + "garlic cloves", + "white wine vinegar" + ] + }, + { + "id": 17636, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "shredded carrots", + "spinach", + "part-skim mozzarella cheese", + "italian seasoning", + "english muffins, split and toasted", + "chopped onion", + "vegetable oil cooking spray", + "chopped green bell pepper" + ] + }, + { + "id": 8997, + "cuisine": "japanese", + "ingredients": [ + "prawns", + "rice flour", + "seasoning salt", + "salt", + "vegetable oil", + "club soda", + "garlic powder", + "cayenne pepper" + ] + }, + { + "id": 28851, + "cuisine": "italian", + "ingredients": [ + "cheddar cheese", + "lasagna noodles", + "pepper", + "ranch dressing", + "mozzarella cheese", + "cooked chicken", + "evaporated milk" + ] + }, + { + "id": 4635, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "dried oregano", + "red wine vinegar", + "olive oil", + "boneless chop pork", + "lemon juice" + ] + }, + { + "id": 7782, + "cuisine": "korean", + "ingredients": [ + "cooking spray", + "garlic cloves", + "sliced green onions", + "chile paste", + "salt", + "fresh lime juice", + "sugar", + "flank steak", + "corn tortillas", + "lower sodium soy sauce", + "dark sesame oil", + "cabbage" + ] + }, + { + "id": 8031, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "raisins", + "onions", + "olive oil", + "pearl barley", + "curry powder", + "salt", + "slivered almonds", + "ground black pepper", + "flat leaf parsley" + ] + }, + { + "id": 49434, + "cuisine": "mexican", + "ingredients": [ + "chocolate bars", + "marshmallows", + "cinnamon graham crackers" + ] + }, + { + "id": 31318, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "grated parmesan cheese", + "chopped celery", + "mustard powder", + "cod", + "minced onion", + "butter", + "all-purpose flour", + "ground black pepper", + "potatoes", + "salt", + "red bell pepper", + "water", + "chopped green bell pepper", + "old bay seasoning", + "dry bread crumbs" + ] + }, + { + "id": 31027, + "cuisine": "irish", + "ingredients": [ + "vegetable oil cooking spray", + "golden raisins", + "salt", + "margarine", + "eggs", + "mace", + "brewed tea", + "all-purpose flour", + "candied orange peel", + "ground nutmeg", + "raisins", + "grated lemon zest", + "ground cinnamon", + "dried currants", + "baking powder", + "rum extract", + "dark brown sugar" + ] + }, + { + "id": 47095, + "cuisine": "korean", + "ingredients": [ + "sugar", + "water", + "noodles", + "pork", + "corn starch", + "baby bok choy", + "black bean sauce", + "red potato", + "kosher salt", + "onions" + ] + }, + { + "id": 4574, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "shiitake", + "sesame oil", + "oil", + "soy sauce", + "egg roll wrappers", + "garlic", + "corn starch", + "sugar", + "ground black pepper", + "ground pork", + "carrots", + "fresh ginger", + "cooking oil", + "salt", + "cabbage" + ] + }, + { + "id": 19757, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "quinoa", + "garlic", + "lime", + "diced tomatoes", + "chopped cilantro fresh", + "kosher salt", + "jalapeno chilies", + "frozen corn", + "olive oil", + "vegetable broth" + ] + }, + { + "id": 35570, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "butter", + "red bell pepper", + "black pepper", + "okra pods", + "yellow bell pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 44812, + "cuisine": "chinese", + "ingredients": [ + "water", + "salt", + "garlic cloves", + "cold water", + "orange", + "sauce", + "onions", + "soy sauce", + "star anise", + "chinese five-spice powder", + "brown sugar", + "fresh ginger", + "duck" + ] + }, + { + "id": 27858, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "unsalted butter", + "dried mint flakes", + "purple onion", + "ground cumin", + "olive oil", + "grated parmesan cheese", + "diced tomatoes", + "penne rigate", + "feta cheese", + "whole milk", + "ras el hanout", + "ground lamb", + "ground cinnamon", + "large eggs", + "large garlic cloves", + "all-purpose flour" + ] + }, + { + "id": 18624, + "cuisine": "irish", + "ingredients": [ + "crumbled blue cheese", + "salt", + "large egg whites", + "vegetable oil", + "sugar", + "cooking spray", + "all-purpose flour", + "large eggs", + "2% reduced-fat milk" + ] + }, + { + "id": 9406, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "napa cabbage leaves", + "garlic", + "chicken leg quarters", + "soy sauce", + "butter", + "rice vinegar", + "red chili peppers", + "sesame oil", + "salt", + "cucumber", + "pepper", + "ginger", + "long-grain rice" + ] + }, + { + "id": 35132, + "cuisine": "irish", + "ingredients": [ + "crusty bread", + "salt", + "baby potatoes", + "olive oil", + "fresh parsley", + "smoked streaky bacon", + "sausages", + "chicken stock", + "ground black pepper", + "onions" + ] + }, + { + "id": 33071, + "cuisine": "mexican", + "ingredients": [ + "piloncillo", + "ground allspice", + "water", + "hibiscus", + "ground cloves", + "cinnamon sticks", + "ground nutmeg", + "white sugar" + ] + }, + { + "id": 8321, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "freshly ground pepper", + "fresh rosemary", + "salt", + "fresh parsley", + "fresh basil", + "fresh oregano", + "crushed red pepper", + "garlic cloves" + ] + }, + { + "id": 20955, + "cuisine": "italian", + "ingredients": [ + "cold water", + "sugar", + "butter", + "chocolate morsels", + "cream sweeten whip", + "instant espresso granules", + "whipping cream", + "boiling water", + "kahlúa", + "large eggs", + "chocolate covered coffee beans", + "unflavored gelatin", + "mascarpone", + "pound cake" + ] + }, + { + "id": 45776, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "zucchini", + "baby carrots", + "fresh basil leaves", + "olive oil", + "dry white wine", + "asparagus spears", + "white onion", + "grated parmesan cheese", + "carrots", + "frozen peas", + "arborio rice", + "yellow crookneck squash", + "butter", + "low salt chicken broth" + ] + }, + { + "id": 6043, + "cuisine": "jamaican", + "ingredients": [ + "tomato sauce", + "ground black pepper", + "garlic", + "scallions", + "chipotles in adobo", + "avocado", + "dried thyme", + "instant white rice", + "cilantro leaves", + "coconut milk", + "water", + "red beans", + "chopped celery", + "skinless chicken thighs", + "onions", + "lime zest", + "lime juice", + "lime wedges", + "salt", + "carrots" + ] + }, + { + "id": 336, + "cuisine": "mexican", + "ingredients": [ + "water", + "condensed cream of mushroom soup", + "condensed cream of chicken soup", + "lean ground beef", + "Mexican cheese blend", + "chunky salsa", + "taco seasoning mix", + "corn tortillas" + ] + }, + { + "id": 25751, + "cuisine": "japanese", + "ingredients": [ + "pepper", + "panko breadcrumbs", + "plain flour", + "oil", + "salt", + "eggs", + "steak" + ] + }, + { + "id": 793, + "cuisine": "spanish", + "ingredients": [ + "minced garlic", + "chorizo spanish", + "red bell pepper", + "olive oil", + "pineapple juice", + "lime", + "cilantro leaves", + "large shrimp", + "dark rum", + "fresh lemon juice" + ] + }, + { + "id": 34367, + "cuisine": "chinese", + "ingredients": [ + "water", + "daikon", + "sugar", + "pork ribs", + "oil", + "soy sauce", + "shallots", + "goji berries", + "chinese rice wine", + "oysters", + "salt" + ] + }, + { + "id": 7406, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "corn tortillas", + "salsa", + "vegetable oil", + "black beans", + "sour cream" + ] + }, + { + "id": 7473, + "cuisine": "british", + "ingredients": [ + "demerara sugar", + "egg whites", + "fruit", + "butter", + "dried currants", + "frozen pastry puff sheets", + "mixed spice", + "white sugar" + ] + }, + { + "id": 7532, + "cuisine": "indian", + "ingredients": [ + "parsnips", + "garam masala", + "chili oil", + "olive oil", + "brown mustard seeds", + "chopped cilantro fresh", + "sugar", + "cooking spray", + "salt", + "coriander seeds", + "yukon gold potatoes", + "ground cumin" + ] + }, + { + "id": 5924, + "cuisine": "thai", + "ingredients": [ + "Sriracha", + "unsalted cashews", + "thai green curry paste", + "light soy sauce", + "kecap manis", + "garlic", + "frozen broad beans", + "basil leaves", + "yellow onion", + "chili flakes", + "cooking oil", + "chicken tenderloin" + ] + }, + { + "id": 5802, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "creole style seasoning", + "fresh parsley", + "ground black pepper", + "cayenne pepper", + "shrimp", + "cauliflower", + "paprika", + "condensed cheddar cheese soup", + "whole milk", + "chopped onion", + "sliced mushrooms" + ] + }, + { + "id": 41078, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "grated jack cheese", + "hot sauce", + "sour cream" + ] + }, + { + "id": 20665, + "cuisine": "spanish", + "ingredients": [ + "ground cinnamon", + "cornflour", + "milk", + "egg yolks", + "sugar", + "cinnamon sticks" + ] + }, + { + "id": 39471, + "cuisine": "french", + "ingredients": [ + "grated parmesan cheese", + "asparagus", + "bacon slices", + "ground black pepper", + "green onions", + "large eggs", + "salt" + ] + }, + { + "id": 9595, + "cuisine": "italian", + "ingredients": [ + "fresh leav spinach", + "cheese tortellini", + "fresh basil", + "cherry tomatoes", + "fresh lemon juice", + "capers", + "fresh parmesan cheese", + "navy beans", + "pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 27869, + "cuisine": "indian", + "ingredients": [ + "quinoa", + "nonfat milk", + "granny smith apples", + "paprika", + "chicken broth", + "chicken breasts", + "chopped onion", + "curry powder", + "chopped celery" + ] + }, + { + "id": 44776, + "cuisine": "british", + "ingredients": [ + "milk", + "salt", + "flour", + "eggs", + "lard" + ] + }, + { + "id": 17771, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "golden raisins", + "salt", + "olive oil", + "yellow bell pepper", + "olives", + "ground pepper", + "white wine vinegar", + "green bell pepper", + "green onions", + "fresh basil leaves" + ] + }, + { + "id": 43970, + "cuisine": "italian", + "ingredients": [ + "pecorino romano cheese", + "fresh fava bean", + "finely chopped onion", + "extra-virgin olive oil", + "plum tomatoes", + "italian sausage", + "large garlic cloves", + "pasta sheets", + "dry white wine", + "crushed red pepper" + ] + }, + { + "id": 27165, + "cuisine": "korean", + "ingredients": [ + "fish sauce", + "chicken broth", + "sesame oil", + "green onions", + "eggs" + ] + }, + { + "id": 11190, + "cuisine": "indian", + "ingredients": [ + "lime zest", + "sweet potatoes", + "purple onion", + "boiling water", + "spinach leaves", + "ginger", + "low-fat natural yogurt", + "red lentils", + "vegetable stock", + "carrots", + "basmati rice", + "lime", + "Flora Cuisine", + "curry paste" + ] + }, + { + "id": 21872, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "radishes", + "garlic cloves", + "dried oregano", + "chicken stock", + "ground black pepper", + "bone-in chicken breasts", + "red bell pepper", + "canola oil", + "tomato paste", + "white hominy", + "tortilla chips", + "onions", + "avocado", + "lime", + "cilantro leaves", + "dried chile peppers", + "cabbage" + ] + }, + { + "id": 29853, + "cuisine": "mexican", + "ingredients": [ + "granulated sugar", + "large egg whites" + ] + }, + { + "id": 1154, + "cuisine": "southern_us", + "ingredients": [ + "frozen whipped topping", + "chocolate instant pudding", + "instant butterscotch pudding mix", + "cream cheese", + "milk", + "butter", + "graham cracker crumbs", + "white sugar" + ] + }, + { + "id": 9069, + "cuisine": "french", + "ingredients": [ + "fennel seeds", + "kalamata", + "capers", + "dried oregano", + "great northern beans", + "salt", + "red wine vinegar" + ] + }, + { + "id": 46975, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "kielbasa", + "red bell pepper", + "celery ribs", + "large garlic cloves", + "long-grain rice", + "fresh parsley", + "olive oil", + "cayenne pepper", + "medium shrimp", + "chicken broth", + "diced tomatoes", + "ham", + "onions" + ] + }, + { + "id": 4892, + "cuisine": "indian", + "ingredients": [ + "moong dal", + "cilantro leaves", + "onions", + "tomatoes", + "capsicum", + "lemon juice", + "green mango", + "oil", + "garlic paste", + "salt", + "carrots" + ] + }, + { + "id": 21467, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "garlic", + "low sodium soy sauce", + "mirin", + "toasted sesame oil", + "tofu", + "short-grain rice", + "dried shiitake mushrooms", + "gari", + "green onions" + ] + }, + { + "id": 20919, + "cuisine": "italian", + "ingredients": [ + "shredded mozzarella cheese", + "marinara sauce", + "fresh basil leaves", + "penne pasta" + ] + }, + { + "id": 42013, + "cuisine": "italian", + "ingredients": [ + "water", + "extra-virgin olive oil", + "carrots", + "hot red pepper flakes", + "Turkish bay leaves", + "dried chickpeas", + "onions", + "celery ribs", + "semolina", + "fine sea salt", + "flat leaf parsley", + "warm water", + "vine ripened tomatoes", + "garlic cloves" + ] + }, + { + "id": 17821, + "cuisine": "italian", + "ingredients": [ + "sugar", + "mascarpone", + "bittersweet chocolate", + "fat free yogurt", + "vanilla extract", + "skim milk", + "angel food cake", + "unsweetened cocoa powder", + "kahlúa", + "water", + "instant espresso" + ] + }, + { + "id": 44138, + "cuisine": "southern_us", + "ingredients": [ + "water", + "onion powder", + "peanut oil", + "black pepper", + "garlic powder", + "salt", + "eggs", + "organic chicken", + "buttermilk", + "corn starch", + "pepper", + "flour", + "cayenne pepper" + ] + }, + { + "id": 5980, + "cuisine": "greek", + "ingredients": [ + "orange", + "anise", + "cinnamon sticks", + "unflavored gelatin", + "zinfandel", + "orange blossom honey", + "sugar", + "lemon", + "calimyrna figs", + "clove", + "honey", + "whipping cream", + "plain whole-milk yogurt" + ] + }, + { + "id": 41961, + "cuisine": "japanese", + "ingredients": [ + "ground pepper", + "flour", + "garlic", + "onions", + "fresh ginger", + "mirin", + "daikon", + "corn starch", + "olive oil", + "reduced sodium soy sauce", + "beef stock", + "salt", + "sliced green onions", + "shiitake", + "chuck roast", + "star anise", + "chopped cilantro" + ] + }, + { + "id": 27008, + "cuisine": "cajun_creole", + "ingredients": [ + "Corn Flakes Cereal", + "yellow corn meal", + "coleslaw", + "catfish fillets", + "creole seasoning", + "cooking spray" + ] + }, + { + "id": 31867, + "cuisine": "italian", + "ingredients": [ + "diced tomatoes", + "sugar", + "garlic salt", + "tomato paste", + "crushed red pepper", + "dried basil", + "dried oregano" + ] + }, + { + "id": 34248, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "chili paste", + "oil", + "brown sugar", + "honey", + "red pepper flakes", + "kiwi", + "pepper", + "asian pear", + "garlic cloves", + "pork", + "fresh ginger", + "salt" + ] + }, + { + "id": 13792, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "chees fresco queso", + "corn tortillas", + "swiss chard", + "salt", + "olive oil", + "garlic", + "onions", + "red pepper flakes", + "salsa" + ] + }, + { + "id": 38502, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "coriander", + "garam masala", + "salt", + "tumeric", + "vegetable oil", + "cumin", + "prawns", + "sauce" + ] + }, + { + "id": 7023, + "cuisine": "italian", + "ingredients": [ + "mushrooms", + "all-purpose flour", + "fresh rosemary", + "veal cutlets", + "plum tomatoes", + "dry white wine", + "low salt chicken broth", + "olive oil", + "large garlic cloves" + ] + }, + { + "id": 7783, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "garlic salt", + "chili powder", + "water", + "ground cumin", + "pasta", + "vegetable oil" + ] + }, + { + "id": 2472, + "cuisine": "korean", + "ingredients": [ + "wakame", + "extra-lean ground beef", + "minced garlic", + "salt", + "water", + "soy sauce", + "sesame oil" + ] + }, + { + "id": 45193, + "cuisine": "chinese", + "ingredients": [ + "scallion greens", + "Sriracha", + "carrots", + "soy sauce", + "wonton wrappers", + "toasted sesame oil", + "sugar", + "peeled fresh ginger", + "nonstick spray", + "white vinegar", + "large egg whites", + "scallions", + "large shrimp" + ] + }, + { + "id": 7501, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "olive oil", + "chopped fresh thyme", + "salt", + "chicken bones", + "green bell pepper, slice", + "black olives", + "lemon juice", + "eggs", + "ground black pepper", + "garlic", + "anchovy fillets", + "dried thyme", + "lettuce leaves", + "purple onion", + "crusty rolls" + ] + }, + { + "id": 34930, + "cuisine": "chinese", + "ingredients": [ + "coconut oil", + "ground red pepper", + "scallions", + "curry powder", + "salt", + "coconut milk", + "pepper", + "sesame oil", + "carrots", + "ground ginger", + "almond flour", + "coconut aminos", + "ground beef" + ] + }, + { + "id": 42967, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "white rice", + "onions", + "chicken broth", + "crushed garlic", + "all-purpose flour", + "saffron", + "pepper", + "green peas", + "shrimp", + "chorizo sausage", + "clams", + "chopped tomatoes", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 14080, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "minced garlic", + "seasoned rice wine vinegar", + "snow peas", + "soy sauce", + "vegetable oil", + "garlic cloves", + "sugar", + "fresh ginger root", + "rice vinegar", + "large shrimp", + "white pepper", + "garlic", + "corn starch" + ] + }, + { + "id": 45352, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "paprika", + "chopped onion", + "sugar", + "hard-boiled egg", + "bacon slices", + "spinach leaves", + "artichoke hearts", + "dry mustard", + "black pepper", + "red wine vinegar", + "salt" + ] + }, + { + "id": 46205, + "cuisine": "japanese", + "ingredients": [ + "water", + "chili powder", + "oil", + "stuffing", + "salt", + "ghee", + "coriander powder", + "maida flour", + "ground cardamom", + "sugar", + "baking powder", + "cumin seed", + "frozen peas" + ] + }, + { + "id": 47427, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "pita bread rounds", + "red bell pepper", + "olive oil", + "garlic", + "tomatoes", + "eggplant", + "salt", + "lime", + "butter", + "chopped cilantro fresh" + ] + }, + { + "id": 40064, + "cuisine": "french", + "ingredients": [ + "pepper", + "grated Gruyère cheese", + "heavy cream", + "salt", + "potatoes" + ] + }, + { + "id": 9010, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "vegetable broth", + "sake", + "green onions", + "carrots", + "udon", + "red miso", + "silken tofu", + "button mushrooms" + ] + }, + { + "id": 18611, + "cuisine": "mexican", + "ingredients": [ + "cooked chicken", + "cilantro leaves", + "fresh lime juice", + "whole peeled tomatoes", + "coarse salt", + "sour cream", + "canola oil", + "jalapeno chilies", + "garlic", + "corn tortillas", + "shredded Monterey Jack cheese", + "pickled jalapenos", + "chili powder", + "freshly ground pepper", + "onions" + ] + }, + { + "id": 35124, + "cuisine": "italian", + "ingredients": [ + "hot red pepper flakes", + "broccoli rabe", + "whole milk", + "garlic cloves", + "black pepper", + "parmigiano reggiano cheese", + "all-purpose flour", + "sausage casings", + "olive oil", + "large eggs", + "dry bread crumbs", + "fontina", + "unsalted butter", + "salt" + ] + }, + { + "id": 45605, + "cuisine": "filipino", + "ingredients": [ + "sesame oil", + "cucumber", + "sugar", + "purple onion", + "fish sauce", + "thai chile", + "peppercorns", + "vinegar", + "salt" + ] + }, + { + "id": 16334, + "cuisine": "southern_us", + "ingredients": [ + "dry white wine", + "corn starch", + "herbs", + "refrigerated piecrusts", + "cream of chicken soup", + "cooked chicken", + "frozen peas and carrots", + "low sodium chicken broth", + "buttermilk" + ] + }, + { + "id": 32035, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "fresh parmesan cheese", + "olive oil flavored cooking spray", + "frozen chopped spinach", + "large egg whites", + "part-skim ricotta cheese", + "pepper", + "large eggs", + "italian seasoning", + "manicotti shells", + "part-skim mozzarella cheese", + "salt" + ] + }, + { + "id": 16810, + "cuisine": "italian", + "ingredients": [ + "vegetable oil cooking spray", + "dry white wine", + "sliced mushrooms", + "fettucine", + "olive oil", + "fresh oregano", + "onions", + "fresh basil", + "parmesan cheese", + "corn starch", + "large shrimp", + "tomatoes", + "chicken bouillon", + "garlic", + "flat leaf parsley" + ] + }, + { + "id": 3641, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "egg whites", + "red wine vinegar", + "peanut oil", + "chicken stock", + "peanuts", + "chicken breasts", + "chili paste with garlic", + "fresh ginger", + "green onions", + "red pepper flakes", + "corn starch", + "sugar", + "fresh veget", + "sesame oil", + "rice vinegar" + ] + }, + { + "id": 43374, + "cuisine": "mexican", + "ingredients": [ + "taco sauce", + "milk", + "guacamole", + "garlic", + "water", + "salsa verde", + "shredded cabbage", + "dried oregano", + "kosher salt", + "sweet onion", + "condiments", + "cayenne pepper", + "avocado", + "pork shoulder roast", + "tortillas", + "chili powder", + "cumin" + ] + }, + { + "id": 9112, + "cuisine": "indian", + "ingredients": [ + "rose petals", + "almonds", + "rice", + "sugar", + "whole milk", + "pistachios", + "saffron" + ] + }, + { + "id": 14970, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "ginger", + "canola oil", + "flour", + "rice vinegar", + "honey", + "garlic", + "chicken wings", + "sesame oil", + "corn starch" + ] + }, + { + "id": 41396, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "drumstick", + "ground black pepper", + "chopped cilantro", + "green chile", + "peeled tomatoes", + "salt", + "chicken", + "chiles", + "olive oil", + "adobo sauce", + "yellow corn meal", + "chipotle chile", + "ancho powder", + "chipotle chile powder" + ] + }, + { + "id": 4748, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "taco seasoning mix", + "salt", + "Old El Paso Flour Tortillas", + "cranberry sauce", + "fresh cilantro", + "Sriracha", + "beer", + "avocado", + "soy sauce", + "olive oil", + "chili sauce", + "brown sugar", + "lime", + "jalapeno chilies", + "beef rib short" + ] + }, + { + "id": 41833, + "cuisine": "japanese", + "ingredients": [ + "miso paste", + "water", + "seaweed", + "tofu", + "green onions", + "dashi" + ] + }, + { + "id": 18031, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "yoghurt", + "salt", + "myzithra", + "large eggs", + "cheese", + "feta cheese", + "phyllo", + "kefalotyri", + "ground black pepper", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 29734, + "cuisine": "mexican", + "ingredients": [ + "sea salt", + "chopped cilantro", + "black-eyed peas", + "purple onion", + "shredded Monterey Jack cheese", + "lime", + "garlic", + "canola oil", + "Sriracha", + "tortilla chips" + ] + }, + { + "id": 26415, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "okra", + "large eggs", + "all-purpose flour", + "salt", + "cracker crumbs", + "peanut oil" + ] + }, + { + "id": 29801, + "cuisine": "chinese", + "ingredients": [ + "Philadelphia Cream Cheese", + "powdered sugar", + "oil", + "crab meat", + "salt", + "wonton wrappers" + ] + }, + { + "id": 24351, + "cuisine": "british", + "ingredients": [ + "savoy cabbage", + "salt", + "unsalted butter", + "baking potatoes", + "black pepper" + ] + }, + { + "id": 8480, + "cuisine": "japanese", + "ingredients": [ + "sake", + "sesame oil", + "boneless chicken thighs", + "peanut oil", + "soy sauce", + "vegetable oil", + "potato starch", + "fresh ginger" + ] + }, + { + "id": 27023, + "cuisine": "italian", + "ingredients": [ + "cream of tartar", + "pistachio nuts", + "salt", + "orange liqueur", + "eggs", + "vanilla extract", + "heavy whipping cream", + "semi-sweet chocolate morsels", + "water", + "cake flour", + "confectioners sugar", + "ground cinnamon", + "ricotta cheese", + "cream cheese", + "white sugar" + ] + }, + { + "id": 10425, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "coarse salt", + "water", + "white onion", + "serrano", + "fresh cilantro" + ] + }, + { + "id": 37188, + "cuisine": "irish", + "ingredients": [ + "steel-cut oats", + "salt", + "ground cinnamon", + "water", + "hazelnuts", + "hazelnut oil", + "brown sugar", + "sweet cherries" + ] + }, + { + "id": 24338, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "salt", + "hamburger buns", + "paprika", + "chopped fresh mint", + "ground cinnamon", + "balsamic vinegar", + "feta cheese crumbles", + "baby spinach leaves", + "purple onion", + "ground lamb" + ] + }, + { + "id": 3457, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped celery", + "fire roasted diced tomatoes", + "andouille sausage", + "sweet pepper", + "red kidnei beans, rins and drain" + ] + }, + { + "id": 1355, + "cuisine": "japanese", + "ingredients": [ + "gari", + "rice vinegar", + "wasabi paste", + "black sesame seeds", + "scallions", + "Japanese soy sauce", + "fresh salmon", + "sugar", + "ginger", + "garlic cloves" + ] + }, + { + "id": 40738, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "chopped fresh thyme", + "beef rib short", + "tomato paste", + "kosher salt", + "dry red wine", + "hot water", + "black pepper", + "fat free less sodium beef broth", + "garlic cloves", + "cremini mushrooms", + "olive oil", + "all-purpose flour", + "onions" + ] + }, + { + "id": 42380, + "cuisine": "southern_us", + "ingredients": [ + "creole mustard", + "minced garlic", + "green tomatoes", + "creole seasoning", + "canola oil", + "mayonaise", + "prepared horseradish", + "paprika", + "shrimp", + "celery salt", + "water", + "buttermilk", + "lemon juice", + "shrimp and crab boil seasoning", + "shallots", + "salt", + "medium shrimp" + ] + }, + { + "id": 16857, + "cuisine": "southern_us", + "ingredients": [ + "turnip greens", + "vegetable oil", + "fresh lemon juice", + "black peppercorns", + "butternut squash", + "apples", + "kosher salt", + "buttermilk", + "country ham", + "shallots", + "extra-virgin olive oil" + ] + }, + { + "id": 2923, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "frozen edamame beans", + "onions", + "whole kernel corn, drain", + "seasoning salt" + ] + }, + { + "id": 7528, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "grated parmesan cheese", + "penne pasta", + "cauliflower", + "olive oil", + "crushed red pepper", + "pepper", + "garlic", + "fresh parsley", + "capers", + "whole peeled tomatoes", + "salt" + ] + }, + { + "id": 15990, + "cuisine": "indian", + "ingredients": [ + "strong white bread flour", + "salted butter", + "sunflower oil", + "warm water", + "yoghurt", + "kalonji", + "sugar", + "instant yeast", + "garlic", + "fresh coriander", + "sea salt" + ] + }, + { + "id": 27615, + "cuisine": "chinese", + "ingredients": [ + "water", + "chicken breasts", + "oyster sauce", + "soy sauce", + "egg whites", + "garlic", + "cooked white rice", + "kosher salt", + "mixed mushrooms", + "sauce", + "wood ear mushrooms", + "chinese rice wine", + "vegetables", + "sesame oil", + "corn starch" + ] + }, + { + "id": 26061, + "cuisine": "japanese", + "ingredients": [ + "hoisin sauce", + "corn starch", + "green onions", + "extra firm tofu", + "oil" + ] + }, + { + "id": 23053, + "cuisine": "mexican", + "ingredients": [ + "quinoa", + "salt", + "oil", + "black beans", + "jalapeno chilies", + "taco seasoning", + "chicken broth", + "bell pepper", + "salsa", + "onions", + "minced garlic", + "boneless skinless chicken breasts", + "shredded cheese" + ] + }, + { + "id": 5090, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "fresh lime juice", + "tomatillos", + "coarse salt", + "fresh cilantro", + "purple onion" + ] + }, + { + "id": 36862, + "cuisine": "french", + "ingredients": [ + "eau de vie", + "leaves", + "cane sugar", + "pinenuts", + "golden raisins", + "baking apples", + "large eggs", + "ground cinnamon", + "parmesan cheese", + "salt" + ] + }, + { + "id": 873, + "cuisine": "mexican", + "ingredients": [ + "salt and ground black pepper", + "purple onion", + "jalapeno chilies", + "plum tomatoes", + "garlic powder", + "chopped cilantro fresh", + "lime", + "garlic", + "ground cumin" + ] + }, + { + "id": 23726, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "sliced black olives", + "chili powder", + "sour cream", + "cheddar cheese", + "chopped green chilies", + "green onions", + "butter", + "water", + "garlic powder", + "boneless skinless chicken breasts", + "enchilada sauce", + "condensed cream of chicken soup", + "taco seasoning mix", + "flour tortillas", + "onion powder", + "onions" + ] + }, + { + "id": 48576, + "cuisine": "irish", + "ingredients": [ + "pepper", + "potatoes", + "butter", + "salt", + "onions", + "tomato paste", + "olive oil", + "beef stock", + "diced tomatoes", + "carrots", + "sugar", + "baking soda", + "baking powder", + "rosemary leaves", + "lean steak", + "water", + "flour", + "buttermilk", + "Guinness Lager", + "dried rosemary" + ] + }, + { + "id": 25118, + "cuisine": "chinese", + "ingredients": [ + "water", + "wonton wrappers", + "garlic cloves", + "water chestnuts, drained and chopped", + "peeled fresh ginger", + "chinese cabbage", + "low sodium soy sauce", + "cooking spray", + "dipping sauces", + "lean ground pork", + "green onions", + "dark sesame oil" + ] + }, + { + "id": 17586, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "cheese slices", + "refried beans", + "chorizo", + "french bread" + ] + }, + { + "id": 22678, + "cuisine": "greek", + "ingredients": [ + "pepper", + "dried mint flakes", + "salt", + "dried oregano", + "tomatoes", + "ground black pepper", + "garlic", + "dried dillweed", + "olive oil", + "red wine", + "lamb", + "plain yogurt", + "pita bread rounds", + "purple onion", + "cucumber" + ] + }, + { + "id": 428, + "cuisine": "korean", + "ingredients": [ + "sesame oil", + "water", + "soy sauce", + "kale" + ] + }, + { + "id": 6745, + "cuisine": "mexican", + "ingredients": [ + "water", + "Mexican beer", + "corn tortillas", + "chipotle chile", + "lime wedges", + "salsa", + "canola oil", + "boneless beef short ribs", + "garlic", + "chopped cilantro", + "white onion", + "guajillo", + "yellow onion", + "ground cumin" + ] + }, + { + "id": 31009, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "ground black pepper", + "dry bread crumbs", + "fresh lemon juice", + "water", + "crushed red pepper", + "chopped onion", + "ground cumin", + "fresh spinach", + "dry sherry", + "chickpeas", + "fresh parsley", + "olive oil", + "salt", + "garlic cloves" + ] + }, + { + "id": 20983, + "cuisine": "italian", + "ingredients": [ + "swiss chard", + "diced tomatoes", + "chopped onion", + "pepper", + "banana squash", + "garlic", + "italian seasoning", + "grated parmesan cheese", + "vegetable broth", + "bay leaf", + "olive oil", + "cannellini beans", + "salt" + ] + }, + { + "id": 19572, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "butter", + "honey", + "salt", + "milk", + "buttermilk", + "eggs", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 15273, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "fresh parsley", + "fat free less sodium chicken broth", + "salt", + "capers", + "balsamic vinegar", + "boneless skinless chicken breast halves", + "olive oil", + "fresh lemon juice" + ] + }, + { + "id": 14198, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "jalapeno chilies", + "canola oil" + ] + }, + { + "id": 18643, + "cuisine": "french", + "ingredients": [ + "2% reduced-fat milk", + "corn starch", + "eggs", + "maple syrup", + "sugar", + "margarine", + "vanilla extract" + ] + }, + { + "id": 17816, + "cuisine": "mexican", + "ingredients": [ + "Franks Hot Sauce", + "salt", + "shredded cheddar cheese", + "chicken", + "pepper", + "sour cream", + "black beans", + "green onions" + ] + }, + { + "id": 46893, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "pears", + "unsalted butter", + "sour cream", + "sugar", + "confectioners sugar", + "light pancake syrup", + "puff pastry" + ] + }, + { + "id": 1110, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "apple cider vinegar", + "fat", + "mushroom powder", + "salt", + "water", + "garlic", + "bone in chicken thighs", + "black peppercorns", + "fresh bay leaves", + "coconut aminos" + ] + }, + { + "id": 21375, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "flour tortillas", + "diced tomatoes", + "fresh cilantro", + "chili powder", + "red bell pepper", + "cooked rice", + "olive oil", + "sea salt", + "onions", + "lime juice", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 42833, + "cuisine": "mexican", + "ingredients": [ + "cilantro", + "enchilada sauce", + "taco seasoning mix", + "skinless chicken breasts", + "tomatoes", + "garlic", + "flour tortillas", + "shredded cheese" + ] + }, + { + "id": 5328, + "cuisine": "italian", + "ingredients": [ + "light sour cream", + "ground black pepper", + "pecorino romano cheese", + "large egg whites", + "large eggs", + "salt", + "olive oil", + "mushrooms", + "fava beans", + "finely chopped fresh parsley", + "fresh tarragon" + ] + }, + { + "id": 17188, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "green onions", + "cilantro leaves", + "canola oil", + "kidney beans", + "purple onion", + "whole kernel corn, drain", + "lime", + "yellow bell pepper", + "chickpeas", + "black beans", + "orzo pasta", + "salt", + "red bell pepper" + ] + }, + { + "id": 19622, + "cuisine": "southern_us", + "ingredients": [ + "pork", + "dri leav thyme", + "garlic", + "water", + "onions", + "white vinegar", + "salt" + ] + }, + { + "id": 26498, + "cuisine": "italian", + "ingredients": [ + "salt", + "granulated sugar", + "eggs", + "grated lemon zest", + "cake flour" + ] + }, + { + "id": 27140, + "cuisine": "japanese", + "ingredients": [ + "wasabi", + "soy sauce", + "seaweed", + "jumbo shrimp", + "salt", + "red bell pepper", + "avocado", + "sticky rice", + "cucumber", + "sugar", + "rice vinegar", + "white sesame seeds" + ] + }, + { + "id": 32353, + "cuisine": "italian", + "ingredients": [ + "chopped almonds", + "dried oregano", + "dried basil", + "broccoli", + "grated parmesan cheese", + "dry bread crumbs", + "pepper", + "salt" + ] + }, + { + "id": 37070, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "chopped cilantro fresh", + "seasoning", + "vegetable oil", + "baby arugula", + "tequila", + "lime", + "margarita mix" + ] + }, + { + "id": 2298, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "crushed red pepper", + "black pepper", + "paprika", + "cumin", + "chili powder", + "salt", + "onion powder", + "dried oregano" + ] + }, + { + "id": 15291, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "sugar", + "crust", + "grits", + "water", + "vanilla extract", + "pecan halves", + "butter", + "corn syrup" + ] + }, + { + "id": 8274, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "superfine sugar", + "buttermilk", + "fresh lime juice", + "sugar", + "unsalted butter", + "all-purpose flour", + "blackberries", + "shortening", + "baking soda", + "sea salt", + "whiskey", + "luke warm water", + "active dry yeast", + "baking powder", + "fresh mint" + ] + }, + { + "id": 23521, + "cuisine": "italian", + "ingredients": [ + "potatoes", + "eggs", + "all-purpose flour", + "self rising flour" + ] + }, + { + "id": 28342, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "apple cider vinegar", + "garlic", + "brown sugar", + "jamaican jerk season", + "red pepper flakes", + "salt", + "olive oil", + "butter", + "purple onion", + "pineapple preserves", + "shallots", + "chicken drumsticks", + "red bell pepper" + ] + }, + { + "id": 8791, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "fresh basil leaves", + "cooking spray", + "chicken", + "pitas", + "plum tomatoes", + "goat cheese" + ] + }, + { + "id": 242, + "cuisine": "korean", + "ingredients": [ + "romaine lettuce", + "sesame seeds", + "gingerroot", + "soy sauce", + "sesame oil", + "cooked white rice", + "sugar", + "mirin", + "garlic cloves", + "rib eye steaks", + "black pepper", + "hot bean paste", + "onions" + ] + }, + { + "id": 15347, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "okra", + "canola oil", + "tomatoes", + "yellow onion", + "garlic cloves", + "sea salt", + "ground coriander", + "ground cumin", + "water", + "cayenne pepper", + "flat leaf parsley" + ] + }, + { + "id": 20981, + "cuisine": "indian", + "ingredients": [ + "garbanzo beans", + "sea salt", + "medjool date", + "cumin", + "tumeric", + "shallots", + "cayenne pepper", + "coriander", + "diced bell pepper", + "potatoes", + "garlic", + "chopped cilantro", + "cream", + "lemon", + "smoked paprika", + "frozen peas" + ] + }, + { + "id": 39391, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "reduced fat milk", + "smoked trout", + "large egg whites", + "large eggs", + "salt", + "fresh dill", + "parmigiano reggiano cheese", + "green onions", + "asparagus", + "cooking spray", + "canola oil" + ] + }, + { + "id": 23147, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "fresh coriander", + "paprika", + "garlic puree", + "ghee", + "green cardamom pods", + "white onion", + "chicken breasts", + "salt", + "cinnamon sticks", + "sugar", + "fenugreek", + "ginger", + "garlic cloves", + "ground cumin", + "tomato purée", + "pepper", + "lemon", + "green chilies", + "coconut milk" + ] + }, + { + "id": 44020, + "cuisine": "mexican", + "ingredients": [ + "pickled jalapeno peppers", + "water", + "romaine lettuce leaves", + "corn tortillas", + "crema mexicana", + "corn oil", + "garlic cloves", + "chile sauce", + "red potato", + "radishes", + "fine sea salt", + "chicken thighs", + "white onion", + "queso fresco", + "carrots" + ] + }, + { + "id": 3245, + "cuisine": "korean", + "ingredients": [ + "white vinegar", + "reduced sodium soy sauce", + "kosher salt", + "toasted sesame oil", + "fresh spinach", + "garlic cloves", + "ground black pepper" + ] + }, + { + "id": 40403, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "milk", + "salt", + "flour", + "sugar", + "vegetable shortening" + ] + }, + { + "id": 33603, + "cuisine": "vietnamese", + "ingredients": [ + "lime", + "cilantro", + "glass noodles", + "Boston lettuce", + "mirin", + "persian cucumber", + "avocado", + "thai basil", + "peanut butter", + "rice paper", + "soy sauce", + "Sriracha", + "carrots" + ] + }, + { + "id": 19691, + "cuisine": "korean", + "ingredients": [ + "Korean chile flakes", + "fresh lemon juice", + "pepper", + "kosher salt", + "celery", + "peanut oil" + ] + }, + { + "id": 6862, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "red chile powder", + "boneless chicken breast", + "butter", + "green chilies", + "cashew nuts", + "garlic paste", + "mace", + "yoghurt", + "salt", + "lemon juice", + "ground cumin", + "black peppercorns", + "honey", + "kashmiri chile", + "kasuri methi", + "mustard oil", + "ginger paste", + "clove", + "cream", + "garam masala", + "cinnamon", + "tomato ketchup", + "coriander" + ] + }, + { + "id": 20123, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "pecan pie", + "sweetened condensed milk", + "chocolate morsels", + "vanilla extract" + ] + }, + { + "id": 22712, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "scallions", + "chili powder", + "ground pepper", + "fresh lime juice", + "black beans", + "coarse salt" + ] + }, + { + "id": 31428, + "cuisine": "mexican", + "ingredients": [ + "tostada shells", + "jalapeno chilies", + "grouper", + "chopped cilantro fresh", + "low-fat sour cream", + "olive oil", + "chili powder", + "fresh lime juice", + "sliced green onions", + "corn kernels", + "cooking spray", + "red bell pepper", + "plum tomatoes", + "romaine lettuce", + "ground black pepper", + "salt", + "onions", + "ground cumin" + ] + }, + { + "id": 9373, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "oil", + "kosher salt", + "ground black pepper", + "cream of tartar", + "olive oil", + "fresh parsley", + "ricotta salata", + "green onions" + ] + }, + { + "id": 7666, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "pecorino cheese", + "grana padano", + "pasta", + "cracked black pepper", + "kosher salt" + ] + }, + { + "id": 40617, + "cuisine": "korean", + "ingredients": [ + "vegetable oil", + "salt", + "green bell pepper", + "red bell pepper", + "large eggs" + ] + }, + { + "id": 26676, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "corn", + "jalapeno chilies", + "soba noodles", + "galangal", + "sugar", + "green curry paste", + "button mushrooms", + "shrimp", + "bamboo shoots", + "fish sauce", + "lime", + "basil", + "garlic chili sauce", + "onions", + "chicken broth", + "lemongrass", + "shiitake", + "ginger", + "coconut milk" + ] + }, + { + "id": 38067, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "butter", + "eggs", + "vegetable oil", + "chopped nuts", + "bourbon whiskey", + "vanilla extract", + "sugar", + "almond extract" + ] + }, + { + "id": 14778, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "honey", + "sesame oil", + "corn starch", + "minced garlic", + "boneless skinless chicken breasts", + "rice vinegar", + "ketchup", + "flour", + "salt", + "canola oil", + "cold water", + "water", + "baking powder", + "oil" + ] + }, + { + "id": 636, + "cuisine": "french", + "ingredients": [ + "golden brown sugar", + "eggs", + "whole milk ricotta cheese", + "rhubarb", + "frozen pastry puff sheets", + "powdered sugar" + ] + }, + { + "id": 35408, + "cuisine": "greek", + "ingredients": [ + "garbanzo beans", + "liquid", + "black pepper", + "garlic", + "tahini", + "lemon juice", + "olive oil", + "salt" + ] + }, + { + "id": 22658, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "water", + "all-purpose flour", + "medium shrimp", + "store bought low sodium chicken stock", + "bacon", + "fresh lemon juice", + "safflower oil", + "coarse salt", + "garlic cloves", + "grits", + "cheddar cheese", + "unsalted butter", + "freshly ground pepper", + "onions" + ] + }, + { + "id": 44866, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "onions", + "fresh lime juice", + "avocado", + "chipotles in adobo", + "salt", + "ground cumin" + ] + }, + { + "id": 18389, + "cuisine": "indian", + "ingredients": [ + "clove", + "cilantro leaves", + "ghee", + "cinnamon", + "jeera", + "water", + "cardamom", + "basmati rice", + "salt", + "bay leaf" + ] + }, + { + "id": 40014, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "granulated sugar", + "buttermilk", + "baking soda", + "baking powder", + "salt", + "seasoning salt", + "whole milk", + "cake flour", + "unsalted butter", + "breakfast sausages", + "all-purpose flour" + ] + }, + { + "id": 20863, + "cuisine": "mexican", + "ingredients": [ + "guacamole", + "monterey jack", + "crema", + "salsa", + "tortillas", + "shrimp" + ] + }, + { + "id": 35041, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "sugar", + "salmon steaks", + "soy sauce" + ] + }, + { + "id": 30649, + "cuisine": "british", + "ingredients": [ + "milk", + "buttermilk", + "sugar", + "unsalted butter", + "jam", + "eggs", + "baking soda", + "salt", + "dried currants", + "butter", + "all-purpose flour" + ] + }, + { + "id": 14351, + "cuisine": "japanese", + "ingredients": [ + "plain flour", + "karashi", + "spring onions", + "tomato ketchup", + "panko breadcrumbs", + "sake", + "fresh ginger root", + "salt", + "garlic cloves", + "dark soy sauce", + "vegetables", + "worcestershire sauce", + "free range egg", + "sugar", + "mirin", + "chinese cabbage", + "steak" + ] + }, + { + "id": 14146, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "chopped cilantro", + "salsa", + "green bell pepper", + "boneless pork loin", + "flour tortillas" + ] + }, + { + "id": 48911, + "cuisine": "filipino", + "ingredients": [ + "water", + "jicama", + "carrots", + "bamboo shoots", + "egg roll wrappers", + "garlic", + "beansprouts", + "ground black pepper", + "vegetable oil", + "green beans", + "soy sauce", + "water chestnuts", + "diced celery", + "onions" + ] + }, + { + "id": 4252, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "shredded sharp cheddar cheese", + "chili powder", + "dinner rolls", + "vegetable oil", + "garlic powder", + "ground beef" + ] + }, + { + "id": 46135, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salt", + "sour cream", + "tomatillos", + "cactus pad", + "ground cumin", + "jalapeno chilies", + "cilantro leaves", + "fresh lime juice", + "purple onion", + "red bell pepper" + ] + }, + { + "id": 20668, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "vegetable oil", + "cumin seed", + "ground pepper", + "fenugreek seeds", + "ground turmeric", + "cauliflower flowerets", + "salt", + "boiling potatoes", + "fennel seeds", + "garam masala", + "ground coriander" + ] + }, + { + "id": 4009, + "cuisine": "mexican", + "ingredients": [ + "cherry tomatoes", + "baby spinach", + "sour cream", + "flour tortillas", + "goat cheese", + "tuna steaks", + "freshly ground pepper", + "olive oil", + "salt" + ] + }, + { + "id": 40466, + "cuisine": "indian", + "ingredients": [ + "chicken thighs", + "vegetable oil", + "yoghurt", + "spices" + ] + }, + { + "id": 32480, + "cuisine": "greek", + "ingredients": [ + "dry red wine", + "cinnamon sticks", + "Turkish bay leaves", + "fresh oregano", + "red wine vinegar", + "garlic cloves", + "octopuses", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 8223, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "garlic", + "shredded mozzarella cheese", + "vidalia onion", + "marinara sauce", + "baby carrots", + "pepper", + "salt", + "smoked gouda", + "baby spinach leaves", + "shredded sharp cheddar cheese", + "small red potato" + ] + }, + { + "id": 4114, + "cuisine": "mexican", + "ingredients": [ + "tostada shells", + "shredded lettuce", + "avocado", + "jalapeno chilies", + "tuna", + "tomatoes", + "fat-free refried beans", + "low-fat milk", + "fresh lime", + "salsa" + ] + }, + { + "id": 3605, + "cuisine": "chinese", + "ingredients": [ + "honey", + "ginger", + "whiskey", + "chicken wings", + "green onions", + "green chilies", + "hoisin sauce", + "garlic", + "soy sauce", + "sesame oil", + "chinese five-spice powder" + ] + }, + { + "id": 41363, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "kosher salt", + "unsalted butter", + "scallions", + "canola oil", + "andouille sausage", + "dried thyme", + "yellow onion", + "celery", + "green bell pepper", + "dried basil", + "flour", + "ground white pepper", + "boneless chicken skinless thigh", + "ground black pepper", + "cayenne pepper", + "cooked white rice" + ] + }, + { + "id": 23437, + "cuisine": "italian", + "ingredients": [ + "Bertolli® Classico Olive Oil", + "boneless skinless chicken breast halves", + "eggs", + "linguine", + "chicken broth", + "bacon, crisp-cooked and crumbled", + "bertolli vineyard premium collect marinara with burgundi wine sauc", + "bread crumb fresh", + "shredded mozzarella cheese" + ] + }, + { + "id": 9291, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "powdered sugar", + "orange liqueur", + "tequila", + "margarita salt", + "fresh lime juice" + ] + }, + { + "id": 45423, + "cuisine": "italian", + "ingredients": [ + "( oz.) tomato sauce", + "ground veal", + "sliced mushrooms", + "italian seasoning mix", + "finely chopped onion", + "dry bread crumbs", + "spaghetti", + "beef", + "diced tomatoes", + "fresh basil leaves", + "parmesan cheese", + "large eggs", + "fat skimmed chicken broth" + ] + }, + { + "id": 31462, + "cuisine": "italian", + "ingredients": [ + "solid pack pumpkin", + "dry white wine", + "corn starch", + "ground nutmeg", + "white rice", + "chicken broth", + "grated parmesan cheese", + "salt", + "ground pepper", + "butter", + "onions" + ] + }, + { + "id": 45412, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "fresh thyme leaves", + "flat leaf parsley", + "olive oil", + "baby carrots", + "kosher salt", + "balsamic vinegar", + "onions", + "ground black pepper", + "small red potato" + ] + }, + { + "id": 33048, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "whole grain thin spaghetti", + "scallions", + "red bell pepper", + "baby bok choy", + "shiitake", + "grapeseed oil", + "oyster sauce", + "chicken broth", + "fresh ginger", + "sesame oil", + "organic sugar", + "onions", + "soy sauce", + "boneless chicken breast", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 42879, + "cuisine": "italian", + "ingredients": [ + "pistachios", + "salt", + "dried cherry", + "butter", + "large eggs", + "vanilla extract", + "sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 6164, + "cuisine": "thai", + "ingredients": [ + "water", + "green onions", + "galangal", + "fish sauce", + "peanuts", + "thai chile", + "chopped cilantro fresh", + "kaffir lime leaves", + "lemongrass", + "lime wedges", + "medium shrimp", + "straw mushrooms", + "chili paste", + "fresh lime juice" + ] + }, + { + "id": 37704, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "kidney beans", + "extra-virgin olive oil", + "vidalia", + "ground black pepper", + "salt", + "sugar", + "sherry vinegar", + "garlic", + "haricots verts", + "sweet onion", + "wax beans" + ] + }, + { + "id": 29489, + "cuisine": "italian", + "ingredients": [ + "pepper", + "garlic", + "eggs", + "grated parmesan cheese", + "fresh parsley", + "prosciutto", + "salt", + "romano cheese", + "ricotta cheese" + ] + }, + { + "id": 6115, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "dried basil", + "salt", + "cooked shrimp", + "ground cumin", + "sugar", + "diced tomatoes", + "crabmeat", + "dried oregano", + "green chile", + "flour tortillas", + "all-purpose flour", + "onions", + "pepper", + "garlic", + "sour cream", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 9829, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "fresh cilantro", + "hoisin sauce", + "butter", + "crushed red pepper flakes", + "strawberries", + "ground coriander", + "red bell pepper", + "adobo sauce", + "green peppercorns", + "kosher salt", + "salted butter", + "chives", + "sea salt", + "extra-virgin olive oil", + "taco seasoning", + "pork loin chops", + "chipotle peppers", + "chorizo sausage", + "blueberri preserv", + "orange", + "ground black pepper", + "balsamic vinegar", + "basil", + "garlic", + "filet", + "thyme leaves", + "chipotles in adobo", + "unsweetened cocoa powder", + "black pepper", + "honey", + "boneless skinless chicken breasts", + "heavy cream", + "cracked black pepper", + "coffee beans", + "garlic cloves", + "steak", + "onions" + ] + }, + { + "id": 36254, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "vegan margarine", + "cardamom pods", + "onions", + "coriander seeds", + "raisins", + "carrots", + "cashew nuts", + "fresh cilantro", + "chili powder", + "garlic cloves", + "frozen peas", + "clove", + "quinoa", + "vegetable broth", + "cinnamon sticks", + "ground cumin" + ] + }, + { + "id": 23839, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "bay leaves", + "pork shoulder", + "water", + "salt", + "chicken", + "pepper", + "garlic", + "onions", + "vinegar", + "oil" + ] + }, + { + "id": 40283, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "butter", + "garlic", + "dry white wine", + "extra-virgin olive oil", + "parsley leaves", + "lemon", + "shrimp", + "black pepper", + "shallots", + "linguine" + ] + }, + { + "id": 11108, + "cuisine": "italian", + "ingredients": [ + "water", + "fresh lemon juice", + "fresh raspberries", + "sugar" + ] + }, + { + "id": 42685, + "cuisine": "mexican", + "ingredients": [ + "frozen whole kernel corn", + "wish bone guacamol ranch dress", + "black beans", + "purple onion", + "grape tomatoes", + "jalapeno chilies", + "chopped cilantro fresh", + "lime juice", + "torn romain lettuc leav" + ] + }, + { + "id": 23629, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "russet potatoes", + "mexican chorizo", + "black beans", + "salsa", + "canola oil", + "colby cheese", + "black olives", + "sour cream", + "avocado", + "half & half", + "goat cheese" + ] + }, + { + "id": 36565, + "cuisine": "italian", + "ingredients": [ + "dry vermouth", + "flour", + "salt", + "canned low sodium chicken broth", + "ground black pepper", + "garlic", + "pinenuts", + "butter", + "chicken livers", + "olive oil", + "raisins", + "flat leaf parsley" + ] + }, + { + "id": 42083, + "cuisine": "indian", + "ingredients": [ + "chicken stock", + "cilantro leaves", + "onions", + "quinoa", + "roasted salted cashews", + "chopped tomatoes", + "skinless chicken breasts", + "sunflower oil", + "curry paste" + ] + }, + { + "id": 26032, + "cuisine": "indian", + "ingredients": [ + "cream", + "baby spinach", + "ghee", + "tumeric", + "fresh lemon", + "fine sea salt", + "toasted sesame seeds", + "fresh ginger", + "buttermilk", + "onions", + "plain yogurt", + "spices", + "garlic cloves", + "paneer cheese" + ] + }, + { + "id": 19811, + "cuisine": "thai", + "ingredients": [ + "garlic paste", + "flour tortillas", + "carrots", + "canola oil", + "lemon grass", + "roasted peanuts", + "toasted sesame oil", + "boneless chicken skinless thigh", + "seasoned rice wine vinegar", + "Thai fish sauce", + "light brown muscavado sugar", + "granulated sugar", + "english cucumber", + "coriander" + ] + }, + { + "id": 30382, + "cuisine": "vietnamese", + "ingredients": [ + "chili paste", + "fish sauce", + "garlic cloves", + "sugar", + "fresh lime juice", + "warm water" + ] + }, + { + "id": 49175, + "cuisine": "cajun_creole", + "ingredients": [ + "collard greens", + "butter", + "fillets", + "parsley", + "white wine vinegar", + "cajun seasoning", + "yellow onion", + "cheddar cheese", + "garlic", + "grits" + ] + }, + { + "id": 41668, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "low sodium chicken broth", + "salt", + "ground cumin", + "avocado", + "hominy", + "diced tomatoes", + "oregano", + "boneless center cut pork chops", + "radishes", + "garlic", + "canola oil", + "celery ribs", + "lime", + "chili powder", + "chopped onion" + ] + }, + { + "id": 9206, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "pork tenderloin", + "salsa" + ] + }, + { + "id": 7322, + "cuisine": "southern_us", + "ingredients": [ + "shell-on shrimp", + "salt", + "chipotle chile", + "worcestershire sauce", + "unsalted butter", + "dry red wine", + "large garlic cloves" + ] + }, + { + "id": 23637, + "cuisine": "chinese", + "ingredients": [ + "fish sauce", + "steamed white rice", + "scallions", + "minced garlic", + "vegetable oil", + "caramel sauce", + "chili pepper", + "shallots", + "corn starch", + "chicken stock", + "fresh ginger", + "boneless skinless chicken" + ] + }, + { + "id": 43650, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "grated parmesan cheese", + "salt", + "fresh parsley", + "chicken broth", + "minced garlic", + "half & half", + "shredded mozzarella cheese", + "frozen chopped spinach", + "pepper", + "flour", + "penne pasta", + "black pepper", + "large eggs", + "butter", + "ground beef" + ] + }, + { + "id": 45593, + "cuisine": "korean", + "ingredients": [ + "bean threads", + "sesame seeds", + "carrots", + "safflower oil", + "mushrooms", + "onions", + "sugar", + "cayenne", + "toasted sesame oil", + "reduced sodium tamari", + "black pepper", + "baby spinach", + "chopped garlic" + ] + }, + { + "id": 38706, + "cuisine": "french", + "ingredients": [ + "saffron threads", + "red wine vinegar", + "large shrimp", + "mayonaise", + "garlic cloves", + "capers", + "cayenne pepper", + "roasted red peppers", + "sourdough baguette" + ] + }, + { + "id": 38433, + "cuisine": "chinese", + "ingredients": [ + "fennel seeds", + "liquorice", + "ginger", + "green cardamom", + "cinnamon sticks", + "water", + "szechwan peppercorns", + "garlic", + "scallions", + "beef", + "chinese black bean", + "cooking wine", + "dried chile", + "rock sugar", + "bean paste", + "star anise", + "brown cardamom", + "bay leaf" + ] + }, + { + "id": 47826, + "cuisine": "british", + "ingredients": [ + "pepper", + "garlic cloves", + "onions", + "salt", + "leg of lamb", + "pearl barley", + "celery", + "parsley", + "carrots" + ] + }, + { + "id": 7171, + "cuisine": "indian", + "ingredients": [ + "red kidney beans", + "bay leaves", + "salt", + "ground cumin", + "garam masala", + "ginger", + "onions", + "coriander powder", + "garlic", + "ground turmeric", + "tomatoes", + "chili powder", + "oil" + ] + }, + { + "id": 18231, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "water", + "cornflour", + "fillets", + "soy sauce", + "spring onions", + "white wine vinegar", + "bamboo shoots", + "eggs", + "fresh ginger root", + "garlic", + "chillies", + "fresh coriander", + "sesame oil", + "fresh mushrooms" + ] + }, + { + "id": 34385, + "cuisine": "korean", + "ingredients": [ + "daikon", + "red radishes", + "green onions", + "ginger", + "chili flakes", + "sea salt", + "carrots", + "napa cabbage", + "garlic cloves" + ] + }, + { + "id": 12340, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "water", + "flour", + "corn starch", + "sugar", + "sesame seeds", + "vegetable oil", + "granulated garlic", + "milk", + "chicken breasts", + "toasted sesame oil", + "chicken broth", + "soy sauce", + "vinegar", + "salt" + ] + }, + { + "id": 33221, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "pepper", + "lemon", + "green chilies", + "ground cumin", + "garlic paste", + "chili powder", + "salt", + "carrots", + "tomatoes", + "capsicum", + "kasuri methi", + "cumin seed", + "beans", + "butter", + "cilantro leaves", + "onions" + ] + }, + { + "id": 43228, + "cuisine": "italian", + "ingredients": [ + "jack cheese", + "vegetables", + "dry white wine", + "lemon juice", + "arborio rice", + "olive oil", + "unsalted butter", + "ricotta", + "pepper", + "asparagus", + "yellow onion", + "frozen peas", + "reduced sodium chicken broth", + "prosciutto", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 3416, + "cuisine": "italian", + "ingredients": [ + "sugar", + "linguine", + "boneless skinless chicken breast halves", + "balsamic vinegar", + "oil", + "fresh basil", + "large garlic cloves", + "low salt chicken broth", + "olive oil", + "purple onion" + ] + }, + { + "id": 23636, + "cuisine": "chinese", + "ingredients": [ + "chili oil", + "mung bean sprouts", + "light soy sauce", + "sesame paste", + "noodles", + "red chili peppers", + "peanut oil", + "ground beef", + "szechwan peppercorns", + "pickled vegetables" + ] + }, + { + "id": 22822, + "cuisine": "indian", + "ingredients": [ + "salt", + "jaggery", + "water", + "ground cardamom", + "oil", + "coconut", + "rice flour" + ] + }, + { + "id": 801, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed brown sugar", + "sweet potatoes", + "margarine", + "skim milk", + "salt", + "vegetable oil cooking spray", + "vanilla extract", + "chopped pecans", + "egg whites", + "all-purpose flour" + ] + }, + { + "id": 42007, + "cuisine": "korean", + "ingredients": [ + "ground pork", + "spam", + "rice cakes", + "firm tofu", + "onions", + "water", + "Gochujang base", + "kimchi", + "green onions", + "sausages", + "chopped garlic" + ] + }, + { + "id": 20792, + "cuisine": "vietnamese", + "ingredients": [ + "oil", + "water", + "rice flour", + "tapioca starch" + ] + }, + { + "id": 44500, + "cuisine": "indian", + "ingredients": [ + "chili", + "mayonaise", + "chopped onion", + "cider vinegar", + "fresh mint", + "cilantro leaves" + ] + }, + { + "id": 19004, + "cuisine": "japanese", + "ingredients": [ + "ground pepper", + "dressing", + "sea salt", + "grapeseed oil", + "salad", + "tuna fillets" + ] + }, + { + "id": 41301, + "cuisine": "moroccan", + "ingredients": [ + "eggs", + "garbanzo beans", + "rice", + "water", + "lemon", + "onions", + "ground cinnamon", + "olive oil", + "salt", + "saffron", + "pepper", + "flour", + "fresh parsley" + ] + }, + { + "id": 16712, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "lamb neck fillets", + "tomatoes", + "chopped parsley", + "paprika" + ] + }, + { + "id": 28250, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "low sodium chicken broth", + "fresh basil leaves", + "pepper", + "grated parmesan cheese", + "goat cheese", + "zucchini", + "salt", + "polenta", + "water", + "bell pepper", + "olive oil cooking spray" + ] + }, + { + "id": 34209, + "cuisine": "indian", + "ingredients": [ + "sugar", + "water", + "cauliflower florets", + "chili sauce", + "sweet chili sauce", + "maida flour", + "salt", + "oil", + "soy sauce", + "spring onions", + "garlic", + "green chilies", + "white vinegar", + "black pepper", + "ginger", + "tomato ketchup", + "corn starch" + ] + }, + { + "id": 1667, + "cuisine": "mexican", + "ingredients": [ + "Old El Paso™ mild red enchilada sauce", + "Pillsbury™ Refrigerated Crescent Dinner Rolls", + "Mexican cheese blend", + "cooked chicken", + "refrigerated crescent rolls", + "red enchilada sauce", + "cooked chicken", + "Mexican cheese blend" + ] + }, + { + "id": 48571, + "cuisine": "mexican", + "ingredients": [ + "jumbo shrimp", + "sea scallops", + "grate lime peel", + "olive oil", + "chopped onion", + "chopped cilantro", + "bottled clam juice", + "white hominy", + "sun-dried tomatoes in oil", + "salsa verde", + "garlic cloves" + ] + }, + { + "id": 10074, + "cuisine": "mexican", + "ingredients": [ + "baking powder", + "salt", + "vegetable oil", + "warm water", + "all-purpose flour" + ] + }, + { + "id": 43711, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "cake flour", + "baking powder", + "all-purpose flour", + "unsalted butter", + "salt", + "sugar", + "buttermilk" + ] + }, + { + "id": 6440, + "cuisine": "chinese", + "ingredients": [ + "water", + "green onions", + "corn starch", + "boneless skinless chicken breast halves", + "granulated sugar", + "unsalted dry roast peanuts", + "toasted sesame oil", + "fresh ginger", + "dry sherry", + "dried red chile peppers", + "canola oil", + "cooked brown rice", + "reduced sodium soy sauce", + "rice vinegar", + "bok choy" + ] + }, + { + "id": 36583, + "cuisine": "cajun_creole", + "ingredients": [ + "large eggs", + "sauce", + "cajun seasoning", + "shrimp", + "vegetable oil", + "fry mix", + "milk", + "yellow mustard" + ] + }, + { + "id": 10003, + "cuisine": "french", + "ingredients": [ + "jumbo shrimp", + "baguette", + "extra-virgin olive oil", + "freshly ground pepper", + "saffron threads", + "ground cloves", + "dry white wine", + "salt", + "onions", + "tomatoes", + "bottled clam juice", + "paprika", + "cayenne pepper", + "orange zest", + "mayonaise", + "fennel", + "garlic", + "fresh lemon juice" + ] + }, + { + "id": 24738, + "cuisine": "indian", + "ingredients": [ + "garlic cloves", + "diced tomatoes", + "ground cumin", + "spinach", + "greens", + "extra-virgin olive oil" + ] + }, + { + "id": 20039, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "white wine", + "zucchini", + "salted roast peanuts", + "peanut oil", + "soy sauce", + "salt and ground black pepper", + "boneless skinless chicken breasts", + "rice vinegar", + "red bell pepper", + "white vinegar", + "ketchup", + "chili paste", + "sesame oil", + "onion tops", + "cooked white rice", + "brown sugar", + "water", + "green onions", + "garlic", + "corn starch" + ] + }, + { + "id": 29446, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "garlic powder", + "lemon", + "creole seasoning", + "eggs", + "flour", + "hot sauce", + "mustard", + "cooking oil", + "paprika", + "cornmeal", + "black pepper", + "onion powder", + "cayenne pepper" + ] + }, + { + "id": 45711, + "cuisine": "french", + "ingredients": [ + "sugar", + "large egg yolks", + "grated lemon peel", + "rhubarb", + "cream", + "salt", + "ground cinnamon", + "golden brown sugar", + "all-purpose flour", + "sliced almonds", + "unsalted butter" + ] + }, + { + "id": 45039, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "hot red pepper flakes", + "cider vinegar", + "chile paste", + "granulated sugar", + "sesame oil", + "crushed red pepper", + "oyster sauce", + "coconut milk", + "grated orange", + "fresh red chili", + "natural peanut butter", + "soy sauce", + "water", + "sesame seeds", + "lemon zest", + "worcestershire sauce", + "pineapple juice", + "corn starch", + "fresh lime juice", + "white vinegar", + "brown sugar", + "sugar", + "minced garlic", + "chili", + "hoisin sauce", + "red pepper flakes", + "rice vinegar", + "lemon juice", + "toasted sesame oil", + "chicken broth", + "grated orange peel", + "ketchup", + "minced ginger", + "chili paste", + "green onions", + "white wine vinegar", + "orange juice", + "chili garlic paste", + "white sugar" + ] + }, + { + "id": 46417, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "freshly ground pepper", + "jalapeno chilies", + "tomatoes", + "salt", + "sweet onion", + "chopped cilantro fresh" + ] + }, + { + "id": 48080, + "cuisine": "mexican", + "ingredients": [ + "masa harina", + "vegetable oil", + "kosher salt", + "hot water" + ] + }, + { + "id": 15882, + "cuisine": "french", + "ingredients": [ + "dark rum", + "crème fraîche", + "unsalted butter", + "cake flour", + "large eggs", + "salt", + "sugar", + "lemon", + "double-acting baking powder" + ] + }, + { + "id": 49263, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "bacon", + "grated parmesan cheese", + "flat leaf parsley", + "kosher salt", + "linguine", + "egg yolks" + ] + }, + { + "id": 45956, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "fresh rosemary", + "duck breast halves", + "fennel seeds", + "garlic cloves" + ] + }, + { + "id": 40509, + "cuisine": "french", + "ingredients": [ + "kalamata", + "flat leaf parsley", + "tomatoes", + "California bay leaves", + "orange zest", + "extra-virgin olive oil", + "bok choy", + "large garlic cloves", + "thyme" + ] + }, + { + "id": 11665, + "cuisine": "greek", + "ingredients": [ + "mint leaves", + "sliced almonds", + "vanilla lowfat yogurt", + "honey" + ] + }, + { + "id": 22997, + "cuisine": "italian", + "ingredients": [ + "roma tomatoes", + "pizza crust", + "goat cheese", + "pesto sauce", + "garlic", + "olive oil", + "arugula" + ] + }, + { + "id": 44271, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "active dry yeast", + "vegetable oil", + "ground allspice", + "warm water", + "ground nutmeg", + "salt", + "onions", + "eggs", + "olive oil", + "garlic", + "fresh parsley", + "cauliflower", + "ground cloves", + "ground black pepper", + "all-purpose flour", + "ground cumin" + ] + }, + { + "id": 29887, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "water", + "shredded coconut", + "glutinous rice flour" + ] + }, + { + "id": 1764, + "cuisine": "french", + "ingredients": [ + "clove", + "potatoes", + "extra-virgin olive oil", + "turnips", + "ground nutmeg", + "bay leaves", + "celery", + "water", + "leeks", + "carrots", + "savoy cabbage", + "fresh thyme", + "sea salt", + "onions" + ] + }, + { + "id": 40300, + "cuisine": "moroccan", + "ingredients": [ + "eggplant", + "raisins", + "lentils", + "tomato sauce", + "garam masala", + "salt", + "onions", + "tumeric", + "garbanzo beans", + "vegetable broth", + "red bell pepper", + "black pepper", + "red pepper flakes", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 45296, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "garlic cloves", + "ground cinnamon", + "yellow onion", + "ground cumin", + "red potato", + "ground coriander", + "red lentils", + "vegetable stock", + "carrots" + ] + }, + { + "id": 24365, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "beef", + "garlic", + "vermicelli noodles", + "fish sauce", + "peanuts", + "vegetable oil", + "cucumber", + "salad", + "pickled carrots", + "shallots", + "white radish", + "onions", + "sugar", + "leaves", + "dipping sauces", + "beansprouts" + ] + }, + { + "id": 34996, + "cuisine": "thai", + "ingredients": [ + "light soy sauce", + "dark sesame oil", + "cilantro leaves", + "honey", + "fresh lime juice", + "creamy peanut butter" + ] + }, + { + "id": 47623, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "garlic", + "sour cream", + "lime juice", + "cooked chicken", + "shredded sharp cheddar cheese", + "chopped cilantro", + "flour tortillas", + "chili powder", + "salsa", + "cumin", + "cooking spray", + "onion powder", + "cream cheese, soften" + ] + }, + { + "id": 26464, + "cuisine": "mexican", + "ingredients": [ + "coconut sugar", + "lime juice", + "sea salt", + "ground cumin", + "coconut oil", + "cayenne", + "hot sauce", + "white corn tortillas", + "fresh cilantro", + "purple onion", + "ground cinnamon", + "black beans", + "jalapeno chilies", + "plantains" + ] + }, + { + "id": 18329, + "cuisine": "filipino", + "ingredients": [ + "water", + "napa cabbage", + "onions", + "fish sauce", + "egg noodles", + "salt", + "beef shank", + "garlic", + "peppercorns", + "fried garlic", + "green onions", + "oil" + ] + }, + { + "id": 43437, + "cuisine": "italian", + "ingredients": [ + "bell pepper", + "purple onion", + "fresh lemon juice", + "tomatoes", + "summer squash", + "garlic cloves", + "flat leaf parsley", + "red wine vinegar", + "ciabatta", + "juice", + "capers", + "extra-virgin olive oil", + "fresh herbs", + "grated lemon peel" + ] + }, + { + "id": 25375, + "cuisine": "chinese", + "ingredients": [ + "water", + "worcestershire sauce", + "hot sauce", + "oyster sauce", + "ketchup", + "plum sauce", + "rice vinegar", + "scallions", + "green bell pepper", + "baking soda", + "garlic", + "skinless chicken breasts", + "corn starch", + "white pepper", + "Shaoxing wine", + "all-purpose flour", + "oil" + ] + }, + { + "id": 26631, + "cuisine": "italian", + "ingredients": [ + "dough", + "cracked black pepper", + "coarse sea salt", + "lemon", + "olive oil flavored cooking spray", + "pinenuts", + "rosemary leaves" + ] + }, + { + "id": 26172, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "hot sauce", + "celery", + "dried oregano", + "kosher salt", + "bay leaves", + "scallions", + "dried kidney beans", + "green bell pepper", + "cayenne", + "yellow onion", + "cooked white rice", + "canola oil", + "dried thyme", + "garlic", + "ground white pepper", + "smoked ham hocks" + ] + }, + { + "id": 19747, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sesame oil", + "fresh spinach", + "sesame seeds", + "sugar", + "vinegar", + "black pepper", + "crushed garlic" + ] + }, + { + "id": 38346, + "cuisine": "russian", + "ingredients": [ + "water", + "grits", + "mozzarella cheese", + "salt" + ] + }, + { + "id": 31903, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "mushrooms", + "salt", + "grated parmesan cheese", + "red pepper flakes", + "boneless skinless chicken breast halves", + "water", + "roma tomatoes", + "garlic", + "dried oregano", + "ground black pepper", + "dry white wine", + "brie cheese" + ] + }, + { + "id": 12099, + "cuisine": "irish", + "ingredients": [ + "eggs", + "baking powder", + "wheat germ", + "granny smith apples", + "butter", + "baking soda", + "all-purpose flour", + "sugar", + "cinnamon" + ] + }, + { + "id": 38717, + "cuisine": "vietnamese", + "ingredients": [ + "avocado", + "water", + "garlic", + "boneless rib eye steaks", + "fish sauce", + "cherry tomatoes", + "freshly ground pepper", + "sugar", + "vermicelli", + "oil", + "mini cucumbers", + "lime", + "salt", + "bird chile" + ] + }, + { + "id": 30335, + "cuisine": "japanese", + "ingredients": [ + "honey", + "bamboo shoots", + "sake", + "green onions", + "boneless chicken skinless thigh", + "garlic cloves", + "low sodium soy sauce", + "zucchini" + ] + }, + { + "id": 15171, + "cuisine": "chinese", + "ingredients": [ + "water", + "sesame oil", + "ginger", + "oyster sauce", + "onions", + "soy sauce", + "hoisin sauce", + "crushed red pepper flakes", + "salt", + "red bell pepper", + "chinese rice wine", + "Sriracha", + "napa cabbage", + "garlic", + "carrots", + "noodles", + "black pepper", + "green onions", + "ground pork", + "rice vinegar", + "celery" + ] + }, + { + "id": 31425, + "cuisine": "cajun_creole", + "ingredients": [ + "oil", + "cajun seasoning", + "cornmeal", + "russet potatoes", + "corn flour", + "salt" + ] + }, + { + "id": 36118, + "cuisine": "italian", + "ingredients": [ + "cheese ravioli", + "evaporated milk", + "Italian seasoned breadcrumbs", + "eggs", + "cheese", + "parsley", + "smoked gouda" + ] + }, + { + "id": 18190, + "cuisine": "french", + "ingredients": [ + "ground cinnamon", + "baking potatoes", + "bay leaf", + "lean ground pork", + "salt", + "ground cloves", + "refrigerated piecrusts", + "onions", + "water", + "celery" + ] + }, + { + "id": 33717, + "cuisine": "moroccan", + "ingredients": [ + "reduced sodium chicken broth", + "lemon", + "chopped cilantro", + "fennel seeds", + "harissa", + "garlic cloves", + "ground cumin", + "golden raisins", + "ground coriander", + "ground lamb", + "ground cinnamon", + "vegetable oil", + "couscous" + ] + }, + { + "id": 15460, + "cuisine": "southern_us", + "ingredients": [ + "minced garlic", + "meat bones", + "water", + "diced onions", + "dried kidney beans" + ] + }, + { + "id": 21052, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "hearts of palm", + "cilantro", + "coconut cream", + "flax seed meal", + "kosher salt", + "jalapeno chilies", + "garlic", + "cream cheese, soften", + "coconut oil", + "lime juice", + "crushed red pepper flakes", + "ground coriander", + "pepper", + "chicken breasts", + "coconut flour", + "onions" + ] + }, + { + "id": 35729, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "peanuts", + "szechwan peppercorns", + "minced garlic", + "reduced sodium soy sauce", + "chopped onion", + "sugar", + "lo mein noodles", + "slaw mix", + "pasta", + "water", + "chunky peanut butter", + "dark sesame oil" + ] + }, + { + "id": 45841, + "cuisine": "korean", + "ingredients": [ + "green bell pepper", + "peeled fresh ginger", + "rib eye steaks", + "pickles", + "garlic cloves", + "low sodium soy sauce", + "hoagie buns", + "canola oil", + "mayonaise", + "scallions" + ] + }, + { + "id": 1182, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "olive oil", + "fat-free cottage cheese", + "dried oregano", + "dried basil", + "grated parmesan cheese", + "salt", + "water", + "part-skim mozzarella cheese", + "crushed red pepper", + "fresh basil", + "cherry tomatoes", + "cooking spray", + "oven-ready lasagna noodles" + ] + }, + { + "id": 15229, + "cuisine": "italian", + "ingredients": [ + "skim milk", + "margarine", + "garlic", + "freshly ground pepper", + "grated parmesan cheese", + "cream cheese", + "fettucine", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 31209, + "cuisine": "italian", + "ingredients": [ + "chopped fresh thyme", + "olive oil", + "radicchio", + "balsamic vinegar" + ] + }, + { + "id": 18271, + "cuisine": "spanish", + "ingredients": [ + "great northern beans", + "sweet paprika", + "andouille sausage links", + "olive oil", + "bay leaf", + "saffron threads", + "kale", + "red bell pepper", + "chicken stock", + "garlic", + "onions" + ] + }, + { + "id": 14202, + "cuisine": "southern_us", + "ingredients": [ + "tea bags", + "ground black pepper", + "chicken thighs", + "light brown sugar", + "kosher salt", + "salt", + "rosemary sprigs", + "lemon", + "ice cubes", + "sweet onion", + "garlic cloves" + ] + }, + { + "id": 10111, + "cuisine": "italian", + "ingredients": [ + "garbanzo beans", + "large garlic cloves", + "plum tomatoes", + "orzo pasta", + "fresh parsley", + "grated parmesan cheese", + "rubbed sage", + "dried rosemary", + "olive oil", + "canned beef broth", + "onions" + ] + }, + { + "id": 1128, + "cuisine": "italian", + "ingredients": [ + "kale leaves", + "chicken noodle soup", + "cannellini beans" + ] + }, + { + "id": 37109, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "extra-virgin olive oil", + "flat leaf parsley", + "water", + "green onions", + "fresh lemon juice", + "capers", + "zucchini", + "garlic cloves", + "fresh basil leaves", + "olive oil", + "Italian parsley leaves", + "green beans" + ] + }, + { + "id": 9952, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "black pepper", + "salt", + "balsamic vinegar", + "mozzarella cheese", + "fresh basil leaves" + ] + }, + { + "id": 11164, + "cuisine": "italian", + "ingredients": [ + "white onion", + "italian style rolls", + "provolone cheese", + "genoa salami", + "olive oil", + "sweet pepper", + "oregano", + "pepper", + "red wine vinegar", + "boiled ham", + "tomatoes", + "capicola", + "salt", + "iceberg lettuce" + ] + }, + { + "id": 9852, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "tortillas", + "salt", + "fresh tomatoes", + "chicken breasts", + "onions", + "table cream", + "jalapeno chilies", + "garlic cloves", + "chiles", + "grating cheese" + ] + }, + { + "id": 45574, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "garlic", + "greek yogurt", + "cracked black pepper", + "english cucumber", + "shallots", + "dill", + "white vinegar", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 22581, + "cuisine": "french", + "ingredients": [ + "granulated sugar", + "vanilla", + "chocolate sauce", + "milk", + "ricotta cheese", + "all-purpose flour", + "slivered almonds", + "large eggs", + "salt", + "orange zest", + "honey", + "butter", + "orange juice" + ] + }, + { + "id": 9082, + "cuisine": "spanish", + "ingredients": [ + "quail", + "raisins", + "dry white wine", + "garlic cloves", + "fennel bulb", + "extra-virgin olive oil", + "lemongrass", + "shallots", + "cinnamon sticks" + ] + }, + { + "id": 30985, + "cuisine": "japanese", + "ingredients": [ + "stock", + "vegetable oil", + "salt", + "dashi", + "caster", + "soy sauce", + "daikon", + "shiso", + "mirin", + "extra large eggs" + ] + }, + { + "id": 42612, + "cuisine": "italian", + "ingredients": [ + "navy beans", + "jalapeno chilies", + "diced celery", + "water", + "italian salad dressing mix", + "chopped cilantro fresh", + "cider vinegar", + "diced tomatoes", + "red bell pepper", + "olive oil", + "garlic cloves", + "sliced green onions" + ] + }, + { + "id": 38754, + "cuisine": "japanese", + "ingredients": [ + "dashi kombu", + "dried bonito flakes", + "water" + ] + }, + { + "id": 45037, + "cuisine": "greek", + "ingredients": [ + "water", + "large garlic cloves", + "dried currants", + "feta cheese", + "black pepper", + "swiss chard", + "olive oil", + "salt" + ] + }, + { + "id": 33197, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "balsamic vinegar", + "white miso", + "freshly ground pepper", + "sugar", + "vegetable oil", + "branzino fillets", + "mirin", + "mixed greens" + ] + }, + { + "id": 13005, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "white sugar", + "soy sauce", + "garlic", + "vegetable oil", + "sesame seeds", + "round steaks" + ] + }, + { + "id": 18203, + "cuisine": "mexican", + "ingredients": [ + "ketchup", + "avocado", + "carbonated beverages", + "fresh cilantro", + "saltines", + "cooked shrimp" + ] + }, + { + "id": 10210, + "cuisine": "italian", + "ingredients": [ + "barbecue sauce", + "yellow onion", + "prepared pizza crust", + "boneless skinless chicken breasts", + "Sargento® Traditional Cut Shredded Mozzarella Cheese", + "vegetable oil" + ] + }, + { + "id": 38581, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "erythritol", + "green onions", + "red bell pepper", + "fish sauce", + "lemon grass", + "garlic", + "galangal", + "kaffir lime leaves", + "lime juice", + "shallots", + "coconut milk", + "coconut oil", + "mushrooms", + "carrots", + "chicken" + ] + }, + { + "id": 32489, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "dry sherry", + "black bean sauce", + "garlic", + "green onions", + "firm tofu", + "olive oil", + "ground pork" + ] + }, + { + "id": 26647, + "cuisine": "mexican", + "ingredients": [ + "cider vinegar", + "salt", + "cherry tomatoes", + "avocado", + "extra-virgin olive oil", + "pepper", + "cucumber" + ] + }, + { + "id": 34240, + "cuisine": "british", + "ingredients": [ + "tomatoes", + "white wine", + "whole milk", + "ice water", + "salt", + "asparagus tips", + "nutmeg", + "fresh chives", + "zucchini", + "butter", + "artichokes", + "tuna", + "black peppercorns", + "pepper", + "spring onions", + "portabello mushroom", + "all-purpose flour", + "medium eggs", + "capers", + "water", + "watercress", + "heavy cream", + "allspice berries" + ] + }, + { + "id": 8579, + "cuisine": "japanese", + "ingredients": [ + "chives", + "short-grain rice", + "nori", + "dashi", + "fine sea salt", + "yellowtail" + ] + }, + { + "id": 49639, + "cuisine": "mexican", + "ingredients": [ + "tomatillo salsa", + "corn tortillas", + "cumin", + "avocado", + "garlic", + "onions", + "cilantro", + "pork shoulder", + "black pepper", + "salt", + "dried oregano" + ] + }, + { + "id": 17120, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "olive oil", + "chili powder", + "tortilla chips", + "cheddar cheese", + "store bought low sodium chicken stock", + "chipotle", + "cilantro leaves", + "dried oregano", + "avocado", + "kosher salt", + "ground black pepper", + "garlic", + "sour cream", + "ground chicken", + "cherry tomatoes", + "jalapeno chilies", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 27213, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "fresh lemon juice", + "black pepper", + "shell-on shrimp", + "white sandwich bread", + "minced onion", + "cooked shrimp", + "cayenne", + "salt" + ] + }, + { + "id": 18621, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "salt", + "milk", + "vegetable oil", + "boiling water", + "cauliflower", + "tamarind pulp", + "coconut cream", + "chickpea flour", + "chili powder", + "mustard seeds" + ] + }, + { + "id": 35302, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "ground black pepper", + "worcestershire sauce", + "celery", + "tomatoes", + "water", + "cajun seasoning", + "salt", + "onions", + "chicken stock", + "louisiana hot sauce", + "boneless skinless chicken breasts", + "garlic", + "ghee", + "andouille sausage", + "bay leaves", + "white rice", + "medium shrimp" + ] + }, + { + "id": 27648, + "cuisine": "japanese", + "ingredients": [ + "sake", + "daikon", + "arame", + "white miso", + "konbu", + "water", + "scallions", + "lemon cucumber", + "Himalayan salt", + "carrots" + ] + }, + { + "id": 17658, + "cuisine": "greek", + "ingredients": [ + "ground cloves", + "eggplant", + "grated parmesan cheese", + "plain breadcrumbs", + "cinnamon sticks", + "kosher salt", + "large egg yolks", + "diced tomatoes", + "all-purpose flour", + "bay leaf", + "tomato paste", + "olive oil", + "unsalted butter", + "garlic", + "ground allspice", + "ground lamb", + "milk", + "ground black pepper", + "dry red wine", + "grated nutmeg", + "onions" + ] + }, + { + "id": 24029, + "cuisine": "chinese", + "ingredients": [ + "back bacon rashers", + "vegetable oil", + "green pepper", + "chillies", + "eggs", + "water", + "garlic", + "long-grain rice", + "red chili peppers", + "lemon", + "green chilies", + "onions", + "dark soy sauce", + "spring onions", + "salt", + "red bell pepper" + ] + }, + { + "id": 45990, + "cuisine": "thai", + "ingredients": [ + "avocado", + "Sriracha", + "cooked quinoa", + "water", + "creamy peanut butter", + "rice paper", + "romaine lettuce", + "red pepper", + "noodles", + "lime", + "gluten-free tamari" + ] + }, + { + "id": 20692, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "green onions", + "salt", + "bok choy", + "soy sauce", + "wonton wrappers", + "fresh mushrooms", + "eggs", + "sesame oil", + "dry bread crumbs", + "snow peas", + "ground black pepper", + "ground pork", + "uncook medium shrimp, peel and devein" + ] + }, + { + "id": 37593, + "cuisine": "cajun_creole", + "ingredients": [ + "creole mustard", + "fresh parsley", + "mayonaise", + "garlic", + "horseradish", + "sliced green onions" + ] + }, + { + "id": 46635, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "paprika", + "garlic cloves", + "fresh lemon", + "ground coriander", + "ground turmeric", + "jalapeno chilies", + "salt", + "chopped cilantro fresh", + "vegetable oil", + "catfish" + ] + }, + { + "id": 20149, + "cuisine": "italian", + "ingredients": [ + "vegetables", + "basil", + "basil pesto sauce", + "aioli", + "cooked shrimp", + "prosciutto", + "mozzarella balls", + "sun-dried tomatoes", + "salami" + ] + }, + { + "id": 623, + "cuisine": "brazilian", + "ingredients": [ + "sweetened condensed milk", + "butter", + "cocoa powder" + ] + }, + { + "id": 12048, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "enchilada sauce", + "pasilla pepper", + "corn", + "Mexican cheese", + "pork", + "rice", + "roasted tomatoes", + "corn chips", + "sour cream" + ] + }, + { + "id": 48523, + "cuisine": "chinese", + "ingredients": [ + "oyster sauce", + "chopped cilantro fresh", + "chinese noodles", + "ground white pepper", + "shrimp", + "sliced green onions", + "fat skimmed chicken broth", + "toasted sesame oil" + ] + }, + { + "id": 16797, + "cuisine": "italian", + "ingredients": [ + "boneless skinless chicken breasts", + "milk", + "condensed cream of mushroom soup", + "fettuccine pasta", + "butter", + "grated parmesan cheese", + "broccoli" + ] + }, + { + "id": 23336, + "cuisine": "french", + "ingredients": [ + "leeks", + "soft fresh goat cheese", + "olive oil", + "chopped fresh sage", + "kosher salt", + "butter", + "hazelnuts", + "butternut squash", + "heavy whipping cream" + ] + }, + { + "id": 15645, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "baking powder", + "chopped onion", + "monterey jack", + "lager beer", + "coarse salt", + "sour cream", + "safflower oil", + "unsalted butter", + "all-purpose flour", + "poblano chiles", + "corn kernels", + "lime wedges", + "freshly ground pepper" + ] + }, + { + "id": 39904, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "juice", + "romaine lettuce", + "green pepper", + "cucumber", + "capers", + "purple onion", + "feta cheese crumbles", + "vinaigrette dressing", + "kalamata", + "lemon juice", + "dried oregano" + ] + }, + { + "id": 35962, + "cuisine": "russian", + "ingredients": [ + "water", + "dill", + "sugar", + "buttermilk", + "onions", + "red beets", + "cucumber", + "boiled eggs", + "salt" + ] + }, + { + "id": 9138, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "butter", + "yellow corn meal", + "flour", + "salt", + "large eggs", + "buttermilk", + "sugar", + "baking powder" + ] + }, + { + "id": 47406, + "cuisine": "irish", + "ingredients": [ + "salt", + "caster sugar", + "plain flour", + "juice", + "butter" + ] + }, + { + "id": 30250, + "cuisine": "vietnamese", + "ingredients": [ + "brown sugar", + "herbs", + "rice vinegar", + "beansprouts", + "garlic paste", + "boneless chop pork", + "lettuce leaves", + "english cucumber", + "spring roll wrappers", + "warm water", + "hoisin sauce", + "creamy peanut butter", + "fish sauce", + "lime", + "garlic", + "red bell pepper" + ] + }, + { + "id": 26545, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "baking powder", + "sharp cheddar cheese", + "unsalted butter", + "bacon slices", + "baking soda", + "buttermilk", + "bread flour", + "melted butter", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 13554, + "cuisine": "jamaican", + "ingredients": [ + "turbinado", + "ground nutmeg", + "sea salt", + "red bell pepper", + "olive oil", + "potatoes", + "cayenne pepper", + "onions", + "fresh spinach", + "zucchini", + "garlic", + "celery", + "fresh ginger root", + "vegetable stock", + "ground allspice", + "ground turmeric" + ] + }, + { + "id": 44562, + "cuisine": "indian", + "ingredients": [ + "white vinegar", + "olive oil", + "butter", + "chicken fingers", + "chicken stock", + "garam masala", + "yellow onion", + "black pepper", + "hot pepper sauce", + "apricot preserves", + "lime zest", + "garlic powder", + "salt" + ] + }, + { + "id": 3820, + "cuisine": "korean", + "ingredients": [ + "ginger juice", + "minced garlic", + "green onions", + "soy sauce", + "sesame salt", + "chili powder", + "pepper", + "pork ribs", + "sesame oil", + "sugar", + "chili paste", + "rice wine" + ] + }, + { + "id": 49668, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "frozen spinach", + "lasagne", + "passata", + "eggplant", + "mushrooms", + "pinenuts", + "roasted red peppers", + "ricotta" + ] + }, + { + "id": 27688, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "parsley", + "fat free cream cheese", + "french bread", + "non-fat sour cream", + "green onions", + "reduced fat swiss cheese", + "grated parmesan cheese", + "garlic", + "fat-free mayonnaise" + ] + }, + { + "id": 31969, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "cannellini beans", + "roasted garlic", + "seasoning", + "kale", + "extra-virgin olive oil", + "fat free less sodium chicken broth", + "diced tomatoes", + "Italian bread", + "sundried tomato paste", + "dried thyme", + "salt" + ] + }, + { + "id": 33085, + "cuisine": "french", + "ingredients": [ + "sheep’s milk cheese", + "champagne vinegar", + "dijon mustard", + "mixed greens", + "honey", + "extra-virgin olive oil", + "dried tart cherries", + "ground white pepper" + ] + }, + { + "id": 20061, + "cuisine": "italian", + "ingredients": [ + "porcini", + "fresh thyme", + "garlic cloves", + "sourdough loaf", + "crust", + "flat leaf parsley", + "duck fat", + "fine sea salt", + "squabs", + "confit", + "fresh lemon juice" + ] + }, + { + "id": 24552, + "cuisine": "thai", + "ingredients": [ + "boneless chop pork", + "palm sugar", + "shrimp", + "fish sauce", + "lime juice", + "vegetable oil", + "chopped cilantro fresh", + "soy sauce", + "unsalted roasted peanuts", + "garlic", + "wide rice noodles", + "water", + "radishes", + "beansprouts" + ] + }, + { + "id": 27204, + "cuisine": "mexican", + "ingredients": [ + "canned black beans", + "bell pepper", + "diced tomatoes", + "long-grain rice", + "diced onions", + "lime", + "spices", + "salt", + "canned corn", + "lettuce", + "water", + "boneless skinless chicken breasts", + "cilantro", + "sour cream", + "tomato paste", + "olive oil", + "butter", + "scallions" + ] + }, + { + "id": 8304, + "cuisine": "italian", + "ingredients": [ + "aged gouda", + "soppressata" + ] + }, + { + "id": 28063, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "pepper", + "dry white wine", + "garlic cloves", + "boiling water", + "black pepper", + "grated parmesan cheese", + "salt", + "boneless skinless chicken breast halves", + "dried porcini mushrooms", + "sun-dried tomatoes", + "purple onion", + "fresh parsley", + "chicken broth", + "olive oil", + "artichokes", + "fresh lemon juice" + ] + }, + { + "id": 38473, + "cuisine": "thai", + "ingredients": [ + "lime", + "green beans", + "red chili peppers", + "cilantro leaves", + "onions", + "brown sugar", + "vegetable oil", + "thai green curry paste", + "jasmine rice", + "coconut cream", + "beef steak" + ] + }, + { + "id": 84, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "salt", + "chopped parsley", + "fresh rosemary", + "fresh thyme leaves", + "lemon juice", + "onions", + "minced garlic", + "yellow bell pepper", + "feta cheese crumbles", + "ground lamb", + "mint leaves", + "fat skimmed chicken broth", + "couscous" + ] + }, + { + "id": 12152, + "cuisine": "southern_us", + "ingredients": [ + "biscuits", + "lump crab meat", + "bay leaves", + "diced celery", + "diced onions", + "vegetable juice", + "seafood seasoning", + "vegetable broth", + "applewood smoked bacon", + "red potato", + "corn kernels", + "diced tomatoes", + "red bell pepper", + "green bell pepper", + "ground black pepper", + "paprika", + "flat leaf parsley" + ] + }, + { + "id": 25201, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "semisweet chocolate", + "large egg whites", + "all-purpose flour", + "unsalted butter", + "pepitas", + "sugar", + "salt" + ] + }, + { + "id": 22633, + "cuisine": "italian", + "ingredients": [ + "hot red pepper flakes", + "balsamic vinegar", + "fresh basil leaves", + "pasta", + "prosciutto", + "garlic cloves", + "capers", + "finely chopped onion", + "juice", + "olive oil", + "anchovy fillets" + ] + }, + { + "id": 41282, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "dry white wine", + "fresh lemon juice", + "capers", + "olive oil", + "butter", + "black pepper", + "broccoli rabe", + "lemon slices", + "seasoned bread crumbs", + "chicken cutlets", + "fresh parsley" + ] + }, + { + "id": 3040, + "cuisine": "cajun_creole", + "ingredients": [ + "bell pepper", + "cream of chicken soup", + "onions", + "ground meat", + "rice" + ] + }, + { + "id": 29033, + "cuisine": "thai", + "ingredients": [ + "sugar", + "crushed red pepper", + "garlic cloves", + "fresh basil", + "red cabbage", + "salt", + "chopped fresh mint", + "water", + "purple onion", + "fresh lime juice", + "fish sauce", + "vegetable oil", + "dark sesame oil", + "serrano chile" + ] + }, + { + "id": 40224, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "corn flour", + "salt", + "warm water", + "wheat flour" + ] + }, + { + "id": 24640, + "cuisine": "irish", + "ingredients": [ + "wheat bran", + "salt", + "low-fat buttermilk", + "flax seed meal", + "whole wheat flour", + "all-purpose flour", + "molasses", + "baking powder" + ] + }, + { + "id": 49262, + "cuisine": "japanese", + "ingredients": [ + "jicama", + "seasoned rice wine vinegar", + "soba", + "mustard greens", + "scallions", + "salt", + "red bell pepper", + "sesame oil", + "english cucumber" + ] + }, + { + "id": 28657, + "cuisine": "mexican", + "ingredients": [ + "manicotti shells", + "green onions", + "shredded Monterey Jack cheese", + "water", + "ground beef", + "picante sauce", + "sour cream", + "ground cumin", + "refried beans", + "dried oregano" + ] + }, + { + "id": 18842, + "cuisine": "italian", + "ingredients": [ + "saffron threads", + "olive oil", + "dry white wine", + "grape tomatoes", + "parmigiano reggiano cheese", + "salt", + "fresh rosemary", + "unsalted butter", + "orzo", + "black pepper", + "veal chops", + "garlic cloves" + ] + }, + { + "id": 27019, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "russet potatoes", + "chopped cilantro fresh", + "large eggs", + "coarse kosher salt", + "vegetable oil", + "ancho chile pepper", + "ground black pepper", + "watercress", + "masa" + ] + }, + { + "id": 2982, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "extra-virgin olive oil", + "pepper", + "red wine vinegar", + "fresh oregano", + "oil cured olives", + "green onions", + "salt", + "garbanzo beans", + "pasta rotel", + "fresh parsley" + ] + }, + { + "id": 33222, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "garlic", + "pasta water", + "chicken broth", + "boneless skinless chicken breasts", + "salt", + "onions", + "unsalted butter", + "cooking wine", + "fresh parsley", + "pepper", + "heavy cream", + "sliced mushrooms" + ] + }, + { + "id": 39361, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "vegetable oil", + "sausages", + "green bell pepper", + "jalapeno chilies", + "grated jack cheese", + "large eggs", + "worcestershire sauce", + "onions", + "water", + "quickcooking grits", + "scallions" + ] + }, + { + "id": 13489, + "cuisine": "indian", + "ingredients": [ + "amchur", + "chillies", + "water", + "salt", + "cumin", + "mint leaves", + "coriander", + "tamarind", + "black salt" + ] + }, + { + "id": 36461, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "crusty bread", + "parsley", + "eggs", + "marinara sauce", + "mozzarella cheese" + ] + }, + { + "id": 20757, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "yellow bell pepper", + "anchovy fillets", + "whole milk", + "salt", + "red bell pepper", + "unsalted butter", + "extra-virgin olive oil", + "brine-cured black olives", + "baking powder", + "all-purpose flour", + "onions" + ] + }, + { + "id": 35136, + "cuisine": "japanese", + "ingredients": [ + "turnips", + "white miso", + "sesame oil", + "sake", + "potatoes", + "garlic", + "dashi", + "green onions", + "carrots", + "seasoning", + "pork chops", + "ginger" + ] + }, + { + "id": 30327, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "honey", + "Tabasco Pepper Sauce", + "freshly ground pepper", + "onions", + "kosher salt", + "unsalted butter", + "heavy cream", + "thyme", + "extra sharp cheddar cheese", + "molasses", + "ground black pepper", + "vegetable oil", + "garlic cloves", + "grits", + "chicken broth", + "cider vinegar", + "bourbon whiskey", + "cayenne pepper", + "chopped parsley", + "large shrimp" + ] + }, + { + "id": 43455, + "cuisine": "italian", + "ingredients": [ + "fresh tomatoes", + "diced tomatoes", + "onions", + "olive oil", + "garlic", + "tomato sauce", + "uncooked rigatoni", + "fresh basil", + "grating cheese", + "salt" + ] + }, + { + "id": 36947, + "cuisine": "mexican", + "ingredients": [ + "chicken bouillon", + "garlic", + "long grain white rice", + "tomatoes", + "jalapeno chilies", + "onions", + "green bell pepper", + "vegetable oil", + "chopped cilantro fresh", + "chicken broth", + "pepper", + "salt", + "ground cumin" + ] + }, + { + "id": 28056, + "cuisine": "british", + "ingredients": [ + "russet potatoes", + "cornmeal", + "flour", + "salt", + "fish fillets", + "old bay seasoning", + "vegetable oil", + "beer" + ] + }, + { + "id": 7530, + "cuisine": "mexican", + "ingredients": [ + "seasoning", + "lime juice", + "green bell pepper, slice", + "lime wedges", + "salt", + "red bell pepper", + "sugar", + "garlic powder", + "chili powder", + "diced tomatoes", + "shredded cheese", + "onions", + "red chili powder", + "orange bell pepper", + "flour tortillas", + "shredded lettuce", + "salsa", + "sour cream", + "black pepper", + "beef", + "onion powder", + "paprika", + "corn starch", + "ground cumin" + ] + }, + { + "id": 47505, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "rolls", + "butter", + "cinnamon sugar", + "sugar", + "cream cheese", + "vanilla" + ] + }, + { + "id": 16520, + "cuisine": "french", + "ingredients": [ + "water", + "salt", + "ground cinnamon", + "golden delicious apples", + "all-purpose flour", + "sugar", + "butter", + "large eggs", + "crème fraîche" + ] + }, + { + "id": 35311, + "cuisine": "moroccan", + "ingredients": [ + "chicken legs", + "lemon", + "onions", + "chicken stock", + "olive oil", + "carrots", + "ground ginger", + "cinnamon", + "couscous", + "tumeric", + "paprika" + ] + }, + { + "id": 22833, + "cuisine": "chinese", + "ingredients": [ + "savoy cabbage", + "green onions", + "rice vinegar", + "reduced sodium chicken broth", + "coarse salt", + "soy sauce", + "wonton wrappers", + "toasted sesame oil", + "peeled fresh ginger", + "ground pork" + ] + }, + { + "id": 14398, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "green onions", + "salt", + "cucumber", + "pepper flakes", + "sesame seeds", + "garlic", + "Gochujang base", + "pears", + "rice syrup", + "ginger", + "corn syrup", + "onions", + "eggs", + "bosc pears", + "buckwheat noodles", + "mustard powder" + ] + }, + { + "id": 29168, + "cuisine": "indian", + "ingredients": [ + "urad dal", + "jalapeno chilies", + "cumin seed", + "curry leaves", + "salt", + "ginger", + "canola oil" + ] + }, + { + "id": 22461, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "salt", + "sesame oil", + "scallions", + "flour", + "duck", + "water", + "ginger", + "chinese five-spice powder" + ] + }, + { + "id": 13615, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "vegetable shortening", + "Smithfield Ham", + "baking powder", + "salt", + "butter", + "all-purpose flour", + "green onions", + "buttermilk" + ] + }, + { + "id": 6360, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "ground black pepper", + "onions", + "sun-dried tomatoes", + "vegetable stock", + "dried thyme", + "zucchini", + "fresh basil leaves", + "freshly grated parmesan", + "butter" + ] + }, + { + "id": 40360, + "cuisine": "mexican", + "ingredients": [ + "salt", + "chopped cilantro", + "jalapeno chilies", + "fresh lemon juice", + "large garlic cloves", + "hass avocado", + "cumin seed", + "onions" + ] + }, + { + "id": 40182, + "cuisine": "southern_us", + "ingredients": [ + "McCormick Parsley Flakes", + "old bay seasoning", + "eggs", + "milk", + "salt", + "bread", + "lump crab meat", + "worcestershire sauce", + "mayonaise", + "baking powder" + ] + }, + { + "id": 31438, + "cuisine": "cajun_creole", + "ingredients": [ + "salad", + "water", + "cooking spray", + "paprika", + "garlic cloves", + "long grain white rice", + "black pepper", + "hot pepper sauce", + "ground red pepper", + "chopped onion", + "chicken livers", + "kosher salt", + "chopped green bell pepper", + "chopped fresh thyme", + "ground coriander", + "boneless skinless chicken breast halves", + "lower sodium chicken broth", + "olive oil", + "green onions", + "chopped celery", + "smoked paprika", + "ground cumin" + ] + }, + { + "id": 31798, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "salt", + "whole wheat flour", + "baking powder", + "canola oil", + "sugar", + "reduced fat milk", + "frozen blueberries", + "peaches", + "vanilla extract" + ] + }, + { + "id": 14342, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "garlic cloves", + "pinenuts", + "baking potatoes", + "water", + "pitted olives", + "capers", + "fresh thyme", + "fresh parsley" + ] + }, + { + "id": 14385, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "olive oil", + "brie cheese", + "reduced sodium chicken broth", + "dry white wine", + "cauliflower", + "water", + "florets", + "sliced almonds", + "unsalted butter", + "thyme sprigs" + ] + }, + { + "id": 14308, + "cuisine": "vietnamese", + "ingredients": [ + "butter lettuce", + "gluten-free hoisin sauce", + "green onions", + "garlic", + "shrimp", + "toasted sesame seeds", + "salad", + "soy sauce", + "honey", + "cilantro", + "edamame", + "ground cayenne pepper", + "fish sauce", + "toasted cashews", + "fresh ginger", + "crushed red pepper flakes", + "carrots", + "fresh lime juice", + "avocado", + "red chili peppers", + "curry powder", + "sesame oil", + "rice vinegar", + "red bell pepper" + ] + }, + { + "id": 33841, + "cuisine": "korean", + "ingredients": [ + "cold water", + "ground black pepper", + "sesame oil", + "toasted sesame seeds", + "sugar", + "mirin", + "garlic cloves", + "low sodium soy sauce", + "asian pear", + "russet potatoes", + "short rib", + "shiitake", + "green onions", + "carrots" + ] + }, + { + "id": 12830, + "cuisine": "chinese", + "ingredients": [ + "sambal ulek", + "soy sauce", + "Shaoxing wine", + "garlic", + "lemon juice", + "tomato sauce", + "pork ribs", + "sesame oil", + "chinese five-spice powder", + "brown sugar", + "sesame seeds", + "shallots", + "salt", + "coriander", + "red chili peppers", + "hoisin sauce", + "ginger", + "oyster sauce" + ] + }, + { + "id": 23096, + "cuisine": "italian", + "ingredients": [ + "salt", + "egg whites", + "margarine", + "baking powder", + "greek yogurt", + "milk", + "all-purpose flour" + ] + }, + { + "id": 34026, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "skim milk", + "maple syrup", + "eggs", + "sweet potatoes", + "ground allspice", + "ground cinnamon", + "pepper", + "margarine", + "vegetable oil cooking spray", + "salt" + ] + }, + { + "id": 30835, + "cuisine": "filipino", + "ingredients": [ + "lemongrass", + "garlic", + "coconut vinegar", + "ground black pepper", + "margarine", + "lemon soda", + "annatto oil", + "salt", + "lemon juice", + "brown sugar", + "ginger", + "sauce", + "chicken" + ] + }, + { + "id": 15072, + "cuisine": "filipino", + "ingredients": [ + "string beans", + "garlic", + "ground beef", + "potatoes", + "fat", + "pepper", + "salt", + "onions", + "egg roll wraps", + "carrots" + ] + }, + { + "id": 1121, + "cuisine": "chinese", + "ingredients": [ + "ground pepper", + "garlic", + "safflower oil", + "green onions", + "soy sauce", + "large eggs", + "frozen peas", + "steamed rice", + "sea salt" + ] + }, + { + "id": 18376, + "cuisine": "italian", + "ingredients": [ + "penne", + "garlic", + "eggplant", + "lemon juice", + "olive oil", + "salt", + "ground black pepper", + "fresh parsley" + ] + }, + { + "id": 17815, + "cuisine": "italian", + "ingredients": [ + "cold water", + "dry white wine", + "fish fillets", + "chopped onion", + "olive oil", + "fresh parsley", + "tomatoes", + "large garlic cloves" + ] + }, + { + "id": 32878, + "cuisine": "southern_us", + "ingredients": [ + "water", + "cajun seasoning", + "yellow onion", + "shrimp", + "white wine", + "bay leaves", + "heavy cream", + "Crystal Farms Butter", + "smoked paprika", + "Crystal Farms Shredded Gouda Cheese", + "whole milk", + "worcestershire sauce", + "creole seasoning", + "thyme", + "kosher salt", + "vegetable oil", + "garlic", + "lemon juice", + "grits" + ] + }, + { + "id": 24410, + "cuisine": "british", + "ingredients": [ + "mint", + "large eggs", + "heavy cream", + "berries", + "ground cinnamon", + "ground nutmeg", + "whole milk", + "salt", + "grated lemon peel", + "melted butter", + "granulated sugar", + "baking powder", + "all-purpose flour", + "figs", + "graham cracker crumbs", + "sprinkles", + "confectioners sugar" + ] + }, + { + "id": 35010, + "cuisine": "french", + "ingredients": [ + "olive oil", + "zinfandel", + "boiling onions", + "fresh marjoram", + "shallots", + "all-purpose flour", + "chopped fresh chives", + "butter", + "garlic cloves", + "chicken stock", + "crimini mushrooms", + "bacon", + "chicken thighs" + ] + }, + { + "id": 37236, + "cuisine": "mexican", + "ingredients": [ + "finely chopped onion", + "garlic", + "Oscar Mayer Bacon", + "chopped cilantro fresh", + "jalapeno chilies", + "Philadelphia Cream Cheese", + "cheese" + ] + }, + { + "id": 6967, + "cuisine": "mexican", + "ingredients": [ + "Campbell's Condensed Tomato Soup", + "chunky salsa", + "flour tortillas", + "shredded cheddar cheese", + "ground beef", + "milk" + ] + }, + { + "id": 29316, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "red wine vinegar", + "chicken breasts", + "cumin", + "lime", + "garlic", + "black pepper", + "chili powder" + ] + }, + { + "id": 24947, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "chinese five-spice powder", + "white pepper", + "pork belly", + "mustard", + "sea salt" + ] + }, + { + "id": 7090, + "cuisine": "chinese", + "ingredients": [ + "minced ginger", + "dark sesame oil", + "brussels sprouts", + "salt", + "garlic cloves", + "hoisin sauce", + "peanut oil", + "soy sauce", + "seasoned rice wine vinegar", + "onions" + ] + }, + { + "id": 4615, + "cuisine": "mexican", + "ingredients": [ + "ground nutmeg", + "salt", + "red pepper", + "ground cumin", + "chili powder", + "cayenne pepper", + "garlic powder", + "paprika" + ] + }, + { + "id": 48722, + "cuisine": "irish", + "ingredients": [ + "tomato paste", + "beef bouillon granules", + "deli ham", + "fresh parsley", + "tenderloin roast", + "beef consomme", + "all-purpose flour", + "milk", + "shallots", + "fresh mushrooms", + "Madeira", + "frozen pastry puff sheets", + "butter" + ] + }, + { + "id": 32474, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "whipping cream", + "ground nutmeg", + "chopped fresh chives", + "all-purpose flour", + "grated parmesan cheese", + "salt", + "ground black pepper", + "russet potatoes", + "crumbled gorgonzola" + ] + }, + { + "id": 26667, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "crushed ice", + "simple syrup", + "cachaca" + ] + }, + { + "id": 32316, + "cuisine": "mexican", + "ingredients": [ + "blanched almond flour", + "sea salt", + "tapioca flour", + "warm water", + "mild olive oil" + ] + }, + { + "id": 38292, + "cuisine": "jamaican", + "ingredients": [ + "white vinegar", + "ground black pepper", + "salt", + "sugar", + "vegetable oil", + "onions", + "water", + "red pepper", + "allspice", + "chicken wings", + "fresh thyme", + "garlic cloves" + ] + }, + { + "id": 41733, + "cuisine": "irish", + "ingredients": [ + "parsnips", + "salt", + "fresh parsley", + "celery ribs", + "Guinness Beer", + "chopped onion", + "turnips", + "dried thyme", + "beef broth", + "beef roast", + "tomato paste", + "butter", + "carrots" + ] + }, + { + "id": 2799, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "russet potatoes", + "eggs", + "all-purpose flour", + "ground nutmeg", + "spinach leaves", + "butter" + ] + }, + { + "id": 28442, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "orange", + "extra-virgin olive oil", + "lamb shanks", + "bay leaves", + "low salt chicken broth", + "clove", + "dried porcini mushrooms", + "dry red wine", + "polenta", + "rosemary sprigs", + "finely chopped onion", + "hot water" + ] + }, + { + "id": 26001, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "red bell pepper", + "canola oil", + "celery ribs", + "cayenne pepper", + "long grain white rice", + "salt", + "frozen peas", + "dried thyme", + "fatfree lowsodium chicken broth", + "large shrimp" + ] + }, + { + "id": 22268, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "onions", + "greek seasoning", + "feta cheese crumbles", + "brown rice", + "chicken stock", + "red bell pepper" + ] + }, + { + "id": 41763, + "cuisine": "mexican", + "ingredients": [ + "fresh mexican cheese", + "chicken breasts", + "chopped cilantro", + "salsa verde", + "salt", + "cream", + "epazote", + "onions", + "tortillas", + "oil" + ] + }, + { + "id": 11259, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "parmesan cheese", + "Hellmann''s Light Mayonnaise", + "chili powder", + "crumbs" + ] + }, + { + "id": 19011, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "cinnamon", + "onions", + "boneless chicken skinless thigh", + "chili powder", + "cilantro leaves", + "brown sugar", + "lime juice", + "garlic", + "ground cumin", + "black pepper", + "vegetable oil", + "corn tortillas" + ] + }, + { + "id": 2896, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "flat leaf parsley", + "grated parmesan cheese", + "garlic cloves", + "chopped tomatoes", + "spaghetti" + ] + }, + { + "id": 16848, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "raisin bread", + "milk", + "large eggs", + "ground nutmeg", + "sweetened coconut flakes", + "light brown sugar", + "bananas", + "vanilla extract" + ] + }, + { + "id": 961, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "chili powder", + "fresh lime juice", + "ground cinnamon", + "jalapeno chilies", + "salt", + "ground cumin", + "chopped almonds", + "ground pork", + "chipotle salsa", + "refrigerated buttermilk biscuits", + "golden raisins", + "sour cream" + ] + }, + { + "id": 1066, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "green onions", + "garlic salt", + "ground black pepper", + "salt", + "plum tomatoes", + "olive oil", + "garlic", + "boneless skinless chicken breast halves", + "grated parmesan cheese", + "lemon juice" + ] + }, + { + "id": 5687, + "cuisine": "moroccan", + "ingredients": [ + "dried apricot", + "ground coriander", + "chopped fresh mint", + "ground black pepper", + "salt", + "couscous", + "olive oil", + "purple onion", + "leg of lamb", + "ground cumin", + "large garlic cloves", + "fresh lemon juice", + "grated lemon peel" + ] + }, + { + "id": 23449, + "cuisine": "french", + "ingredients": [ + "pearl onions", + "chives", + "light margarine", + "boneless chicken breast", + "lemon pepper", + "garlic powder", + "all-purpose flour", + "fresh parsley", + "white wine", + "mushrooms", + "thyme" + ] + }, + { + "id": 45377, + "cuisine": "mexican", + "ingredients": [ + "sliced black olives", + "peeled shrimp", + "chopped cilantro fresh", + "shredded cheddar cheese", + "flour tortillas", + "red bell pepper", + "tomatoes", + "chopped green bell pepper", + "salsa", + "sweet onion", + "chopped fresh chives", + "sour cream" + ] + }, + { + "id": 11696, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "ground thyme", + "salt", + "onions", + "soy sauce", + "ground black pepper", + "garlic", + "gingerroot", + "ground cloves", + "green onions", + "malt vinegar", + "oil", + "ground cinnamon", + "ground nutmeg", + "lemon", + "ground allspice", + "pork butt" + ] + }, + { + "id": 36636, + "cuisine": "french", + "ingredients": [ + "vidalia onion", + "ground black pepper", + "extra-virgin olive oil", + "kosher salt", + "parmigiano reggiano cheese", + "garlic cloves", + "pinenuts", + "zucchini", + "penne pasta", + "water", + "basil leaves", + "heavy whipping cream" + ] + }, + { + "id": 12951, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "fine sea salt", + "eggs", + "chopped fresh chives", + "greek yogurt", + "parmesan cheese", + "crème fraîche", + "capers", + "lemon", + "corn tortillas" + ] + }, + { + "id": 42897, + "cuisine": "indian", + "ingredients": [ + "yukon gold potatoes", + "chutney", + "unsalted butter", + "cumin seed", + "garam masala", + "phyllo", + "frozen peas", + "coriander seeds", + "vegetable oil", + "onions" + ] + }, + { + "id": 34784, + "cuisine": "vietnamese", + "ingredients": [ + "honey", + "garlic", + "fresh mint", + "fish sauce", + "fresh ginger root", + "shrimp", + "olive oil", + "dried rice noodles", + "chopped cilantro fresh", + "lime", + "shredded cabbage", + "ground white pepper" + ] + }, + { + "id": 28042, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "enchilada sauce", + "reduced sodium chicken broth", + "canned chicken breast", + "white rice", + "monterey jack", + "jalapeno chilies", + "whole kernel corn, drain" + ] + }, + { + "id": 5901, + "cuisine": "french", + "ingredients": [ + "leeks", + "crème fraîche", + "chicken", + "red potato", + "shallots", + "carrots", + "dry white wine", + "fresh lemon juice", + "unsalted butter", + "vegetable oil", + "flat leaf parsley" + ] + }, + { + "id": 42020, + "cuisine": "italian", + "ingredients": [ + "sugar", + "extra-virgin olive oil", + "tomatoes", + "italian eggplant", + "chopped onion", + "celery ribs", + "kosher salt", + "white wine vinegar", + "capers", + "Sicilian olives", + "juice" + ] + }, + { + "id": 23723, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "cilantro", + "ground black pepper", + "tomatoes", + "onions" + ] + }, + { + "id": 30790, + "cuisine": "italian", + "ingredients": [ + "capers", + "olive oil", + "mint sprigs", + "peasant bread", + "Italian parsley leaves", + "boneless skinless chicken breast halves", + "water", + "red wine vinegar", + "all-purpose flour", + "minced garlic", + "ground black pepper", + "salt" + ] + }, + { + "id": 42115, + "cuisine": "irish", + "ingredients": [ + "water", + "chopped celery", + "carrots", + "ground black pepper", + "baking mix", + "frozen peas", + "milk", + "salt", + "onions", + "condensed cream of chicken soup", + "potatoes", + "poultry seasoning", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 26551, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "olive oil", + "whole milk", + "grated nutmeg", + "onions", + "ground cloves", + "unsalted butter", + "large garlic cloves", + "juice", + "bread crumb fresh", + "parmigiano reggiano cheese", + "all-purpose flour", + "thyme sprigs", + "ground cinnamon", + "large egg yolks", + "ziti", + "ground allspice", + "ground lamb" + ] + }, + { + "id": 5659, + "cuisine": "irish", + "ingredients": [ + "mint leaves", + "cucumber", + "navel oranges", + "ginger ale", + "apples", + "lemon", + "ice" + ] + }, + { + "id": 23956, + "cuisine": "italian", + "ingredients": [ + "penne pasta", + "grated parmesan cheese", + "fresh basil leaves", + "pasta sauce", + "shrimp", + "heavy cream" + ] + }, + { + "id": 46253, + "cuisine": "indian", + "ingredients": [ + "tandoori spices", + "ginger", + "methi", + "nutmeg", + "crushed garlic", + "curds", + "garam masala", + "salt", + "chicken legs", + "butter", + "lemon juice" + ] + }, + { + "id": 6799, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "regular soy sauce", + "soy sauce", + "beef rump", + "lemongrass", + "brown sugar", + "thai chile" + ] + }, + { + "id": 18528, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "Kraft Grated Parmesan Cheese", + "pasta", + "peas", + "Oscar Mayer Bacon", + "milk", + "Philadelphia Cream Cheese" + ] + }, + { + "id": 25539, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "extra-virgin olive oil", + "water", + "polenta", + "sea salt" + ] + }, + { + "id": 37742, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "quinoa", + "fine sea salt", + "water", + "sweet potatoes", + "corn tortillas", + "honey", + "green onions", + "ground cumin", + "black beans", + "tahini", + "fresh lemon juice" + ] + }, + { + "id": 24771, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "vegetable oil", + "chopped cilantro fresh", + "tofu", + "peanuts", + "beansprouts", + "lime", + "garlic", + "eggs", + "rice noodles", + "white sugar" + ] + }, + { + "id": 2846, + "cuisine": "japanese", + "ingredients": [ + "stevia", + "minced onion", + "fresh lemon juice", + "liquid aminos", + "cayenne pepper", + "apple cider vinegar", + "cucumber" + ] + }, + { + "id": 14720, + "cuisine": "indian", + "ingredients": [ + "water", + "olive oil", + "cilantro leaves", + "cumin", + "celery ribs", + "crushed tomatoes", + "sea salt", + "brown lentils", + "curry powder", + "fresh ginger", + "yellow onion", + "plain yogurt", + "lime", + "garlic", + "coconut milk" + ] + }, + { + "id": 18482, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "water", + "dry white wine", + "all-purpose flour", + "canola oil", + "bone-in chicken breast halves", + "garlic powder", + "chicken drumsticks", + "cayenne pepper", + "celery ribs", + "jasmine rice", + "green onions", + "smoked sausage", + "boiling water", + "green bell pepper", + "olive oil", + "cajun seasoning", + "yellow onion" + ] + }, + { + "id": 13266, + "cuisine": "southern_us", + "ingredients": [ + "granulated garlic", + "chili powder", + "creole seasoning", + "ground red pepper", + "dry mustard", + "kosher salt", + "onion powder", + "dark brown sugar", + "ground black pepper", + "paprika", + "ground cumin" + ] + }, + { + "id": 9344, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "non-fat sour cream", + "fresh lime juice", + "kosher salt", + "chili powder", + "garlic cloves", + "chopped cilantro fresh", + "sugar", + "ground red pepper", + "chopped onion", + "medium shrimp", + "cider vinegar", + "tomatillos", + "corn tortillas", + "serrano chile" + ] + }, + { + "id": 44068, + "cuisine": "indian", + "ingredients": [ + "ginger", + "dried minced onion", + "red lentils", + "cayenne pepper", + "salt", + "ground turmeric", + "vegetable oil", + "cumin seed" + ] + }, + { + "id": 35907, + "cuisine": "mexican", + "ingredients": [ + "water", + "garlic", + "sliced mushrooms", + "chile pepper", + "orange juice", + "boneless skinless chicken breast halves", + "tomatoes", + "vegetable oil", + "sliced ham", + "dried oregano", + "fresh cilantro", + "salt", + "onions" + ] + }, + { + "id": 33161, + "cuisine": "french", + "ingredients": [ + "anchovy fillets", + "capers", + "light tuna", + "extra-virgin olive oil", + "Niçoise olives" + ] + }, + { + "id": 27258, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "diced tomatoes", + "red enchilada sauce", + "black beans", + "jalapeno chilies", + "frozen corn", + "fresh lime juice", + "quinoa", + "vegetable broth", + "sour cream", + "shredded cheddar cheese", + "butternut squash", + "taco seasoning", + "chopped cilantro" + ] + }, + { + "id": 19095, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "shrimp", + "kosher salt", + "vegetable oil", + "sugar", + "chili powder", + "water", + "large garlic cloves" + ] + }, + { + "id": 21156, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "garnish", + "dried navy beans", + "celery", + "diced onions", + "wheat berries", + "diced tomatoes", + "carrots", + "fresh parsley", + "parsley sprigs", + "olive oil", + "salt", + "thyme", + "dried rosemary", + "water", + "fresh parmesan cheese", + "garlic cloves", + "bay leaf" + ] + }, + { + "id": 15700, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "avocado", + "cilantro", + "jalapeno chilies", + "romano cheese", + "purple onion" + ] + }, + { + "id": 49047, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "red pepper flakes", + "ground ginger", + "sesame oil", + "garlic", + "green onions", + "white rice", + "brown sugar", + "vegetable oil", + "ground beef" + ] + }, + { + "id": 15264, + "cuisine": "moroccan", + "ingredients": [ + "ground cloves", + "ground coriander", + "ground ginger", + "ground black pepper", + "ground nutmeg", + "ground turmeric", + "ground cinnamon", + "ground allspice" + ] + }, + { + "id": 43665, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "kosher salt", + "fresh lime juice", + "cilantro leaves" + ] + }, + { + "id": 46391, + "cuisine": "italian", + "ingredients": [ + "polenta prepar", + "shallots", + "gruyere cheese", + "chicken broth", + "chicken breast halves", + "whipping cream", + "asparagus spears", + "prosciutto", + "butter", + "salt", + "mushrooms", + "dry sherry", + "all-purpose flour" + ] + }, + { + "id": 44556, + "cuisine": "southern_us", + "ingredients": [ + "golden brown sugar", + "baking powder", + "all purpose unbleached flour", + "yellow corn meal", + "unsalted butter", + "coarse salt", + "baking soda", + "roasted chestnuts", + "buttermilk", + "honey", + "large eggs", + "chopped fresh thyme" + ] + }, + { + "id": 32781, + "cuisine": "mexican", + "ingredients": [ + "hash brown", + "green pepper", + "onions", + "stewed tomatoes", + "taco seasoning", + "red pepper", + "cream cheese", + "chopped green chilies", + "shredded sharp cheddar cheese", + "ground beef" + ] + }, + { + "id": 37258, + "cuisine": "italian", + "ingredients": [ + "milk", + "corn starch", + "cocoa powder", + "white sugar" + ] + }, + { + "id": 20195, + "cuisine": "french", + "ingredients": [ + "light corn syrup", + "candy", + "food paste color" + ] + }, + { + "id": 18970, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "crushed red pepper flakes", + "sun-dried tomatoes", + "penne pasta", + "olive oil", + "garlic", + "grated parmesan cheese", + "dried parsley" + ] + }, + { + "id": 28111, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "bananas", + "vanilla", + "milk" + ] + }, + { + "id": 1234, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chopped garlic", + "canned low sodium chicken broth", + "salt", + "fettucine", + "grated parmesan cheese", + "pinenuts", + "fresh basil leaves" + ] + }, + { + "id": 41240, + "cuisine": "japanese", + "ingredients": [ + "scallions", + "mushrooms", + "water", + "varnish clams", + "miso" + ] + }, + { + "id": 33361, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "flour", + "peaches", + "butter", + "milk", + "cinnamon", + "tortillas", + "vanilla extract" + ] + }, + { + "id": 45621, + "cuisine": "french", + "ingredients": [ + "shallots", + "black pepper", + "white wine vinegar", + "dijon mustard", + "salt", + "extra-virgin olive oil" + ] + }, + { + "id": 44623, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "lime", + "salt", + "avocado", + "garlic", + "honey", + "fresh herbs" + ] + }, + { + "id": 17122, + "cuisine": "indian", + "ingredients": [ + "urad dal", + "rice flour", + "black peppercorns", + "cumin seed", + "ghee", + "curry leaves", + "salt", + "asafoetida powder", + "ravva", + "oil" + ] + }, + { + "id": 7627, + "cuisine": "italian", + "ingredients": [ + "egg whites", + "white sugar", + "sliced almonds", + "vanilla extract", + "eggs", + "baking powder", + "dried cranberries", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 47321, + "cuisine": "thai", + "ingredients": [ + "low-fat coconut milk", + "lime juice", + "bell pepper", + "diced tomatoes", + "frozen corn", + "canola oil", + "brown sugar", + "fresh ginger", + "parsley", + "garlic", + "celery", + "fish sauce", + "lemongrass", + "bay leaves", + "Thai red curry paste", + "carrots", + "chicken", + "black peppercorns", + "water", + "thai basil", + "lemon", + "salt", + "onions" + ] + }, + { + "id": 39087, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "water chestnuts", + "ginger", + "oyster sauce", + "canola oil", + "soy sauce", + "dry sherry", + "rice vinegar", + "corn starch", + "eggs", + "sesame oil", + "garlic", + "shrimp", + "salt and ground black pepper", + "ground pork", + "scallions", + "beansprouts" + ] + }, + { + "id": 18909, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "minced ginger", + "lettuce leaves", + "chinese hot mustard", + "oyster sauce", + "chopped cilantro fresh", + "kosher salt", + "large eggs", + "sesame oil", + "chili sauce", + "shrimp", + "soy sauce", + "ground black pepper", + "green onions", + "ground pork", + "carrots", + "steamer", + "water chestnuts", + "wonton wrappers", + "soy marinade", + "corn starch" + ] + }, + { + "id": 3496, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "coriander seeds", + "lemon", + "oil", + "ground turmeric", + "curry leaves", + "coconut", + "fenugreek", + "garlic", + "mustard seeds", + "fish", + "fennel seeds", + "water", + "coriander powder", + "ginger", + "lemon juice", + "asafetida", + "tomatoes", + "tamarind", + "chili powder", + "salt", + "onions" + ] + }, + { + "id": 37033, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "tortilla chips", + "shredded cheddar cheese", + "purple onion", + "fresh parsley", + "tomatoes", + "guacamole", + "sour cream", + "lime", + "salt" + ] + }, + { + "id": 38250, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "all-purpose flour", + "butter", + "pepper", + "salt", + "parmesan cheese" + ] + }, + { + "id": 16949, + "cuisine": "southern_us", + "ingredients": [ + "superfine sugar", + "baking powder", + "black pepper", + "unsalted butter", + "all-purpose flour", + "baking soda", + "salt", + "milk", + "chives", + "sour cream" + ] + }, + { + "id": 48744, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "coarse salt", + "juice", + "reduced sodium chicken broth", + "ground pepper", + "tortilla chips", + "olive oil", + "diced tomatoes", + "fresh lime juice", + "black beans", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 22946, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salsa", + "iceberg lettuce", + "tomatoes", + "sliced black olives", + "lemon juice", + "hot pepper sauce", + "cream cheese", + "soy sauce", + "green onions", + "sour cream" + ] + }, + { + "id": 45784, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "grated parmesan cheese", + "coarse salt", + "italian seasoning", + "olive oil", + "whole milk", + "garlic", + "mozzarella cheese", + "flour", + "butter", + "rigatoni", + "nutmeg", + "artichoke hearts", + "boneless skinless chicken breasts", + "yellow onion" + ] + }, + { + "id": 42438, + "cuisine": "japanese", + "ingredients": [ + "olive oil", + "miso", + "water", + "coriander seeds", + "tomatoes", + "fresh ginger", + "garlic cloves", + "lemongrass", + "shallots" + ] + }, + { + "id": 24673, + "cuisine": "southern_us", + "ingredients": [ + "vanilla", + "powdered sugar", + "lemon juice", + "cream cheese", + "butter" + ] + }, + { + "id": 26760, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "fettucine", + "pancetta", + "flat leaf parsley", + "parsnips" + ] + }, + { + "id": 8208, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "ground black pepper", + "chopped onion", + "tomato paste", + "olive oil", + "red wine vinegar", + "whole wheat fettuccine", + "minced garlic", + "ground sirloin", + "fresh basil leaves", + "tomatoes", + "eggplant", + "red wine" + ] + }, + { + "id": 18922, + "cuisine": "italian", + "ingredients": [ + "fresh marjoram", + "goat cheese", + "castellane", + "red bell pepper", + "cherry tomatoes", + "hot Italian sausages", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 18523, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "liquid", + "boneless skinless chicken breast halves", + "avocado", + "olive oil", + "fresh lime juice", + "ground cumin", + "black beans", + "grate lime peel", + "monterey jack", + "tomatoes", + "cayenne pepper", + "french rolls" + ] + }, + { + "id": 8593, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "ground black pepper", + "chopped fresh thyme", + "jumbo pasta shells", + "mozzarella cheese", + "marinara sauce", + "garlic", + "fresh spinach", + "large eggs", + "red pepper flakes", + "parmesan cheese", + "ricotta cheese", + "salt" + ] + }, + { + "id": 5821, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "hot pepper sauce", + "garlic powder", + "sliced mushrooms", + "rib roast" + ] + }, + { + "id": 22818, + "cuisine": "italian", + "ingredients": [ + "chicken breasts", + "grated parmesan cheese", + "gluten free blend", + "black pepper", + "paprika", + "egg whites" + ] + }, + { + "id": 43692, + "cuisine": "italian", + "ingredients": [ + "salt and ground black pepper", + "purple onion", + "fresh basil", + "red wine vinegar", + "fresh rosemary", + "bone in skinless chicken thigh", + "arugula", + "figs", + "cheese" + ] + }, + { + "id": 32916, + "cuisine": "italian", + "ingredients": [ + "water", + "dry red wine", + "arborio rice", + "grated parmesan cheese", + "onions", + "sage leaves", + "olive oil", + "fresh parsley", + "dried porcini mushrooms", + "large garlic cloves" + ] + }, + { + "id": 14570, + "cuisine": "mexican", + "ingredients": [ + "whole wheat pasta", + "garlic", + "onions", + "bell pepper", + "enchilada sauce", + "Mexican seasoning mix", + "light cream cheese", + "butter", + "shrimp" + ] + }, + { + "id": 44765, + "cuisine": "italian", + "ingredients": [ + "egg substitute", + "butter", + "plum tomatoes", + "grated parmesan cheese", + "cream cheese", + "artichoke hearts", + "hot sauce", + "sliced green onions", + "pepper", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 20979, + "cuisine": "french", + "ingredients": [ + "honey", + "cooking spray", + "salt", + "garlic cloves", + "dried porcini mushrooms", + "ground nutmeg", + "dry red wine", + "chickpeas", + "flat leaf parsley", + "water", + "ground black pepper", + "vegetable broth", + "chopped onion", + "shiitake mushroom caps", + "warm water", + "olive oil", + "button mushrooms", + "all-purpose flour", + "corn starch" + ] + }, + { + "id": 7285, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "country ham", + "crust", + "asparagus", + "chopped garlic", + "white bread", + "heavy cream" + ] + }, + { + "id": 4733, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "onions", + "carrots", + "beef brisket", + "cabbage" + ] + }, + { + "id": 3268, + "cuisine": "mexican", + "ingredients": [ + "mini chocolate chips", + "flour", + "mini marshmallows", + "peanut butter" + ] + }, + { + "id": 689, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "provolone cheese", + "arugula", + "cracked black pepper", + "ham", + "fresh basil", + "salt", + "Italian bread", + "butter", + "balsamic vinaigrette" + ] + }, + { + "id": 22040, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "carrots", + "pepper sauce", + "taco seasoning mix", + "greek style plain yogurt", + "dried minced onion", + "condensed cream of chicken soup", + "flour tortillas", + "enchilada sauce", + "water", + "asadero", + "ground turkey" + ] + }, + { + "id": 45336, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "parsley", + "salt", + "onions", + "warm water", + "diced tomatoes", + "garlic cloves", + "mild curry powder", + "butter", + "peanut oil", + "beef stew", + "paprika", + "coconut milk" + ] + }, + { + "id": 14946, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "chili powder", + "garlic", + "curry powder", + "raisins", + "mustard seeds", + "peaches", + "ginger", + "pickling spices", + "apple cider vinegar", + "chopped onion" + ] + }, + { + "id": 21933, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "sesame oil", + "granulated sugar", + "scallions", + "light soy sauce", + "teriyaki sauce", + "brown sugar", + "beef", + "garlic cloves" + ] + }, + { + "id": 40292, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "Sriracha", + "garlic chili sauce", + "ground ginger", + "olive oil", + "ramen noodles", + "kale", + "green onions", + "black pepper", + "shiitake", + "vegetable stock" + ] + }, + { + "id": 32722, + "cuisine": "thai", + "ingredients": [ + "basil leaves", + "yellow onion", + "red bell pepper", + "water", + "sesame oil", + "oyster sauce", + "garlic powder", + "garlic", + "green beans", + "fish sauce", + "flank steak", + "garlic chili sauce" + ] + }, + { + "id": 4470, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "cooking oil", + "salt", + "ground beef", + "ground cumin", + "fresh ginger", + "cinnamon", + "lemon juice", + "petite peas", + "ground black pepper", + "garlic", + "chopped cilantro", + "boiling potatoes", + "plain yogurt", + "whole milk", + "ground coriander", + "onions" + ] + }, + { + "id": 16340, + "cuisine": "mexican", + "ingredients": [ + "lime", + "salt", + "tomatoes", + "jalapeno chilies", + "ground black pepper", + "chopped cilantro fresh", + "white onion", + "garlic" + ] + }, + { + "id": 4429, + "cuisine": "french", + "ingredients": [ + "water", + "egg whites", + "glaze", + "unsalted butter", + "salt", + "superfine sugar", + "vegetable oil", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 34262, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chipotles in adobo", + "stewed tomatoes", + "chicken meat", + "onions", + "tostada shells", + "sour cream" + ] + }, + { + "id": 37752, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "dried oregano", + "ground black pepper", + "diced tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 45448, + "cuisine": "japanese", + "ingredients": [ + "water", + "waxy potatoes", + "tumeric", + "cumin seed", + "fresh coriander", + "oil", + "salt" + ] + }, + { + "id": 40733, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "part-skim mozzarella cheese", + "extra-virgin olive oil", + "red bell pepper", + "pepper", + "finely chopped fresh parsley", + "salt", + "sugar", + "artichoke hearts", + "mushrooms", + "garlic cloves", + "cider vinegar", + "asparagus", + "pitted olives", + "dried oregano" + ] + }, + { + "id": 32734, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "heavy cream", + "large eggs", + "puff pastry", + "fresh thyme leaves", + "feta cheese", + "flour for dusting" + ] + }, + { + "id": 25478, + "cuisine": "italian", + "ingredients": [ + "fresh chives", + "grated parmesan cheese", + "white mushrooms", + "unsalted butter", + "salt", + "plum tomatoes", + "haricots verts", + "fresh peas", + "bow-tie pasta", + "ground black pepper", + "half & half", + "asparagus tips" + ] + }, + { + "id": 16170, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "finely chopped onion", + "garlic cloves", + "water", + "ground black pepper", + "salt", + "red bell pepper", + "arborio rice", + "fresh parmesan cheese", + "vegetable broth", + "green beans", + "saffron threads", + "olive oil", + "dry white wine", + "fresh lemon juice" + ] + }, + { + "id": 8258, + "cuisine": "italian", + "ingredients": [ + "radicchio", + "fresh lemon juice", + "penne", + "extra-virgin olive oil", + "fresh basil", + "lemon zest", + "arugula", + "mozzarella cheese", + "garlic cloves" + ] + }, + { + "id": 26380, + "cuisine": "spanish", + "ingredients": [ + "seedless green grape", + "garlic", + "cucumber", + "water", + "salt", + "sliced almonds", + "white wine vinegar", + "onions", + "country white bread", + "olive oil", + "shrimp" + ] + }, + { + "id": 11995, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "peanuts", + "pork tenderloin", + "thai chile", + "beansprouts", + "water", + "Sriracha", + "green leaf lettuce", + "cilantro leaves", + "warm water", + "ground black pepper", + "basil leaves", + "garlic", + "fresh mint", + "fish sauce", + "lime juice", + "shredded carrots", + "rice vermicelli", + "english cucumber" + ] + }, + { + "id": 30926, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "cooked shrimp", + "flaked coconut", + "green onions", + "cream cheese, soften" + ] + }, + { + "id": 8547, + "cuisine": "greek", + "ingredients": [ + "dry white wine", + "leaf parsley", + "greek yogurt", + "mussels", + "shallots", + "olive oil" + ] + }, + { + "id": 8715, + "cuisine": "southern_us", + "ingredients": [ + "corn kernels", + "chopped fresh thyme", + "flat leaf parsley", + "large eggs", + "grated nutmeg", + "sugar", + "whole milk", + "cayenne pepper", + "unsalted butter", + "salt" + ] + }, + { + "id": 41161, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "cayenne pepper", + "paprika", + "garlic pepper seasoning", + "kale", + "rice", + "salt", + "dried oregano" + ] + }, + { + "id": 39289, + "cuisine": "mexican", + "ingredients": [ + "lime", + "salt", + "chipotle peppers", + "sugar", + "extra firm tofu", + "pinto beans", + "canola oil", + "avocado", + "poblano peppers", + "long-grain rice", + "adobo sauce", + "fresh cilantro", + "purple onion", + "fresh tomato salsa" + ] + }, + { + "id": 36978, + "cuisine": "indian", + "ingredients": [ + "water", + "cilantro", + "cinnamon sticks", + "canola oil", + "clove", + "fresh ginger root", + "salt", + "onions", + "kidney beans", + "garlic", + "bay leaf", + "black peppercorns", + "red pepper", + "cardamom pods", + "plum tomatoes" + ] + }, + { + "id": 15076, + "cuisine": "mexican", + "ingredients": [ + "fish fillets", + "shredded lettuce", + "garlic cloves", + "avocado", + "lime wedges", + "salsa", + "onions", + "unsalted butter", + "salt", + "corn tortillas", + "tomatoes", + "vegetable oil", + "freshly ground pepper" + ] + }, + { + "id": 19754, + "cuisine": "cajun_creole", + "ingredients": [ + "dried basil", + "paprika", + "vegetable oil cooking spray", + "garlic powder", + "margarine", + "catfish fillets", + "dried thyme", + "salt", + "black pepper", + "ground red pepper" + ] + }, + { + "id": 996, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "all-purpose flour", + "salt", + "sugar" + ] + }, + { + "id": 28232, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "phyllo", + "onions", + "myzithra", + "Greek feta", + "salt", + "large eggs", + "extra-virgin olive oil", + "fresh dill", + "yoghurt", + "kefalotyri" + ] + }, + { + "id": 6185, + "cuisine": "southern_us", + "ingredients": [ + "water", + "all-purpose flour", + "unsalted butter", + "chopped pecans", + "sugar", + "salt", + "nectarines", + "large egg whites", + "apricot preserves" + ] + }, + { + "id": 22056, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "jalapeno chilies", + "all-purpose flour", + "unsalted butter", + "buttermilk", + "extra sharp cheddar cheese", + "baking soda", + "baking powder", + "roast red peppers, drain", + "yellow corn meal", + "large eggs", + "salt" + ] + }, + { + "id": 8992, + "cuisine": "greek", + "ingredients": [ + "water", + "purple onion", + "skinless chicken thighs", + "ground black pepper", + "sweet paprika", + "olive oil", + "salt", + "bay leaves", + "pitted prunes" + ] + }, + { + "id": 6966, + "cuisine": "chinese", + "ingredients": [ + "medium egg noodles", + "chinese five-spice powder", + "sunflower oil", + "stir fry vegetable blend", + "pork tenderloin", + "Madras curry powder", + "prawns", + "teriyaki sauce" + ] + }, + { + "id": 18034, + "cuisine": "southern_us", + "ingredients": [ + "water", + "worcestershire sauce", + "salt", + "ketchup", + "chili powder", + "dry mustard", + "chicken pieces", + "chips", + "paprika", + "lemon juice", + "cider vinegar", + "butter", + "crushed red pepper" + ] + }, + { + "id": 13191, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "part-skim mozzarella cheese", + "part-skim ricotta cheese", + "frozen chopped spinach", + "low-fat cottage cheese", + "whole wheat lasagna noodles", + "shredded parmesan cheese", + "eggs", + "eggplant", + "garlic", + "olive oil", + "ground black pepper", + "salt" + ] + }, + { + "id": 40980, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "zucchini", + "green onions", + "olive oil", + "Sriracha", + "crushed red pepper flakes", + "low sodium soy sauce", + "fresh ginger", + "large eggs", + "linguine", + "brown sugar", + "peanuts", + "mushrooms", + "garlic" + ] + }, + { + "id": 27754, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "sea salt", + "olive oil", + "dry bread crumbs", + "fresh basil", + "garlic", + "jalapeno chilies" + ] + }, + { + "id": 20942, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "garlic", + "frozen corn kernels", + "pasta", + "chili powder", + "greek style plain yogurt", + "green onions", + "shredded sharp cheddar cheese", + "green chile", + "diced tomatoes", + "yellow onion" + ] + }, + { + "id": 4111, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "cooked ham", + "cream cheese", + "butter crackers", + "jalapeno chilies", + "round sourdough bread", + "onions" + ] + }, + { + "id": 47159, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "butter", + "milk", + "country ham", + "yellow corn meal", + "baking powder" + ] + }, + { + "id": 44288, + "cuisine": "french", + "ingredients": [ + "french bread", + "dried basil", + "garlic cloves", + "salt", + "olive oil", + "dried oregano" + ] + }, + { + "id": 362, + "cuisine": "french", + "ingredients": [ + "sugar", + "whipping cream", + "toasted almonds", + "powdered sugar", + "red currant jelly", + "cake flour", + "eggs", + "baking powder", + "vanilla extract", + "slivered almonds", + "amaretto", + "salt" + ] + }, + { + "id": 43159, + "cuisine": "mexican", + "ingredients": [ + "spring mix", + "pico de gallo", + "tortillas", + "burgers", + "sour cream", + "shredded cheddar cheese" + ] + }, + { + "id": 38361, + "cuisine": "french", + "ingredients": [ + "pitted kalamata olives", + "balsamic vinegar", + "dried fig", + "olive oil", + "thyme sprigs", + "water", + "chopped fresh thyme", + "soft goat's cheese", + "ground black pepper", + "whole wheat english muffins" + ] + }, + { + "id": 37495, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "sesame seeds", + "fresh green bean", + "rice", + "low sodium soy sauce", + "sesame oil", + "salt", + "onions", + "chicken broth", + "garlic powder", + "dry sherry", + "carrots", + "pepper", + "red pepper flakes", + "boneless skinless chicken" + ] + }, + { + "id": 17039, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "red wine vinegar", + "celery", + "creole mustard", + "green onions", + "paprika", + "onions", + "lettuce leaves", + "worcestershire sauce", + "cooked shrimp", + "tomato purée", + "vegetable oil", + "flat leaf parsley" + ] + }, + { + "id": 11086, + "cuisine": "filipino", + "ingredients": [ + "cooking oil", + "salt", + "brewed coffee", + "baking powder", + "cream of tartar", + "egg yolks", + "white sugar", + "egg whites", + "all-purpose flour" + ] + }, + { + "id": 22470, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "fine sea salt", + "ground cumin", + "olive oil", + "fresh thyme leaves", + "sea salt flakes", + "chickpea flour", + "zucchini", + "apricots", + "base", + "tart" + ] + }, + { + "id": 41823, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large eggs", + "apricots", + "water", + "heavy cream", + "lemon zest", + "fresh lemon juice", + "sliced almonds", + "almond extract", + "grappa" + ] + }, + { + "id": 8358, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "worcestershire sauce", + "salt", + "shrimp", + "fresh thyme leaves", + "vegetable broth", + "ham", + "sliced green onions", + "dry white wine", + "heavy cream", + "cayenne pepper", + "corn grits", + "butter", + "garlic", + "fresh lemon juice" + ] + }, + { + "id": 19589, + "cuisine": "french", + "ingredients": [ + "roquefort", + "wine", + "pepper", + "unsalted butter" + ] + }, + { + "id": 7921, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "rolls", + "white vinegar", + "dry sherry", + "corn starch", + "black bean sauce", + "scallions", + "honey", + "duck" + ] + }, + { + "id": 37737, + "cuisine": "chinese", + "ingredients": [ + "beef tenderloin", + "soy sauce", + "corn starch", + "cooking oil", + "snow peas", + "salt" + ] + }, + { + "id": 19837, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "marinade", + "pinto beans", + "kosher salt", + "flour tortillas", + "purple onion", + "chopped cilantro", + "sirloin tip", + "ground black pepper", + "vegetable oil", + "fresh lime juice", + "minced garlic", + "jalapeno chilies", + "salsa", + "serrano chile" + ] + }, + { + "id": 47290, + "cuisine": "irish", + "ingredients": [ + "pepper", + "cooking spray", + "ground allspice", + "rutabaga", + "dried thyme", + "beef broth", + "lamb leg", + "water", + "quick-cooking barley", + "carrots", + "green cabbage", + "garlic powder", + "chopped onion", + "bay leaf" + ] + }, + { + "id": 7441, + "cuisine": "mexican", + "ingredients": [ + "mustard", + "pepper", + "tahini", + "whole wheat tortillas", + "lemon juice", + "tumeric", + "nutritional yeast", + "mushrooms", + "salt", + "onions", + "spinach", + "water", + "potatoes", + "low-fat soy milk", + "corn starch", + "black beans", + "garlic powder", + "onion powder", + "salsa", + "olives" + ] + }, + { + "id": 11757, + "cuisine": "british", + "ingredients": [ + "marmite", + "cream cheese", + "bagels" + ] + }, + { + "id": 32664, + "cuisine": "indian", + "ingredients": [ + "water", + "raisins", + "cumin seed", + "cashew nuts", + "clove", + "bay leaves", + "salt", + "onions", + "saffron threads", + "chopped almonds", + "whipping cream", + "cinnamon sticks", + "basmati rice", + "black peppercorns", + "vegetable oil", + "cardamom pods", + "frozen peas" + ] + }, + { + "id": 11054, + "cuisine": "spanish", + "ingredients": [ + "almonds", + "confectioners sugar", + "orange", + "almond extract", + "large eggs", + "superfine sugar", + "lemon" + ] + }, + { + "id": 21587, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "salt", + "chili powder", + "corn starch", + "garlic powder", + "sweet paprika", + "chicken bouillon granules", + "onion powder", + "ground cumin" + ] + }, + { + "id": 4165, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "coarse salt", + "all purpose unbleached flour", + "red bell pepper", + "mozzarella cheese", + "dry yeast", + "chopped fresh thyme", + "purple onion", + "honey", + "grated parmesan cheese", + "large garlic cloves", + "all-purpose flour", + "warm water", + "prosciutto", + "balsamic vinegar", + "worcestershire sauce" + ] + }, + { + "id": 43116, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "green bell pepper", + "worcestershire sauce", + "okra", + "onions", + "tomatoes", + "frozen whole kernel corn", + "hot sauce", + "garlic cloves", + "chicken broth", + "olive oil", + "salt", + "freshly ground pepper", + "sliced green onions", + "cooked rice", + "dry white wine", + "creole seasoning", + "field peas" + ] + }, + { + "id": 33967, + "cuisine": "italian", + "ingredients": [ + "amaretti", + "fresh lemon juice", + "vanilla extract", + "balsamic vinegar", + "frozen strawberries", + "sugar", + "strawberries" + ] + }, + { + "id": 18098, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "minced garlic", + "cilantro", + "onions", + "black beans", + "Tabasco Pepper Sauce", + "salt", + "green bell pepper", + "olive oil", + "white rice", + "dried oregano", + "pepper", + "lime wedges", + "red bell pepper" + ] + }, + { + "id": 21301, + "cuisine": "british", + "ingredients": [ + "sugar", + "fino sherry", + "water" + ] + }, + { + "id": 49388, + "cuisine": "russian", + "ingredients": [ + "black pepper", + "salt", + "white sandwich bread", + "whole milk", + "Maggi", + "unsalted butter", + "all-purpose flour", + "cooked ham", + "mushrooms", + "sour cream" + ] + }, + { + "id": 6800, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "bow-tie pasta", + "cooked ham", + "red pepper", + "freshly ground pepper", + "Alfredo sauce", + "chopped fresh sage", + "olive oil", + "garlic" + ] + }, + { + "id": 14331, + "cuisine": "irish", + "ingredients": [ + "whole grain mustard", + "onions", + "pepper", + "garlic", + "brown sugar", + "worcestershire sauce", + "corned beef", + "Guinness Beer", + "salt" + ] + }, + { + "id": 25323, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "ginger", + "corn starch", + "Shaoxing wine", + "garlic", + "beef brisket", + "star anise", + "cinnamon sticks", + "rock sugar", + "daikon", + "sauce" + ] + }, + { + "id": 21178, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "tomatillos", + "chicken", + "jack", + "salt", + "lime", + "garlic", + "plain yogurt", + "tortillas", + "Hatch Green Chiles" + ] + }, + { + "id": 9301, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "crushed tomatoes", + "marinara sauce", + "garlic", + "ground beef", + "green bell pepper", + "kosher salt", + "grated parmesan cheese", + "parsley", + "thyme", + "oregano", + "tomato paste", + "white wine", + "parmesan cheese", + "cheese slices", + "yellow onion", + "spaghetti", + "bread", + "sugar", + "olive oil", + "bay leaves", + "crushed red pepper", + "fresh parsley" + ] + }, + { + "id": 25771, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "butter", + "panko breadcrumbs", + "black pepper", + "cooking spray", + "all-purpose flour", + "italian seasoning", + "grated parmesan cheese", + "salt", + "garlic salt", + "milk", + "chives", + "chicken fingers" + ] + }, + { + "id": 34364, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "ground black pepper", + "garlic cloves", + "sundried tomato paste", + "olive oil", + "dry white wine", + "sliced green onions", + "fava beans", + "morel", + "salt", + "arborio rice", + "fat free less sodium chicken broth", + "leeks", + "boiling water" + ] + }, + { + "id": 2625, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "garam masala", + "chickpeas", + "ground ginger", + "fresh leav spinach", + "garlic", + "fresh lemon juice", + "red chili peppers", + "sea salt", + "cumin seed", + "tomatoes", + "coriander seeds", + "yellow onion", + "ground turmeric" + ] + }, + { + "id": 19108, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "salt", + "cannellini beans", + "chopped fresh sage", + "garlic" + ] + }, + { + "id": 39364, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "green bell pepper, slice", + "thyme", + "tomatoes", + "lime", + "salt", + "onions", + "red bell pepper, sliced", + "butter", + "hot water", + "snappers", + "hot pepper sauce", + "tomato ketchup", + "fish" + ] + }, + { + "id": 30184, + "cuisine": "italian", + "ingredients": [ + "1% low-fat cottage cheese", + "salt", + "frozen chopped spinach", + "ground nutmeg", + "feta cheese crumbles", + "dried basil", + "garlic cloves", + "pasta", + "marinara sauce", + "fresh parsley" + ] + }, + { + "id": 37163, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "chili powder", + "carrots", + "granulated sugar", + "garlic", + "pork belly", + "sesame oil", + "onions", + "green onions", + "Gochujang base" + ] + }, + { + "id": 46879, + "cuisine": "italian", + "ingredients": [ + "pork belly", + "crushed red pepper flakes", + "fresh rosemary", + "orange", + "fennel seeds", + "kosher salt", + "garlic cloves", + "fresh sage", + "pork loin" + ] + }, + { + "id": 8145, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "chicken breasts", + "red pepper flakes", + "salt", + "smoked paprika", + "coriander", + "avocado", + "radishes", + "lime wedges", + "diced tomatoes", + "yellow onion", + "bay leaf", + "hominy", + "chili powder", + "shredded lettuce", + "hot sauce", + "red bell pepper", + "cumin", + "chicken broth", + "fresh thyme", + "tomatillos", + "garlic", + "fresh oregano", + "chopped cilantro" + ] + }, + { + "id": 29502, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "garlic cloves", + "tumeric", + "purple onion", + "green cabbage", + "ginger", + "mustard seeds", + "dry coconut", + "cumin seed" + ] + }, + { + "id": 45233, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "butter", + "chicken thighs", + "ketchup", + "oil", + "cooked rice", + "salt", + "frozen peas", + "pepper", + "onions" + ] + }, + { + "id": 38226, + "cuisine": "irish", + "ingredients": [ + "tomatoes", + "paprika", + "all-purpose flour", + "English muffins", + "shredded sharp cheddar cheese", + "beer", + "pepper", + "dry mustard", + "sauce", + "butter", + "salt" + ] + }, + { + "id": 29010, + "cuisine": "spanish", + "ingredients": [ + "balsamic vinegar", + "salt", + "sea scallops", + "watercress", + "ground black pepper", + "extra-virgin olive oil", + "chopped fresh thyme" + ] + }, + { + "id": 20807, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "peanuts", + "rice noodles", + "scallions", + "sugar", + "water", + "vinegar", + "ginger", + "canola oil", + "fish sauce", + "minced garlic", + "hoisin sauce", + "cilantro", + "carrots", + "pork", + "honey", + "hot pepper", + "peanut butter" + ] + }, + { + "id": 29940, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "diced green chilies", + "lime wedges", + "chopped cilantro fresh", + "cotija", + "poblano peppers", + "salt", + "ground cumin", + "chicken stock", + "white hominy", + "garlic", + "chicken", + "olive oil", + "radishes", + "yellow onion" + ] + }, + { + "id": 41175, + "cuisine": "cajun_creole", + "ingredients": [ + "kale", + "ground black pepper", + "chili powder", + "salt", + "dried oregano", + "olive oil", + "ground red pepper", + "red wine vinegar", + "garlic cloves", + "dried thyme", + "cooking spray", + "baking potatoes", + "hot sauce", + "ground cumin", + "water", + "garlic powder", + "flank steak", + "paprika", + "garlic salt" + ] + }, + { + "id": 432, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "roma tomatoes", + "chili powder", + "garlic", + "oil", + "cumin", + "chili beans", + "lime", + "guacamole", + "butter", + "salsa", + "onions", + "black beans", + "jalapeno chilies", + "tenderloin", + "salt", + "sour cream", + "romaine lettuce", + "flour tortillas", + "boneless skinless chicken breasts", + "cilantro", + "hot sauce", + "oregano" + ] + }, + { + "id": 35704, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "flour", + "ground sirloin", + "garlic", + "chopped onion", + "celery", + "ketchup", + "sherry", + "lemon", + "beef broth", + "thyme", + "pepper", + "bay leaves", + "worcestershire sauce", + "hot sauce", + "flat leaf parsley", + "tomato purée", + "hard-boiled egg", + "butter", + "salt", + "lemon juice" + ] + }, + { + "id": 27107, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "pinenuts", + "butter", + "white wine", + "sliced black olives", + "onions", + "reduced sodium chicken broth", + "ground black pepper", + "medium shrimp", + "red chili peppers", + "olive oil", + "carrots" + ] + }, + { + "id": 30253, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "grated jack cheese", + "black pepper", + "large garlic cloves", + "onions", + "vegetable oil", + "rotisserie chicken", + "flour tortillas", + "salt" + ] + }, + { + "id": 48354, + "cuisine": "greek", + "ingredients": [ + "cherry tomatoes", + "sea salt", + "white wine vinegar", + "red bell pepper", + "quinoa", + "extra-virgin olive oil", + "english cucumber", + "honey", + "kalamata", + "purple onion", + "italian seasoning", + "baby spinach", + "garlic", + "feta cheese crumbles" + ] + }, + { + "id": 43410, + "cuisine": "greek", + "ingredients": [ + "tahini", + "crushed red pepper", + "garlic", + "garbanzo beans", + "lemon juice" + ] + }, + { + "id": 27493, + "cuisine": "cajun_creole", + "ingredients": [ + "crawfish", + "beaten eggs", + "dijon mustard", + "canola oil", + "mayonaise", + "worcestershire sauce", + "hot pepper sauce", + "crackers" + ] + }, + { + "id": 19312, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "pepper", + "flour tortillas", + "chili powder", + "beer", + "ground cumin", + "brown sugar", + "olive oil", + "flour", + "salt", + "cumin", + "tomato paste", + "lime", + "jalapeno chilies", + "onion powder", + "smoked paprika", + "tomato sauce", + "garlic powder", + "boneless skinless chicken breasts", + "cayenne pepper", + "monterey jack" + ] + }, + { + "id": 43740, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "vegetable stock", + "rice vinegar", + "noodles", + "low sodium soy sauce", + "udon", + "red pepper flakes", + "carrots", + "tofu", + "extra firm tofu", + "butter", + "juice", + "orange zest", + "vegetables", + "broccoli florets", + "veggies", + "corn starch" + ] + }, + { + "id": 29772, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "lemon", + "dark brown sugar", + "crystallized ginger", + "cayenne pepper", + "pears", + "quatre épices", + "raisins", + "mustard seeds", + "apple cider vinegar", + "chopped onion" + ] + }, + { + "id": 28943, + "cuisine": "irish", + "ingredients": [ + "raw honey", + "ice", + "avocado", + "fresh mint", + "vanilla", + "sweetener", + "coconut milk" + ] + }, + { + "id": 48818, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "old-fashioned oats", + "salt", + "brown sugar", + "large eggs", + "butter", + "lemon juice", + "granulated sugar", + "baking powder", + "all-purpose flour", + "sugar", + "flour", + "vanilla extract" + ] + }, + { + "id": 26091, + "cuisine": "italian", + "ingredients": [ + "parmigiano-reggiano cheese", + "worcestershire sauce", + "garlic cloves", + "water", + "salt", + "fresh mint", + "baguette", + "extra-virgin olive oil", + "fresh lemon juice", + "eggs", + "ground black pepper", + "anchovy fillets", + "arugula" + ] + }, + { + "id": 4442, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "crushed red pepper flakes", + "chicken legs", + "garlic", + "water", + "salt" + ] + }, + { + "id": 21184, + "cuisine": "chinese", + "ingredients": [ + "boneless skinless chicken breasts", + "garlic", + "oil", + "green bell pepper", + "marinade", + "rice vinegar", + "corn starch", + "sugar", + "sesame oil", + "sauce", + "red bell pepper", + "chili", + "ginger", + "roasted peanuts", + "gluten free soy sauce" + ] + }, + { + "id": 41957, + "cuisine": "greek", + "ingredients": [ + "toasted walnuts", + "honey", + "plain yogurt", + "vanilla" + ] + }, + { + "id": 47126, + "cuisine": "indian", + "ingredients": [ + "water", + "butternut squash", + "garlic cloves", + "black pepper", + "olive oil", + "yellow onion", + "greek yogurt", + "lower sodium chicken broth", + "honey", + "ground red pepper", + "carrots", + "kosher salt", + "garam masala", + "acorn squash", + "Madras curry powder" + ] + }, + { + "id": 36336, + "cuisine": "french", + "ingredients": [ + "fine salt", + "gruyere cheese", + "butter", + "flat leaf parsley", + "shallots", + "garlic cloves", + "ground pepper", + "snails" + ] + }, + { + "id": 6766, + "cuisine": "french", + "ingredients": [ + "cherry tomatoes", + "black olives", + "extra large eggs", + "chopped parsley", + "gruyere cheese", + "clarified butter", + "artichoke hearts", + "fresh mushrooms" + ] + }, + { + "id": 24986, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "low-fat buttermilk", + "baby beets", + "salad dressing", + "olive oil", + "cooking spray", + "all-purpose flour", + "dried thyme", + "crumbled blue cheese", + "salt", + "romaine lettuce", + "garlic powder", + "chicken breasts", + "dry bread crumbs" + ] + }, + { + "id": 37870, + "cuisine": "filipino", + "ingredients": [ + "pork belly", + "thai chile", + "oil", + "water", + "salt", + "onions", + "pepper", + "garlic", + "coconut milk", + "shrimp paste", + "coconut cream" + ] + }, + { + "id": 44858, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "basil", + "shredded parmesan cheese", + "baby spinach", + "garlic", + "freshly ground pepper", + "olive oil", + "linguine", + "white beans", + "butter", + "salt" + ] + }, + { + "id": 11331, + "cuisine": "japanese", + "ingredients": [ + "tomatoes", + "cilantro leaves", + "coriander", + "seeds", + "oil", + "ginger paste", + "red chili powder", + "okra", + "ground turmeric", + "salt", + "onions" + ] + }, + { + "id": 49021, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "sliced almonds", + "water chestnuts", + "sour cream", + "andouille sausage", + "milk", + "cajun seasoning", + "onions", + "green bell pepper", + "shredded cheddar cheese", + "cooked chicken", + "cream of mushroom soup", + "bread crumb fresh", + "black-eyed peas", + "butter", + "long grain and wild rice mix" + ] + }, + { + "id": 48469, + "cuisine": "southern_us", + "ingredients": [ + "water", + "jalapeno chilies", + "sweet onion", + "smoked turkey", + "salt", + "collard greens", + "turkey legs" + ] + }, + { + "id": 22434, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chili powder", + "cumin", + "tomatoes", + "garlic powder", + "cilantro", + "pepper", + "granulated sugar", + "purple onion", + "lime juice", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 12774, + "cuisine": "cajun_creole", + "ingredients": [ + "cornbread", + "ground chuck", + "bell pepper", + "ground pork", + "celery", + "eggs", + "onion soup", + "butter", + "thyme", + "whole wheat bread toasted", + "pepper", + "green onions", + "garlic", + "onions", + "chicken broth", + "water", + "parsley", + "salt", + "sage" + ] + }, + { + "id": 47908, + "cuisine": "filipino", + "ingredients": [ + "cooking oil", + "water", + "tomato ketchup", + "white vinegar", + "salt", + "granulated sugar", + "corn starch" + ] + }, + { + "id": 5125, + "cuisine": "indian", + "ingredients": [ + "water", + "chile pepper", + "cilantro leaves", + "onions", + "tomatoes", + "cooking oil", + "salt", + "brown cardamom", + "ground cumin", + "red chili powder", + "bay leaves", + "lamb chops", + "cinnamon sticks", + "fresh ginger root", + "garlic", + "green cardamom", + "ground turmeric" + ] + }, + { + "id": 35305, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "fat free less sodium chicken broth", + "butter", + "boneless skinless chicken breast halves", + "fresh cilantro", + "salt", + "canola oil", + "lime wedges", + "fresh lime juice" + ] + }, + { + "id": 9089, + "cuisine": "southern_us", + "ingredients": [ + "low sodium chicken broth", + "diced tomatoes", + "onions", + "milk", + "vegetable oil", + "salt", + "eggs", + "flour", + "garlic", + "boneless skinless chicken breast halves", + "ground black pepper", + "butter", + "cornmeal" + ] + }, + { + "id": 45120, + "cuisine": "spanish", + "ingredients": [ + "butter", + "salt", + "ground black pepper", + "diced tomatoes", + "fresh parsley", + "fish fillets", + "large garlic cloves", + "thyme", + "dry white wine", + "chopped celery", + "onions" + ] + }, + { + "id": 6860, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "bacon slices", + "mustard seeds", + "cider vinegar", + "green onions", + "salt", + "red potato", + "sweet potatoes", + "purple onion", + "canola oil", + "large eggs", + "crushed red pepper", + "fresh parsley" + ] + }, + { + "id": 15482, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "corn starch", + "egg whites", + "boiling water", + "cold water", + "egg yolks", + "sweetened condensed milk", + "milk", + "Jell-O Gelatin Dessert" + ] + }, + { + "id": 4687, + "cuisine": "italian", + "ingredients": [ + "eggs", + "crushed tomatoes", + "parmigiano reggiano cheese", + "freshly ground pepper", + "flat leaf parsley", + "bread crumb fresh", + "olive oil", + "yellow onion", + "juice", + "ground beef", + "fresh basil", + "milk", + "ground pork", + "garlic cloves", + "romana", + "kosher salt", + "prosciutto", + "fresh oregano", + "gnocchi" + ] + }, + { + "id": 27279, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "squid", + "fresh pineapple", + "vegetable oil", + "onions", + "garlic", + "white sugar", + "ground black pepper", + "celery" + ] + }, + { + "id": 39991, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "whole milk ricotta cheese", + "grated parmesan cheese", + "large eggs", + "grated nutmeg", + "flour" + ] + }, + { + "id": 42322, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "red pepper flakes", + "feta cheese crumbles", + "cannellini beans", + "garlic", + "diced tomatoes", + "chopped cilantro fresh" + ] + }, + { + "id": 28973, + "cuisine": "korean", + "ingredients": [ + "shiitake", + "green onions", + "Gochujang base", + "seafood stock", + "ginger", + "steak", + "radishes", + "watercress", + "shrimp", + "olive oil", + "jalapeno chilies", + "garlic", + "onions" + ] + }, + { + "id": 30596, + "cuisine": "southern_us", + "ingredients": [ + "golden delicious apples", + "allspice", + "apple juice", + "cinnamon", + "sugar", + "corn starch" + ] + }, + { + "id": 41912, + "cuisine": "mexican", + "ingredients": [ + "light sour cream", + "flour tortillas", + "black olives", + "ground cumin", + "frozen whole kernel corn", + "green onions", + "fresh lime juice", + "refried beans", + "cooking spray", + "salsa", + "Mexican cheese blend", + "paprika", + "chopped cilantro fresh" + ] + }, + { + "id": 26452, + "cuisine": "southern_us", + "ingredients": [ + "bread crumbs", + "green onions", + "all-purpose flour", + "garlic powder", + "bacon", + "elbow macaroni", + "milk", + "butter", + "sharp cheddar cheese", + "ground black pepper", + "salt" + ] + }, + { + "id": 45335, + "cuisine": "southern_us", + "ingredients": [ + "tomato purée", + "dried thyme", + "bay leaves", + "white rice", + "okra", + "diced onions", + "minced garlic", + "ground black pepper", + "red wine", + "salt", + "red bell pepper", + "chicken stock", + "dried basil", + "hot pepper sauce", + "bacon", + "peanut oil", + "green bell pepper", + "eggplant", + "fully cooked ham", + "smoked sausage", + "diced celery" + ] + }, + { + "id": 12704, + "cuisine": "italian", + "ingredients": [ + "butter", + "fresh mushrooms", + "cooked ham", + "linguine", + "fresh basil leaves", + "ground black pepper", + "garlic", + "whipping cream", + "onions" + ] + }, + { + "id": 47713, + "cuisine": "mexican", + "ingredients": [ + "corn", + "white cheddar cheese", + "monterey jack", + "chicken breasts", + "rice", + "refried beans", + "salt", + "pepper", + "cilantro", + "enchilada sauce" + ] + }, + { + "id": 43258, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "large eggs", + "salt", + "mascarpone", + "whole milk ricotta cheese", + "grated lemon peel", + "sugar", + "whole milk", + "all-purpose flour", + "unsalted butter", + "vegetable oil" + ] + }, + { + "id": 17326, + "cuisine": "spanish", + "ingredients": [ + "pork", + "dry sherry", + "flat leaf parsley", + "olive oil" + ] + }, + { + "id": 12354, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "gravy", + "salt", + "seasoned flour", + "pepper", + "unsalted butter", + "buttermilk", + "peanut oil", + "kosher salt", + "ground pepper", + "onion powder", + "round steaks", + "eggs", + "garlic powder", + "chili powder", + "all-purpose flour" + ] + }, + { + "id": 28421, + "cuisine": "greek", + "ingredients": [ + "vinaigrette dressing", + "ground black pepper", + "cherry tomatoes", + "lemon juice", + "kale", + "kalamata", + "feta cheese", + "oregano" + ] + }, + { + "id": 26463, + "cuisine": "british", + "ingredients": [ + "sugar", + "peeled fresh ginger", + "all-purpose flour", + "ground ginger", + "crystallized ginger", + "buttermilk", + "baking soda", + "baking powder", + "pecan halves", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 17421, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "celery", + "lettuce", + "mandarin orange segments", + "almonds", + "dressing", + "green onions" + ] + }, + { + "id": 31667, + "cuisine": "british", + "ingredients": [ + "sugar", + "ground nutmeg", + "salt", + "ground cinnamon", + "dried currants", + "baking powder", + "dark brown sugar", + "dark molasses", + "unsalted butter", + "all-purpose flour", + "melted butter", + "baking soda", + "buttermilk" + ] + }, + { + "id": 14999, + "cuisine": "filipino", + "ingredients": [ + "corn", + "shallots", + "cabbage", + "pork", + "Shaoxing wine", + "garlic cloves", + "shredded carrots", + "salt", + "black pepper", + "lettuce leaves", + "bamboo shoots" + ] + }, + { + "id": 19160, + "cuisine": "jamaican", + "ingredients": [ + "kale", + "low sodium chicken broth", + "scotch bonnet chile", + "okra", + "kosher salt", + "ground black pepper", + "vegetable oil", + "ground allspice", + "bone in chicken thighs", + "dried thyme", + "sweet potatoes", + "light coconut milk", + "medium shrimp", + "canned chopped tomatoes", + "bay leaves", + "garlic", + "onions" + ] + }, + { + "id": 33615, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "ricotta cheese", + "salt", + "onions", + "tomato sauce", + "fresh thyme", + "red pepper flakes", + "shredded mozzarella cheese", + "zucchini", + "baby spinach", + "fresh oregano", + "eggplant", + "crimini mushrooms", + "garlic", + "red bell pepper" + ] + }, + { + "id": 1827, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "thai basil", + "coconut milk", + "fish sauce", + "lemongrass", + "green onions", + "chicken broth", + "minced ginger", + "mushrooms", + "cooked shrimp", + "coconut oil", + "lime", + "garlic" + ] + }, + { + "id": 20874, + "cuisine": "french", + "ingredients": [ + "butter", + "bittersweet chocolate", + "slivered almonds", + "cocoa powder", + "powdered sugar", + "light corn syrup", + "white sugar", + "large egg whites", + "heavy whipping cream" + ] + }, + { + "id": 12091, + "cuisine": "french", + "ingredients": [ + "cayenne", + "salt", + "eggs", + "butter", + "hot water", + "flour", + "grated Gruyère cheese", + "sugar", + "dry mustard" + ] + }, + { + "id": 38294, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "olive oil", + "navel oranges", + "lemon juice", + "kalamata", + "bow-tie pasta", + "sea scallops", + "purple onion", + "chopped fresh mint" + ] + }, + { + "id": 25791, + "cuisine": "french", + "ingredients": [ + "olive oil", + "garlic", + "fresh parsley", + "dry white wine", + "all-purpose flour", + "chicken", + "crushed tomatoes", + "kalamata", + "yellow onion", + "ground black pepper", + "salt", + "fresh basil leaves" + ] + }, + { + "id": 37909, + "cuisine": "mexican", + "ingredients": [ + "beef", + "salt", + "tomatoes", + "vegetable oil", + "cumin", + "serrano peppers", + "onions", + "black peppercorns", + "garlic" + ] + }, + { + "id": 27669, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "potatoes", + "thyme", + "curry powder", + "salt", + "bread crumbs", + "meat", + "onions", + "vinegar", + "oil" + ] + }, + { + "id": 9651, + "cuisine": "mexican", + "ingredients": [ + "water", + "chili powder", + "salt", + "marinara sauce", + "cilantro", + "Mexican cheese", + "olive oil", + "diced tomatoes", + "chopped onion", + "lean ground turkey", + "bell pepper", + "white rice", + "cumin" + ] + }, + { + "id": 40256, + "cuisine": "greek", + "ingredients": [ + "rosemary sprigs", + "ground black pepper", + "feta cheese crumbles", + "fresh rosemary", + "fat free less sodium chicken broth", + "shallots", + "grape tomatoes", + "olive oil", + "salt", + "white bread", + "pitted kalamata olives", + "cooking spray", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 45906, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "capsicum", + "onions", + "ground cumin", + "tomatoes", + "garam masala", + "oil", + "ginger paste", + "vegetables", + "salt", + "ground turmeric", + "sesame seeds", + "chili powder", + "boiling potatoes" + ] + }, + { + "id": 43317, + "cuisine": "chinese", + "ingredients": [ + "flour tortillas", + "pork loin chops", + "onions", + "sake", + "peeled fresh ginger", + "beansprouts", + "low sodium soy sauce", + "mushrooms", + "red bell pepper", + "hoisin sauce", + "garlic cloves", + "bok choy" + ] + }, + { + "id": 20485, + "cuisine": "italian", + "ingredients": [ + "sugar", + "egg whites", + "ladyfingers", + "reduced fat cream cheese", + "whipped topping", + "kahlúa", + "water", + "unsweetened cocoa powder", + "powdered sugar", + "instant espresso granules", + "hot water" + ] + }, + { + "id": 23151, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "stewed tomatoes", + "ground cumin", + "ground cinnamon", + "chili powder", + "cayenne pepper", + "boneless skinless chicken breasts", + "garlic", + "green bell pepper", + "cracked black pepper", + "unsweetened chocolate" + ] + }, + { + "id": 13970, + "cuisine": "french", + "ingredients": [ + "butter", + "large egg yolks", + "dijon mustard", + "lemon juice" + ] + }, + { + "id": 21532, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "unsalted butter", + "cilantro leaves", + "corn", + "chili powder", + "cotija", + "jalapeno chilies", + "lime", + "garlic" + ] + }, + { + "id": 32415, + "cuisine": "vietnamese", + "ingredients": [ + "mint", + "sesame oil", + "peanut butter", + "medium shrimp", + "asian basil", + "rice vermicelli", + "fresh herbs", + "rice paper", + "Vietnamese coriander", + "vegetable oil", + "boneless pork loin", + "perilla", + "lettuce", + "hoisin sauce", + "rice vinegar", + "cucumber" + ] + }, + { + "id": 15765, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic", + "toasted sesame oil", + "eggs", + "bacon", + "scallions", + "frozen peas", + "sticky rice", + "chile bean paste", + "medium shrimp", + "sake", + "ginger", + "beansprouts" + ] + }, + { + "id": 7382, + "cuisine": "moroccan", + "ingredients": [ + "active dry yeast", + "dates", + "anise seed", + "unsalted butter", + "sesame seeds", + "all-purpose flour", + "warm water", + "egg yolks" + ] + }, + { + "id": 4292, + "cuisine": "indian", + "ingredients": [ + "figs", + "rice", + "sugar", + "saffron", + "slivered almonds", + "cardamom pods", + "whole milk" + ] + }, + { + "id": 12236, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "bay leaves", + "ground cumin", + "capers", + "ground pepper", + "ground turkey", + "tomatoes", + "minced garlic", + "cilantro", + "tomato sauce", + "bell pepper", + "onions" + ] + }, + { + "id": 9906, + "cuisine": "indian", + "ingredients": [ + "garlic", + "chopped parsley", + "curry powder", + "brown lentils", + "homemade chicken stock", + "salt", + "onions", + "olive oil", + "hot curry powder" + ] + }, + { + "id": 15077, + "cuisine": "french", + "ingredients": [ + "sugar", + "chopped almonds", + "Grand Marnier", + "melted butter", + "milk", + "salt", + "pastry cream", + "flour", + "cognac", + "eggs", + "bananas", + "grated lemon zest" + ] + }, + { + "id": 12411, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "shortbread cookies", + "boiling water", + "tea bags", + "large eggs", + "fresh mint", + "raspberries", + "cream cheese", + "fromage blanc", + "red raspberries", + "green tea powder" + ] + }, + { + "id": 36156, + "cuisine": "indian", + "ingredients": [ + "tomato sauce", + "ground black pepper", + "arrowroot powder", + "ground coriander", + "ground cumin", + "fresh ginger", + "cinnamon", + "paprika", + "bay leaf", + "olive oil", + "chicken breasts", + "heavy cream", + "garlic cloves", + "tumeric", + "garam masala", + "lemon", + "cayenne pepper", + "onions" + ] + }, + { + "id": 41824, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "olive oil", + "grating cheese", + "salsa", + "onions", + "avocado", + "kosher salt", + "Hurst Family Harvest Chipotle Lime Black Bean Soup mix", + "garlic", + "sour cream", + "chicken broth", + "gluten free cooking spray", + "vegetable oil", + "cilantro leaves", + "roasted tomatoes", + "gluten free corn tortillas", + "ground black pepper", + "chipotle puree", + "green chilies", + "sliced green onions" + ] + }, + { + "id": 28832, + "cuisine": "thai", + "ingredients": [ + "garlic", + "fresh turmeric", + "white peppercorns", + "salt", + "lemon grass", + "chicken" + ] + }, + { + "id": 15910, + "cuisine": "italian", + "ingredients": [ + "pepper", + "boneless skinless chicken breasts", + "salt", + "wine", + "olive oil", + "linguine", + "fresh parsley", + "crushed tomatoes", + "butter", + "all-purpose flour", + "sugar", + "parmesan cheese", + "garlic", + "onions" + ] + }, + { + "id": 48034, + "cuisine": "indian", + "ingredients": [ + "warm water", + "cilantro leaves", + "onions", + "eggs", + "capsicum", + "oil", + "pepper", + "green chilies", + "tumeric", + "salt", + "wheat flour" + ] + }, + { + "id": 15753, + "cuisine": "russian", + "ingredients": [ + "white pepper", + "salt", + "eggs", + "unsalted butter", + "bread crumb fresh", + "chicken breasts", + "bread", + "milk" + ] + }, + { + "id": 26387, + "cuisine": "indian", + "ingredients": [ + "tomato sauce", + "ginger", + "ground coriander", + "plain yogurt", + "salt", + "ground cumin", + "chiles", + "garlic", + "ghee", + "frozen chopped spinach", + "garam masala", + "yellow onion" + ] + }, + { + "id": 40343, + "cuisine": "italian", + "ingredients": [ + "cannellini beans", + "pasta sauce", + "sliced black olives", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 23681, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "egg yolks", + "konbu", + "white miso", + "ginger", + "dashi", + "daikon", + "sake", + "mirin", + "salt" + ] + }, + { + "id": 39356, + "cuisine": "russian", + "ingredients": [ + "white cabbage", + "salt", + "extra-virgin olive oil", + "dill", + "radishes", + "persian cucumber", + "white wine vinegar" + ] + }, + { + "id": 41963, + "cuisine": "french", + "ingredients": [ + "sugar", + "baby arugula", + "rye", + "salt", + "granny smith apples", + "wheels", + "dijon mustard", + "lemon juice" + ] + }, + { + "id": 9660, + "cuisine": "russian", + "ingredients": [ + "large eggs", + "all-purpose flour", + "melted butter", + "boiling water", + "salt" + ] + }, + { + "id": 7579, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "corn", + "flour", + "purple onion", + "okra", + "flax seed meal", + "pepper", + "yellow squash", + "sunflower oil", + "hot sauce", + "celery", + "dried rosemary", + "cooked brown rice", + "dried basil", + "diced tomatoes", + "salt", + "green beans", + "dried oregano", + "tomato paste", + "water", + "black-eyed peas", + "garlic", + "cayenne pepper", + "dried parsley", + "ground cumin" + ] + }, + { + "id": 37031, + "cuisine": "southern_us", + "ingredients": [ + "cola soft drink", + "unsalted butter", + "country ham" + ] + }, + { + "id": 11058, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "black pepper", + "tortillas", + "Mexican oregano", + "cheese", + "smoked paprika", + "lettuce", + "warm water", + "olive oil", + "flour", + "red pepper", + "salt", + "chipotle chile powder", + "brown sugar", + "black beans", + "zucchini", + "onion powder", + "purple onion", + "sour cream", + "avocado", + "cooked brown rice", + "garlic powder", + "baking powder", + "sea salt", + "salsa", + "ground cumin" + ] + }, + { + "id": 43855, + "cuisine": "mexican", + "ingredients": [ + "cottage cheese", + "salt", + "shredded Monterey Jack cheese", + "spinach", + "diced tomatoes", + "onions", + "chipotle chile", + "scallions", + "garlic powder", + "corn tortillas" + ] + }, + { + "id": 30737, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "cayenne pepper", + "warm water", + "salt", + "fresh lemon juice", + "garlic", + "chickpeas", + "paprika", + "tahini paste", + "red bell pepper" + ] + }, + { + "id": 19688, + "cuisine": "spanish", + "ingredients": [ + "white vinegar", + "fresh tomatoes", + "red bell pepper", + "green olives", + "extra-virgin olive oil", + "onions", + "eggs", + "potatoes", + "tuna", + "green bell pepper", + "salt" + ] + }, + { + "id": 19580, + "cuisine": "cajun_creole", + "ingredients": [ + "green onions", + "creole seasoning", + "large shrimp", + "olive oil", + "whipping cream", + "lemon juice", + "cooked rice", + "ground red pepper", + "garlic cloves", + "ground black pepper", + "salt", + "fresh parsley" + ] + }, + { + "id": 14840, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "maple syrup", + "collard greens", + "low sodium chicken broth", + "pepper", + "oil", + "turkey legs", + "garlic cloves" + ] + }, + { + "id": 39263, + "cuisine": "british", + "ingredients": [ + "pepper", + "caster", + "salad leaves", + "scallops", + "garden peas", + "salt", + "mint", + "mild olive oil", + "white wine vinegar", + "maldon sea salt", + "bacon rind", + "unsalted butter", + "runny honey" + ] + }, + { + "id": 25399, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "fettucine", + "all-purpose flour", + "butter", + "milk", + "frozen broccoli" + ] + }, + { + "id": 10686, + "cuisine": "spanish", + "ingredients": [ + "dijon mustard", + "fresh lemon juice", + "extra-virgin olive oil", + "vegetable oil", + "large egg yolks", + "garlic cloves" + ] + }, + { + "id": 8174, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "all-purpose flour", + "eggs", + "buttermilk", + "white sugar", + "butter", + "cornmeal", + "baking soda", + "salt" + ] + }, + { + "id": 20095, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "curry powder", + "green chilies", + "ground turmeric", + "fresh curry leaves", + "salt", + "onions", + "coconut oil", + "chili powder", + "coconut milk", + "ground cumin", + "garlic paste", + "coriander powder", + "mustard seeds", + "fish" + ] + }, + { + "id": 37194, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "vegetable oil", + "green chilies", + "chuck", + "whole peeled tomatoes", + "salt", + "serrano chile", + "water", + "cilantro", + "beer", + "flour", + "yellow onion", + "cumin" + ] + }, + { + "id": 20364, + "cuisine": "greek", + "ingredients": [ + "eggs", + "pepper", + "coarse salt", + "purple onion", + "feta cheese crumbles", + "couscous", + "boiling water", + "pinenuts", + "roasted red peppers", + "red pepper flakes", + "yellow onion", + "greek yogurt", + "ground beef", + "black pepper", + "olive oil", + "baby spinach", + "salt", + "cucumber", + "dill weed", + "dried oregano", + "nutmeg", + "kosher salt", + "grated parmesan cheese", + "garlic", + "lemon juice", + "sour cream", + "fresh parsley" + ] + }, + { + "id": 18219, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "flour", + "dark brown sugar", + "unsalted butter", + "buttermilk", + "baking soda", + "baking powder", + "stone-ground cornmeal", + "large eggs", + "fine sea salt" + ] + }, + { + "id": 11268, + "cuisine": "italian", + "ingredients": [ + "baby spinach leaves", + "large eggs", + "crushed red pepper", + "nonfat ricotta cheese", + "large egg whites", + "mushrooms", + "salt", + "black pepper", + "cooking spray", + "purple onion", + "plum tomatoes", + "fresh basil", + "olive oil", + "balsamic vinegar", + "garlic cloves" + ] + }, + { + "id": 25836, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "chopped cilantro fresh", + "kosher salt", + "scallions", + "chicken legs", + "low sodium chicken broth", + "long grain white rice", + "water", + "ground white pepper" + ] + }, + { + "id": 16502, + "cuisine": "french", + "ingredients": [ + "dried thyme", + "leeks", + "rib", + "chicken broth", + "finely chopped onion", + "baking potatoes", + "saffron threads", + "unsalted butter", + "dry white wine", + "bay leaf", + "water", + "half & half", + "carrots" + ] + }, + { + "id": 24891, + "cuisine": "russian", + "ingredients": [ + "red wine vinegar", + "orange peel", + "orange juice", + "sugar", + "beets", + "butter" + ] + }, + { + "id": 36973, + "cuisine": "jamaican", + "ingredients": [ + "pork baby back ribs", + "spiced rum", + "jerk seasoning", + "bbq sauce" + ] + }, + { + "id": 31804, + "cuisine": "korean", + "ingredients": [ + "chile powder", + "coarse salt", + "scallions", + "sugar", + "ginger", + "shrimp", + "fish sauce", + "napa cabbage", + "carrots", + "soy sauce", + "garlic" + ] + }, + { + "id": 38507, + "cuisine": "mexican", + "ingredients": [ + "whipping cream", + "water", + "mexican chocolate" + ] + }, + { + "id": 30304, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "salt", + "ground black pepper", + "fresh parsley", + "shells", + "large shrimp", + "olive oil", + "lemon juice" + ] + }, + { + "id": 21100, + "cuisine": "french", + "ingredients": [ + "pearl onions", + "trout fillet", + "plum tomatoes", + "green olives", + "ground black pepper", + "salt", + "olive oil", + "garlic", + "capers", + "dry white wine", + "chopped parsley" + ] + }, + { + "id": 36525, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "salt", + "vegetable oil cooking spray", + "chicken breasts", + "reduced-fat cheese", + "egg whites", + "all-purpose flour", + "pepper", + "cornflake cereal", + "italian seasoning" + ] + }, + { + "id": 34898, + "cuisine": "indian", + "ingredients": [ + "lime", + "garlic", + "onions", + "kosher salt", + "basil leaves", + "shrimp", + "honey", + "hot sauce", + "basmati rice", + "curry powder", + "butter", + "coconut milk" + ] + }, + { + "id": 49592, + "cuisine": "mexican", + "ingredients": [ + "cider vinegar", + "butter", + "pork shoulder", + "cayenne", + "cracked black pepper", + "dried oregano", + "frozen orange juice concentrate", + "cherries", + "achiote paste", + "sliced green onions", + "garlic powder", + "sea salt", + "chopped cilantro fresh" + ] + }, + { + "id": 18165, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "mustard greens", + "canola oil", + "water", + "yellow onion", + "black pepper", + "salt", + "fresh ginger", + "tilapia" + ] + }, + { + "id": 21632, + "cuisine": "mexican", + "ingredients": [ + "chorizo", + "balsamic vinegar", + "dried oregano", + "sun-dried tomatoes", + "grated jack cheese", + "olive oil", + "poblano chilies", + "pinenuts", + "flour tortillas", + "garlic cloves" + ] + }, + { + "id": 8, + "cuisine": "french", + "ingredients": [ + "whole milk", + "fine sea salt", + "vanilla sugar", + "lemon", + "hazelnuts", + "baking powder", + "all-purpose flour", + "large eggs", + "extra-virgin olive oil" + ] + }, + { + "id": 21462, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic juice", + "hot sauce", + "juice", + "worcestershire sauce", + "beer", + "ground black pepper", + "turkey", + "peanut oil", + "butter", + "cayenne pepper" + ] + }, + { + "id": 31, + "cuisine": "mexican", + "ingredients": [ + "vidalia onion", + "chopped green bell pepper", + "fresh lemon juice", + "fresh lima beans", + "olive oil", + "salt", + "poblano chiles", + "corn kernels", + "cilantro sprigs", + "red bell pepper", + "grape tomatoes", + "ground black pepper", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 22063, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "chicken breast halves", + "tequila", + "olive oil", + "salt", + "shredded Monterey Jack cheese", + "refried beans", + "crusty sandwich rolls", + "chopped cilantro fresh", + "avocado", + "poblano peppers", + "salsa" + ] + }, + { + "id": 32767, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chili powder", + "purple onion", + "fresh cilantro", + "red pepper", + "tilapia fillets", + "red pepper flakes", + "cumin", + "cooked rice", + "corn", + "garlic" + ] + }, + { + "id": 13467, + "cuisine": "italian", + "ingredients": [ + "eggs", + "crushed tomatoes", + "bay leaves", + "salt", + "tomato paste", + "romano cheese", + "olive oil", + "garlic", + "onions", + "ground cinnamon", + "pepper", + "beef brisket", + "dry pasta", + "dried parsley", + "white bread", + "pork", + "dried basil", + "red wine", + "sweet italian sausage" + ] + }, + { + "id": 31611, + "cuisine": "korean", + "ingredients": [ + "seasoning", + "pepper", + "sesame oil", + "onions", + "sugar", + "honey", + "oyster mushrooms", + "sirloin", + "water", + "apples", + "kiwi", + "soy sauce", + "green onions", + "garlic cloves" + ] + }, + { + "id": 35374, + "cuisine": "mexican", + "ingredients": [ + "granulated sugar", + "butter", + "all-purpose flour", + "ground cinnamon", + "baking powder", + "mexican chocolate", + "firmly packed brown sugar", + "almond extract", + "salt", + "large eggs", + "vanilla", + "unsweetened chocolate" + ] + }, + { + "id": 27290, + "cuisine": "korean", + "ingredients": [ + "marinade", + "fat", + "toasted sesame oil", + "cooked rice", + "salt", + "green beans", + "sliced green onions", + "fat-trimmed beef flank steak", + "carrots", + "toasted sesame seeds", + "sugar", + "rice vinegar", + "salad oil" + ] + }, + { + "id": 34468, + "cuisine": "italian", + "ingredients": [ + "grated lemon zest", + "prosecco", + "fresh lemon juice", + "sugar", + "fresh raspberries" + ] + }, + { + "id": 8315, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "arugula", + "bread dough", + "gruyere cheese", + "fresh parsley" + ] + }, + { + "id": 47186, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "kosher salt", + "vegetable oil", + "fresh lime juice", + "jack cheese", + "large eggs", + "garlic cloves", + "white onion", + "flour", + "poblano chiles", + "chiles", + "finely chopped onion", + "salsa", + "chopped cilantro" + ] + }, + { + "id": 36480, + "cuisine": "mexican", + "ingredients": [ + "cooked turkey", + "jalapeno chilies", + "leftover gravy", + "pepper", + "self rising flour", + "salt", + "dried parsley", + "mashed potatoes", + "turkey broth", + "stuffing", + "onions", + "shredded cheddar cheese", + "flour tortillas", + "juice" + ] + }, + { + "id": 4950, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "vegetable broth", + "carrots", + "water", + "bacon slices", + "garlic cloves", + "sage leaves", + "ground black pepper", + "salt", + "baby lima beans", + "bay leaves", + "chopped onion" + ] + }, + { + "id": 40191, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "buttermilk", + "shortening", + "white cornmeal" + ] + }, + { + "id": 7600, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "corn starch", + "mustard", + "firm silken tofu", + "cilantro leaves", + "toasted sesame oil", + "chili paste", + "garlic", + "chinkiang vinegar", + "brown sugar", + "Shaoxing wine", + "scallions", + "japanese eggplants" + ] + }, + { + "id": 25519, + "cuisine": "mexican", + "ingredients": [ + "fresca", + "lime wedges", + "salt", + "pepper", + "relish", + "slaw", + "vegetable oil", + "white corn tortillas", + "tilapia fillets", + "purple onion" + ] + }, + { + "id": 19639, + "cuisine": "italian", + "ingredients": [ + "whipped cream", + "hot cocoa mix", + "brewed coffee", + "fat free milk", + "unsweetened cocoa powder" + ] + }, + { + "id": 23189, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "abbamele", + "wild mushrooms", + "kosher salt", + "dry white wine", + "chopped walnuts", + "fat free less sodium chicken broth", + "chopped fresh chives", + "goat cheese", + "water", + "shallots", + "fregola" + ] + }, + { + "id": 32348, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "flat leaf parsley", + "haricots verts", + "anchovy fillets", + "savoy cabbage", + "grated parmesan cheese", + "spaghetti", + "capers", + "garlic cloves" + ] + }, + { + "id": 2650, + "cuisine": "southern_us", + "ingredients": [ + "white bread", + "fat free milk", + "light mayonnaise", + "hot sauce", + "large egg whites", + "chopped fresh chives", + "bacon slices", + "olive oil", + "lettuce leaves", + "salt", + "yellow corn meal", + "ground black pepper", + "green tomatoes", + "fresh lemon juice" + ] + }, + { + "id": 16696, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chile pepper", + "ground cumin", + "white hominy", + "onions", + "sliced black olives", + "garlic", + "chicken broth", + "boneless skinless chicken breasts", + "dried oregano" + ] + }, + { + "id": 23068, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "mushroom caps", + "bacon slices", + "fat free less sodium chicken broth", + "shallots", + "fresh parsley", + "black pepper", + "cooked chicken", + "salt", + "fresh parmesan cheese", + "butter", + "pinot grigio" + ] + }, + { + "id": 9812, + "cuisine": "brazilian", + "ingredients": [ + "olive oil", + "low sodium chicken broth", + "cilantro leaves", + "chile powder", + "fresh thyme", + "chile pepper", + "sweet paprika", + "sablefish", + "brown rice", + "yellow onion", + "low-fat coconut milk", + "roma tomatoes", + "garlic", + "fresh lime juice" + ] + }, + { + "id": 471, + "cuisine": "italian", + "ingredients": [ + "fresh sage", + "cannellini beans", + "onions", + "prosciutto", + "carrots", + "parmesan cheese", + "extra-virgin olive oil", + "celery ribs", + "grated parmesan cheese", + "low salt chicken broth" + ] + }, + { + "id": 9415, + "cuisine": "italian", + "ingredients": [ + "vanilla extract", + "white sugar", + "baking powder", + "margarine", + "liquid egg substitute", + "chocolate candy bars", + "olive oil", + "all-purpose flour", + "unsweetened cocoa powder" + ] + }, + { + "id": 4350, + "cuisine": "italian", + "ingredients": [ + "white bread", + "shredded mozzarella cheese", + "unsalted butter", + "garlic powder", + "dried oregano", + "marinara sauce" + ] + }, + { + "id": 8871, + "cuisine": "thai", + "ingredients": [ + "sugar", + "green onions", + "garlic cloves", + "pork tenderloin", + "salt", + "dry roasted peanuts", + "pineapple", + "serrano chile", + "fish sauce", + "cooking spray", + "cilantro leaves" + ] + }, + { + "id": 35487, + "cuisine": "thai", + "ingredients": [ + "crusty bread", + "lemongrass", + "skinless chicken breasts", + "coriander", + "chicken stock", + "red chili peppers", + "sweet potatoes", + "garlic cloves", + "sugar", + "olive oil", + "coconut cream", + "fish sauce", + "lime juice", + "ginger", + "curry paste" + ] + }, + { + "id": 14918, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "egg noodles", + "red pepper", + "msg", + "chicken breasts", + "yellow onion", + "gai lan", + "green onions", + "salt", + "olive oil", + "sesame oil", + "carrots" + ] + }, + { + "id": 47029, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "grating cheese", + "milk", + "tapioca flour", + "salt", + "olive oil" + ] + }, + { + "id": 30081, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "whole wheat tortillas", + "veggies", + "part-skim mozzarella cheese" + ] + }, + { + "id": 23621, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "garlic", + "onions", + "fresh ginger", + "cumin seed", + "fresh chile", + "lite coconut milk", + "salt", + "chopped cilantro fresh", + "asparagus", + "chicken fingers", + "canola oil" + ] + }, + { + "id": 3109, + "cuisine": "british", + "ingredients": [ + "dark molasses", + "butter", + "dark brown sugar", + "superfine sugar", + "vanilla", + "boiling water", + "pitted date", + "double cream", + "golden syrup", + "eggs", + "baking soda", + "self-rising cake flour" + ] + }, + { + "id": 5451, + "cuisine": "thai", + "ingredients": [ + "minced garlic", + "lettuce leaves", + "ground pork", + "chile paste", + "sesame oil", + "firm tofu", + "soy sauce", + "hoisin sauce", + "vegetable oil", + "carrots", + "water", + "green onions", + "white rice" + ] + }, + { + "id": 49566, + "cuisine": "jamaican", + "ingredients": [ + "pigeon peas", + "thyme", + "chicken stock", + "long-grain rice", + "onions", + "pepper", + "garlic cloves", + "butter", + "coconut milk" + ] + }, + { + "id": 265, + "cuisine": "japanese", + "ingredients": [ + "water", + "nori", + "avocado", + "rice vinegar", + "salt", + "sushi rice", + "cucumber" + ] + }, + { + "id": 28255, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "brown rice", + "ground pork", + "carrots", + "hoisin sauce", + "napa cabbage", + "cilantro leaves", + "shiitake", + "sesame oil", + "garlic", + "canola oil", + "soy sauce", + "green onions", + "red pepper flakes", + "rice vinegar" + ] + }, + { + "id": 16140, + "cuisine": "french", + "ingredients": [ + "fat free less sodium chicken broth", + "salt", + "romano cheese", + "baking potatoes", + "garlic cloves", + "cooking spray", + "chopped onion", + "black pepper", + "bacon slices" + ] + }, + { + "id": 18452, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "rice flour", + "ground cumin", + "water", + "salt", + "chutney", + "paneer", + "gram flour", + "soda", + "oil", + "chaat masala" + ] + }, + { + "id": 407, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "cooked rice", + "eggs", + "olive oil", + "bread crumbs" + ] + }, + { + "id": 16617, + "cuisine": "spanish", + "ingredients": [ + "salt", + "large garlic cloves", + "extra-virgin olive oil", + "red wine vinegar", + "whole snapper" + ] + }, + { + "id": 49558, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "ground nutmeg", + "boneless skinless chicken breasts", + "salt", + "peanut oil", + "ground ginger", + "black pepper", + "hoisin sauce", + "red pepper", + "cayenne pepper", + "toasted sesame oil", + "cold water", + "soy sauce", + "chili paste", + "rice wine", + "rice vinegar", + "corn starch", + "eggs", + "minced garlic", + "flour", + "button mushrooms", + "orange juice", + "snow peas" + ] + }, + { + "id": 43304, + "cuisine": "russian", + "ingredients": [ + "sauerkraut", + "parsley", + "sour cream", + "black peppercorns", + "potatoes", + "dill", + "pork", + "bay leaves", + "carrots", + "beef", + "garlic", + "onions" + ] + }, + { + "id": 28636, + "cuisine": "italian", + "ingredients": [ + "pepper", + "white wine vinegar", + "ham", + "cherry tomatoes", + "purple onion", + "banana peppers", + "mozzarella cheese", + "black olives", + "garlic cloves", + "dried oregano", + "olive oil", + "salt", + "lemon juice" + ] + }, + { + "id": 18911, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "honey", + "raisins", + "toasted walnuts", + "orange", + "dark rum", + "salt", + "dried fig", + "eggs", + "unsalted butter", + "vanilla extract", + "white sugar", + "milk", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 32499, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "bay leaf", + "cumin", + "boneless beef roast", + "Mexican beer", + "beef broth", + "garlic salt", + "tomato paste", + "chili powder", + "cilantro leaves", + "chipotle peppers", + "pepper", + "garlic", + "sauce", + "dried oregano" + ] + }, + { + "id": 10216, + "cuisine": "mexican", + "ingredients": [ + "enchilada sauce", + "black beans", + "ground beef", + "Old El Paso Flour Tortillas", + "cheese" + ] + }, + { + "id": 14654, + "cuisine": "vietnamese", + "ingredients": [ + "fresh ginger", + "ground pork", + "oyster sauce", + "spring roll wrappers", + "spring onions", + "salt", + "cabbage", + "flour", + "garlic", + "carrots", + "soy sauce", + "vegetable oil", + "freshly ground pepper" + ] + }, + { + "id": 49068, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "spicy brown mustard", + "boneless chicken breast halves", + "peach preserves", + "dried thyme", + "salt", + "melted butter", + "balsamic vinegar" + ] + }, + { + "id": 42535, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "lamb loin chops", + "salt", + "fat" + ] + }, + { + "id": 47932, + "cuisine": "italian", + "ingredients": [ + "egg substitute", + "chicken breast halves", + "pasta sauce", + "part-skim mozzarella cheese", + "spaghetti", + "olive oil", + "fresh parsley", + "seasoned bread crumbs", + "grated parmesan cheese" + ] + }, + { + "id": 25006, + "cuisine": "japanese", + "ingredients": [ + "sesame", + "low sodium chicken broth", + "yellow onion", + "canola oil", + "boneless pork shoulder", + "kosher salt", + "green onions", + "garlic cloves", + "cremini mushrooms", + "leeks", + "soft-boiled egg", + "low sodium soy sauce", + "fresh ginger", + "ramen noodles", + "Equal Sweetener" + ] + }, + { + "id": 14844, + "cuisine": "russian", + "ingredients": [ + "cottage cheese", + "lemon rind", + "eggs", + "cinnamon", + "sour cream", + "flour", + "lemon juice", + "sugar", + "salt" + ] + }, + { + "id": 23048, + "cuisine": "italian", + "ingredients": [ + "chopped parsley", + "grated parmesan cheese", + "unsalted butter", + "gnocchi", + "chopped fresh chives" + ] + }, + { + "id": 16450, + "cuisine": "russian", + "ingredients": [ + "ground black pepper", + "salt", + "bay leaves", + "dark brown sugar", + "clove", + "apple cider", + "fresh ham", + "dijon mustard", + "beer" + ] + }, + { + "id": 27692, + "cuisine": "mexican", + "ingredients": [ + "clove", + "pasilla chiles", + "almonds", + "tomatillos", + "pumpkin seeds", + "corn tortillas", + "anise seed", + "salt and ground black pepper", + "seeds", + "white rice", + "cinnamon sticks", + "chicken pieces", + "black peppercorns", + "coriander seeds", + "vegetable oil", + "mexican chocolate", + "ancho chile pepper", + "chicken broth", + "sesame seeds", + "mulato chiles", + "raisins", + "garlic cloves", + "french rolls" + ] + }, + { + "id": 3569, + "cuisine": "italian", + "ingredients": [ + "dijon mustard", + "ground white pepper", + "soft goat's cheese", + "ricotta cheese", + "truffle oil", + "hazelnuts", + "salt" + ] + }, + { + "id": 6898, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "capers", + "vegetable oil", + "dry white wine", + "flat leaf parsley", + "veal scallopini", + "lemon" + ] + }, + { + "id": 36215, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "spinach", + "sesame oil", + "mirin", + "soy sauce" + ] + }, + { + "id": 49234, + "cuisine": "indian", + "ingredients": [ + "clove", + "boneless chicken skinless thigh", + "minced ginger", + "poppy seeds", + "blanched almonds", + "ground turmeric", + "black peppercorns", + "kosher salt", + "cinnamon", + "raw cashews", + "bay leaf", + "fennel seeds", + "plain yogurt", + "rose petals", + "paprika", + "fresh lemon juice", + "canola oil", + "green cardamom pods", + "cooked rice", + "minced garlic", + "heavy cream", + "yellow onion", + "serrano chile" + ] + }, + { + "id": 41101, + "cuisine": "chinese", + "ingredients": [ + "warm water", + "gluten free all purpose flour", + "tapioca starch", + "eggs", + "xanthan gum" + ] + }, + { + "id": 10378, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "ground nutmeg", + "lemon", + "cream cheese", + "greens", + "warm water", + "flour", + "vanilla", + "lemon juice", + "dough", + "cream", + "egg yolks", + "salt", + "confectioners sugar", + "melted butter", + "milk", + "cake", + "icing", + "yeast" + ] + }, + { + "id": 37627, + "cuisine": "italian", + "ingredients": [ + "shredded mozzarella cheese", + "water", + "spaghetti", + "pasta", + "elbow macaroni", + "diced tomatoes" + ] + }, + { + "id": 30532, + "cuisine": "italian", + "ingredients": [ + "bread flour", + "bread yeast", + "warm water", + "salt" + ] + }, + { + "id": 14287, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "fresh mushrooms", + "soy sauce", + "corn starch", + "green onions", + "beansprouts", + "eggs", + "peanut oil" + ] + }, + { + "id": 26105, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "red potato", + "vegan parmesan cheese", + "garlic", + "fresh chives", + "dried oregano" + ] + }, + { + "id": 17073, + "cuisine": "italian", + "ingredients": [ + "saffron threads", + "minced garlic", + "ground black pepper", + "chopped onion", + "fat free less sodium chicken broth", + "fresh parmesan cheese", + "crushed red pepper", + "plum tomatoes", + "arborio rice", + "olive oil", + "dry white wine", + "flat leaf parsley", + "cremini mushrooms", + "sea scallops", + "butter", + "medium shrimp" + ] + }, + { + "id": 10736, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "brown sugar", + "old-fashioned oats", + "ground cinnamon", + "granulated sugar", + "biscuit baking mix" + ] + }, + { + "id": 17441, + "cuisine": "italian", + "ingredients": [ + "ahi", + "french bread", + "olive oil", + "onions", + "capers", + "ground black pepper", + "kosher salt", + "fresh lemon juice" + ] + }, + { + "id": 17559, + "cuisine": "mexican", + "ingredients": [ + "chopped cilantro fresh", + "whole cranberry sauce", + "ground cinnamon", + "hot sauce" + ] + }, + { + "id": 41076, + "cuisine": "moroccan", + "ingredients": [ + "milk", + "walnuts", + "sugar", + "flour", + "powdered sugar", + "unsalted butter", + "rose water", + "cinnamon" + ] + }, + { + "id": 46122, + "cuisine": "chinese", + "ingredients": [ + "cooking oil", + "corn starch", + "red chili peppers", + "salt", + "lotus roots", + "light soy sauce", + "green chilies", + "eggs", + "garlic", + "ginger root" + ] + }, + { + "id": 8825, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "garlic powder", + "chili powder", + "dried minced onion", + "taco shells", + "condiments", + "cayenne pepper", + "dried oregano", + "tomato sauce", + "guacamole", + "salsa", + "ground beef", + "lettuce", + "refried beans", + "colby jack cheese", + "corn starch", + "ground cumin" + ] + }, + { + "id": 6578, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "curry powder", + "unsalted cashews", + "cilantro", + "onions", + "chicken broth", + "minced garlic", + "yoghurt", + "diced tomatoes", + "cinnamon sticks", + "tomato paste", + "cream", + "cayenne", + "butter", + "salt", + "fennel seeds", + "black pepper", + "fresh ginger", + "seeds", + "white wine vinegar" + ] + }, + { + "id": 315, + "cuisine": "italian", + "ingredients": [ + "golden brown sugar", + "anjou pears", + "all purpose unbleached flour", + "fresh lemon juice", + "granny smith apples", + "crystallized ginger", + "ice water", + "salt", + "honey", + "unsalted butter", + "vegetable shortening", + "chinese five-spice powder", + "sugar", + "whole wheat flour", + "large eggs", + "whipping cream" + ] + }, + { + "id": 10965, + "cuisine": "irish", + "ingredients": [ + "ground black pepper", + "arrowroot powder", + "carrots", + "cremini mushrooms", + "dried sage", + "extra-virgin olive oil", + "dried parsley", + "green cabbage", + "sweet potatoes", + "sea salt", + "onions", + "dried thyme", + "lamb stew meat", + "garlic", + "chicken" + ] + }, + { + "id": 18873, + "cuisine": "italian", + "ingredients": [ + "parmigiano-reggiano cheese", + "water", + "truffle oil", + "salt", + "onions", + "fat free less sodium chicken broth", + "large egg yolks", + "chopped fresh thyme", + "garlic cloves", + "tomato paste", + "kosher salt", + "ground black pepper", + "extra-virgin olive oil", + "flat leaf parsley", + "cremini mushrooms", + "olive oil", + "mushrooms", + "all-purpose flour" + ] + }, + { + "id": 40128, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "vinegar", + "ground pork", + "minced ginger", + "szechwan peppercorns", + "salt", + "red chili peppers", + "green onions", + "garlic", + "stock", + "yardlong beans", + "vegetable oil" + ] + }, + { + "id": 22634, + "cuisine": "korean", + "ingredients": [ + "water", + "grated lemon zest", + "jalapeno chilies", + "soy sauce", + "dark brown sugar" + ] + }, + { + "id": 17405, + "cuisine": "chinese", + "ingredients": [ + "ground black pepper", + "garlic", + "bok choy", + "soy sauce", + "cooking oil", + "firm tofu", + "spinach", + "radishes", + "salt", + "snow peas", + "fresh ginger", + "sesame oil", + "lemon juice" + ] + }, + { + "id": 203, + "cuisine": "brazilian", + "ingredients": [ + "coconut milk", + "frozen banana", + "pure acai puree", + "almond butter" + ] + }, + { + "id": 31766, + "cuisine": "french", + "ingredients": [ + "olive oil", + "green onions", + "frozen pastry puff sheets", + "sea salt", + "large eggs", + "fresh thyme leaves", + "soft goat's cheese", + "leeks", + "freshly ground pepper" + ] + }, + { + "id": 24047, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lean ground beef", + "fresh oregano", + "sausage links", + "whole peeled tomatoes", + "salt", + "spaghetti", + "tomato sauce", + "ground black pepper", + "garlic", + "bay leaf", + "dried basil", + "grated parmesan cheese", + "yellow onion" + ] + }, + { + "id": 2033, + "cuisine": "mexican", + "ingredients": [ + "pork tenderloin", + "salt", + "corn tortillas", + "monterey jack", + "brown sugar", + "ground red pepper", + "chopped onion", + "serrano chile", + "plantains", + "lower sodium chicken broth", + "cooking spray", + "cilantro leaves", + "fresh lime juice", + "canola oil", + "black beans", + "tomatillos", + "garlic cloves", + "dried oregano", + "ground cumin" + ] + }, + { + "id": 3254, + "cuisine": "french", + "ingredients": [ + "blackberries", + "chambord", + "champagne" + ] + }, + { + "id": 31933, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "italian seasoning", + "pepper", + "dry red wine", + "onions", + "tomato sauce", + "mushrooms", + "sweet italian sausage", + "pork chops", + "salt" + ] + }, + { + "id": 23547, + "cuisine": "french", + "ingredients": [ + "baguette", + "radishes", + "dijon mustard", + "soft fresh goat cheese", + "olive oil", + "shallots", + "sherry vinegar", + "curly endive" + ] + }, + { + "id": 31004, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "sweet potatoes", + "ground ginger", + "unsalted butter", + "light brown sugar", + "water", + "cracked black pepper", + "ground cinnamon", + "granulated sugar" + ] + }, + { + "id": 25069, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "butter", + "ground nutmeg", + "all-purpose flour", + "country ham", + "whipping cream", + "frozen chopped spinach", + "grated parmesan cheese", + "freshly ground pepper" + ] + }, + { + "id": 30148, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "Campbell's Condensed Cream of Chicken Soup", + "cooked chicken", + "sour cream", + "green onions", + "Pace Picante Sauce", + "tomatoes", + "chili powder", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 41007, + "cuisine": "italian", + "ingredients": [ + "rosemary", + "mascarpone", + "freshly ground pepper", + "sugar", + "honey", + "extra-virgin olive oil", + "nectarines", + "peasant bread", + "sweet cherries", + "salt", + "orange zest", + "lavender buds", + "apricot halves", + "fresh lemon juice" + ] + }, + { + "id": 46192, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "salt", + "onions", + "extra-virgin olive oil" + ] + }, + { + "id": 5984, + "cuisine": "italian", + "ingredients": [ + "white onion", + "diced tomatoes in juice", + "zucchini", + "olive oil", + "italian seasoning", + "sugar", + "salt" + ] + }, + { + "id": 46512, + "cuisine": "french", + "ingredients": [ + "crème fraîche", + "plums", + "sugar" + ] + }, + { + "id": 17313, + "cuisine": "jamaican", + "ingredients": [ + "curry powder", + "cooking oil", + "tomato ketchup", + "red potato", + "hot pepper sauce", + "garlic", + "onions", + "stewing beef", + "onion powder", + "red bell pepper", + "black pepper", + "fresh thyme", + "salt", + "boiling water" + ] + }, + { + "id": 34568, + "cuisine": "mexican", + "ingredients": [ + "string beans", + "olive oil", + "white rice", + "chopped parsley", + "dried oregano", + "chicken stock", + "black pepper", + "fresh peas", + "carrots", + "onions", + "tomato sauce", + "cayenne", + "salt", + "ground beef", + "eggs", + "pepper", + "large garlic cloves", + "fresh mint", + "chopped cilantro fresh" + ] + }, + { + "id": 6209, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "scallions", + "asparagus", + "cherry tomatoes", + "italian salad dressing", + "short pasta", + "shredded parmesan cheese" + ] + }, + { + "id": 14814, + "cuisine": "mexican", + "ingredients": [ + "guacamole", + "cashew nuts", + "black beans", + "hot sauce", + "purple onion", + "chunky salsa", + "jalapeno chilies", + "tortilla chips" + ] + }, + { + "id": 15018, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "fresh ginger root", + "rice vinegar", + "white sugar", + "minced garlic", + "minced onion", + "lemon juice", + "ketchup", + "ground black pepper", + "peanut oil", + "water", + "salt", + "celery" + ] + }, + { + "id": 601, + "cuisine": "french", + "ingredients": [ + "turbinado", + "apricot preserves", + "pie dough", + "sugar", + "frozen blueberries", + "peaches" + ] + }, + { + "id": 32371, + "cuisine": "italian", + "ingredients": [ + "large garlic cloves", + "ground black pepper", + "arugula", + "parmesan cheese", + "extra-virgin olive oil", + "lemon wedge", + "porterhouse steaks" + ] + }, + { + "id": 37370, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "cannellini beans", + "red bell pepper", + "spinach", + "part-skim mozzarella cheese", + "salt", + "onions", + "olive oil", + "diced tomatoes", + "celery", + "rosemary sprigs", + "zucchini", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 9591, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "guacamole", + "salsa", + "olive oil", + "grating cheese", + "sour cream", + "fresh coriander", + "green onions", + "cream cheese", + "tomatoes", + "flour tortillas", + "bacon" + ] + }, + { + "id": 26324, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "whole wheat tortillas", + "ground beef", + "minced garlic", + "black olives", + "shredded cheddar cheese", + "diced tomatoes", + "onions", + "refried beans", + "red enchilada sauce" + ] + }, + { + "id": 27835, + "cuisine": "french", + "ingredients": [ + "dried basil", + "dijon mustard", + "dried tarragon leaves", + "honey", + "salt", + "dried thyme", + "vegetable oil", + "white wine", + "ground black pepper", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 25811, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "mango", + "black pepper", + "lemon juice", + "strawberries", + "sea salt", + "fresh basil leaves" + ] + }, + { + "id": 34401, + "cuisine": "indian", + "ingredients": [ + "salt", + "cashew nuts", + "gooseberries", + "mustard seeds", + "ground turmeric", + "fresh curry leaves", + "oil", + "basmati rice", + "urad dal", + "dried chile", + "asafetida" + ] + }, + { + "id": 38032, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "1% low-fat milk", + "saffron threads", + "golden raisins", + "cinnamon sticks", + "sugar", + "salt", + "arborio rice", + "vanilla extract" + ] + }, + { + "id": 43149, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "salt", + "shiitake", + "whole wheat tortillas", + "mushroom caps", + "purple onion", + "fontina cheese", + "cooking spray" + ] + }, + { + "id": 22394, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "sea salt", + "cajun seasoning", + "salmon fillets", + "fiber one" + ] + }, + { + "id": 43839, + "cuisine": "indian", + "ingredients": [ + "unsalted butter", + "fresh lemon juice", + "salmon fillets", + "large eggs", + "long grain white rice", + "parsley leaves", + "onions", + "water", + "salt" + ] + }, + { + "id": 1889, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vanilla cream", + "egg whites", + "bananas", + "vanilla wafers", + "butter" + ] + }, + { + "id": 30741, + "cuisine": "moroccan", + "ingredients": [ + "green tea", + "sugar", + "mint leaves" + ] + }, + { + "id": 7795, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "chicken breasts", + "garlic cloves", + "lettuce", + "pepper", + "salt", + "cashew nuts", + "soy sauce", + "sesame oil", + "onions", + "ground ginger", + "ground red pepper", + "rice vinegar", + "canola oil" + ] + }, + { + "id": 4548, + "cuisine": "thai", + "ingredients": [ + "low sodium soy sauce", + "cooking spray", + "fresh lime juice", + "fresh ginger", + "crushed red pepper", + "lime rind", + "boneless skinless chicken breasts", + "light brown sugar", + "reduced fat creamy peanut butter", + "garlic cloves" + ] + }, + { + "id": 6874, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "taco toppings", + "onion powder", + "ground cumin", + "chili powder", + "rotel tomatoes", + "taco shells", + "flat iron steaks" + ] + }, + { + "id": 39658, + "cuisine": "vietnamese", + "ingredients": [ + "avocado", + "lime juice", + "bell pepper", + "cilantro", + "cucumber", + "almond butter", + "roasted sesame seeds", + "wheat", + "orange juice", + "rice paper", + "mint", + "minced ginger", + "lettuce leaves", + "rice vermicelli", + "chopped garlic", + "water", + "honey", + "basil", + "carrots" + ] + }, + { + "id": 21896, + "cuisine": "russian", + "ingredients": [ + "mayonaise", + "salt", + "turkey hot dogs", + "green onions", + "potatoes", + "dill pickles", + "eggs", + "peas" + ] + }, + { + "id": 23775, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "broccolini", + "red pepper flakes", + "onions", + "pasta", + "white wine", + "salted butter", + "fresh lemon juice", + "black pepper", + "olive oil", + "garlic", + "chicken stock", + "kosher salt", + "fresh parmesan cheese", + "flat leaf parsley" + ] + }, + { + "id": 16660, + "cuisine": "mexican", + "ingredients": [ + "salt", + "pepper", + "tripe", + "white hominy", + "onions", + "chili powder" + ] + }, + { + "id": 24807, + "cuisine": "mexican", + "ingredients": [ + "mild olive oil", + "grape tomatoes", + "chopped cilantro", + "green chile", + "corn tortillas", + "cheddar cheese", + "cumin" + ] + }, + { + "id": 15410, + "cuisine": "greek", + "ingredients": [ + "salt", + "parsley", + "lemon juice", + "tahini", + "chickpeas", + "garlic" + ] + }, + { + "id": 25400, + "cuisine": "italian", + "ingredients": [ + "butter", + "unsweetened cocoa powder", + "coffee granules", + "all-purpose flour", + "half & half", + "confectioners sugar", + "vanilla extract" + ] + }, + { + "id": 20957, + "cuisine": "moroccan", + "ingredients": [ + "baguette", + "ground black pepper", + "chopped fresh thyme", + "garlic cloves", + "fresh parsley", + "plain low-fat yogurt", + "sweet onion", + "harissa", + "salt", + "smoked paprika", + "ground cumin", + "pitted kalamata olives", + "olive oil", + "balsamic vinegar", + "ground coriander", + "red bell pepper", + "water", + "cooking spray", + "vegetable broth", + "fresh lemon juice", + "plum tomatoes" + ] + }, + { + "id": 44513, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "diced tomatoes", + "lemon rind", + "baby portobello mushrooms", + "cooking spray", + "purple onion", + "olive oil", + "basil", + "diced celery", + "grated parmesan cheese", + "crushed red pepper", + "carrots" + ] + }, + { + "id": 4995, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "chanterelle", + "haricots verts", + "potatoes", + "pearl onions", + "chopped fresh chives", + "fresh peas" + ] + }, + { + "id": 15860, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "baking soda", + "ginger", + "onions", + "white pepper", + "rice wine", + "oyster sauce", + "soy sauce", + "boneless skinless chicken breasts", + "salt", + "cashew nuts", + "green bell pepper", + "water", + "sesame oil", + "corn starch" + ] + }, + { + "id": 27077, + "cuisine": "indian", + "ingredients": [ + "clove", + "cinnamon", + "ground coriander", + "ground cumin", + "fresh ginger root", + "salt", + "chopped cilantro fresh", + "garbanzo beans", + "garlic", + "onions", + "vegetable oil", + "cayenne pepper", + "ground turmeric" + ] + }, + { + "id": 4734, + "cuisine": "japanese", + "ingredients": [ + "sushi rice" + ] + }, + { + "id": 1972, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "dried pinto beans", + "chopped cilantro", + "lime zest", + "vegetable oil", + "salt", + "cold water", + "queso fresco", + "fresh lime juice", + "jalapeno chilies", + "garlic", + "onions" + ] + }, + { + "id": 27995, + "cuisine": "mexican", + "ingredients": [ + "ground chipotle chile pepper", + "salsa verde", + "butter", + "peanut oil", + "ground cumin", + "lime", + "guacamole", + "chees fresco queso", + "corn tortillas", + "kosher salt", + "ground black pepper", + "paprika", + "sour cream", + "garlic powder", + "chili powder", + "cayenne pepper", + "chicken" + ] + }, + { + "id": 40555, + "cuisine": "mexican", + "ingredients": [ + "all-purpose flour", + "jalapeno chilies", + "chopped cilantro fresh", + "blue corn tortilla chips", + "monterey jack", + "beer" + ] + }, + { + "id": 25506, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "garlic", + "onions", + "pepper", + "diced tomatoes", + "shrimp", + "chorizo", + "paprika", + "veget soup mix", + "low sodium chicken broth", + "long-grain rice", + "frozen peas" + ] + }, + { + "id": 45401, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "butter", + "cornmeal", + "firmly packed brown sugar", + "bourbon whiskey", + "salt", + "large eggs", + "vanilla extract", + "chocolate morsels", + "dark corn syrup", + "refrigerated piecrusts", + "chopped pecans" + ] + }, + { + "id": 37768, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "all-purpose flour", + "white vinegar", + "egg whites", + "ground black pepper", + "oil", + "milk", + "salt" + ] + }, + { + "id": 36697, + "cuisine": "southern_us", + "ingredients": [ + "white peaches", + "butter", + "salt", + "whole milk", + "vanilla", + "water", + "heavy cream", + "sugar", + "bourbon whiskey", + "whipping cream" + ] + }, + { + "id": 7840, + "cuisine": "mexican", + "ingredients": [ + "white bread", + "pasilla chiles", + "mulato chiles", + "mexican chocolate", + "ancho chile pepper", + "clove", + "sugar", + "sesame seeds", + "anise", + "diced tomatoes in juice", + "chicken broth", + "black pepper", + "cinnamon", + "salt", + "pork lard", + "whole almonds", + "chicken bones", + "raisins", + "garlic cloves" + ] + }, + { + "id": 49686, + "cuisine": "indian", + "ingredients": [ + "ketchup", + "milk", + "butter", + "sour cream", + "ground turmeric", + "tomatoes", + "pepper", + "garam masala", + "salt", + "onions", + "ground ginger", + "chicken bouillon", + "garbanzo beans", + "garlic", + "coconut milk", + "ground paprika", + "curry powder", + "potatoes", + "ground almonds", + "white sugar" + ] + }, + { + "id": 41358, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "broccoli florets", + "peanut oil", + "fresh ginger", + "marinade", + "oyster sauce", + "chicken stock", + "ground black pepper", + "sauce", + "corn starch", + "soy sauce", + "flank steak", + "garlic cloves" + ] + }, + { + "id": 6340, + "cuisine": "southern_us", + "ingredients": [ + "dried thyme", + "buttermilk", + "peanut oil", + "vinegar", + "all-purpose flour", + "marjoram", + "garlic powder", + "salt", + "chicken leg quarters", + "black pepper", + "onion powder", + "cayenne pepper" + ] + }, + { + "id": 2177, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "large garlic cloves", + "grated parmesan cheese", + "crushed red pepper", + "broccoli florets", + "orecchiette", + "olive oil", + "white wine vinegar" + ] + }, + { + "id": 38286, + "cuisine": "indian", + "ingredients": [ + "carrots", + "green chilies", + "cilantro leaves", + "onions", + "oil" + ] + }, + { + "id": 38715, + "cuisine": "southern_us", + "ingredients": [ + "saltines", + "cooking spray", + "salt", + "large egg whites", + "vegetable broth", + "rubbed sage", + "black pepper", + "butter", + "chopped onion", + "white bread", + "large eggs", + "chopped celery", + "corn bread" + ] + }, + { + "id": 211, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "linguine", + "fresh lemon juice", + "fat free less sodium chicken broth", + "butter", + "grated lemon zest", + "fresh parsley", + "pinenuts", + "cracked black pepper", + "garlic cloves", + "dry white wine", + "salt", + "medium shrimp" + ] + }, + { + "id": 14105, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "coarse salt", + "chopped cilantro", + "pepper jack", + "garlic cloves", + "ground pepper", + "scallions", + "plum tomatoes", + "red potato", + "large eggs", + "fresh lime juice" + ] + }, + { + "id": 35232, + "cuisine": "thai", + "ingredients": [ + "thai basil", + "garlic", + "boneless skinless chicken breast halves", + "green curry paste", + "water chestnuts", + "baby corn", + "fresh ginger", + "shallots", + "coconut milk", + "pepper", + "lemon grass", + "salt", + "canola oil" + ] + }, + { + "id": 43131, + "cuisine": "mexican", + "ingredients": [ + "white rice", + "chicken broth", + "oil", + "salsa", + "green onions", + "cumin" + ] + }, + { + "id": 17832, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "water chestnuts", + "mint sprigs", + "scallions", + "snow peas", + "sugar", + "honey", + "vegetable oil", + "seasoned rice wine vinegar", + "ground turkey", + "water", + "sesame oil", + "cilantro sprigs", + "corn starch", + "soy sauce", + "bibb lettuce", + "worcestershire sauce", + "gingerroot", + "cooked white rice" + ] + }, + { + "id": 28881, + "cuisine": "french", + "ingredients": [ + "rosemary", + "butter", + "thyme", + "chopped garlic", + "wine", + "fresh thyme leaves", + "garlic cloves", + "bay leaf", + "herbs", + "cornichons", + "chicken livers", + "streaky bacon", + "raisin bread", + "brioche bread", + "lardons" + ] + }, + { + "id": 13386, + "cuisine": "mexican", + "ingredients": [ + "grape tomatoes", + "flour tortillas", + "grated jack cheese", + "adobo sauce", + "pepper", + "green onions", + "garlic cloves", + "mango", + "peeled deveined shrimp", + "jalapeno chilies", + "beer", + "chopped cilantro", + "avocado", + "lime", + "salt", + "chipotle peppers" + ] + }, + { + "id": 45390, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "jalapeno chilies", + "red pepper", + "salsa", + "lime juice", + "cooked chicken", + "purple onion", + "chopped cilantro", + "flour tortillas", + "lime wedges", + "salt", + "ground cumin", + "shredded cheddar cheese", + "guacamole", + "garlic", + "sour cream" + ] + }, + { + "id": 39811, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "large garlic cloves", + "onions", + "vegetable oil", + "rotisserie chicken", + "lime wedges", + "grated jack cheese", + "flour tortillas", + "salt" + ] + }, + { + "id": 8703, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "kosher salt", + "baking powder", + "brown sugar", + "sweet potatoes", + "baking soda", + "buttermilk" + ] + }, + { + "id": 14471, + "cuisine": "french", + "ingredients": [ + "lemon slices", + "ice cubes", + "fresh lemon juice", + "lillet", + "sugar", + "soda water" + ] + }, + { + "id": 40842, + "cuisine": "spanish", + "ingredients": [ + "dry sherry", + "bird chile", + "pepper", + "salt", + "extra-virgin olive oil", + "tiger prawn", + "lemon", + "garlic cloves" + ] + }, + { + "id": 48845, + "cuisine": "moroccan", + "ingredients": [ + "food colouring", + "ground almonds", + "dates", + "walnut halves", + "powdered sugar", + "orange flower water" + ] + }, + { + "id": 10297, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "old bay seasoning", + "and fat free half half", + "low-fat sour cream", + "butter", + "all-purpose flour", + "chopped cilantro fresh", + "dry white wine", + "diced tomatoes", + "medium shrimp", + "chipotle chile", + "condensed chicken broth", + "fresh oregano", + "sliced green onions" + ] + }, + { + "id": 34662, + "cuisine": "brazilian", + "ingredients": [ + "kosher salt", + "dijon mustard", + "sweet paprika", + "boneless skinless chicken breast halves", + "caraway seeds", + "ground black pepper", + "lime wedges", + "chopped cilantro", + "lager beer", + "peeled fresh ginger", + "garlic cloves", + "green bell pepper", + "unsalted butter", + "vegetable oil", + "onions" + ] + }, + { + "id": 36852, + "cuisine": "italian", + "ingredients": [ + "melted butter", + "potatoes" + ] + }, + { + "id": 13175, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "avocado", + "oil", + "all-purpose flour", + "kosher salt", + "panko breadcrumbs" + ] + }, + { + "id": 25507, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "whole milk", + "extra-virgin olive oil", + "garlic cloves", + "corn kernels", + "chicken breasts", + "all-purpose flour", + "cream cheese, soften", + "celery ribs", + "low sodium chicken broth", + "vegetable oil", + "Italian seasoned breadcrumbs", + "onions", + "pepper", + "green onions", + "salt", + "carrots" + ] + }, + { + "id": 45304, + "cuisine": "italian", + "ingredients": [ + "bread", + "chopped fresh thyme", + "chicken cutlets", + "garlic cloves", + "olive oil", + "purple onion", + "balsamic vinegar", + "arugula" + ] + }, + { + "id": 22843, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "roasted red peppers", + "long-grain rice", + "pepper", + "salt", + "chicken pieces", + "white wine", + "bay leaves", + "garlic cloves", + "clove", + "olive oil", + "beef broth", + "onions" + ] + }, + { + "id": 45021, + "cuisine": "mexican", + "ingredients": [ + "cooked turkey", + "cooking spray", + "shredded cheddar cheese", + "pumpkin purée", + "tomato sauce", + "taco seasoning mix", + "chipotle peppers", + "chicken bouillon granules", + "refried beans", + "whole wheat tortillas" + ] + }, + { + "id": 929, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vanilla extract", + "butter", + "lemon juice", + "pastry shell", + "all-purpose flour", + "eggs", + "buttermilk", + "chopped pecans" + ] + }, + { + "id": 7212, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "ginger", + "cumin seed", + "spinach", + "paneer", + "onions", + "red chili powder", + "garlic", + "oil", + "garam masala", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 35436, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "feta cheese", + "grated lemon zest", + "ground lamb", + "unsalted chicken stock", + "crushed tomatoes", + "cooking spray", + "oven-ready lasagna noodles", + "fresh rosemary", + "minced garlic", + "ground black pepper", + "chopped onion", + "extra lean ground beef", + "olive oil", + "part-skim ricotta cheese", + "flat leaf parsley" + ] + }, + { + "id": 36578, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "vegetable oil", + "red bell pepper", + "boneless chicken skinless thigh", + "yellow curry paste", + "fresh basil", + "cilantro", + "onions", + "yukon gold potatoes", + "carrots" + ] + }, + { + "id": 37555, + "cuisine": "british", + "ingredients": [ + "raspberries", + "glace cherries", + "egg yolks", + "fresh raspberries", + "raspberry jam", + "milk", + "silver dragees", + "cornflour", + "biscuits", + "caster sugar", + "frozen raspberries", + "sponge cake", + "sliced almonds", + "sweet sherry", + "vanilla pods", + "whipping cream" + ] + }, + { + "id": 3422, + "cuisine": "cajun_creole", + "ingredients": [ + "low sodium chicken broth", + "smoked sausage", + "bay leaf", + "vegetable oil", + "rotisserie chicken", + "Tabasco Pepper Sauce", + "all-purpose flour", + "onions", + "green bell pepper", + "garlic", + "celery" + ] + }, + { + "id": 44926, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "fontina", + "pizza shells", + "sausage casings", + "oil" + ] + }, + { + "id": 7933, + "cuisine": "brazilian", + "ingredients": [ + "jalapeno chilies", + "chopped cilantro", + "olive oil", + "fresh lemon juice", + "hearts of palm", + "garlic cloves", + "white onion", + "xuxu", + "large shrimp" + ] + }, + { + "id": 2101, + "cuisine": "italian", + "ingredients": [ + "frozen mixed thawed vegetables,", + "ragu old world style pasta sauc", + "fettucine", + "loosely packed fresh basil leaves" + ] + }, + { + "id": 27911, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "green lentil", + "diced tomatoes", + "lamb", + "ground turmeric", + "water", + "vermicelli", + "purple onion", + "onions", + "eggs", + "ground black pepper", + "chopped celery", + "ground cayenne pepper", + "ground ginger", + "garbanzo beans", + "lemon", + "margarine", + "chopped cilantro fresh" + ] + }, + { + "id": 12342, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "whole wheat spaghetti", + "all-purpose flour", + "truffle oil", + "1% low-fat milk", + "garlic cloves", + "parmigiano reggiano cheese", + "butter", + "cream cheese", + "ground black pepper", + "cooking spray", + "salt", + "spaghetti" + ] + }, + { + "id": 9593, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil cooking spray", + "zucchini", + "salt", + "tequila", + "sea scallops", + "purple onion", + "green beans", + "corn kernels", + "cauliflower florets", + "cilantro leaves", + "poblano chiles", + "triple sec", + "cilantro sprigs", + "carrots", + "fresh lime juice" + ] + }, + { + "id": 31676, + "cuisine": "spanish", + "ingredients": [ + "ground pepper", + "half & half", + "fat skimmed chicken broth", + "fresh chives", + "large eggs", + "chopped onion", + "roasted red peppers", + "salt", + "orange", + "potatoes", + "smoked trout" + ] + }, + { + "id": 30519, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "bacon slices", + "olive oil", + "butternut squash", + "salt", + "ground black pepper", + "purple onion", + "swiss chard", + "castellane", + "chopped fresh sage" + ] + }, + { + "id": 28236, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "wonton wrappers", + "parmesan cheese", + "mozzarella cheese", + "ricotta cheese", + "meat" + ] + }, + { + "id": 12404, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "red pepper", + "soy sauce", + "sesame oil", + "salt", + "brown sugar", + "green onions", + "garlic", + "pepper", + "lean ground beef" + ] + }, + { + "id": 16681, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "pear tomatoes", + "thyme sprigs", + "kosher salt", + "dry white wine", + "white wine vinegar", + "fresh rosemary", + "unsalted butter", + "extra-virgin olive oil", + "gaeta olives", + "yukon gold potatoes", + "turbot" + ] + }, + { + "id": 13085, + "cuisine": "indian", + "ingredients": [ + "eggs", + "fresh cilantro", + "salt", + "warm water", + "vegetable oil", + "sugar", + "active dry yeast", + "all-purpose flour", + "plain yogurt", + "garlic" + ] + }, + { + "id": 10449, + "cuisine": "italian", + "ingredients": [ + "pesto", + "arugula", + "sun-dried tomatoes", + "pinenuts", + "whole wheat pasta", + "goat cheese" + ] + }, + { + "id": 5964, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "extra-virgin olive oil", + "grated parmesan cheese", + "red bell pepper", + "mozzarella cheese", + "ricotta", + "pasta", + "broccoli florets" + ] + }, + { + "id": 30297, + "cuisine": "korean", + "ingredients": [ + "water", + "medium-grain rice" + ] + }, + { + "id": 3037, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "grating cheese", + "jalapeno chilies", + "freshly ground pepper", + "finely chopped onion", + "salt", + "tomatoes", + "vegetable oil", + "corn tortillas" + ] + }, + { + "id": 19712, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "butter", + "garlic cloves", + "dried oregano", + "chicken broth", + "bay leaves", + "creole seasoning", + "ground cayenne pepper", + "tomato paste", + "chili", + "purple onion", + "ham", + "green bell pepper", + "green onions", + "long-grain rice", + "plum tomatoes" + ] + }, + { + "id": 4400, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "fresh oregano leaves", + "boneless skinless chicken breasts", + "garlic cloves", + "cherry tomatoes", + "lemon", + "cooking spray", + "salt" + ] + }, + { + "id": 36837, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "goat cheese", + "minced garlic", + "salt", + "ground lamb", + "roasted red peppers", + "chopped onion", + "black pepper", + "refrigerated pizza dough", + "italian seasoning" + ] + }, + { + "id": 5066, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "unsalted butter", + "lemon", + "all-purpose flour", + "confectioners sugar", + "cold water", + "powdered buttermilk", + "whole milk", + "vanilla extract", + "corn starch", + "water", + "egg yolks", + "chocolate", + "juice", + "unsweetened cocoa powder", + "eggs", + "large egg yolks", + "baking powder", + "salt", + "hot water" + ] + }, + { + "id": 43111, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "shredded cheddar cheese", + "red beans", + "potatoes", + "taco seasoning mix", + "boneless skinless chicken breasts" + ] + }, + { + "id": 35881, + "cuisine": "korean", + "ingredients": [ + "green onions", + "kimchi", + "water", + "salt", + "flour", + "garlic cloves", + "sesame oil" + ] + }, + { + "id": 830, + "cuisine": "italian", + "ingredients": [ + "potato gnocchi", + "grated parmesan cheese", + "whipping cream", + "dried porcini mushrooms", + "butter", + "marinara sauce", + "boiling water" + ] + }, + { + "id": 39871, + "cuisine": "indian", + "ingredients": [ + "chickpea flour", + "green chilies", + "olive oil spray", + "purple onion", + "rice flour", + "ginger", + "oil", + "asafetida", + "salt", + "chopped cilantro" + ] + }, + { + "id": 9543, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "salt", + "allspice", + "sugar", + "ginger", + "garlic cloves", + "chicken legs", + "jalapeno chilies", + "orange juice", + "soy sauce", + "white wine vinegar", + "onions" + ] + }, + { + "id": 34128, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "cooking spray", + "fresh lime juice", + "ground cumin", + "lime rind", + "pork tenderloin", + "chili powder", + "dried oregano", + "granny smith apples", + "ground black pepper", + "green onions", + "chopped cilantro fresh", + "kosher salt", + "jalapeno chilies", + "apple juice", + "pimenton" + ] + }, + { + "id": 21548, + "cuisine": "korean", + "ingredients": [ + "vegetables", + "toasted sesame oil", + "cooked rice", + "vegetable oil", + "soy sauce", + "ground turkey", + "light brown sugar", + "large eggs", + "toasted sesame seeds" + ] + }, + { + "id": 20024, + "cuisine": "russian", + "ingredients": [ + "apples", + "sea salt", + "cabbage", + "water", + "beets", + "ginger" + ] + }, + { + "id": 5508, + "cuisine": "southern_us", + "ingredients": [ + "tea bags", + "mint sprigs", + "baking soda", + "ice", + "sugar", + "boiling water", + "cold water", + "lemon" + ] + }, + { + "id": 37438, + "cuisine": "mexican", + "ingredients": [ + "guajillo chiles", + "hominy", + "onions", + "ground cloves", + "ground black pepper", + "pork shoulder", + "lower sodium chicken broth", + "water", + "chipotles in adobo", + "ground cumin", + "kosher salt", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 18105, + "cuisine": "french", + "ingredients": [ + "hot pepper sauce", + "lemon juice", + "egg yolks", + "dijon mustard", + "butter" + ] + }, + { + "id": 25637, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "olive oil", + "taco seasoning", + "shredded cheddar cheese", + "salsa", + "tortillas" + ] + }, + { + "id": 7583, + "cuisine": "greek", + "ingredients": [ + "marinade", + "oil", + "freshly ground pepper", + "chicken" + ] + }, + { + "id": 27856, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "garam masala", + "rice", + "tomatoes", + "baby spinach leaves", + "purple onion", + "ground cumin", + "red chili peppers", + "vegetable oil", + "garlic cloves", + "tomato purée", + "fresh ginger root", + "chickpeas" + ] + }, + { + "id": 15730, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "unsalted butter", + "extra-virgin olive oil", + "spaghetti", + "white wine", + "grated parmesan cheese", + "carrots", + "pancetta", + "cream", + "coarse salt", + "ground beef", + "celery ribs", + "ground black pepper", + "crushed red pepper flakes", + "onions" + ] + }, + { + "id": 36443, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "salsa", + "chili powder", + "ground black pepper", + "avocado", + "salt" + ] + }, + { + "id": 1335, + "cuisine": "spanish", + "ingredients": [ + "sweetener", + "hibiscus tea", + "fruit", + "teas", + "fresh mint", + "agave nectar", + "seltzer water", + "water", + "bitters" + ] + }, + { + "id": 20552, + "cuisine": "italian", + "ingredients": [ + "angel hair", + "Alfredo sauce", + "italian salad dressing", + "ground black pepper", + "broccoli", + "lime juice", + "chicken breasts", + "olive oil", + "garlic" + ] + }, + { + "id": 19493, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "bay leaves", + "ground tumeric", + "serrano", + "basmati rice", + "green cardamom pods", + "whole cloves", + "ginger", + "yellow onion", + "cinnamon sticks", + "water", + "cilantro", + "salt", + "shrimp", + "mint", + "butter", + "garlic", + "oil" + ] + }, + { + "id": 14223, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "extra-virgin olive oil", + "red bell pepper", + "green bell pepper", + "ancho powder", + "purple onion", + "ground cumin", + "marinade", + "garlic", + "fresh lime juice", + "kosher salt", + "cilantro", + "dark brown sugar" + ] + }, + { + "id": 47606, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "ground beef", + "chicken broth", + "taco seasoning", + "monterey jack", + "lettuce", + "tortilla chips", + "olives", + "flour", + "sour cream" + ] + }, + { + "id": 3628, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "cooking wine", + "pork", + "hoisin sauce", + "chinese five-spice powder", + "tofu", + "honey", + "salt", + "soy sauce", + "red food coloring", + "oyster sauce" + ] + }, + { + "id": 41449, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "light soy sauce", + "chili oil", + "sesame paste", + "shanghai noodles", + "radishes", + "peanut butter", + "chili flakes", + "peanuts", + "salt", + "black vinegar", + "water", + "spring onions", + "chinese five-spice powder" + ] + }, + { + "id": 46681, + "cuisine": "french", + "ingredients": [ + "tangerine", + "orange juice", + "whipping cream", + "sugar", + "Grand Marnier", + "large egg whites" + ] + }, + { + "id": 16276, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "ground sirloin", + "salsa", + "ground cumin", + "chopped green bell pepper", + "reduced-fat sour cream", + "baked tortilla chips", + "jalapeno chilies", + "salt", + "iceberg lettuce", + "reduced fat sharp cheddar cheese", + "chili powder", + "chopped onion" + ] + }, + { + "id": 45530, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "large eggs", + "garlic cloves", + "catfish fillets", + "unsalted butter", + "vegetable oil", + "fish", + "water", + "Tabasco Pepper Sauce", + "fresh lemon juice", + "pecans", + "minced onion", + "all-purpose flour" + ] + }, + { + "id": 42296, + "cuisine": "brazilian", + "ingredients": [ + "pepper", + "sugar", + "salt", + "orange" + ] + }, + { + "id": 5241, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "bacon slices", + "chili powder", + "onions", + "pepper", + "salt", + "chicken broth", + "dried pinto beans", + "ground cumin" + ] + }, + { + "id": 20398, + "cuisine": "italian", + "ingredients": [ + "gelato", + "unsalted butter", + "cherry preserves", + "honey", + "pistachios", + "bittersweet chocolate", + "amaretto liqueur", + "cherries", + "heavy whipping cream", + "instant espresso powder", + "whipped cream" + ] + }, + { + "id": 33819, + "cuisine": "mexican", + "ingredients": [ + "water", + "ground black pepper", + "lime wedges", + "chopped onion", + "ground cloves", + "olive oil", + "radishes", + "shredded lettuce", + "dried oregano", + "cider vinegar", + "kidney beans", + "zucchini", + "salt", + "ground cumin", + "sugar", + "corn kernels", + "white hominy", + "large garlic cloves", + "ancho chile pepper" + ] + }, + { + "id": 33542, + "cuisine": "spanish", + "ingredients": [ + "manchego cheese", + "onions", + "green bell pepper", + "russet potatoes", + "olive oil", + "fresh oregano", + "eggs", + "pimentos" + ] + }, + { + "id": 30848, + "cuisine": "greek", + "ingredients": [ + "plain low-fat yogurt", + "black pepper", + "eggplant", + "baking potatoes", + "chopped onion", + "dried currants", + "peeled tomatoes", + "ground nutmeg", + "1% low-fat milk", + "extra sharp cheddar cheese", + "nutmeg", + "aleppo pepper", + "olive oil", + "cooking spray", + "all-purpose flour", + "ground lamb", + "green bell pepper", + "kosher salt", + "large egg yolks", + "dry red wine", + "cinnamon sticks" + ] + }, + { + "id": 24064, + "cuisine": "french", + "ingredients": [ + "olive oil", + "chopped fresh thyme", + "1% low-fat milk", + "plain dry bread crumb", + "large egg yolks", + "large garlic cloves", + "all-purpose flour", + "cream of tartar", + "vegetable oil spray", + "butter", + "salt", + "large egg whites", + "ground black pepper", + "fresh chevre", + "oil" + ] + }, + { + "id": 26782, + "cuisine": "italian", + "ingredients": [ + "eggs", + "all-purpose flour", + "nuts", + "unsalted butter", + "heavy whipping cream", + "brown sugar", + "pie shell", + "vanilla extract", + "white sugar" + ] + }, + { + "id": 39914, + "cuisine": "british", + "ingredients": [ + "butter", + "semi-sweet chocolate morsels", + "sugar", + "salt", + "light corn syrup", + "water", + "toasted almonds" + ] + }, + { + "id": 46338, + "cuisine": "cajun_creole", + "ingredients": [ + "capers", + "dijon mustard", + "hot sauce", + "flat leaf parsley", + "whole grain mustard", + "garlic", + "lemon juice", + "mayonaise", + "worcestershire sauce", + "cayenne pepper", + "kosher salt", + "paprika", + "scallions" + ] + }, + { + "id": 20203, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "fresh ginger", + "beef sirloin", + "unsweetened coconut milk", + "canned chicken broth", + "vegetable oil", + "chopped cilantro fresh", + "sugar pea", + "ground black pepper", + "sliced shallots", + "lime zest", + "kosher salt", + "Thai red curry paste" + ] + }, + { + "id": 26618, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "flour", + "fresh parsley", + "pepper", + "heavy cream", + "marsala wine", + "chicken cutlets", + "olive oil", + "salt" + ] + }, + { + "id": 32443, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "cilantro", + "cardamom", + "cumin", + "lime", + "garlic", + "coconut milk", + "fresh ginger", + "salt", + "onions", + "tomato paste", + "boneless skinless chicken breasts", + "cayenne pepper", + "coriander" + ] + }, + { + "id": 48689, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "beef brisket", + "yellow onion", + "olive oil", + "salt", + "water", + "garlic", + "tomato sauce", + "tomatillos", + "chipotles in adobo" + ] + }, + { + "id": 5161, + "cuisine": "french", + "ingredients": [ + "baton", + "croissant dough" + ] + }, + { + "id": 11753, + "cuisine": "korean", + "ingredients": [ + "lettuce leaves", + "rice vinegar", + "toasted sesame seeds", + "soy sauce", + "sesame oil", + "scallions", + "mango", + "sugar", + "peeled fresh ginger", + "chili sauce", + "skirt steak", + "minced garlic", + "apples", + "fresh lime juice" + ] + }, + { + "id": 38693, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "cajun seasoning", + "cream cheese", + "green onions", + "garlic", + "grated parmesan cheese", + "butter", + "red bell pepper", + "crawfish", + "Tabasco Pepper Sauce", + "pickled okra" + ] + }, + { + "id": 36735, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "garlic cloves", + "lime juice", + "shredded carrots", + "sugar", + "bird chile" + ] + }, + { + "id": 25566, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "shredded mozzarella cheese", + "boneless skinless chicken breast halves", + "olive oil", + "corn tortillas", + "water", + "sour cream", + "chicken bouillon granules", + "poblano chilies", + "onions" + ] + }, + { + "id": 5862, + "cuisine": "thai", + "ingredients": [ + "boneless skinless chicken breasts", + "Thai fish sauce", + "Sriracha", + "peanut butter", + "fresh lime juice", + "garlic", + "fresh mint", + "lime zest", + "rice vinegar", + "coconut milk" + ] + }, + { + "id": 30323, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "sugar", + "salt", + "eggs", + "butter", + "frozen blueberries", + "ground cinnamon", + "baking powder", + "all-purpose flour", + "brown sugar", + "buttermilk" + ] + }, + { + "id": 18003, + "cuisine": "russian", + "ingredients": [ + "sugar", + "golden delicious apples", + "apple juice", + "ground black pepper", + "butter", + "bay leaf", + "ground cloves", + "red wine vinegar", + "applesauce", + "red cabbage", + "salt", + "onions" + ] + }, + { + "id": 44986, + "cuisine": "russian", + "ingredients": [ + "salmon fillets", + "lemon", + "onions", + "tomatoes", + "sturgeon fillets", + "sour cream", + "capers", + "butter", + "bay leaf", + "tomato paste", + "pickles", + "fish stock", + "olives" + ] + }, + { + "id": 11253, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "glazed pecans", + "vanilla extract", + "granulated sugar", + "bourbon whiskey", + "all-purpose flour", + "unsalted butter", + "baking powder", + "salt", + "light brown sugar", + "large eggs", + "whipped cream", + "blackberries" + ] + }, + { + "id": 32130, + "cuisine": "vietnamese", + "ingredients": [ + "chiles", + "garlic", + "sugar", + "white vinegar", + "salt" + ] + }, + { + "id": 37360, + "cuisine": "thai", + "ingredients": [ + "bean threads", + "sugar", + "cooked chicken", + "beansprouts", + "fresh basil leaves", + "chiles", + "lime", + "vegetable oil", + "fresh lime juice", + "toasted peanuts", + "cherry tomatoes", + "cilantro leaves", + "medium shrimp", + "fish sauce", + "sweet chili sauce", + "shallots", + "fresh mint", + "hothouse cucumber" + ] + }, + { + "id": 11971, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "dried oregano", + "feta cheese crumbles", + "kalamata", + "ground turkey" + ] + }, + { + "id": 21944, + "cuisine": "southern_us", + "ingredients": [ + "all-purpose flour", + "cornmeal", + "ground black pepper", + "peanut oil", + "cayenne pepper", + "salt", + "catfish" + ] + }, + { + "id": 14864, + "cuisine": "french", + "ingredients": [ + "cod", + "red potato", + "dry white wine", + "lemon slices", + "onions", + "tomato paste", + "dried thyme", + "peeled shrimp", + "bay leaf", + "fennel seeds", + "pepper", + "clam juice", + "garlic cloves", + "saffron threads", + "tomatoes", + "olive oil", + "salt", + "fresh parsley" + ] + }, + { + "id": 20252, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "black pepper", + "vegetable oil", + "self-rising cornmeal", + "ground red pepper", + "all-purpose flour", + "yellow squash", + "buttermilk", + "onions" + ] + }, + { + "id": 48165, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "pizza crust", + "cheese", + "basil leaves", + "cherry tomatoes", + "garlic" + ] + }, + { + "id": 29198, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "corn kernels", + "diced tomatoes", + "ground coriander", + "shredded cheddar cheese", + "ground black pepper", + "salt", + "corn tortillas", + "eggs", + "olive oil", + "garlic", + "Hatch Green Chiles", + "fresh cilantro", + "vegetable stock", + "all-purpose flour", + "ground cumin" + ] + }, + { + "id": 32566, + "cuisine": "greek", + "ingredients": [ + "garlic powder", + "salt", + "ground cumin", + "water", + "yellow mustard", + "onions", + "tomato sauce", + "ground black pepper", + "ground beef", + "dried basil", + "crushed red pepper flakes", + "dried oregano" + ] + }, + { + "id": 31918, + "cuisine": "indian", + "ingredients": [ + "white pepper", + "dried thyme", + "lemon", + "salt", + "applesauce", + "curry powder", + "golden raisins", + "apples", + "chopped onion", + "seasoning salt", + "butter", + "garlic", + "ground coriander", + "water", + "olive oil", + "raisins", + "lamb chops", + "ground cumin" + ] + }, + { + "id": 28271, + "cuisine": "vietnamese", + "ingredients": [ + "fresh basil", + "coriander seeds", + "flank steak", + "star anise", + "beansprouts", + "brown sugar", + "hoisin sauce", + "rice noodles", + "scallions", + "fish sauce", + "Sriracha", + "lime wedges", + "beef broth", + "clove", + "fresh cilantro", + "jalapeno chilies", + "ginger", + "cinnamon sticks" + ] + }, + { + "id": 1112, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "salt", + "dried oregano", + "potatoes", + "anchovy fillets", + "water", + "cake", + "onions", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 27609, + "cuisine": "russian", + "ingredients": [ + "milk", + "cinnamon", + "cottage cheese", + "large eggs", + "farmer cheese", + "sugar", + "unsalted butter", + "all-purpose flour", + "water", + "baking powder" + ] + }, + { + "id": 42505, + "cuisine": "japanese", + "ingredients": [ + "beets", + "umeboshi vinegar", + "umeboshi" + ] + }, + { + "id": 24843, + "cuisine": "indian", + "ingredients": [ + "water", + "lemon juice", + "active dry yeast", + "ghee", + "flour", + "sugar", + "yellow food coloring" + ] + }, + { + "id": 26207, + "cuisine": "russian", + "ingredients": [ + "large eggs", + "granny smith apples", + "baking powder", + "powdered sugar", + "cake", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 16555, + "cuisine": "french", + "ingredients": [ + "creole mustard", + "garlic cloves", + "hungarian paprika", + "fresh parsley", + "ground red pepper", + "mayonaise", + "fresh lemon juice" + ] + }, + { + "id": 21605, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "dry white wine", + "prosciutto", + "provolone cheese", + "olive oil", + "salt", + "frozen chopped spinach", + "grated parmesan cheese", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 42041, + "cuisine": "spanish", + "ingredients": [ + "dry white wine", + "plum tomatoes", + "butter", + "halibut fillets", + "fresh tarragon", + "shallots" + ] + }, + { + "id": 1492, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "garlic", + "cinnamon sticks", + "pepper", + "dried mint flakes", + "salt", + "onions", + "garbanzo beans", + "lamb shoulder", + "fresh parsley", + "water", + "tomatoes with juice", + "bulgur" + ] + }, + { + "id": 36727, + "cuisine": "spanish", + "ingredients": [ + "vidalia onion", + "jalapeno chilies", + "fresh lemon juice", + "nectarines", + "chopped tomatoes", + "fresh orange juice", + "chopped fresh mint", + "fresh basil", + "cantaloupe", + "salt", + "mango", + "sugar", + "honeydew melon", + "cucumber" + ] + }, + { + "id": 33492, + "cuisine": "mexican", + "ingredients": [ + "honey", + "garlic cloves", + "ground cumin", + "white onion", + "confit duck leg", + "chopped cilantro fresh", + "white hominy", + "ancho chile pepper", + "water", + "salt", + "dried oregano" + ] + }, + { + "id": 43710, + "cuisine": "southern_us", + "ingredients": [ + "curry leaves", + "pepper", + "bacon", + "salt", + "red bell pepper", + "cooked rice", + "black-eyed peas", + "ginger", + "cumin seed", + "ground turmeric", + "collard greens", + "curry powder", + "crushed red pepper flakes", + "green chilies", + "onions", + "chicken stock", + "pork", + "cinnamon", + "garlic", + "black mustard seeds" + ] + }, + { + "id": 45917, + "cuisine": "southern_us", + "ingredients": [ + "marinade", + "dry bread crumbs", + "flank steak", + "all-purpose flour", + "ground red pepper", + "cajun seasoning", + "sauce", + "large eggs", + "vegetable oil", + "hot sauce" + ] + }, + { + "id": 18317, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "ground black pepper", + "garlic", + "shrimp shells", + "white wine", + "butter", + "cayenne pepper", + "grits", + "milk", + "heavy cream", + "fresh herbs", + "parmigiano-reggiano cheese", + "bay leaves", + "salt", + "onions" + ] + }, + { + "id": 44930, + "cuisine": "southern_us", + "ingredients": [ + "rosemary", + "salt", + "garlic powder", + "pepper", + "paprika", + "dried thyme", + "celery seed" + ] + }, + { + "id": 40607, + "cuisine": "mexican", + "ingredients": [ + "chili", + "purple onion", + "avocado", + "sea salt", + "olive oil", + "chipotle chile powder", + "lime", + "garlic" + ] + }, + { + "id": 14911, + "cuisine": "southern_us", + "ingredients": [ + "sack", + "shrimp", + "table salt", + "yellow onion", + "Crystal Hot Sauce", + "cayenne pepper", + "new potatoes" + ] + }, + { + "id": 31991, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "olive oil", + "ricotta cheese", + "crushed red pepper", + "shrimp", + "eggs", + "lasagna noodles", + "chopped fresh thyme", + "chopped onion", + "onions", + "minced garlic", + "bay leaves", + "whipping cream", + "provolone cheese", + "dried oregano", + "fresh basil", + "grated parmesan cheese", + "red wine vinegar", + "crabmeat", + "plum tomatoes" + ] + }, + { + "id": 14184, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "salt", + "shells" + ] + }, + { + "id": 6037, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "ground black pepper", + "onions", + "sourdough bread", + "butter", + "eggs", + "ground nutmeg", + "ground cayenne pepper", + "milk", + "swiss cheese" + ] + }, + { + "id": 45691, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "olive oil", + "whole milk", + "heavy cream", + "unsweetened cocoa powder", + "brown sugar", + "mascarpone", + "balsamic vinegar", + "salt", + "powdered sugar", + "baking soda", + "vegetable oil", + "vanilla", + "sugar", + "flour", + "cinnamon", + "cayenne pepper" + ] + }, + { + "id": 44042, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "pecorino romano cheese", + "garlic", + "ground black pepper", + "dry red wine", + "chopped fresh herbs", + "crushed tomatoes", + "button mushrooms", + "escarole", + "penne", + "basil leaves", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 14003, + "cuisine": "southern_us", + "ingredients": [ + "green cabbage", + "ketchup", + "ground black pepper", + "red pepper flakes", + "pork butt", + "sugar", + "olive oil", + "apple cider vinegar", + "ground white pepper", + "brown sugar", + "kosher salt", + "boston butt", + "sauce", + "coleslaw", + "hamburger buns", + "pork shoulder roast", + "chips", + "freshly ground pepper" + ] + }, + { + "id": 18446, + "cuisine": "filipino", + "ingredients": [ + "brown sugar", + "baking powder", + "pandan extract", + "salt", + "bananas", + "butter", + "eggs", + "flour", + "cashew nuts" + ] + }, + { + "id": 48190, + "cuisine": "russian", + "ingredients": [ + "olive oil", + "cider vinegar", + "smoked kielbasa", + "mustard", + "flat leaf parsley", + "sweet onion", + "boiling potatoes" + ] + }, + { + "id": 20671, + "cuisine": "indian", + "ingredients": [ + "lemon wedge", + "fresh lemon juice", + "ground turmeric", + "water", + "purple onion", + "all beef hot dogs", + "jalapeno chilies", + "brown lentils", + "plain whole-milk yogurt", + "kosher salt", + "hot dog bun", + "chopped fresh mint", + "ground cumin" + ] + }, + { + "id": 16035, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "water", + "cooking oil", + "ground coriander", + "tumeric", + "ground black pepper", + "garlic", + "onions", + "brown sugar", + "fresh ginger", + "jalapeno chilies", + "lemon juice", + "unsweetened coconut milk", + "sole fillet", + "cayenne", + "salt", + "ground cumin" + ] + }, + { + "id": 8833, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "bacon", + "bay leaf", + "bell pepper", + "rice", + "ground chicken", + "garlic", + "onions", + "celery ribs", + "cajun seasoning", + "scallions" + ] + }, + { + "id": 22109, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "white onion", + "plum tomatoes", + "water", + "serrano chilies", + "cilantro leaves" + ] + }, + { + "id": 41204, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "cooking spray", + "garlic cloves", + "frozen chopped spinach", + "part-skim mozzarella cheese", + "all-purpose flour", + "dried oregano", + "pitted kalamata olives", + "large eggs", + "fresh onion", + "fat free milk", + "baking powder", + "feta cheese crumbles" + ] + }, + { + "id": 18137, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "sesame oil", + "oyster sauce", + "water", + "vegetable oil", + "chicken leg quarters", + "fresh ginger", + "large garlic cloves", + "mushroom soy sauce", + "chestnuts", + "yellow rock sugar", + "scallions" + ] + }, + { + "id": 14256, + "cuisine": "mexican", + "ingredients": [ + "lard", + "warm water", + "flour" + ] + }, + { + "id": 44969, + "cuisine": "spanish", + "ingredients": [ + "whole peeled tomatoes", + "garlic", + "beef rib short", + "yukon gold potatoes", + "spanish paprika", + "onions", + "flour", + "salt", + "juice", + "ground black pepper", + "paprika", + "beer", + "thick-cut bacon" + ] + }, + { + "id": 13385, + "cuisine": "french", + "ingredients": [ + "parsley", + "onions", + "unsalted butter", + "white fleshed fish", + "cold water", + "salt", + "dry white wine", + "fresh lemon juice" + ] + }, + { + "id": 24754, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "garlic powder", + "ground beef", + "refried beans", + "prepar salsa", + "Mexican cheese blend", + "dried oregano" + ] + }, + { + "id": 37588, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "cilantro", + "broth", + "water", + "garlic cloves", + "white onion", + "rice", + "vegetable oil", + "poblano chiles" + ] + }, + { + "id": 27940, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "asafetida", + "fenugreek seeds", + "coriander seeds", + "tumeric", + "dhal" + ] + }, + { + "id": 37089, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "cilantro leaves", + "corn flour", + "cauliflower", + "fresh ginger", + "oil", + "water", + "green chilies", + "onions", + "fennel seeds", + "salt", + "gram flour" + ] + }, + { + "id": 44543, + "cuisine": "indian", + "ingredients": [ + "water", + "ginger", + "oil", + "cauliflower", + "yellow lentils", + "garlic", + "onions", + "curry powder", + "vegetable broth", + "curry paste", + "tumeric", + "cilantro", + "salt", + "apricots" + ] + }, + { + "id": 39457, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "butter", + "chopped pecans", + "sugar", + "large eggs", + "vanilla extract", + "chocolate bars", + "coffee liqueur", + "all-purpose flour", + "brewed coffee", + "whipping cream" + ] + }, + { + "id": 10249, + "cuisine": "thai", + "ingredients": [ + "stock", + "water", + "sea salt", + "tomatoes", + "straw mushrooms", + "lime", + "galangal", + "mussels", + "red chili peppers", + "lemongrass", + "purple onion", + "kaffir lime leaves", + "whitefish fillets", + "prawns", + "coriander" + ] + }, + { + "id": 38783, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "water", + "purple onion", + "carrots", + "ground cumin", + "daal", + "idli", + "oil", + "cashew nuts", + "spinach", + "yoghurt", + "green chilies", + "frozen peas", + "red chili powder", + "semolina", + "salt", + "mustard seeds" + ] + }, + { + "id": 27440, + "cuisine": "french", + "ingredients": [ + "garlic", + "kalamata", + "flat leaf parsley", + "extra-virgin olive oil", + "fresh oregano leaves", + "fresh lemon juice" + ] + }, + { + "id": 44019, + "cuisine": "mexican", + "ingredients": [ + "frozen whole kernel corn", + "cornmeal", + "water", + "salt", + "masa harina", + "baking powder", + "white sugar", + "milk", + "margarine" + ] + }, + { + "id": 25361, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "boneless chicken breast", + "soy sauce", + "oil", + "sugar", + "Maggi", + "black pepper", + "onions" + ] + }, + { + "id": 39310, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "flat anchovy", + "italian loaf", + "broccoli rabe", + "garlic cloves", + "provolone cheese" + ] + }, + { + "id": 14138, + "cuisine": "italian", + "ingredients": [ + "capers", + "unsalted butter", + "yellow onion", + "pinot grigio", + "pepper", + "flour", + "fresh lemon juice", + "kosher salt", + "grated parmesan cheese", + "garlic cloves", + "angel hair", + "olive oil", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 24646, + "cuisine": "spanish", + "ingredients": [ + "bread crumbs", + "parsley", + "flour for dusting", + "minced onion", + "salt", + "ground black pepper", + "garlic", + "eggs", + "pork loin", + "oil" + ] + }, + { + "id": 216, + "cuisine": "korean", + "ingredients": [ + "asian pear", + "garlic cloves", + "fish sauce", + "napa cabbage", + "green onions", + "coarse kosher salt", + "sugar", + "daikon" + ] + }, + { + "id": 19294, + "cuisine": "italian", + "ingredients": [ + "salad dressing", + "cheddar cheese", + "pitted black olives", + "rotini", + "frozen mixed vegetables" + ] + }, + { + "id": 46868, + "cuisine": "cajun_creole", + "ingredients": [ + "granulated sugar", + "fine sea salt", + "active dry yeast", + "whole milk", + "peanut oil", + "water", + "large eggs", + "all-purpose flour", + "unsalted butter", + "vegetable oil", + "confectioners sugar" + ] + }, + { + "id": 36609, + "cuisine": "british", + "ingredients": [ + "light brown sugar", + "milk", + "eggs", + "butter", + "ground ginger", + "self rising flour", + "rolled oats", + "golden syrup" + ] + }, + { + "id": 7456, + "cuisine": "cajun_creole", + "ingredients": [ + "cod fillets", + "fresh lemon juice", + "olive oil", + "salt", + "cooking spray", + "fresh parsley", + "dijon mustard", + "creole seasoning" + ] + }, + { + "id": 12008, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "grapeseed oil", + "toasted sesame oil", + "buckwheat soba noodles", + "salmon fillets", + "daikon", + "carrots", + "toasted sesame seeds", + "low sodium soy sauce", + "green onions", + "rice vinegar", + "wood ear mushrooms", + "orange", + "wasabi powder", + "ground white pepper", + "nori" + ] + }, + { + "id": 22517, + "cuisine": "thai", + "ingredients": [ + "vegetable stock", + "stir fry vegetable blend", + "shiitake", + "thai green curry paste", + "reduced fat coconut milk", + "sunflower oil", + "prawns", + "noodles" + ] + }, + { + "id": 22247, + "cuisine": "greek", + "ingredients": [ + "red wine vinegar", + "green pepper", + "olive oil", + "black olives", + "fresh mint", + "cherry tomatoes", + "vine tomatoes", + "cucumber", + "feta cheese", + "purple onion", + "oregano" + ] + }, + { + "id": 6814, + "cuisine": "italian", + "ingredients": [ + "large garlic cloves", + "fresh basil leaves", + "ground black pepper", + "salt", + "extra-virgin olive oil", + "parmigiano reggiano cheese", + "walnuts" + ] + }, + { + "id": 6769, + "cuisine": "russian", + "ingredients": [ + "black pepper", + "whole milk", + "garlic cloves", + "tomatoes", + "parmigiano reggiano cheese", + "salt", + "boiling potatoes", + "ground chuck", + "large eggs", + "dry bread crumbs", + "unsalted butter", + "vegetable oil", + "onions" + ] + }, + { + "id": 20097, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "flour", + "poblano chiles", + "jack cheese", + "salt", + "cotija", + "baking powder", + "fresh oregano leaves", + "mexican chorizo" + ] + }, + { + "id": 24301, + "cuisine": "mexican", + "ingredients": [ + "butter", + "all-purpose flour", + "egg yolks", + "vanilla extract", + "sprinkles", + "white sugar", + "baking powder", + "salt" + ] + }, + { + "id": 14318, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "ground beef", + "tortilla chips", + "tomato sauce", + "taco seasoning" + ] + }, + { + "id": 39899, + "cuisine": "spanish", + "ingredients": [ + "grape tomatoes", + "olive oil", + "paprika", + "cayenne pepper", + "pepper", + "prawns", + "salt", + "fresh parsley", + "spanish rice", + "seafood stock", + "smoked sausage", + "garlic cloves", + "saffron threads", + "water", + "fresh green bean", + "yellow onion" + ] + }, + { + "id": 19716, + "cuisine": "french", + "ingredients": [ + "pure vanilla extract", + "whole milk", + "corn starch", + "sugar", + "shelled pistachios", + "ground ginger", + "salt", + "large eggs", + "ground cardamom" + ] + }, + { + "id": 17705, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "chopped cilantro fresh", + "celery ribs", + "garlic cloves", + "avocado", + "fresh lime juice", + "purple onion", + "serrano chile" + ] + }, + { + "id": 17522, + "cuisine": "vietnamese", + "ingredients": [ + "dark soy sauce", + "spring onions", + "beansprouts", + "red chili peppers", + "oil", + "brown sugar", + "sesame oil", + "tiger prawn", + "medium egg noodles", + "garlic cloves" + ] + }, + { + "id": 31269, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "leg of lamb", + "garlic cloves", + "salt", + "dried oregano", + "black pepper", + "fresh lemon juice" + ] + }, + { + "id": 13752, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "unsalted butter", + "red pepper", + "shells", + "olive oil", + "asiago", + "canned tomatoes", + "kosher salt", + "ricotta cheese", + "garlic", + "sausage casings", + "half & half", + "heavy cream", + "onions" + ] + }, + { + "id": 46927, + "cuisine": "chinese", + "ingredients": [ + "molasses", + "reduced sodium soy sauce", + "vietnamese fish sauce", + "pork spareribs", + "mushroom soy sauce", + "fresh ginger", + "marinade", + "chinese red vinegar", + "corn starch", + "sugar", + "thai basil", + "star anise", + "chinese five-spice powder", + "rib", + "minced garlic", + "Shaoxing wine", + "sauce", + "oil" + ] + }, + { + "id": 7719, + "cuisine": "italian", + "ingredients": [ + "large garlic cloves", + "plum tomatoes", + "romano cheese", + "fresh oregano" + ] + }, + { + "id": 45785, + "cuisine": "japanese", + "ingredients": [ + "pumpkin", + "dashi", + "white sugar", + "sake", + "shoyu", + "mirin" + ] + }, + { + "id": 3301, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "ground black pepper", + "flat leaf parsley", + "olive oil", + "garlic", + "capers", + "kalamata", + "spaghetti", + "feta cheese", + "salt" + ] + }, + { + "id": 9249, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "okra", + "sugar", + "buttermilk", + "vidalia onion", + "vegetable oil", + "white cornmeal", + "cayenne", + "bacon slices" + ] + }, + { + "id": 9330, + "cuisine": "irish", + "ingredients": [ + "ground cinnamon", + "golden brown sugar", + "raisins", + "black tea", + "candied orange peel", + "golden raisins", + "all-purpose flour", + "eggs", + "unsalted butter", + "salt", + "boiling water", + "ground cloves", + "baking powder", + "ground allspice" + ] + }, + { + "id": 12164, + "cuisine": "indian", + "ingredients": [ + "peeled fresh ginger", + "curry powder", + "chopped cilantro fresh", + "olive oil", + "large shrimp", + "unsweetened coconut milk", + "onions" + ] + }, + { + "id": 6231, + "cuisine": "brazilian", + "ingredients": [ + "raspberries", + "granola", + "mango", + "milk", + "juice", + "coconut", + "frozen mixed berries", + "bananas", + "ice" + ] + }, + { + "id": 1031, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "ginger", + "chaat masala", + "chili powder", + "green chilies", + "besan (flour)", + "salt", + "amchur", + "bhindi", + "oil" + ] + }, + { + "id": 12536, + "cuisine": "thai", + "ingredients": [ + "pepper", + "chili paste", + "shallots", + "tamari soy sauce", + "fresh mint", + "soy sauce", + "peanuts", + "lemon zest", + "watercress", + "chinese five-spice powder", + "fish sauce", + "lemongrass", + "radishes", + "hanger steak", + "cilantro leaves", + "fresh lime juice", + "dressing", + "minced garlic", + "raw honey", + "sesame oil", + "salt", + "toasted sesame oil" + ] + }, + { + "id": 37233, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "flour", + "sugar", + "peaches", + "eggs", + "vanilla" + ] + }, + { + "id": 23036, + "cuisine": "british", + "ingredients": [ + "pastry dough", + "fresh parsley", + "medium eggs", + "butter", + "sage", + "eggs", + "cooked bacon", + "leeks", + "salt" + ] + }, + { + "id": 11775, + "cuisine": "chinese", + "ingredients": [ + "bean threads", + "soy sauce", + "ginger", + "garlic chili sauce", + "wood ear mushrooms", + "cold water", + "black peppercorns", + "szechwan peppercorns", + "firm tofu", + "ground white pepper", + "dried mushrooms", + "fennel seeds", + "pork", + "napa cabbage", + "scallions", + "cinnamon sticks", + "white vinegar", + "eggs", + "bay leaves", + "star anise", + "corn starch", + "broth" + ] + }, + { + "id": 25909, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "cumin", + "tomato sauce", + "long-grain rice", + "chicken broth", + "vegetable oil", + "kosher salt", + "chopped cilantro fresh" + ] + }, + { + "id": 957, + "cuisine": "italian", + "ingredients": [ + "water", + "ground black pepper", + "garlic", + "dried oregano", + "anise seed", + "dried basil", + "red wine", + "fresh parsley", + "tomato paste", + "crushed tomatoes", + "whole peeled tomatoes", + "salt", + "tomato sauce", + "olive oil", + "top sirloin", + "white sugar" + ] + }, + { + "id": 2583, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "kosher salt", + "tomatoes", + "basil leaves" + ] + }, + { + "id": 11610, + "cuisine": "thai", + "ingredients": [ + "pandanus leaf", + "grated coconut", + "salt", + "tapioca flour", + "tapioca pearls", + "water", + "white sugar" + ] + }, + { + "id": 47016, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "jalapeno chilies", + "orange juice", + "lime juice", + "garlic", + "ground cloves", + "green onions", + "chicken", + "ground cinnamon", + "fresh ginger root", + "ground allspice" + ] + }, + { + "id": 32275, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "hot sauce", + "thyme", + "dried oregano", + "turkey", + "long-grain rice", + "medium shrimp", + "large garlic cloves", + "okra", + "bay leaf", + "fat free less sodium chicken broth", + "diced tomatoes", + "diced celery", + "onions" + ] + }, + { + "id": 44225, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "pork blade steaks", + "light brown sugar", + "lemongrass", + "chopped garlic", + "black pepper", + "oil", + "dark soy sauce", + "shallots" + ] + }, + { + "id": 11996, + "cuisine": "chinese", + "ingredients": [ + "minced ginger", + "rice vinegar", + "soy sauce", + "tahini", + "Chinese egg noodles", + "water", + "garlic", + "toasted sesame oil", + "sugar", + "Sriracha", + "scallions" + ] + }, + { + "id": 40913, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "tomatoes" + ] + }, + { + "id": 27212, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vegetable oil", + "melted butter", + "honey", + "all-purpose flour", + "yellow corn meal", + "milk", + "salt", + "eggs", + "baking powder" + ] + }, + { + "id": 35593, + "cuisine": "french", + "ingredients": [ + "eggs", + "minced onion", + "cayenne pepper", + "pastry", + "bacon", + "single crust pie", + "shredded swiss cheese", + "white sugar", + "light cream", + "salt" + ] + }, + { + "id": 9443, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "candy", + "angel food cake mix", + "buttercream frosting", + "cinnamon sticks" + ] + }, + { + "id": 7353, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "won ton wrappers", + "sesame oil", + "chinese cabbage", + "shiitake mushroom caps", + "chiles", + "peeled fresh ginger", + "salt", + "lemon juice", + "black pepper", + "green onions", + "rice vinegar", + "carrots", + "sake", + "leeks", + "ground pork", + "garlic cloves" + ] + }, + { + "id": 19467, + "cuisine": "french", + "ingredients": [ + "sugar", + "golden delicious apples", + "whipping cream", + "pork tenderloin", + "butter", + "calvados", + "chopped fresh thyme", + "shallots", + "apple cider" + ] + }, + { + "id": 34521, + "cuisine": "chinese", + "ingredients": [ + "spring greens", + "fresh ginger root", + "beef rump steaks", + "dark soy sauce", + "vegetable oil", + "chestnut mushrooms", + "oyster sauce" + ] + }, + { + "id": 46134, + "cuisine": "russian", + "ingredients": [ + "canning salt", + "beets", + "water" + ] + }, + { + "id": 8625, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "ground cumin", + "black beans", + "chipotles in adobo", + "avocado", + "corn tortillas", + "large eggs", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 26085, + "cuisine": "japanese", + "ingredients": [ + "sake", + "shiitake", + "soy sauce", + "sugar", + "mirin", + "dashi" + ] + }, + { + "id": 13449, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil cooking spray", + "sour cream", + "flour tortillas", + "shredded Monterey Jack cheese", + "shredded cheddar cheese", + "plum tomatoes", + "green chile", + "salsa" + ] + }, + { + "id": 15096, + "cuisine": "thai", + "ingredients": [ + "tomatoes", + "soaking liquid", + "cilantro", + "carrots", + "chicken thighs", + "fresh ginger", + "chile pepper", + "purple onion", + "coconut milk", + "shiitake", + "large garlic cloves", + "scallions", + "fresh lime juice", + "fish sauce", + "leeks", + "Thai red curry paste", + "red bell pepper" + ] + }, + { + "id": 17244, + "cuisine": "spanish", + "ingredients": [ + "chicken stock", + "salt", + "olive oil", + "red bell pepper", + "pepper", + "carrots", + "garlic" + ] + }, + { + "id": 17312, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "grits", + "half & half", + "low salt chicken broth", + "medium shrimp uncook", + "cream cheese", + "green onions", + "fresh lime juice" + ] + }, + { + "id": 7603, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "steak", + "milk", + "all-purpose flour", + "pepper", + "salt", + "vegetable oil", + "hot sauce" + ] + }, + { + "id": 15724, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "all purpose seasoning", + "butter", + "all-purpose flour", + "boneless skinless chicken breasts", + "salt", + "black pepper", + "paprika", + "flat leaf parsley" + ] + }, + { + "id": 9465, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "sour cream", + "shredded cheddar cheese", + "cottage cheese", + "noodles", + "cream cheese" + ] + }, + { + "id": 11789, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "Country Crock® Spread", + "ground red pepper", + "cucumber", + "catfish fillets", + "all-purpose flour", + "buttermilk", + "cornmeal" + ] + }, + { + "id": 40967, + "cuisine": "vietnamese", + "ingredients": [ + "condensed milk", + "hot water", + "coffee" + ] + }, + { + "id": 47982, + "cuisine": "chinese", + "ingredients": [ + "fat free less sodium chicken broth", + "peeled fresh ginger", + "long-grain rice", + "canola oil", + "hoisin sauce", + "salt", + "corn starch", + "minced garlic", + "crushed red pepper", + "oyster sauce", + "low sodium soy sauce", + "broccoli florets", + "rice vinegar", + "onions" + ] + }, + { + "id": 25860, + "cuisine": "chinese", + "ingredients": [ + "cooking oil", + "napa cabbage", + "water", + "pork tenderloin", + "oyster sauce", + "sugar", + "shredded carrots", + "salt", + "light soy sauce", + "Shaoxing wine", + "corn starch" + ] + }, + { + "id": 38399, + "cuisine": "british", + "ingredients": [ + "pork belly", + "slab bacon", + "yellow onion", + "flat leaf parsley", + "eggs", + "pig feet", + "flour", + "ground white pepper", + "pork shoulder", + "kosher salt", + "ground black pepper", + "carrots", + "celery", + "black peppercorns", + "mace", + "grated nutmeg", + "lard", + "pork bones" + ] + }, + { + "id": 26534, + "cuisine": "greek", + "ingredients": [ + "egg substitute", + "ground nutmeg", + "1% low-fat milk", + "corn starch", + "ground cinnamon", + "eggplant", + "bulgur wheat", + "chopped onion", + "ground lamb", + "tomato paste", + "olive oil", + "cooking spray", + "salt", + "dried oregano", + "black pepper", + "fresh parmesan cheese", + "dry red wine", + "garlic cloves" + ] + }, + { + "id": 36555, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "butter", + "sour cream", + "Mexican cheese blend", + "green chilies", + "taco shells", + "salt", + "chunky salsa", + "flour", + "rotisserie chicken" + ] + }, + { + "id": 2910, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "all-purpose flour", + "water", + "salt", + "cake flour", + "extra-virgin olive oil" + ] + }, + { + "id": 7429, + "cuisine": "mexican", + "ingredients": [ + "espresso powder", + "whole milk", + "large egg yolks", + "heavy whipping cream", + "ground cinnamon", + "coffee liqueur", + "bittersweet chocolate", + "superfine sugar", + "cayenne pepper" + ] + }, + { + "id": 19268, + "cuisine": "italian", + "ingredients": [ + "lime", + "sugar", + "watermelon" + ] + }, + { + "id": 46759, + "cuisine": "french", + "ingredients": [ + "saffron threads", + "dried thyme", + "bay leaves", + "fish bones", + "onions", + "water", + "leeks", + "fish stock", + "celery", + "fennel seeds", + "olive oil", + "dry white wine", + "salt", + "plum tomatoes", + "black peppercorns", + "fennel bulb", + "large garlic cloves", + "carrots", + "dried oregano" + ] + }, + { + "id": 15532, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "vegetable oil", + "fennel bulb", + "garlic cloves", + "cauliflower", + "dijon mustard", + "fresh lemon juice", + "asparagus", + "anchovy fillets" + ] + }, + { + "id": 35878, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "pepper", + "pepper jack", + "garlic", + "ground beef", + "tomatoes", + "ground pepper", + "cilantro", + "salt", + "cumin", + "avocado", + "lime juice", + "chili powder", + "purple onion", + "oregano", + "buns", + "cayenne", + "dry mustard", + "smoked paprika" + ] + }, + { + "id": 19708, + "cuisine": "indian", + "ingredients": [ + "melted butter", + "tandoori paste", + "boneless, skinless chicken breast", + "plain yogurt", + "canola oil", + "salad", + "salt" + ] + }, + { + "id": 9864, + "cuisine": "italian", + "ingredients": [ + "white wine", + "mushrooms", + "red pepper", + "sun-dried tomatoes", + "baby spinach", + "goat cheese", + "risotto", + "shallots", + "diced tomatoes", + "chicken broth", + "grated parmesan cheese", + "butter", + "garlic cloves" + ] + }, + { + "id": 45888, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "ground black pepper", + "large shrimp", + "ice cubes", + "peeled tomatoes", + "garlic cloves", + "fresh basil", + "olive oil", + "cooked vermicelli", + "water", + "dry white wine", + "sliced green onions" + ] + }, + { + "id": 42011, + "cuisine": "italian", + "ingredients": [ + "red chili peppers", + "linguine", + "lemon", + "garlic cloves", + "olive oil", + "crabmeat", + "fennel seeds", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 41, + "cuisine": "mexican", + "ingredients": [ + "hamburger buns", + "jalapeno chilies", + "avocado", + "garlic powder", + "chili powder", + "reduced-fat sour cream", + "dried oregano", + "chile pepper", + "cilantro leaves", + "cheddar cheese", + "ground black pepper", + "ground chicken breast", + "salt", + "pepper", + "green onions", + "shredded lettuce", + "salsa" + ] + }, + { + "id": 27740, + "cuisine": "greek", + "ingredients": [ + "pepper", + "chicken breasts", + "white vinegar", + "olive oil", + "english cucumber", + "fresh oregano leaves", + "nonfat greek yogurt", + "garlic cloves", + "kosher salt", + "dry white wine", + "lemon juice" + ] + }, + { + "id": 10700, + "cuisine": "french", + "ingredients": [ + "shallots", + "bay leaf", + "black peppercorns", + "heavy cream", + "butter", + "dry white wine", + "white wine vinegar" + ] + }, + { + "id": 22757, + "cuisine": "southern_us", + "ingredients": [ + "water", + "green bell pepper, slice", + "red bell pepper", + "vidalia onion", + "salt and ground black pepper", + "garlic", + "olive oil", + "processed cheese", + "hominy grits", + "cream", + "hot pepper sauce", + "shrimp" + ] + }, + { + "id": 39482, + "cuisine": "mexican", + "ingredients": [ + "shredded reduced fat cheddar cheese", + "salt", + "reduced fat cream cheese", + "green onions", + "jalapeno chilies", + "pepper", + "boneless skinless chicken breasts" + ] + }, + { + "id": 13944, + "cuisine": "mexican", + "ingredients": [ + "zucchini", + "salsa", + "chili", + "butter", + "red bell pepper", + "green onions", + "frozen corn kernels", + "ground black pepper", + "salt", + "chopped cilantro" + ] + }, + { + "id": 19768, + "cuisine": "french", + "ingredients": [ + "parsnips", + "olive oil", + "fresh chevre", + "chopped fresh sage", + "pie dough", + "sweet potatoes", + "purple onion", + "sugar", + "ground black pepper", + "white wine vinegar", + "carrots", + "fresh rosemary", + "kosher salt", + "yukon gold potatoes", + "all-purpose flour" + ] + }, + { + "id": 26133, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "sesame oil", + "fillets", + "reduced sodium soy sauce", + "salt", + "lime", + "fat-free chicken broth", + "black pepper", + "boneless skinless chicken breasts", + "garlic cloves" + ] + }, + { + "id": 2905, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "guacamole", + "cilantro", + "yellow onion", + "boneless skinless chicken breast halves", + "honey", + "chili powder", + "garlic", + "ground coriander", + "ground cumin", + "orange bell pepper", + "diced tomatoes", + "salt", + "sour cream", + "jack cheese", + "flour tortillas", + "paprika", + "salsa", + "fresh lime juice" + ] + }, + { + "id": 270, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "cake flour", + "sugar", + "heavy cream", + "table salt", + "coarse salt", + "unsalted butter", + "cracked black pepper" + ] + }, + { + "id": 48843, + "cuisine": "southern_us", + "ingredients": [ + "frozen orange juice concentrate", + "frozen limeade concentrate", + "dark rum", + "fruit", + "light rum" + ] + }, + { + "id": 25195, + "cuisine": "filipino", + "ingredients": [ + "ginger ale", + "ground black pepper", + "freshly ground pepper", + "soy sauce", + "garlic", + "bamboo shoots", + "white vinegar", + "ketchup", + "salt", + "mango", + "brown sugar", + "crushed garlic", + "pork shoulder" + ] + }, + { + "id": 9746, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "peaches", + "salt", + "large egg yolks", + "granulated sugar", + "sour cream", + "honey", + "unsalted butter", + "all-purpose flour", + "mascarpone", + "ice water", + "cornmeal" + ] + }, + { + "id": 21549, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "quickcooking grits", + "all-purpose flour", + "large eggs", + "butter", + "fresh asparagus", + "water", + "vegetable oil", + "sauce", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 25675, + "cuisine": "mexican", + "ingredients": [ + "chopped cilantro fresh", + "white wine vinegar", + "ground cumin", + "garlic cloves", + "olive oil", + "serrano chile" + ] + }, + { + "id": 42945, + "cuisine": "southern_us", + "ingredients": [ + "cream cheese, soften", + "toasted pecans", + "dried cranberries", + "orange marmalade" + ] + }, + { + "id": 23436, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "all-purpose flour", + "red pepper", + "large eggs", + "scallions", + "cold water", + "salt" + ] + }, + { + "id": 10150, + "cuisine": "irish", + "ingredients": [ + "ground cinnamon", + "baking soda", + "all-purpose flour", + "cream of tartar", + "molasses", + "butter", + "ground cloves", + "ground nutmeg", + "ground allspice", + "ground ginger", + "milk", + "salt" + ] + }, + { + "id": 14509, + "cuisine": "indian", + "ingredients": [ + "tomato sauce", + "chicken", + "brown rice", + "plain yogurt", + "curry paste" + ] + }, + { + "id": 2487, + "cuisine": "indian", + "ingredients": [ + "boneless chicken thighs", + "unsalted roasted peanuts", + "sesame oil", + "salt", + "onions", + "curry powder", + "shallots", + "ginger", + "dried red chile peppers", + "ground cumin", + "water", + "coriander powder", + "vegetable oil", + "sweet paprika", + "ground turmeric", + "brown sugar", + "lemongrass", + "chili powder", + "garlic", + "galangal" + ] + }, + { + "id": 43627, + "cuisine": "southern_us", + "ingredients": [ + "fresh ginger", + "dark sesame oil", + "turnip greens", + "salt", + "collard greens", + "chile pepper", + "garlic cloves", + "pepper", + "chopped onion" + ] + }, + { + "id": 19552, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "ground black pepper", + "red bell pepper", + "buns", + "vegetable oil", + "sugar", + "apple cider vinegar", + "onions", + "kosher salt", + "hot Italian sausages" + ] + }, + { + "id": 21508, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped green bell pepper", + "smoked sausage", + "long-grain rice", + "ground cayenne pepper", + "green onions", + "salt", + "thyme", + "olive oil", + "worcestershire sauce", + "chopped onion", + "diced tomatoes in juice", + "boneless chicken breast halves", + "chopped celery", + "garlic cloves", + "medium shrimp" + ] + }, + { + "id": 36637, + "cuisine": "thai", + "ingredients": [ + "sugar", + "shallots", + "salt", + "medium shrimp", + "eggs", + "pepper", + "vegetable oil", + "garlic cloves", + "fish sauce", + "jalapeno chilies", + "cilantro", + "tamarind concentrate", + "honey roasted peanuts", + "rice noodles", + "rice vinegar" + ] + }, + { + "id": 33645, + "cuisine": "spanish", + "ingredients": [ + "pitted kalamata olives", + "sherry vinegar", + "french bread", + "orange", + "bibb lettuce", + "extra-virgin olive oil", + "sugar", + "ground black pepper", + "fresh orange juice", + "capers", + "radicchio", + "dijon mustard", + "garlic cloves" + ] + }, + { + "id": 14432, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chili powder", + "garlic", + "cumin", + "tomatoes", + "tortillas", + "vegetable broth", + "salsa", + "dried lentils", + "guacamole", + "cheese", + "onions", + "lettuce", + "corn", + "cilantro", + "salt" + ] + }, + { + "id": 7142, + "cuisine": "french", + "ingredients": [ + "duck stock", + "black pepper", + "dry white wine", + "all-purpose flour", + "thyme sprigs", + "parsley sprigs", + "orange", + "white wine vinegar", + "ground coriander", + "orange zest", + "fresh marjoram", + "kosher salt", + "fresh orange juice", + "duck", + "onions", + "celery ribs", + "sugar", + "unsalted butter", + "salt", + "carrots", + "ground cumin" + ] + }, + { + "id": 40439, + "cuisine": "japanese", + "ingredients": [ + "baby spinach leaves", + "fat skimmed chicken broth", + "sugar", + "large eggs", + "onions", + "cooked rice", + "fresh ginger", + "salad oil", + "soy sauce", + "chicken breasts" + ] + }, + { + "id": 21219, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "grated lemon zest", + "dried oregano", + "fat free yogurt", + "salt", + "boneless skinless chicken breast halves", + "cooking spray", + "fresh lemon juice", + "dried rosemary", + "green bell pepper", + "purple onion", + "feta cheese crumbles" + ] + }, + { + "id": 6929, + "cuisine": "italian", + "ingredients": [ + "eggs", + "almond extract", + "orange zest", + "baking powder", + "all-purpose flour", + "vegetable oil", + "white sugar", + "sliced almonds", + "salt" + ] + }, + { + "id": 27711, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "sugar", + "vanilla extract", + "vegetable oil cooking spray", + "peaches", + "all-purpose flour", + "firmly packed brown sugar", + "water", + "salt", + "ground cinnamon", + "slivered almonds", + "ice water", + "margarine" + ] + }, + { + "id": 41144, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "flour tortillas", + "sharp cheddar cheese", + "milk", + "salt", + "vegetable oil cooking spray", + "large eggs", + "all-purpose flour", + "fresh cilantro", + "baking powder", + "chicken" + ] + }, + { + "id": 23685, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "pepper", + "bay leaves", + "cayenne pepper", + "cheddar cheese", + "dried thyme", + "salt", + "dried oregano", + "andouille sausage", + "water", + "green onions", + "celery", + "cooked rice", + "light red kidney beans", + "garlic powder", + "yellow onion" + ] + }, + { + "id": 41260, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "garlic cloves", + "ginger", + "sugar", + "fresh lime juice", + "thai chile" + ] + }, + { + "id": 37037, + "cuisine": "french", + "ingredients": [ + "dried thyme", + "frozen pastry puff sheets", + "onions", + "sugar", + "unsalted butter", + "anchovy fillets", + "freshly grated parmesan", + "vegetable oil", + "dried rosemary", + "water", + "large eggs", + "brine-cured black olives" + ] + }, + { + "id": 41854, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "rice vinegar", + "bean thread vermicelli", + "shrimp", + "soy sauce", + "english cucumber", + "lemon" + ] + }, + { + "id": 36992, + "cuisine": "chinese", + "ingredients": [ + "warm water", + "eggs", + "oil", + "cake flour", + "sugar" + ] + }, + { + "id": 3025, + "cuisine": "korean", + "ingredients": [ + "spinach", + "prawns", + "rice", + "red chili peppers", + "white wine vinegar", + "carrots", + "sugar", + "mushrooms", + "oil", + "clove", + "soy sauce", + "free range egg" + ] + }, + { + "id": 22816, + "cuisine": "french", + "ingredients": [ + "rosemary sprigs", + "garlic cloves", + "sage leaves", + "frozen pastry puff sheets", + "olive oil", + "plum tomatoes", + "fresh basil", + "chopped onion" + ] + }, + { + "id": 21457, + "cuisine": "greek", + "ingredients": [ + "cottage cheese", + "eggs", + "butter", + "feta cheese", + "phyllo dough", + "(10 oz.) frozen chopped spinach, thawed and squeezed dry" + ] + }, + { + "id": 1076, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "sliced shallots", + "fish sauce", + "basil leaves", + "dark soy sauce", + "boneless chicken skinless thigh", + "chopped garlic", + "sugar", + "vegetable oil" + ] + }, + { + "id": 5299, + "cuisine": "french", + "ingredients": [ + "large eggs", + "salt", + "whipped cream", + "sugar", + "bittersweet chocolate" + ] + }, + { + "id": 36586, + "cuisine": "italian", + "ingredients": [ + "red wine", + "onions", + "ground red pepper", + "garlic cloves", + "olive oil", + "salt", + "fresh basil", + "diced tomatoes" + ] + }, + { + "id": 47802, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "salad dressing", + "green bell pepper", + "bow-tie pasta", + "grape tomatoes", + "purple onion", + "fresh asparagus", + "crawfish", + "fresh mushrooms" + ] + }, + { + "id": 3101, + "cuisine": "french", + "ingredients": [ + "gruyere cheese", + "half & half", + "yukon gold potatoes" + ] + }, + { + "id": 41710, + "cuisine": "filipino", + "ingredients": [ + "chicken broth", + "short-grain rice", + "onions", + "boneless chicken skinless thigh", + "ginger root", + "fish sauce", + "garlic", + "garlic flakes", + "green onions", + "canola oil" + ] + }, + { + "id": 9927, + "cuisine": "mexican", + "ingredients": [ + "Tabasco Pepper Sauce", + "california avocado", + "fresh coriander", + "vine ripened tomatoes", + "fresh lemon juice", + "vegetable oil", + "grated jack cheese", + "flour tortillas", + "purple onion", + "sour cream" + ] + }, + { + "id": 45123, + "cuisine": "italian", + "ingredients": [ + "large shrimp", + "pasta", + "lemon zest" + ] + }, + { + "id": 28586, + "cuisine": "italian", + "ingredients": [ + "water", + "ground nutmeg", + "yellow bell pepper", + "polenta", + "fresh spinach", + "fresh parmesan cheese", + "cooking spray", + "nonfat ricotta cheese", + "large egg whites", + "ground black pepper", + "salt", + "chopped garlic", + "part-skim mozzarella cheese", + "marinara sauce", + "red bell pepper" + ] + }, + { + "id": 22231, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "evaporated milk", + "eggs", + "canola", + "butter", + "warm water", + "self rising flour", + "powdered sugar", + "active dry yeast", + "salt" + ] + }, + { + "id": 16037, + "cuisine": "brazilian", + "ingredients": [ + "fish fillets", + "ground black pepper", + "marinade", + "coarse sea salt", + "low sodium chicken stock", + "bay leaf", + "avocado", + "lime", + "cilantro stems", + "vegetable oil", + "button mushrooms", + "shrimp", + "ground cumin", + "bottled clam juice", + "bell pepper", + "lime wedges", + "ancho powder", + "garlic cloves", + "onions", + "tomatoes", + "dried thyme", + "green onions", + "russet potatoes", + "cilantro leaves", + "coconut milk" + ] + }, + { + "id": 35464, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "lean ground beef", + "dry mustard", + "ketchup", + "ground black pepper", + "worcestershire sauce", + "sweet paprika", + "white onion", + "large eggs", + "dry sherry", + "white sandwich bread", + "currant jelly", + "mace", + "vegetable oil", + "salt" + ] + }, + { + "id": 12712, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "garlic cloves", + "queso fresco", + "masa dough", + "corn husks", + "pinto beans", + "white onion", + "vegetable shortening" + ] + }, + { + "id": 19440, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "couscous", + "ground cumin", + "olive oil", + "salt", + "chopped cilantro fresh", + "black beans", + "purple onion", + "fresh lime juice", + "jalapeno chilies", + "whole kernel corn, drain", + "boiling water" + ] + }, + { + "id": 30072, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "white wine vinegar", + "tzatziki", + "onions", + "pita bread", + "paprika", + "greek style plain yogurt", + "lemon juice", + "boneless lamb", + "pepper", + "garlic", + "dill", + "cucumber", + "tomatoes", + "garlic powder", + "salt", + "freshly ground pepper", + "dried oregano" + ] + }, + { + "id": 41863, + "cuisine": "mexican", + "ingredients": [ + "water", + "bay leaf", + "black peppercorns", + "garlic", + "pork shoulder roast", + "onions", + "red chili peppers", + "salt" + ] + }, + { + "id": 39071, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "garlic cloves", + "tumeric", + "salt", + "onions", + "salt and ground black pepper", + "gram flour", + "water", + "oil", + "coriander" + ] + }, + { + "id": 41132, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "purple onion", + "medium shrimp", + "extra-virgin olive oil", + "cayenne pepper", + "mango", + "non-fat sour cream", + "fresh lime juice", + "flour tortillas", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 42818, + "cuisine": "italian", + "ingredients": [ + "salt", + "dried rosemary", + "olive oil", + "garlic cloves", + "active dry yeast", + "all-purpose flour", + "baking potatoes", + "small red potato" + ] + }, + { + "id": 13209, + "cuisine": "mexican", + "ingredients": [ + "orange", + "lemon", + "black pepper", + "cooking spray", + "chopped cilantro fresh", + "pork tenderloin", + "grapefruit", + "habanero pepper", + "salt" + ] + }, + { + "id": 28621, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "mustard seeds", + "lime", + "cilantro leaves", + "ground turmeric", + "curry leaves", + "salt", + "onions", + "potatoes", + "green chilies" + ] + }, + { + "id": 21714, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "oil", + "spring onions", + "prawns", + "chillies", + "sugar", + "sesame oil" + ] + }, + { + "id": 20776, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "low-fat buttermilk", + "unsalted butter", + "all-purpose flour", + "sugar", + "baking powder" + ] + }, + { + "id": 1838, + "cuisine": "mexican", + "ingredients": [ + "chopped green chilies", + "diced onions", + "garlic", + "white hominy", + "reduced fat sharp cheddar cheese", + "fat free cream cheese" + ] + }, + { + "id": 37757, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "olive oil", + "salt", + "minced garlic", + "grated romano cheese", + "onions", + "pepper", + "quinoa", + "flat leaf parsley", + "fresh basil", + "milk", + "large eggs" + ] + }, + { + "id": 42097, + "cuisine": "spanish", + "ingredients": [ + "dry white wine", + "paprika", + "onions", + "andouille sausage", + "diced tomatoes", + "red bell pepper", + "large shrimp", + "chopped fresh thyme", + "fresh oregano", + "chicken thighs", + "green bell pepper", + "large garlic cloves", + "low salt chicken broth", + "pimento stuffed green olives" + ] + }, + { + "id": 45394, + "cuisine": "cajun_creole", + "ingredients": [ + "black beans", + "parsley", + "chopped celery", + "frozen spinach", + "ditalini pasta", + "basil", + "butter beans", + "andouille sausage", + "soup", + "garlic", + "finely chopped onion", + "diced tomatoes", + "beef broth" + ] + }, + { + "id": 29478, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "chiles", + "eggs", + "masa harina", + "kosher salt" + ] + }, + { + "id": 30664, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "ground black pepper", + "fresh parsley", + "water", + "salt", + "minced garlic", + "littleneck clams", + "olive oil", + "flat leaf parsley" + ] + }, + { + "id": 2363, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "paprika", + "lime", + "red bell pepper", + "frozen sweet corn", + "carrots", + "mayonaise", + "salted butter", + "chopped cilantro" + ] + }, + { + "id": 11133, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "cooking spray", + "boneless skinless chicken breast halves", + "sun-dried tomatoes", + "salt", + "black pepper", + "whole wheat bread", + "dijon mustard", + "cream cheese, soften" + ] + }, + { + "id": 32736, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "fresh lime juice", + "light sour cream", + "ranch dressing", + "light mayonnaise", + "chipotle chile", + "garlic" + ] + }, + { + "id": 41440, + "cuisine": "italian", + "ingredients": [ + "salad seasoning mix", + "broccoli", + "zesty italian dressing", + "spaghetti", + "cauliflower", + "black olives", + "ranch dressing", + "cucumber" + ] + }, + { + "id": 29908, + "cuisine": "chinese", + "ingredients": [ + "chili flakes", + "ground black pepper", + "sesame oil", + "all-purpose flour", + "oyster sauce", + "soy sauce", + "mushrooms", + "raw cashews", + "oil", + "red bell pepper", + "sugar", + "broccoli florets", + "chili pepper flakes", + "scallions", + "green beans", + "chicken broth", + "fresh ginger", + "chicken breasts", + "rice vinegar", + "garlic cloves", + "onions" + ] + }, + { + "id": 48516, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "chopped pecans", + "ground cinnamon", + "butter", + "cubed bread", + "eggs", + "crushed pineapple" + ] + }, + { + "id": 10461, + "cuisine": "irish", + "ingredients": [ + "apple cider", + "orange juice", + "apricot nectar", + "cinnamon sticks", + "salt", + "ground cardamom", + "whole cloves", + "pineapple juice" + ] + }, + { + "id": 17858, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "lemongrass", + "fresh veget", + "garlic", + "jasmine rice", + "thai basil", + "shallots", + "coconut milk", + "fish sauce", + "canola", + "boneless chicken breast", + "ground white pepper", + "lime juice", + "palm sugar", + "thai chile" + ] + }, + { + "id": 49040, + "cuisine": "japanese", + "ingredients": [ + "water", + "russet potatoes", + "cooked white rice", + "mozzarella cheese", + "curry sauce", + "yellow onion", + "pepper", + "spring onions", + "carrots", + "eggs", + "beef", + "salt" + ] + }, + { + "id": 25574, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "truffle oil", + "cracked black pepper", + "heavy whipping cream", + "pappardelle pasta", + "shallots", + "chopped fresh sage", + "olive oil", + "mushrooms", + "salt", + "boiling water", + "sage leaves", + "parmigiano reggiano cheese", + "dry sherry", + "garlic cloves" + ] + }, + { + "id": 38872, + "cuisine": "cajun_creole", + "ingredients": [ + "duck drippings", + "dried thyme", + "bay leaves", + "garlic", + "fat", + "pepper", + "ground black pepper", + "dry white wine", + "duck", + "toast", + "milk", + "flour", + "dry sherry", + "sweet paprika", + "kosher salt", + "garlic powder", + "green onions", + "salt", + "low salt chicken broth" + ] + }, + { + "id": 21674, + "cuisine": "british", + "ingredients": [ + "eggs", + "butter", + "white sugar", + "egg whites", + "salt", + "baking powder", + "all-purpose flour", + "whole wheat flour", + "heavy cream" + ] + }, + { + "id": 39368, + "cuisine": "mexican", + "ingredients": [ + "milk", + "cinnamon", + "confectioners sugar", + "dulce de leche", + "large eggs", + "all-purpose flour", + "pure vanilla extract", + "large egg yolks", + "heavy cream", + "bittersweet chocolate", + "melted butter", + "granulated sugar", + "salt" + ] + }, + { + "id": 12973, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "peas", + "bay leaf", + "diced tomatoes", + "salt", + "water", + "ground pork", + "carrots", + "lean ground beef", + "garlic", + "onions" + ] + }, + { + "id": 7769, + "cuisine": "thai", + "ingredients": [ + "peanuts", + "rice vermicelli", + "firm tofu", + "white sugar", + "soy sauce", + "green onions", + "garlic", + "beansprouts", + "lime", + "crushed red pepper flakes", + "salt", + "fresh lime juice", + "large eggs", + "vegetable broth", + "peanut oil" + ] + }, + { + "id": 8029, + "cuisine": "italian", + "ingredients": [ + "sugar", + "basil leaves", + "salt", + "active dry yeast", + "large garlic cloves", + "warm water", + "fresh mozzarella", + "juice", + "tomatoes", + "olive oil", + "all purpose unbleached flour" + ] + }, + { + "id": 43234, + "cuisine": "british", + "ingredients": [ + "pastry dough", + "large eggs", + "rice", + "stilton", + "watercress", + "half & half", + "walnuts" + ] + }, + { + "id": 45406, + "cuisine": "cajun_creole", + "ingredients": [ + "black-eyed peas", + "all-purpose flour", + "vegetable oil", + "egg whites", + "cayenne pepper", + "salt" + ] + }, + { + "id": 22956, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "rice wine", + "scallions", + "chicken broth", + "regular soy sauce", + "vegetable oil", + "chinese sausage", + "sesame oil", + "oyster sauce", + "glutinous rice", + "peeled fresh ginger", + "dried shiitake mushrooms" + ] + }, + { + "id": 2241, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "sesame oil", + "honey", + "chile sauce", + "water", + "edamame", + "peeled fresh ginger" + ] + }, + { + "id": 3763, + "cuisine": "italian", + "ingredients": [ + "egg yolks", + "salt", + "ground cinnamon", + "butter", + "white sugar", + "baking powder", + "all-purpose flour", + "eggs", + "vanilla extract" + ] + }, + { + "id": 30893, + "cuisine": "italian", + "ingredients": [ + "italian salad dressing mix", + "brown sugar", + "chicken breasts" + ] + }, + { + "id": 22652, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "fresh mozzarella", + "coarse salt", + "freshly ground pepper", + "basil" + ] + }, + { + "id": 8756, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "scallions", + "chinese rice wine", + "sesame oil", + "fermented black beans", + "minced ginger", + "bok choy", + "soy sauce", + "peanut oil", + "large shrimp" + ] + }, + { + "id": 11659, + "cuisine": "southern_us", + "ingredients": [ + "worcestershire sauce", + "garlic cloves", + "butter", + "salt", + "celery", + "cracked black pepper", + "shrimp", + "lemon", + "hot sauce" + ] + }, + { + "id": 3306, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "Mexican cheese", + "cream of chicken soup", + "salsa", + "cumin", + "black beans", + "frozen corn", + "sour cream", + "flour tortillas", + "red enchilada sauce", + "chicken" + ] + }, + { + "id": 48252, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "vegetable oil", + "white cornmeal", + "large eggs", + "salt", + "chopped green bell pepper", + "buttermilk", + "ground red pepper", + "onions" + ] + }, + { + "id": 41575, + "cuisine": "italian", + "ingredients": [ + "salt", + "dried oregano", + "active dry yeast", + "margarine", + "warm water", + "all-purpose flour", + "grated parmesan cheese", + "white sugar" + ] + }, + { + "id": 15438, + "cuisine": "southern_us", + "ingredients": [ + "orange", + "fresh orange juice", + "lemon pepper", + "garlic powder", + "grouper", + "lime", + "salt", + "key lime juice", + "onion powder", + "softened butter" + ] + }, + { + "id": 38461, + "cuisine": "cajun_creole", + "ingredients": [ + "brown sugar", + "all-purpose flour", + "butter", + "chopped pecans", + "vegetable oil", + "creole seasoning", + "eggs", + "maple syrup", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 47184, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "slaw mix", + "pickle relish", + "ground red pepper", + "sliced ham", + "cheese slices", + "bread slices", + "ketchup", + "butter cooking spray" + ] + }, + { + "id": 4688, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "ground black pepper", + "garlic", + "crushed tomatoes", + "basil leaves", + "rigatoni", + "water", + "grated parmesan cheese", + "salt", + "cauliflower", + "olive oil", + "raisins" + ] + }, + { + "id": 5227, + "cuisine": "mexican", + "ingredients": [ + "tequila", + "triple sec", + "ice", + "sugar", + "fresh lime juice", + "orange juice" + ] + }, + { + "id": 46256, + "cuisine": "british", + "ingredients": [ + "sugar", + "grated nutmeg", + "orange", + "cinnamon sticks", + "brandy", + "juice", + "eggs", + "golden raisins", + "puff pastry" + ] + }, + { + "id": 42840, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "peaches", + "large egg yolks", + "sugar", + "heavy whipping cream" + ] + }, + { + "id": 33928, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "lemon rind", + "black pepper", + "salt", + "flat leaf parsley", + "fresh basil", + "tuna steaks", + "garlic cloves", + "olive oil", + "dry bread crumbs" + ] + }, + { + "id": 37965, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "black-eyed peas", + "shallots", + "banana peppers", + "white onion", + "unsalted butter", + "salt pork", + "canola oil", + "basmati", + "ground black pepper", + "hot sauce", + "smoked ham hocks", + "kosher salt", + "jasmine", + "long-grain rice" + ] + }, + { + "id": 29445, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "coffee granules", + "firmly packed light brown sugar", + "whipping cream", + "sugar", + "vanilla extract" + ] + }, + { + "id": 9421, + "cuisine": "french", + "ingredients": [ + "cauliflower", + "hot red pepper flakes", + "minced garlic", + "heavy cream", + "flat leaf parsley", + "stock", + "kosher salt", + "unsalted butter", + "California bay leaves", + "onions", + "green bell pepper", + "cider vinegar", + "white hominy", + "red bell pepper", + "fresh corn", + "black pepper", + "olive oil", + "scallions", + "serrano ham" + ] + }, + { + "id": 19724, + "cuisine": "japanese", + "ingredients": [ + "sake", + "pork loin", + "fresh ginger root", + "soy sauce", + "vegetable oil", + "mirin" + ] + }, + { + "id": 48518, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "grated parmesan cheese", + "salt", + "fresh mushrooms", + "water", + "garlic", + "chopped onion", + "oregano", + "vegetable oil cooking spray", + "lean ground beef", + "fresh oregano", + "spaghetti", + "tomato paste", + "zucchini", + "crushed red pepper", + "shredded zucchini" + ] + }, + { + "id": 47661, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "buttermilk", + "butter", + "baking powder", + "salt", + "country ham", + "vegetable shortening" + ] + }, + { + "id": 37600, + "cuisine": "russian", + "ingredients": [ + "sauerkraut", + "chopped onion", + "potatoes", + "dill pickles", + "olive oil", + "beets", + "salt", + "carrots" + ] + }, + { + "id": 40494, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "fresh ginger root", + "red curry paste", + "lemongrass", + "vegetable oil", + "coconut milk", + "fresh coriander", + "prawns", + "dark brown sugar", + "chicken stock", + "shiitake", + "salt", + "fresh lime juice" + ] + }, + { + "id": 33643, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "oil", + "cilantro", + "cumin", + "lime juice", + "onions", + "tomatoes", + "garlic" + ] + }, + { + "id": 14915, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame oil", + "scallions", + "black vinegar", + "light soy sauce", + "green pepper", + "corn starch", + "water", + "red pepper", + "garlic cloves", + "dark soy sauce", + "cooking oil", + "firm tofu", + "ginger root" + ] + }, + { + "id": 858, + "cuisine": "filipino", + "ingredients": [ + "chicken broth", + "shallots", + "salt", + "cooked shrimp", + "pepper", + "vegetable oil", + "carrots", + "soy sauce", + "rice noodles", + "garlic cloves", + "boneless skinless chicken breasts", + "napa cabbage", + "green beans" + ] + }, + { + "id": 25275, + "cuisine": "french", + "ingredients": [ + "eggs", + "vanilla extract", + "baking powder", + "confectioners sugar", + "butter", + "lemon zest", + "all-purpose flour" + ] + }, + { + "id": 12677, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic", + "sugar", + "olive oil", + "black pepper", + "whole peeled tomatoes", + "dried pasta", + "fresh basil leaves" + ] + }, + { + "id": 44408, + "cuisine": "italian", + "ingredients": [ + "bacon", + "boneless skinless chicken breast halves", + "red chili peppers", + "penne pasta", + "pasta sauce", + "garlic", + "grated parmesan cheese", + "medium shrimp" + ] + }, + { + "id": 33191, + "cuisine": "italian", + "ingredients": [ + "sugar", + "berries", + "cold water", + "whipping cream", + "white wine", + "unflavored gelatin", + "vanilla extract" + ] + }, + { + "id": 35448, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "linguine", + "clams", + "shallots", + "dry white wine", + "arugula", + "peeled tomatoes", + "large garlic cloves" + ] + }, + { + "id": 5879, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "oregano", + "flour", + "evaporated milk", + "tomato sauce", + "green chilies" + ] + }, + { + "id": 37107, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "chopped cilantro fresh", + "garlic cloves", + "salt", + "plum tomatoes", + "finely chopped onion", + "fresh lime juice" + ] + }, + { + "id": 577, + "cuisine": "indian", + "ingredients": [ + "sugar", + "cumin seed", + "chili powder", + "ground turmeric", + "bananas", + "oil", + "mustard", + "salt" + ] + }, + { + "id": 30171, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "unsalted butter", + "buttermilk", + "cornmeal", + "sugar", + "baking powder", + "paprika", + "black pepper", + "chicken breast halves", + "salt", + "baking soda", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 35481, + "cuisine": "korean", + "ingredients": [ + "sugar", + "honey", + "top sirloin", + "pinenuts", + "sesame oil", + "perilla", + "soy sauce", + "green onions", + "salt", + "pepper", + "yellow mustard", + "sweet rice flour" + ] + }, + { + "id": 47591, + "cuisine": "mexican", + "ingredients": [ + "water", + "cooking spray", + "chopped onion", + "red bell pepper", + "semisweet chocolate", + "yellow bell pepper", + "cumin seed", + "fresh cilantro", + "chili powder", + "diced tomatoes with garlic and onion", + "dried oregano", + "jalapeno chilies", + "salt", + "pork loin chops" + ] + }, + { + "id": 43292, + "cuisine": "southern_us", + "ingredients": [ + "seasoning salt", + "beer", + "pepper", + "purple onion", + "celery ribs", + "beef brisket", + "garlic cloves", + "water", + "chili sauce" + ] + }, + { + "id": 29262, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "basil leaves", + "medium shrimp", + "agave nectar", + "rice vinegar", + "rice paper", + "Sriracha", + "lettuce leaves", + "mango", + "bean threads", + "mint leaves", + "scallions" + ] + }, + { + "id": 39227, + "cuisine": "italian", + "ingredients": [ + "ground round", + "olive oil", + "whole milk", + "ground pork", + "flat leaf parsley", + "black pepper", + "ground nutmeg", + "fettuccine, cook and drain", + "salt", + "tomato purée", + "fat free less sodium chicken broth", + "finely chopped onion", + "ground veal", + "carrots", + "parsley sprigs", + "fresh parmesan cheese", + "dry white wine", + "chopped celery", + "bay leaf" + ] + }, + { + "id": 32903, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "shredded cheddar cheese", + "baking powder", + "salsa", + "black pepper", + "diced green chilies", + "sea salt", + "cornmeal", + "lean ground turkey", + "baking soda", + "chili powder", + "carrots", + "black beans", + "low-fat buttermilk", + "frozen corn", + "cumin" + ] + }, + { + "id": 20965, + "cuisine": "japanese", + "ingredients": [ + "white onion", + "bay leaves", + "coriander", + "tumeric", + "garam masala", + "green chilies", + "ginger paste", + "garlic paste", + "olive oil", + "ground red pepper", + "frozen peas", + "tomato sauce", + "potatoes", + "cumin seed" + ] + }, + { + "id": 26916, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "dark corn syrup", + "salt", + "pecan halves", + "ice water", + "white sugar", + "eggs", + "butter", + "all-purpose flour", + "pecans", + "light corn syrup" + ] + }, + { + "id": 42379, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "almonds", + "heavy cream", + "curry powder", + "low sodium chicken broth", + "cooked white rice", + "kosher salt", + "zucchini", + "yellow onion", + "ground cinnamon", + "olive oil", + "boneless skinless chicken breasts", + "fresh basil leaves" + ] + }, + { + "id": 32393, + "cuisine": "mexican", + "ingredients": [ + "unsweetened soymilk", + "vegetable broth", + "onions", + "chili beans", + "jalapeno chilies", + "salt", + "cumin", + "cooked pumpkin", + "garlic", + "oregano", + "red potato", + "cilantro", + "cayenne pepper" + ] + }, + { + "id": 7551, + "cuisine": "mexican", + "ingredients": [ + "frozen limeade", + "frozen strawberries", + "lemon-lime soda" + ] + }, + { + "id": 42490, + "cuisine": "brazilian", + "ingredients": [ + "muenster cheese", + "cream cheese" + ] + }, + { + "id": 41470, + "cuisine": "mexican", + "ingredients": [ + "whipped cream", + "mexican chocolate", + "vanilla extract", + "milk", + "cinnamon sticks" + ] + }, + { + "id": 8600, + "cuisine": "italian", + "ingredients": [ + "ground nutmeg", + "eggs", + "ditalini pasta", + "chicken broth", + "grated romano cheese", + "water", + "fresh parsley" + ] + }, + { + "id": 34025, + "cuisine": "cajun_creole", + "ingredients": [ + "whole milk", + "confectioners sugar", + "active dry yeast", + "salt", + "sugar", + "buttermilk", + "bread flour", + "baking soda", + "oil" + ] + }, + { + "id": 31708, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "fresh thyme", + "garlic", + "kosher salt", + "shallots", + "frozen peas", + "fresh chives", + "lobster", + "flat leaf parsley", + "pasta", + "mascarpone", + "extra-virgin olive oil" + ] + }, + { + "id": 9293, + "cuisine": "french", + "ingredients": [ + "rocket leaves", + "olive oil", + "2% reduced-fat milk", + "thyme sprigs", + "dried thyme", + "butter", + "garlic cloves", + "pepper", + "bay leaves", + "apples", + "onions", + "water", + "loin pork roast", + "salt" + ] + }, + { + "id": 36878, + "cuisine": "thai", + "ingredients": [ + "sesame seeds", + "flaked coconut", + "soy sauce", + "chunky peanut butter", + "firm tofu", + "fresh ginger root", + "sesame oil", + "olive oil", + "green onions" + ] + }, + { + "id": 18334, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "lemon extract", + "whipped cream", + "water", + "pastry shell", + "sugar", + "sweet potatoes", + "vanilla extract", + "evaporated milk", + "butter" + ] + }, + { + "id": 6782, + "cuisine": "irish", + "ingredients": [ + "whole cloves", + "grated lemon zest", + "nutmeg", + "cinnamon", + "unsweetened apple juice", + "grated orange", + "whole allspice", + "dry red wine" + ] + }, + { + "id": 11130, + "cuisine": "japanese", + "ingredients": [ + "dark soy sauce", + "baking soda", + "sweet potatoes", + "salt", + "green beans", + "water", + "zucchini", + "ice water", + "rice flour", + "canola oil", + "sugar", + "mirin", + "bonito flakes", + "yellow onion", + "large shrimp", + "shiitake", + "egg yolks", + "cake flour", + "carrots" + ] + }, + { + "id": 48232, + "cuisine": "korean", + "ingredients": [ + "dark soy sauce", + "baking soda", + "dark brown sugar", + "large egg whites", + "rice vinegar", + "toasted sesame oil", + "chicken wings", + "sea salt", + "garlic cloves", + "fresh ginger", + "Gochujang base", + "asian fish sauce" + ] + }, + { + "id": 13569, + "cuisine": "french", + "ingredients": [ + "honey", + "corn starch", + "half & half", + "sugar", + "salt", + "egg yolks" + ] + }, + { + "id": 2806, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "worcestershire sauce", + "celery", + "green bell pepper", + "beef", + "salt", + "water", + "garlic", + "onions", + "small red beans", + "Tabasco Pepper Sauce", + "creole seasoning" + ] + }, + { + "id": 39444, + "cuisine": "french", + "ingredients": [ + "sugar", + "butter", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 2481, + "cuisine": "french", + "ingredients": [ + "double cream", + "egg whites", + "sugar", + "plain chocolate", + "egg yolks" + ] + }, + { + "id": 5073, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large eggs", + "salt", + "almonds", + "anise", + "anise extract", + "brandy", + "baking powder", + "all-purpose flour", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 43011, + "cuisine": "southern_us", + "ingredients": [ + "grits", + "cooking spray", + "tomato sauce", + "large shrimp", + "cajun seasoning" + ] + }, + { + "id": 37697, + "cuisine": "southern_us", + "ingredients": [ + "sweet potatoes", + "cayenne pepper", + "milk", + "salt", + "unsalted butter", + "all-purpose flour", + "sugar", + "baking powder" + ] + }, + { + "id": 23541, + "cuisine": "korean", + "ingredients": [ + "granulated sugar", + "rice vinegar", + "gluten free soy sauce", + "water", + "vegetable oil", + "rice flour", + "eggs", + "zucchini", + "scallions", + "fresh ginger", + "red pepper flakes", + "carrots" + ] + }, + { + "id": 47560, + "cuisine": "french", + "ingredients": [ + "pure vanilla extract", + "large egg whites", + "yolk", + "all-purpose flour", + "sugar", + "unsalted butter", + "salt", + "sliced almonds", + "large eggs", + "crème fraîche", + "cold water", + "large egg yolks", + "Poire Williams", + "bartlett pears" + ] + }, + { + "id": 43215, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "white sandwich bread", + "vanilla ice cream", + "lemon juice", + "ground cinnamon", + "dark brown sugar", + "ground nutmeg", + "gala apples" + ] + }, + { + "id": 23512, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "dried oregano", + "dried thyme", + "paprika", + "dried basil", + "onion powder", + "garlic powder", + "cayenne pepper" + ] + }, + { + "id": 3372, + "cuisine": "vietnamese", + "ingredients": [ + "all purpose unbleached flour", + "warm water", + "sugar", + "salt", + "active dry yeast" + ] + }, + { + "id": 35580, + "cuisine": "indian", + "ingredients": [ + "flour", + "curds", + "tumeric", + "chili powder", + "mustard", + "seeds", + "oil", + "water", + "salt" + ] + }, + { + "id": 17878, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "corn", + "rice", + "romaine lettuce", + "salsa", + "chicken", + "avocado", + "black beans", + "sauce", + "cheddar cheese", + "Tabasco Pepper Sauce", + "sour cream" + ] + }, + { + "id": 11075, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "fresh basil", + "fresh basil leaves", + "simple syrup", + "powdered sugar", + "ice" + ] + }, + { + "id": 12189, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "mexican style 4 cheese blend", + "ground cumin", + "green onions", + "chicken fingers", + "black beans", + "salsa", + "chili powder", + "couscous" + ] + }, + { + "id": 36716, + "cuisine": "russian", + "ingredients": [ + "mustard", + "olive oil", + "peas", + "red bell pepper", + "corn", + "sea salt", + "carrots", + "mayonaise", + "ground pepper", + "fat", + "pickles", + "potatoes", + "lemon juice" + ] + }, + { + "id": 43554, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "sea salt", + "salt", + "lime juice", + "bell pepper", + "cheese spread", + "vegetarian refried beans", + "pepper", + "cherry tomatoes", + "black olives", + "salsa", + "fresh cilantro", + "guacamole", + "purple onion" + ] + }, + { + "id": 26591, + "cuisine": "indian", + "ingredients": [ + "golden brown sugar", + "salt", + "fresh lime juice", + "granny smith apples", + "peeled fresh ginger", + "ground cardamom", + "serrano chile", + "quinces", + "ground coriander", + "medjool date", + "water", + "apple cider vinegar", + "cinnamon sticks" + ] + }, + { + "id": 47012, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "clam juice", + "onions", + "salmon fillets", + "salt", + "pepper", + "margarine", + "green cabbage", + "chopped fresh chives", + "low salt chicken broth" + ] + }, + { + "id": 13678, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "salt", + "pork", + "onions", + "taco sauce", + "salsa", + "picante sauce", + "chopped garlic" + ] + }, + { + "id": 46392, + "cuisine": "filipino", + "ingredients": [ + "bell pepper", + "ginger", + "shrimp", + "fish sauce", + "vegetable oil", + "garlic", + "sweet potatoes", + "white rice", + "coconut milk", + "water", + "lemon", + "carrots" + ] + }, + { + "id": 43609, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "ground black pepper", + "paprika", + "sugar", + "sherry vinegar", + "chopped fresh thyme", + "ice cubes", + "olive oil", + "cooking spray", + "garlic cloves", + "water", + "pork tenderloin", + "chopped fresh sage" + ] + }, + { + "id": 10775, + "cuisine": "french", + "ingredients": [ + "cream sweeten whip", + "half & half", + "bittersweet chocolate", + "edible flowers", + "mint sprigs", + "large eggs", + "instant espresso", + "firmly packed brown sugar", + "coffee liqueur", + "unsweetened cocoa powder" + ] + }, + { + "id": 29485, + "cuisine": "vietnamese", + "ingredients": [ + "lime", + "rice noodles", + "cucumber", + "radishes", + "purple onion", + "fish sauce", + "mint leaves", + "roasted peanuts", + "red chili peppers", + "chicken breasts", + "carrots" + ] + }, + { + "id": 42924, + "cuisine": "french", + "ingredients": [ + "peeled tomatoes", + "large garlic cloves", + "thyme sprigs", + "bay leaves", + "chopped onion", + "chicken", + "fresh basil", + "dry white wine", + "low salt chicken broth", + "olive oil", + "salt pork", + "olives" + ] + }, + { + "id": 28957, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "cornbread stuffing mix", + "large eggs", + "chopped green bell pepper", + "onions", + "milk", + "large garlic cloves" + ] + }, + { + "id": 46006, + "cuisine": "mexican", + "ingredients": [ + "corn oil", + "corn tortillas", + "purple onion", + "ragu old world style tradit pasta sauc", + "chipotles in adobo" + ] + }, + { + "id": 37602, + "cuisine": "indian", + "ingredients": [ + "butter", + "onions", + "ground ginger", + "okra", + "ground black pepper", + "ground coriander", + "salt", + "ground cumin" + ] + }, + { + "id": 22492, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "garlic cloves", + "center cut loin pork chop", + "green bell pepper", + "salt", + "onions", + "ancho powder", + "fresh lime juice", + "cooking spray", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 35131, + "cuisine": "russian", + "ingredients": [ + "kosher salt", + "grated nutmeg", + "sugar", + "almond extract", + "confectioners sugar", + "ground cinnamon", + "large eggs", + "fresh lemon juice", + "granny smith apples", + "all-purpose flour" + ] + }, + { + "id": 5272, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "pumpkin purée", + "vegetable shortening", + "salt", + "pumpkin pie spice", + "brown sugar", + "apple cider vinegar", + "heavy cream", + "corn syrup", + "pecan halves", + "bourbon whiskey", + "whipped cream", + "all-purpose flour", + "cold water", + "sugar", + "butter", + "vanilla extract", + "chopped pecans" + ] + }, + { + "id": 5162, + "cuisine": "chinese", + "ingredients": [ + "Shaoxing wine", + "Maggi", + "corn starch", + "white pepper", + "ginger", + "oil", + "sugar", + "sesame oil", + "scallions", + "beef", + "salt", + "oyster sauce" + ] + }, + { + "id": 26364, + "cuisine": "korean", + "ingredients": [ + "eggs", + "water", + "sesame oil", + "scallions", + "hot red pepper flakes", + "sesame seeds", + "rice vinegar", + "brown sugar", + "olive oil", + "salt", + "cold water", + "soy sauce", + "red cabbage", + "pancake mix" + ] + }, + { + "id": 30670, + "cuisine": "italian", + "ingredients": [ + "fresh marjoram", + "butter", + "wild mushrooms", + "olive oil", + "low salt chicken broth", + "shallots", + "boneless skinless chicken breast halves", + "marsala wine", + "whipping cream" + ] + }, + { + "id": 32330, + "cuisine": "british", + "ingredients": [ + "vanilla", + "powdered sugar", + "sour cream", + "heavy cream", + "cream cheese" + ] + }, + { + "id": 31736, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "all-purpose flour", + "fryer chickens", + "garlic powder", + "salt", + "vegetable oil", + "poultry seasoning" + ] + }, + { + "id": 799, + "cuisine": "southern_us", + "ingredients": [ + "ground red pepper", + "whipping cream", + "baking soda", + "butter", + "all-purpose flour", + "large eggs", + "buttermilk", + "white cornmeal", + "sugar", + "chopped fresh thyme", + "salt" + ] + }, + { + "id": 38930, + "cuisine": "italian", + "ingredients": [ + "solid pack pumpkin", + "1% low-fat milk", + "polenta", + "parmesan cheese", + "cream cheese", + "water", + "salt", + "fresh parmesan cheese", + "chopped fresh sage" + ] + }, + { + "id": 41655, + "cuisine": "chinese", + "ingredients": [ + "minced ginger", + "boneless skinless chicken breasts", + "scallions", + "low sodium soy sauce", + "hoisin sauce", + "thai chile", + "white sesame seeds", + "tomato paste", + "honey", + "chili oil", + "corn starch", + "minced garlic", + "low sodium chicken broth", + "rice vinegar" + ] + }, + { + "id": 48622, + "cuisine": "french", + "ingredients": [ + "spinach", + "bay leaves", + "salt", + "small red potato", + "thyme sprigs", + "black peppercorns", + "roasted red peppers", + "basil", + "garlic cloves", + "flat leaf parsley", + "pepper", + "dry white wine", + "boiling onions", + "low salt chicken broth", + "brussels sprouts", + "olive oil", + "chicken breast halves", + "baby carrots", + "tarragon" + ] + }, + { + "id": 25479, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "chiles", + "coriander seeds", + "boneless skinless chicken breasts", + "garlic", + "cumin seed", + "ground turmeric", + "store bought low sodium chicken broth", + "chili pepper", + "tamarind pulp", + "cinnamon", + "cardamom pods", + "bay leaf", + "tomatoes", + "kosher salt", + "ground black pepper", + "vegetable oil", + "fenugreek seeds", + "ground chile", + "fennel seeds", + "cooked rice", + "coconut", + "yoghurt", + "star anise", + "okra", + "onions" + ] + }, + { + "id": 41193, + "cuisine": "mexican", + "ingredients": [ + "water", + "tomatillos", + "sugar", + "olive oil", + "low salt chicken broth", + "chiles", + "fresh cilantro", + "garlic cloves", + "white onion", + "asadero", + "corn tortillas" + ] + }, + { + "id": 10376, + "cuisine": "mexican", + "ingredients": [ + "pasta", + "ground black pepper", + "raisins", + "garlic cloves", + "green olives", + "ground sirloin", + "salt", + "dried oregano", + "olive oil", + "chili powder", + "cayenne pepper", + "ground cumin", + "tomato paste", + "large eggs", + "diced tomatoes", + "onions" + ] + }, + { + "id": 40822, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "shrimp", + "chopped cilantro fresh", + "salt", + "fresh lime juice", + "garlic", + "tequila", + "cayenne pepper", + "bamboo shoots" + ] + }, + { + "id": 11682, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "red chili peppers", + "light soy sauce", + "szechwan peppercorns", + "greens", + "sugar", + "water", + "fresh ginger root", + "chili bean sauce", + "clove", + "baby bok choy", + "broccolini", + "beef shank", + "noodles", + "chinese rice wine", + "fresh leav spinach", + "vegetables", + "garlic", + "plum tomatoes" + ] + }, + { + "id": 38179, + "cuisine": "thai", + "ingredients": [ + "sweet chili sauce", + "cilantro leaves", + "coconut milk", + "fish sauce", + "thai basil", + "oil", + "long beans", + "minced ginger", + "red curry paste", + "fresh lime juice", + "sugar", + "large eggs", + "shrimp" + ] + }, + { + "id": 35308, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "baking powder", + "all-purpose flour", + "powdered sugar", + "large eggs", + "poppy seeds", + "granulated sugar", + "butter", + "grated lemon zest", + "1% low-fat buttermilk", + "cooking spray", + "salt" + ] + }, + { + "id": 16068, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "garlic cloves", + "unsalted butter", + "crushed red pepper", + "fresh parsley", + "linguine", + "fresh lemon juice", + "lemon zest", + "salt", + "large shrimp" + ] + }, + { + "id": 47973, + "cuisine": "indian", + "ingredients": [ + "salt", + "nonfat sweetened condensed milk", + "basmati rice", + "whole milk", + "mango", + "ground cardamom" + ] + }, + { + "id": 20714, + "cuisine": "southern_us", + "ingredients": [ + "bacon drippings", + "buttermilk", + "baking powder", + "all-purpose flour", + "baking soda", + "salt", + "butter", + "lard" + ] + }, + { + "id": 46716, + "cuisine": "chinese", + "ingredients": [ + "long-grain rice", + "cold water" + ] + }, + { + "id": 27506, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil cooking spray", + "large eggs", + "vanilla extract", + "corn starch", + "milk", + "baking powder", + "all-purpose flour", + "sugar", + "half & half", + "salt", + "evaporated milk", + "butter", + "fresh lemon juice" + ] + }, + { + "id": 22478, + "cuisine": "vietnamese", + "ingredients": [ + "chiles", + "cooking spray", + "garlic cloves", + "palm sugar", + "cilantro leaves", + "tiger prawn", + "coconut", + "rice vermicelli", + "fresh lime juice", + "fish sauce", + "mint leaves", + "salted dry roasted peanuts", + "sliced green onions" + ] + }, + { + "id": 32154, + "cuisine": "mexican", + "ingredients": [ + "lime", + "2% reduced-fat milk", + "tequila", + "chopped garlic", + "avocado", + "ground black pepper", + "mahimahi", + "fresh lime juice", + "ground cumin", + "lime zest", + "honey", + "reduced-fat sour cream", + "corn tortillas", + "canola oil", + "kosher salt", + "red cabbage", + "rice vinegar", + "chopped cilantro fresh" + ] + }, + { + "id": 28673, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "cooking oil", + "ground coriander", + "ground turmeric", + "minced garlic", + "fresh ginger root", + "cayenne pepper", + "boneless skinless chicken breast halves", + "plain yogurt", + "crushed tomatoes", + "salt", + "fresh lemon juice", + "ground cumin", + "water", + "garam masala", + "chopped onion", + "chopped cilantro fresh" + ] + }, + { + "id": 17123, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "avocado", + "chopped cilantro fresh", + "salt", + "chile pepper" + ] + }, + { + "id": 3831, + "cuisine": "italian", + "ingredients": [ + "parsley", + "boneless chicken breast", + "penne pasta", + "buffalo sauce", + "blue cheese dressing" + ] + }, + { + "id": 22893, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "bay leaf", + "olive oil", + "garlic cloves", + "fresh basil leaves", + "kosher salt", + "zucchini", + "onions", + "eggplant", + "red bell pepper", + "plum tomatoes" + ] + }, + { + "id": 40693, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "olive oil", + "garlic cloves", + "lime", + "green onions", + "chopped cilantro fresh", + "corn", + "quinoa", + "red bell pepper", + "cherry tomatoes", + "salt", + "cumin" + ] + }, + { + "id": 2069, + "cuisine": "japanese", + "ingredients": [ + "tomatoes", + "sugar", + "whole wheat flour", + "bay leaves", + "salt", + "brown cardamom", + "oil", + "onions", + "ground cumin", + "tea bags", + "water", + "coriander seeds", + "seeds", + "all-purpose flour", + "curds", + "cinnamon sticks", + "boiling potatoes", + "clove", + "asafoetida", + "amchur", + "baking soda", + "chili powder", + "chickpeas", + "cumin seed", + "nigella seeds", + "ginger paste", + "black peppercorns", + "red chili peppers", + "mace", + "baking powder", + "cilantro leaves", + "green chilies", + "lemon juice", + "chaat masala" + ] + }, + { + "id": 28853, + "cuisine": "indian", + "ingredients": [ + "cooked chicken", + "frozen peas", + "chillies", + "basmati rice", + "fresh lemon juice", + "cashew nuts", + "curry paste" + ] + }, + { + "id": 39661, + "cuisine": "french", + "ingredients": [ + "chicken breast halves", + "ground black pepper", + "yellow bell pepper", + "dried basil", + "diced tomatoes", + "cannellini beans", + "salt" + ] + }, + { + "id": 37992, + "cuisine": "italian", + "ingredients": [ + "pepper", + "roasted red peppers", + "shredded mozzarella cheese", + "capers", + "chopped tomatoes", + "grated parmesan cheese", + "italian seasoning", + "bread", + "milk", + "large eggs", + "chopped parsley", + "pitted black olives", + "prosciutto", + "salt", + "sliced green onions" + ] + }, + { + "id": 24443, + "cuisine": "italian", + "ingredients": [ + "parsley sprigs", + "part-skim mozzarella cheese", + "balsamic vinegar", + "flat leaf parsley", + "sliced green onions", + "cannelloni shells", + "roasted red peppers", + "butter cooking spray", + "plum tomatoes", + "dried basil", + "grated parmesan cheese", + "margarine", + "dried oregano", + "light alfredo sauce", + "dried thyme", + "shallots", + "garlic cloves", + "wild mushrooms" + ] + }, + { + "id": 2647, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "salsa", + "sweet potatoes", + "mexican chorizo", + "chicken broth", + "green onions", + "long grain white rice", + "olive oil", + "shredded cheese" + ] + }, + { + "id": 17623, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "basil", + "fresh mushrooms", + "italian seasoning", + "pepper", + "diced tomatoes", + "rice", + "oregano", + "cream of chicken soup", + "garlic", + "sour cream", + "chicken breasts", + "salt", + "onions" + ] + }, + { + "id": 44668, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "tomato sauce", + "sea salt", + "parmigiano reggiano cheese", + "olive oil", + "chees fresh mozzarella" + ] + }, + { + "id": 41111, + "cuisine": "japanese", + "ingredients": [ + "shiitake", + "sweet potatoes", + "freshly ground pepper", + "toasted nori", + "curly kale", + "cherries", + "togarashi", + "chillies", + "eggs", + "white miso", + "dates", + "oil", + "ground turmeric", + "minced ginger", + "tahini", + "tomato ketchup", + "onions" + ] + }, + { + "id": 12908, + "cuisine": "filipino", + "ingredients": [ + "minced garlic", + "rolls", + "lumpia skins", + "water chestnuts", + "oyster sauce", + "sliced green onions", + "ground black pepper", + "oil", + "ground beef", + "celery ribs", + "salt", + "carrots" + ] + }, + { + "id": 12351, + "cuisine": "cajun_creole", + "ingredients": [ + "minced onion", + "butter", + "saltine crumbs", + "milk", + "ground red pepper", + "salt", + "large eggs", + "worcestershire sauce", + "cooked shrimp", + "ground black pepper", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 15380, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "green onions", + "salt", + "cabbage", + "chili flakes", + "hoisin sauce", + "red capsicum", + "onions", + "olive oil", + "capsicum", + "chili sauce", + "soy sauce", + "shredded carrots", + "sprouts", + "noodles" + ] + }, + { + "id": 25805, + "cuisine": "filipino", + "ingredients": [ + "liquid smoke", + "honey", + "cilantro", + "soy sauce", + "jalapeno chilies", + "pork shoulder", + "ground ginger", + "hoisin sauce", + "garlic cloves", + "lime", + "hard-boiled egg", + "onions" + ] + }, + { + "id": 19883, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "buttermilk", + "sharp cheddar cheese", + "granulated sugar", + "all-purpose flour", + "unsalted butter", + "salt", + "fresh parsley", + "garlic powder", + "baking powder", + "cayenne pepper" + ] + }, + { + "id": 45529, + "cuisine": "japanese", + "ingredients": [ + "minced garlic", + "ginger", + "canola oil", + "sugar", + "napa cabbage", + "scallions", + "miso paste", + "salt", + "pepper", + "ground pork", + "carrots" + ] + }, + { + "id": 39549, + "cuisine": "southern_us", + "ingredients": [ + "boneless chicken skinless thigh", + "frozen whole kernel corn", + "salt", + "garlic cloves", + "fat free less sodium chicken broth", + "cooking spray", + "yellow onion", + "Italian bread", + "baby lima beans", + "hot pepper sauce", + "all-purpose flour", + "red bell pepper", + "tomato paste", + "dried thyme", + "chopped celery", + "peanut oil" + ] + }, + { + "id": 8015, + "cuisine": "brazilian", + "ingredients": [ + "cachaca", + "pineapple juice", + "lemon lime beverage" + ] + }, + { + "id": 12112, + "cuisine": "moroccan", + "ingredients": [ + "coriander seeds", + "ground cumin", + "cayenne", + "quinoa", + "tumeric", + "salt" + ] + }, + { + "id": 40335, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "egg noodles", + "salt", + "beansprouts", + "soy sauce", + "sesame oil", + "oil", + "pork", + "vinegar", + "chili sauce", + "white pepper", + "garlic", + "oyster sauce" + ] + }, + { + "id": 19648, + "cuisine": "greek", + "ingredients": [ + "pepper", + "button mushrooms", + "chickpeas", + "eggs", + "vegetable stock", + "greek style plain yogurt", + "onions", + "olive oil", + "cheese", + "brown lentils", + "tomato paste", + "zucchini", + "salt", + "herbes de provence" + ] + }, + { + "id": 13007, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "extra-virgin olive oil", + "baguette", + "sea salt", + "tomatoes", + "butter", + "garlic", + "basil leaves", + "cracked black pepper" + ] + }, + { + "id": 13436, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "heavy cream", + "green onions", + "freshly ground pepper", + "lager", + "salt", + "yukon gold potatoes" + ] + }, + { + "id": 1954, + "cuisine": "jamaican", + "ingredients": [ + "ground cloves", + "ground black pepper", + "rum", + "white wine vinegar", + "long-grain rice", + "chicken stock", + "honey", + "fresh thyme", + "extra-virgin olive oil", + "ground allspice", + "black beans", + "fresh bay leaves", + "chicken breasts", + "salt", + "cinnamon sticks", + "fresh rosemary", + "ground nutmeg", + "serrano peppers", + "garlic", + "scallions" + ] + }, + { + "id": 12352, + "cuisine": "thai", + "ingredients": [ + "ground ginger", + "lime juice", + "boneless skinless chicken breasts", + "scallions", + "sugar", + "cooking oil", + "garlic", + "canned low sodium chicken broth", + "peanuts", + "red pepper flakes", + "spaghetti", + "soy sauce", + "chunky peanut butter", + "salt" + ] + }, + { + "id": 7950, + "cuisine": "korean", + "ingredients": [ + "large egg whites", + "brown rice", + "all-purpose flour", + "large eggs", + "top sirloin steak", + "garlic cloves", + "low sodium soy sauce", + "green onions", + "rice vinegar", + "canola oil", + "sesame seeds", + "sesame oil", + "dark sesame oil" + ] + }, + { + "id": 40721, + "cuisine": "mexican", + "ingredients": [ + "butter", + "pinto beans", + "tomato sauce", + "shredded cheese", + "taco seasoning", + "flour tortillas", + "enchilada sauce" + ] + }, + { + "id": 42894, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "sour cream", + "coconut", + "yellow cake mix", + "whipped topping" + ] + }, + { + "id": 37700, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "chopped fresh thyme", + "purple onion", + "sourdough baguette", + "saffron threads", + "vegetable oil", + "diced tomatoes", + "clams, well scrub", + "orange zest", + "red potato", + "clam juice", + "extra-virgin olive oil", + "smoked paprika", + "sherry", + "large garlic cloves", + "salt", + "chorizo sausage" + ] + }, + { + "id": 2911, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "onions", + "green chile", + "salt", + "dried oregano", + "orange", + "pork roast", + "ground cumin", + "lime", + "garlic cloves" + ] + }, + { + "id": 3232, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "salsa", + "biscuits", + "meat", + "iceberg lettuce", + "refried beans", + "sour cream", + "pico de gallo", + "cilantro" + ] + }, + { + "id": 23593, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "garlic powder", + "diced tomatoes", + "rice", + "polish sausage", + "breasts halves", + "cayenne pepper", + "shrimp", + "white pepper", + "hot pepper sauce", + "chopped celery", + "garlic cloves", + "pepper", + "butter", + "green pepper", + "onions" + ] + }, + { + "id": 20251, + "cuisine": "italian", + "ingredients": [ + "shrimp tails", + "bay scallops", + "lemon", + "flat leaf parsley", + "olive oil", + "dry white wine", + "sea salt", + "lump crab meat", + "grated parmesan cheese", + "fish stock", + "arborio rice", + "asparagus", + "shallots", + "garlic" + ] + }, + { + "id": 532, + "cuisine": "filipino", + "ingredients": [ + "ground black pepper", + "sea salt", + "cooking oil", + "fish" + ] + }, + { + "id": 3498, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "black pepper", + "large garlic cloves", + "large shrimp", + "hot red pepper flakes", + "dry white wine", + "flat leaf parsley", + "unsalted butter", + "capellini" + ] + }, + { + "id": 10680, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "garlic", + "fillets", + "tomatoes", + "cooking oil", + "green chilies", + "ground turmeric", + "fresh ginger root", + "salt", + "onions", + "mild curry paste", + "chili powder", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 37622, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "water", + "chicken pieces", + "celery ribs", + "green bell pepper", + "vegetable oil", + "long grain white rice", + "scallion greens", + "andouille sausage", + "large garlic cloves", + "tomatoes", + "cayenne", + "onions" + ] + }, + { + "id": 32221, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "grated parmesan cheese", + "oven-ready lasagna noodles", + "fresh basil", + "part-skim mozzarella cheese", + "part-skim ricotta cheese", + "frozen chopped spinach", + "artichoke hearts", + "cooking spray", + "pasta sauce", + "large eggs", + "provolone cheese" + ] + }, + { + "id": 10533, + "cuisine": "british", + "ingredients": [ + "cheddar cheese", + "beer", + "mustard", + "butter", + "bread", + "black pepper", + "plain flour", + "salt" + ] + }, + { + "id": 3791, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "coriander powder", + "salt", + "cumin seed", + "chopped tomatoes", + "yoghurt", + "brown cardamom", + "ground turmeric", + "water", + "finely chopped onion", + "cilantro leaves", + "cinnamon sticks", + "clove", + "garam masala", + "chili powder", + "green chilies", + "baby potatoes" + ] + }, + { + "id": 28474, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "grating cheese", + "fritos", + "onions", + "green chile", + "sliced black olives", + "stewed tomatoes", + "ground turkey", + "tomatoes", + "kidney beans", + "diced tomatoes", + "sour cream", + "white corn", + "ranch salad dressing mix", + "pinto beans", + "ground beef" + ] + }, + { + "id": 22085, + "cuisine": "japanese", + "ingredients": [ + "Sriracha", + "soba noodles", + "avocado", + "tamari soy sauce", + "cucumber", + "sesame seeds", + "rice vinegar", + "toasted sesame oil", + "tofu", + "ponzu", + "scallions" + ] + }, + { + "id": 11667, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "whipping cream", + "chicken stock", + "veal", + "crumbled gorgonzola", + "olive oil", + "all-purpose flour", + "tomato paste", + "beef stock", + "plum tomatoes" + ] + }, + { + "id": 42120, + "cuisine": "french", + "ingredients": [ + "milk", + "coffee" + ] + }, + { + "id": 11620, + "cuisine": "british", + "ingredients": [ + "bread crumbs", + "cayenne pepper", + "eggs", + "chopped fresh chives", + "cheddar cheese", + "chives", + "half & half" + ] + }, + { + "id": 23652, + "cuisine": "italian", + "ingredients": [ + "chard", + "olive oil", + "grated Gruyère cheese", + "white onion", + "basil", + "thyme", + "pepper", + "salt", + "chopped parsley", + "eggs", + "freshly grated parmesan", + "garlic cloves" + ] + }, + { + "id": 47463, + "cuisine": "indian", + "ingredients": [ + "water", + "tortillas", + "salt", + "onions", + "fresh ginger", + "jalapeno chilies", + "ground coriander", + "curry powder", + "extra firm tofu", + "cayenne pepper", + "ground cumin", + "tomatoes", + "gold potatoes", + "green peas", + "lemon juice" + ] + }, + { + "id": 17349, + "cuisine": "mexican", + "ingredients": [ + "pomegranate seeds", + "crushed ice", + "pomegranate juice", + "lime wedges", + "orange liqueur", + "lime juice", + "coarse salt", + "lime slices", + "tequila" + ] + }, + { + "id": 46012, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "caesar salad dressing", + "frozen chopped spinach", + "butter", + "croutons", + "bacon bits", + "quickcooking grits", + "freshly ground pepper", + "parmesan cheese", + "purple onion", + "garlic salt" + ] + }, + { + "id": 32613, + "cuisine": "british", + "ingredients": [ + "pure vanilla extract", + "heavy cream", + "powdered sugar", + "white sugar", + "cream of tartar", + "strawberries", + "egg whites" + ] + }, + { + "id": 37665, + "cuisine": "french", + "ingredients": [ + "grated orange peel", + "coriander seeds", + "salt", + "chicken stock", + "honey", + "red wine vinegar", + "Belgian endive", + "sugar", + "unsalted butter", + "duck breasts", + "olive oil", + "fresh orange juice" + ] + }, + { + "id": 34061, + "cuisine": "cajun_creole", + "ingredients": [ + "Louisiana Hot Sauce", + "jalapeno chilies", + "smoked sausage", + "thyme", + "olive oil", + "peas", + "salt pork", + "dried parsley", + "black pepper", + "red pepper", + "salt", + "onions", + "bell pepper", + "garlic", + "rice", + "oregano" + ] + }, + { + "id": 45060, + "cuisine": "french", + "ingredients": [ + "mayonaise", + "lemon juice", + "water", + "garlic cloves", + "pepper", + "saffron" + ] + }, + { + "id": 20429, + "cuisine": "italian", + "ingredients": [ + "panko", + "salt", + "plum tomatoes", + "pesto", + "grated parmesan cheese", + "fresh lemon juice", + "ground black pepper", + "goat cheese", + "minced garlic", + "butter", + "fresh parsley" + ] + }, + { + "id": 23154, + "cuisine": "british", + "ingredients": [ + "tomato paste", + "rosemary", + "worcestershire sauce", + "beer", + "sage", + "kosher salt", + "mushrooms", + "all-purpose flour", + "steak", + "pancetta", + "water", + "large garlic cloves", + "beef broth", + "onions", + "sugar", + "frozen pastry puff sheets", + "cracked black pepper", + "corn starch", + "canola oil" + ] + }, + { + "id": 33882, + "cuisine": "spanish", + "ingredients": [ + "white bread", + "capers", + "milk", + "unsalted butter", + "red pepper flakes", + "ground white pepper", + "chicken broth", + "warm water", + "sherry vinegar", + "shallots", + "coarse-grain salt", + "toasted almonds", + "saffron threads", + "tomatoes", + "pepper", + "ground black pepper", + "coarse salt", + "garlic cloves", + "hungarian sweet paprika", + "roasted hazelnuts", + "olive oil", + "leeks", + "extra-virgin olive oil", + "country bread" + ] + }, + { + "id": 30942, + "cuisine": "thai", + "ingredients": [ + "water", + "ground black pepper", + "salt", + "coconut milk", + "green bell pepper", + "fresh cilantro", + "white rice", + "cardamom pods", + "tomatoes", + "curry powder", + "seafood stock", + "hot sauce", + "onions", + "coconut oil", + "fresh ginger", + "garlic", + "shrimp" + ] + }, + { + "id": 47240, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "pinto beans", + "salt", + "water", + "onions", + "beans", + "meat bones" + ] + }, + { + "id": 35362, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "fresh cilantro", + "salt", + "chiles", + "low sodium chicken broth", + "long grain white rice", + "tomatoes", + "lime", + "garlic cloves", + "white onion", + "vegetable oil" + ] + }, + { + "id": 44923, + "cuisine": "japanese", + "ingredients": [ + "liquid smoke", + "nori flakes", + "vegetable broth", + "nutritional yeast", + "vegetable oil", + "all-purpose flour", + "tapioca flour", + "green onions", + "tamari soy sauce", + "Sriracha", + "napa cabbage", + "vegan mayonnaise" + ] + }, + { + "id": 37374, + "cuisine": "mexican", + "ingredients": [ + "condensed fiesta nacho cheese soup", + "ground beef", + "water", + "whole kernel corn, drain", + "frozen tater tots", + "taco seasoning", + "chopped onion" + ] + }, + { + "id": 29616, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "finely chopped onion", + "chickpeas", + "olive oil", + "diced tomatoes", + "dried rosemary", + "water", + "balsamic vinegar", + "garlic cloves", + "fresh parmesan cheese", + "salt" + ] + }, + { + "id": 33919, + "cuisine": "thai", + "ingredients": [ + "coconut oil", + "beef brisket", + "cilantro", + "baby carrots", + "fish sauce", + "herbs", + "basil", + "yellow curry paste", + "mint", + "ground black pepper", + "frozen vegetables", + "apple juice", + "onions", + "kosher salt", + "sweet potatoes", + "coconut aminos", + "coconut milk" + ] + }, + { + "id": 16749, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "water", + "chopped onion", + "fat free less sodium chicken broth", + "cooking spray", + "flat leaf parsley", + "black pepper", + "olive oil", + "sliced mushrooms", + "pinenuts", + "salt", + "white cornmeal" + ] + }, + { + "id": 37919, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "green onions", + "eggs", + "tortillas", + "sour cream", + "avocado", + "jack", + "cilantro", + "sausage casings", + "jalapeno chilies" + ] + }, + { + "id": 8186, + "cuisine": "mexican", + "ingredients": [ + "condensed cream of chicken soup", + "cooked chicken", + "corn tortillas", + "lettuce", + "Progresso Black Beans", + "green enchilada sauce", + "tomatoes", + "Mexican cheese blend", + "sour cream", + "mayonaise", + "Old El Paso™ chopped green chiles" + ] + }, + { + "id": 19480, + "cuisine": "indian", + "ingredients": [ + "ice cubes", + "nonfat yogurt", + "green cardamom pods", + "mango", + "sugar" + ] + }, + { + "id": 18590, + "cuisine": "thai", + "ingredients": [ + "water", + "purple onion", + "chopped fresh mint", + "crushed red pepper", + "fresh lime juice", + "lime wedges", + "Thai fish sauce", + "ground chicken breast", + "chinese cabbage", + "chopped cilantro fresh" + ] + }, + { + "id": 17371, + "cuisine": "cajun_creole", + "ingredients": [ + "whitefish", + "Tabasco Pepper Sauce", + "garlic cloves", + "cayenne", + "lemon", + "ground black pepper", + "butter", + "fresh thyme", + "sweet paprika" + ] + }, + { + "id": 13833, + "cuisine": "indian", + "ingredients": [ + "water", + "coconut milk", + "butter beans", + "pepper", + "salt", + "chopped cilantro fresh", + "frozen spinach", + "vegetable oil", + "onions", + "pumpkin", + "curry paste" + ] + }, + { + "id": 39178, + "cuisine": "italian", + "ingredients": [ + "vanilla extract", + "white sugar", + "egg whites", + "all-purpose flour", + "sugar", + "salt", + "egg yolks", + "confectioners sugar" + ] + }, + { + "id": 18893, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "rosemary leaves", + "ground black pepper", + "water", + "chickpeas", + "extra-virgin olive oil" + ] + }, + { + "id": 12273, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "flour", + "yellow corn meal", + "baking soda", + "baking powder", + "kosher salt", + "yolk", + "eggs", + "unsalted butter", + "buttermilk" + ] + }, + { + "id": 19316, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "Country Crock® Spread", + "queso fresco", + "flour tortillas", + "sliced green onions", + "hellmann' or best food real mayonnais" + ] + }, + { + "id": 3410, + "cuisine": "filipino", + "ingredients": [ + "ampalaya", + "water", + "oil", + "chicken feet", + "garlic", + "fish sauce", + "ginger", + "onions", + "pepper", + "salt" + ] + }, + { + "id": 13112, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "large eggs", + "salt", + "flat leaf parsley", + "ground black pepper", + "baking potatoes", + "garlic cloves", + "ground cumin", + "tomato sauce", + "cooking spray", + "chopped onion", + "ground lamb", + "chopped green bell pepper", + "1% low-fat milk", + "red bell pepper" + ] + }, + { + "id": 43801, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "tomatillos", + "minced onion", + "garlic cloves", + "salt and ground black pepper", + "cactus leaf", + "tomatoes", + "jalapeno chilies", + "fresh lime juice" + ] + }, + { + "id": 46270, + "cuisine": "mexican", + "ingredients": [ + "water", + "salsa", + "white rice", + "minced garlic" + ] + }, + { + "id": 49153, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "chipotles in adobo", + "white bread", + "chipotle peppers", + "chili seasoning mix", + "beer", + "ground beef", + "cheese", + "adobo sauce" + ] + }, + { + "id": 30658, + "cuisine": "french", + "ingredients": [ + "blood orange", + "lemon juice", + "egg yolks", + "sugar", + "gran marnier", + "pistachios" + ] + }, + { + "id": 25105, + "cuisine": "greek", + "ingredients": [ + "unsalted butter", + "kalamata", + "goat cheese", + "balsamic vinegar", + "extra-virgin olive oil", + "dijon mustard", + "phyllo", + "frisee", + "olive oil", + "red pepper", + "salt" + ] + }, + { + "id": 27103, + "cuisine": "mexican", + "ingredients": [ + "mexican chorizo", + "canola oil", + "pinto beans", + "jack cheese" + ] + }, + { + "id": 19930, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "cream cheese", + "diced tomatoes", + "low sodium chicken broth", + "italian sausage", + "cheese tortellini" + ] + }, + { + "id": 49546, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "cornmeal", + "sugar", + "salt", + "eggs", + "vegetable oil", + "milk", + "all-purpose flour" + ] + }, + { + "id": 7178, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "reduced fat milk", + "vanilla extract", + "large egg whites", + "whole milk", + "all-purpose flour", + "large egg yolks", + "butter", + "Grand Marnier", + "sugar", + "cooking spray", + "salt" + ] + }, + { + "id": 31174, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "quickcooking grits", + "salt", + "lemon juice", + "milk", + "butter", + "baking mix", + "barbecue sauce", + "old bay seasoning", + "cream cheese", + "pepper", + "green onions", + "hot sauce", + "cooked shrimp" + ] + }, + { + "id": 11857, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "pimentos", + "flour tortillas", + "cream cheese", + "hot pepper sauce", + "black olives", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 27242, + "cuisine": "greek", + "ingredients": [ + "grape tomatoes", + "broccoli florets", + "Wish-Bone Italian Dressing", + "purple onion", + "baby spinach leaves", + "kalamata", + "feta cheese", + "chickpeas" + ] + }, + { + "id": 25415, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "seeds", + "lard", + "cumin", + "orange", + "ground black pepper", + "bacon fat", + "pork butt", + "garlic powder", + "salt", + "onions", + "lime", + "jalapeno chilies", + "garlic cloves", + "oregano" + ] + }, + { + "id": 14380, + "cuisine": "japanese", + "ingredients": [ + "unsalted butter", + "carrots", + "sugar", + "unsalted cashews", + "whole milk", + "saffron", + "almonds", + "green cardamom" + ] + }, + { + "id": 30634, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large eggs", + "heavy whipping cream", + "large egg yolks", + "salt", + "water", + "all purpose unbleached flour", + "grated lemon peel", + "unsalted butter", + "fresh lemon juice" + ] + }, + { + "id": 25795, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "scallions", + "garlic", + "pork loin chops", + "sesame oil", + "corn starch", + "sugar", + "peanut oil" + ] + }, + { + "id": 41670, + "cuisine": "italian", + "ingredients": [ + "red bell pepper, sliced", + "herbs", + "chicken thighs", + "crushed tomatoes", + "bay leaf", + "pepper", + "salt", + "dried oregano", + "green bell pepper, slice", + "onions" + ] + }, + { + "id": 3079, + "cuisine": "spanish", + "ingredients": [ + "pernod", + "whole milk", + "all-purpose flour", + "large egg yolks", + "whipped cream", + "corn starch", + "olive oil", + "lemon", + "fresh raspberries", + "sugar", + "large eggs", + "salt", + "cinnamon sticks" + ] + }, + { + "id": 2700, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "lime", + "red pepper flakes", + "garlic", + "red bell pepper", + "Mexican seasoning mix", + "orange bell pepper", + "cilantro", + "frozen corn", + "black beans", + "honey", + "grapeseed oil", + "purple onion", + "avocado", + "orange", + "lemon", + "yellow bell pepper", + "penne pasta" + ] + }, + { + "id": 23464, + "cuisine": "italian", + "ingredients": [ + "melted butter", + "grated parmesan cheese", + "chopped parsley", + "white wine", + "salt", + "ground pepper", + "garlic cloves", + "bread crumb fresh", + "butter", + "spaghetti" + ] + }, + { + "id": 4610, + "cuisine": "filipino", + "ingredients": [ + "garlic", + "sweet onion", + "low sodium soy sauce", + "chicken", + "vinegar" + ] + }, + { + "id": 43730, + "cuisine": "brazilian", + "ingredients": [ + "rum", + "brewed coffee", + "powdered sugar", + "alcohol", + "dark chocolate", + "ground almonds" + ] + }, + { + "id": 6703, + "cuisine": "spanish", + "ingredients": [ + "worcestershire sauce", + "chili sauce", + "olive oil", + "chopped celery", + "red bell pepper", + "oysters", + "paprika", + "carrots", + "ground red pepper", + "all-purpose flour", + "evaporated skim milk" + ] + }, + { + "id": 12312, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "purple onion", + "ground cumin", + "lettuce", + "boneless skinless chicken breasts", + "chopped cilantro fresh", + "knorr garlic minicub", + "hellmann' or best food real mayonnais", + "avocado", + "whole wheat tortillas", + "mango" + ] + }, + { + "id": 15129, + "cuisine": "cajun_creole", + "ingredients": [ + "top sirloin steak", + "corn starch", + "garlic powder", + "green pepper", + "dried thyme", + "salt", + "canola oil", + "pepper", + "stewed tomatoes", + "onions" + ] + }, + { + "id": 8984, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "olive oil", + "salt", + "boneless pork shoulder", + "pepper", + "bay leaves", + "onions", + "chicken bouillon", + "chipotle", + "fresh oregano", + "clove", + "water", + "garlic", + "cumin" + ] + }, + { + "id": 9068, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "taco seasoning mix", + "lemon juice", + "corn tortilla chips", + "green onions", + "garlic salt", + "tomatoes", + "sliced black olives", + "sour cream", + "beans", + "cheese spread" + ] + }, + { + "id": 45482, + "cuisine": "mexican", + "ingredients": [ + "cream of tartar", + "large eggs", + "unsweetened cocoa powder", + "baking soda", + "cinnamon", + "sugar", + "coarse salt", + "chile powder", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 43820, + "cuisine": "indian", + "ingredients": [ + "melted butter", + "jalapeno chilies", + "lemon", + "thyme", + "ajwain", + "seeds", + "ground coriander", + "starchy potatoes", + "flour", + "salt", + "celery", + "whole wheat flour", + "vegetable oil", + "freshly ground pepper" + ] + }, + { + "id": 4960, + "cuisine": "brazilian", + "ingredients": [ + "bananas", + "all-purpose flour", + "ground cinnamon", + "egg yolks", + "white sugar", + "egg whites", + "margarine", + "milk", + "baking powder" + ] + }, + { + "id": 27109, + "cuisine": "thai", + "ingredients": [ + "dry white wine", + "chopped cilantro fresh", + "mussels", + "fresh lime juice", + "unsweetened coconut milk", + "Thai red curry paste", + "asian fish sauce", + "minced garlic", + "white sugar" + ] + }, + { + "id": 41170, + "cuisine": "korean", + "ingredients": [ + "sugar", + "sea salt", + "flat cut", + "shrimp", + "radishes", + "apples", + "scallions", + "anchovies", + "ginger", + "rice", + "onions", + "Korean chile flakes", + "napa cabbage", + "garlic", + "carrots" + ] + }, + { + "id": 49443, + "cuisine": "mexican", + "ingredients": [ + "Splenda Brown Sugar Blend", + "tomato sauce", + "chili powder", + "corn starch", + "white vinegar", + "green bell pepper", + "jalapeno chilies", + "banana peppers", + "italian seasoning", + "tomato paste", + "water", + "diced tomatoes", + "red bell pepper", + "tomatoes", + "Anaheim chile", + "salt", + "onions" + ] + }, + { + "id": 20698, + "cuisine": "greek", + "ingredients": [ + "vanilla extract", + "almond extract", + "confectioners sugar", + "eggs", + "all-purpose flour", + "butter", + "white sugar" + ] + }, + { + "id": 26635, + "cuisine": "italian", + "ingredients": [ + "granulated sugar", + "cake flour", + "warm water", + "heavy cream", + "bittersweet chocolate", + "large eggs", + "confectioners sugar", + "hazelnuts", + "vanilla", + "liqueur" + ] + }, + { + "id": 31912, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "vegetable broth", + "aged balsamic vinegar", + "grated parmesan cheese", + "parsnips", + "chopped onion", + "arborio rice", + "butter" + ] + }, + { + "id": 14490, + "cuisine": "chinese", + "ingredients": [ + "fish sauce", + "lettuce leaves", + "beansprouts", + "sliced green onions", + "water", + "cilantro leaves", + "chopped fresh mint", + "bean threads", + "shredded carrots", + "garlic cloves", + "rice paper", + "sugar", + "thai chile", + "fresh lime juice" + ] + }, + { + "id": 36189, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "cream cheese", + "refrigerated crescent rolls", + "white sugar", + "honey", + "Mexican vanilla extract", + "butter" + ] + }, + { + "id": 43886, + "cuisine": "chinese", + "ingredients": [ + "water", + "sesame oil", + "oyster sauce", + "dark soy sauce", + "beef", + "cornflour", + "light soy sauce", + "ginger", + "corn flour", + "chinese rice wine", + "spring onions", + "oil" + ] + }, + { + "id": 36648, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "flank steak", + "purple onion", + "Thai fish sauce", + "olive oil", + "kirby cucumbers", + "dried rice noodles", + "fresh basil leaves", + "soy sauce", + "jalapeno chilies", + "ginger", + "freshly ground pepper", + "lime juice", + "sesame oil", + "cilantro leaves", + "beansprouts" + ] + }, + { + "id": 39453, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "cayenne", + "diced tomatoes", + "frozen corn kernels", + "low sodium vegetable broth", + "brown rice", + "salt", + "chopped cilantro fresh", + "shredded cheddar cheese", + "jalapeno chilies", + "purple onion", + "smoked paprika", + "tomato paste", + "olive oil", + "cinnamon", + "green pepper", + "ground cumin" + ] + }, + { + "id": 30176, + "cuisine": "italian", + "ingredients": [ + "limoncello", + "extra-virgin olive oil", + "flat leaf parsley", + "lemon zest", + "garlic cloves", + "ground black pepper", + "salt", + "large shrimp", + "baguette", + "shallots", + "fresh lemon juice" + ] + }, + { + "id": 29015, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "red pepper", + "scallions", + "sugar", + "lettuce leaves", + "sauce", + "cooked white rice", + "prime rib", + "coarse salt", + "Gochujang base", + "ground black pepper", + "garlic", + "toasted sesame oil" + ] + }, + { + "id": 35808, + "cuisine": "french", + "ingredients": [ + "brown sugar", + "vanilla beans" + ] + }, + { + "id": 22248, + "cuisine": "thai", + "ingredients": [ + "bean threads", + "green onions", + "purple onion", + "chopped cilantro fresh", + "sugar", + "yellow bell pepper", + "liquid", + "rocket leaves", + "chicken breasts", + "salt", + "asian fish sauce", + "lime juice", + "garlic", + "shrimp" + ] + }, + { + "id": 4187, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "vanilla extract", + "pecan halves", + "light corn syrup", + "dark brown sugar", + "pastry shell", + "salt", + "unsalted butter", + "whipping cream", + "chopped pecans" + ] + }, + { + "id": 6798, + "cuisine": "vietnamese", + "ingredients": [ + "mayonaise", + "jalapeno chilies", + "ground pork", + "garlic cloves", + "fresh basil", + "baguette", + "sesame oil", + "rice vinegar", + "corn starch", + "sugar", + "green onions", + "cilantro sprigs", + "carrots", + "fish sauce", + "ground black pepper", + "daikon", + "hot chili sauce", + "coarse kosher salt" + ] + }, + { + "id": 27805, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "garam masala", + "paprika", + "cardamom pods", + "garlic cloves", + "ground cumin", + "fresh coriander", + "red pepper", + "passata", + "cumin seed", + "onions", + "baby spinach leaves", + "boneless skinless chicken breasts", + "ginger", + "ground coriander", + "cinnamon sticks", + "tomatoes", + "lime juice", + "hot chili powder", + "green chilies", + "oil", + "basmati rice" + ] + }, + { + "id": 26004, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "ground pork", + "bitter melon", + "ground black pepper", + "soy sauce", + "green onions", + "fish sauce", + "garlic powder" + ] + }, + { + "id": 26087, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "golden beets", + "kosher salt", + "pizza doughs", + "shallots", + "honey", + "feta cheese crumbles" + ] + }, + { + "id": 29172, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "coriander powder", + "salt", + "oil", + "tomatoes", + "sugar", + "green peas", + "curds", + "ground turmeric", + "clove", + "garlic paste", + "cinnamon", + "cilantro leaves", + "onions", + "fenugreek leaves", + "garam masala", + "paneer", + "cumin seed", + "ground cumin" + ] + }, + { + "id": 39981, + "cuisine": "italian", + "ingredients": [ + "Italian parsley leaves", + "garlic cloves", + "yukon gold potatoes", + "extra-virgin olive oil", + "oregano", + "kalamata", + "black cod", + "lemon", + "fine sea salt" + ] + }, + { + "id": 12061, + "cuisine": "russian", + "ingredients": [ + "warm water", + "salt", + "flour", + "oil", + "active dry yeast", + "all-purpose flour", + "sugar", + "apples", + "canola oil" + ] + }, + { + "id": 42353, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "light mayonnaise", + "sour cream", + "water", + "green chilies", + "onions", + "cheddar cheese", + "lean ground beef", + "biscuit mix", + "roma tomatoes", + "taco seasoning" + ] + }, + { + "id": 8506, + "cuisine": "french", + "ingredients": [ + "brandy", + "butter", + "whipped topping", + "powdered sugar", + "cooking spray", + "salt", + "bartlett pears", + "brown sugar", + "golden raisins", + "all-purpose flour", + "dried cranberries", + "granulated sugar", + "ice water", + "corn starch" + ] + }, + { + "id": 9780, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "salt", + "chili powder", + "canola oil", + "garlic", + "tamarind extract", + "onions" + ] + }, + { + "id": 41171, + "cuisine": "italian", + "ingredients": [ + "green cabbage", + "parmesan cheese", + "dry white wine", + "carrots", + "reduced sodium chicken broth", + "zucchini", + "salt", + "olive oil", + "cannellini beans", + "chickpeas", + "tomatoes", + "swiss chard", + "garlic" + ] + }, + { + "id": 28297, + "cuisine": "mexican", + "ingredients": [ + "whole milk", + "granulated sugar", + "sweetened condensed milk", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 24636, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "bacon slices", + "chicken broth", + "sweet onion", + "garlic cloves", + "pepper", + "salt", + "collard greens", + "apple cider vinegar", + "ham" + ] + }, + { + "id": 34554, + "cuisine": "mexican", + "ingredients": [ + "ground beef", + "purple onion", + "avocado", + "chopped cilantro fresh", + "Knorr® Beef Bouillon" + ] + }, + { + "id": 11492, + "cuisine": "southern_us", + "ingredients": [ + "chicken", + "shichimi togarashi", + "rice bran oil" + ] + }, + { + "id": 44925, + "cuisine": "italian", + "ingredients": [ + "cavolo nero", + "crushed red pepper flakes", + "purple onion", + "celery ribs", + "winter squash", + "garlic", + "white beans", + "crushed tomatoes", + "extra-virgin olive oil", + "salt", + "bread", + "lemon", + "black olives", + "carrots" + ] + }, + { + "id": 16687, + "cuisine": "italian", + "ingredients": [ + "sea salt", + "cracked black pepper", + "fresh basil", + "crushed red pepper", + "olive oil" + ] + }, + { + "id": 17466, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "purple onion", + "green bell pepper", + "red bell pepper", + "fresh rosemary", + "thin pizza crust", + "olive oil", + "wild mushrooms" + ] + }, + { + "id": 26477, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "dried apricot", + "apricot preserves", + "chicken breast tenders", + "balsamic vinegar", + "fat free less sodium chicken broth", + "cooking spray", + "couscous", + "olive oil", + "salt" + ] + }, + { + "id": 4194, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "Italian parsley leaves", + "grated parmesan cheese", + "toasted pine nuts", + "olive oil", + "garlic cloves", + "pasta", + "fresh thyme leaves" + ] + }, + { + "id": 15977, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "granulated sugar", + "salt", + "kahlua", + "instant espresso powder", + "heavy cream", + "OREO® Cookies", + "large egg yolks", + "large eggs", + "corn starch", + "dark chocolate", + "unsalted butter", + "vanilla extract", + "unsweetened cocoa powder" + ] + }, + { + "id": 12656, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "fresh thyme", + "cajun seasoning", + "garlic cloves", + "bay leaf", + "tomato paste", + "olive oil", + "boneless skinless chicken breasts", + "diced tomatoes", + "red bell pepper", + "store bought low sodium chicken broth", + "ground black pepper", + "Tabasco Pepper Sauce", + "long-grain rice", + "flat leaf parsley", + "kosher salt", + "jalapeno chilies", + "lemon", + "shrimp", + "onions" + ] + }, + { + "id": 29945, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "vegetable oil", + "gingerroot", + "fresh spinach", + "mint sprigs", + "garlic cloves", + "fennel seeds", + "chiles", + "phyllo", + "onions", + "red potato", + "unsalted butter", + "serrano", + "ground cumin" + ] + }, + { + "id": 31239, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salsa", + "hot pepper sauce", + "chorizo sausage", + "eggs", + "salt", + "shredded Monterey Jack cheese", + "milk", + "corn tortillas" + ] + }, + { + "id": 28242, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "butter", + "boneless skinless chicken breasts", + "basil leaves", + "tomatoes", + "balsamic vinegar" + ] + }, + { + "id": 10828, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "butter", + "medium shrimp", + "white onion", + "chili powder", + "garlic cloves", + "green onions", + "salt", + "ground cumin", + "hot pepper sauce", + "lime wedges", + "fresh lime juice" + ] + }, + { + "id": 46436, + "cuisine": "mexican", + "ingredients": [ + "red kidnei beans, rins and drain", + "chopped tomatoes", + "beef stock cubes", + "lean beef", + "ground cumin", + "tomatoes", + "lime", + "cinnamon", + "salt", + "garlic cloves", + "red chili peppers", + "ground black pepper", + "worcestershire sauce", + "ground coriander", + "chili flakes", + "olive oil", + "red wine", + "cilantro leaves", + "onions" + ] + }, + { + "id": 15464, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime", + "vegetable stock", + "coconut milk", + "jasmine rice", + "shiitake", + "Thai red curry paste", + "white onion", + "olive oil", + "cilantro", + "water", + "lemon grass", + "carrots" + ] + }, + { + "id": 28932, + "cuisine": "southern_us", + "ingredients": [ + "water", + "lemon wedge", + "granulated sugar", + "tea bags" + ] + }, + { + "id": 2974, + "cuisine": "italian", + "ingredients": [ + "milk", + "flour", + "salt", + "oregano", + "eggs", + "olive oil", + "whole milk ricotta cheese", + "fresh mushrooms", + "dried basil", + "boneless skinless chicken breasts", + "grated parmesan romano", + "dried oregano", + "black pepper", + "lasagna noodles", + "butter", + "shredded mozzarella cheese" + ] + }, + { + "id": 43797, + "cuisine": "spanish", + "ingredients": [ + "asparagus", + "garlic cloves", + "eggs", + "potatoes", + "fennel bulb", + "fleur de sel", + "garden cress", + "extra-virgin olive oil" + ] + }, + { + "id": 13195, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cumin seed", + "salt", + "lemon juice", + "grated parmesan cheese", + "garlic cloves", + "cold water", + "cilantro leaves", + "chopped pecans" + ] + }, + { + "id": 27305, + "cuisine": "chinese", + "ingredients": [ + "egg whites", + "garlic", + "fresh ginger", + "chicken breasts", + "corn starch", + "low sodium soy sauce", + "mushrooms", + "oyster sauce", + "hoisin sauce", + "rice wine", + "toasted sesame oil" + ] + }, + { + "id": 1124, + "cuisine": "italian", + "ingredients": [ + "feta cheese", + "extra-virgin olive oil", + "seasoning salt", + "ground black pepper", + "Italian bread", + "pinenuts", + "garlic powder", + "mixed greens", + "sun-dried tomatoes", + "green onions" + ] + }, + { + "id": 2760, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "cannellini beans", + "celery", + "tomato sauce", + "garlic", + "dried parsley", + "tomatoes", + "crushed red pepper flakes", + "onions", + "pasta", + "olive oil", + "salt", + "italian seasoning" + ] + }, + { + "id": 196, + "cuisine": "korean", + "ingredients": [ + "ground black pepper", + "vegetable oil", + "salt", + "soy sauce", + "spring onions", + "garlic", + "beef rib short", + "sugar", + "peeled fresh ginger", + "kirby cucumbers", + "dark sesame oil", + "fresh ginger", + "marinade", + "crushed red pepper" + ] + }, + { + "id": 46862, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "all-purpose flour", + "turkey breast cutlets", + "fresh lemon juice", + "capers", + "garlic cloves", + "olive oil", + "flat leaf parsley" + ] + }, + { + "id": 195, + "cuisine": "indian", + "ingredients": [ + "warm water", + "green chilies", + "atta", + "pepper", + "oil", + "ajwain", + "curds", + "methi leaves", + "salt" + ] + }, + { + "id": 31746, + "cuisine": "british", + "ingredients": [ + "olive oil", + "ground coriander", + "mustard", + "beef tenderloin", + "ground black pepper", + "oil", + "pudding", + "ground allspice" + ] + }, + { + "id": 14302, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "large egg whites", + "melted butter", + "kosher salt", + "whole milk", + "pure vanilla extract", + "whole wheat pastry flour", + "Neapolitan ice cream", + "coconut oil", + "chocolate bars", + "sprinkles" + ] + }, + { + "id": 49416, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "chopped cilantro fresh", + "lemon zest", + "lemon juice", + "parmesan cheese", + "garlic cloves", + "fresh basil", + "baby spinach", + "chopped fresh mint" + ] + }, + { + "id": 21014, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "cream cheese, soften", + "butter", + "vanilla extract", + "milk" + ] + }, + { + "id": 42071, + "cuisine": "indian", + "ingredients": [ + "chickpea flour", + "potatoes", + "salt", + "pomegranate seeds", + "vegetable oil", + "coriander", + "amchur", + "ginger", + "green chile", + "baking powder", + "cumin seed" + ] + }, + { + "id": 15193, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "boneless chicken", + "garlic salt", + "eggs", + "cooked brown rice", + "oil", + "ketchup", + "red pepper flakes", + "sugar", + "vinegar", + "corn starch" + ] + }, + { + "id": 46757, + "cuisine": "italian", + "ingredients": [ + "eggs", + "all-purpose flour", + "extra-virgin olive oil" + ] + }, + { + "id": 15231, + "cuisine": "british", + "ingredients": [ + "lemon wedge", + "cinnamon sticks", + "eggs", + "sunflower oil", + "onions", + "tomatoes", + "mackerel fillets", + "flat leaf parsley", + "curry powder", + "long-grain rice" + ] + }, + { + "id": 20208, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "olive oil", + "garlic", + "onions", + "cider vinegar", + "coarse salt", + "celery", + "ground cumin", + "vegetable oil cooking spray", + "black-eyed peas", + "red bell pepper", + "large shrimp", + "dried thyme", + "red pepper flakes", + "bay leaf" + ] + }, + { + "id": 45827, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "vegetable oil", + "bay leaf", + "dried thyme", + "black", + "smoked ham hocks", + "chili pepper", + "salt", + "onions", + "black-eyed peas", + "garlic cloves" + ] + }, + { + "id": 10265, + "cuisine": "moroccan", + "ingredients": [ + "eggplant", + "curry powder", + "carrots", + "zucchini", + "yellow squash", + "onions" + ] + }, + { + "id": 2564, + "cuisine": "british", + "ingredients": [ + "milk", + "green peas", + "sweet potatoes", + "olive oil", + "salt", + "salmon fillets", + "leeks" + ] + }, + { + "id": 12524, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "poblano chiles", + "kosher salt", + "garlic cloves", + "fresh lime juice", + "avocado", + "gluten", + "corn tortillas", + "cooking spray", + "red bell pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 45080, + "cuisine": "filipino", + "ingredients": [ + "jalapeno chilies", + "scallions", + "pork", + "apple cider vinegar", + "low sodium soy sauce", + "bay leaves", + "peppercorns", + "water", + "garlic" + ] + }, + { + "id": 35067, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "fresh parsley", + "olive oil", + "garlic", + "diced tomatoes", + "onions", + "cod fillets", + "black olives" + ] + }, + { + "id": 13433, + "cuisine": "thai", + "ingredients": [ + "ground ginger", + "fresh cilantro", + "seasoned rice wine vinegar", + "soy sauce", + "garlic", + "roasted peanuts", + "roast turkey", + "linguine", + "creamy peanut butter", + "salad", + "canned chicken broth", + "crushed red pepper" + ] + }, + { + "id": 46264, + "cuisine": "italian", + "ingredients": [ + "pepper", + "extra-virgin olive oil", + "pinenuts", + "potatoes", + "green beans", + "romano cheese", + "grated parmesan cheese", + "garlic cloves", + "fresh basil", + "barilla", + "salt" + ] + }, + { + "id": 28830, + "cuisine": "mexican", + "ingredients": [ + "tomato juice", + "worcestershire sauce", + "lime wedges", + "Maggi", + "Tabasco Pepper Sauce", + "salt", + "lime juice", + "Mexican beer" + ] + }, + { + "id": 24111, + "cuisine": "southern_us", + "ingredients": [ + "sugar syrup", + "cold water", + "fresh lemon juice" + ] + }, + { + "id": 10889, + "cuisine": "southern_us", + "ingredients": [ + "lump crab meat", + "cooking oil", + "salt", + "ground black pepper", + "worcestershire sauce", + "onions", + "milk", + "chopped fresh chives", + "cream cheese", + "cayenne", + "bacon", + "boiling potatoes" + ] + }, + { + "id": 17480, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "flour", + "garlic cloves", + "ground pepper", + "butter", + "chopped cilantro", + "avocado", + "Mexican cheese blend", + "non-fat sour cream", + "cooked chicken breasts", + "chicken stock", + "flour tortillas", + "salt", + "cumin" + ] + }, + { + "id": 15062, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "butter", + "garlic cloves", + "andouille sausage", + "half & half", + "worcestershire sauce", + "onions", + "parmesan cheese", + "red pepper flakes", + "shrimp", + "milk", + "chili powder", + "creole seasoning", + "long pasta" + ] + }, + { + "id": 33318, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "cabbage", + "milk", + "butter", + "pepper", + "leeks", + "mace", + "salt" + ] + }, + { + "id": 20284, + "cuisine": "italian", + "ingredients": [ + "cream cheese", + "boiling water", + "butter", + "cooked shrimp", + "dried basil", + "fresh mushrooms", + "linguini", + "garlic", + "fresh parsley" + ] + }, + { + "id": 11953, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "grapeseed oil", + "fish sauce", + "broccolini", + "onions", + "water", + "garlic cloves", + "sugar", + "ground black pepper" + ] + }, + { + "id": 43118, + "cuisine": "mexican", + "ingredients": [ + "pasilla chiles", + "vanilla", + "ancho chile pepper", + "powdered sugar", + "butter", + "dark brown sugar", + "semisweet chocolate", + "whipping cream", + "cream of tartar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 10722, + "cuisine": "spanish", + "ingredients": [ + "grated lemon zest", + "artichok heart marin", + "fresh lemon juice", + "extra-virgin olive oil", + "flat leaf parsley", + "chickpeas" + ] + }, + { + "id": 30313, + "cuisine": "mexican", + "ingredients": [ + "instant rice", + "pork tenderloin", + "tomatillos", + "cherry tomatoes", + "ground red pepper", + "chopped cilantro fresh", + "minced garlic", + "cooking spray", + "salt", + "vidalia onion", + "olive oil", + "chili powder", + "ground cumin" + ] + }, + { + "id": 12485, + "cuisine": "greek", + "ingredients": [ + "pepper", + "english cucumber", + "onions", + "pita bread", + "salt", + "fresh lemon juice", + "iceberg lettuce", + "plain yogurt", + "fresh oregano", + "fresh parsley", + "ground lamb", + "beefsteak tomatoes", + "garlic cloves", + "chopped fresh mint" + ] + }, + { + "id": 42306, + "cuisine": "mexican", + "ingredients": [ + "corn", + "boneless skinless chicken breasts", + "purple onion", + "sharp cheddar cheese", + "cumin", + "fresh cilantro", + "grated parmesan cheese", + "butter", + "cayenne pepper", + "panko breadcrumbs", + "pepper", + "olive oil", + "chili powder", + "salt", + "garlic cloves", + "monterey jack", + "milk", + "flour", + "red pepper", + "green pepper", + "noodles" + ] + }, + { + "id": 39625, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "ground black pepper", + "purple onion", + "red bell pepper", + "avocado", + "olive oil", + "chili powder", + "frozen corn", + "lime juice", + "cod fillets", + "salt", + "cumin", + "cooked brown rice", + "garlic powder", + "cilantro", + "cayenne pepper" + ] + }, + { + "id": 39568, + "cuisine": "italian", + "ingredients": [ + "perciatelli", + "crumbled blue cheese", + "radicchio", + "flat leaf parsley", + "olive oil", + "black mission figs", + "prosciutto" + ] + }, + { + "id": 10645, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "flour tortillas", + "vegetable oil", + "salt", + "ground cumin", + "lime juice", + "flank steak", + "cilantro sprigs", + "red bell pepper", + "black pepper", + "ground red pepper", + "yellow bell pepper", + "salsa", + "garlic powder", + "chili powder", + "non-fat sour cream", + "onions" + ] + }, + { + "id": 1333, + "cuisine": "italian", + "ingredients": [ + "swordfish steaks", + "shallots", + "salt", + "hot water", + "ground black pepper", + "anchovy paste", + "scallions", + "olive oil", + "red wine vinegar", + "anchovy fillets", + "fresh parsley", + "grated parmesan cheese", + "linguine", + "lemon juice" + ] + }, + { + "id": 38730, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "salt", + "monterey jack", + "flour tortillas", + "medium shrimp", + "cooking oil", + "sour cream", + "black beans", + "chopped fresh chives", + "chunky tomato salsa" + ] + }, + { + "id": 46189, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "ground pork", + "carrots", + "celery ribs", + "dry white wine", + "grated nutmeg", + "chuck", + "whole milk", + "tomatoes with juice", + "onions", + "store bought low sodium chicken stock", + "coarse salt", + "freshly ground pepper" + ] + }, + { + "id": 5222, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "vanilla extract", + "sugar", + "baking powder", + "all-purpose flour", + "fresh lavender", + "cooking spray", + "salt", + "sliced almonds", + "butter", + "grated orange" + ] + }, + { + "id": 37099, + "cuisine": "mexican", + "ingredients": [ + "honey", + "rhubarb", + "green onions", + "jalapeno chilies", + "lime", + "apples" + ] + }, + { + "id": 27956, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "fresh ginger", + "firmly packed light brown sugar", + "whipping cream", + "sugar", + "vanilla extract" + ] + }, + { + "id": 17857, + "cuisine": "southern_us", + "ingredients": [ + "finely chopped onion", + "garlic cloves", + "farro", + "fresh chervil", + "chicken broth", + "salt", + "Italian parsley leaves", + "canola oil" + ] + }, + { + "id": 1990, + "cuisine": "british", + "ingredients": [ + "tomato paste", + "flour", + "dark beer", + "ground pepper", + "russet potatoes", + "ground beef", + "melted butter", + "coarse salt", + "carrots", + "fresh thyme", + "yellow onion", + "frozen peas" + ] + }, + { + "id": 31271, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "lemon juice", + "nectarines", + "muscovado sugar" + ] + }, + { + "id": 48831, + "cuisine": "mexican", + "ingredients": [ + "onions", + "Hatch Green Chiles" + ] + }, + { + "id": 18918, + "cuisine": "thai", + "ingredients": [ + "tofu", + "honey", + "crushed red pepper", + "spaghetti", + "curry powder", + "sesame oil", + "chopped fresh mint", + "low sodium soy sauce", + "cooking spray", + "garlic cloves", + "chopped cilantro fresh", + "fresh basil", + "peeled fresh ginger", + "fresh lime juice" + ] + }, + { + "id": 40618, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "orange", + "vegetable oil", + "salt", + "dried chile", + "serrano chile", + "sugar", + "pepper", + "ground black pepper", + "red wine vinegar", + "scallions", + "chopped cilantro", + "guajillo chiles", + "water", + "beef", + "lemon", + "garlic cloves", + "chopped cilantro fresh", + "kosher salt", + "lime", + "tomatillos", + "rice vinegar", + "corn tortillas" + ] + }, + { + "id": 7022, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "flour", + "canola oil", + "fresh ginger", + "garlic cloves", + "honey", + "chicken breasts", + "brown sugar", + "Sriracha", + "chile sauce" + ] + }, + { + "id": 1823, + "cuisine": "mexican", + "ingredients": [ + "shredded mozzarella cheese", + "rice", + "ground beef", + "taco shells", + "chopped cilantro", + "taco seasoning", + "onions" + ] + }, + { + "id": 5698, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "water", + "garlic cloves", + "pork belly", + "yellow rock sugar", + "baby bok choy", + "fresh ginger", + "dark soy sauce", + "kosher salt", + "regular soy sauce" + ] + }, + { + "id": 6611, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "refrigerated piecrusts", + "salt", + "milk", + "sweet potatoes or yams", + "firmly packed brown sugar", + "I Can't Believe It's Not Butter!® Spread", + "all-purpose flour", + "ground cinnamon", + "ground nutmeg", + "vanilla extract" + ] + }, + { + "id": 18714, + "cuisine": "french", + "ingredients": [ + "chicken breasts", + "whole wheat bread", + "deli ham", + "swiss cheese", + "sour cream", + "butter" + ] + }, + { + "id": 29970, + "cuisine": "italian", + "ingredients": [ + "cream of tartar", + "large egg whites", + "vanilla wafers", + "sliced almonds", + "amaretto", + "corn starch", + "water", + "salt", + "sugar", + "sweet cherries", + "whipped topping" + ] + }, + { + "id": 2793, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "hot water", + "lime", + "ice", + "sugar", + "cinnamon sticks", + "almonds" + ] + }, + { + "id": 9435, + "cuisine": "japanese", + "ingredients": [ + "dark soy sauce", + "water", + "sugar", + "ginger", + "sake", + "green onions", + "pork belly", + "star anise" + ] + }, + { + "id": 45088, + "cuisine": "indian", + "ingredients": [ + "chopped cilantro fresh", + "coarse kosher salt", + "hothouse cucumber", + "plain whole-milk yogurt", + "chopped fresh mint" + ] + }, + { + "id": 19477, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "jasmine rice", + "raisins", + "carrots", + "eggs", + "white pepper", + "unsalted cashews", + "garlic cloves", + "chicken thighs", + "soy sauce", + "green onions", + "oil", + "coconut milk", + "sugar", + "leaves", + "pineapple", + "shrimp" + ] + }, + { + "id": 35533, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "chicken", + "teriyaki sauce", + "brown sugar", + "garlic cloves" + ] + }, + { + "id": 39852, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "cider vinegar", + "Italian parsley leaves", + "garlic", + "green beans", + "eggs", + "ground black pepper", + "sea salt", + "dijon style mustard", + "tuna", + "white onion", + "parsley", + "extra-virgin olive oil", + "Niçoise olives", + "beans", + "new potatoes", + "yellow bell pepper", + "anchovy fillets", + "tarragon" + ] + }, + { + "id": 32050, + "cuisine": "italian", + "ingredients": [ + "whole milk", + "toasted almonds", + "sugar", + "light corn syrup", + "large egg yolks", + "whipping cream", + "amaretto" + ] + }, + { + "id": 19705, + "cuisine": "italian", + "ingredients": [ + "vine ripened tomatoes", + "purple onion", + "red wine vinegar", + "fresh mozzarella", + "arugula", + "ground black pepper", + "focaccia" + ] + }, + { + "id": 46719, + "cuisine": "southern_us", + "ingredients": [ + "ground pepper", + "buttermilk", + "pork sausages", + "fine salt", + "salt", + "unsalted butter", + "sea salt", + "low-fat milk", + "garlic powder", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 33023, + "cuisine": "cajun_creole", + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "cooking spray", + "pineapple juice", + "large egg whites", + "reduced fat milk", + "butter", + "mixed dried fruit", + "french bread", + "vanilla extract", + "brown sugar", + "large eggs", + "creme anglaise", + "nonfat evaporated milk" + ] + }, + { + "id": 45814, + "cuisine": "cajun_creole", + "ingredients": [ + "spices", + "bread crumb fresh", + "flat leaf parsley", + "hellmann' or best food real mayonnais", + "Mexican cheese blend", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 14805, + "cuisine": "southern_us", + "ingredients": [ + "bacon drippings", + "buttermilk", + "self-rising cornmeal", + "large eggs" + ] + }, + { + "id": 21609, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "water", + "shallots", + "oyster mushrooms", + "smoked gouda", + "fresh rosemary", + "black pepper", + "fresh parmesan cheese", + "butter", + "garlic cloves", + "arborio rice", + "cremini mushrooms", + "olive oil", + "chopped fresh thyme", + "salt", + "spinach", + "fat free less sodium chicken broth", + "dry white wine", + "button mushrooms", + "shiitake mushroom caps" + ] + }, + { + "id": 3800, + "cuisine": "russian", + "ingredients": [ + "vegetable oil", + "large eggs", + "all-purpose flour", + "sweet potatoes", + "scallions", + "black pepper", + "salt" + ] + }, + { + "id": 23728, + "cuisine": "thai", + "ingredients": [ + "kosher salt", + "toasted sesame seeds", + "water", + "mango", + "pearl rice", + "sugar", + "coconut milk" + ] + }, + { + "id": 29999, + "cuisine": "indian", + "ingredients": [ + "bicarbonate of soda", + "cilantro leaves", + "rapeseed oil", + "ginger", + "lemon juice", + "greek yogurt", + "sesame seeds", + "green chilies", + "mustard seeds", + "curry leaves", + "salt", + "gram flour", + "ground turmeric" + ] + }, + { + "id": 23946, + "cuisine": "italian", + "ingredients": [ + "whole milk", + "white wine vinegar", + "heavy cream", + "kosher salt" + ] + }, + { + "id": 44093, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "provolone cheese", + "onion powder", + "fresh parsley", + "marinara sauce", + "sourdough", + "garlic powder", + "large garlic cloves", + "italian seasoning" + ] + }, + { + "id": 45354, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "salsa", + "ground beef", + "taco shells", + "shredded cheese", + "tomato sauce", + "taco seasoning", + "refried beans", + "sour cream" + ] + }, + { + "id": 4713, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "boneless skinless chicken breasts", + "salt", + "water", + "vegetable oil", + "cayenne pepper", + "white pepper", + "bell pepper", + "red pepper", + "sausages", + "white onion", + "green onions", + "white rice", + "oregano" + ] + }, + { + "id": 4482, + "cuisine": "vietnamese", + "ingredients": [ + "fresh ginger", + "beef tenderloin", + "toasted sesame oil", + "noodles", + "water", + "basil", + "scallions", + "mung bean sprouts", + "soy sauce", + "agave nectar", + "freshly ground pepper", + "chopped cilantro", + "chicken stock", + "Sriracha", + "salt", + "fresh lime juice" + ] + }, + { + "id": 16584, + "cuisine": "mexican", + "ingredients": [ + "celery ribs", + "yellow onion", + "black peppercorns", + "carrots", + "kosher salt", + "chicken", + "avocado", + "tortilla chips" + ] + }, + { + "id": 2808, + "cuisine": "thai", + "ingredients": [ + "tapioca flour", + "white rice flour", + "bananas", + "white sugar", + "water", + "oil", + "shredded coconut", + "salt" + ] + }, + { + "id": 25623, + "cuisine": "southern_us", + "ingredients": [ + "ground red pepper", + "ground white pepper", + "ground cinnamon", + "salt", + "celery salt", + "chili powder", + "garlic salt", + "ground black pepper", + "dark brown sugar" + ] + }, + { + "id": 20879, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "butter", + "olive oil", + "all-purpose flour", + "water", + "garlic", + "tomatoes", + "salt and ground black pepper", + "garlic salt" + ] + }, + { + "id": 39938, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "purple onion", + "large garlic cloves", + "cilantro sprigs", + "tomatillos", + "fresh lime juice" + ] + }, + { + "id": 42853, + "cuisine": "irish", + "ingredients": [ + "raspberries", + "whipping cream", + "rum", + "fresh raspberries", + "raspberry preserves", + "sauce", + "sponge", + "dry sherry" + ] + }, + { + "id": 25121, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "ground beef", + "shredded cheddar cheese", + "doritos", + "tomatoes", + "onions", + "salad dressing" + ] + }, + { + "id": 31019, + "cuisine": "italian", + "ingredients": [ + "polenta prepar", + "zucchini", + "yellow onion", + "olive oil", + "garlic", + "crushed tomatoes", + "fresh mozzarella", + "fresh oregano", + "orange bell pepper", + "salt" + ] + }, + { + "id": 3136, + "cuisine": "italian", + "ingredients": [ + "flat leaf parsley", + "pistachios", + "olive oil", + "salt" + ] + }, + { + "id": 11643, + "cuisine": "french", + "ingredients": [ + "Madeira", + "fresh mushrooms", + "olive oil", + "corn starch", + "water", + "chuck steaks", + "shallots" + ] + }, + { + "id": 2708, + "cuisine": "japanese", + "ingredients": [ + "hatcho miso", + "ground black pepper", + "lemon wedge", + "all-purpose flour", + "japanese rice", + "boneless chop pork", + "mirin", + "miso", + "soy sauce", + "granulated sugar", + "vegetable oil", + "sauce", + "green cabbage", + "panko", + "large eggs", + "salt" + ] + }, + { + "id": 12764, + "cuisine": "british", + "ingredients": [ + "chopped fresh chives", + "salt", + "fresh rosemary", + "pan drippings", + "chopped fresh sage", + "whole milk", + "all-purpose flour", + "large eggs", + "chopped fresh thyme", + "fresh parsley" + ] + }, + { + "id": 34877, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "white onion", + "chipotles in adobo", + "red wine vinegar", + "tomatoes", + "fine sea salt" + ] + }, + { + "id": 25940, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "lemon", + "lemon juice", + "ground black pepper", + "salt", + "orange", + "linguine", + "flat leaf parsley" + ] + }, + { + "id": 33319, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "salt", + "fresh green bean", + "onions", + "white vinegar", + "garlic", + "water", + "ham hock" + ] + }, + { + "id": 20087, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "garlic", + "chinese rice wine", + "pork tenderloin", + "liquid honey", + "brown sugar", + "hoisin sauce", + "chinese five-spice powder", + "soy sauce", + "red food coloring" + ] + }, + { + "id": 42429, + "cuisine": "indian", + "ingredients": [ + "eggs", + "whole wheat flour", + "all-purpose flour", + "warm water", + "garlic", + "sugar", + "unsalted butter", + "yeast", + "milk", + "salt" + ] + }, + { + "id": 4130, + "cuisine": "french", + "ingredients": [ + "leeks", + "chopped fresh thyme", + "garlic", + "carrots", + "ground black pepper", + "parsley", + "extra-virgin olive oil", + "yellow onion", + "bay leaves", + "russet potatoes", + "lamb shoulder", + "pork butt", + "juniper berries", + "dry white wine", + "sea salt", + "boneless beef chuck roast" + ] + }, + { + "id": 574, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "sesame seeds", + "garlic", + "plum tomatoes", + "white onion", + "jalapeno chilies", + "corn tortillas", + "chipotle chile", + "radishes", + "sour cream", + "dried oregano", + "fresh chorizo", + "kosher salt", + "vegetable oil", + "chopped cilantro" + ] + }, + { + "id": 14473, + "cuisine": "japanese", + "ingredients": [ + "pork belly", + "brown sugar", + "mirin", + "ground ginger", + "water", + "soy sauce", + "garlic" + ] + }, + { + "id": 29411, + "cuisine": "indian", + "ingredients": [ + "potatoes", + "ginger", + "oil", + "red chili powder", + "crushed garlic", + "all-purpose flour", + "vegetable oil", + "salt", + "onions", + "tumeric", + "cilantro", + "green chilies" + ] + }, + { + "id": 21518, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "garlic", + "lemon juice", + "lemon zest", + "salt", + "fresh mint", + "olive oil", + "ras el hanout", + "smoked paprika", + "red pepper flakes", + "lamb loin chops", + "fresh parsley" + ] + }, + { + "id": 36997, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "coarse salt", + "e-fu noodl", + "shiitake mushroom caps", + "leeks", + "black trumpet mushrooms", + "oyster sauce", + "snow peas", + "chicken broth", + "vegetable oil", + "ginger", + "shao hsing wine", + "chopped garlic", + "chinese celery", + "white truffle oil", + "scallions", + "lotus roots" + ] + }, + { + "id": 30, + "cuisine": "jamaican", + "ingredients": [ + "dried thyme", + "green onions", + "all-purpose flour", + "ground cumin", + "water", + "unsalted butter", + "vegetable oil", + "garlic cloves", + "chili pepper", + "ground pepper", + "lean ground beef", + "dry bread crumbs", + "curry powder", + "beef stock", + "salt", + "onions" + ] + }, + { + "id": 34697, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "chopped green bell pepper", + "extra-virgin olive oil", + "fresh lemon juice", + "ground black pepper", + "orzo", + "garlic cloves", + "mozzarella cheese", + "yellow bell pepper", + "salt", + "fresh parsley", + "pitted kalamata olives", + "red wine vinegar", + "purple onion", + "red bell pepper" + ] + }, + { + "id": 48846, + "cuisine": "brazilian", + "ingredients": [ + "pico de gallo", + "pork tenderloin", + "garlic", + "corn tortillas", + "canola oil", + "manchego cheese", + "red pepper flakes", + "scallions", + "monterey jack", + "white onion", + "beefsteak tomatoes", + "ground coriander", + "chopped cilantro", + "black beans", + "jalapeno chilies", + "salt", + "bay leaf", + "ground cumin" + ] + }, + { + "id": 16586, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "nonfat cottage cheese", + "vegetable oil cooking spray", + "grated parmesan cheese", + "pasta sauce", + "zucchini", + "provolone cheese", + "ground pepper", + "stewed tomatoes" + ] + }, + { + "id": 11671, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "melted butter", + "salt", + "heavy cream", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 39543, + "cuisine": "french", + "ingredients": [ + "baking powder", + "all-purpose flour", + "eggs", + "vanilla extract", + "milk", + "salt", + "butter", + "white sugar" + ] + }, + { + "id": 8097, + "cuisine": "chinese", + "ingredients": [ + "custard powder", + "whole milk", + "corn starch", + "warm water", + "granulated sugar", + "vegetable oil", + "active dry yeast", + "large eggs", + "all-purpose flour", + "unsalted butter", + "baking powder", + "lard" + ] + }, + { + "id": 32219, + "cuisine": "british", + "ingredients": [ + "milk", + "medium eggs", + "salt", + "plain flour", + "drippings" + ] + }, + { + "id": 2668, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "potatoes", + "lamb", + "green olives", + "pepper", + "garlic", + "saffron threads", + "parsley sprigs", + "ginger", + "onions", + "preserved lemon", + "olive oil", + "salt" + ] + }, + { + "id": 47147, + "cuisine": "greek", + "ingredients": [ + "cooked rice", + "boneless skinless chicken breasts", + "flat leaf parsley", + "greek seasoning", + "olive oil", + "salt", + "pepper", + "black olives", + "onions", + "chicken broth", + "dry white wine", + "red bell pepper" + ] + }, + { + "id": 23819, + "cuisine": "indian", + "ingredients": [ + "cauliflower florets", + "low salt chicken broth", + "vegetable oil", + "all-purpose flour", + "curry powder", + "whipping cream", + "green onions", + "lamb shoulder" + ] + }, + { + "id": 9429, + "cuisine": "southern_us", + "ingredients": [ + "whole allspice", + "pickling salt", + "onions", + "water", + "mustard seeds", + "firmly packed brown sugar", + "whole cloves", + "celery seed", + "cider vinegar", + "green tomatoes" + ] + }, + { + "id": 26096, + "cuisine": "chinese", + "ingredients": [ + "shiitake", + "soft tofu", + "crushed red pepper", + "white vinegar", + "radishes", + "chili oil", + "scallions", + "lily flowers", + "large eggs", + "vegetable broth", + "bamboo shoots", + "granulated sugar", + "cloud ear fungus", + "salt" + ] + }, + { + "id": 7658, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "dijon mustard", + "onions", + "cider vinegar", + "carrots", + "sugar", + "salt", + "cabbage", + "green bell pepper", + "pepper", + "celery seed" + ] + }, + { + "id": 17019, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "fresh lemon juice", + "extra-virgin olive oil", + "ground black pepper", + "celery", + "parmigiano-reggiano cheese", + "chopped walnuts" + ] + }, + { + "id": 44984, + "cuisine": "mexican", + "ingredients": [ + "water", + "cayenne pepper", + "corn tortillas", + "garlic", + "scallions", + "ground beef", + "chili powder", + "taco seasoning", + "cornmeal", + "shredded cheddar cheese", + "salsa", + "sour cream", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 10721, + "cuisine": "southern_us", + "ingredients": [ + "peeled fresh ginger", + "agave nectar", + "water", + "black", + "mint leaves" + ] + }, + { + "id": 19938, + "cuisine": "italian", + "ingredients": [ + "raspberries", + "whipping cream", + "unflavored gelatin", + "milk", + "vanilla beans", + "Frangelico", + "sugar", + "vegetable oil spray" + ] + }, + { + "id": 14065, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "roma tomatoes", + "salt", + "masala", + "water", + "ginger", + "onions", + "minced garlic", + "bell pepper", + "lemon juice", + "red lentils", + "vegetables", + "green peas", + "ground turmeric" + ] + }, + { + "id": 21794, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "freshly ground pepper", + "olive oil", + "lemon slices", + "flat leaf parsley", + "capers", + "salt", + "fresh lemon juice", + "unsalted butter", + "grated lemon zest", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 4120, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "salt", + "baking soda", + "cracked black pepper", + "buttermilk", + "all-purpose flour", + "unsalted butter", + "whipping cream" + ] + }, + { + "id": 2987, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "whole chicken", + "eggs", + "lemon", + "orzo pasta", + "water", + "salt" + ] + }, + { + "id": 34830, + "cuisine": "greek", + "ingredients": [ + "russet potatoes", + "cheese", + "garlic cloves", + "whole milk", + "diced tomatoes", + "all-purpose flour", + "onions", + "eggplant", + "butter", + "lamb shoulder", + "coarse kosher salt", + "dry white wine", + "extra-virgin olive oil", + "beef broth", + "dried oregano" + ] + }, + { + "id": 27357, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "sirloin steak", + "ground black pepper", + "all-purpose flour", + "garlic powder", + "salt", + "bacon drippings", + "ground red pepper", + "cornmeal" + ] + }, + { + "id": 8082, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "sugar", + "buttermilk", + "pork sausages", + "cheddar cheese", + "baking powder", + "chopped fresh sage", + "baking soda", + "salt" + ] + }, + { + "id": 10419, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "green onions", + "boiling water", + "ground ginger", + "black pepper", + "all-purpose flour", + "chicken broth", + "kosher salt", + "oil", + "cold water", + "ground chicken", + "crushed red pepper flakes" + ] + }, + { + "id": 12874, + "cuisine": "mexican", + "ingredients": [ + "corn tortillas", + "ahi tuna steaks", + "plum tomatoes", + "romaine lettuce", + "fresh lime juice", + "guacamole", + "cumin" + ] + }, + { + "id": 16479, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "broccoli florets", + "snow peas", + "minced garlic", + "red pepper", + "soy sauce", + "green onions", + "pork chops", + "peanut oil" + ] + }, + { + "id": 20686, + "cuisine": "vietnamese", + "ingredients": [ + "mint", + "lime", + "prawns", + "minced pork", + "soy sauce", + "peanuts", + "chinese five-spice powder", + "sugar", + "olive oil", + "spring onions", + "coriander", + "red chili peppers", + "fresh ginger", + "garlic", + "glass noodles" + ] + }, + { + "id": 15807, + "cuisine": "mexican", + "ingredients": [ + "lime", + "corn tortillas", + "taco sauce", + "taco seasoning", + "monterey jack", + "salsa", + "ground beef", + "water", + "sour cream" + ] + }, + { + "id": 3319, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "granulated sugar", + "vegetable shortening", + "salt", + "eggs", + "egg whites", + "buttermilk", + "all-purpose flour", + "sugar", + "egg yolks", + "heavy cream", + "corn starch", + "unsalted butter", + "ice water", + "vanilla extract" + ] + }, + { + "id": 8906, + "cuisine": "french", + "ingredients": [ + "dry yeast", + "salt", + "large egg yolks", + "whole milk", + "dark brown sugar", + "sugar", + "large eggs", + "all-purpose flour", + "unsalted butter", + "whipping cream", + "grated lemon peel" + ] + }, + { + "id": 6181, + "cuisine": "mexican", + "ingredients": [ + "water chestnuts", + "red bell pepper", + "chopped celery", + "purple onion", + "butter", + "chicken" + ] + }, + { + "id": 16984, + "cuisine": "italian", + "ingredients": [ + "orzo", + "frozen peas", + "chopped onion", + "low salt chicken broth", + "bacon slices" + ] + }, + { + "id": 7394, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "garlic", + "cabernet sauvignon", + "olive oil", + "yellow onion", + "rump roast", + "salt", + "carrots", + "stewed tomatoes", + "freshly ground pepper" + ] + }, + { + "id": 7161, + "cuisine": "italian", + "ingredients": [ + "table salt", + "russet potatoes", + "parmigiano reggiano cheese", + "unsalted butter", + "white peppercorns", + "whole milk" + ] + }, + { + "id": 32626, + "cuisine": "spanish", + "ingredients": [ + "lemon wedge", + "crushed red pepper", + "fresh lemon juice", + "blood orange juice", + "chopped celery", + "tortilla chips", + "large garlic cloves", + "purple onion", + "red bell pepper", + "olive oil", + "peeled shrimp", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 20382, + "cuisine": "thai", + "ingredients": [ + "water", + "rice vinegar", + "asian fish sauce", + "sugar", + "chopped green bell pepper", + "chopped cilantro fresh", + "lump crab meat", + "salt", + "serrano chile", + "papaya", + "red bell pepper" + ] + }, + { + "id": 2634, + "cuisine": "italian", + "ingredients": [ + "herb vinegar", + "garlic", + "fresh basil", + "ground black pepper", + "red bell pepper", + "green bell pepper", + "yellow bell pepper", + "olive oil flavored cooking spray", + "cherry tomatoes", + "salt" + ] + }, + { + "id": 32237, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "green onions", + "black pepper", + "beef", + "soy sauce" + ] + }, + { + "id": 9167, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "salt", + "grits", + "worcestershire sauce", + "beer", + "large shrimp", + "butter", + "cayenne pepper", + "dried oregano", + "pepper", + "crushed red pepper flakes", + "garlic cloves", + "dried rosemary" + ] + }, + { + "id": 21607, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "sugar", + "wonton wrappers", + "eggs", + "spring onions", + "minced pork", + "potato starch", + "light soy sauce", + "salt", + "fresh prawn", + "sesame oil", + "bok choy" + ] + }, + { + "id": 47424, + "cuisine": "mexican", + "ingredients": [ + "great northern beans", + "nonfat greek yogurt", + "cumin", + "skim milk", + "green onions", + "spinach", + "flour tortillas", + "shredded Monterey Jack cheese", + "chopped green chilies", + "diced chicken" + ] + }, + { + "id": 33049, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "dry bread crumbs", + "mirlitons", + "unsalted butter", + "large shrimp", + "cayenne", + "onions", + "saltines", + "large garlic cloves" + ] + }, + { + "id": 21036, + "cuisine": "mexican", + "ingredients": [ + "flank steak", + "romaine lettuce", + "corn tortillas", + "avocado", + "freshly ground pepper", + "lime", + "fresh tomato salsa" + ] + }, + { + "id": 46397, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "large eggs", + "garlic", + "chicken thighs", + "tomatoes", + "panko", + "parsley", + "thyme", + "oregano", + "tomato paste", + "rosemary", + "flour", + "salt", + "spaghetti", + "black pepper", + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 19164, + "cuisine": "southern_us", + "ingredients": [ + "extra sharp white cheddar cheese", + "butter", + "carrots", + "onions", + "dry vermouth", + "chopped fresh thyme", + "garlic cloves", + "bay leaf", + "fresh thyme", + "apples", + "low salt chicken broth", + "smoked ham hocks", + "black peppercorns", + "quickcooking grits", + "chopped celery", + "mustard seeds" + ] + }, + { + "id": 21110, + "cuisine": "greek", + "ingredients": [ + "clove", + "brown sugar", + "pumpkin purée", + "salt", + "eggs", + "baking soda", + "cinnamon", + "greek yogurt", + "nutmeg", + "whole wheat flour", + "baking powder", + "all-purpose flour", + "pecans", + "bananas", + "ginger" + ] + }, + { + "id": 22509, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "chicken stock", + "basil leaves", + "plum tomatoes", + "ground black pepper", + "onions", + "peasant bread", + "coarse salt" + ] + }, + { + "id": 37696, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "shredded sharp cheddar cheese", + "biscuits", + "quickcooking grits", + "water", + "cayenne pepper", + "black pepper", + "butter" + ] + }, + { + "id": 14659, + "cuisine": "indian", + "ingredients": [ + "lemon", + "chives", + "basmati rice", + "salt", + "vegetable oil" + ] + }, + { + "id": 37863, + "cuisine": "russian", + "ingredients": [ + "milk", + "potatoes", + "ham", + "sugar", + "dijon mustard", + "green onions", + "plain yogurt", + "radishes", + "salt", + "fresh dill", + "ground black pepper", + "egg yolks", + "cucumber" + ] + }, + { + "id": 11471, + "cuisine": "mexican", + "ingredients": [ + "corn", + "low sodium chicken broth", + "salt", + "pepper", + "corn husks", + "diced tomatoes", + "cotija", + "olive oil", + "lime wedges", + "chopped cilantro fresh", + "milk", + "cayenne", + "purple onion" + ] + }, + { + "id": 35162, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "all-purpose flour", + "shortening", + "large eggs", + "active dry yeast", + "bread flour", + "sugar", + "salt" + ] + }, + { + "id": 43008, + "cuisine": "chinese", + "ingredients": [ + "green lentil", + "vegetable stock", + "carrots", + "bamboo shoots", + "light soy sauce", + "vegetable oil", + "garlic cloves", + "toasted sesame oil", + "ground black pepper", + "ginger", + "green split peas", + "boiling water", + "barley flakes", + "mushrooms", + "cilantro leaves", + "red bell pepper", + "brown basmati rice" + ] + }, + { + "id": 10550, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "greens", + "olive oil", + "no salt added chicken broth", + "sausage casings", + "salt", + "no-salt-added black beans", + "onions" + ] + }, + { + "id": 33345, + "cuisine": "cajun_creole", + "ingredients": [ + "marinara sauce", + "diced tomatoes", + "carrots", + "pepper", + "cajun seasoning", + "smoked sausage", + "onions", + "chicken broth", + "potatoes", + "garlic", + "celery", + "boneless chicken breast", + "butter", + "salt", + "oregano" + ] + }, + { + "id": 15049, + "cuisine": "filipino", + "ingredients": [ + "mayonaise", + "water", + "lemon", + "onions", + "pork belly", + "ground black pepper", + "salt", + "soy sauce", + "garlic powder", + "ginger", + "chili flakes", + "pig", + "butter", + "chicken livers" + ] + }, + { + "id": 20758, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "lean ground beef", + "onions", + "tomato paste", + "water", + "salt", + "eggs", + "lasagna noodles", + "shredded mozzarella cheese", + "pepper", + "part-skim ricotta cheese", + "italian seasoning" + ] + }, + { + "id": 16089, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "palm sugar", + "cilantro leaves", + "jasmine rice", + "vegetable oil", + "fresh lime juice", + "red chili peppers", + "green onions", + "coconut milk", + "sea scallops", + "Thai red curry paste" + ] + }, + { + "id": 30166, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "ground red pepper", + "sliced green onions", + "reduced fat sharp cheddar cheese", + "cooking spray", + "salt", + "egg substitute", + "vegetable oil", + "vidalia onion", + "dried thyme", + "deli ham" + ] + }, + { + "id": 6539, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "butter", + "large garlic cloves", + "vegetables", + "anchovy fillets" + ] + }, + { + "id": 12462, + "cuisine": "irish", + "ingredients": [ + "mushrooms", + "tomatoes", + "bacon", + "soda bread", + "butter", + "eggs" + ] + }, + { + "id": 48904, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "Sriracha", + "honey", + "hot water", + "lime", + "creamy peanut butter", + "pepper flakes", + "peanuts" + ] + }, + { + "id": 28588, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "cooking spray", + "sweetened condensed milk", + "ground cinnamon", + "large eggs", + "vanilla extract", + "water", + "dark rum", + "ground nutmeg", + "light coconut milk" + ] + }, + { + "id": 38554, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "Italian bread", + "cooking spray", + "smoked gouda" + ] + }, + { + "id": 23251, + "cuisine": "italian", + "ingredients": [ + "sugar", + "ground black pepper", + "whole milk", + "ground turkey", + "minced garlic", + "large eggs", + "salt", + "onions", + "bread crumb fresh", + "unsalted butter", + "pecorino romano cheese", + "flat leaf parsley", + "tomatoes", + "olive oil", + "hot dogs", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 23683, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "balsamic vinegar", + "freshly ground pepper", + "chicken broth", + "ground red pepper", + "salt", + "italian style stewed tomatoes", + "large garlic cloves", + "fresh basil", + "shallots", + "hot sauce" + ] + }, + { + "id": 4431, + "cuisine": "french", + "ingredients": [ + "baguette", + "salt", + "balsamic vinegar", + "bay leaf", + "fresh thyme", + "fat skimmed chicken broth", + "pepper", + "gruyere cheese", + "onions" + ] + }, + { + "id": 6307, + "cuisine": "moroccan", + "ingredients": [ + "eggs", + "salt", + "boneless skinless chicken breast halves", + "chicken bouillon granules", + "frozen pastry puff sheets", + "fresh parsley", + "pepper", + "hot water", + "ground cinnamon", + "butter", + "white sugar" + ] + }, + { + "id": 48933, + "cuisine": "italian", + "ingredients": [ + "pepper", + "veal stock", + "portabello mushroom", + "tomato paste", + "salt", + "red wine" + ] + }, + { + "id": 40387, + "cuisine": "mexican", + "ingredients": [ + "whole kernel corn, drain", + "chili powder", + "ground beef", + "colby cheese", + "salad dressing", + "tortilla chips", + "chunky salsa" + ] + }, + { + "id": 3827, + "cuisine": "filipino", + "ingredients": [ + "olive oil", + "onions", + "bitter melon", + "garlic", + "tomatoes", + "pork loin", + "tiger prawn", + "pepper", + "salt" + ] + }, + { + "id": 22472, + "cuisine": "british", + "ingredients": [ + "sugar", + "whole milk", + "crust", + "large egg yolks", + "raisins", + "vanilla beans", + "golden raisins", + "bread slices", + "unsalted butter", + "whipping cream" + ] + }, + { + "id": 37787, + "cuisine": "moroccan", + "ingredients": [ + "green olives", + "olive oil", + "salt", + "sugar", + "paprika", + "fresh tomatoes", + "ground black pepper", + "cumin", + "green bell pepper", + "garlic powder", + "fresh parsley" + ] + }, + { + "id": 12600, + "cuisine": "french", + "ingredients": [ + "cooking spray", + "crepes", + "cooked chicken breasts", + "frozen chopped spinach", + "butter", + "all-purpose flour", + "sliced green onions", + "mushrooms", + "salt", + "shredded Monterey Jack cheese", + "black pepper", + "2% reduced-fat milk", + "onions" + ] + }, + { + "id": 36700, + "cuisine": "italian", + "ingredients": [ + "rocket leaves", + "country bread", + "olive oil", + "mozzarella cheese", + "fresh basil leaves", + "tomatoes", + "bottled balsamic vinaigrette" + ] + }, + { + "id": 34420, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "vegetable broth", + "basmati rice", + "baby spinach", + "salt", + "ground black pepper", + "garlic", + "ground cumin", + "fresh dill", + "lemon", + "chopped onion" + ] + }, + { + "id": 28613, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "potatoes", + "ground coriander", + "coriander", + "chopped tomatoes", + "garlic", + "chillies", + "water", + "ginger", + "mustard seeds", + "cumin", + "garam masala", + "chickpeas", + "onions" + ] + }, + { + "id": 8035, + "cuisine": "italian", + "ingredients": [ + "water", + "mushrooms", + "hot sauce", + "green bell pepper", + "lasagna noodles", + "apple cider vinegar", + "onions", + "pasta sauce", + "crumbled blue cheese", + "ricotta cheese", + "eggs", + "garlic powder", + "boneless skinless chicken breasts", + "shredded mozzarella cheese" + ] + }, + { + "id": 2433, + "cuisine": "british", + "ingredients": [ + "bacon drippings", + "chopped fresh chives", + "onions", + "minced garlic", + "salt", + "black pepper", + "bacon", + "cabbage", + "potatoes", + "ham" + ] + }, + { + "id": 8528, + "cuisine": "french", + "ingredients": [ + "sugar", + "beef consomme", + "cheese", + "cognac", + "water", + "butter", + "all-purpose flour", + "pepper", + "french bread", + "salt", + "onions", + "grated parmesan cheese", + "worcestershire sauce", + "beef broth" + ] + }, + { + "id": 48963, + "cuisine": "indian", + "ingredients": [ + "eggs", + "kosher salt", + "russet potatoes", + "ground beef", + "ground cumin", + "sugar", + "ground black pepper", + "malt vinegar", + "chopped cilantro fresh", + "tomato purée", + "water", + "garlic", + "onions", + "bread crumbs", + "chili powder", + "oil", + "ground turmeric" + ] + }, + { + "id": 44566, + "cuisine": "moroccan", + "ingredients": [ + "fennel seeds", + "kosher salt", + "ground black pepper", + "ground coriander", + "chicken thighs", + "tumeric", + "olive oil", + "chicken drumsticks", + "fresh lemon juice", + "ground cumin", + "ground ginger", + "water", + "large garlic cloves", + "blanched almonds", + "chopped cilantro fresh", + "hungarian sweet paprika", + "fresh marjoram", + "eggplant", + "diced tomatoes", + "onions" + ] + }, + { + "id": 26754, + "cuisine": "mexican", + "ingredients": [ + "chives", + "chipotle chile powder", + "mayonaise", + "garlic cloves", + "pepper", + "fresh lime juice", + "salt" + ] + }, + { + "id": 37082, + "cuisine": "italian", + "ingredients": [ + "clams", + "scallops", + "fresh thyme", + "garlic cloves", + "italian tomatoes", + "olive oil", + "salt", + "oregano", + "mussels", + "pepper", + "peeled shrimp", + "spaghetti", + "white wine", + "ground black pepper", + "fresh oregano" + ] + }, + { + "id": 43279, + "cuisine": "greek", + "ingredients": [ + "tomato paste", + "large eggs", + "fresh parsley", + "parmesan cheese", + "ground allspice", + "ground bison", + "salt", + "dried oregano", + "cayenne", + "garlic cloves" + ] + }, + { + "id": 46523, + "cuisine": "japanese", + "ingredients": [ + "coriander seeds", + "oil", + "mango", + "red chili peppers", + "salt", + "jaggery", + "urad dal", + "mustard seeds", + "asafetida", + "grated coconut", + "fenugreek seeds", + "ground turmeric" + ] + }, + { + "id": 6760, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "beef smoked sausage", + "onions", + "half & half", + "corn starch", + "noodles", + "white wine", + "garlic", + "chicken thighs", + "spices", + "red bell pepper", + "canola oil" + ] + }, + { + "id": 34465, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "ground pepper", + "pinenuts", + "garlic cloves", + "angel hair", + "coarse salt", + "olive oil" + ] + }, + { + "id": 42671, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "salt", + "ground pepper", + "butter", + "flour", + "buttermilk", + "sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 23915, + "cuisine": "southern_us", + "ingredients": [ + "garlic chives", + "sherry", + "green garlic", + "scallions", + "water", + "butter", + "cayenne pepper", + "grits", + "pepper", + "lemon wedge", + "salt", + "shrimp", + "whey", + "lemon", + "ear of corn" + ] + }, + { + "id": 36575, + "cuisine": "chinese", + "ingredients": [ + "white vinegar", + "soy sauce", + "condensed chicken broth", + "scallions", + "sugar", + "fresh ginger", + "garlic", + "fried rice", + "eggs", + "water", + "dry sherry", + "corn starch", + "red chili peppers", + "vegetable oil", + "boneless skinless chicken" + ] + }, + { + "id": 3018, + "cuisine": "chinese", + "ingredients": [ + "spices", + "spinach leaves", + "long-grain rice", + "water", + "salt" + ] + }, + { + "id": 10614, + "cuisine": "indian", + "ingredients": [ + "water", + "ground cardamom", + "rose essence", + "dry coconut", + "sugar", + "khoa" + ] + }, + { + "id": 44715, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "almonds", + "potatoes", + "salt", + "coriander", + "clove", + "red chili peppers", + "garam masala", + "yoghurt", + "green chilies", + "tumeric", + "leaves", + "poppyseeds", + "cilantro leaves", + "cumin", + "tomatoes", + "grated coconut", + "chana dal", + "cinnamon", + "oil" + ] + }, + { + "id": 10926, + "cuisine": "greek", + "ingredients": [ + "pepper", + "red pepper flakes", + "dill", + "feta cheese", + "garlic", + "onions", + "olive oil", + "diced tomatoes", + "green beans", + "parsley", + "salt", + "oregano" + ] + }, + { + "id": 39581, + "cuisine": "mexican", + "ingredients": [ + "water", + "flour" + ] + }, + { + "id": 37830, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "tomatillos", + "yellow onion", + "water", + "cilantro", + "cumin", + "lime juice", + "garlic", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 28771, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "heavy cream", + "unsalted butter", + "corn grits", + "water", + "ground white pepper", + "whole milk" + ] + }, + { + "id": 35355, + "cuisine": "japanese", + "ingredients": [ + "butter", + "sugar", + "carrots", + "cardamom pods", + "evaporated milk" + ] + }, + { + "id": 30097, + "cuisine": "french", + "ingredients": [ + "large eggs", + "caviar", + "black pepper", + "crust", + "white bread", + "heavy cream", + "unsalted butter", + "salt" + ] + }, + { + "id": 5506, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "whole wheat pizza crust", + "dried oregano", + "fresh oregano", + "nonfat ricotta cheese", + "boneless skinless chicken breasts", + "olive oil cooking spray", + "artichoke hearts", + "goat cheese", + "plum tomatoes" + ] + }, + { + "id": 4384, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "olive oil", + "freshly ground pepper", + "capers", + "yellow bell pepper", + "pecorino cheese", + "basil", + "fennel seeds", + "fresh tomatoes", + "salt" + ] + }, + { + "id": 15303, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "large eggs", + "crushed red pepper", + "pork loin chops", + "won ton wrappers", + "green onions", + "cilantro leaves", + "fat free less sodium chicken broth", + "peeled fresh ginger", + "salt", + "plum sauce", + "sesame oil", + "garlic cloves" + ] + }, + { + "id": 35179, + "cuisine": "greek", + "ingredients": [ + "grape tomatoes", + "hearts of palm", + "romaine lettuce", + "purple onion", + "pitted kalamata olives", + "cooked chicken breasts", + "greek-style vinaigrette", + "artichoke hearts" + ] + }, + { + "id": 48909, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "lime wedges", + "corn tortillas", + "boneless pork shoulder", + "coriander seeds", + "salsa", + "kosher salt", + "cilantro leaves", + "bay leaf", + "fresh marjoram", + "guacamole", + "garlic cloves" + ] + }, + { + "id": 7094, + "cuisine": "indian", + "ingredients": [ + "sugar", + "green chilies", + "coriander", + "green peas", + "lemon juice", + "garam masala", + "oil", + "fennel seeds", + "salt", + "wheat flour" + ] + }, + { + "id": 11521, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "rice wine", + "dumplings", + "soy sauce", + "mushrooms", + "choy sum", + "chicken stock", + "water chestnuts", + "sesame oil", + "chinese chives", + "lean ground pork", + "green onions", + "shrimp" + ] + }, + { + "id": 36445, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "warm water", + "dried mixed herbs", + "sugar", + "salt", + "whole wheat pastry flour", + "nonstick spray" + ] + }, + { + "id": 33898, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "white miso", + "salmon fillets", + "sliced green onions", + "sake", + "sesame oil", + "soy sauce" + ] + }, + { + "id": 17457, + "cuisine": "french", + "ingredients": [ + "ground cinnamon", + "large eggs", + "all-purpose flour", + "milk", + "butter", + "sugar", + "baking powder", + "ground nutmeg", + "salt" + ] + }, + { + "id": 30593, + "cuisine": "french", + "ingredients": [ + "sugar", + "unsalted butter", + "carrots", + "water" + ] + }, + { + "id": 10899, + "cuisine": "irish", + "ingredients": [ + "smoked bacon", + "butter", + "rutabaga", + "bay leaves", + "pork loin chops", + "potatoes", + "carrots", + "chicken stock", + "cider", + "cabbage" + ] + }, + { + "id": 48743, + "cuisine": "french", + "ingredients": [ + "sugar", + "raisins", + "armagnac", + "prunes", + "whole milk", + "confectioners sugar", + "unsalted butter", + "salt", + "pure vanilla extract", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 1262, + "cuisine": "southern_us", + "ingredients": [ + "cocoa", + "ice water", + "cornmeal", + "brown sugar", + "flour", + "salt", + "eggs", + "evaporated milk", + "vanilla extract", + "sugar", + "butter", + "cocoa powder" + ] + }, + { + "id": 16783, + "cuisine": "filipino", + "ingredients": [ + "black peppercorns", + "cooking oil", + "yellow onion", + "soy sauce", + "chicken thigh fillets", + "brown sugar", + "bay leaves", + "garlic cloves", + "white vinegar", + "water", + "shallots" + ] + }, + { + "id": 45410, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "vanilla", + "powdered sugar", + "large eggs", + "all-purpose flour", + "granulated sugar", + "salt", + "white wine", + "whole milk", + "apricots" + ] + }, + { + "id": 28733, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lemon", + "garlic cloves", + "clams", + "grated parmesan cheese", + "linguine", + "ground pepper", + "heavy cream", + "chopped parsley", + "white wine", + "butter", + "salt" + ] + }, + { + "id": 13808, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "creole spice mix", + "smoked sausage", + "onions", + "boneless chicken skinless thigh", + "tomatoes with juice", + "shrimp", + "green bell pepper", + "parsley", + "long-grain rice", + "dried oregano", + "dried thyme", + "garlic", + "celery" + ] + }, + { + "id": 34993, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "chopped onion", + "jalapeno chilies", + "chopped cilantro fresh" + ] + }, + { + "id": 42217, + "cuisine": "spanish", + "ingredients": [ + "flour", + "water", + "salt", + "brown sugar", + "vegetable oil", + "baking powder" + ] + }, + { + "id": 26860, + "cuisine": "thai", + "ingredients": [ + "sugar", + "cilantro stems", + "bird chile", + "cooked chicken breasts", + "tomatoes", + "dry roasted peanuts", + "shrimp", + "fresh lime juice", + "bean threads", + "cider vinegar", + "garlic cloves", + "celery", + "romaine lettuce", + "palm sugar", + "Thai fish sauce", + "onions" + ] + }, + { + "id": 46614, + "cuisine": "moroccan", + "ingredients": [ + "butter", + "ground turmeric", + "couscous", + "slivered almonds", + "onions", + "low salt chicken broth", + "ground cumin" + ] + }, + { + "id": 27866, + "cuisine": "southern_us", + "ingredients": [ + "soy sauce", + "red pepper flakes", + "lime", + "white sugar", + "chicken wings", + "fresh ginger root", + "water", + "worcestershire sauce" + ] + }, + { + "id": 38995, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "tamarind pulp", + "black mustard seeds", + "ground turmeric", + "clove", + "cider vinegar", + "large garlic cloves", + "red bell pepper", + "green cardamom pods", + "kosher salt", + "finely chopped onion", + "cinnamon sticks", + "ground cumin", + "cooked rice", + "olive oil", + "ginger", + "pork shoulder" + ] + }, + { + "id": 34103, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "kosher salt", + "spices", + "chickpeas", + "fresh lemon juice", + "couscous", + "mint", + "sun-dried tomatoes", + "extra-virgin olive oil", + "yams", + "carrots", + "onions", + "turnips", + "tumeric", + "coriander seeds", + "crushed red pepper", + "garlic cloves", + "flat leaf parsley", + "chopped cilantro fresh", + "caraway seeds", + "water", + "red", + "cumin seed", + "brine cured green olives", + "celery" + ] + }, + { + "id": 13588, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "peeled fresh ginger", + "garlic cloves", + "sesame seeds", + "vegetable oil", + "large shrimp", + "ground black pepper", + "dark sesame oil", + "water", + "pineapple juice concentrate", + "red miso" + ] + }, + { + "id": 46332, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "fresh cilantro", + "vegetable stock", + "dark brown sugar", + "toasted sesame oil", + "kosher salt", + "quinoa", + "hot sauce", + "garlic cloves", + "lime zest", + "peanuts", + "broccoli", + "scallions", + "chopped cilantro fresh", + "lime juice", + "vegetable oil", + "firm tofu", + "carrots" + ] + }, + { + "id": 38845, + "cuisine": "vietnamese", + "ingredients": [ + "garlic powder", + "fish sauce", + "dried red chile peppers", + "rice vinegar", + "water", + "splenda no calorie sweetener" + ] + }, + { + "id": 4570, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "boneless skinless chicken breasts", + "garlic cloves", + "brown sugar", + "fresh ginger", + "rice vinegar", + "black pepper", + "red pepper flakes", + "canola oil", + "soy sauce", + "unsalted cashews", + "all-purpose flour" + ] + }, + { + "id": 23162, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "lime wedges", + "corn tortillas", + "avocado", + "olive oil", + "salsa", + "onions", + "fresh cilantro", + "coarse salt", + "pork shoulder", + "chipotle chile", + "ground pepper", + "garlic cloves" + ] + }, + { + "id": 12625, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "garlic", + "whole chicken", + "vegetable oil", + "ground allspice", + "black pepper", + "ginger", + "berries", + "flour", + "salt" + ] + }, + { + "id": 30813, + "cuisine": "french", + "ingredients": [ + "butter", + "eggs", + "white bread", + "ham", + "shredded cheddar cheese" + ] + }, + { + "id": 9025, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "ciabatta", + "parmesan cheese", + "baby spinach", + "garlic cloves", + "eggs", + "unsalted butter", + "anchovy fillets", + "prosciutto", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 40461, + "cuisine": "italian", + "ingredients": [ + "low-fat sour cream", + "butter cooking spray", + "grated parmesan cheese", + "garlic cloves", + "pepper", + "salt", + "baking potatoes", + "sliced green onions" + ] + }, + { + "id": 32837, + "cuisine": "italian", + "ingredients": [ + "day old bread", + "dijon mustard", + "garlic", + "champagne vinegar", + "ground black pepper", + "leeks", + "salt", + "olive oil", + "grated parmesan cheese", + "purple onion", + "asparagus", + "lemon", + "white beans" + ] + }, + { + "id": 19393, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "tomato salsa", + "avocado", + "pepper jack", + "rotisserie chicken", + "refried beans", + "salt", + "romaine lettuce", + "flour tortillas" + ] + }, + { + "id": 37994, + "cuisine": "russian", + "ingredients": [ + "ground pork", + "ground black pepper", + "ground beef", + "eggs", + "salt", + "flour", + "onions" + ] + }, + { + "id": 39655, + "cuisine": "italian", + "ingredients": [ + "chopped green bell pepper", + "ricotta cheese", + "shredded mozzarella cheese", + "grated parmesan cheese", + "fresh mushrooms", + "finely chopped onion", + "salt", + "italian seasoning", + "dough", + "pizza sauce", + "pepperoni" + ] + }, + { + "id": 42762, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "turkey legs", + "red pepper flakes", + "white onion", + "green onions", + "black pepper", + "black-eyed peas", + "garlic", + "smoked turkey", + "meat" + ] + }, + { + "id": 22744, + "cuisine": "french", + "ingredients": [ + "bottled clam juice", + "aioli", + "fresh lemon juice", + "large egg yolks", + "bay leaves", + "orange peel", + "saffron threads", + "fennel bulb", + "extra-virgin olive oil", + "fresh chervil", + "halibut fillets", + "leeks", + "carrots" + ] + }, + { + "id": 8921, + "cuisine": "greek", + "ingredients": [ + "capers", + "extra-virgin olive oil", + "fresh oregano", + "sliced kalamata olives", + "salt", + "dried oregano", + "pepper", + "garlic", + "feta cheese crumbles", + "flatbread", + "diced tomatoes", + "yellow onion", + "ground lamb" + ] + }, + { + "id": 15865, + "cuisine": "indian", + "ingredients": [ + "ground red pepper", + "english cucumber", + "ground cumin", + "lime", + "salt", + "greek yogurt", + "garlic", + "scallions", + "boneless skinless chicken breasts", + "ground coriander", + "chopped fresh mint" + ] + }, + { + "id": 10155, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "white cornmeal", + "diced onions", + "large eggs", + "sugar", + "vegetable oil", + "self rising flour" + ] + }, + { + "id": 26764, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "onions", + "eggs", + "frozen peas and carrots", + "sesame oil", + "soy sauce", + "cooked white rice" + ] + }, + { + "id": 47386, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "sesame seeds", + "rice vinegar", + "honey", + "green onions", + "soy sauce", + "hoisin sauce", + "hot chili sauce", + "chicken wings", + "fresh ginger", + "garlic" + ] + }, + { + "id": 46000, + "cuisine": "southern_us", + "ingredients": [ + "chicken breasts", + "chicken broth", + "carrots", + "buttermilk biscuits", + "old bay seasoning", + "flour", + "celery" + ] + }, + { + "id": 32370, + "cuisine": "mexican", + "ingredients": [ + "buffalo sauce", + "crumbled blue cheese", + "coarse kosher salt", + "flour tortillas", + "cream cheese", + "chicken breasts", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 9524, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "chunky peanut butter", + "cucumber", + "light brown sugar", + "fresh cilantro", + "rice vinegar", + "minced ginger", + "sesame oil", + "boneless skinless chicken breast halves", + "romaine lettuce", + "lime", + "garlic cloves" + ] + }, + { + "id": 36179, + "cuisine": "spanish", + "ingredients": [ + "hog casings", + "hungarian paprika", + "ancho powder", + "rioja", + "minced garlic", + "pork shoulder butt", + "spanish paprika", + "olive oil", + "smoked sweet Spanish paprika", + "fatback", + "kosher salt", + "ground black pepper", + "dry red wine" + ] + }, + { + "id": 3476, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "diced tomatoes", + "large shrimp", + "large garlic cloves", + "fresh lemon juice", + "red vermouth", + "capellini", + "heavy cream", + "dried oregano" + ] + }, + { + "id": 8966, + "cuisine": "mexican", + "ingredients": [ + "lime", + "ice", + "fresh mint", + "watermelon", + "water", + "white sugar" + ] + }, + { + "id": 19183, + "cuisine": "mexican", + "ingredients": [ + "stew meat", + "sweet onion", + "ground black pepper", + "diced tomatoes", + "cayenne pepper", + "chorizo sausage", + "tomato paste", + "pepper", + "pork stew meat", + "Mexican oregano", + "salt", + "lard", + "ground cumin", + "chile powder", + "picante sauce", + "dried basil", + "jalapeno chilies", + "garlic", + "beer", + "unsweetened cocoa powder", + "green chile", + "smoked bacon", + "garlic powder", + "hot chili powder", + "salsa", + "marjoram" + ] + }, + { + "id": 34452, + "cuisine": "vietnamese", + "ingredients": [ + "garlic chives", + "water", + "fresh lime juice", + "rice paper", + "white vinegar", + "chiles", + "mint sprigs", + "tiger prawn", + "fish sauce", + "leaves", + "vermicelli noodles", + "pork neck", + "sugar", + "garlic", + "iceberg lettuce" + ] + }, + { + "id": 26453, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "fresh lime juice", + "sea salt", + "vidalia onion", + "cumin seed", + "tomatillos", + "chopped cilantro fresh" + ] + }, + { + "id": 1282, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "polenta", + "low sodium chicken stock", + "sea salt", + "peppercorns" + ] + }, + { + "id": 42293, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "baking powder", + "light brown sugar", + "large eggs", + "all-purpose flour", + "pure vanilla extract", + "granulated sugar", + "fine sea salt", + "peaches", + "half & half", + "corn starch" + ] + }, + { + "id": 8179, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "shallots", + "pecorino romano cheese", + "arborio rice", + "leeks", + "chopped fresh thyme", + "chopped fresh sage", + "ground black pepper", + "turkey stock", + "salt", + "cooked turkey", + "dry white wine", + "butter" + ] + }, + { + "id": 11669, + "cuisine": "irish", + "ingredients": [ + "suet", + "cooked barley", + "skim milk", + "dried mint flakes", + "bread", + "ground black pepper", + "oatmeal", + "pork blood", + "salt" + ] + }, + { + "id": 34921, + "cuisine": "mexican", + "ingredients": [ + "baking powder", + "cheddar cheese", + "green chilies", + "eggs", + "all-purpose flour", + "milk", + "monterey jack" + ] + }, + { + "id": 26710, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "mozzarella cheese", + "purple onion", + "dried oregano", + "italian sausage", + "dry yeast", + "all-purpose flour", + "warm water", + "ricotta cheese", + "red bell pepper" + ] + }, + { + "id": 17880, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken schmaltz", + "ground black pepper", + "bay leaves", + "coarse sea salt", + "smoked sausage", + "okra", + "chicken", + "chicken stock", + "andouille sausage", + "fresh thyme", + "Tabasco Pepper Sauce", + "white rice", + "cayenne pepper", + "celery", + "tomatoes", + "garlic powder", + "flour", + "spices", + "garlic", + "ground allspice", + "onions", + "celery salt", + "green bell pepper", + "file powder", + "onion powder", + "worcestershire sauce", + "salt", + "sweet paprika" + ] + }, + { + "id": 34117, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "rice wine", + "dried red chile peppers", + "boneless chicken skinless thigh", + "oil", + "soy sauce", + "rice vinegar", + "eggs", + "green onions", + "corn starch" + ] + }, + { + "id": 19475, + "cuisine": "chinese", + "ingredients": [ + "boneless skinless chicken breasts", + "sesame seeds", + "teriyaki sauce", + "crushed red pepper flakes", + "chunky peanut butter" + ] + }, + { + "id": 36465, + "cuisine": "chinese", + "ingredients": [ + "water", + "black tea leaves", + "coconut sugar", + "large eggs", + "cinnamon sticks", + "black peppercorns", + "orange", + "star anise", + "soy sauce", + "ginseng" + ] + }, + { + "id": 47935, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "buttermilk", + "maple sugar", + "large eggs", + "vanilla extract", + "white peaches", + "baking powder", + "all-purpose flour", + "unsalted butter", + "bacon", + "canola oil" + ] + }, + { + "id": 18392, + "cuisine": "spanish", + "ingredients": [ + "tomato juice", + "salsa", + "chopped cilantro fresh", + "canned chicken broth", + "balsamic vinegar", + "red bell pepper", + "hot pepper sauce", + "cucumber", + "ground cumin", + "olive oil", + "large garlic cloves", + "onions" + ] + }, + { + "id": 7041, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "bay leaves", + "cayenne pepper", + "cooked white rice", + "chicken stock", + "hot pepper sauce", + "salt", + "shrimp", + "ground black pepper", + "vegetable oil", + "okra", + "onions", + "green bell pepper", + "file powder", + "all-purpose flour", + "celery" + ] + }, + { + "id": 29842, + "cuisine": "cajun_creole", + "ingredients": [ + "pie crust", + "flour", + "sour cream", + "brown sugar", + "salt", + "eggs", + "vanilla extract", + "granulated sugar", + "chopped pecans" + ] + }, + { + "id": 3531, + "cuisine": "chinese", + "ingredients": [ + "green cabbage", + "green onions", + "ground pork", + "boiling water", + "soy sauce", + "sesame oil", + "garlic", + "fresh ginger", + "coarse salt", + "corn starch", + "flour", + "dry sherry", + "chopped cilantro" + ] + }, + { + "id": 17091, + "cuisine": "jamaican", + "ingredients": [ + "all-purpose flour", + "bananas", + "large eggs", + "skim milk" + ] + }, + { + "id": 21841, + "cuisine": "chinese", + "ingredients": [ + "cooked rice", + "skinless chicken breasts" + ] + }, + { + "id": 26944, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "red wine vinegar", + "fresh parsley", + "olive oil", + "brown lentils", + "boneless skinless chicken breast halves", + "water", + "salt", + "onions", + "chili powder", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 5337, + "cuisine": "brazilian", + "ingredients": [ + "cold water", + "lime", + "sugar", + "sweetened condensed milk" + ] + }, + { + "id": 17199, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "pork chops", + "cilantro", + "comino", + "lime", + "serrano peppers", + "green pepper", + "white onion", + "potatoes", + "salt", + "tomatoes", + "olive oil", + "tomatillos", + "garlic cloves" + ] + }, + { + "id": 10679, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "lemon wedge", + "garlic cloves", + "pitted kalamata olives", + "feta cheese", + "salt", + "dried oregano", + "spinach", + "sun-dried tomatoes", + "white rice", + "boiling water", + "pinenuts", + "ground black pepper", + "chickpeas" + ] + }, + { + "id": 48985, + "cuisine": "cajun_creole", + "ingredients": [ + "cane vinegar", + "canola oil", + "turbinado", + "creole seasoning", + "dried cascabel chile", + "satsuma orange", + "flounder fillets" + ] + }, + { + "id": 48636, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "garlic", + "sun-dried tomatoes", + "fresh mushrooms", + "green olives", + "ground black pepper", + "spaghettini", + "olive oil", + "purple onion" + ] + }, + { + "id": 48612, + "cuisine": "indian", + "ingredients": [ + "pepper", + "garam masala", + "paneer", + "ground cayenne pepper", + "ground turmeric", + "fresh cilantro", + "mustard greens", + "salt", + "basmati rice", + "ground cumin", + "water", + "yoghurt", + "purple onion", + "ghee", + "mango", + "spinach", + "kale", + "ginger", + "garlic cloves", + "naan" + ] + }, + { + "id": 31495, + "cuisine": "italian", + "ingredients": [ + "warm water", + "salt", + "olive oil", + "honey", + "bread flour", + "dry yeast" + ] + }, + { + "id": 20134, + "cuisine": "cajun_creole", + "ingredients": [ + "butter", + "whole okra", + "medium shrimp", + "andouille sausage", + "hot sauce", + "cajun seasoning", + "onions" + ] + }, + { + "id": 27662, + "cuisine": "italian", + "ingredients": [ + "loosely packed fresh basil leaves", + "parmesan cheese", + "chopped pecans", + "large garlic cloves", + "olive oil", + "salt" + ] + }, + { + "id": 1914, + "cuisine": "indian", + "ingredients": [ + "milk", + "garam masala", + "paneer", + "oil", + "chopped tomatoes", + "bay leaves", + "green chilies", + "chopped cilantro", + "amchur", + "coriander powder", + "cayenne pepper", + "corn starch", + "tumeric", + "vegetables", + "ginger", + "cumin seed", + "asafetida" + ] + }, + { + "id": 25022, + "cuisine": "southern_us", + "ingredients": [ + "vidalia onion", + "freshly ground pepper", + "mayonaise", + "pimentos", + "sharp cheddar cheese" + ] + }, + { + "id": 18364, + "cuisine": "greek", + "ingredients": [ + "sliced cucumber", + "fresh mushrooms", + "ripe olives", + "sub buns", + "feta cheese crumbles", + "Balsamico Bianco", + "lettuce leaves", + "ham", + "dried oregano", + "cherry tomatoes", + "garlic", + "turkey breast" + ] + }, + { + "id": 9356, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "mushrooms", + "garlic", + "fresh parsley", + "tomato paste", + "minced onion", + "butter", + "celery", + "olive oil", + "lean ground beef", + "beef broth", + "spaghetti", + "dried basil", + "dried mint flakes", + "salt", + "white sugar" + ] + }, + { + "id": 43606, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "whole peeled tomatoes", + "cilantro leaves", + "carrots", + "tomato paste", + "curry powder", + "ground red pepper", + "brown lentils", + "ground lamb", + "water", + "jalapeno chilies", + "chopped onion", + "greek yogurt", + "lower sodium chicken broth", + "olive oil", + "light coconut milk", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 16165, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "scallions", + "fish sauce", + "meat bones", + "noodles", + "thai basil", + "mung bean sprouts", + "pork", + "yellow onion", + "chopped cilantro fresh" + ] + }, + { + "id": 26178, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "lemongrass", + "chicken breasts", + "chopped cilantro", + "chili flakes", + "bell pepper", + "sliced mushrooms", + "fish sauce", + "green onions", + "coconut milk", + "kaffir lime leaves", + "cherry tomatoes", + "ginger" + ] + }, + { + "id": 18238, + "cuisine": "french", + "ingredients": [ + "steamed rice", + "peas", + "carrots", + "dry white wine", + "all-purpose flour", + "onions", + "butter", + "veal for stew", + "dried thyme", + "whipping cream", + "low salt chicken broth" + ] + }, + { + "id": 23022, + "cuisine": "french", + "ingredients": [ + "fillet red snapper", + "purple onion", + "fresh lemon", + "fennel bulb", + "couscous", + "capers", + "fresh tarragon" + ] + }, + { + "id": 7759, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "vanilla", + "bread", + "half & half", + "large eggs", + "liqueur", + "sugar", + "golden raisins" + ] + }, + { + "id": 5481, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "sauce", + "tortillas", + "avocado", + "large shrimp" + ] + }, + { + "id": 43464, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "milk", + "hot sauce", + "grits", + "pepper", + "ranch dressing", + "corn starch", + "coke", + "boneless chuck roast", + "chili sauce", + "shredded cheddar cheese", + "worcestershire sauce", + "garlic salt" + ] + }, + { + "id": 25503, + "cuisine": "italian", + "ingredients": [ + "baby spinach", + "cooked shrimp", + "Alfredo sauce", + "vegetable broth", + "pesto sauce", + "paprika", + "ravioli", + "cheese" + ] + }, + { + "id": 21604, + "cuisine": "italian", + "ingredients": [ + "red wine", + "garlic cloves", + "spaghetti", + "grated parmesan cheese", + "chopped celery", + "carrots", + "olive oil", + "diced tomatoes", + "meat loaf mix", + "half & half", + "fresh oregano", + "onions" + ] + }, + { + "id": 39822, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "whipping cream", + "table salt", + "asiago", + "white cornmeal", + "reduced sodium chicken broth", + "white cheddar cheese", + "grits", + "frozen chopped spinach", + "large eggs", + "pork sausages" + ] + }, + { + "id": 46685, + "cuisine": "brazilian", + "ingredients": [ + "crushed ice", + "cachaca", + "lime", + "superfine sugar" + ] + }, + { + "id": 8811, + "cuisine": "cajun_creole", + "ingredients": [ + "creole seasoning", + "corn kernels", + "onions", + "catfish fillets", + "okra", + "extra-virgin olive oil" + ] + }, + { + "id": 35139, + "cuisine": "indian", + "ingredients": [ + "cold water", + "curry powder", + "fresh ginger root", + "purple onion", + "red curry paste", + "ground turmeric", + "shortening", + "olive oil", + "garlic", + "cilantro leaves", + "lamb", + "ground cinnamon", + "milk", + "butter", + "salt", + "cayenne pepper", + "ground cumin", + "white wine", + "eggplant", + "chopped celery", + "all-purpose flour", + "red bell pepper" + ] + }, + { + "id": 23201, + "cuisine": "italian", + "ingredients": [ + "fish fillets", + "unsalted butter", + "shallots", + "freshly ground pepper", + "onions", + "mussels", + "dried basil", + "bay leaves", + "Italian parsley leaves", + "country bread", + "large shrimp", + "rub", + "olive oil", + "dry white wine", + "crushed red pepper flakes", + "flat leaf parsley", + "kosher salt", + "whole peeled tomatoes", + "clam juice", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 44838, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "chili powder", + "salsa", + "ground cayenne pepper", + "ground cumin", + "green bell pepper", + "flour tortillas", + "shredded sharp cheddar cheese", + "smoked paprika", + "fresh lime juice", + "chicken broth", + "boneless chicken breast", + "lime wedges", + "yellow onion", + "sour cream", + "black pepper", + "guacamole", + "salt", + "red bell pepper", + "dried oregano" + ] + }, + { + "id": 13037, + "cuisine": "french", + "ingredients": [ + "large eggs", + "bittersweet chocolate", + "baguette", + "vanilla", + "sugar", + "half & half", + "unsalted butter", + "salt" + ] + }, + { + "id": 28142, + "cuisine": "jamaican", + "ingredients": [ + "curry powder", + "potatoes", + "cumin seed", + "chicken", + "black pepper", + "hot pepper sauce", + "salt", + "red bell pepper", + "green bell pepper", + "dried thyme", + "garlic", + "lemon juice", + "water", + "cooking oil", + "tomato ketchup", + "onions" + ] + }, + { + "id": 21513, + "cuisine": "italian", + "ingredients": [ + "bottled clam juice", + "cayenne pepper", + "large shrimp", + "fresh basil", + "dry white wine", + "dried oregano", + "fennel seeds", + "olive oil", + "crabmeat", + "clams", + "crushed tomatoes", + "chopped onion", + "chopped garlic" + ] + }, + { + "id": 16374, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "butter", + "pears", + "italian sausage", + "shallots", + "walnuts", + "brown sugar", + "balsamic vinegar", + "gorgonzola", + "olive oil", + "pizza doughs" + ] + }, + { + "id": 48797, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "creole seasoning", + "red bell pepper", + "butter", + "sausages", + "green bell pepper", + "canadian bacon", + "diced tomatoes", + "shrimp" + ] + }, + { + "id": 13016, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "white rice", + "carrots", + "fresh peas", + "salt", + "serrano chile", + "corn kernels", + "cilantro sprigs", + "hot water", + "tomatoes", + "corn oil", + "garlic cloves" + ] + }, + { + "id": 45687, + "cuisine": "italian", + "ingredients": [ + "sugar", + "dry red wine", + "chicken livers", + "orange", + "duck", + "sage leaves", + "honey", + "garlic cloves", + "water", + "extra-virgin olive oil", + "pears" + ] + }, + { + "id": 2618, + "cuisine": "vietnamese", + "ingredients": [ + "brown sugar", + "vinegar", + "purple onion", + "squash", + "olive oil", + "butter", + "beef broth", + "pepper", + "bell pepper", + "salt", + "beef", + "garlic", + "carrots" + ] + }, + { + "id": 4867, + "cuisine": "cajun_creole", + "ingredients": [ + "low sodium chicken broth", + "creole seasoning", + "cooked ham", + "long-grain rice", + "diced tomatoes" + ] + }, + { + "id": 13543, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "sweet potatoes", + "brown sugar", + "heavy cream", + "eggs", + "condensed tomato soup", + "pie crust", + "ground nutmeg", + "vanilla extract" + ] + }, + { + "id": 38996, + "cuisine": "indian", + "ingredients": [ + "coriander powder", + "oil", + "garlic paste", + "cilantro leaves", + "onions", + "black peppercorns", + "salt", + "lemon juice", + "garam masala", + "green chilies", + "chicken" + ] + }, + { + "id": 6724, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "sake", + "konbu", + "bonito flakes", + "soy sauce" + ] + }, + { + "id": 4971, + "cuisine": "mexican", + "ingredients": [ + "boneless pork shoulder", + "chopped onion", + "Anaheim chile", + "garlic cloves", + "water", + "cumin seed", + "vegetable oil" + ] + }, + { + "id": 13383, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "flour tortillas", + "salt", + "tomatoes", + "milk", + "purple onion", + "pork sausages", + "minced garlic", + "butter", + "chopped cilantro fresh", + "shredded cheddar cheese", + "jalapeno chilies", + "taco seasoning" + ] + }, + { + "id": 47762, + "cuisine": "japanese", + "ingredients": [ + "sake", + "kamaboko", + "dried bonito flakes", + "shrimp", + "water", + "Tokyo negi", + "konbu", + "soy sauce", + "shichimi togarashi", + "soba noodles", + "mirin", + "salt", + "komatsuna" + ] + }, + { + "id": 49576, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "papaya", + "scotch bonnet chile", + "onions", + "lime juice", + "green onions", + "hot sauce", + "pepper", + "sliced cucumber", + "salt", + "ground cumin", + "avocado", + "fresh cilantro", + "rosé wine", + "garlic cloves" + ] + }, + { + "id": 30202, + "cuisine": "italian", + "ingredients": [ + "brandy", + "half & half", + "pure vanilla extract", + "unsalted butter", + "panettone", + "golden raisins", + "sugar", + "large eggs" + ] + }, + { + "id": 23720, + "cuisine": "french", + "ingredients": [ + "butter", + "chocolate bars", + "whipping cream" + ] + }, + { + "id": 30706, + "cuisine": "mexican", + "ingredients": [ + "corn", + "salt", + "crema mexicana", + "lime wedges", + "white cheese", + "chili powder", + "hot sauce", + "lime juice", + "butter" + ] + }, + { + "id": 14023, + "cuisine": "italian", + "ingredients": [ + "sambuca", + "light brown sugar", + "fat free frozen top whip", + "vanilla", + "instant espresso granules", + "boiling water" + ] + }, + { + "id": 30071, + "cuisine": "korean", + "ingredients": [ + "cooking spray", + "garlic cloves", + "brown sugar", + "top sirloin steak", + "low sodium soy sauce", + "peeled fresh ginger", + "mirin", + "dark sesame oil" + ] + }, + { + "id": 17692, + "cuisine": "russian", + "ingredients": [ + "sugar", + "vegetable oil", + "reduced sodium chicken broth", + "dill", + "pierogi", + "diced tomatoes", + "caraway seeds", + "Turkish bay leaves", + "onions" + ] + }, + { + "id": 6454, + "cuisine": "french", + "ingredients": [ + "active dry yeast", + "salt", + "salmon roe", + "melted butter", + "whole milk", + "buckwheat flour", + "sugar", + "butter", + "all-purpose flour", + "smoked salmon", + "large eggs", + "crème fraîche", + "dill tips" + ] + }, + { + "id": 855, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "Tabasco Pepper Sauce", + "ground beef", + "spring onions", + "worcestershire sauce", + "brown sugar", + "sesame oil", + "salt", + "minced garlic", + "calamansi juice" + ] + }, + { + "id": 35959, + "cuisine": "chinese", + "ingredients": [ + "plain flour", + "salt", + "spring onions", + "warm water", + "toasted sesame oil", + "vegetable oil" + ] + }, + { + "id": 20143, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "green chilies", + "chicken broth", + "salt", + "tequila", + "boneless pork shoulder", + "green onions", + "garlic cloves", + "fresh cilantro", + "salsa" + ] + }, + { + "id": 31565, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "shredded carrots", + "ground pork", + "roasted peanuts", + "bamboo shoots", + "eggs", + "honey", + "green onions", + "salt", + "black bean sauce with garlic", + "canola oil", + "ground ginger", + "jasmine rice", + "water chestnuts", + "garlic", + "corn starch", + "panko breadcrumbs", + "soy sauce", + "fresh ginger", + "red pepper flakes", + "sauce", + "onions" + ] + }, + { + "id": 23602, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "kosher salt", + "italian seasoning", + "garlic powder", + "melted butter", + "frozen bread dough" + ] + }, + { + "id": 47809, + "cuisine": "greek", + "ingredients": [ + "branzino", + "dried oregano", + "kosher salt", + "black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 33635, + "cuisine": "jamaican", + "ingredients": [ + "low sodium soy sauce", + "chipotle chile", + "green onions", + "ground allspice", + "lettuce", + "mayonaise", + "jalapeno chilies", + "garlic", + "ground beef", + "brown sugar", + "dried thyme", + "fresh orange juice", + "adobo sauce", + "tomatoes", + "hamburger buns", + "condiments", + "yellow onion", + "canola oil" + ] + }, + { + "id": 7006, + "cuisine": "italian", + "ingredients": [ + "unflavored gelatin", + "vanilla extract", + "half & half", + "cold water", + "heavy cream", + "sugar" + ] + }, + { + "id": 5962, + "cuisine": "mexican", + "ingredients": [ + "reduced fat cream cheese", + "taco meat", + "tortilla chips", + "salsa", + "Mexican cheese" + ] + }, + { + "id": 49420, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "juice", + "sugar", + "salt", + "garlic powder", + "cayenne pepper", + "mayonaise", + "paprika", + "ground cumin" + ] + }, + { + "id": 35526, + "cuisine": "italian", + "ingredients": [ + "broccoli rabe", + "lemon rind", + "water", + "ground black pepper", + "garlic cloves", + "olive oil", + "crushed red pepper", + "fresh lemon juice", + "fresh parmesan cheese", + "salt", + "whole wheat breadcrumbs" + ] + }, + { + "id": 41967, + "cuisine": "filipino", + "ingredients": [ + "vinegar", + "oil", + "shrimp paste", + "onions", + "tomatoes", + "garlic", + "sugar", + "rice" + ] + }, + { + "id": 43257, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "fresh basil", + "garlic cloves", + "ground black pepper", + "plum tomatoes", + "fine sea salt" + ] + }, + { + "id": 38956, + "cuisine": "southern_us", + "ingredients": [ + "jack cheese", + "macaroni", + "all-purpose flour", + "milk", + "shredded sharp cheddar cheese", + "pork", + "butter", + "ground mustard", + "ground black pepper", + "salt" + ] + }, + { + "id": 24588, + "cuisine": "jamaican", + "ingredients": [ + "white vinegar", + "jerk marinade", + "bay leaves", + "garlic", + "dark brown sugar", + "soy sauce", + "fresh ginger", + "barbecue sauce", + "salt", + "fresh lime juice", + "sugar", + "dried thyme", + "dark rum", + "scotch", + "scallions", + "ketchup", + "hot pepper sauce", + "cinnamon", + "ground allspice", + "chicken pieces" + ] + }, + { + "id": 16583, + "cuisine": "filipino", + "ingredients": [ + "pork belly", + "Sriracha", + "refrigerated biscuits", + "garlic cloves", + "sugar", + "water", + "flour", + "cilantro", + "soy sauce", + "steamer", + "sliced cucumber", + "salt", + "brown sugar", + "pepper", + "shredded carrots", + "apple cider vinegar", + "bay leaf" + ] + }, + { + "id": 5809, + "cuisine": "thai", + "ingredients": [ + "half & half", + "sugar", + "ice", + "teas", + "water" + ] + }, + { + "id": 17235, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "extra-virgin olive oil", + "serrano chile", + "kosher salt", + "mustard powder", + "salmon fillets", + "cayenne pepper", + "ground turmeric", + "brown mustard seeds", + "cumin seed" + ] + }, + { + "id": 3234, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "butter", + "sour cream", + "chicken broth", + "potatoes", + "salt", + "milk", + "bacon", + "cheddar cheese", + "green onions", + "all-purpose flour" + ] + }, + { + "id": 41878, + "cuisine": "greek", + "ingredients": [ + "mini phyllo dough shells", + "kalamata", + "pecans", + "shredded cheddar cheese", + "pinenuts", + "mayonaise", + "pimentos" + ] + }, + { + "id": 44485, + "cuisine": "russian", + "ingredients": [ + "almonds", + "raisins", + "sugar", + "butter", + "yeast", + "eggs", + "flour", + "salt", + "milk", + "lemon" + ] + }, + { + "id": 31923, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "low sodium chicken broth", + "red pepper flakes", + "salt", + "onions", + "ground chuck", + "grated parmesan cheese", + "boneless skinless chicken breasts", + "cheese", + "sour cream", + "pasta sauce", + "garlic powder", + "basil leaves", + "basil", + "bow-tie pasta", + "italian seasoning", + "mozzarella cheese", + "marinara sauce", + "whole milk ricotta cheese", + "garlic", + "bows" + ] + }, + { + "id": 20248, + "cuisine": "italian", + "ingredients": [ + "whipping cream", + "capers", + "pesto sauce", + "cheese", + "pinenuts" + ] + }, + { + "id": 36399, + "cuisine": "irish", + "ingredients": [ + "eggs", + "baking soda", + "raisins", + "cinnamon sticks", + "water", + "whole cloves", + "all-purpose flour", + "sugar", + "ground nutmeg", + "salt", + "ground ginger", + "coriander seeds", + "butter", + "allspice berries" + ] + }, + { + "id": 7637, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "granulated sugar", + "hazelnuts", + "vanilla extract", + "large egg whites", + "salt", + "brown sugar", + "semisweet chocolate" + ] + }, + { + "id": 459, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "butter", + "pie crust", + "large eggs", + "pumpkin pie spice", + "brown sugar", + "cinnamon", + "sweetened condensed milk", + "sweet potatoes & yams", + "vanilla" + ] + }, + { + "id": 8114, + "cuisine": "italian", + "ingredients": [ + "milk", + "salt", + "oregano", + "eggs", + "ground black pepper", + "fresh parsley", + "garlic powder", + "ground beef", + "bread crumbs", + "grated parmesan cheese", + "dried parsley" + ] + }, + { + "id": 26400, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "sweet potatoes", + "milk", + "self-rising cornmeal", + "large eggs", + "sugar", + "butter" + ] + }, + { + "id": 5748, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "fresh spinach", + "prosciutto", + "fettucine", + "fresh parmesan cheese", + "black pepper", + "large eggs" + ] + }, + { + "id": 18512, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "lemon juice", + "tomatoes", + "salt", + "pepper", + "chopped onion", + "chile pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 38379, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "sour cream", + "shredded cheddar cheese", + "shredded lettuce", + "olives", + "taco shells", + "chopped tomatoes", + "ground beef", + "refried beans", + "salsa" + ] + }, + { + "id": 4277, + "cuisine": "indian", + "ingredients": [ + "grated coconut", + "red pepper", + "chopped onion", + "chicken", + "curry leaves", + "olive oil", + "garlic", + "onions", + "tumeric", + "coriander powder", + "salt", + "peppercorns", + "tomato paste", + "curry powder", + "ginger", + "coconut milk" + ] + }, + { + "id": 35678, + "cuisine": "korean", + "ingredients": [ + "eggs", + "minced garlic", + "shiitake", + "sesame oil", + "minced beef", + "beansprouts", + "sugar", + "steamed rice", + "mushrooms", + "salt", + "seaweed", + "spinach", + "water", + "vinegar", + "vegetable oil", + "rice bran oil", + "soy sauce", + "roasted sesame seeds", + "meat", + "Gochujang base", + "carrots" + ] + }, + { + "id": 15512, + "cuisine": "french", + "ingredients": [ + "half & half", + "large egg yolks", + "sugar", + "whipping cream", + "semisweet chocolate" + ] + }, + { + "id": 43396, + "cuisine": "russian", + "ingredients": [ + "parsnips", + "ground black pepper", + "extra-virgin olive oil", + "sour cream", + "savoy cabbage", + "granny smith apples", + "red wine vinegar", + "beets", + "fresh dill", + "fresh thyme", + "salt", + "onions", + "chicken stock", + "honey", + "bacon", + "carrots" + ] + }, + { + "id": 2750, + "cuisine": "italian", + "ingredients": [ + "lemon zest", + "crushed red pepper", + "chopped parsley", + "capers", + "butter", + "sauce", + "angel hair", + "shallots", + "salt", + "artichoke hearts", + "extra-virgin olive oil", + "lemon juice" + ] + }, + { + "id": 4719, + "cuisine": "french", + "ingredients": [ + "salt", + "unsalted butter", + "grated Gruyère cheese", + "large eggs", + "dill seed", + "water", + "all-purpose flour" + ] + }, + { + "id": 11401, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "cream", + "butter", + "cayenne pepper", + "black pepper", + "jalapeno chilies", + "garlic", + "chopped cilantro fresh", + "plain yogurt", + "boneless skinless chicken breasts", + "salt", + "ground cumin", + "tomato sauce", + "fresh ginger", + "paprika", + "lemon juice" + ] + }, + { + "id": 36258, + "cuisine": "british", + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "apples", + "carrots", + "bread crumbs", + "butter", + "all-purpose flour", + "baking soda", + "raisins", + "ground allspice", + "eggs", + "baking powder", + "salt", + "white sugar" + ] + }, + { + "id": 7231, + "cuisine": "indian", + "ingredients": [ + "spinach", + "ginger", + "ground cumin", + "whole wheat flour", + "green chilies", + "amchur", + "salt", + "seeds", + "oil" + ] + }, + { + "id": 13619, + "cuisine": "italian", + "ingredients": [ + "eggs", + "ground pepper", + "garlic cloves", + "ground oregano", + "crushed tomatoes", + "red pepper flakes", + "flat leaf parsley", + "lean ground turkey", + "basil leaves", + "whole wheat breadcrumbs", + "olive oil", + "salt", + "onions" + ] + }, + { + "id": 1163, + "cuisine": "indian", + "ingredients": [ + "green chile", + "garlic", + "black mustard seeds", + "chopped cilantro", + "tomatoes", + "vegetable oil", + "cumin seed", + "coconut milk", + "mint leaves", + "cayenne pepper", + "lemon juice", + "corn kernels", + "salt", + "waxy potatoes" + ] + }, + { + "id": 34843, + "cuisine": "italian", + "ingredients": [ + "milk chocolate", + "all-purpose flour", + "hazelnut butter", + "unsalted butter", + "sugar", + "heavy cream", + "hazelnuts", + "bittersweet chocolate" + ] + }, + { + "id": 16711, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "diced tomatoes", + "onions", + "black beans", + "barbecue sauce", + "red bell pepper", + "seitan", + "pepper", + "green onions", + "cooked white rice", + "flour tortillas", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 14169, + "cuisine": "french", + "ingredients": [ + "large eggs", + "fresh raspberries", + "unsalted butter", + "salt", + "bittersweet chocolate", + "whole milk", + "dark brown sugar", + "granulated sugar", + "all-purpose flour", + "unsweetened cocoa powder" + ] + }, + { + "id": 1788, + "cuisine": "british", + "ingredients": [ + "sausage casings", + "pastry shell", + "pepper", + "salt", + "ground cloves", + "lean ground beef", + "ground cinnamon", + "potatoes", + "onions" + ] + }, + { + "id": 29073, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "shallots", + "french bread", + "olive oil", + "pepper" + ] + }, + { + "id": 20178, + "cuisine": "mexican", + "ingredients": [ + "low-fat sour cream", + "quinoa", + "garlic cloves", + "shredded reduced fat cheddar cheese", + "salt", + "chopped cilantro fresh", + "reduced sodium chicken broth", + "diced tomatoes", + "pinto beans", + "olive oil", + "frozen corn kernels", + "cumin" + ] + }, + { + "id": 30745, + "cuisine": "mexican", + "ingredients": [ + "heavy cream", + "pepper", + "garlic", + "mayonaise", + "cilantro", + "chile pepper", + "salt" + ] + }, + { + "id": 21844, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "cream cheese, soften", + "pinenuts", + "white wine vinegar", + "figs", + "unsalted butter", + "fig jam", + "basil pesto sauce", + "large eggs", + "crackers" + ] + }, + { + "id": 41502, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "sun-dried tomatoes in oil", + "toasted pine nuts", + "garlic cloves", + "arugula", + "pasta", + "lemon juice" + ] + }, + { + "id": 37269, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "baking powder", + "white cornmeal", + "half & half", + "softened butter", + "vegetable oil", + "boiling water" + ] + }, + { + "id": 6716, + "cuisine": "moroccan", + "ingredients": [ + "paprika", + "cayenne", + "coriander", + "cinnamon", + "allspice", + "clove", + "cardamom" + ] + }, + { + "id": 2302, + "cuisine": "filipino", + "ingredients": [ + "water", + "garlic cloves", + "cabbage", + "seasoning", + "fresh green bean", + "red bell pepper", + "soy sauce", + "chicken stock cubes", + "onions", + "tofu", + "rice noodles", + "carrots", + "canola oil" + ] + }, + { + "id": 40704, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "green tomatoes", + "cornmeal", + "cayenne", + "buttermilk", + "pepper", + "vegetable oil", + "mayonaise", + "self rising flour", + "salt" + ] + }, + { + "id": 14371, + "cuisine": "cajun_creole", + "ingredients": [ + "crawfish", + "creole seasoning", + "chips", + "vegetable oil cooking spray", + "butter", + "redfish fillet", + "sliced green onions" + ] + }, + { + "id": 4705, + "cuisine": "southern_us", + "ingredients": [ + "vidalia onion", + "dijon mustard", + "pepper", + "salt", + "cider vinegar", + "vegetable oil", + "honey" + ] + }, + { + "id": 42043, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "honey", + "all-purpose flour", + "sugar", + "vegetable oil", + "eggs", + "baking powder", + "yellow corn meal", + "milk", + "salt" + ] + }, + { + "id": 33597, + "cuisine": "jamaican", + "ingredients": [ + "lime juice", + "sea salt", + "oil", + "allspice", + "salmon fillets", + "chili powder", + "purple onion", + "cumin", + "avocado", + "fresh cilantro", + "curry", + "cooked white rice", + "black beans", + "cinnamon", + "cayenne pepper", + "mango" + ] + }, + { + "id": 27474, + "cuisine": "spanish", + "ingredients": [ + "cider vinegar", + "golden raisins", + "dried oregano", + "capers", + "olive oil", + "rice", + "ground cumin", + "water", + "salt", + "sofrito", + "parsley sprigs", + "ground turkey breast", + "flat leaf parsley" + ] + }, + { + "id": 32196, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "crushed red pepper", + "pancetta", + "pecorino romano cheese", + "fresh basil", + "linguine", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 47680, + "cuisine": "italian", + "ingredients": [ + "sea salt", + "olive oil", + "porterhouse steaks", + "fresh rosemary", + "cracked black pepper", + "lemon wedge" + ] + }, + { + "id": 9059, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "baking soda", + "apples", + "orange juice", + "sugar", + "butter", + "salt", + "ground cinnamon", + "shredded coconut", + "buttermilk", + "all-purpose flour", + "pecans", + "vegetable oil", + "vanilla extract" + ] + }, + { + "id": 1272, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "chili powder", + "salsa", + "minced garlic", + "sirloin steak", + "sour cream", + "shredded cheddar cheese", + "chile pepper", + "chopped onion", + "green onions", + "black olives", + "corn tortillas" + ] + }, + { + "id": 41771, + "cuisine": "filipino", + "ingredients": [ + "egg yolks", + "sugar", + "sweetened condensed milk", + "lime" + ] + }, + { + "id": 16653, + "cuisine": "indian", + "ingredients": [ + "fat free less sodium chicken broth", + "chicken breasts", + "garlic cloves", + "tomatoes", + "olive oil", + "all-purpose flour", + "marjoram", + "curry powder", + "raisins", + "couscous", + "fat free yogurt", + "finely chopped onion", + "cayenne pepper" + ] + }, + { + "id": 7807, + "cuisine": "indian", + "ingredients": [ + "buttermilk", + "ice cubes", + "coconut milk", + "strawberries", + "sugar" + ] + }, + { + "id": 45470, + "cuisine": "southern_us", + "ingredients": [ + "green tomatoes", + "all-purpose flour", + "pepper", + "buttermilk", + "vegetable oil", + "cornmeal", + "large eggs", + "salt" + ] + }, + { + "id": 44241, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "golden raisins", + "onions", + "olive oil", + "salt", + "pepper", + "balsamic vinegar", + "olive oil flavored cooking spray", + "brown sugar", + "cod fillets", + "red bell pepper" + ] + }, + { + "id": 22249, + "cuisine": "indian", + "ingredients": [ + "salt", + "green peas", + "mustard seeds", + "vegetable oil", + "cumin seed", + "cauliflower florets" + ] + }, + { + "id": 16551, + "cuisine": "italian", + "ingredients": [ + "capers", + "extra-virgin olive oil", + "tomatoes", + "cooking spray", + "garlic cloves", + "sea scallops", + "salt", + "fresh basil", + "dry white wine" + ] + }, + { + "id": 22042, + "cuisine": "japanese", + "ingredients": [ + "konbu", + "water", + "bonito flakes" + ] + }, + { + "id": 33963, + "cuisine": "italian", + "ingredients": [ + "dark chocolate", + "instant espresso", + "vanilla ice cream" + ] + }, + { + "id": 33789, + "cuisine": "vietnamese", + "ingredients": [ + "chiles", + "water", + "salt", + "fish", + "coconut juice", + "soy sauce", + "green onions", + "filet", + "seasoning", + "red chili peppers", + "ground black pepper", + "yellow onion", + "fish sauce", + "cooking liquid", + "garlic", + "oil" + ] + }, + { + "id": 16040, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "pecorino romano cheese", + "hot water", + "arborio rice", + "dry white wine", + "white wine vinegar", + "reduced sodium chicken broth", + "chives", + "garlic cloves", + "radishes", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 32859, + "cuisine": "japanese", + "ingredients": [ + "boneless chicken skinless thigh", + "daikon", + "potatoes", + "scallions", + "fresh ginger", + "gingerroot", + "miso", + "carrots" + ] + }, + { + "id": 15678, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "chopped cilantro fresh", + "lime juice", + "purple onion", + "minced garlic", + "vegetable oil", + "white vinegar", + "ground black pepper", + "salt" + ] + }, + { + "id": 7653, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "sea salt", + "large egg yolks", + "buttermilk", + "caramel sauce", + "bread", + "peaches", + "heavy cream", + "pudding", + "butter", + "vanilla extract" + ] + }, + { + "id": 28665, + "cuisine": "french", + "ingredients": [ + "coriander seeds", + "duck breast halves", + "kumquats", + "fresh orange juice", + "black peppercorns", + "balsamic vinegar", + "low salt chicken broth", + "shallots", + "red wine" + ] + }, + { + "id": 22770, + "cuisine": "british", + "ingredients": [ + "flour", + "eggs", + "salt", + "butter", + "milk" + ] + }, + { + "id": 30347, + "cuisine": "indian", + "ingredients": [ + "white bread", + "garam masala", + "cilantro", + "ginger root", + "salted butter", + "shallots", + "cumin seed", + "coriander seeds", + "diced tomatoes", + "red bell pepper", + "olive oil", + "serrano peppers", + "salt", + "paneer cheese" + ] + }, + { + "id": 33489, + "cuisine": "indian", + "ingredients": [ + "lower sodium chicken broth", + "baking potatoes", + "salt", + "ground cumin", + "peeled fresh ginger", + "green peas", + "garlic cloves", + "butternut squash", + "butter", + "chopped onion", + "tomatoes", + "ground red pepper", + "light coconut milk", + "sliced green onions" + ] + }, + { + "id": 27410, + "cuisine": "italian", + "ingredients": [ + "lettuce", + "pepper", + "onions", + "pesto", + "sausages", + "tomatoes", + "grilled chicken", + "flatbread", + "sauce" + ] + }, + { + "id": 34215, + "cuisine": "southern_us", + "ingredients": [ + "chicken wings", + "chicken drumsticks", + "all-purpose flour", + "chicken thighs", + "eggs", + "bread crumbs", + "paprika", + "garlic cloves", + "fresh marjoram", + "buttermilk", + "freshly ground pepper", + "canola oil", + "fresh basil", + "chicken breast halves", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 43489, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "shoyu", + "mirin", + "dashi", + "somen", + "usukuchi soy sauce" + ] + }, + { + "id": 4232, + "cuisine": "spanish", + "ingredients": [ + "large garlic cloves", + "chopped fresh mint", + "capers", + "oil", + "pepper", + "fresh lemon juice", + "chickpeas" + ] + }, + { + "id": 6625, + "cuisine": "chinese", + "ingredients": [ + "slivered almonds", + "napa cabbage", + "greens", + "cooked chicken", + "salad oil", + "vinegar", + "salt", + "ramen noodles", + "toast" + ] + }, + { + "id": 4943, + "cuisine": "italian", + "ingredients": [ + "white onion", + "pasta", + "nonstick spray", + "diced tomatoes", + "basil pesto sauce", + "chicken" + ] + }, + { + "id": 43254, + "cuisine": "southern_us", + "ingredients": [ + "water", + "tea bags", + "sugar" + ] + }, + { + "id": 34739, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "crushed red pepper flakes", + "oil", + "eggs", + "brown rice", + "salt", + "asian fish sauce", + "egg whites", + "garlic", + "onions", + "soy sauce", + "sesame oil", + "scallions", + "large shrimp" + ] + }, + { + "id": 46753, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "green chilies", + "flour", + "chicken", + "taco shells", + "sour cream", + "butter", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 24702, + "cuisine": "mexican", + "ingredients": [ + "bacon", + "flour tortillas", + "salt", + "eggs", + "cheese", + "green onions" + ] + }, + { + "id": 28563, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "extra-virgin olive oil", + "coarse salt", + "spaghetti", + "parsley leaves", + "garlic", + "lemon" + ] + }, + { + "id": 11769, + "cuisine": "cajun_creole", + "ingredients": [ + "black peppercorns", + "kosher salt", + "vegetable oil", + "carrots", + "dried oregano", + "andouille sausage", + "ground black pepper", + "scallions", + "cooked white rice", + "celery ribs", + "Louisiana Hot Sauce", + "bay leaves", + "garlic cloves", + "onions", + "green bell pepper", + "dried basil", + "all-purpose flour", + "thyme", + "chicken" + ] + }, + { + "id": 38917, + "cuisine": "southern_us", + "ingredients": [ + "unsweetened shredded dried coconut", + "chicken cutlets", + "garlic", + "unsweetened coconut milk", + "panko", + "buttermilk", + "freshly ground pepper", + "collard greens", + "large garlic cloves", + "salt", + "chicken stock", + "jalapeno chilies", + "extra-virgin olive oil", + "canola oil" + ] + }, + { + "id": 37566, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "flour", + "white peppercorns", + "eggs", + "water", + "oil", + "sweet chili sauce", + "cilantro root", + "chicken legs", + "light soy sauce", + "garlic cloves" + ] + }, + { + "id": 25450, + "cuisine": "mexican", + "ingredients": [ + "lean ground beef", + "onions", + "chili", + "sharp cheddar cheese", + "chili powder", + "corn tortillas", + "chili beans", + "stewed tomatoes" + ] + }, + { + "id": 43759, + "cuisine": "thai", + "ingredients": [ + "shredded coconut", + "eggplant", + "capsicum", + "cilantro leaves", + "carrots", + "brown mushroom", + "sweet potatoes", + "garlic", + "yellow onion", + "coriander", + "beans", + "red cabbage", + "brown rice", + "red curry paste", + "coconut milk", + "coconut oil", + "water", + "spring onions", + "salt", + "chickpeas", + "snow peas" + ] + }, + { + "id": 39705, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "ground black pepper", + "bow-tie pasta", + "sausage links", + "freshly grated parmesan", + "diced tomatoes", + "fresh parsley leaves", + "tomato sauce", + "olive oil", + "ricotta cheese", + "shredded mozzarella cheese", + "kosher salt", + "garlic powder", + "crushed red pepper flakes", + "dried oregano" + ] + }, + { + "id": 37170, + "cuisine": "italian", + "ingredients": [ + "lemon", + "sugar", + "boiling water", + "juice", + "lemon extract" + ] + }, + { + "id": 4766, + "cuisine": "french", + "ingredients": [ + "sea scallops", + "shrimp", + "rouille", + "fish", + "potatoes", + "broth", + "croutons" + ] + }, + { + "id": 44384, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "extra-virgin olive oil", + "red bell pepper", + "salad greens", + "balsamic vinegar", + "salt", + "cooking spray", + "purple onion", + "fresh basil leaves", + "ground black pepper", + "chees fresh mozzarella", + "ciabatta" + ] + }, + { + "id": 6168, + "cuisine": "chinese", + "ingredients": [ + "honey", + "chicken cutlets", + "toasted sesame seeds", + "green onions", + "garlic", + "low sodium soy sauce", + "sesame oil", + "lemon juice", + "fresh ginger", + "teriyaki sauce" + ] + }, + { + "id": 27611, + "cuisine": "indian", + "ingredients": [ + "coconut", + "vegetable oil", + "yellow onion", + "coconut milk", + "clove", + "coriander seeds", + "russet potatoes", + "carrots", + "basmati rice", + "water", + "bay leaves", + "poppy seeds", + "cinnamon sticks", + "fresh ginger", + "coarse salt", + "cumin seed", + "frozen peas" + ] + }, + { + "id": 13701, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "large garlic cloves", + "tomatoes", + "french bread" + ] + }, + { + "id": 7241, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "garlic powder", + "spices", + "cilantro leaves", + "scallions", + "cumin", + "shredded cheddar cheese", + "boneless chicken breast", + "garlic", + "frozen corn", + "corn tortillas", + "chopped tomatoes", + "vegetable oil", + "salt", + "sauce", + "onions", + "pepper", + "garnish", + "stewed tomatoes", + "all-purpose flour", + "sour cream" + ] + }, + { + "id": 31088, + "cuisine": "italian", + "ingredients": [ + "diced onions", + "fat free less sodium chicken broth", + "dry white wine", + "fresh rosemary", + "fresh parmesan cheese", + "garlic cloves", + "arborio rice", + "olive oil", + "salt", + "black pepper", + "butternut squash" + ] + }, + { + "id": 35085, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "white wine vinegar", + "red potato", + "whole grain dijon mustard", + "sliced green onions", + "olive oil", + "chopped celery", + "green bell pepper", + "hot pepper sauce" + ] + }, + { + "id": 945, + "cuisine": "mexican", + "ingredients": [ + "water", + "chili powder", + "iceberg lettuce", + "sugar", + "finely chopped onion", + "pinto beans", + "shredded reduced fat cheddar cheese", + "reduced-fat sour cream", + "ground cumin", + "picante sauce", + "cooking spray", + "corn tortillas" + ] + }, + { + "id": 45789, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "salt", + "cider vinegar", + "country ham", + "water" + ] + }, + { + "id": 37078, + "cuisine": "southern_us", + "ingredients": [ + "boneless skinless chicken breasts", + "chicken broth", + "onions", + "cream of chicken soup", + "dried parsley", + "biscuits", + "butter" + ] + }, + { + "id": 40001, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "salt", + "ground cinnamon", + "large eggs", + "crème fraîche", + "sugar", + "baking powder", + "all-purpose flour", + "golden brown sugar", + "vanilla extract", + "dried cranberries" + ] + }, + { + "id": 27281, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "fresh ginger", + "garlic", + "pepper", + "rice wine", + "kiwi", + "pinenuts", + "strip loin steak", + "onions", + "sugar", + "honey", + "sesame oil" + ] + }, + { + "id": 38317, + "cuisine": "italian", + "ingredients": [ + "water", + "cooking spray", + "salt", + "celery", + "olive oil", + "brown rice", + "sauce", + "fresh parsley", + "navy beans", + "ground black pepper", + "dry red wine", + "provolone cheese", + "parsley sprigs", + "finely chopped onion", + "vegetable broth", + "chopped walnuts" + ] + }, + { + "id": 4926, + "cuisine": "greek", + "ingredients": [ + "active dry yeast", + "all-purpose flour", + "pastry flour", + "white sugar", + "olive oil", + "applesauce", + "warm water", + "salt" + ] + }, + { + "id": 40346, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "salt", + "onions", + "fresh spinach", + "cooking spray", + "garlic cloves", + "warm water", + "crushed red pepper", + "feta cheese crumbles", + "dry yeast", + "all-purpose flour" + ] + }, + { + "id": 11981, + "cuisine": "chinese", + "ingredients": [ + "scallion greens", + "starch", + "salt", + "chinese black vinegar", + "soy sauce", + "daikon", + "scallions", + "sugar", + "peeled fresh ginger", + "roasted peanuts", + "water", + "garlic", + "oil" + ] + }, + { + "id": 10813, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "onion powder", + "catfish fillets", + "seasoning salt", + "salt", + "milk", + "vegetable oil", + "yellow corn meal", + "garlic powder" + ] + }, + { + "id": 11296, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "spaghetti", + "extra-virgin olive oil", + "zucchini", + "garlic cloves", + "large eggs", + "fresh basil leaves" + ] + }, + { + "id": 22033, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "tortellini", + "salt", + "olive oil", + "reduced fat alfredo sauce", + "fresh mushrooms", + "dry white wine", + "crushed red pepper", + "fresh asparagus", + "grated parmesan cheese", + "cheese", + "garlic cloves" + ] + }, + { + "id": 3215, + "cuisine": "italian", + "ingredients": [ + "butter", + "diced onions", + "medium shrimp", + "feta cheese crumbles", + "angel hair" + ] + }, + { + "id": 49584, + "cuisine": "greek", + "ingredients": [ + "greek seasoning", + "salt", + "chuck roast", + "onions", + "pepper", + "beef broth", + "cooking wine" + ] + }, + { + "id": 39254, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "boneless chicken breast", + "Thai red curry paste", + "coconut milk", + "lime juice", + "vegetable oil", + "Thai fish sauce", + "kaffir lime leaves", + "shallots", + "garlic", + "galangal", + "light brown sugar", + "lemongrass", + "cilantro", + "white mushrooms" + ] + }, + { + "id": 30568, + "cuisine": "chinese", + "ingredients": [ + "water", + "black chicken", + "seeds", + "goji berries", + "mushrooms", + "yams", + "ginger" + ] + }, + { + "id": 10891, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "chopped cilantro fresh", + "fish sauce", + "roasted peanuts", + "fresh ginger", + "sugar", + "garlic cloves" + ] + }, + { + "id": 11260, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "potatoes", + "ground coriander", + "chopped cilantro fresh", + "garbanzo beans", + "purple onion", + "potato chips", + "ground cumin", + "ground black pepper", + "salt", + "chutney", + "fresh ginger", + "chili powder", + "rock salt", + "wheat crackers" + ] + }, + { + "id": 46259, + "cuisine": "indian", + "ingredients": [ + "boneless skinless chicken breasts", + "saffron", + "olive oil", + "fresh lemon juice", + "chicken stock", + "butter", + "finely chopped fresh parsley", + "onions" + ] + }, + { + "id": 19861, + "cuisine": "cajun_creole", + "ingredients": [ + "milk", + "large eggs", + "cinnamon", + "grated nutmeg", + "confectioners sugar", + "powdered sugar", + "granulated sugar", + "baking spray", + "vanilla extract", + "cream cheese", + "bread flour", + "unsalted butter", + "flour", + "vanilla", + "lavender", + "sour cream", + "sugar", + "instant yeast", + "bourbon whiskey", + "salt", + "lemon juice" + ] + }, + { + "id": 28627, + "cuisine": "filipino", + "ingredients": [ + "sea salt", + "annatto powder", + "cooking oil", + "beef broth", + "bok choy", + "chinese eggplants", + "peanut butter", + "onions", + "beef shank", + "garlic", + "green beans" + ] + }, + { + "id": 37840, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "guacamole", + "sour cream", + "shredded Monterey Jack cheese", + "refried beans", + "green pepper", + "ground beef", + "ground cumin", + "chorizo", + "vegetable oil", + "ripe olives", + "wheat germ", + "tomatoes", + "flour tortillas", + "chopped onion", + "oregano" + ] + }, + { + "id": 28392, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "all-purpose flour", + "buttermilk", + "eggs", + "white cornmeal" + ] + }, + { + "id": 27048, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "grated romano cheese", + "fresh parsley", + "olive oil", + "garlic", + "pinenuts", + "raisins", + "onions", + "pasta sauce", + "ground black pepper", + "round steaks" + ] + }, + { + "id": 18572, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "olive oil", + "salt", + "ground beef", + "dried oregano", + "fresh cilantro", + "zucchini", + "garlic cloves", + "panko breadcrumbs", + "water", + "poblano peppers", + "beef broth", + "onions", + "ground cumin", + "eggs", + "lime", + "chili powder", + "corn tortillas", + "basmati rice" + ] + }, + { + "id": 30490, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "green onions", + "fresh lime juice", + "green cabbage", + "red cabbage", + "fat free greek yogurt", + "fish", + "avocado", + "Tabasco Green Pepper Sauce", + "lime wedges", + "chopped cilantro fresh", + "mayonaise", + "lettuce leaves", + "buttermilk", + "ground cumin" + ] + }, + { + "id": 15014, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "chili powder", + "corn", + "cumin", + "cotija", + "salt", + "lime" + ] + }, + { + "id": 8755, + "cuisine": "moroccan", + "ingredients": [ + "whitefish", + "olive oil", + "garlic", + "waxy potatoes", + "ground cumin", + "preserved lemon", + "diced tomatoes", + "salt", + "flat leaf parsley", + "green olives", + "ground black pepper", + "purple onion", + "carrots", + "fresh cilantro", + "yellow bell pepper", + "sweet paprika", + "chopped cilantro fresh" + ] + }, + { + "id": 35247, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "spices", + "hummus", + "lime", + "hot sauce", + "sweet onion", + "salt", + "avocado", + "tortillas", + "oil" + ] + }, + { + "id": 33679, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "ground cumin", + "chili powder", + "salsa", + "tomato sauce", + "salt", + "garlic", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 30695, + "cuisine": "irish", + "ingredients": [ + "flour", + "yeast", + "sugar", + "salt", + "butter", + "warm water", + "rolls" + ] + }, + { + "id": 48849, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "crushed red pepper", + "garlic cloves", + "kosher salt", + "ground black pepper", + "chickpeas", + "lower sodium chicken broth", + "sherry vinegar", + "spanish chorizo", + "escarole", + "water", + "bay leaves", + "chopped onion" + ] + }, + { + "id": 9355, + "cuisine": "southern_us", + "ingredients": [ + "water", + "cornmeal", + "bread crumbs", + "chicken drumsticks", + "pepper", + "salt", + "eggs", + "vegetable oil" + ] + }, + { + "id": 5317, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "chopped garlic", + "granulated sugar", + "red chili peppers", + "cold water", + "rice vinegar" + ] + }, + { + "id": 970, + "cuisine": "jamaican", + "ingredients": [ + "jamaican jerk spice", + "vegetable oil", + "pork tenderloin" + ] + }, + { + "id": 6589, + "cuisine": "moroccan", + "ingredients": [ + "basil", + "lemon juice", + "parsley", + "black olives", + "cumin", + "white onion", + "cilantro", + "carrots", + "cinnamon", + "garlic cloves" + ] + }, + { + "id": 42798, + "cuisine": "indian", + "ingredients": [ + "asafoetida", + "ground coriander", + "plain yogurt", + "canola oil", + "tumeric", + "black mustard seeds", + "green cabbage", + "salt", + "ground cumin" + ] + }, + { + "id": 48879, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "eggs", + "grated parmesan cheese", + "ground black pepper", + "onions", + "fresh marjoram", + "ricotta cheese" + ] + }, + { + "id": 11734, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "sugar" + ] + }, + { + "id": 5204, + "cuisine": "spanish", + "ingredients": [ + "lime rind", + "salt", + "ground cumin", + "fish fillets", + "green onions", + "chopped fresh mint", + "grape tomatoes", + "jalapeno chilies", + "fresh lime juice", + "olive oil", + "cucumber" + ] + }, + { + "id": 31691, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "ground red pepper", + "garlic cloves", + "curry powder", + "chopped onion", + "canola oil", + "plain yogurt", + "cilantro leaves", + "red bell pepper", + "red lentils", + "peeled fresh ginger", + "organic vegetable broth" + ] + }, + { + "id": 25040, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "feta cheese", + "lemon", + "garlic cloves", + "dried oregano", + "liquid smoke", + "black pepper", + "yoghurt", + "purple onion", + "onions", + "mayonaise", + "bell pepper", + "black olives", + "whole milk greek yogurt", + "greek seasoning", + "pitas", + "flank steak", + "salt", + "arugula" + ] + }, + { + "id": 40370, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "chopped onion", + "fresh parsley", + "white bread", + "red wine vinegar", + "fresh parsley leaves", + "eggplant", + "garlic cloves", + "plum tomatoes", + "whole wheat pita", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 48189, + "cuisine": "mexican", + "ingredients": [ + "milk", + "corn tortillas", + "cooked ham", + "butter", + "eggs", + "green onions", + "pepper", + "salt" + ] + }, + { + "id": 22719, + "cuisine": "indian", + "ingredients": [ + "basmati rice", + "golden raisins", + "pumpkin seeds" + ] + }, + { + "id": 46100, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "coriander powder", + "cilantro leaves", + "chopped tomatoes", + "vegetable oil", + "ground turmeric", + "red chili powder", + "potatoes", + "frozen peas", + "garam masala", + "salt" + ] + }, + { + "id": 17810, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "baking soda", + "buttermilk", + "cayenne pepper", + "lump crab meat", + "green onions", + "deveined shrimp", + "red bell pepper", + "sugar", + "ground black pepper", + "sea salt", + "peanut oil", + "celery salt", + "crawfish", + "baking powder", + "all-purpose flour", + "flat leaf parsley" + ] + }, + { + "id": 44236, + "cuisine": "chinese", + "ingredients": [ + "evaporated milk", + "vanilla extract", + "powdered sugar", + "butter", + "eggs", + "flour", + "white sugar", + "water", + "custard" + ] + }, + { + "id": 9519, + "cuisine": "mexican", + "ingredients": [ + "water", + "corn chips", + "salsa", + "dried oregano", + "cottage cheese", + "chili powder", + "white rice", + "red bell pepper", + "green bell pepper", + "chili", + "vegetable oil", + "whole kernel corn, drain", + "ground cumin", + "shredded cheddar cheese", + "chile pepper", + "garlic", + "onions" + ] + }, + { + "id": 31960, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "vegetable broth", + "olive oil", + "large garlic cloves", + "bay leaf", + "sole fillet", + "chopped fresh thyme", + "all-purpose flour", + "leeks", + "diced tomatoes" + ] + }, + { + "id": 31237, + "cuisine": "indian", + "ingredients": [ + "water", + "powdered milk", + "baking soda", + "ground cardamom", + "milk", + "maida flour", + "sugar", + "rose essence", + "ghee" + ] + }, + { + "id": 13888, + "cuisine": "jamaican", + "ingredients": [ + "nutmeg", + "jerk seasoning", + "chicken", + "black pepper", + "salt", + "sugar", + "garlic", + "pepper", + "onions" + ] + }, + { + "id": 2757, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "shallots", + "tomato sauce", + "lasagna noodles", + "fresh rosemary", + "eggplant", + "part-skim ricotta cheese", + "mozzarella cheese", + "grated parmesan cheese" + ] + }, + { + "id": 22790, + "cuisine": "italian", + "ingredients": [ + "freshly grated parmesan", + "kalamata", + "plum tomatoes", + "minced garlic", + "worcestershire sauce", + "fresh parsley leaves", + "chili powder", + "salt", + "ground cumin", + "penne", + "vegetable oil", + "beef rib short" + ] + }, + { + "id": 10789, + "cuisine": "italian", + "ingredients": [ + "eggs", + "rolls", + "garlic", + "ham" + ] + }, + { + "id": 12294, + "cuisine": "southern_us", + "ingredients": [ + "romaine lettuce", + "boneless skinless chicken breast halves", + "cornbread", + "purple onion", + "tomatoes", + "fresh lime juice", + "extra-virgin olive oil", + "ground cumin" + ] + }, + { + "id": 32052, + "cuisine": "italian", + "ingredients": [ + "prego traditional italian sauce", + "shredded mozzarella cheese", + "grated parmesan cheese", + "pasta" + ] + }, + { + "id": 16294, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "chicken broth", + "dry white wine", + "arborio rice", + "parmesan cheese", + "garlic cloves", + "sweet onion", + "butter" + ] + }, + { + "id": 46507, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "brown hash potato", + "salt", + "minced garlic", + "whole milk", + "oil", + "fat free less sodium chicken broth", + "parmigiano reggiano cheese", + "chopped onion", + "artichoke hearts", + "butter", + "carrots" + ] + }, + { + "id": 21716, + "cuisine": "french", + "ingredients": [ + "ground cloves", + "plums", + "ground ginger", + "fresh blueberries", + "ground allspice", + "ground cinnamon", + "butter", + "light brown sugar", + "peaches", + "fresh raspberries" + ] + }, + { + "id": 25187, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "onions", + "black beans", + "garlic", + "tomatoes", + "vegetable oil", + "artichoke hearts", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 10130, + "cuisine": "french", + "ingredients": [ + "shortening", + "large eggs", + "warm water", + "all-purpose flour", + "food colouring", + "active dry yeast", + "bread flour", + "sugar", + "salt" + ] + }, + { + "id": 41678, + "cuisine": "italian", + "ingredients": [ + "fresh chives", + "roma tomatoes", + "polenta", + "parmesan cheese", + "nonfat milk", + "pepper", + "salt", + "sage leaves", + "mushroom caps", + "fat skimmed chicken broth" + ] + }, + { + "id": 5788, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "honey", + "unsalted butter", + "ground cinnamon", + "whole chicken" + ] + }, + { + "id": 45093, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "firm tofu", + "kimchi", + "white onion", + "daikon", + "garlic cloves", + "shiitake mushroom caps", + "soy sauce", + "chile pepper", + "scallions", + "toasted sesame oil", + "water", + "kochujang", + "red miso" + ] + }, + { + "id": 8151, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "lime", + "meat", + "Mexican beer", + "garlic", + "garlic cloves", + "onions", + "orange", + "jalapeno chilies", + "queso fresco", + "cilantro", + "salt", + "corn tortillas", + "cumin", + "pepper", + "olive oil", + "chili powder", + "diced tomatoes", + "purple onion", + "smoked paprika", + "oregano", + "avocado", + "fresh cilantro", + "green onions", + "russet potatoes", + "cheese", + "cayenne pepper", + "chipotle chile powder" + ] + }, + { + "id": 48677, + "cuisine": "southern_us", + "ingredients": [ + "soft-wheat flour", + "almond extract", + "milk", + "vanilla extract", + "large eggs", + "sugar", + "butter" + ] + }, + { + "id": 48, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "ginger", + "onions", + "garam masala", + "salt", + "cashew nuts", + "cooking oil", + "cumin seed", + "ground turmeric", + "tomatoes", + "vegetable oil", + "corn flour", + "bottle gourd" + ] + }, + { + "id": 22172, + "cuisine": "brazilian", + "ingredients": [ + "red chili peppers", + "peanuts", + "gingerroot", + "onions", + "tomatoes", + "fresh coriander", + "fish stock", + "coconut milk", + "palm oil", + "bread crumbs", + "unsalted cashews", + "garlic cloves", + "fresh prawn", + "lime", + "coconut cream", + "dried shrimp" + ] + }, + { + "id": 14400, + "cuisine": "thai", + "ingredients": [ + "pork", + "peanut oil", + "greens", + "lime wedges", + "Thai fish sauce", + "fresh coriander", + "scallions", + "cooked rice", + "garlic", + "cucumber" + ] + }, + { + "id": 14058, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "dried oregano", + "salad dressing", + "white sugar", + "garlic" + ] + }, + { + "id": 31707, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "passion fruit", + "cream", + "sweetened condensed milk" + ] + }, + { + "id": 33546, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "light cream", + "vegetable oil", + "salt", + "onions", + "clove", + "water", + "fresh ginger root", + "crushed red pepper flakes", + "cardamom pods", + "pepper", + "coriander seeds", + "cinnamon", + "fenugreek seeds", + "boneless skinless chicken breast halves", + "black peppercorns", + "curry powder", + "bay leaves", + "garlic", + "lemon juice" + ] + }, + { + "id": 1571, + "cuisine": "irish", + "ingredients": [ + "mashed potatoes", + "spring onions", + "milk", + "salt", + "nutmeg", + "unsalted butter", + "pepper", + "chives" + ] + }, + { + "id": 16677, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "baking powder", + "all-purpose flour", + "orange juice concentrate", + "brandy", + "anise", + "ground cinnamon", + "egg whites", + "salt", + "sugar", + "vegetable oil" + ] + }, + { + "id": 39218, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "lemon juice", + "eggs", + "salt", + "grated lemon peel", + "butter", + "white sugar", + "milk", + "all-purpose flour" + ] + }, + { + "id": 49038, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "grits", + "cream", + "salt", + "chicken broth", + "unsalted butter", + "water", + "sharp cheddar cheese" + ] + }, + { + "id": 49672, + "cuisine": "mexican", + "ingredients": [ + "cherry tomatoes", + "cilantro sprigs", + "cotija", + "jalapeno chilies", + "tortilla chips", + "avocado", + "large eggs", + "bacon fat", + "corn kernels", + "coarse salt", + "scallions" + ] + }, + { + "id": 26568, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "shallots", + "frozen cheese ravioli", + "unsalted butter", + "grape tomatoes", + "olive oil", + "flat leaf parsley", + "black pepper", + "dry white wine" + ] + }, + { + "id": 17985, + "cuisine": "southern_us", + "ingredients": [ + "fat free less sodium chicken broth", + "garlic cloves", + "brussels sprouts", + "salt", + "butter", + "chopped pecans", + "sugar", + "chopped onion" + ] + }, + { + "id": 45073, + "cuisine": "filipino", + "ingredients": [ + "active dry yeast", + "white sugar", + "salt", + "vegetable oil", + "warm water", + "all-purpose flour" + ] + }, + { + "id": 36030, + "cuisine": "french", + "ingredients": [ + "cocktail cherries", + "St Germain Liqueur", + "cherry juice", + "prosecco", + "orange peel", + "fresh orange juice" + ] + }, + { + "id": 6599, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "vegetable oil", + "sour cream", + "refried beans", + "salt", + "lime", + "cilantro", + "corn tortillas", + "avocado", + "roma tomatoes", + "shredded mozzarella cheese" + ] + }, + { + "id": 33273, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "chopped green chilies", + "shredded cheese", + "ground cumin", + "minced garlic", + "whole wheat tortillas", + "onions", + "black beans", + "chili powder", + "ground beef", + "corn", + "red pepper", + "oregano leaves" + ] + }, + { + "id": 16436, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "ground red pepper", + "salt", + "soy sauce", + "chunky peanut butter", + "rice noodles", + "onions", + "chicken broth", + "fresh ginger", + "chicken breasts", + "corn starch", + "pepper", + "green onions", + "garlic", + "ground cumin" + ] + }, + { + "id": 15641, + "cuisine": "japanese", + "ingredients": [ + "scallion greens", + "mirin", + "carrots", + "soy sauce", + "salmon steaks", + "sugar", + "vegetable oil", + "onions", + "cider vinegar", + "gingerroot" + ] + }, + { + "id": 7072, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "yellow curry paste", + "boneless skinless chicken breast halves", + "curry powder", + "salt", + "white sugar", + "minced garlic", + "potatoes", + "onions", + "chicken broth", + "fresh ginger", + "coconut milk", + "canola oil" + ] + }, + { + "id": 34563, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "soft fresh goat cheese", + "vegetable oil", + "masa dough", + "masa harina", + "warm water", + "salt", + "lard", + "radishes", + "salsa", + "chopped cilantro" + ] + }, + { + "id": 26345, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "ground coriander", + "olive oil flavored cooking spray", + "ground red pepper", + "fresh lemon juice", + "ground cumin", + "olive oil", + "garlic cloves", + "chopped cilantro fresh", + "jumbo shrimp", + "paprika", + "fresh parsley" + ] + }, + { + "id": 15664, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "whole peeled tomatoes", + "chopped fresh thyme", + "garlic", + "flat leaf parsley", + "pork", + "whole milk", + "bacon", + "salt", + "pasta", + "pepper", + "mild Italian sausage", + "extra-virgin olive oil", + "carrots", + "fresh basil", + "grated parmesan cheese", + "ground veal", + "chopped celery", + "onions" + ] + }, + { + "id": 23537, + "cuisine": "french", + "ingredients": [ + "plain low-fat yogurt", + "port", + "cream cheese, soften", + "mint leaves", + "fresh herbs", + "cold water", + "basil", + "salad dressing", + "unflavored gelatin", + "yellow onion", + "oregano" + ] + }, + { + "id": 26195, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "roma tomatoes", + "garlic", + "olive oil", + "red wine vinegar", + "cumin", + "corn", + "green onions", + "salt", + "avocado", + "black-eyed peas", + "cilantro" + ] + }, + { + "id": 42221, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "water", + "salsa", + "chuck", + "vegetable oil", + "chopped cilantro fresh", + "chopped green bell pepper", + "chopped onion" + ] + }, + { + "id": 19828, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "boneless skinless chicken breasts", + "freshly ground pepper", + "tomato sauce", + "vegetable oil", + "shredded mozzarella cheese", + "sandwich rolls", + "kosher salt", + "all-purpose flour", + "eggs", + "parmigiano reggiano cheese", + "dry bread crumbs" + ] + }, + { + "id": 14317, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dijon mustard", + "garlic", + "fresh parsley", + "fresh basil", + "ground black pepper", + "chopped fresh thyme", + "fresh lemon juice", + "fresh rosemary", + "garlic powder", + "balsamic vinegar", + "fresh oregano", + "orange juice concentrate", + "chopped tomatoes", + "cooking spray", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 35771, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "salt", + "collard greens", + "olive oil" + ] + }, + { + "id": 29604, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "buttermilk", + "milk", + "chicken", + "white flour", + "salt", + "ground pepper" + ] + }, + { + "id": 25119, + "cuisine": "cajun_creole", + "ingredients": [ + "Zatarain’s Jambalaya Mix", + "frozen peppers and onions", + "diced tomatoes", + "boneless chicken skinless thigh", + "large shrimp" + ] + }, + { + "id": 28319, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "ginger", + "fermented black beans", + "cold water", + "leeks", + "ground roasted sichuan peppers", + "chopped garlic", + "tofu", + "cooking oil", + "salt", + "potato flour", + "stock", + "bean paste", + "ground white pepper" + ] + }, + { + "id": 7375, + "cuisine": "southern_us", + "ingredients": [ + "tapioca flour", + "sweet potatoes", + "vanilla", + "pumpkin pie spice", + "coconut sugar", + "almond flour", + "butter", + "salt", + "eggs", + "pepper", + "chicken breasts", + "coconut flour", + "coconut oil", + "cayenne", + "paprika", + "coconut milk" + ] + }, + { + "id": 24017, + "cuisine": "italian", + "ingredients": [ + "chopped fresh chives", + "pear tomatoes", + "plum tomatoes", + "rotelle", + "purple onion", + "basil leaves", + "kalamata", + "olive oil", + "balsamic vinegar", + "fresh mint" + ] + }, + { + "id": 16184, + "cuisine": "british", + "ingredients": [ + "mussels", + "unsalted butter", + "onions", + "water", + "heavy cream", + "Madeira", + "bay leaves", + "Madras curry powder", + "large egg yolks", + "garlic cloves" + ] + }, + { + "id": 36498, + "cuisine": "italian", + "ingredients": [ + "sweet italian sausag links, cut into", + "extra-virgin olive oil", + "broccoli rabe", + "garlic cloves" + ] + }, + { + "id": 18623, + "cuisine": "french", + "ingredients": [ + "french bread", + "beef broth", + "swiss cheese", + "french fried onions", + "dry sherry" + ] + }, + { + "id": 11624, + "cuisine": "russian", + "ingredients": [ + "shallots", + "paprika", + "cognac", + "wide egg noodles", + "canned beef broth", + "beef tenderloin", + "fresh dill", + "vegetable oil", + "button mushrooms", + "dijon mustard", + "butter", + "crème fraîche" + ] + }, + { + "id": 26804, + "cuisine": "southern_us", + "ingredients": [ + "ground nutmeg", + "vegetable shortening", + "vanilla extract", + "golden brown sugar", + "ice water", + "whipping cream", + "unsalted butter", + "all purpose unbleached flour", + "salt", + "sweet potatoes & yams", + "large eggs", + "whipped cream", + "orange juice" + ] + }, + { + "id": 35219, + "cuisine": "filipino", + "ingredients": [ + "brown sugar", + "ground black pepper", + "ketchup", + "sprite", + "soy sauce", + "calamansi juice", + "minced garlic", + "salt" + ] + }, + { + "id": 24028, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "all-purpose flour", + "idaho potatoes", + "large eggs", + "salt" + ] + }, + { + "id": 7833, + "cuisine": "vietnamese", + "ingredients": [ + "dried rice noodles" + ] + }, + { + "id": 35623, + "cuisine": "southern_us", + "ingredients": [ + "orange pekoe tea", + "apple cider vinegar", + "cream cheese", + "unsalted butter", + "all purpose unbleached flour", + "cornmeal", + "granulated sugar", + "vanilla extract", + "large egg yolks", + "lemon", + "fresh lemon juice" + ] + }, + { + "id": 28454, + "cuisine": "spanish", + "ingredients": [ + "boneless chicken thighs", + "boiling water", + "tomato sauce", + "chili sauce", + "ketchup", + "onions", + "green bell pepper", + "salt" + ] + }, + { + "id": 31496, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "dashi", + "white rice", + "sake", + "mirin", + "onions", + "soy sauce", + "shichimi togarashi", + "nori", + "chicken legs", + "leaves", + "scallions" + ] + }, + { + "id": 630, + "cuisine": "mexican", + "ingredients": [ + "baby spinach", + "tortillas", + "sour cream", + "avocado", + "salsa", + "pepper jack" + ] + }, + { + "id": 30454, + "cuisine": "italian", + "ingredients": [ + "melted butter", + "italian seasoning", + "popcorn", + "romano cheese", + "garlic salt" + ] + }, + { + "id": 9845, + "cuisine": "brazilian", + "ingredients": [ + "black beans", + "bay leaves", + "oil", + "short rib", + "seasoning", + "orange", + "cilantro", + "cachaca", + "marrow bones", + "chorizo", + "green onions", + "smoked paprika", + "corned beef", + "ground chipotle chile pepper", + "jack", + "garlic", + "onions" + ] + }, + { + "id": 40801, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "vine ripened tomatoes", + "lime", + "sweet onion", + "garlic", + "kosher salt", + "jalapeno chilies" + ] + }, + { + "id": 48112, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "parsley", + "long-grain rice", + "tomatoes", + "spanish onion", + "lemon", + "ground ginger", + "fresh coriander", + "butter", + "puy lentils", + "ground cinnamon", + "diced lamb", + "chickpeas" + ] + }, + { + "id": 32220, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "cayenne pepper", + "garlic powder", + "red pepper flakes", + "ground cumin", + "kosher salt", + "onion powder", + "oregano", + "chili powder", + "smoked paprika" + ] + }, + { + "id": 1404, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "skirt steak", + "coconut sugar", + "ginger root", + "lime zest", + "Thai fish sauce", + "lite coconut milk", + "coarse kosher salt" + ] + }, + { + "id": 25629, + "cuisine": "italian", + "ingredients": [ + "hazelnuts", + "baking powder", + "grated orange peel", + "unsalted butter", + "salt", + "ground cinnamon", + "vegetable oil spray", + "vanilla extract", + "sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 36545, + "cuisine": "french", + "ingredients": [ + "fennel seeds", + "black pepper", + "olive oil", + "chopped fresh thyme", + "salt", + "Niçoise olives", + "oregano", + "sea bass", + "dried thyme", + "onion powder", + "extra-virgin olive oil", + "anchovy fillets", + "marjoram", + "capers", + "minced garlic", + "garlic powder", + "lemon", + "essence", + "chopped parsley", + "dried oregano", + "rosemary sprigs", + "dried basil", + "savory", + "paprika", + "cayenne pepper", + "herbes de provence", + "dried rosemary" + ] + }, + { + "id": 46353, + "cuisine": "italian", + "ingredients": [ + "artichoke hearts", + "shredded mozzarella cheese", + "water", + "salad dressing", + "french fried onions" + ] + }, + { + "id": 30495, + "cuisine": "mexican", + "ingredients": [ + "salt", + "jalapeno chilies", + "banana peppers", + "white vinegar", + "yellow onion", + "garlic", + "pinto beans" + ] + }, + { + "id": 2602, + "cuisine": "indian", + "ingredients": [ + "pepper", + "masala", + "vegetables", + "salt", + "olive oil" + ] + }, + { + "id": 38171, + "cuisine": "italian", + "ingredients": [ + "dough", + "all-purpose flour" + ] + }, + { + "id": 12578, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cooked chicken", + "shredded pepper jack cheese", + "beans", + "Old El Paso™ chopped green chiles", + "greek style plain yogurt", + "chicken stock", + "butter", + "all-purpose flour", + "flour tortillas", + "cilantro leaves", + "ground cumin" + ] + }, + { + "id": 15749, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "granulated sugar", + "green onions", + "peanut oil", + "pineapple chunks", + "water", + "bell pepper", + "crushed red pepper flakes", + "corn starch", + "white onion", + "wheat free soy sauce", + "apple cider vinegar", + "garlic cloves", + "gluten-free chicken stock", + "fresh ginger", + "pork tenderloin", + "cocktail cherries" + ] + }, + { + "id": 3624, + "cuisine": "italian", + "ingredients": [ + "anise seed", + "water", + "vanilla extract", + "vegetable oil cooking spray", + "baking powder", + "all-purpose flour", + "eggs", + "egg whites", + "salt", + "turbinado", + "sugar", + "vegetable oil" + ] + }, + { + "id": 13768, + "cuisine": "italian", + "ingredients": [ + "white wine", + "grated parmesan cheese", + "salt", + "salted butter", + "whipping cream", + "flat leaf parsley", + "olive oil", + "lemon", + "garlic cloves", + "clams", + "ground black pepper", + "linguine" + ] + }, + { + "id": 865, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "salsa", + "chopped cilantro", + "garlic powder", + "chili powder", + "corn tortillas", + "monterey jack", + "cooking spray", + "onion powder", + "fresh lime juice", + "kosher salt", + "cooked chicken", + "cream cheese, soften", + "cumin" + ] + }, + { + "id": 46652, + "cuisine": "mexican", + "ingredients": [ + "pasilla chiles", + "sesame seeds", + "apple cider vinegar", + "cilantro", + "chipotles in adobo", + "oregano", + "tomatoes", + "kosher salt", + "pork loin", + "raisins", + "mexican chocolate", + "canela", + "plantains", + "chicken broth", + "black pepper", + "peanuts", + "tomatillos", + "garlic", + "adobo sauce", + "dried oregano", + "piloncillo", + "honey", + "corn oil", + "ancho powder", + "yellow onion", + "white sandwich bread" + ] + }, + { + "id": 21699, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "paprika", + "cumin seed", + "garam masala", + "purple onion", + "greek yogurt", + "fresh ginger", + "paneer", + "lemon juice", + "garlic paste", + "red pepper", + "salt", + "ground turmeric" + ] + }, + { + "id": 12426, + "cuisine": "spanish", + "ingredients": [ + "citrus vinaigrette", + "scallions", + "green bell pepper", + "dry sherry", + "red bell pepper", + "chicken stock", + "quinoa", + "carrots", + "figs", + "cilantro", + "yellow peppers" + ] + }, + { + "id": 14158, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "extra-virgin olive oil", + "Italian bread", + "spaghetti", + "olive oil", + "ground veal", + "garlic cloves", + "ground beef", + "tomatoes", + "whole milk", + "grated lemon zest", + "flat leaf parsley", + "oregano", + "parmigiano reggiano cheese", + "ground pork", + "juice", + "onions" + ] + }, + { + "id": 27865, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "onion powder", + "cayenne pepper", + "ground black pepper", + "paprika", + "corn starch", + "garlic powder", + "buttermilk", + "peanut oil", + "large eggs", + "all-purpose flour", + "chicken" + ] + }, + { + "id": 39351, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "boneless skinless chicken breasts", + "corn starch", + "ketchup", + "crushed red pepper", + "soy sauce", + "ginger", + "water", + "sauce" + ] + }, + { + "id": 33505, + "cuisine": "southern_us", + "ingredients": [ + "mozzarella cheese", + "extra-virgin olive oil", + "sliced ham", + "flour tortillas", + "cream cheese", + "garlic powder", + "black olives", + "dried oregano", + "sliced salami", + "pimentos", + "provolone cheese" + ] + }, + { + "id": 6286, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "sweet corn", + "cream style corn", + "eggs", + "sour cream", + "bread mix", + "shredded swiss cheese" + ] + }, + { + "id": 1067, + "cuisine": "mexican", + "ingredients": [ + "firmly packed brown sugar", + "bananas", + "dark rum", + "milk", + "lemon zest", + "mexican chocolate", + "vanilla beans", + "unsalted butter", + "heavy cream", + "large egg yolks", + "half & half" + ] + }, + { + "id": 35807, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "orzo", + "fresh lemon juice", + "pinenuts", + "Italian parsley leaves", + "salt", + "cooked chicken breasts", + "broccoli florets", + "extra-virgin olive oil", + "fresh mint", + "water", + "cracked black pepper", + "garlic cloves" + ] + }, + { + "id": 8643, + "cuisine": "italian", + "ingredients": [ + "porcini", + "dried porcini mushrooms", + "farro", + "celery", + "cavolo nero", + "fennel bulb", + "garlic cloves", + "onions", + "fresh sage", + "ground black pepper", + "salt", + "fresh parsley", + "chicken broth", + "water", + "extra-virgin olive oil", + "bay leaf" + ] + }, + { + "id": 32998, + "cuisine": "korean", + "ingredients": [ + "baby spinach leaves", + "beef", + "carrots", + "toasted sesame seeds", + "warm water", + "ground black pepper", + "dried shiitake mushrooms", + "toasted sesame oil", + "table salt", + "olive oil", + "green onions", + "white mushrooms", + "noodles", + "soy sauce", + "granulated sugar", + "garlic cloves", + "onions" + ] + }, + { + "id": 41704, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "ground black pepper", + "pecorino romano cheese", + "cayenne pepper", + "lemon juice", + "feta cheese", + "lemon zest", + "purple onion", + "garlic cloves", + "curly leaf spinach", + "water", + "unsalted butter", + "phyllo", + "scallions", + "fresh mint", + "ground nutmeg", + "large eggs", + "salt", + "whole milk greek yogurt" + ] + }, + { + "id": 10199, + "cuisine": "korean", + "ingredients": [ + "radishes", + "bean paste", + "cucumber", + "water", + "potatoes", + "vegetable oil", + "noodles", + "pork belly", + "zucchini", + "sesame oil", + "onions", + "olive oil", + "starch", + "daikon" + ] + }, + { + "id": 44896, + "cuisine": "chinese", + "ingredients": [ + "roasted cashews", + "vegetable oil", + "garlic cloves", + "pepper", + "rice vinegar", + "hoisin sauce", + "scallions", + "boneless chicken skinless thigh", + "salt", + "corn starch" + ] + }, + { + "id": 48292, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "cilantro", + "white onion", + "tomatillos", + "hass avocado", + "kosher salt", + "epazote", + "serrano chile", + "fine salt", + "garlic cloves" + ] + }, + { + "id": 2624, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "asian basil", + "yellow bean sauce", + "rice noodles", + "ground white pepper", + "pork sausages", + "red chili peppers", + "hoisin sauce", + "spring onions", + "salt", + "dried shrimp", + "banana blossom", + "sugar", + "pork ribs", + "bawang goreng", + "lemon", + "beansprouts", + "chicken", + "eggs", + "water", + "leeks", + "shallots", + "cilantro leaves", + "onions" + ] + }, + { + "id": 29301, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "chopped garlic", + "thai chile", + "water", + "fish sauce", + "fresh lime juice" + ] + }, + { + "id": 48648, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "ground black pepper", + "creole seasoning", + "canola", + "lemon", + "wondra flour", + "neutral oil", + "cayenne", + "corn starch", + "catfish fillets", + "garlic powder", + "hot sauce" + ] + }, + { + "id": 9599, + "cuisine": "chinese", + "ingredients": [ + "fish sauce", + "light soy sauce", + "oil", + "greater yam", + "dried prawns", + "garlic", + "minced pork", + "sugar", + "sesame oil", + "ground white pepper", + "garlic chives", + "tapioca flour", + "salt", + "dried mushrooms" + ] + }, + { + "id": 29702, + "cuisine": "italian", + "ingredients": [ + "sugar", + "unsalted butter", + "large egg whites", + "pure vanilla extract" + ] + }, + { + "id": 43081, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "salt", + "potato starch", + "unsalted butter", + "olive oil", + "grated lemon zest", + "sugar", + "almond extract" + ] + }, + { + "id": 27902, + "cuisine": "thai", + "ingredients": [ + "garlic paste", + "crushed red pepper flakes", + "cinnamon sticks", + "ground turmeric", + "water", + "lentils", + "coconut milk", + "fish sauce", + "cumin seed", + "red bell pepper", + "thai basil", + "mustard seeds", + "onions" + ] + }, + { + "id": 19612, + "cuisine": "vietnamese", + "ingredients": [ + "white vinegar", + "garlic", + "fish sauce", + "white sugar", + "lime", + "cold water", + "garlic chili sauce" + ] + }, + { + "id": 32951, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "hellmann' or best food real mayonnais", + "jalapeno chilies", + "chopped cilantro fresh", + "lime juice", + "whole kernel corn, drain", + "tomatoes", + "purple onion", + "ground cumin" + ] + }, + { + "id": 9416, + "cuisine": "thai", + "ingredients": [ + "low sodium soy sauce", + "green onions", + "rice vinegar", + "peanuts", + "crushed red pepper flakes", + "honey", + "sesame oil", + "chopped cilantro", + "shredded carrots", + "linguine" + ] + }, + { + "id": 5129, + "cuisine": "indian", + "ingredients": [ + "chile de arbol", + "ghee", + "kosher salt", + "scallions", + "yellow mustard seeds", + "freshly ground pepper", + "flat leaf spinach", + "garlic cloves" + ] + }, + { + "id": 28813, + "cuisine": "filipino", + "ingredients": [ + "green peppercorns", + "kosher salt", + "finely chopped onion", + "salt", + "chicken stock", + "minced ginger", + "lime wedges", + "coconut milk", + "arborio rice", + "water", + "cured chorizo", + "garlic cloves", + "tomato paste", + "cayenne", + "extra-virgin olive oil", + "large shrimp" + ] + }, + { + "id": 29142, + "cuisine": "italian", + "ingredients": [ + "flour tortillas", + "shredded mozzarella cheese", + "pepperoni", + "pasta sauce", + "fresh parsley" + ] + }, + { + "id": 10838, + "cuisine": "italian", + "ingredients": [ + "salad greens", + "dijon mustard", + "lemon juice", + "grape tomatoes", + "olive oil", + "crushed red pepper", + "minced garlic", + "feta cheese", + "purple onion", + "dough", + "dried basil", + "cooking spray", + "red bell pepper" + ] + }, + { + "id": 45494, + "cuisine": "japanese", + "ingredients": [ + "dashi kombu", + "bonito", + "water" + ] + }, + { + "id": 25925, + "cuisine": "french", + "ingredients": [ + "red potato", + "juniper berries", + "bacon slices", + "knockwurst", + "clove", + "horseradish", + "bay leaves", + "kielbasa", + "onions", + "mustard", + "red delicious apples", + "pinot blanc", + "ham hock", + "allspice", + "black peppercorns", + "sauerkraut", + "brats", + "fresh parsley" + ] + }, + { + "id": 36357, + "cuisine": "mexican", + "ingredients": [ + "cooked brown rice", + "kidney beans", + "whole kernel corn, drain", + "green bell pepper", + "lime", + "cilantro leaves", + "minced garlic", + "salt", + "ground cumin", + "black beans", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 42674, + "cuisine": "italian", + "ingredients": [ + "honey", + "red wine vinegar", + "chickpeas", + "english cucumber", + "ground black pepper", + "purple onion", + "lemon rind", + "fresh lemon juice", + "olive oil", + "chopped celery", + "anchovy fillets", + "garlic cloves", + "grape tomatoes", + "cannellini beans", + "salt", + "chopped fresh sage", + "flat leaf parsley" + ] + }, + { + "id": 13714, + "cuisine": "southern_us", + "ingredients": [ + "juice", + "cinnamon", + "light brown sugar", + "corn starch", + "cinnamon rolls" + ] + }, + { + "id": 17292, + "cuisine": "italian", + "ingredients": [ + "baking powder", + "white sugar", + "vanilla extract", + "butter", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 45499, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "cilantro", + "cumin", + "chicken broth", + "diced green chilies", + "salsa", + "minced garlic", + "salt", + "boneless pork shoulder roast", + "chili powder", + "corn tortillas" + ] + }, + { + "id": 13825, + "cuisine": "southern_us", + "ingredients": [ + "horseradish", + "apple cider vinegar", + "dijon mustard", + "salt", + "ketchup", + "crushed red pepper", + "brown sugar", + "shallots" + ] + }, + { + "id": 37451, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "flour", + "evaporated milk", + "salt", + "milk", + "baking powder", + "melted butter", + "granulated sugar", + "cornmeal" + ] + }, + { + "id": 19813, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "steamed white rice", + "vegetable oil", + "corn starch", + "fresh ginger", + "leeks", + "dark brown sugar", + "kosher salt", + "Shaoxing wine", + "rice vinegar", + "wild mushrooms", + "celery ribs", + "ground black pepper", + "flank steak", + "garlic cloves" + ] + }, + { + "id": 2665, + "cuisine": "southern_us", + "ingredients": [ + "dried currants", + "baking powder", + "light brown sugar", + "large eggs", + "salt", + "pure vanilla extract", + "baking soda", + "vegetable oil", + "pecans", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 1117, + "cuisine": "chinese", + "ingredients": [ + "seasoning", + "fresh ginger", + "star anise", + "pork", + "leeks", + "broccoli", + "dark soy sauce", + "vegetables", + "salt", + "savoy cabbage", + "caster sugar", + "rice wine", + "onions" + ] + }, + { + "id": 3233, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "vegetable oil", + "corn starch", + "lime juice", + "garlic", + "chopped cilantro fresh", + "minced garlic", + "thai chile", + "sliced shallots", + "branzino", + "fresh ginger", + "canned tomatoes" + ] + }, + { + "id": 15671, + "cuisine": "french", + "ingredients": [ + "brown sugar", + "fat free milk", + "butter cooking spray", + "powdered sugar", + "chocolate syrup", + "almond extract", + "all-purpose flour", + "cocoa", + "large eggs", + "vanilla extract", + "chambord", + "raspberries", + "vegetable oil", + "cheese" + ] + }, + { + "id": 29193, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "green onions", + "diced tomatoes", + "canned black beans", + "olive oil", + "bacon", + "diced onions", + "corn", + "chili powder", + "sour cream", + "black pepper", + "potatoes", + "sea salt" + ] + }, + { + "id": 8364, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "unsalted butter", + "yellow onion", + "kosher salt", + "low sodium chicken broth", + "black pepper", + "grated parmesan cheese", + "frozen peas", + "prosciutto", + "dry white wine" + ] + }, + { + "id": 31500, + "cuisine": "southern_us", + "ingredients": [ + "shredded extra sharp cheddar cheese", + "extra-virgin olive oil", + "grits", + "reduced sodium chicken broth", + "bacon", + "salt", + "collard greens", + "large eggs", + "garlic", + "water", + "prepar salsa", + "onions" + ] + }, + { + "id": 5435, + "cuisine": "vietnamese", + "ingredients": [ + "eggs", + "hoisin sauce", + "scallions", + "minced garlic", + "ground pork", + "toasted sesame seeds", + "soy sauce", + "sesame oil", + "garlic cloves", + "ground ginger", + "panko", + "rice vinegar", + "sliced green onions" + ] + }, + { + "id": 24081, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "sugar", + "red wine vinegar", + "red cabbage", + "kosher salt" + ] + }, + { + "id": 34059, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "cayenne pepper", + "cinnamon sticks", + "vegetable oil", + "pork loin chops", + "water", + "cumin seed", + "white sugar", + "fennel seeds", + "salt", + "mustard seeds" + ] + }, + { + "id": 6827, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "green onions", + "fresh mushrooms", + "crawfish", + "grated parmesan cheese", + "crushed red pepper", + "fresh parsley", + "olive oil", + "half & half", + "salt", + "ground black pepper", + "butter", + "creole style seasoning" + ] + }, + { + "id": 21164, + "cuisine": "italian", + "ingredients": [ + "red potato", + "salt", + "olive oil", + "vegetable oil cooking spray", + "all-purpose flour", + "garlic" + ] + }, + { + "id": 34678, + "cuisine": "southern_us", + "ingredients": [ + "chopped green bell pepper", + "hot sauce", + "long-grain rice", + "black pepper", + "green onions", + "creole seasoning", + "fresh spinach", + "cooking spray", + "boneless pork loin", + "garlic cloves", + "black-eyed peas", + "bacon", + "chopped onion" + ] + }, + { + "id": 11113, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "ginger", + "potato starch", + "vegetable oil", + "chicken thighs", + "granulated sugar", + "garlic", + "sake", + "lemon" + ] + }, + { + "id": 45967, + "cuisine": "cajun_creole", + "ingredients": [ + "instant rice", + "garlic", + "dried oregano", + "green bell pepper", + "chicken breasts", + "yellow onion", + "andouille sausage", + "diced tomatoes", + "cooked shrimp", + "chicken broth", + "dried thyme", + "creole seasoning mix" + ] + }, + { + "id": 44280, + "cuisine": "italian", + "ingredients": [ + "genoa salami", + "shallots", + "fresh oregano", + "minced peperoncini", + "olive oil", + "teleme", + "brine cured green olives", + "bread", + "black forest ham", + "white wine vinegar", + "iceberg lettuce", + "capers", + "butter", + "provolone cheese" + ] + }, + { + "id": 1448, + "cuisine": "mexican", + "ingredients": [ + "chicken drumsticks", + "minced garlic", + "chopped cilantro", + "pepper", + "salt", + "lime" + ] + }, + { + "id": 22106, + "cuisine": "southern_us", + "ingredients": [ + "frozen lima beans", + "vegetable oil", + "frozen corn", + "pheasant", + "pepper", + "beef stock", + "rabbit", + "venison", + "onions", + "celery ribs", + "potatoes", + "worcestershire sauce", + "green pepper", + "carrots", + "crushed tomatoes", + "Tabasco Pepper Sauce", + "salt", + "garlic cloves" + ] + }, + { + "id": 33698, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "curds", + "curry leaves", + "tomato ketchup", + "ground turmeric", + "salt", + "oil", + "coriander powder", + "green chilies", + "chicken" + ] + }, + { + "id": 7339, + "cuisine": "southern_us", + "ingredients": [ + "horseradish", + "green tomatoes", + "cayenne pepper", + "creole mustard", + "peaches", + "buttermilk", + "cornmeal", + "eggs", + "flour", + "salt", + "panko breadcrumbs", + "ground black pepper", + "vegetable oil", + "jelly" + ] + }, + { + "id": 1701, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "salt", + "shiso", + "mirin", + "bass", + "shiitake", + "gyoza wrappers", + "soy sauce", + "marinade", + "scallions" + ] + }, + { + "id": 48483, + "cuisine": "mexican", + "ingredients": [ + "orange bell pepper", + "white onion", + "garlic", + "mild olive oil", + "tomatoes", + "jalapeno chilies" + ] + }, + { + "id": 39209, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "beets", + "sugar", + "salt", + "buttermilk", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 9489, + "cuisine": "italian", + "ingredients": [ + "veal stock", + "veal", + "all-purpose flour", + "bay leaf", + "celery ribs", + "ground black pepper", + "salt", + "flat leaf parsley", + "fresh rosemary", + "leeks", + "grated lemon zest", + "onions", + "sage leaves", + "olive oil", + "dry white wine", + "carrots", + "plum tomatoes" + ] + }, + { + "id": 4149, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "purple onion", + "rotisserie chicken", + "plum tomatoes", + "chipotle chile", + "baking powder", + "all-purpose flour", + "fresh lime juice", + "yellow corn meal", + "large eggs", + "cilantro leaves", + "sour cream", + "canola oil", + "black pepper", + "part-skim ricotta cheese", + "frozen corn", + "adobo sauce" + ] + }, + { + "id": 2106, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "chopped green bell pepper", + "garlic cloves", + "italian salad dressing", + "bouillon cube", + "long-grain rice", + "olive oil flavored cooking spray", + "olive oil", + "chopped onion", + "boneless skinless chicken breast halves", + "turkey breakfast sausage", + "chopped celery", + "hot water", + "sliced green onions" + ] + }, + { + "id": 25616, + "cuisine": "russian", + "ingredients": [ + "water", + "lean ground beef", + "fresh parsley", + "eggs", + "ground black pepper", + "salt", + "cabbage", + "tomato sauce", + "finely chopped onion", + "cooked white rice", + "white vinegar", + "garlic powder", + "ground pork", + "white sugar" + ] + }, + { + "id": 8922, + "cuisine": "greek", + "ingredients": [ + "plain flour", + "vegetable oil", + "caster sugar", + "greek yogurt", + "eggs", + "lemon", + "baking powder" + ] + }, + { + "id": 43202, + "cuisine": "greek", + "ingredients": [ + "large egg whites", + "whole milk", + "bread crumb fresh", + "large eggs", + "lemon wedge", + "tarama", + "french bread", + "russet potatoes", + "safflower oil", + "olive oil", + "green onions" + ] + }, + { + "id": 42283, + "cuisine": "french", + "ingredients": [ + "hot mustard", + "leeks", + "salt", + "onions", + "lamb shanks", + "grated horseradish", + "veal shanks", + "plum tomatoes", + "capers", + "beef shank", + "cornichons", + "yukon gold", + "gaeta olives", + "sea salt", + "carrots" + ] + }, + { + "id": 11070, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "mint leaves", + "apples", + "cabbage", + "fish sauce", + "lime", + "chicken breasts", + "rice vinegar", + "toasted nuts", + "green onions", + "cilantro leaves", + "brown sugar", + "radishes", + "sesame oil", + "chili sauce" + ] + }, + { + "id": 43524, + "cuisine": "thai", + "ingredients": [ + "vegetable oil", + "thai green curry paste", + "fresh basil", + "sliced shallots", + "unsweetened coconut milk", + "red bell pepper", + "boneless skinless chicken breast halves", + "fish sauce", + "fresh lime juice" + ] + }, + { + "id": 248, + "cuisine": "chinese", + "ingredients": [ + "pork ribs", + "cilantro leaves", + "soy sauce", + "rice wine", + "fermented black beans", + "jalapeno chilies", + "corn starch", + "kosher salt", + "sesame oil" + ] + }, + { + "id": 32957, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "provolone cheese", + "eggplant", + "onions", + "eggs", + "roma tomatoes", + "bread crumbs", + "ham" + ] + }, + { + "id": 29695, + "cuisine": "chinese", + "ingredients": [ + "lower sodium soy sauce", + "cooking spray", + "ginger", + "onions", + "canola oil", + "kosher salt", + "pork tenderloin", + "green onions", + "oyster sauce", + "five-spice powder", + "honey", + "jalapeno chilies", + "dry sherry", + "beansprouts", + "boiling water", + "white pepper", + "hoisin sauce", + "mushrooms", + "garlic cloves", + "noodles" + ] + }, + { + "id": 32556, + "cuisine": "italian", + "ingredients": [ + "red pepper flakes", + "plum tomatoes", + "penne", + "garlic cloves", + "pecorino cheese", + "salt", + "olive oil", + "flat leaf parsley" + ] + }, + { + "id": 48185, + "cuisine": "mexican", + "ingredients": [ + "fresh coriander", + "chopped onion", + "vegetable oil", + "vine ripened tomatoes", + "chili", + "fresh lime juice" + ] + }, + { + "id": 35121, + "cuisine": "moroccan", + "ingredients": [ + "white onion", + "ground black pepper", + "ras el hanout", + "whole almonds", + "honey", + "golden raisins", + "saffron threads", + "kosher salt", + "unsalted butter", + "toasted sesame seeds", + "lamb shanks", + "olive oil", + "cinnamon" + ] + }, + { + "id": 12872, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "pork loin chops", + "light brown sugar", + "salt" + ] + }, + { + "id": 26189, + "cuisine": "filipino", + "ingredients": [ + "roma tomatoes", + "oil", + "pepper", + "salt", + "onions", + "fish sauce", + "garlic", + "bay leaf", + "vinegar", + "squid", + "peppercorns" + ] + }, + { + "id": 35749, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "kosher salt", + "salsa", + "avocado", + "cilantro", + "garlic powder", + "sour cream" + ] + }, + { + "id": 44954, + "cuisine": "indian", + "ingredients": [ + "basmati rice", + "cumin seed", + "water", + "frozen peas" + ] + }, + { + "id": 29562, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "ground black pepper", + "chopped fresh thyme", + "fontina cheese", + "frozen whole kernel corn", + "dry white wine", + "salt", + "arborio rice", + "fresh parmesan cheese", + "sweet potatoes", + "vegetable broth", + "water", + "ground nutmeg", + "shallots", + "fresh parsley" + ] + }, + { + "id": 43, + "cuisine": "french", + "ingredients": [ + "capers", + "cooking spray", + "anchovy fillets", + "fresh lemon juice", + "green bell pepper", + "tuna steaks", + "Niçoise olives", + "green beans", + "tomatoes", + "large eggs", + "vinaigrette", + "small red potato", + "romaine lettuce", + "watercress", + "freshly ground pepper" + ] + }, + { + "id": 37637, + "cuisine": "italian", + "ingredients": [ + "pasta", + "grated parmesan cheese", + "cooked chicken breasts", + "garlic powder", + "cayenne pepper", + "cream", + "butter", + "ground black pepper", + "fresh asparagus" + ] + }, + { + "id": 30719, + "cuisine": "mexican", + "ingredients": [ + "butter", + "dried parsley", + "shredded cheddar cheese", + "cream cheese", + "jalapeno chilies", + "sour cream", + "seasoned bread crumbs", + "shredded parmesan cheese" + ] + }, + { + "id": 12585, + "cuisine": "spanish", + "ingredients": [ + "squid", + "olive oil", + "paella rice", + "fish stock" + ] + }, + { + "id": 43923, + "cuisine": "thai", + "ingredients": [ + "eggs", + "light soy sauce", + "chopped cilantro", + "bread crumbs", + "shredded lettuce", + "sweet chili sauce", + "ground black pepper", + "ground beef", + "baguette", + "Thai red curry paste" + ] + }, + { + "id": 5170, + "cuisine": "russian", + "ingredients": [ + "semolina", + "raisins", + "eggs", + "flour", + "cottage cheese", + "butter", + "splenda granular", + "vanilla sugar", + "sour cream" + ] + }, + { + "id": 14037, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "lemon zest", + "fresh oregano", + "greek yogurt", + "black pepper", + "feta cheese", + "parsley", + "pork loin chops", + "pita bread", + "olive oil", + "lettuce leaves", + "fresh lemon juice", + "kosher salt", + "diced red onions", + "diced tomatoes", + "cucumber" + ] + }, + { + "id": 40136, + "cuisine": "italian", + "ingredients": [ + "fresh marjoram", + "large eggs", + "extra-virgin olive oil", + "ground beef", + "applewood smoked bacon", + "roasted red peppers", + "dry white wine", + "diced tomatoes in juice", + "panko breadcrumbs", + "finely chopped onion", + "large garlic cloves", + "coarse kosher salt", + "spaghetti", + "ground black pepper", + "grated parmesan cheese", + "crushed red pepper", + "onions" + ] + }, + { + "id": 41357, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dried oregano", + "romano cheese", + "salt", + "water", + "bread flour", + "sugar", + "dry yeast" + ] + }, + { + "id": 12649, + "cuisine": "british", + "ingredients": [ + "baking soda", + "whole milk", + "kosher salt", + "dry yeast", + "granulated sugar", + "cornmeal", + "water", + "flour" + ] + }, + { + "id": 36186, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "lemon peel", + "beef broth", + "chopped cilantro fresh", + "pitted kalamata olives", + "golden raisins", + "garlic cloves", + "ground cumin", + "garbanzo beans", + "beef tenderloin", + "onions", + "olive oil", + "paprika", + "carrots" + ] + }, + { + "id": 31010, + "cuisine": "chinese", + "ingredients": [ + "water", + "onion powder", + "white sesame seeds", + "low sodium soy sauce", + "Sriracha", + "garlic cloves", + "honey", + "scallions", + "panko breadcrumbs", + "boneless chicken thighs", + "large eggs", + "corn starch" + ] + }, + { + "id": 20156, + "cuisine": "french", + "ingredients": [ + "sugar", + "heavy cream", + "whole milk", + "large egg yolks", + "bittersweet chocolate", + "cinnamon" + ] + }, + { + "id": 41686, + "cuisine": "chinese", + "ingredients": [ + "daikon", + "rice vinegar", + "sugar", + "coarse sea salt", + "carrots", + "chili oil", + "english cucumber", + "szechwan peppercorns", + "thai chile" + ] + }, + { + "id": 38573, + "cuisine": "jamaican", + "ingredients": [ + "adzuki beans", + "brown rice", + "garlic cloves", + "olive oil", + "salt", + "ground black pepper", + "yellow onion", + "fresh cilantro", + "light coconut milk" + ] + }, + { + "id": 21788, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "butter", + "water", + "mushrooms", + "cornmeal", + "fontina", + "grated parmesan cheese", + "salt", + "olive oil", + "dried sage" + ] + }, + { + "id": 13763, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "thai chile", + "cherry tomatoes", + "cucumber", + "lime", + "roasted peanuts", + "long beans", + "palm sugar", + "dried shrimp" + ] + }, + { + "id": 49324, + "cuisine": "mexican", + "ingredients": [ + "chopped hazelnuts", + "chopped walnuts", + "unflavored gelatin", + "gluten free vanilla extract", + "confectioners sugar", + "butter", + "corn starch", + "tapioca flour", + "white rice flour" + ] + }, + { + "id": 29133, + "cuisine": "british", + "ingredients": [ + "sugar", + "large eggs", + "salt", + "baking soda", + "vanilla extract", + "dried currants", + "heavy cream", + "double-acting baking powder", + "unsalted butter", + "cake flour" + ] + }, + { + "id": 44437, + "cuisine": "brazilian", + "ingredients": [ + "cream", + "white sugar", + "sweetened condensed milk", + "passion fruit" + ] + }, + { + "id": 42142, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "olive oil", + "diced tomatoes", + "green beans", + "dried pasta", + "cannellini beans", + "dri leav thyme", + "onions", + "kosher salt", + "freshly grated parmesan", + "broccoli", + "low sodium beef broth", + "water", + "yukon gold potatoes", + "carrots", + "cabbage" + ] + }, + { + "id": 12932, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "green onions", + "avocado", + "chili", + "lime juice", + "chopped cilantro fresh", + "minced garlic", + "spaghetti" + ] + }, + { + "id": 11036, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "shredded mild cheddar cheese", + "garlic", + "zucchini", + "salt", + "white onion", + "stewed tomatoes" + ] + }, + { + "id": 23719, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "grated orange", + "powdered sugar", + "butter", + "fresh lemon juice", + "baking powder", + "all-purpose flour", + "granulated sugar", + "fresh orange juice", + "orange rind" + ] + }, + { + "id": 37920, + "cuisine": "chinese", + "ingredients": [ + "peeled fresh ginger", + "rice vinegar", + "sugar", + "thai chile", + "garlic cloves", + "low sodium soy sauce", + "dry sherry", + "peanut oil", + "potatoes", + "salt", + "sliced green onions" + ] + }, + { + "id": 9095, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "pepper", + "salt", + "tomato sauce", + "lasagna noodles", + "cottage cheese", + "lean ground beef", + "eggs", + "garlic powder", + "dried parsley" + ] + }, + { + "id": 30359, + "cuisine": "mexican", + "ingredients": [ + "sweet potatoes", + "ground cumin", + "no-salt-added diced tomatoes", + "baby spinach", + "no-salt-added black beans", + "curry powder", + "corn tortillas" + ] + }, + { + "id": 31076, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "radishes", + "romaine lettuce leaves", + "salt", + "sesame seeds", + "tomatillos", + "unsalted dry roast peanuts", + "fish", + "pepper", + "jalapeno chilies", + "cilantro sprigs", + "onions", + "fresh cilantro", + "roasted pumpkin seeds", + "garlic", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 36708, + "cuisine": "southern_us", + "ingredients": [ + "vanilla extract", + "chopped pecans", + "unbaked pie crusts", + "margarine", + "white sugar", + "eggs", + "all-purpose flour", + "cornmeal", + "flaked coconut", + "lemon juice" + ] + }, + { + "id": 23385, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "onion salt", + "chili powder", + "all-purpose flour", + "low sodium chicken broth", + "salt", + "tomato sauce", + "vegetable oil", + "ground cumin" + ] + }, + { + "id": 10905, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "fat-free chicken broth", + "scallions", + "chicken breasts", + "salt", + "chopped cilantro fresh", + "onion powder", + "frozen corn", + "cumin", + "black beans", + "diced tomatoes", + "cayenne pepper" + ] + }, + { + "id": 16528, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "chopped cilantro fresh", + "chicken breasts", + "salsa", + "flour tortillas" + ] + }, + { + "id": 42218, + "cuisine": "italian", + "ingredients": [ + "water", + "large garlic cloves", + "beef broth", + "pancetta", + "fresh shiitake mushrooms", + "all-purpose flour", + "onions", + "olive oil", + "rabbit", + "fresh parsley leaves", + "dry white wine", + "white wine vinegar", + "fresh herbs" + ] + }, + { + "id": 39296, + "cuisine": "greek", + "ingredients": [ + "coffee", + "sugar" + ] + }, + { + "id": 24663, + "cuisine": "irish", + "ingredients": [ + "pepper", + "lobster meat", + "butter", + "cream", + "salt", + "Irish whiskey" + ] + }, + { + "id": 2207, + "cuisine": "indian", + "ingredients": [ + "lime", + "onion powder", + "chicken leg quarters", + "onions", + "chicken bouillon", + "garam masala", + "salt", + "sour cream", + "ground cumin", + "water", + "jalapeno chilies", + "cayenne pepper", + "coconut milk", + "tomato paste", + "olive oil", + "diced tomatoes", + "mustard seeds", + "basmati rice" + ] + }, + { + "id": 36902, + "cuisine": "indian", + "ingredients": [ + "baby spinach leaves", + "red capsicum", + "curry", + "green beans", + "ground turmeric", + "sugar", + "coriander seeds", + "ginger", + "cumin seed", + "curry paste", + "olive oil", + "button mushrooms", + "salt", + "coconut milk", + "red chili peppers", + "potatoes", + "garlic", + "carrots", + "onions" + ] + }, + { + "id": 13141, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "pepper jack", + "salt", + "corn tortillas", + "ground black pepper", + "chili powder", + "yellow onion", + "cumin", + "garlic powder", + "green onions", + "salsa", + "ground beef", + "sliced black olives", + "onion powder", + "enchilada sauce" + ] + }, + { + "id": 33410, + "cuisine": "mexican", + "ingredients": [ + "cod", + "olive oil", + "cilantro", + "corn tortillas", + "kosher salt", + "cooking spray", + "smoked paprika", + "ground oregano", + "black pepper", + "red cabbage", + "dry mustard", + "mango", + "lime", + "lime wedges", + "ground cayenne pepper", + "ground cumin" + ] + }, + { + "id": 44571, + "cuisine": "british", + "ingredients": [ + "sugar", + "salt", + "strawberry jam", + "yeast", + "strong white bread flour", + "butter", + "milk", + "clotted cream" + ] + }, + { + "id": 31187, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "vegetable broth", + "herbes de provence", + "dressing", + "crimini mushrooms", + "lemon slices", + "dry white wine", + "artichokes", + "tomatoes", + "lemon", + "garlic cloves" + ] + }, + { + "id": 16799, + "cuisine": "chinese", + "ingredients": [ + "white onion", + "low sodium chicken broth", + "scallions", + "ground cumin", + "low sodium soy sauce", + "steamed rice", + "crushed red pepper", + "toasted sesame oil", + "sugar", + "ground black pepper", + "cilantro leaves", + "canola oil", + "kosher salt", + "lamb shoulder", + "corn starch" + ] + }, + { + "id": 11433, + "cuisine": "chinese", + "ingredients": [ + "vanilla essence", + "glutinous rice flour", + "milk", + "coconut milk", + "sugar", + "coconut cream", + "eggs", + "flour", + "white sugar" + ] + }, + { + "id": 49575, + "cuisine": "spanish", + "ingredients": [ + "sweet onion", + "sobrasada", + "all-purpose flour", + "large eggs", + "vegetable shortening", + "garlic cloves", + "saffron threads", + "dry white wine", + "salt", + "leg of lamb", + "olive oil", + "ice water", + "orange juice" + ] + }, + { + "id": 2927, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame seeds", + "garlic cloves", + "water", + "green onions", + "onions", + "pepper", + "boneless chicken breast", + "corn starch", + "ground ginger", + "honey", + "rice vinegar" + ] + }, + { + "id": 21373, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "sour cream", + "chili powder", + "cooked chicken", + "shredded Monterey Jack cheese", + "flour tortillas", + "Pace Picante Sauce" + ] + }, + { + "id": 11091, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "garlic cloves", + "dried oregano", + "grated parmesan cheese", + "penne pasta", + "low salt chicken broth", + "olive oil", + "portabello mushroom", + "feta cheese crumbles", + "green onions", + "chicken fingers", + "plum tomatoes" + ] + }, + { + "id": 3208, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "lettuce leaves", + "rice vermicelli", + "freshly ground pepper", + "large shrimp", + "chicken broth", + "chili paste", + "vegetable oil", + "boneless pork loin", + "carrots", + "water", + "jicama", + "unsalted dry roast peanuts", + "garlic cloves", + "rice paper", + "fish sauce", + "hoisin sauce", + "cilantro sprigs", + "dill tips", + "fresh mint" + ] + }, + { + "id": 25383, + "cuisine": "mexican", + "ingredients": [ + "butter", + "milk", + "cream cheese", + "frozen corn", + "jalapeno chilies", + "red bell pepper" + ] + }, + { + "id": 23942, + "cuisine": "cajun_creole", + "ingredients": [ + "orange blossom extract", + "butter", + "orange juice", + "orange", + "salt", + "bread flour", + "eggs", + "milk", + "all-purpose flour", + "sugar", + "lemon", + "yeast" + ] + }, + { + "id": 30794, + "cuisine": "mexican", + "ingredients": [ + "English muffins", + "pepper", + "salt", + "eggs", + "guacamole", + "refried beans", + "salsa" + ] + }, + { + "id": 2866, + "cuisine": "italian", + "ingredients": [ + "reduced-fat sour cream", + "salt", + "grated parmesan cheese", + "1% low-fat milk", + "corn starch", + "prosciutto", + "dried fettuccine", + "fat skimmed chicken broth", + "pepper", + "peas", + "grated nutmeg" + ] + }, + { + "id": 29465, + "cuisine": "japanese", + "ingredients": [ + "brandy", + "chocolate", + "milk", + "eggs", + "egg yolks", + "silken tofu", + "cocoa powder" + ] + }, + { + "id": 14150, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "beef broth", + "chopped fresh mint", + "beef tenderloin", + "baby carrots", + "shallots", + "cayenne pepper", + "ground cumin", + "all-purpose flour", + "pumpkin pie spice" + ] + }, + { + "id": 16233, + "cuisine": "italian", + "ingredients": [ + "vegetable oil cooking spray", + "grated parmesan cheese", + "pizza doughs", + "pepper", + "all-purpose flour", + "red bell pepper", + "pesto", + "salt", + "shrimp", + "yellow corn meal", + "olive oil", + "yellow onion" + ] + }, + { + "id": 31526, + "cuisine": "italian", + "ingredients": [ + "white pepper", + "salt", + "albacore tuna in water", + "capers", + "light mayonnaise", + "fresh lemon juice", + "italian seasoning", + "fat free less sodium chicken broth", + "turkey tenderloins", + "juice", + "olive oil", + "anchovy fillets", + "flat leaf parsley" + ] + }, + { + "id": 12672, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "chinese five-spice powder", + "tofu", + "vegetable oil", + "white sugar", + "rice wine", + "garlic cloves", + "pork", + "salt" + ] + }, + { + "id": 28230, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "milk", + "ketchup", + "salt", + "cottage cheese", + "flour tortillas", + "avocado", + "shredded cheddar cheese" + ] + }, + { + "id": 22847, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "sugar", + "fresh lime juice", + "red chili peppers", + "fish sauce", + "garlic" + ] + }, + { + "id": 44647, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "salt", + "granulated sugar", + "confectioners sugar", + "almond flour", + "all-purpose flour", + "almond extract" + ] + }, + { + "id": 14366, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "sesame seeds", + "tomatillos", + "salt", + "ancho chile pepper", + "guajillo chiles", + "Mexican oregano", + "garlic", + "dark brown sugar", + "onions", + "dark chocolate", + "chuck roast", + "raisins", + "pumpkin seeds", + "bay leaf", + "tomatoes", + "water", + "vegetable oil", + "coco", + "cinnamon sticks" + ] + }, + { + "id": 23747, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "bay leaves", + "extra-virgin olive oil", + "garlic cloves", + "chicken thighs", + "cremini mushrooms", + "red wine", + "cognac", + "thyme sprigs", + "pearl onions", + "bacon", + "freshly ground pepper", + "onions", + "chicken legs", + "coarse salt", + "all-purpose flour", + "chicken livers" + ] + }, + { + "id": 12249, + "cuisine": "cajun_creole", + "ingredients": [ + "black peppercorns", + "cajun seasoning", + "cabbage", + "garlic powder", + "pork roast", + "olive oil", + "salt", + "tomato paste", + "ground black pepper", + "fresh parsley" + ] + }, + { + "id": 18798, + "cuisine": "french", + "ingredients": [ + "salt and ground black pepper", + "fresh asparagus", + "salmon fillets", + "lemon", + "green onions", + "olive oil", + "lemon juice" + ] + }, + { + "id": 44054, + "cuisine": "spanish", + "ingredients": [ + "egg yolks", + "sugar", + "lemon", + "cold milk", + "cinnamon", + "milk", + "corn starch" + ] + }, + { + "id": 41903, + "cuisine": "southern_us", + "ingredients": [ + "dried sage", + "flour", + "bacon grease", + "ground pepper", + "salt", + "whole milk", + "sausages" + ] + }, + { + "id": 27288, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "fresh leav spinach", + "chili powder", + "green onions", + "shredded cheddar cheese", + "whole wheat tortillas" + ] + }, + { + "id": 38599, + "cuisine": "mexican", + "ingredients": [ + "flour", + "chicken", + "chicken broth", + "green chilies", + "butter", + "shredded Monterey Jack cheese", + "taco shells", + "sour cream" + ] + }, + { + "id": 34369, + "cuisine": "cajun_creole", + "ingredients": [ + "white pepper", + "salt", + "rib eye steaks", + "vegetable oil", + "onions", + "black pepper", + "paprika", + "garlic powder", + "cayenne pepper" + ] + }, + { + "id": 30462, + "cuisine": "thai", + "ingredients": [ + "eggs", + "green onions", + "tamarind paste", + "carrots", + "wide rice noodles", + "peanuts", + "cilantro leaves", + "garlic chili sauce", + "light brown sugar", + "warm water", + "deveined shrimp", + "garlic cloves", + "fish sauce", + "lime wedges", + "oil", + "beansprouts" + ] + }, + { + "id": 32753, + "cuisine": "british", + "ingredients": [ + "plain flour", + "orange", + "large eggs", + "cold milk", + "powdered sugar", + "unsalted butter", + "ground almonds", + "golden caster sugar", + "sliced almonds", + "large free range egg", + "raspberry jam", + "frozen raspberries", + "orange flower water" + ] + }, + { + "id": 15794, + "cuisine": "italian", + "ingredients": [ + "baguette", + "plum tomatoes", + "garlic", + "cooking spray", + "goat cheese" + ] + }, + { + "id": 8483, + "cuisine": "cajun_creole", + "ingredients": [ + "flour", + "vegetable oil", + "creole seasoning", + "andouille sausage", + "green onions", + "chopped celery", + "onions", + "chicken stock", + "bay leaves", + "large garlic cloves", + "chopped parsley", + "boneless chicken breast halves", + "Tabasco Pepper Sauce", + "green pepper" + ] + }, + { + "id": 1287, + "cuisine": "cajun_creole", + "ingredients": [ + "collard greens", + "turnip greens", + "ground red pepper", + "watercress", + "spanish chorizo", + "onions", + "romaine lettuce", + "file powder", + "mustard greens", + "all-purpose flour", + "ham", + "cooked rice", + "carrot greens", + "fresh thyme leaves", + "smoked sausage", + "beets", + "cabbage", + "spinach", + "beef brisket", + "vegetable oil", + "salt", + "garlic cloves" + ] + }, + { + "id": 25970, + "cuisine": "russian", + "ingredients": [ + "eggs", + "golden raisins", + "salt", + "cold milk", + "milk", + "white rice", + "margarine", + "ground cinnamon", + "cake", + "vanilla extract", + "white sugar", + "warm water", + "butter", + "all-purpose flour" + ] + }, + { + "id": 29313, + "cuisine": "italian", + "ingredients": [ + "pure vanilla extract", + "large eggs", + "salt", + "raw almond", + "unsalted butter", + "almond extract", + "grated lemon zest", + "granulated sugar", + "fresh orange juice", + "cranberries", + "light brown sugar", + "orange marmalade", + "all-purpose flour" + ] + }, + { + "id": 5838, + "cuisine": "italian", + "ingredients": [ + "bread slices", + "cheese slices", + "butter", + "grated parmesan cheese" + ] + }, + { + "id": 3940, + "cuisine": "japanese", + "ingredients": [ + "white miso", + "konbu", + "soy sauce", + "shallots", + "red bell pepper", + "cold water", + "leeks", + "carrots", + "shiitake", + "baby spinach" + ] + }, + { + "id": 41050, + "cuisine": "italian", + "ingredients": [ + "white wine", + "linguine", + "hot red pepper flakes", + "diced tomatoes", + "onions", + "clams", + "olive oil", + "garlic", + "fresh basil", + "sliced black olives", + "flat anchovy" + ] + }, + { + "id": 14007, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "milk", + "jalapeno chilies", + "garlic", + "onions", + "chile powder", + "kosher salt", + "olive oil", + "diced tomatoes", + "cornmeal", + "dried oregano", + "black pepper", + "corn kernels", + "guacamole", + "sour cream", + "extra sharp cheddar cheese", + "eggs", + "crushed tomatoes", + "salt and ground black pepper", + "crust", + "ground beef", + "ground cumin" + ] + }, + { + "id": 25211, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "sweet corn", + "water", + "sugar", + "cornflour" + ] + }, + { + "id": 31910, + "cuisine": "irish", + "ingredients": [ + "white pepper", + "flour", + "chopped parsley", + "clams", + "milk", + "heavy cream", + "onions", + "water", + "egg yolks", + "bay leaf", + "nutmeg", + "unsalted butter", + "salt" + ] + }, + { + "id": 46715, + "cuisine": "italian", + "ingredients": [ + "water", + "sage leaves", + "grated parmesan cheese", + "yellow corn meal", + "salt", + "unsalted butter" + ] + }, + { + "id": 96, + "cuisine": "italian", + "ingredients": [ + "dry yeast", + "olive oil", + "all-purpose flour", + "warm water", + "salt", + "sugar", + "cooking spray" + ] + }, + { + "id": 11441, + "cuisine": "southern_us", + "ingredients": [ + "bay leaves", + "white rice", + "water", + "vegetable oil", + "cayenne pepper", + "chopped green bell pepper", + "chicken meat", + "onions", + "andouille sausage", + "green onions", + "salt" + ] + }, + { + "id": 48572, + "cuisine": "southern_us", + "ingredients": [ + "cheese", + "all-purpose flour", + "biscuits" + ] + }, + { + "id": 14892, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "cilantro", + "pineapple", + "chili pepper", + "purple onion" + ] + }, + { + "id": 15690, + "cuisine": "brazilian", + "ingredients": [ + "water", + "strawberries", + "lemon", + "granulated sugar", + "lime", + "cachaca" + ] + }, + { + "id": 30943, + "cuisine": "french", + "ingredients": [ + "ground red pepper", + "garlic", + "onions", + "chicken broth", + "dried apple", + "ground allspice", + "chicken breast halves", + "salt", + "dried cranberries", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 33532, + "cuisine": "mexican", + "ingredients": [ + "frozen chopped spinach", + "green onions", + "salt", + "ground cayenne pepper", + "flour tortillas", + "chili powder", + "oil", + "shredded Monterey Jack cheese", + "black beans", + "boneless skinless chicken breasts", + "frozen corn kernels", + "fresh parsley", + "jalapeno chilies", + "vegetable oil", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 22201, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "cayenne pepper", + "cumin", + "garlic powder", + "crushed red pepper flakes", + "coriander", + "coconut oil", + "shredded cabbage", + "chickpeas", + "ground pepper", + "salt", + "dried oregano" + ] + }, + { + "id": 35752, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "leeks", + "cinnamon", + "ground black pepper", + "rice wine", + "star anise", + "chicken stock", + "jalapeno chilies", + "vegetable oil", + "roasting chickens", + "shiitake", + "chinese noodles", + "ground sichuan pepper" + ] + }, + { + "id": 31184, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "vegetable broth", + "cooked shrimp", + "cream", + "salt", + "Madras curry powder", + "black pepper", + "garlic", + "onions", + "lettuce", + "olive oil", + "peaches in syrup", + "plum tomatoes" + ] + }, + { + "id": 46283, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "green onions", + "green pepper", + "sake", + "beef", + "sliced carrots", + "onions", + "sesame", + "shiitake", + "sesame oil", + "Gochujang base", + "sugar", + "mirin", + "garlic" + ] + }, + { + "id": 22415, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "dry white wine", + "juice", + "ground black pepper", + "parsley", + "capers", + "fresh lemon", + "trout fillet", + "chicken broth", + "flour", + "butter" + ] + }, + { + "id": 42856, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "rapeseed oil", + "green chilies", + "dhal", + "salt", + "onions", + "cumin seed" + ] + }, + { + "id": 36613, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "tomatoes with juice", + "carrots", + "lamb shanks", + "condensed chicken broth", + "salt", + "fresh rosemary", + "chopped fresh thyme", + "garlic", + "onions", + "pepper", + "red wine", + "beef broth" + ] + }, + { + "id": 37196, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "crushed red pepper", + "peeled fresh ginger", + "rice vinegar", + "ground cloves", + "purple onion", + "ground cinnamon", + "currant", + "pears" + ] + }, + { + "id": 35056, + "cuisine": "brazilian", + "ingredients": [ + "granulated sugar", + "heavy cream", + "unsalted butter", + "cookies", + "baking soda", + "baking powder", + "corn starch", + "pure vanilla extract", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 38328, + "cuisine": "cajun_creole", + "ingredients": [ + "taco shells", + "chili powder", + "cayenne pepper", + "olive oil", + "paprika", + "minced garlic", + "watercress", + "sour cream", + "avocado", + "medium shrimp uncook", + "salsa" + ] + }, + { + "id": 33968, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "onions", + "frozen spinach", + "garlic", + "ground cumin", + "vegetable oil", + "dhal", + "water", + "salt" + ] + }, + { + "id": 40880, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "olive oil", + "flour", + "corn tortillas", + "fontina cheese", + "milk", + "green bell pepper, slice", + "portobello caps", + "fresh cilantro", + "unsalted butter", + "salt", + "red bell pepper, sliced", + "sweet onion", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 33083, + "cuisine": "italian", + "ingredients": [ + "oil packed anchovy fillets", + "garlic cloves", + "boneless chicken skinless thigh", + "extra-virgin olive oil", + "sugar pea", + "shallots", + "flat leaf parsley", + "bread crumb fresh", + "salt" + ] + }, + { + "id": 45395, + "cuisine": "italian", + "ingredients": [ + "sugar", + "cranberries", + "fresh orange juice", + "nonfat yogurt", + "orange zest", + "unflavored gelatin", + "vanilla" + ] + }, + { + "id": 46756, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "garlic", + "fresh ginger", + "chinese five-spice powder", + "soy sauce", + "rice vinegar", + "ground black pepper", + "beef ribs" + ] + }, + { + "id": 20745, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "cumin", + "chicken breasts", + "garlic powder", + "salsa" + ] + }, + { + "id": 88, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "ground red pepper", + "whole kernel corn, drain", + "yellow corn meal", + "large eggs", + "salt", + "baking soda", + "baking powder", + "nonfat buttermilk", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 45965, + "cuisine": "indian", + "ingredients": [ + "cayenne", + "salt", + "corn starch", + "tomato paste", + "brown rice", + "low-fat yogurt", + "coconut milk", + "boneless skinless chicken breasts", + "sauce", + "ginger root", + "garam masala", + "cilantro", + "garlic cloves", + "onions" + ] + }, + { + "id": 21690, + "cuisine": "chinese", + "ingredients": [ + "shiitake", + "salt", + "frozen peas", + "soy sauce", + "sesame oil", + "long-grain rice", + "cremini mushrooms", + "cooking oil", + "scallions", + "fresh ginger", + "red pepper flakes", + "white mushrooms" + ] + }, + { + "id": 44638, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "shiitake", + "sesame oil", + "carrots", + "sugar", + "dumpling wrappers", + "water chestnuts", + "salt", + "corn starch", + "water", + "cooking oil", + "green peas", + "shrimp", + "pork", + "black fungus", + "spring onions", + "oyster sauce", + "coriander" + ] + }, + { + "id": 26262, + "cuisine": "irish", + "ingredients": [ + "water", + "salt", + "onions", + "celery ribs", + "leeks", + "baby carrots", + "finely chopped fresh parsley", + "boiling onions", + "boiling potatoes", + "black pepper", + "lamb shoulder", + "garlic cloves" + ] + }, + { + "id": 30961, + "cuisine": "indian", + "ingredients": [ + "eggs", + "baking powder", + "milk", + "salt", + "melted butter", + "baking soda", + "all-purpose flour", + "plain yogurt", + "poppy seeds" + ] + }, + { + "id": 7752, + "cuisine": "cajun_creole", + "ingredients": [ + "asparagus", + "cajun seasoning" + ] + }, + { + "id": 13810, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "garlic", + "bay leaf", + "fresh spinach", + "garam masala", + "cinnamon sticks", + "boneless skinless chicken breast halves", + "skim milk", + "vegetable oil", + "ground cayenne pepper", + "ground turmeric", + "tomato paste", + "fresh ginger root", + "ground coriander", + "onions" + ] + }, + { + "id": 47303, + "cuisine": "southern_us", + "ingredients": [ + "whole wheat flour", + "non-dairy margarine", + "dark brown sugar", + "ground cinnamon", + "granulated sugar", + "non dairy milk", + "corn starch", + "ground ginger", + "peaches", + "vanilla extract", + "lemon juice", + "pecans", + "pecan meal", + "salt" + ] + }, + { + "id": 7948, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "roast red peppers, drain", + "french baguette", + "red wine vinegar", + "minced garlic", + "feta cheese crumbles", + "cooking spray", + "ripe olives" + ] + }, + { + "id": 45652, + "cuisine": "spanish", + "ingredients": [ + "sugar pea", + "dry white wine", + "chopped onion", + "low salt chicken broth", + "ground black pepper", + "salt", + "garlic cloves", + "saffron threads", + "roasted red peppers", + "spanish chorizo", + "smoked paprika", + "olive oil", + "diced tomatoes", + "long-grain rice", + "chicken thighs" + ] + }, + { + "id": 46153, + "cuisine": "chinese", + "ingredients": [ + "baby spinach leaves", + "green onions", + "yellow onion", + "garlic powder", + "coarse salt", + "medium shrimp", + "white pepper", + "vegetable oil", + "oyster sauce", + "brown sugar", + "large eggs", + "garlic" + ] + }, + { + "id": 20316, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "powdered sugar", + "cream cheese, soften", + "vanilla extract" + ] + }, + { + "id": 47312, + "cuisine": "mexican", + "ingredients": [ + "water", + "chopped celery", + "chopped onion", + "black pepper", + "chili powder", + "red serrano peppers", + "fresh cilantro", + "sweet pepper", + "long-grain rice", + "tomatoes", + "ground red pepper", + "salt" + ] + }, + { + "id": 22374, + "cuisine": "greek", + "ingredients": [ + "fresh basil", + "garlic cloves", + "extra-virgin olive oil", + "boneless skinless chicken breast halves", + "edamame", + "grated parmesan cheese", + "fresh lemon juice" + ] + }, + { + "id": 3590, + "cuisine": "southern_us", + "ingredients": [ + "coconut oil", + "garlic", + "sour cream", + "biscuits", + "rosemary", + "yellow onion", + "frozen peas", + "potato starch", + "pepper", + "salt", + "celery", + "chicken broth", + "frozen carrots", + "rotisserie chicken", + "sage" + ] + }, + { + "id": 41774, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "chile de arbol", + "oregano", + "chili", + "salt", + "guajillo chiles", + "garlic", + "ground cumin", + "tomatoes", + "tomatillos", + "chopped onion" + ] + }, + { + "id": 30757, + "cuisine": "cajun_creole", + "ingredients": [ + "lemon juice", + "sugar", + "pecan halves", + "nectarines", + "pitted date" + ] + }, + { + "id": 30437, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "salami", + "honey glazed ham", + "dried parsley", + "parmesan cheese", + "pizza doughs", + "eggs", + "pizza sauce" + ] + }, + { + "id": 40025, + "cuisine": "cajun_creole", + "ingredients": [ + "red pepper flakes", + "creole seasoning", + "apple cider vinegar", + "salt", + "bay leaf", + "green bell pepper", + "garlic", + "celery", + "baking potatoes", + "chitterlings", + "onions" + ] + }, + { + "id": 42069, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "salt", + "fresh mint", + "garlic", + "long-grain rice", + "fresh chervil", + "olive oil", + "chopped celery", + "fresh lemon juice", + "jalapeno chilies", + "freshly ground pepper", + "onions" + ] + }, + { + "id": 11895, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "cilantro sprigs", + "canola oil", + "chips", + "lamb loin chops", + "kosher salt", + "shallots", + "oil", + "fresh cilantro", + "cracked black pepper", + "garlic cloves" + ] + }, + { + "id": 28987, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "flour", + "bacon", + "long-grain rice", + "water", + "chicken breasts", + "garlic", + "onions", + "pepper", + "bay leaves", + "crushed red pepper flakes", + "celery", + "chicken broth", + "crushed tomatoes", + "cajun seasoning", + "salt" + ] + }, + { + "id": 21693, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "butter", + "baking soda", + "vanilla extract", + "peanuts", + "light corn syrup", + "hot pepper sauce", + "ground allspice" + ] + }, + { + "id": 8000, + "cuisine": "indian", + "ingredients": [ + "light coconut milk", + "basmati rice", + "green curry paste", + "freshly ground pepper", + "salt", + "black sesame seeds", + "ti leaves" + ] + }, + { + "id": 18849, + "cuisine": "southern_us", + "ingredients": [ + "creole mustard", + "salt", + "sour cream", + "ground black pepper", + "cayenne pepper", + "celery ribs", + "hot sauce", + "tarragon", + "baked ham", + "scallions" + ] + }, + { + "id": 15116, + "cuisine": "greek", + "ingredients": [ + "cucumber", + "lemon juice", + "plain low-fat yogurt", + "chopped fresh mint" + ] + }, + { + "id": 31961, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "steamed brown rice", + "stir fry vegetable blend", + "soy sauce", + "garlic cloves", + "sugar", + "peanut oil", + "large shrimp", + "fresh orange juice", + "corn starch" + ] + }, + { + "id": 6642, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "spices", + "salt", + "honey", + "butter", + "lemon juice", + "water", + "cinnamon", + "lamb", + "saffron threads", + "almonds", + "raisins", + "onions" + ] + }, + { + "id": 30895, + "cuisine": "thai", + "ingredients": [ + "roast", + "green cardamom pods", + "sweetened condensed milk", + "crushed ice", + "water" + ] + }, + { + "id": 16339, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "hellmann' or best food real mayonnais", + "green onions", + "sour cream", + "knorr parslei minicub", + "elbow macaroni", + "knorr cilantro minicub", + "chipotles in adobo" + ] + }, + { + "id": 45168, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "fresh lemon juice", + "chiles", + "spring onions", + "frozen peas", + "hot red pepper flakes", + "parmigiano reggiano cheese", + "flat leaf parsley", + "lump crab meat", + "extra-virgin olive oil" + ] + }, + { + "id": 26723, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "serrano", + "chicken thighs", + "tomato paste", + "peeled fresh ginger", + "oil", + "chopped garlic", + "garam masala", + "cumin seed", + "ground turmeric", + "water", + "salt", + "onions" + ] + }, + { + "id": 47429, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "hoisin sauce", + "daikon", + "cinnamon sticks", + "sliced green onions", + "sugar", + "thai basil", + "oxtails", + "star anise", + "onions", + "fish sauce", + "coriander seeds", + "whole cloves", + "ginger", + "chopped cilantro", + "red chili peppers", + "Sriracha", + "lime wedges", + "carrots", + "noodles" + ] + }, + { + "id": 5082, + "cuisine": "mexican", + "ingredients": [ + "beef", + "diced tomatoes", + "water", + "extra wide egg noodles", + "sour cream", + "cooking spray", + "red enchilada sauce", + "Mexican cheese blend", + "mixed vegetables", + "sliced green onions" + ] + }, + { + "id": 48781, + "cuisine": "italian", + "ingredients": [ + "candied orange peel", + "unsalted butter", + "fine sea salt", + "lard", + "water", + "cinnamon", + "ricotta", + "semolina flour", + "granulated sugar", + "all-purpose flour", + "large egg yolks", + "vanilla", + "confectioners sugar" + ] + }, + { + "id": 29235, + "cuisine": "korean", + "ingredients": [ + "sushi rice", + "soy glaze", + "scallions", + "thai basil", + "garlic", + "peanuts", + "ginger", + "ground lamb", + "long beans", + "sesame oil", + "Gochujang base" + ] + }, + { + "id": 30155, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "lime", + "flour tortillas", + "cilantro", + "taco seasoning", + "avocado", + "black beans", + "orange bell pepper", + "boneless skinless chicken breasts", + "cream cheese", + "chipotles in adobo", + "ketchup", + "olive oil", + "green onions", + "greek style plain yogurt", + "enchilada sauce", + "brown sugar", + "fresh cilantro", + "corn husks", + "brown rice", + "sharp cheddar cheese", + "adobo sauce" + ] + }, + { + "id": 1196, + "cuisine": "mexican", + "ingredients": [ + "light corn syrup", + "unsweetened cocoa powder", + "coffee liqueur", + "white sugar", + "ground cinnamon", + "ground almonds", + "instant coffee", + "chocolate wafer cookies" + ] + }, + { + "id": 3966, + "cuisine": "spanish", + "ingredients": [ + "yukon gold potatoes", + "fresh parsley", + "ground pepper", + "hot sauce", + "olive oil", + "coarse salt", + "onions", + "large eggs", + "red bell pepper" + ] + }, + { + "id": 9646, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "cayenne", + "ground coriander", + "lemon juice", + "water", + "salt", + "oil", + "asafetida", + "white onion", + "yellow lentils", + "cumin seed", + "chopped cilantro", + "red lentils", + "large tomato", + "green chilies", + "black mustard seeds" + ] + }, + { + "id": 2371, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "corn", + "okra", + "onions", + "black pepper", + "cayenne", + "scallions", + "plum tomatoes", + "water", + "large garlic cloves", + "poblano chiles", + "kosher salt", + "corn oil", + "low salt chicken broth", + "large shrimp" + ] + }, + { + "id": 16866, + "cuisine": "chinese", + "ingredients": [ + "karo", + "dry sherry", + "soy sauce", + "sesame oil", + "Argo Corn Starch", + "brown sugar", + "fresh ginger", + "rice vinegar", + "minced garlic", + "spices" + ] + }, + { + "id": 30840, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic", + "cajun seasoning", + "boneless pork loin", + "ground black pepper", + "salt", + "butter", + "oregano" + ] + }, + { + "id": 28681, + "cuisine": "southern_us", + "ingredients": [ + "bananas", + "buttermilk", + "all-purpose flour", + "granulated sugar", + "salt", + "corn starch", + "unsalted butter", + "vanilla extract", + "lemon juice", + "milk", + "large eggs", + "vanilla wafers", + "confectioners sugar" + ] + }, + { + "id": 23573, + "cuisine": "indian", + "ingredients": [ + "low-fat plain yogurt", + "vegetable oil", + "all-purpose flour", + "ground turmeric", + "tilapia fillets", + "purple onion", + "black mustard seeds", + "caraway seeds", + "ground black pepper", + "salt", + "chopped cilantro fresh", + "curry powder", + "heavy cream", + "cayenne pepper", + "chopped garlic" + ] + }, + { + "id": 15057, + "cuisine": "irish", + "ingredients": [ + "brown sugar", + "potatoes", + "worcestershire sauce", + "oil", + "onions", + "milk", + "green onions", + "garlic", + "thyme", + "pepper", + "flour", + "bacon", + "sausages", + "cabbage", + "mustard", + "Guinness Beer", + "butter", + "salt", + "sour cream" + ] + }, + { + "id": 17607, + "cuisine": "italian", + "ingredients": [ + "warm water", + "ground pepper", + "all-purpose flour", + "dried oregano", + "vegetable oil cooking spray", + "artichoke hearts", + "salt", + "cornmeal", + "dried basil", + "dry yeast", + "provolone cheese", + "sun-dried tomatoes", + "stewed tomatoes", + "garlic cloves" + ] + }, + { + "id": 41994, + "cuisine": "italian", + "ingredients": [ + "honey", + "green onions", + "purple onion", + "arugula", + "fresh basil", + "aioli", + "portabello mushroom", + "sourdough", + "golden brown sugar", + "balsamic vinegar", + "garlic cloves", + "olive oil", + "chopped fresh thyme", + "red bell pepper" + ] + }, + { + "id": 2934, + "cuisine": "brazilian", + "ingredients": [ + "granola", + "fruit", + "frozen strawberries", + "ice cubes", + "juice", + "bananas", + "frozen blueberries" + ] + }, + { + "id": 35347, + "cuisine": "greek", + "ingredients": [ + "tomato paste", + "chili pepper flakes", + "chopped onion", + "olive oil", + "garlic", + "dried oregano", + "pepper", + "diced tomatoes", + "celery", + "clams", + "bay leaves", + "salt" + ] + }, + { + "id": 6193, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic", + "broccoli rabe", + "extra-virgin olive oil", + "garlic powder", + "onion salt", + "hot Italian sausages", + "pasta", + "sliced black olives", + "salt" + ] + }, + { + "id": 29649, + "cuisine": "jamaican", + "ingredients": [ + "fresh marjoram", + "minced garlic", + "lager", + "chopped fresh thyme", + "molasses", + "minced ginger", + "dark rum", + "ground allspice", + "soy sauce", + "lime juice", + "bay leaves", + "cracked black pepper", + "ground cinnamon", + "kosher salt", + "ground nutmeg", + "chile pepper", + "pork loin chops" + ] + }, + { + "id": 47822, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "cauliflower", + "extra-virgin olive oil", + "pecorino romano cheese", + "kosher salt", + "chopped parsley" + ] + }, + { + "id": 44667, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "unsalted butter", + "large garlic cloves", + "dried oregano", + "dried thyme", + "veal cutlets", + "all-purpose flour", + "black pepper", + "mushrooms", + "salt", + "olive oil", + "beef demi-glace", + "flat leaf parsley" + ] + }, + { + "id": 22615, + "cuisine": "greek", + "ingredients": [ + "pepper", + "parsley", + "spinach", + "feta cheese", + "dill", + "eggs", + "olive oil", + "salt", + "phyllo dough", + "green onions" + ] + }, + { + "id": 1713, + "cuisine": "thai", + "ingredients": [ + "lime", + "mung beans", + "sesame oil", + "peanut butter", + "carrots", + "fish sauce", + "fresh ginger", + "green onions", + "cilantro", + "garlic cloves", + "monterey jack", + "honey", + "hoisin sauce", + "red pepper", + "pizza doughs", + "boiling water", + "soy sauce", + "Sriracha", + "cooked chicken", + "rice vinegar", + "oyster sauce" + ] + }, + { + "id": 19029, + "cuisine": "jamaican", + "ingredients": [ + "bananas", + "vanilla extract", + "nutmeg", + "cooking oil", + "all-purpose flour", + "granulated sugar", + "salt", + "brown sugar", + "cinnamon" + ] + }, + { + "id": 21577, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "lemon extract", + "whipped cream", + "evaporated milk", + "sweet potatoes", + "grated nutmeg", + "piecrust", + "large eggs", + "vanilla extract", + "ground nutmeg", + "butter", + "sweetened condensed milk" + ] + }, + { + "id": 39605, + "cuisine": "british", + "ingredients": [ + "warm water", + "butter", + "honey", + "cornmeal", + "milk", + "salt", + "flour", + "yeast" + ] + }, + { + "id": 38380, + "cuisine": "cajun_creole", + "ingredients": [ + "ground cinnamon", + "flour", + "oil", + "milk", + "vanilla extract", + "eggs", + "apples", + "confectioners sugar", + "superfine sugar", + "salt" + ] + }, + { + "id": 4086, + "cuisine": "italian", + "ingredients": [ + "white wine", + "coarse salt", + "veal shanks", + "ground black pepper", + "extra-virgin olive oil", + "orange peel", + "unsalted butter", + "garlic", + "flat leaf parsley", + "lemon peel", + "all-purpose flour" + ] + }, + { + "id": 34395, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "boneless skinless chicken breasts", + "cayenne pepper", + "onions", + "olive oil", + "diced tomatoes", + "bay leaf", + "tomato sauce", + "brown rice", + "flat leaf parsley", + "celery ribs", + "smoked ham", + "garlic", + "medium shrimp" + ] + }, + { + "id": 25727, + "cuisine": "mexican", + "ingredients": [ + "cilantro sprigs", + "chopped cilantro fresh", + "roma tomatoes", + "onions", + "Anaheim chile", + "garlic cloves", + "olive oil", + "salt", + "ground cumin" + ] + }, + { + "id": 28978, + "cuisine": "spanish", + "ingredients": [ + "evaporated milk", + "cream cheese", + "water", + "vanilla extract", + "sugar", + "large eggs", + "sweetened condensed milk", + "large egg yolks", + "salt" + ] + }, + { + "id": 41965, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "olive oil", + "salt", + "plain yogurt", + "lemon zest", + "lemon juice", + "Quinoa Flour", + "baking soda", + "spelt flour", + "honey", + "baking powder" + ] + }, + { + "id": 24481, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "poblano chilies", + "corn kernels", + "goat cheese", + "kosher salt", + "extra-virgin olive oil", + "kidney beans", + "long grain white rice" + ] + }, + { + "id": 26342, + "cuisine": "french", + "ingredients": [ + "mussels", + "goat cheese", + "cooking oil", + "onions", + "dry white wine", + "tomato juice", + "celery seed" + ] + }, + { + "id": 4958, + "cuisine": "italian", + "ingredients": [ + "eggs", + "whole milk", + "seasoned bread crumbs", + "cheese ravioli", + "pasta sauce", + "vegetable oil", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 43029, + "cuisine": "indian", + "ingredients": [ + "chile powder", + "date sugar", + "tamarind", + "cumin seed", + "anise seed", + "salt", + "coriander seeds", + "hot water" + ] + }, + { + "id": 29677, + "cuisine": "italian", + "ingredients": [ + "1% low-fat milk", + "shiitake mushroom caps", + "olive oil", + "garlic cloves", + "spaghetti", + "salt", + "fresh parsley", + "shallots", + "chopped pecans" + ] + }, + { + "id": 43316, + "cuisine": "filipino", + "ingredients": [ + "evaporated milk", + "white sugar", + "egg yolks", + "pure vanilla extract", + "sweetened condensed milk" + ] + }, + { + "id": 11804, + "cuisine": "italian", + "ingredients": [ + "pure vanilla extract", + "granulated sugar", + "plums", + "kosher salt", + "baking powder", + "grated lemon zest", + "large egg yolks", + "butter", + "cornmeal", + "light brown sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 18328, + "cuisine": "japanese", + "ingredients": [ + "egg whites", + "cake flour", + "fine granulated sugar", + "cream of tartar", + "butter", + "cream cheese", + "egg yolks", + "salt", + "milk", + "cornflour", + "lemon juice" + ] + }, + { + "id": 12926, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "buttermilk", + "large eggs", + "bacon grease", + "bicarbonate of soda", + "salt", + "baking powder", + "cornmeal" + ] + }, + { + "id": 29472, + "cuisine": "french", + "ingredients": [ + "cognac", + "black pepper", + "fat", + "sea salt" + ] + }, + { + "id": 31185, + "cuisine": "cajun_creole", + "ingredients": [ + "turkey broth", + "stuffing mix", + "pork sausages", + "pepper", + "chopped celery", + "liquid", + "butter", + "creole seasoning", + "oysters", + "salt", + "onions" + ] + }, + { + "id": 20231, + "cuisine": "italian", + "ingredients": [ + "parmigiano-reggiano cheese", + "kosher salt", + "whole peeled tomatoes", + "chopped onion", + "dried porcini mushrooms", + "olive oil", + "whole wheat spaghetti", + "boiling water", + "cremini mushrooms", + "minced garlic", + "whole milk", + "fresh parsley", + "tomato paste", + "white wine", + "ground black pepper", + "ground pork" + ] + }, + { + "id": 230, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "lime", + "vegetable oil", + "garlic cloves", + "Madras curry powder", + "tumeric", + "flour", + "red curry paste", + "corn starch", + "unsweetened coconut milk", + "sugar", + "shallots", + "scallions", + "fresh lime juice", + "fish sauce", + "lo mein noodles", + "salt", + "shrimp", + "cumin" + ] + }, + { + "id": 24658, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "tumeric", + "cayenne", + "garlic", + "fresh parsley", + "fresh red chili", + "fresh ginger", + "sesame oil", + "mustard powder", + "chickpea flour", + "water", + "jalapeno chilies", + "purple onion", + "ground cumin", + "tomatoes", + "garam masala", + "sea salt", + "ground coriander" + ] + }, + { + "id": 27769, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "fresh ginger", + "sesame oil", + "Gochujang base", + "kosher salt", + "large eggs", + "rice vinegar", + "black pepper", + "panko", + "avocado oil", + "garlic cloves", + "chicken wings", + "honey", + "black sesame seeds", + "plain breadcrumbs" + ] + }, + { + "id": 4544, + "cuisine": "spanish", + "ingredients": [ + "sliced almonds", + "fideos", + "chickpeas", + "saffron", + "water", + "extra-virgin olive oil", + "flat leaf parsley", + "reduced sodium chicken broth", + "dry white wine", + "garlic cloves", + "unsalted butter", + "spanish chorizo", + "onions" + ] + }, + { + "id": 36560, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "dried thyme", + "lima beans", + "medium shrimp", + "crushed tomatoes", + "bay leaves", + "okra", + "celery ribs", + "corn kernels", + "yellow onion", + "ham", + "water", + "unsalted butter", + "rice", + "pork sausages" + ] + }, + { + "id": 16560, + "cuisine": "southern_us", + "ingredients": [ + "coconut extract", + "egg whites", + "vanilla extract", + "sugar", + "baking powder", + "cake flour", + "cold water", + "milk", + "flaked coconut", + "salt", + "cream of tartar", + "unsalted butter", + "light corn syrup" + ] + }, + { + "id": 37027, + "cuisine": "cajun_creole", + "ingredients": [ + "bread crumbs", + "hot pepper sauce", + "white rice", + "chopped onion", + "olive oil", + "chopped green bell pepper", + "chopped celery", + "pork sausages", + "eggplant", + "butter", + "cayenne pepper", + "water", + "fennel bulb", + "garlic", + "ground beef" + ] + }, + { + "id": 33554, + "cuisine": "mexican", + "ingredients": [ + "chopped onion", + "chopped cilantro fresh", + "tomatoes", + "tequila", + "avocado", + "garlic cloves", + "kosher salt", + "fresh lime juice" + ] + }, + { + "id": 26505, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "cumin seed", + "ground nutmeg", + "coriander seeds", + "cinnamon sticks", + "clove", + "cardamom pods" + ] + }, + { + "id": 1521, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "peanut oil", + "onions", + "green onions", + "low salt chicken broth", + "plum tomatoes", + "lime wedges", + "thai green curry paste", + "large shrimp", + "sugar", + "Thai fish sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 19748, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "orange juice", + "cayenne pepper", + "chicken", + "worcestershire sauce", + "dark brown sugar", + "liquid smoke", + "mustard powder" + ] + }, + { + "id": 48705, + "cuisine": "mexican", + "ingredients": [ + "picante sauce", + "salt and ground black pepper", + "long grain white rice", + "tomato sauce", + "water", + "cooking spray", + "boneless chop pork", + "taco seasoning mix", + "vegetable oil", + "shredded cheddar cheese", + "green bell pepper, slice" + ] + }, + { + "id": 30101, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "anchovy paste", + "red bell pepper", + "red wine vinegar", + "fresh oregano", + "ground black pepper", + "extra-virgin olive oil", + "olives", + "yellow bell pepper", + "garlic cloves" + ] + }, + { + "id": 15704, + "cuisine": "mexican", + "ingredients": [ + "black peppercorns", + "kosher salt", + "almonds", + "tomatillos", + "pumpkin seeds", + "canela", + "anise seed", + "chipotle chile", + "coriander seeds", + "chicken breasts", + "mexican chocolate", + "corn tortillas", + "sugar", + "baguette", + "roma tomatoes", + "raisins", + "lard", + "onions", + "clove", + "pasilla chiles", + "sesame seeds", + "mulato chiles", + "garlic", + "ancho chile pepper", + "canola oil" + ] + }, + { + "id": 43303, + "cuisine": "cajun_creole", + "ingredients": [ + "prepared horseradish", + "paprika", + "fresh parsley", + "kosher salt", + "bay leaves", + "yellow onion", + "iceberg lettuce", + "mayonaise", + "cayenne", + "fresh tarragon", + "large shrimp", + "whole grain mustard", + "lemon", + "sauce" + ] + }, + { + "id": 18015, + "cuisine": "indian", + "ingredients": [ + "coriander powder", + "chili powder", + "oil", + "potatoes", + "paneer", + "chaat masala", + "powdered milk", + "raisins", + "corn flour", + "chopped almonds", + "salt", + "ground cumin" + ] + }, + { + "id": 21542, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "fresh parsley", + "kosher salt", + "lemon", + "pure olive oil", + "russet potatoes", + "onions", + "roasted red peppers", + "freshly ground pepper" + ] + }, + { + "id": 45939, + "cuisine": "greek", + "ingredients": [ + "romaine lettuce", + "salad dressing", + "peas", + "onions", + "tomatoes", + "feta cheese crumbles", + "chicken", + "mayonaise", + "celery" + ] + }, + { + "id": 6962, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "sea salt", + "fresh lemon juice", + "garlic powder", + "cayenne pepper", + "whole wheat pita bread", + "olive oil", + "salt", + "coriander", + "black beans", + "onion powder", + "liquid", + "cumin" + ] + }, + { + "id": 49009, + "cuisine": "spanish", + "ingredients": [ + "white wine", + "boneless skinless chicken breasts", + "salt", + "fresh parsley", + "olive oil", + "diced tomatoes", + "scallions", + "chorizo sausage", + "pepper", + "shallots", + "dry bread crumbs", + "onions", + "chicken broth", + "manchego cheese", + "black olives", + "shrimp" + ] + }, + { + "id": 16985, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "yellow bell pepper", + "fresh basil leaves", + "heirloom tomatoes", + "extra-virgin olive oil", + "pesto", + "chees fresh mozzarella", + "fresh lime juice", + "red wine vinegar", + "orzo", + "large shrimp" + ] + }, + { + "id": 41836, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "crushed red pepper flakes", + "onions", + "olive oil", + "salt", + "sugar", + "garlic", + "dried oregano", + "diced tomatoes", + "bay leaf" + ] + }, + { + "id": 3023, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "tamarind", + "pork belly", + "okra", + "horseradish", + "strawberries", + "cabbage leaves", + "water" + ] + }, + { + "id": 7606, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "coconut milk", + "ginger", + "glutinous rice", + "salt" + ] + }, + { + "id": 23316, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "artichok heart marin", + "fresh parsley", + "dijon mustard", + "salt", + "olive oil", + "yellow bell pepper", + "pepper", + "balsamic vinegar" + ] + }, + { + "id": 19341, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "cajun seasoning", + "salt", + "garlic cloves", + "green onions", + "worcestershire sauce", + "chopped onion", + "tomatoes", + "clam juice", + "chopped celery", + "long-grain rice", + "chopped green bell pepper", + "butter", + "all-purpose flour", + "large shrimp" + ] + }, + { + "id": 15041, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "bell pepper", + "yellow onion", + "parmesan cheese", + "red wine vinegar", + "red bell pepper", + "minced garlic", + "cooking spray", + "bucatini", + "fresh basil", + "zucchini", + "extra-virgin olive oil" + ] + }, + { + "id": 7831, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "olive oil", + "penne pasta", + "roasted red peppers", + "fresh basil leaves", + "pepper", + "salt" + ] + }, + { + "id": 31838, + "cuisine": "italian", + "ingredients": [ + "processed cheese", + "cornflake cereal", + "celery", + "evaporated milk", + "dry sherry", + "egg noodles, cooked and drained", + "butter", + "salt", + "boneless skinless chicken breast halves", + "ground black pepper", + "paprika", + "sliced mushrooms" + ] + }, + { + "id": 39133, + "cuisine": "thai", + "ingredients": [ + "water", + "shrimp", + "soy sauce", + "vegetable oil", + "chopped cilantro fresh", + "shredded cabbage", + "onions", + "minced garlic", + "crushed red pepper flakes" + ] + }, + { + "id": 9300, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "bittersweet chocolate", + "heavy cream" + ] + }, + { + "id": 42752, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "ground black pepper", + "scallions", + "lime", + "chopped onion", + "chopped garlic", + "fresh ginger", + "ground allspice", + "habanero hot sauce", + "fresh thyme", + "chicken pieces" + ] + }, + { + "id": 4079, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "leaves", + "cilantro", + "fresh lime juice", + "kosher salt", + "boneless skinless chicken breasts", + "peanut oil", + "fish sauce", + "Sriracha", + "thai chile", + "iceberg lettuce", + "light brown sugar", + "lemongrass", + "shallots", + "garlic cloves" + ] + }, + { + "id": 9099, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "shell pasta", + "mustard powder", + "milk", + "paprika", + "onions", + "unsalted butter", + "salt", + "bread crumbs", + "red pepper", + "sharp cheddar cheese" + ] + }, + { + "id": 11256, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "purple onion", + "chopped cilantro", + "kosher salt", + "cilantro sprigs", + "corn tortillas", + "lime juice", + "achiote paste", + "sardines", + "cayenne", + "orange juice", + "fresh pineapple" + ] + }, + { + "id": 2301, + "cuisine": "french", + "ingredients": [ + "milk", + "dry yeast", + "vanilla extract", + "grated lemon peel", + "warm water", + "unsalted butter", + "almond extract", + "kirsch", + "powdered sugar", + "large egg yolks", + "golden raisins", + "salt", + "sugar", + "almonds", + "dried tart cherries", + "all-purpose flour" + ] + }, + { + "id": 5384, + "cuisine": "mexican", + "ingredients": [ + "peeled tomatoes", + "tortilla chips", + "butter", + "green chilies", + "hot pepper sauce", + "cream cheese", + "cheddar cheese", + "all-purpose flour", + "onions" + ] + }, + { + "id": 23697, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "ground turkey", + "salt", + "garlic", + "italian seasoning", + "tapioca flour", + "yellow onion" + ] + }, + { + "id": 5474, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "all-purpose flour", + "green tomatoes", + "large eggs", + "cornmeal", + "extra-virgin olive oil" + ] + }, + { + "id": 13856, + "cuisine": "vietnamese", + "ingredients": [ + "shallots", + "toasted sesame seeds", + "sugar", + "oyster sauce", + "fish sauce", + "garlic", + "canola oil", + "lemongrass", + "pork shoulder" + ] + }, + { + "id": 39147, + "cuisine": "korean", + "ingredients": [ + "hot red pepper flakes", + "pork belly", + "sesame oil", + "red chili peppers", + "minced garlic", + "scallions", + "sugar", + "black pepper", + "ginger", + "soy sauce", + "rice wine", + "onions" + ] + }, + { + "id": 22442, + "cuisine": "korean", + "ingredients": [ + "pepper flakes", + "sesame seeds", + "garlic", + "green chilies", + "pork belly", + "green onions", + "oyster mushrooms", + "carrots", + "sugar", + "mushrooms", + "soybean paste", + "english cucumber", + "lettuce", + "honey", + "sesame oil", + "Gochujang base" + ] + }, + { + "id": 27572, + "cuisine": "irish", + "ingredients": [ + "eggs", + "buttermilk", + "fennel seeds", + "baking powder", + "all-purpose flour", + "baking soda", + "salt", + "melted butter", + "butter", + "white sugar" + ] + }, + { + "id": 16122, + "cuisine": "mexican", + "ingredients": [ + "salt", + "jalapeno chilies", + "fresh lime juice", + "garlic cloves", + "vegetable oil" + ] + }, + { + "id": 20809, + "cuisine": "thai", + "ingredients": [ + "cherry tomatoes", + "shredded cabbage", + "lime wedges", + "salt", + "fresh lime juice", + "avocado", + "mint leaves", + "marinade", + "thai chile", + "freshly ground pepper", + "mango", + "agave nectar", + "flank steak", + "salted roast peanuts", + "cilantro leaves", + "asian fish sauce", + "lime", + "basil leaves", + "sesame oil", + "linguine", + "scallions" + ] + }, + { + "id": 31897, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "reduced sodium soy sauce", + "baby spinach", + "snow peas", + "sugar", + "Sriracha", + "carrots", + "cremini mushrooms", + "egg noodles", + "garlic", + "olive oil", + "sesame oil", + "red bell pepper" + ] + }, + { + "id": 2960, + "cuisine": "mexican", + "ingredients": [ + "pineapple", + "white rum", + "tangerine juice", + "fresh lime juice", + "bananas" + ] + }, + { + "id": 45685, + "cuisine": "mexican", + "ingredients": [ + "paprika", + "cumin seed", + "dried oregano", + "ground pepper", + "yellow onion", + "cooking fat", + "salt", + "garlic cloves", + "chili powder", + "cayenne pepper", + "ground beef" + ] + }, + { + "id": 5988, + "cuisine": "korean", + "ingredients": [ + "sugar", + "red pepper", + "napa cabbage", + "juice", + "garlic juice", + "gingerroot", + "coarse salt", + "scallions" + ] + }, + { + "id": 16548, + "cuisine": "spanish", + "ingredients": [ + "balsamic vinegar", + "rolls", + "ground cinnamon", + "diced tomatoes", + "onions", + "tomato paste", + "raisins", + "meat loaf mix", + "chili powder", + "beef broth", + "iceberg lettuce" + ] + }, + { + "id": 37904, + "cuisine": "mexican", + "ingredients": [ + "lime", + "cooking spray", + "cayenne pepper", + "chopped cilantro fresh", + "chile powder", + "ground black pepper", + "cheese", + "scallions", + "ground cumin", + "salsa verde", + "onion powder", + "cream cheese", + "chicken", + "kosher salt", + "shredded extra sharp cheddar cheese", + "garlic", + "corn tortillas" + ] + }, + { + "id": 49628, + "cuisine": "french", + "ingredients": [ + "sugar", + "vanilla extract", + "large egg yolks", + "water", + "salt", + "whipping cream" + ] + }, + { + "id": 22279, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "extra-virgin olive oil", + "dried rosemary", + "dried thyme", + "rubbed sage", + "kosher salt", + "pizza doughs", + "cooking spray", + "flat leaf parsley" + ] + }, + { + "id": 45414, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "non-fat sour cream", + "shredded cheddar cheese", + "chile pepper", + "cumin", + "black pepper", + "chili powder", + "red enchilada sauce", + "garlic powder", + "whole wheat tortillas" + ] + }, + { + "id": 30486, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "chives", + "onions", + "clove", + "olive oil", + "heavy cream", + "pepper", + "butter", + "arborio rice", + "parmesan cheese", + "salt" + ] + }, + { + "id": 22302, + "cuisine": "mexican", + "ingredients": [ + "chili beans", + "guacamole", + "chopped cilantro fresh", + "low-fat sour cream", + "salt", + "chicken broth", + "mexicorn", + "chunky salsa", + "pepper", + "turkey meat" + ] + }, + { + "id": 40254, + "cuisine": "jamaican", + "ingredients": [ + "bananas", + "pineapple juice", + "cherries", + "coconut rum", + "cranberry juice", + "banana liqueur", + "rum", + "kiwi" + ] + }, + { + "id": 2971, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "cayenne pepper", + "butter", + "lemon pepper", + "ground black pepper", + "red drum", + "salt", + "salad dressing" + ] + }, + { + "id": 48617, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "water", + "garlic", + "garlic chili sauce", + "soy sauce", + "fresh shiitake mushrooms", + "scallions", + "beansprouts", + "sugar", + "egg noodles", + "salt", + "carrots", + "white pepper", + "sesame oil", + "oil", + "cabbage" + ] + }, + { + "id": 26239, + "cuisine": "southern_us", + "ingredients": [ + "ground nutmeg", + "paprika", + "ground white pepper", + "eggs", + "flour", + "rubbed sage", + "garlic salt", + "ground black pepper", + "salt", + "dried parsley", + "rosemary", + "onion salt", + "thyme", + "dried oregano" + ] + }, + { + "id": 41049, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fontina cheese", + "sun-dried tomatoes in oil", + "artichokes", + "dried basil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 8247, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "cream", + "seedless red grapes", + "sugar", + "salt", + "large egg yolks" + ] + }, + { + "id": 10034, + "cuisine": "chinese", + "ingredients": [ + "mantou", + "white sugar", + "dark soy sauce", + "vegetable oil", + "chicken broth", + "shallots", + "barbecue sauce", + "boneless pork loin" + ] + }, + { + "id": 12499, + "cuisine": "korean", + "ingredients": [ + "granny smith apples", + "large eggs", + "light corn syrup", + "garlic cloves", + "water", + "green onions", + "rice vinegar", + "skirt steak", + "sushi rice", + "peeled fresh ginger", + "salt", + "kimchi", + "soy sauce", + "mirin", + "sesame oil", + "Gochujang base", + "canola oil" + ] + }, + { + "id": 13834, + "cuisine": "moroccan", + "ingredients": [ + "tofu", + "vegetables", + "large garlic cloves", + "fresh coriander", + "harissa paste", + "ground cumin", + "ground ginger", + "clear honey", + "onions", + "olive oil", + "vegetable stock" + ] + }, + { + "id": 30678, + "cuisine": "indian", + "ingredients": [ + "water", + "mint leaves", + "ginger", + "cilantro leaves", + "cardamom", + "peppercorns", + "chicken", + "coriander powder", + "yoghurt", + "garlic", + "cumin seed", + "cinnamon sticks", + "ground turmeric", + "milk", + "bay leaves", + "star anise", + "green chilies", + "cucumber", + "basmati rice", + "clove", + "Biryani Masala", + "chili powder", + "salt", + "oil", + "onions", + "saffron" + ] + }, + { + "id": 30591, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "grated parmesan cheese", + "mushrooms", + "garlic cloves", + "fennel seeds", + "chopped green bell pepper", + "lasagna noodles, cooked and drained", + "chopped onion", + "part-skim mozzarella cheese", + "cooking spray", + "firm tofu", + "olive oil", + "marinara sauce", + "crushed red pepper", + "italian seasoning" + ] + }, + { + "id": 45722, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "extra-virgin olive oil", + "garlic cloves", + "sherry vinegar", + "country style bread", + "cherry tomatoes", + "salt", + "large shrimp", + "fresh basil", + "teardrop tomatoes", + "freshly ground pepper" + ] + }, + { + "id": 1758, + "cuisine": "mexican", + "ingredients": [ + "beer", + "self rising flour", + "shredded cheddar cheese", + "white sugar", + "chile pepper" + ] + }, + { + "id": 6546, + "cuisine": "southern_us", + "ingredients": [ + "nutmeg", + "whole wheat flour", + "baking powder", + "sausages", + "pepper", + "gravy", + "salt", + "whole wheat pastry flour", + "baking soda", + "butter", + "biscuits", + "milk", + "sweet potatoes", + "maple syrup" + ] + }, + { + "id": 2068, + "cuisine": "mexican", + "ingredients": [ + "unsalted chicken stock", + "cilantro stems", + "all-purpose flour", + "ground cumin", + "avocado", + "salsa verde", + "reduced-fat sour cream", + "corn tortillas", + "tomatoes", + "jalapeno chilies", + "cilantro leaves", + "onions", + "reduced fat sharp cheddar cheese", + "chicken breasts", + "garlic cloves" + ] + }, + { + "id": 26539, + "cuisine": "russian", + "ingredients": [ + "vanilla", + "oil", + "whole milk", + "cream cheese", + "rolls", + "sour cream", + "whipped cream", + "condensed milk" + ] + }, + { + "id": 23049, + "cuisine": "mexican", + "ingredients": [ + "cream of chicken soup", + "green chilies", + "milk", + "cooked chicken", + "sour cream", + "shredded cheddar cheese", + "jalapeno chilies", + "fresh mushrooms", + "part-skim mozzarella cheese", + "tortilla chips" + ] + }, + { + "id": 18668, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger root", + "broccoli florets", + "crushed red pepper flakes", + "rice vinegar", + "canola oil", + "mirin", + "sliced carrots", + "garlic", + "green beans", + "ground black pepper", + "soft tofu", + "vegetable broth", + "dark sesame oil", + "sliced green onions", + "water chestnuts", + "arrowroot powder", + "tamari soy sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 35630, + "cuisine": "moroccan", + "ingredients": [ + "cilantro leaves", + "paprika", + "lemon juice", + "garlic cloves", + "extra-virgin olive oil", + "fresh tuna steaks" + ] + }, + { + "id": 31253, + "cuisine": "italian", + "ingredients": [ + "pizza sauce", + "mozzarella cheese", + "ground sausage", + "ricotta cheese", + "olive oil", + "pita pockets" + ] + }, + { + "id": 46294, + "cuisine": "mexican", + "ingredients": [ + "tortilla chips", + "barbecue sauce", + "rotisserie chicken", + "cheese" + ] + }, + { + "id": 8673, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "worcestershire sauce low sodium", + "ground red pepper", + "red bell pepper", + "parsley sprigs", + "crawfish", + "all-purpose flour", + "Velveeta", + "black pepper", + "garlic", + "onions", + "fettucine", + "skim milk", + "green onions", + "margarine" + ] + }, + { + "id": 10403, + "cuisine": "southern_us", + "ingredients": [ + "chopped fresh chives", + "salt", + "fresh parsley", + "eggs", + "butter", + "cream cheese", + "chicken broth", + "quickcooking grits", + "shredded parmesan cheese", + "milk", + "peeled shrimp", + "lemon juice" + ] + }, + { + "id": 34380, + "cuisine": "mexican", + "ingredients": [ + "yellow squash", + "flour tortillas", + "salsa", + "chopped cilantro fresh", + "sugar", + "diced red onions", + "fat-free refried beans", + "fresh lime juice", + "ground cumin", + "low-fat sour cream", + "olive oil", + "cooking spray", + "red bell pepper", + "dried oregano", + "black pepper", + "zucchini", + "salt", + "chipotles in adobo" + ] + }, + { + "id": 24968, + "cuisine": "italian", + "ingredients": [ + "vanilla extract", + "sweet cherries", + "hot water", + "sugar", + "orange juice", + "almond extract" + ] + }, + { + "id": 28327, + "cuisine": "italian", + "ingredients": [ + "pepper", + "ricotta cheese", + "italian seasoning", + "eggs", + "lasagna noodles", + "salt", + "olive oil", + "garlic", + "pasta sauce", + "grated parmesan cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 18747, + "cuisine": "cajun_creole", + "ingredients": [ + "milk", + "whipping cream", + "sugar", + "large eggs", + "large egg yolks", + "white chocolate", + "french bread" + ] + }, + { + "id": 8518, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "nori", + "avocado", + "sushi rice", + "wasabi paste", + "lump crab meat", + "soy sauce" + ] + }, + { + "id": 41909, + "cuisine": "japanese", + "ingredients": [ + "sake", + "shiitake", + "udon", + "shirataki", + "brown sugar", + "dashi", + "enokitake", + "Tokyo negi", + "rib eye steaks", + "soy sauce", + "mirin", + "napa cabbage", + "tofu", + "sugar", + "shungiku", + "cooking oil", + "carrots" + ] + }, + { + "id": 14781, + "cuisine": "mexican", + "ingredients": [ + "chili beans", + "green onions", + "ground beef", + "ground cumin", + "grated parmesan cheese", + "salsa", + "chunky salsa", + "shredded cheddar cheese", + "garlic", + "onions", + "avocado", + "flour tortillas", + "sour cream", + "dried oregano" + ] + }, + { + "id": 26234, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "orange", + "ginger", + "oil", + "white vinegar", + "soy sauce", + "flour", + "garlic", + "corn starch", + "eggs", + "white pepper", + "green onions", + "salt", + "sugar", + "water", + "rice wine", + "boneless skinless chicken" + ] + }, + { + "id": 9303, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "sake", + "oil", + "mirin", + "salmon fillets" + ] + }, + { + "id": 44903, + "cuisine": "korean", + "ingredients": [ + "dry white wine", + "crushed red pepper", + "soy sauce", + "vegetable oil", + "scallions", + "sugar", + "flank steak", + "salt", + "steamed rice", + "large garlic cloves", + "toasted sesame oil" + ] + }, + { + "id": 10999, + "cuisine": "spanish", + "ingredients": [ + "minced garlic", + "fresh lime juice", + "fresh orange juice", + "ground cumin", + "fresh lemon juice", + "olive oil", + "ground oregano" + ] + }, + { + "id": 35093, + "cuisine": "korean", + "ingredients": [ + "salt", + "eggs", + "toasted sesame seeds", + "chicken broth", + "fresh lemon juice", + "watercress leaves" + ] + }, + { + "id": 12100, + "cuisine": "southern_us", + "ingredients": [ + "whipping cream", + "pork sausages", + "dried sage", + "onion tops", + "ground cloves", + "all-purpose flour", + "skirt steak", + "butter", + "beef broth" + ] + }, + { + "id": 16623, + "cuisine": "british", + "ingredients": [ + "Melba toast", + "stilton", + "tawny port", + "hazelnuts", + "cream cheese, soften" + ] + }, + { + "id": 5143, + "cuisine": "french", + "ingredients": [ + "seedless green grape", + "roasted chestnuts", + "peanut oil", + "unsalted butter", + "crème fraîche", + "thyme sprigs", + "quail", + "salt", + "carrots", + "black pepper", + "low sodium chicken broth", + "cognac", + "onions" + ] + }, + { + "id": 36970, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "boneless chicken skinless thigh", + "cooking spray", + "purple onion", + "ground cardamom", + "ground turmeric", + "plain low-fat yogurt", + "zucchini", + "reduced-fat sour cream", + "ground coriander", + "red bell pepper", + "ground cinnamon", + "ground black pepper", + "peeled fresh ginger", + "salt", + "cucumber", + "ground cumin", + "saffron threads", + "ground cloves", + "jalapeno chilies", + "paprika", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 7723, + "cuisine": "southern_us", + "ingredients": [ + "large egg whites", + "light corn syrup", + "cake flour", + "orange zest", + "sugar", + "whole milk", + "fresh orange juice", + "fresh lemon juice", + "water", + "baking powder", + "vanilla", + "corn starch", + "eggs", + "unsalted butter", + "sweetened coconut flakes", + "salt" + ] + }, + { + "id": 15400, + "cuisine": "chinese", + "ingredients": [ + "minced ginger", + "cilantro", + "toasted pine nuts", + "cooked rice", + "large eggs", + "frozen corn kernels", + "ground white pepper", + "canola", + "salt", + "carrots", + "soy sauce", + "red pepper flakes", + "scallions", + "frozen peas" + ] + }, + { + "id": 128, + "cuisine": "cajun_creole", + "ingredients": [ + "crawfish", + "ground red pepper", + "salt", + "eggplant", + "vegetable oil", + "sauce", + "milk", + "baking powder", + "all-purpose flour", + "large eggs", + "chopped celery", + "chopped onion" + ] + }, + { + "id": 11796, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "green onions", + "salt", + "orange juice", + "ginger root", + "pepper", + "red pepper flakes", + "all-purpose flour", + "lemon juice", + "soy sauce", + "boneless skinless chicken breasts", + "rice vinegar", + "oil", + "orange zest", + "eggs", + "water", + "garlic", + "sauce", + "corn starch" + ] + }, + { + "id": 26099, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "fresh lime juice", + "black beans", + "butter", + "Mexican cheese blend", + "diced tomatoes", + "flour tortillas", + "chopped cilantro fresh" + ] + }, + { + "id": 25886, + "cuisine": "southern_us", + "ingredients": [ + "panko", + "butter", + "green onions", + "butter beans", + "whole milk", + "extra-virgin olive oil", + "russet potatoes" + ] + }, + { + "id": 44999, + "cuisine": "jamaican", + "ingredients": [ + "eggs", + "teas", + "flour", + "fruit", + "sugar", + "stout" + ] + }, + { + "id": 7649, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "hoisin sauce", + "dry sherry", + "oyster sauce", + "black pepper", + "chili oil", + "salt", + "chopped garlic", + "soy sauce", + "spring onions", + "cornflour", + "chillies", + "chicken stock", + "swiss chard", + "sirloin steak", + "oil" + ] + }, + { + "id": 12279, + "cuisine": "southern_us", + "ingredients": [ + "egg yolks", + "pound cake", + "sugar", + "butter", + "meringue", + "bananas", + "vanilla extract", + "corn starch", + "half & half", + "salt" + ] + }, + { + "id": 39739, + "cuisine": "thai", + "ingredients": [ + "duck breasts", + "lemongrass", + "shrimp paste", + "rock salt", + "onions", + "kaffir lime leaves", + "fresh coriander", + "palm sugar", + "red pepper", + "curry paste", + "dark chicken stock", + "red chili peppers", + "light soy sauce", + "shallots", + "green beans", + "chopped garlic", + "fish sauce", + "water", + "water chestnuts", + "oil", + "galangal" + ] + }, + { + "id": 33181, + "cuisine": "italian", + "ingredients": [ + "rum", + "all-purpose flour", + "evaporated milk", + "vanilla extract", + "sugar", + "vegetable oil", + "confectioners sugar", + "large eggs", + "salt" + ] + }, + { + "id": 29317, + "cuisine": "italian", + "ingredients": [ + "capers", + "large garlic cloves", + "mushrooms", + "flat leaf parsley", + "unsalted butter", + "fresh lemon juice", + "vegetable oil" + ] + }, + { + "id": 18050, + "cuisine": "italian", + "ingredients": [ + "instant espresso powder", + "salt", + "brown sugar", + "semisweet chocolate", + "corn starch", + "hazelnuts", + "vanilla extract", + "hot water", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 4423, + "cuisine": "indian", + "ingredients": [ + "milk", + "black tea", + "clove", + "cinnamon", + "sugar", + "cardamom", + "cold water", + "fresh ginger", + "peppercorns" + ] + }, + { + "id": 46059, + "cuisine": "indian", + "ingredients": [ + "cream sweeten whip", + "ground nutmeg", + "unsweetened cocoa powder", + "water", + "cinnamon sticks", + "ground cinnamon", + "milk", + "white sugar", + "tea bags", + "vanilla extract" + ] + }, + { + "id": 21291, + "cuisine": "italian", + "ingredients": [ + "chili pepper", + "marinara sauce", + "penne pasta", + "chicken broth", + "water", + "garlic", + "red bell pepper", + "italian sausage", + "pepper", + "basil", + "thyme", + "vidalia onion", + "green bell pepper, slice", + "salt", + "oregano" + ] + }, + { + "id": 39523, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "extra-virgin olive oil", + "celery", + "fennel seeds", + "ground black pepper", + "salt", + "plum tomatoes", + "pinenuts", + "purple onion", + "bay leaf", + "hot red pepper flakes", + "currant", + "shrimp", + "small capers, rins and drain" + ] + }, + { + "id": 9214, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "vegetable oil", + "brown sugar", + "green onions", + "dried rice noodles", + "boneless chicken breast halves", + "rice vinegar", + "soy sauce", + "sesame oil", + "iceberg lettuce" + ] + }, + { + "id": 26312, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "large eggs", + "all-purpose flour", + "pecan halves", + "granulated sugar", + "vanilla extract", + "melted butter", + "milk", + "butter", + "unsweetened cocoa powder", + "firmly packed brown sugar", + "mini marshmallows", + "salt" + ] + }, + { + "id": 18742, + "cuisine": "korean", + "ingredients": [ + "eggs", + "asian pear", + "beef broth", + "chicken broth", + "sugar", + "pickled radish", + "noodles", + "ice cubes", + "hot mustard", + "vinegar", + "cucumber", + "brown rice vinegar", + "sesame seeds", + "cooked brisket" + ] + }, + { + "id": 26442, + "cuisine": "french", + "ingredients": [ + "milk", + "all-purpose flour", + "eggs", + "butter", + "white sugar", + "baking powder", + "oil", + "fruit", + "salt" + ] + }, + { + "id": 38892, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "onion powder", + "dried oregano", + "andouille sausage", + "corn husks", + "sweet paprika", + "granulated garlic", + "ground black pepper", + "smoked paprika", + "red potato", + "dried thyme", + "cayenne pepper", + "large shrimp" + ] + }, + { + "id": 8750, + "cuisine": "french", + "ingredients": [ + "apricots", + "water", + "sugar", + "lemon juice" + ] + }, + { + "id": 30252, + "cuisine": "french", + "ingredients": [ + "olive oil", + "garlic cloves", + "chopped fresh mint", + "mussels", + "dry white wine", + "thyme sprigs", + "chicken stock", + "whipping cream", + "onions", + "zucchini", + "carrots" + ] + }, + { + "id": 36706, + "cuisine": "southern_us", + "ingredients": [ + "black beans", + "purple onion", + "plum tomatoes", + "avocado", + "jalapeno chilies", + "whole kernel corn, drain", + "hot pepper sauce", + "salt", + "black pepper", + "diced tomatoes", + "salad dressing" + ] + }, + { + "id": 37756, + "cuisine": "french", + "ingredients": [ + "warm water", + "salt", + "honeydew melon", + "sugar", + "fresh lime juice" + ] + }, + { + "id": 25377, + "cuisine": "italian", + "ingredients": [ + "sugar", + "almond extract", + "grated orange", + "baking powder", + "all-purpose flour", + "vegetable oil", + "chopped pecans", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 30699, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "balsamic vinegar", + "olive oil flavored cooking spray", + "part-skim mozzarella cheese", + "ciabatta", + "black pepper", + "extra-virgin olive oil", + "arugula", + "prosciutto", + "garlic cloves" + ] + }, + { + "id": 40962, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "salt", + "ground pork", + "oyster sauce", + "water", + "oil", + "tomatoes", + "garlic", + "onions" + ] + }, + { + "id": 40895, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "red bell pepper", + "butter", + "oregano", + "potatoes", + "onions", + "salt" + ] + }, + { + "id": 41465, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "butter", + "chopped onion", + "dried tarragon leaves", + "boneless skinless chicken breasts", + "salt", + "flour", + "heavy cream", + "dry white wine", + "fresh tarragon" + ] + }, + { + "id": 39834, + "cuisine": "southern_us", + "ingredients": [ + "water", + "ham hock", + "collard greens", + "crushed red pepper flakes", + "vegetable oil", + "pepper", + "salt" + ] + }, + { + "id": 27551, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "garlic mayonnaise", + "parsley sprigs", + "plum tomatoes", + "artichoke hearts" + ] + }, + { + "id": 28141, + "cuisine": "mexican", + "ingredients": [ + "fresca", + "coriander seeds", + "seasoned rice wine vinegar", + "sour cream", + "chopped cilantro fresh", + "avocado", + "pepper", + "crema mexican", + "fresh oregano", + "onions", + "cotija", + "salsa verde", + "cilantro leaves", + "corn tortillas", + "cabbage", + "chicken stock", + "olive oil", + "salt", + "cumin seed", + "pork butt" + ] + }, + { + "id": 31374, + "cuisine": "southern_us", + "ingredients": [ + "granny smith apples", + "buttermilk", + "powdered sugar", + "unsalted butter", + "all-purpose flour", + "baking soda", + "shredded sharp cheddar cheese", + "sugar", + "baking powder", + "apple juice concentrate" + ] + }, + { + "id": 38244, + "cuisine": "indian", + "ingredients": [ + "yoghurt", + "warm water", + "all-purpose flour", + "sugar", + "butter", + "baking soda", + "oil" + ] + }, + { + "id": 17996, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "self rising flour", + "shredded sharp cheddar cheese", + "bacon", + "butter", + "smoked paprika" + ] + }, + { + "id": 32504, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "fresh cilantro", + "garlic", + "onions", + "pepper", + "ground black pepper", + "salsa", + "dried oregano", + "white onion", + "olive oil", + "salt", + "clarified butter", + "boneless pork shoulder", + "orange", + "potatoes", + "ancho chile pepper", + "ground cumin" + ] + }, + { + "id": 22882, + "cuisine": "italian", + "ingredients": [ + "eggs", + "flour", + "filet", + "pepper", + "butter", + "white wine", + "crimini mushrooms", + "chicken broth", + "olive oil", + "salt" + ] + }, + { + "id": 29919, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "semisweet chocolate", + "plum tomatoes", + "sesame seeds", + "salted dry roasted peanuts", + "water", + "raisins", + "canola oil", + "almonds", + "ancho chile pepper" + ] + }, + { + "id": 12005, + "cuisine": "japanese", + "ingredients": [ + "tumeric", + "chile pepper", + "ginger", + "tomatoes", + "water", + "lemon", + "cumin seed", + "daal", + "butter", + "salt", + "spinach", + "red chile powder", + "cilantro", + "asafetida" + ] + }, + { + "id": 2348, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "fat", + "olive oil", + "lamb loin chops", + "salt", + "coriander seeds", + "cumin seed" + ] + }, + { + "id": 39330, + "cuisine": "southern_us", + "ingredients": [ + "crumbled blue cheese", + "self rising flour", + "sour cream", + "butter" + ] + }, + { + "id": 46731, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "vanilla extract", + "shortening", + "self rising flour", + "unsweetened cocoa powder", + "eggs", + "evaporated milk", + "white sugar", + "water", + "butter" + ] + }, + { + "id": 13851, + "cuisine": "brazilian", + "ingredients": [ + "ground black pepper", + "salt", + "onions", + "ground chipotle chile pepper", + "butter", + "coconut milk", + "tomatoes", + "flour", + "shrimp", + "olive oil", + "red pepper", + "flat leaf parsley" + ] + }, + { + "id": 17339, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "worcestershire sauce", + "sugar", + "flour tortillas", + "salt", + "cider vinegar", + "loin pork roast", + "cilantro leaves", + "avocado", + "cayenne", + "purple onion" + ] + }, + { + "id": 8829, + "cuisine": "french", + "ingredients": [ + "butter", + "mustard powder", + "shredded Monterey Jack cheese", + "bay scallops", + "salt", + "cooked shrimp", + "sole", + "paprika", + "lemon juice", + "egg yolks", + "crabmeat", + "fresh parsley" + ] + }, + { + "id": 33616, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "shallots", + "salt and ground black pepper", + "bouquet", + "black peppercorns", + "gremolata", + "tarragon", + "white wine", + "unsalted butter", + "champagne vinegar" + ] + }, + { + "id": 24323, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "light coconut milk", + "chopped cilantro", + "water", + "cilantro", + "lamb", + "onions", + "cauliflower", + "diced tomatoes", + "salt", + "curry paste", + "agave nectar", + "ginger", + "garlic puree" + ] + }, + { + "id": 19389, + "cuisine": "italian", + "ingredients": [ + "sugar", + "lettuce leaves", + "italian seasoning", + "cherry tomatoes", + "salt", + "tomatoes", + "olive oil", + "plum tomatoes", + "pepper", + "red wine vinegar" + ] + }, + { + "id": 36057, + "cuisine": "french", + "ingredients": [ + "pekin duck breast halves", + "navel oranges", + "gran marnier", + "asparagus", + "fresh orange juice", + "freshly ground pepper", + "rosemary", + "dry white wine", + "salt", + "grated orange", + "olive oil", + "shallots", + "rice vinegar" + ] + }, + { + "id": 40829, + "cuisine": "thai", + "ingredients": [ + "mirin", + "thai green curry paste", + "unsweetened coconut milk", + "heavy cream", + "lemongrass", + "gingerroot", + "dry white wine" + ] + }, + { + "id": 22959, + "cuisine": "italian", + "ingredients": [ + "vodka", + "rosemary sprigs", + "stolichnaya", + "lemon", + "sugar" + ] + }, + { + "id": 40099, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "cherries", + "salt", + "glaze", + "melted butter", + "active dry yeast", + "baking powder", + "fruit filling", + "milk", + "whole milk", + "all-purpose flour", + "canola oil", + "powdered sugar", + "baking soda", + "almond extract", + "cream cheese" + ] + }, + { + "id": 28176, + "cuisine": "italian", + "ingredients": [ + "romaine lettuce", + "purple onion", + "ground pepper", + "croutons", + "parmesan cheese", + "pepperocini", + "pitted black olives", + "roma tomatoes", + "italian salad dressing" + ] + }, + { + "id": 37182, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "pistachio nuts", + "milk", + "flour", + "rose water", + "butter" + ] + }, + { + "id": 38081, + "cuisine": "thai", + "ingredients": [ + "catfish fillets", + "minced garlic", + "vegetable oil", + "light coconut milk", + "firmly packed brown sugar", + "sweet potatoes", + "ginger", + "chopped cilantro fresh", + "spinach leaves", + "lime juice", + "napa cabbage", + "fat", + "soy sauce", + "shallots", + "Thai red curry paste" + ] + }, + { + "id": 3543, + "cuisine": "french", + "ingredients": [ + "roasted red peppers", + "haricots verts", + "Niçoise olives", + "white wine vinegar", + "red potato", + "tuna packed in olive oil" + ] + }, + { + "id": 1245, + "cuisine": "southern_us", + "ingredients": [ + "Tabasco Pepper Sauce", + "cream cheese", + "grits", + "milk", + "salt", + "shrimp", + "large eggs", + "shredded parmesan cheese", + "fresh parsley", + "chicken broth", + "butter", + "lemon juice" + ] + }, + { + "id": 6312, + "cuisine": "mexican", + "ingredients": [ + "cider vinegar", + "ground pork", + "coriander", + "cinnamon", + "salt", + "cumin", + "pepper", + "garlic", + "oregano", + "paprika", + "ancho chile pepper" + ] + }, + { + "id": 10033, + "cuisine": "british", + "ingredients": [ + "ground ginger", + "slivered almonds", + "golden raisins", + "apple pie spice", + "lemon juice", + "candied orange peel", + "suet", + "currant", + "all-purpose flour", + "eggs", + "bread crumb fresh", + "stout", + "candied lemon peel", + "brown sugar", + "dark rum", + "apples", + "orange juice" + ] + }, + { + "id": 29205, + "cuisine": "chinese", + "ingredients": [ + "cooking oil", + "sweet pepper", + "garlic cloves", + "lettuce", + "chicken breasts", + "fresh mushrooms", + "beansprouts", + "water chestnuts", + "broccoli", + "corn starch", + "chicken broth", + "teriyaki sauce", + "gingerroot", + "toasted sesame oil" + ] + }, + { + "id": 33466, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "pepper", + "chopped celery", + "shrimp", + "soy sauce", + "apple cider vinegar", + "garlic cloves", + "chopped parsley", + "sugar", + "water", + "salt", + "corn starch", + "eggs", + "white onion", + "ground pork", + "carrots" + ] + }, + { + "id": 1215, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ginger", + "shrimp", + "snow peas", + "wonton skins", + "small eggs", + "bok choy", + "chicken broth", + "ground pork", + "scallions", + "sweet rice wine", + "mushrooms", + "garlic", + "corn starch" + ] + }, + { + "id": 38925, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "low sodium chicken stock", + "fresh basil", + "red wine", + "garlic cloves", + "arborio rice", + "unsalted butter", + "goat cheese", + "pepper", + "salt", + "sliced mushrooms" + ] + }, + { + "id": 20146, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "dried sage", + "onions", + "chicken stock", + "kale", + "carrots", + "pancetta", + "peasant bread", + "freshly ground pepper", + "chicken", + "celery ribs", + "rosemary", + "garlic cloves" + ] + }, + { + "id": 13589, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "boneless skinless chicken breasts", + "salt", + "enchilada sauce", + "chiles", + "Mexican cheese blend", + "shredded lettuce", + "frozen corn kernels", + "cumin", + "chicken broth", + "ground black pepper", + "chili powder", + "yellow onion", + "black beans", + "green onions", + "diced tomatoes", + "rice", + "sour cream" + ] + }, + { + "id": 7515, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "water", + "unsalted butter", + "garlic cloves", + "chicken", + "tumeric", + "honey", + "salt", + "flat leaf parsley", + "black pepper", + "olive oil", + "blanched almonds", + "apricots", + "ground cinnamon", + "fresh cilantro", + "purple onion", + "cinnamon sticks" + ] + }, + { + "id": 2115, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "pear tomatoes", + "freshly ground pepper", + "chees fresh mozzarella", + "fresh basil", + "salt" + ] + }, + { + "id": 40941, + "cuisine": "filipino", + "ingredients": [ + "minced garlic", + "cooking oil", + "salt", + "parsley flakes", + "water", + "worcestershire sauce", + "oyster sauce", + "cold water", + "ox tongue", + "crimini mushrooms", + "yellow onion", + "pepper", + "light soy sauce", + "granulated white sugar", + "corn starch" + ] + }, + { + "id": 21695, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "green chilies", + "cream of chicken soup", + "chicken", + "tortillas", + "sour cream", + "cheddar cheese", + "black olives" + ] + }, + { + "id": 18393, + "cuisine": "french", + "ingredients": [ + "chicken broth", + "egg yolks", + "crepes", + "milk", + "cooked chicken", + "all-purpose flour", + "dried tarragon leaves", + "dry white wine", + "salt", + "finely chopped onion", + "butter" + ] + }, + { + "id": 45993, + "cuisine": "vietnamese", + "ingredients": [ + "chicken stock", + "yellow rock sugar", + "serrano chile", + "black pepper", + "salt", + "fish sauce", + "boneless skinless chicken breasts", + "glass noodles", + "Vietnamese coriander", + "dried wood ear mushrooms" + ] + }, + { + "id": 8007, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "vegetable shortening", + "unsweetened shredded dried coconut", + "corn husks", + "masa harina", + "vanilla beans", + "raisins", + "vanilla flavoring", + "baking powder" + ] + }, + { + "id": 29495, + "cuisine": "spanish", + "ingredients": [ + "parsley sprigs", + "ground black pepper", + "garlic cloves", + "water", + "diced tomatoes", + "flat leaf parsley", + "pepper", + "cooking spray", + "long grain brown rice", + "saffron threads", + "manchego cheese", + "salt" + ] + }, + { + "id": 21367, + "cuisine": "italian", + "ingredients": [ + "chiles", + "parsley", + "purple onion", + "cherry peppers", + "pepper", + "extra-virgin olive oil", + "dandelion", + "beans", + "balsamic vinegar", + "salt", + "fresh basil leaves", + "green olives", + "roasted red peppers", + "garlic", + "escarole" + ] + }, + { + "id": 22639, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "milk", + "pink grapefruit juice", + "sugar", + "baking powder", + "pink grapefruit", + "baking soda", + "salt" + ] + }, + { + "id": 48075, + "cuisine": "southern_us", + "ingredients": [ + "chopped cooked ham", + "ground black pepper", + "baking powder", + "salt", + "white cornmeal", + "black-eyed peas", + "flour", + "crushed red pepper flakes", + "onions", + "sugar", + "bell pepper", + "buttermilk", + "celery", + "collard greens", + "large eggs", + "vegetable oil", + "ham" + ] + }, + { + "id": 1356, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ginger", + "chili sauce", + "crackers", + "vegetable oil", + "white wine vinegar", + "garlic cloves", + "spring onions", + "cornflour", + "chinese five-spice powder", + "minute steaks", + "red chili peppers", + "red pepper", + "tomato ketchup", + "noodles" + ] + }, + { + "id": 39861, + "cuisine": "cajun_creole", + "ingredients": [ + "chili powder", + "creole seasoning", + "garlic powder", + "russet potatoes", + "black pepper", + "onion powder", + "green onions", + "extra-virgin olive oil" + ] + }, + { + "id": 39048, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "dijon mustard", + "sour cream", + "green olives", + "ground black pepper", + "chopped fresh chives", + "eggs", + "prosciutto", + "grated parmesan cheese", + "mayonaise", + "hot pepper sauce", + "red bell pepper" + ] + }, + { + "id": 17982, + "cuisine": "thai", + "ingredients": [ + "salt", + "jalapeno chilies", + "vinegar", + "garlic" + ] + }, + { + "id": 16480, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "ground nutmeg", + "ground cinnamon", + "unbaked pie crusts", + "vanilla extract", + "ground ginger", + "sugar", + "sweet potatoes", + "melted butter", + "milk", + "salt" + ] + }, + { + "id": 44001, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "ghee", + "chicken", + "tomato paste", + "unsalted butter", + "coriander", + "chicken stock", + "garam masala", + "onions", + "ginger paste", + "tomatoes", + "double cream", + "masala" + ] + }, + { + "id": 21008, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "grated parmesan cheese", + "all-purpose flour", + "fresh parsley", + "ground nutmeg", + "lasagna noodles, cooked and drained", + "chopped onion", + "frozen chopped spinach", + "ground black pepper", + "salt", + "lemon juice", + "minced garlic", + "half & half", + "margarine", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 16597, + "cuisine": "cajun_creole", + "ingredients": [ + "lime", + "salt", + "light brown sugar", + "garlic powder", + "dried oregano", + "olive oil", + "cayenne pepper", + "tilapia fillets", + "paprika", + "cumin" + ] + }, + { + "id": 23420, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "light brown sugar", + "butter", + "chopped pecans", + "baking powder", + "all-purpose flour", + "powdered sugar", + "vanilla extract" + ] + }, + { + "id": 12109, + "cuisine": "japanese", + "ingredients": [ + "crushed tomatoes", + "potatoes", + "apples", + "carrots", + "pepper", + "stewing beef", + "butter", + "salt", + "onions", + "white flour", + "fresh ginger", + "beef stock", + "garlic", + "bay leaf", + "curry powder", + "garam masala", + "star anise", + "oil", + "frozen peas" + ] + }, + { + "id": 10782, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "granulated sugar", + "vanilla extract", + "phyllo dough", + "butter", + "eggs", + "whole milk", + "confectioners sugar", + "semolina", + "lemon" + ] + }, + { + "id": 1906, + "cuisine": "british", + "ingredients": [ + "skim milk", + "whole wheat flour", + "dried apricot", + "salt", + "ground cinnamon", + "ground cloves", + "ground nutmeg", + "sweet potatoes", + "firmly packed brown sugar", + "large egg whites", + "low-fat vanilla ice cream", + "raisins", + "white vinegar", + "brandy", + "baking soda", + "cooking spray", + "margarine" + ] + }, + { + "id": 35414, + "cuisine": "british", + "ingredients": [ + "butter", + "onions", + "white pepper", + "salt", + "potatoes", + "oatmeal", + "curly-leaf parsley", + "double cream" + ] + }, + { + "id": 38403, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "espresso powder", + "cooking spray", + "garlic cloves", + "kosher salt", + "minced onion", + "stewed tomatoes", + "canola oil", + "Mexican seasoning mix", + "pork tenderloin", + "salt", + "unsweetened cocoa powder", + "chipotle chile", + "water", + "ground red pepper", + "adobo sauce" + ] + }, + { + "id": 47872, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "flour", + "salt", + "brown sugar", + "butter", + "chopped pecans", + "brown rice syrup", + "cinnamon", + "cocoa powder", + "sugar", + "vanilla extract", + "whiskey" + ] + }, + { + "id": 49645, + "cuisine": "italian", + "ingredients": [ + "butter", + "polenta", + "salt" + ] + }, + { + "id": 21137, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "sliced olives", + "sour cream", + "chopped green chilies", + "cilantro", + "Old El Paso™ taco seasoning mix", + "guacamole", + "ground turkey", + "tortillas", + "shredded cheese" + ] + }, + { + "id": 2325, + "cuisine": "greek", + "ingredients": [ + "phyllo dough", + "whole cloves", + "honey", + "cinnamon sticks", + "water", + "chopped pecans", + "unsalted butter", + "white sugar" + ] + }, + { + "id": 29461, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "lettuce leaves", + "garlic", + "water chestnuts", + "ginger", + "honey", + "roasted unsalted cashews", + "canola oil", + "pepper", + "boneless skinless chicken breasts", + "scallions" + ] + }, + { + "id": 12587, + "cuisine": "southern_us", + "ingredients": [ + "chips", + "carrots", + "pepper", + "salt", + "crackers", + "bacon", + "onions", + "black-eyed peas", + "hot sauce", + "greens" + ] + }, + { + "id": 46518, + "cuisine": "french", + "ingredients": [ + "white pepper", + "radicchio", + "peeled fresh ginger", + "white wine vinegar", + "fleur de sel", + "chopped leaves", + "olive oil", + "leeks", + "extra-virgin olive oil", + "carrots", + "Belgian endive", + "water", + "coriander seeds", + "dry white wine", + "salt", + "frisee", + "salmon fillets", + "large egg whites", + "sea scallops", + "cilantro sprigs", + "chopped onion", + "chopped cilantro fresh" + ] + }, + { + "id": 10773, + "cuisine": "mexican", + "ingredients": [ + "Campbell's Condensed Cheddar Cheese Soup", + "ground beef", + "shell pasta", + "swanson beef broth", + "Pace Chunky Salsa" + ] + }, + { + "id": 25353, + "cuisine": "mexican", + "ingredients": [ + "granulated sugar", + "salt", + "water", + "butter", + "ground cinnamon", + "vegetable oil", + "all-purpose flour", + "milk", + "vanilla extract" + ] + }, + { + "id": 10481, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "peanuts", + "vanilla", + "water", + "butter", + "baking soda", + "salt" + ] + }, + { + "id": 21687, + "cuisine": "french", + "ingredients": [ + "mild olive oil", + "tart cherries", + "pears", + "powdered sugar", + "self rising flour", + "vanilla extract", + "sugar", + "large eggs", + "almond paste", + "ground cinnamon", + "vegetable oil spray", + "whole milk" + ] + }, + { + "id": 15186, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger root", + "oyster sauce", + "chicken stock", + "prawns", + "hoisin sauce", + "noodles", + "fish sauce", + "spring onions" + ] + }, + { + "id": 25330, + "cuisine": "southern_us", + "ingredients": [ + "cooked chicken", + "worcestershire sauce", + "salt", + "chicken broth", + "butter", + "canned tomatoes", + "tamales", + "chili powder", + "bacon", + "whole kernel corn, drain", + "green olives", + "raisins", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 14273, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "large eggs", + "cane sugar", + "salt", + "flour", + "mixed nuts" + ] + }, + { + "id": 19673, + "cuisine": "french", + "ingredients": [ + "cognac", + "sugar", + "unsweetened cocoa powder", + "whipping cream" + ] + }, + { + "id": 22345, + "cuisine": "italian", + "ingredients": [ + "butter", + "heavy whipping cream", + "grated parmesan cheese" + ] + }, + { + "id": 9124, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "asparagus", + "gnocchi", + "water", + "extra-virgin olive oil", + "parmesan cheese", + "fresh lemon juice", + "minced garlic", + "basil leaves", + "large shrimp" + ] + }, + { + "id": 39626, + "cuisine": "british", + "ingredients": [ + "all-purpose flour", + "milk", + "salt", + "eggs" + ] + }, + { + "id": 47304, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "salt", + "sugar", + "butter", + "orange", + "ginger", + "baking powder", + "ice" + ] + }, + { + "id": 14083, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "large eggs", + "ginger", + "shrimp", + "honey", + "vegetable oil", + "garlic", + "cabbage", + "curry powder", + "sesame oil", + "rice vermicelli", + "onions", + "tumeric", + "vinegar", + "red pepper flakes", + "carrots" + ] + }, + { + "id": 47280, + "cuisine": "italian", + "ingredients": [ + "ground chuck", + "olive oil", + "grated parmesan cheese", + "ground pork", + "fresh basil leaves", + "tomato paste", + "kosher salt", + "meatballs", + "ground veal", + "sauce", + "plum tomatoes", + "plain dry bread crumb", + "spanish onion", + "large eggs", + "Italian parsley leaves", + "flat leaf parsley", + "cuban peppers", + "ground black pepper", + "red pepper flakes", + "garlic", + "spaghetti" + ] + }, + { + "id": 44095, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "water", + "salami", + "ground pork", + "carrots", + "mayonaise", + "baguette", + "finely chopped onion", + "chili oil", + "english cucumber", + "soy sauce", + "garlic powder", + "vegetable oil", + "cilantro sprigs", + "pork roll", + "white vinegar", + "kosher salt", + "ground black pepper", + "daikon", + "roast pork seasoning mix" + ] + }, + { + "id": 33060, + "cuisine": "korean", + "ingredients": [ + "pepper", + "large garlic cloves", + "oil", + "sugar", + "sesame seeds", + "rice", + "soy sauce", + "flour", + "beef liver", + "water", + "salt", + "onions" + ] + }, + { + "id": 8439, + "cuisine": "southern_us", + "ingredients": [ + "vegetables", + "worcestershire sauce", + "crackers", + "mayonaise", + "pimentos", + "scallions", + "minced garlic", + "Tabasco Pepper Sauce", + "fresh lemon juice", + "cheddar cheese", + "ground black pepper", + "sharp cheddar cheese" + ] + }, + { + "id": 39665, + "cuisine": "chinese", + "ingredients": [ + "instant yeast", + "ginger", + "chinese five-spice powder", + "water", + "sesame oil", + "salt", + "oyster sauce", + "cooking oil", + "chopped celery", + "garlic cloves", + "light soy sauce", + "ground pork", + "all-purpose flour", + "carrots" + ] + }, + { + "id": 48209, + "cuisine": "greek", + "ingredients": [ + "salt", + "black pepper", + "lemon juice", + "olive oil", + "dried oregano", + "baking potatoes" + ] + }, + { + "id": 37778, + "cuisine": "french", + "ingredients": [ + "butter", + "leeks", + "salt", + "light cream", + "gruyere cheese", + "refrigerated piecrusts" + ] + }, + { + "id": 11978, + "cuisine": "brazilian", + "ingredients": [ + "pepper", + "garlic", + "tomatoes", + "cilantro", + "onions", + "lime", + "salt", + "skate wing", + "light coconut milk" + ] + }, + { + "id": 14520, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "golden raisins", + "crushed pineapple", + "ground nutmeg", + "salt", + "chopped pecans", + "ground cinnamon", + "large eggs", + "all-purpose flour", + "canola oil", + "baking soda", + "vanilla extract", + "carrots" + ] + }, + { + "id": 9846, + "cuisine": "brazilian", + "ingredients": [ + "bay leaves", + "salt", + "black beans", + "turkey sausage", + "chicken stock", + "brown rice", + "onions", + "water", + "garlic" + ] + }, + { + "id": 32003, + "cuisine": "french", + "ingredients": [ + "milk", + "beef", + "idaho potatoes", + "salt", + "cantal", + "haricots verts", + "ground black pepper", + "vegetable oil", + "sea salt", + "carrots", + "rib eye steaks", + "olive oil", + "shallots", + "red wine", + "baby carrots", + "chervil", + "unsalted butter", + "butter", + "port", + "thyme" + ] + }, + { + "id": 10970, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "paprika", + "dill pickles", + "vegetable oil", + "all-purpose flour", + "baking powder", + "salt", + "cornmeal", + "cold water", + "cajun seasoning", + "cayenne pepper" + ] + }, + { + "id": 26108, + "cuisine": "mexican", + "ingredients": [ + "canned black beans", + "roma tomatoes", + "rice", + "cooking oil", + "romaine lettuce leaves", + "chipotle", + "colby jack cheese", + "flour tortillas", + "cilantro leaves" + ] + }, + { + "id": 42128, + "cuisine": "southern_us", + "ingredients": [ + "wafer", + "salt", + "vegetable oil", + "pepper", + "all-purpose flour" + ] + }, + { + "id": 45526, + "cuisine": "greek", + "ingredients": [ + "fresh basil", + "yoghurt", + "fresh parsley", + "pepper", + "feta cheese crumbles", + "sugar", + "salt", + "olives", + "tomatoes", + "olive oil", + "cucumber" + ] + }, + { + "id": 44290, + "cuisine": "chinese", + "ingredients": [ + "chili oil", + "carrots", + "green onions", + "rice vinegar", + "white sugar", + "sesame oil", + "soba noodles", + "tamari soy sauce", + "red bell pepper" + ] + }, + { + "id": 19722, + "cuisine": "greek", + "ingredients": [ + "beau monde seasoning", + "low-fat cottage cheese", + "greek yogurt", + "onion powder", + "dried dillweed" + ] + }, + { + "id": 30504, + "cuisine": "french", + "ingredients": [ + "cocoa", + "large egg yolks", + "heavy cream", + "fresh lemon juice", + "roasted hazelnuts", + "water", + "granulated sugar", + "all-purpose flour", + "unsweetened cocoa powder", + "sugar", + "large egg whites", + "whole milk", + "powdered gelatin", + "light brown sugar", + "milk chocolate", + "unsalted butter", + "salt", + "bittersweet chocolate" + ] + }, + { + "id": 33027, + "cuisine": "mexican", + "ingredients": [ + "corn mix muffin", + "unsalted butter", + "salt", + "ground cumin", + "garlic powder", + "jalapeno chilies", + "onions", + "milk", + "shredded extra sharp cheddar cheese", + "ground beef", + "eggs", + "ground black pepper", + "chili powder", + "dried oregano" + ] + }, + { + "id": 17767, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "quickcooking grits", + "water", + "salt", + "grated parmesan cheese" + ] + }, + { + "id": 31449, + "cuisine": "vietnamese", + "ingredients": [ + "minced garlic", + "chili", + "shredded lettuce", + "garlic cloves", + "chillies", + "brown sugar", + "lime juice", + "mint leaves", + "rice vinegar", + "cucumber", + "rice stick noodles", + "water", + "light soy sauce", + "cilantro", + "carrots", + "white sugar", + "soy sauce", + "lemongrass", + "vegetable oil", + "firm tofu", + "beansprouts" + ] + }, + { + "id": 16824, + "cuisine": "japanese", + "ingredients": [ + "water", + "salmon fillets", + "rice vinegar", + "light brown sugar", + "mirin", + "soy sauce", + "scallions" + ] + }, + { + "id": 40553, + "cuisine": "greek", + "ingredients": [ + "fresh rosemary", + "yellow crookneck squash", + "chopped fresh thyme", + "salt", + "leg of lamb", + "vegetable oil spray", + "shallots", + "cracked black pepper", + "fresh lemon juice", + "fresh parsley", + "olive oil", + "zucchini", + "mint sprigs", + "garlic cloves", + "red bell pepper", + "feta cheese", + "zinfandel", + "purple onion", + "thyme", + "chopped fresh mint" + ] + }, + { + "id": 2779, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "goat cheese", + "extra-virgin olive oil", + "flat leaf parsley", + "fresh basil", + "linguine", + "boiling water", + "fennel bulb", + "fresh lemon juice" + ] + }, + { + "id": 2540, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "chopped fresh mint", + "pepper", + "green tomatoes", + "feta cheese crumbles", + "green onions", + "fresh lemon juice", + "baguette", + "salt", + "fresh parsley" + ] + }, + { + "id": 11791, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "cherry tomatoes", + "vegetable oil", + "red bell pepper", + "boneless chicken skinless thigh", + "low sodium chicken broth", + "creole seasoning", + "onions", + "celery ribs", + "kosher salt", + "bay leaves", + "garlic cloves", + "long grain white rice", + "andouille sausage", + "ground black pepper", + "Italian parsley leaves", + "medium shrimp" + ] + }, + { + "id": 39640, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "garlic", + "sirloin", + "green onions", + "brown sugar", + "mirin", + "carrots", + "sugar", + "sesame oil" + ] + }, + { + "id": 23760, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "non-fat sour cream", + "canned black beans", + "green onions", + "salsa", + "reduced fat sharp cheddar cheese", + "large eggs", + "salt", + "large egg whites", + "1% low-fat milk", + "corn tortillas" + ] + }, + { + "id": 7978, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "boneless chicken thighs", + "soy sauce", + "fresh ginger" + ] + }, + { + "id": 42728, + "cuisine": "jamaican", + "ingredients": [ + "chicken broth", + "ground allspice", + "garlic salt", + "dried thyme", + "ground cayenne pepper", + "ground cinnamon", + "roasting chickens", + "ground black pepper", + "onions" + ] + }, + { + "id": 18677, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "Mexican cheese blend", + "sour cream", + "fresh cilantro", + "flour tortillas", + "lime juice", + "beef", + "refried beans", + "shredded lettuce" + ] + }, + { + "id": 45498, + "cuisine": "thai", + "ingredients": [ + "fresh ginger", + "tamari soy sauce", + "fresh lemon juice", + "water", + "crushed red pepper flakes", + "sunflower seed butter", + "apple cider vinegar", + "salt", + "honey", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 11683, + "cuisine": "japanese", + "ingredients": [ + "red pepper flakes", + "toasted sesame oil", + "togarashi", + "scallions", + "ginger", + "chopped garlic" + ] + }, + { + "id": 36075, + "cuisine": "southern_us", + "ingredients": [ + "sage leaves", + "unsalted butter", + "fresh thyme leaves", + "all-purpose flour", + "oysters", + "dry white wine", + "chopped celery", + "parsley sprigs", + "finely chopped onion", + "bacon", + "fresh parsley leaves", + "minced garlic", + "french bread", + "turkey", + "thyme sprigs" + ] + }, + { + "id": 24369, + "cuisine": "mexican", + "ingredients": [ + "water", + "jalapeno chilies", + "garlic cloves", + "onions", + "ground cumin", + "ground cinnamon", + "granulated sugar", + "lime wedges", + "corn tortillas", + "cabbage", + "tomato paste", + "chili", + "apple cider vinegar", + "carrots", + "dried oregano", + "kosher salt", + "lager", + "queso fresco", + "chopped cilantro", + "chuck" + ] + }, + { + "id": 13931, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "chicken", + "crushed garlic", + "ground turmeric", + "yoghurt" + ] + }, + { + "id": 2160, + "cuisine": "cajun_creole", + "ingredients": [ + "red potato", + "chopped celery", + "creole mustard", + "shrimp and crab boil seasoning", + "mayonaise", + "creole seasoning", + "eggs", + "green onions" + ] + }, + { + "id": 21810, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "green onions", + "chow mein noodles", + "vinegar", + "salt", + "soy sauce", + "sesame oil", + "beansprouts", + "wine", + "sherry", + "yellow onion" + ] + }, + { + "id": 20370, + "cuisine": "indian", + "ingredients": [ + "chickpeas", + "naan", + "salt", + "oil", + "yoghurt", + "sauce", + "masala", + "cayenne pepper", + "chopped cilantro" + ] + }, + { + "id": 37958, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "parmesan cheese", + "garlic", + "eggs", + "mozzarella cheese", + "vine ripened tomatoes", + "ground beef", + "seasoned bread crumbs", + "roasted red peppers", + "yellow onion", + "tomato sauce", + "olive oil", + "worcestershire sauce", + "italian seasoning" + ] + }, + { + "id": 45273, + "cuisine": "thai", + "ingredients": [ + "dark soy sauce", + "water", + "dark brown sugar", + "sugar", + "shallots", + "fresh lime juice", + "fish sauce", + "lemongrass", + "garlic cloves", + "chili flakes", + "white pepper", + "cilantro", + "short rib" + ] + }, + { + "id": 56, + "cuisine": "italian", + "ingredients": [ + "anise seed", + "sesame seeds", + "all-purpose flour", + "water", + "garlic", + "green bell pepper", + "salt and ground black pepper", + "olive oil", + "boneless beef chuck roast" + ] + }, + { + "id": 15903, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "salt", + "jalapeno chilies", + "onions", + "vinegar", + "green chilies", + "tomatoes", + "green onions" + ] + }, + { + "id": 24476, + "cuisine": "moroccan", + "ingredients": [ + "sliced almonds", + "dry white wine", + "ground cumin", + "vegetables", + "ground coriander", + "olive oil", + "vegetable broth", + "golden raisins", + "couscous" + ] + }, + { + "id": 18145, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "leaves", + "ground white pepper", + "jackfruit", + "salt", + "pork", + "garlic", + "medium shrimp", + "sesame seeds", + "oil" + ] + }, + { + "id": 35395, + "cuisine": "japanese", + "ingredients": [ + "sake", + "mirin", + "garlic", + "potato starch", + "kosher salt", + "sesame oil", + "canola oil", + "turbinado", + "soy sauce", + "lemon wedge", + "sansho", + "chicken wings", + "granulated sugar", + "ginger" + ] + }, + { + "id": 23847, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "salt", + "jicama", + "chopped fresh mint", + "cilantro sprigs", + "jalapeno chilies", + "fresh lime juice" + ] + }, + { + "id": 38005, + "cuisine": "french", + "ingredients": [ + "chili flakes", + "almonds", + "salt", + "water", + "cilantro", + "onions", + "sugar", + "butter", + "all-purpose flour", + "olive oil", + "garlic" + ] + }, + { + "id": 36508, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "bacon fat", + "eggs", + "heavy cream", + "sage", + "ground black pepper", + "salt", + "rib eye steaks", + "buttermilk", + "all-purpose flour" + ] + }, + { + "id": 24277, + "cuisine": "southern_us", + "ingredients": [ + "water", + "kosher salt", + "purple onion", + "granulated sugar", + "cider vinegar" + ] + }, + { + "id": 2485, + "cuisine": "italian", + "ingredients": [ + "eggs", + "vanilla extract", + "butter", + "confectioners sugar", + "baking powder", + "all-purpose flour", + "fresh orange juice", + "white sugar" + ] + }, + { + "id": 13082, + "cuisine": "italian", + "ingredients": [ + "capers", + "ground black pepper", + "hard-boiled egg", + "all-purpose flour", + "kosher salt", + "grated parmesan cheese", + "lemon", + "arugula", + "olive oil", + "pork tenderloin", + "extra-virgin olive oil", + "bread crumb fresh", + "large eggs", + "chopped fresh thyme", + "chopped fresh sage" + ] + }, + { + "id": 33870, + "cuisine": "italian", + "ingredients": [ + "pepper", + "large eggs", + "ricotta cheese", + "mayonaise", + "lasagna noodles", + "chives", + "artichoke hearts", + "green onions", + "provolone cheese", + "frozen chopped spinach", + "parmesan cheese", + "Alfredo sauce", + "shredded mozzarella cheese" + ] + }, + { + "id": 14834, + "cuisine": "mexican", + "ingredients": [ + "granny smith apples", + "strawberries", + "kiwi", + "salsa", + "jelly", + "lime juice", + "cayenne pepper", + "Splenda Brown Sugar Blend", + "hot sauce", + "blackberries" + ] + }, + { + "id": 22793, + "cuisine": "british", + "ingredients": [ + "ground cumin", + "vegetables", + "oil", + "chili flakes" + ] + }, + { + "id": 24254, + "cuisine": "spanish", + "ingredients": [ + "dry white wine", + "paprika", + "all-purpose flour", + "prosciutto", + "red pepper", + "garlic", + "fresh parsley", + "chopped fresh thyme", + "extra-virgin olive oil", + "cayenne pepper", + "skinless chicken pieces", + "diced tomatoes", + "salt", + "onions" + ] + }, + { + "id": 28762, + "cuisine": "greek", + "ingredients": [ + "mint", + "roasting chickens", + "flat leaf parsley", + "dried rosemary", + "pita rounds", + "extra-virgin olive oil", + "fresh lemon juice", + "dried oregano", + "kirby cucumbers", + "garlic cloves", + "naan", + "grape tomatoes", + "purple onion", + "greek yogurt", + "iceberg lettuce" + ] + }, + { + "id": 37213, + "cuisine": "japanese", + "ingredients": [ + "cooking wine", + "sugar", + "shiromiso", + "sake", + "black cod" + ] + }, + { + "id": 13408, + "cuisine": "italian", + "ingredients": [ + "country bread", + "olive oil", + "salt" + ] + }, + { + "id": 41518, + "cuisine": "italian", + "ingredients": [ + "cold water", + "water", + "dry red wine", + "fresh parsley", + "great northern beans", + "dried thyme", + "chopped onion", + "tomato paste", + "bulk italian sausag", + "garlic", + "dried oregano", + "pork", + "beef bouillon granules", + "carrots" + ] + }, + { + "id": 42081, + "cuisine": "spanish", + "ingredients": [ + "unflavored gelatin", + "chopped green bell pepper", + "salt", + "sugar", + "beef stock cubes", + "lemon juice", + "mayonaise", + "lettuce leaves", + "hot sauce", + "tomatoes", + "water", + "chopped celery", + "sliced green onions" + ] + }, + { + "id": 42964, + "cuisine": "korean", + "ingredients": [ + "flat leaf spinach", + "fresh shiitake mushrooms", + "soybean sprouts", + "toasted nori", + "sushi rice", + "zucchini", + "vegetable oil", + "fiddlehead ferns", + "sesame seeds", + "sesame oil", + "Gochujang base", + "chopped garlic", + "water", + "large eggs", + "salt", + "carrots" + ] + }, + { + "id": 24042, + "cuisine": "cajun_creole", + "ingredients": [ + "lump crab meat", + "diced tomatoes", + "garlic cloves", + "tomato sauce", + "vegetable oil", + "chopped onion", + "cooked rice", + "green onions", + "all-purpose flour", + "fresh parsley", + "chicken broth", + "file powder", + "chopped celery", + "shrimp" + ] + }, + { + "id": 22795, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "basil leaves", + "prebaked pizza crusts", + "asparagus", + "garlic cloves", + "rocket leaves", + "prosciutto", + "fresh mushrooms", + "olive oil", + "parmigiano reggiano cheese" + ] + }, + { + "id": 23389, + "cuisine": "french", + "ingredients": [ + "butter", + "herbes de provence", + "hot pepper sauce", + "garlic cloves", + "onions", + "dijon mustard", + "low salt chicken broth", + "chicken", + "olive oil", + "worcestershire sauce", + "fresh parsley" + ] + }, + { + "id": 25452, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "hothouse cucumber", + "ground coriander", + "chopped cilantro fresh", + "green onions", + "ground cumin" + ] + }, + { + "id": 29808, + "cuisine": "spanish", + "ingredients": [ + "whole peeled tomatoes", + "dry sherry", + "chopped cilantro", + "kosher salt", + "bacon", + "poblano chiles", + "chicken stock", + "jalapeno chilies", + "extra-virgin olive oil", + "onions", + "spanish rice", + "lime wedges", + "garlic cloves", + "chicken" + ] + }, + { + "id": 32324, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "chili powder", + "shrimp", + "tomato purée", + "granulated sugar", + "cilantro leaves", + "ground turmeric", + "curry leaves", + "water", + "vegetable oil", + "onions", + "garlic paste", + "vinegar", + "green chilies", + "ground cumin" + ] + }, + { + "id": 23232, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "Thai red curry paste", + "green beans", + "unsweetened coconut milk", + "vegetable oil", + "salt", + "boneless skinless chicken breasts", + "crushed red pepper", + "bean threads", + "basil", + "dark brown sugar" + ] + }, + { + "id": 38656, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked ham", + "ground black pepper", + "egg yolks", + "red wine vinegar", + "eggs", + "black truffles", + "flour", + "parsley", + "canola oil", + "kosher salt", + "unsalted butter", + "oil packed anchovies", + "asparagus spears", + "bread crumbs", + "cayenne", + "artichoke bottoms", + "lemon" + ] + }, + { + "id": 27826, + "cuisine": "french", + "ingredients": [ + "salt", + "fresh lemon juice", + "powdered sugar", + "strawberries", + "crème fraîche", + "vanilla extract", + "cream cheese" + ] + }, + { + "id": 16819, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "fresh shiitake mushrooms", + "ginger", + "chicken thighs", + "white vinegar", + "white miso", + "mustard greens", + "rib", + "chopped garlic", + "chicken stock", + "mirin", + "salsify", + "onions", + "canola oil", + "water", + "burdock", + "scallions", + "wood ear mushrooms" + ] + }, + { + "id": 27433, + "cuisine": "mexican", + "ingredients": [ + "water", + "tamarind concentrate", + "sugar" + ] + }, + { + "id": 6705, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "mushrooms", + "salt", + "grated parmesan cheese", + "linguine", + "fresh parsley", + "ground black pepper", + "green onions", + "garlic cloves", + "clams", + "cooking spray", + "crushed red pepper", + "dried oregano" + ] + }, + { + "id": 19215, + "cuisine": "korean", + "ingredients": [ + "rice syrup", + "sesame oil", + "onions", + "sesame seeds", + "garlic", + "honey", + "red pepper", + "soy sauce", + "ground black pepper", + "beef rib short" + ] + }, + { + "id": 49547, + "cuisine": "italian", + "ingredients": [ + "egg whites", + "buttermilk", + "chopped walnuts", + "flaked coconut", + "all-purpose flour", + "white sugar", + "egg yolks", + "vanilla extract", + "confectioners sugar", + "baking soda", + "butter", + "cream cheese" + ] + }, + { + "id": 41872, + "cuisine": "thai", + "ingredients": [ + "sponge", + "tamarind juice", + "garlic", + "turnips", + "peanuts", + "lime wedges", + "beansprouts", + "garlic chives", + "chili powder", + "Thai fish sauce", + "rice stick noodles", + "palm sugar", + "vegetable oil", + "large shrimp" + ] + }, + { + "id": 21272, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "serrano peppers", + "garlic", + "white onion", + "queso fresco", + "corn tortillas", + "bone-in chicken breast halves", + "vegetable oil", + "salt", + "fresh cilantro", + "tomatillos" + ] + }, + { + "id": 46451, + "cuisine": "british", + "ingredients": [ + "lemon juice", + "scotch", + "grenadine", + "Grand Marnier" + ] + }, + { + "id": 2689, + "cuisine": "greek", + "ingredients": [ + "green bell pepper", + "extra-virgin olive oil", + "Greek feta", + "cucumber", + "feta cheese", + "purple onion", + "tomatoes", + "kalamata", + "oregano" + ] + }, + { + "id": 35509, + "cuisine": "indian", + "ingredients": [ + "chicken broth", + "garam masala", + "heavy cream", + "onions", + "ground turmeric", + "fresh ginger root", + "vegetable oil", + "corn starch", + "boiling water", + "plain yogurt", + "chili powder", + "ground coriander", + "boneless skinless chicken breast halves", + "tomato sauce", + "bay leaves", + "garlic", + "cashew nuts", + "ground cumin" + ] + }, + { + "id": 33619, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "jalapeno chilies", + "lime wedges", + "garlic", + "coriander", + "tomato paste", + "fresh ginger", + "boneless skinless chicken breasts", + "heavy cream", + "cardamom", + "olive oil", + "bay leaves", + "butter", + "salt", + "basmati rice", + "chicken broth", + "garam masala", + "chili powder", + "cracked black pepper", + "onions" + ] + }, + { + "id": 12456, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "red pepper flakes", + "cabbage", + "cajun seasoning", + "cracked black pepper", + "apple cider vinegar", + "bacon", + "butter", + "chopped onion" + ] + }, + { + "id": 2186, + "cuisine": "japanese", + "ingredients": [ + "baking powder", + "oil", + "ice water", + "sesame oil", + "flour", + "salt" + ] + }, + { + "id": 7971, + "cuisine": "spanish", + "ingredients": [ + "vodka", + "fresh raspberries", + "sugar", + "rosé wine", + "peaches", + "club soda", + "frozen lemonade concentrate", + "peach nectar" + ] + }, + { + "id": 47025, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "unsalted butter", + "whipping cream", + "fresh lemon juice", + "white chocolate", + "semisweet chocolate", + "strawberries", + "large egg yolks", + "half & half", + "walnuts", + "whole almonds", + "bananas", + "light corn syrup", + "dark brown sugar" + ] + }, + { + "id": 37736, + "cuisine": "indian", + "ingredients": [ + "minced ginger", + "vegetable broth", + "ground coriander", + "yukon gold potatoes", + "cayenne pepper", + "ground cumin", + "unsalted butter", + "salt", + "onions", + "stewed tomatoes", + "chickpeas" + ] + }, + { + "id": 29484, + "cuisine": "moroccan", + "ingredients": [ + "grapes", + "shallots", + "merguez sausage", + "salt", + "olive oil", + "dry red wine", + "aleppo pepper", + "lemon zest", + "sweet paprika" + ] + }, + { + "id": 14951, + "cuisine": "british", + "ingredients": [ + "milk", + "eggs", + "water", + "plain flour" + ] + }, + { + "id": 14739, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "crushed red pepper flakes", + "freshly ground pepper", + "coarse salt", + "extra-virgin olive oil", + "onions", + "dry white wine", + "tomatoes with juice", + "gnocchi", + "tomato sauce", + "basil", + "garlic" + ] + }, + { + "id": 5593, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "ginger", + "gram flour", + "tomatoes", + "cooking oil", + "salt", + "ground turmeric", + "cauliflower", + "garam masala", + "green peas", + "mustard seeds", + "red chili powder", + "yoghurt", + "cumin seed" + ] + }, + { + "id": 28534, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "diced tomatoes", + "corn tortillas", + "ground cumin", + "vegetable oil cooking spray", + "garlic powder", + "non-fat sour cream", + "cooked chicken breasts", + "low-fat shredded cheddar cheese", + "pepper", + "fatfre cream of chicken soup", + "chunky salsa", + "fat free cream of mushroom soup", + "shredded lettuce", + "enchilada sauce", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 7986, + "cuisine": "indian", + "ingredients": [ + "cooked rice", + "dried apricot", + "peanut oil", + "curry powder", + "butter", + "onions", + "diced apples", + "golden raisins", + "garlic cloves", + "chicken broth", + "boneless chicken breast halves", + "salt" + ] + }, + { + "id": 4814, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "vegetable oil", + "all-purpose flour", + "hazelnuts", + "large eggs", + "heavy cream", + "freshly ground pepper", + "pork rib chops", + "large garlic cloves", + "cognac", + "morel", + "shallots", + "salt", + "boiling water" + ] + }, + { + "id": 49063, + "cuisine": "southern_us", + "ingredients": [ + "bananas", + "vanilla extract", + "ground cinnamon", + "butter", + "apple juice concentrate", + "dark rum", + "ground allspice", + "brown sugar", + "vanilla" + ] + }, + { + "id": 20603, + "cuisine": "italian", + "ingredients": [ + "parmigiano-reggiano cheese", + "butter", + "prosecco", + "shallots", + "garlic cloves", + "ground black pepper", + "grated lemon zest", + "lower sodium chicken broth", + "fresh thyme leaves", + "carnaroli rice" + ] + }, + { + "id": 1918, + "cuisine": "indian", + "ingredients": [ + "roast turkey", + "vegetable oil", + "carrots", + "water", + "gingerroot", + "boiling potatoes", + "fresh coriander", + "chopped onion", + "fresh lime juice", + "unsweetened coconut milk", + "curry powder", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 8367, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "garlic cloves", + "cooked rice", + "cilantro", + "onions", + "red kidney beans", + "butter", + "smoked paprika", + "green bell pepper", + "cayenne pepper", + "cumin" + ] + }, + { + "id": 11262, + "cuisine": "thai", + "ingredients": [ + "Hellmann's® Real Mayonnaise", + "juice", + "chicken breasts", + "green pepper", + "honey", + "purple onion", + "thai green curry paste", + "red pepper", + "ground coriander" + ] + }, + { + "id": 38124, + "cuisine": "italian", + "ingredients": [ + "spinach leaves", + "olive oil", + "flour", + "fresh basil leaves", + "kosher salt", + "roasted red peppers", + "provolone cheese", + "minced garlic", + "large eggs", + "ham", + "fresh oregano leaves", + "unsalted butter", + "salt" + ] + }, + { + "id": 7568, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "milk", + "oil", + "black beans", + "diced green chilies", + "eggs", + "corn", + "ground beef", + "shredded cheddar cheese", + "cornbread mix" + ] + }, + { + "id": 43746, + "cuisine": "mexican", + "ingredients": [ + "oil", + "chile pepper", + "queso asadero", + "all-purpose flour" + ] + }, + { + "id": 44006, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "rum", + "vanilla extract", + "bananas", + "bourbon whiskey", + "vanilla wafers", + "powdered sugar", + "egg yolks", + "whipping cream", + "all-purpose flour", + "milk", + "candy bar", + "salt" + ] + }, + { + "id": 12488, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "garlic", + "ground black pepper", + "dijon mustard", + "olive oil", + "white wine vinegar" + ] + }, + { + "id": 44768, + "cuisine": "brazilian", + "ingredients": [ + "parsnips", + "black-eyed peas", + "shallots", + "salt", + "rapeseed oil", + "lime", + "sweet potatoes", + "vine tomatoes", + "carrots", + "flat leaf parsley", + "fresh coriander", + "ground nutmeg", + "red pepper", + "okra", + "coconut milk", + "kaffir lime leaves", + "fresh ginger", + "spring onions", + "garlic", + "green beans" + ] + }, + { + "id": 31051, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "chili powder", + "red bell pepper", + "chicken", + "rocket leaves", + "flour tortillas", + "salsa", + "dried oregano", + "black beans", + "jalapeno chilies", + "cayenne pepper", + "mango", + "dried basil", + "vegetable oil", + "onions" + ] + }, + { + "id": 41673, + "cuisine": "japanese", + "ingredients": [ + "Japanese soy sauce", + "ginger", + "chinese chives", + "sugar", + "napa cabbage", + "salt", + "sake", + "sesame oil", + "garlic", + "medium shrimp", + "black pepper", + "ground pork", + "gyoza wrappers" + ] + }, + { + "id": 7876, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "lime", + "vodka" + ] + }, + { + "id": 32132, + "cuisine": "chinese", + "ingredients": [ + "water chestnuts", + "fresh green bean", + "corn starch", + "chicken broth", + "mushrooms", + "salt", + "bamboo shoots", + "sherry", + "white rice", + "chicken pieces", + "eggs", + "vegetable oil", + "shrimp" + ] + }, + { + "id": 22147, + "cuisine": "mexican", + "ingredients": [ + "red chili peppers", + "green onions", + "malt vinegar", + "fish sauce", + "kosher salt", + "cilantro", + "soy sauce", + "sesame oil", + "brown sugar", + "lime juice", + "garlic" + ] + }, + { + "id": 2712, + "cuisine": "mexican", + "ingredients": [ + "pasilla chiles", + "boiling water", + "ancho chile pepper" + ] + }, + { + "id": 819, + "cuisine": "greek", + "ingredients": [ + "boneless chicken thighs", + "olive oil", + "garlic cloves", + "water", + "anchovy paste", + "green beans", + "black pepper", + "diced tomatoes", + "feta cheese crumbles", + "red potato", + "dried thyme", + "chopped onion" + ] + }, + { + "id": 12606, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "salt", + "chili", + "tomatoes", + "buttermilk", + "sweet onion", + "cucumber" + ] + }, + { + "id": 44775, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "white rice", + "lettuce", + "lime", + "red curry paste", + "water", + "purple onion", + "tomato paste", + "ground pork" + ] + }, + { + "id": 33850, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "firm tofu", + "chopped cilantro fresh", + "fish sauce", + "shiitake", + "red bell pepper", + "chili", + "garlic cloves", + "sugar", + "vegetable oil", + "onions" + ] + }, + { + "id": 48855, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "fresh lemon juice", + "ground coriander", + "chopped fresh mint", + "whole milk yoghurt", + "onions", + "freshly ground pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 26849, + "cuisine": "thai", + "ingredients": [ + "ketchup", + "unsalted dry roast peanuts", + "sliced green onions", + "fish sauce", + "large eggs", + "beansprouts", + "rice stick noodles", + "minced garlic", + "crushed red pepper", + "sugar", + "vegetable oil", + "medium shrimp" + ] + }, + { + "id": 47832, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "fresh ginger", + "asparagus", + "cilantro leaves", + "coconut milk", + "fava beans", + "lemon grass", + "garlic", + "cumin seed", + "lime", + "palm sugar", + "salt", + "poi", + "fish sauce", + "coriander seeds", + "shallots", + "green chilies", + "curry paste" + ] + }, + { + "id": 32286, + "cuisine": "cajun_creole", + "ingredients": [ + "reduced sodium chicken broth", + "boneless skinless chicken breasts", + "salt", + "ground black pepper", + "garlic", + "chopped onion", + "olive oil", + "lime wedges", + "cayenne pepper", + "cooked brown rice", + "red beans", + "sweet pepper", + "ground cumin" + ] + }, + { + "id": 10124, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "salt", + "purple onion", + "sour orange juice" + ] + }, + { + "id": 11680, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "half & half", + "ground allspice", + "unsalted butter", + "vanilla extract", + "graham crackers", + "sweet potatoes", + "fresh lemon juice", + "ground ginger", + "large eggs", + "salt" + ] + }, + { + "id": 13477, + "cuisine": "french", + "ingredients": [ + "grated parmesan cheese", + "all-purpose flour", + "garlic bulb", + "whipping cream", + "new potatoes", + "freshly ground pepper", + "ground nutmeg", + "salt" + ] + }, + { + "id": 10172, + "cuisine": "thai", + "ingredients": [ + "yardlong beans", + "garlic cloves", + "green papaya", + "cherry tomatoes", + "thai chile", + "fresh lime juice", + "fish sauce", + "green onions", + "green beans", + "chopped cilantro fresh", + "palm sugar", + "salted peanuts", + "dried shrimp" + ] + }, + { + "id": 40716, + "cuisine": "chinese", + "ingredients": [ + "yellow squash", + "beef tenderloin", + "lemon juice", + "cherry tomatoes", + "hot chili oil", + "garlic cloves", + "low sodium soy sauce", + "green tea", + "sauce", + "onions", + "lemongrass", + "cooking spray", + "long-grain rice", + "serrano chile" + ] + }, + { + "id": 16437, + "cuisine": "chinese", + "ingredients": [ + "eggplant", + "vegetable oil", + "garlic chili sauce", + "golden brown sugar", + "sesame oil", + "fresh lemon juice", + "soy sauce", + "peeled fresh ginger", + "rice vinegar", + "chopped cilantro fresh", + "crisps", + "green onions", + "garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 35176, + "cuisine": "french", + "ingredients": [ + "baking potatoes", + "unsalted butter", + "clarified butter" + ] + }, + { + "id": 18499, + "cuisine": "italian", + "ingredients": [ + "lump crab meat", + "green onions", + "medium shrimp", + "fettucine", + "fresh parmesan cheese", + "salt", + "sea scallops", + "butter", + "fresh parsley", + "black pepper", + "half & half", + "garlic cloves" + ] + }, + { + "id": 31982, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "fat free less sodium chicken broth", + "salt", + "fresh lemon juice", + "green olives", + "olive oil", + "chopped onion", + "fresh parsley", + "ground cinnamon", + "fresh cilantro", + "grated lemon zest", + "chicken leg quarters", + "black pepper", + "chicken breast halves", + "garlic cloves" + ] + }, + { + "id": 40007, + "cuisine": "southern_us", + "ingredients": [ + "boneless skinless chicken breasts", + "black pepper", + "buttermilk", + "cornflake crumbs", + "salt", + "butter" + ] + }, + { + "id": 40385, + "cuisine": "korean", + "ingredients": [ + "pepper flakes", + "rice cakes", + "garlic", + "carrots", + "leaves", + "chicken drumsticks", + "Gochujang base", + "cabbage", + "soy sauce", + "sweet potatoes", + "cooking wine", + "onions", + "ground black pepper", + "ginger", + "green chilies", + "chicken" + ] + }, + { + "id": 30900, + "cuisine": "french", + "ingredients": [ + "light brown sugar", + "large eggs", + "water", + "salt", + "cold water", + "apples", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 28021, + "cuisine": "chinese", + "ingredients": [ + "marinade", + "oyster sauce", + "hoisin sauce", + "salt", + "baby back ribs", + "white pepper", + "worcestershire sauce", + "corn starch", + "Shaoxing wine", + "oil" + ] + }, + { + "id": 31467, + "cuisine": "vietnamese", + "ingredients": [ + "chicken legs", + "spices", + "green beans", + "pepper", + "fresh tofu", + "sugar", + "salt", + "spring onions", + "carrots" + ] + }, + { + "id": 43194, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "fresh parmesan cheese", + "salt", + "cavatappi", + "artichoke hearts", + "diced tomatoes", + "black pepper", + "dry white wine", + "sliced green onions", + "boneless chicken skinless thigh", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 11003, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "ginger", + "cumin seed", + "tomatoes", + "mushrooms", + "salt", + "onions", + "garam masala", + "garlic", + "chillies", + "tumeric", + "vegetable oil", + "lamb", + "frozen peas" + ] + }, + { + "id": 43975, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "ground black pepper", + "flour", + "chopped onion", + "turkey breast cutlets", + "cooking oil", + "garlic", + "lemon juice", + "canned low sodium chicken broth", + "cayenne", + "butter", + "walnuts", + "ground cloves", + "grated parmesan cheese", + "salt", + "fresh parsley" + ] + }, + { + "id": 40784, + "cuisine": "spanish", + "ingredients": [ + "unsalted butter", + "fresh basil", + "salt", + "balsamic vinegar", + "honey", + "plantains" + ] + }, + { + "id": 44406, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "bell pepper", + "garlic", + "fish sauce", + "soy sauce", + "ginger", + "onions", + "pork", + "vegetable oil", + "fresh mint", + "brown sugar", + "lime juice", + "stir fry sauce" + ] + }, + { + "id": 8973, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "unsalted butter", + "salt", + "grits", + "ground nutmeg", + "cinnamon", + "heavy whipping cream", + "bananas", + "vanilla", + "sweetened condensed milk", + "milk", + "large eggs", + "cream cheese" + ] + }, + { + "id": 33335, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "freshly ground pepper", + "serrano chile", + "purple onion", + "cucumber", + "black-eyed peas", + "lemon juice", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 25457, + "cuisine": "italian", + "ingredients": [ + "cracked black pepper", + "red bell pepper", + "artichoke hearts", + "croutons", + "pepper", + "purple onion", + "iceberg lettuce", + "black olives", + "peppercorns" + ] + }, + { + "id": 22223, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "pecans", + "butter", + "coconut sugar", + "large eggs", + "pie crust", + "whole wheat flour", + "pure vanilla extract", + "pecan halves", + "bourbon whiskey" + ] + }, + { + "id": 39542, + "cuisine": "italian", + "ingredients": [ + "sugar", + "corn syrup", + "orange", + "orange liqueur", + "water", + "fresh lemon juice", + "fresh orange juice" + ] + }, + { + "id": 47690, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "salsa", + "eggs", + "grating cheese", + "sliced green onions", + "organic tomato", + "sour cream", + "Spike Seasoning", + "diced tomatoes" + ] + }, + { + "id": 23929, + "cuisine": "italian", + "ingredients": [ + "spinach", + "olive oil", + "small pasta", + "garlic cloves", + "reduced sodium chicken broth", + "zucchini", + "white beans", + "carrots", + "rosemary sprigs", + "parmesan cheese", + "diced tomatoes", + "diced celery", + "fresh basil", + "kosher salt", + "bay leaves", + "chopped onion", + "flat leaf parsley" + ] + }, + { + "id": 36471, + "cuisine": "indian", + "ingredients": [ + "water", + "white sugar", + "clove", + "cashew nuts", + "saffron", + "ground cardamom", + "basmati rice", + "raisins", + "clarified butter" + ] + }, + { + "id": 39869, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "unsalted butter", + "whipping cream", + "coffee ice cream", + "flour tortillas", + "instant espresso powder", + "mint sprigs", + "sugar", + "semisweet chocolate", + "hot water" + ] + }, + { + "id": 14906, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "crushed red pepper flakes", + "ground fennel", + "lean ground beef", + "dry bread crumbs", + "tomato sauce", + "coarse salt", + "fresh oregano", + "olive oil", + "ricotta cheese", + "flat leaf parsley" + ] + }, + { + "id": 10928, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "all-purpose flour", + "bacon", + "frozen whole kernel corn" + ] + }, + { + "id": 32072, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "cherry tomatoes", + "sharp white cheddar cheese", + "flour", + "buttermilk", + "sharp cheddar cheese", + "pepper", + "parmesan cheese", + "Sriracha", + "bourbon whiskey", + "salt", + "thick-cut bacon", + "fresh basil", + "honey", + "unsalted butter", + "baking powder", + "sliced turkey", + "cornmeal", + "milk", + "baking soda", + "jalapeno chilies", + "butter", + "all-purpose flour" + ] + }, + { + "id": 16209, + "cuisine": "mexican", + "ingredients": [ + "corn tortilla chips", + "scallions", + "chicken breasts", + "chopped tomatoes", + "Mexican cheese", + "low-fat refried beans" + ] + }, + { + "id": 19166, + "cuisine": "italian", + "ingredients": [ + "sugar", + "cold water", + "low-fat buttermilk", + "vanilla beans", + "unflavored gelatin", + "heavy cream" + ] + }, + { + "id": 14004, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "egg noodles", + "cooking wine", + "dark soy sauce", + "roasted white sesame seeds", + "sesame oil", + "beansprouts", + "light soy sauce", + "chives", + "oyster sauce", + "water", + "cooking oil", + "salt" + ] + }, + { + "id": 46244, + "cuisine": "vietnamese", + "ingredients": [ + "lime", + "juice", + "fish sauce", + "bone-in pork chops", + "thai chile", + "sugar", + "garlic cloves" + ] + }, + { + "id": 42660, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "split black lentils", + "mustard seeds", + "cooked white rice", + "coconut", + "salt", + "dried red chile peppers", + "cashew nuts", + "bengal gram", + "cumin seed", + "ghee", + "fresh curry leaves", + "chile pepper", + "asafoetida powder", + "toasted sesame seeds" + ] + }, + { + "id": 17664, + "cuisine": "italian", + "ingredients": [ + "whipping cream", + "milk", + "liqueur", + "large eggs", + "ice", + "sugar", + "bittersweet chocolate" + ] + }, + { + "id": 20711, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "jalapeno chilies", + "coconut milk", + "kale", + "purple onion", + "lime", + "sweet pepper", + "fish sauce", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 41637, + "cuisine": "mexican", + "ingredients": [ + "Old El Paso™ chopped green chiles", + "flour tortillas", + "cream cheese", + "Old El Paso™ taco seasoning mix", + "diced tomatoes", + "boneless skinless chicken breasts" + ] + }, + { + "id": 45042, + "cuisine": "chinese", + "ingredients": [ + "prawns", + "garlic", + "green onions", + "chili pepper", + "salt" + ] + }, + { + "id": 27959, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "peeled fresh ginger", + "green chilies", + "ground turkey", + "dumpling wrappers", + "coarse salt", + "scallions", + "bok choy", + "water", + "sesame oil", + "peanut oil", + "toasted sesame oil", + "sugar", + "large egg whites", + "rice vinegar", + "garlic cloves" + ] + }, + { + "id": 11188, + "cuisine": "mexican", + "ingredients": [ + "wish bone ranch dress", + "shredded cheddar cheese", + "corn tortillas", + "taco seasoning mix", + "ground beef", + "tomatoes", + "shredded lettuce" + ] + }, + { + "id": 14593, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "large eggs", + "fresh tarragon", + "unsalted butter", + "clam juice", + "all-purpose flour", + "water", + "shallots", + "salt", + "salmon fillets", + "lemon zest", + "heavy cream" + ] + }, + { + "id": 15044, + "cuisine": "italian", + "ingredients": [ + "sausages", + "vegetables", + "zucchini" + ] + }, + { + "id": 22333, + "cuisine": "thai", + "ingredients": [ + "curry powder", + "garlic powder", + "light coconut milk", + "low sodium soy sauce", + "lime", + "shallots", + "freshly ground pepper", + "light brown sugar", + "fresh cilantro", + "boneless skinless chicken breasts", + "ground coriander", + "kosher salt", + "fresh ginger", + "red pepper flakes", + "ground cumin" + ] + }, + { + "id": 40745, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "salt", + "ground black pepper", + "paprika", + "cream cheese", + "spicy brown mustard", + "all-purpose flour", + "whole milk", + "shredded sharp cheddar cheese", + "elbow macaroni" + ] + }, + { + "id": 5399, + "cuisine": "japanese", + "ingredients": [ + "milk", + "saffron", + "sugar", + "ghee", + "rose water", + "nuts", + "bread", + "cardamom" + ] + }, + { + "id": 13922, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salted peanuts", + "vegetable oil", + "unsalted butter", + "salt" + ] + }, + { + "id": 25096, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "salt", + "tomatoes", + "fresh mozzarella", + "balsamic vinegar", + "pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 21473, + "cuisine": "mexican", + "ingredients": [ + "white rice", + "ice", + "almonds", + "boiling water", + "cold water", + "coconut milk", + "sweetened coconut flakes", + "sweetened condensed milk" + ] + }, + { + "id": 8260, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "avocado", + "chicken", + "bbq sauce", + "mozzarella cheese" + ] + }, + { + "id": 273, + "cuisine": "greek", + "ingredients": [ + "water", + "baby lima beans", + "salt", + "extra-virgin olive oil", + "minced garlic", + "flat leaf parsley" + ] + }, + { + "id": 2679, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "dried oregano", + "tomato paste", + "dried basil", + "onions", + "green bell pepper", + "olive oil", + "white sugar", + "chicken bouillon granules", + "crushed tomatoes", + "poultry seasoning", + "chopped garlic" + ] + }, + { + "id": 5475, + "cuisine": "thai", + "ingredients": [ + "lime", + "green onions", + "light coconut milk", + "water", + "Sriracha", + "cilantro", + "onions", + "soy sauce", + "zucchini", + "rice noodles", + "garlic cloves", + "lemongrass", + "mushrooms", + "ginger" + ] + }, + { + "id": 45638, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "tomatoes", + "balsamic vinegar", + "garlic cloves", + "zucchini", + "rolls", + "black pepper", + "chees fresh mozzarella", + "fresh basil leaves" + ] + }, + { + "id": 8172, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "cream style corn", + "enchilada sauce", + "shredded cheddar cheese", + "chili powder", + "ground cumin", + "corn mix muffin", + "cooked chicken", + "sour cream", + "milk", + "lime wedges" + ] + }, + { + "id": 39847, + "cuisine": "italian", + "ingredients": [ + "freshly ground pepper", + "sea salt", + "bay leaf", + "roast", + "garlic cloves", + "extra-virgin olive oil" + ] + }, + { + "id": 42164, + "cuisine": "southern_us", + "ingredients": [ + "ground ginger", + "water", + "sweet potatoes", + "salt", + "light brown sugar", + "eggs", + "granulated sugar", + "cinnamon", + "sweetened condensed milk", + "melted butter", + "gelatin", + "bourbon whiskey", + "grated nutmeg", + "cold water", + "pie dough", + "egg whites", + "light corn syrup" + ] + }, + { + "id": 30127, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "basil", + "fresh lemon juice", + "sun-dried tomatoes", + "extra-virgin olive oil", + "sweet onion", + "cracked black pepper", + "ground cumin", + "shallots", + "garlic" + ] + }, + { + "id": 18847, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "vegetable oil", + "cilantro leaves", + "garlic cloves", + "fresh tomatoes", + "chili powder", + "salt", + "cumin seed", + "dhal", + "garam masala", + "butter", + "rajma", + "onions", + "fenugreek", + "ginger", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 8700, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "cinnamon", + "smoked paprika", + "pepper", + "salt", + "greens", + "andouille sausage", + "red wine vinegar", + "onions", + "olive oil", + "cayenne pepper" + ] + }, + { + "id": 7035, + "cuisine": "thai", + "ingredients": [ + "Skippy Creamy Peanut Butter", + "Wish-Bone Italian Dressing", + "red bell pepper, sliced", + "boneless skinless chicken breast halves", + "firmly packed brown sugar", + "chopped cilantro", + "ground ginger", + "curry powder" + ] + }, + { + "id": 15991, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "sirloin steak", + "chopped onion", + "cooking spray", + "salt", + "dried oregano", + "dried thyme", + "cilantro sprigs", + "garlic cloves", + "white vinegar", + "bay leaves", + "sauce", + "ground cumin" + ] + }, + { + "id": 10318, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "bacon drippings", + "dry bread crumbs", + "salt", + "pepper" + ] + }, + { + "id": 42269, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "milk", + "all-purpose flour", + "sugar", + "salt", + "active dry yeast" + ] + }, + { + "id": 38355, + "cuisine": "vietnamese", + "ingredients": [ + "mint", + "herbs", + "cilantro", + "banh hoi", + "black pepper", + "shallots", + "garlic", + "oil", + "light brown sugar", + "tri tip", + "butter", + "salt", + "fish sauce", + "regular soy sauce", + "dipping sauces", + "english cucumber" + ] + }, + { + "id": 27825, + "cuisine": "irish", + "ingredients": [ + "ground black pepper", + "whole milk", + "fine salt", + "unsalted butter", + "yukon gold potatoes", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 32431, + "cuisine": "italian", + "ingredients": [ + "ground pepper", + "garlic", + "coarse salt", + "fresh thyme leaves", + "kale leaves", + "cherry tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 4057, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "salt and ground black pepper", + "fusilli", + "Italian herbs", + "grated parmesan cheese", + "crushed red pepper flakes", + "olive oil", + "green onions", + "garlic", + "white wine", + "broccoli rabe", + "diced tomatoes" + ] + }, + { + "id": 5223, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "pepper", + "chicken breasts", + "cooked brown rice", + "lime", + "salsa", + "fresh tomatoes", + "corn", + "salt", + "black beans", + "olive oil", + "chopped parsley" + ] + }, + { + "id": 38264, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "baking powder", + "crème fraîche", + "large eggs", + "vanilla extract", + "peach preserves", + "unsalted butter", + "heavy cream", + "all-purpose flour", + "sugar", + "whole milk", + "salt" + ] + }, + { + "id": 31101, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "eggs", + "all-purpose flour", + "water" + ] + }, + { + "id": 18042, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "green onions", + "white rice", + "all-purpose flour", + "bay leaves", + "turkey", + "salt", + "fresh parsley", + "file powder", + "vegetable oil", + "chopped celery", + "chopped onion", + "chopped green bell pepper", + "turkey stock", + "smoked sausage", + "cayenne pepper" + ] + }, + { + "id": 24026, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "salt", + "onions", + "cumin", + "mustard", + "coriander powder", + "yams", + "jaggery", + "tamarind", + "green chilies", + "methi", + "curry leaves", + "lemon", + "oil", + "ground turmeric" + ] + }, + { + "id": 48368, + "cuisine": "korean", + "ingredients": [ + "cooked rice", + "mushrooms", + "ginger", + "olive oil", + "sesame oil", + "salt", + "pepper", + "green onions", + "garlic", + "chicken stock", + "sesame seeds", + "bacon", + "carrots" + ] + }, + { + "id": 21923, + "cuisine": "french", + "ingredients": [ + "grated Gruyère cheese", + "sauce", + "grated parmesan cheese", + "onions" + ] + }, + { + "id": 14019, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "cream cheese", + "buttermilk", + "self rising flour" + ] + }, + { + "id": 28080, + "cuisine": "brazilian", + "ingredients": [ + "bananas", + "protein powder", + "honey", + "vanilla", + "ice cubes", + "cinnamon", + "frozen blueberries", + "açai", + "almond milk" + ] + }, + { + "id": 34976, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "all-purpose flour", + "white sugar", + "eggs", + "butter", + "chopped pecans", + "flaked coconut", + "marshmallow creme", + "unsweetened cocoa powder", + "evaporated milk", + "vanilla extract", + "confectioners sugar" + ] + }, + { + "id": 31885, + "cuisine": "filipino", + "ingredients": [ + "black peppercorns", + "bay leaves", + "cold water", + "Japanese soy sauce", + "chicken thighs", + "minced garlic", + "oil", + "white vinegar", + "water", + "corn starch" + ] + }, + { + "id": 15899, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "tamarind pod", + "corn oil", + "boiling water", + "white onion", + "garlic cloves", + "coarse salt", + "plum tomatoes" + ] + }, + { + "id": 30773, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "prepared pasta sauce", + "mint", + "baby carrots", + "meatballs", + "celery", + "tomatoes", + "frozen corn" + ] + }, + { + "id": 6904, + "cuisine": "mexican", + "ingredients": [ + "orange", + "chipotle chile", + "salt", + "lime juice", + "english cucumber", + "avocado", + "purple onion" + ] + }, + { + "id": 34571, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "lime", + "vegetable oil", + "salt", + "garlic cloves", + "green bell pepper", + "whitefish fillets", + "garlic powder", + "yellow bell pepper", + "yellow onion", + "red bell pepper", + "emerils original essence", + "pickling spices", + "dried thyme", + "paprika", + "all-purpose flour", + "ground white pepper", + "sugar", + "pepper", + "onion powder", + "malt vinegar", + "cayenne pepper", + "dried oregano" + ] + }, + { + "id": 41850, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "fresh basil", + "fresh thyme leaves", + "large egg yolks", + "sugar", + "whipping cream" + ] + }, + { + "id": 38919, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "chile pepper", + "salt", + "cumin", + "chili", + "flour tortillas", + "shredded lettuce", + "enchilada sauce", + "pepper", + "Mexican cheese blend", + "condensed tomato soup", + "chopped onion", + "refried beans", + "green onions", + "garlic", + "ground beef" + ] + }, + { + "id": 38542, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "pepperoni", + "fresh mozzarella", + "parmesan cheese", + "italian seasoning", + "whole wheat pasta", + "provolone cheese" + ] + }, + { + "id": 42640, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "shredded parmesan cheese", + "marinara sauce", + "fresh mushrooms", + "fresh leav spinach", + "cream cheese", + "italian sausage", + "cheese tortellini" + ] + }, + { + "id": 42213, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "water chestnuts", + "garlic cloves", + "celery", + "soy sauce", + "salt", + "oyster sauce", + "baby bok choy", + "sesame oil", + "chow mein noodles", + "cabbage", + "ground ginger", + "olive oil", + "yellow onion", + "carrots" + ] + }, + { + "id": 49370, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "diced yellow onion", + "ground black pepper", + "beef broth", + "veal shanks", + "minced garlic", + "dry white wine", + "anchovy fillets", + "flat leaf parsley", + "tomato paste", + "flour", + "grated lemon zest", + "carrots" + ] + }, + { + "id": 43895, + "cuisine": "mexican", + "ingredients": [ + "Mexican oregano", + "ground cumin", + "pepper", + "salt", + "shoulder meat", + "bay leaves", + "garlic cloves" + ] + }, + { + "id": 45022, + "cuisine": "french", + "ingredients": [ + "pizza doughs", + "unsalted butter", + "sugar", + "grated lemon zest" + ] + }, + { + "id": 31415, + "cuisine": "filipino", + "ingredients": [ + "pig", + "cooking oil", + "garlic", + "onions", + "water", + "bay leaves", + "carrots", + "pepper", + "pork tenderloin", + "salt", + "soy sauce", + "vinegar", + "green peas", + "red bell pepper" + ] + }, + { + "id": 19277, + "cuisine": "russian", + "ingredients": [ + "shredded cabbage", + "oregano", + "mayonaise", + "salt", + "lettuce", + "butter", + "pepper", + "bread slices" + ] + }, + { + "id": 38163, + "cuisine": "mexican", + "ingredients": [ + "stock", + "tortillas", + "hot sauce", + "onions", + "pork", + "chili powder", + "sour cream", + "orange", + "cilantro", + "lard", + "cotija", + "bay leaves", + "enchilada sauce", + "cumin" + ] + }, + { + "id": 24367, + "cuisine": "irish", + "ingredients": [ + "rutabaga", + "vegetable oil", + "salt", + "fresh parsley", + "black pepper", + "diced tomatoes", + "carrots", + "red potato", + "worcestershire sauce", + "beef broth", + "leeks", + "ground pork", + "ground beef" + ] + }, + { + "id": 42109, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "shredded mozzarella cheese", + "pasta sauce", + "dry bread crumbs", + "fresh parsley", + "pepper", + "manicotti pasta", + "shredded Monterey Jack cheese", + "salt", + "sour cream" + ] + }, + { + "id": 44854, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "red wine vinegar", + "chopped onion", + "ground black pepper", + "salt", + "white sugar", + "collard greens", + "red pepper flakes", + "ham hock", + "bay leaves", + "salt pork" + ] + }, + { + "id": 42498, + "cuisine": "italian", + "ingredients": [ + "parsley flakes", + "bulk italian sausag", + "ricotta cheese", + "chopped onion", + "tomato paste", + "sugar", + "grated parmesan cheese", + "pitted olives", + "ground beef", + "fennel seeds", + "eggs", + "lasagne", + "garlic", + "shredded mozzarella cheese", + "tomatoes", + "pepper", + "basil leaves", + "salt" + ] + }, + { + "id": 10078, + "cuisine": "french", + "ingredients": [ + "brandy", + "large snails", + "garlic", + "nutmeg", + "white wine", + "unsalted butter", + "rock salt", + "snail shells", + "ground black pepper", + "cognac", + "leaf parsley", + "kosher salt", + "shallots", + "country bread" + ] + }, + { + "id": 39651, + "cuisine": "mexican", + "ingredients": [ + "cracked black pepper", + "jalapeno chilies", + "strawberries", + "lime", + "purple onion", + "cilantro" + ] + }, + { + "id": 47675, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "cracker crumbs", + "cream style corn", + "pork sausages", + "bread crumbs", + "fresh parsley", + "ground black pepper" + ] + }, + { + "id": 14451, + "cuisine": "italian", + "ingredients": [ + "feta cheese", + "crushed red pepper", + "large shrimp", + "extra-virgin olive oil", + "fresh parsley", + "grated parmesan cheese", + "garlic cloves", + "wild mushrooms", + "fresh basil", + "linguine", + "plum tomatoes" + ] + }, + { + "id": 9309, + "cuisine": "greek", + "ingredients": [ + "honey", + "fresh lemon juice", + "grated lemon zest", + "water" + ] + }, + { + "id": 32554, + "cuisine": "thai", + "ingredients": [ + "lime", + "purple onion", + "fish sauce", + "cilantro", + "cucumber", + "chili powder", + "oil", + "sugar", + "salted roast peanuts" + ] + }, + { + "id": 29958, + "cuisine": "italian", + "ingredients": [ + "mayonaise", + "sun-dried tomatoes in oil", + "garlic cloves", + "dijon mustard", + "fresh basil leaves", + "lemon juice" + ] + }, + { + "id": 16246, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "broccoli", + "sea salt", + "pecorino romano cheese", + "ground black pepper", + "crushed red pepper" + ] + }, + { + "id": 20395, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "tumeric", + "haddock fillets", + "garam masala", + "pepper", + "salt" + ] + }, + { + "id": 35254, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "mango", + "lime juice", + "hot sauce", + "cotija", + "pineapple", + "jicama", + "orange juice" + ] + }, + { + "id": 24297, + "cuisine": "mexican", + "ingredients": [ + "water", + "red wine vinegar", + "sour cream", + "ground cumin", + "chili powder", + "beef broth", + "onions", + "chuck roast", + "all-purpose flour", + "corn tortillas", + "chile pepper", + "oil", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 43485, + "cuisine": "italian", + "ingredients": [ + "swordfish steaks", + "raisins", + "sliced almonds", + "roasted red peppers", + "salt", + "pitted kalamata olives", + "ground black pepper", + "fresh orange juice", + "minced garlic", + "cooking spray" + ] + }, + { + "id": 44411, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "crumbled blue cheese", + "vinaigrette", + "minced garlic", + "portabello mushroom", + "bread ciabatta", + "cooking spray", + "fresh basil leaves", + "tomatoes", + "dijon mustard", + "garlic" + ] + }, + { + "id": 24875, + "cuisine": "mexican", + "ingredients": [ + "low-fat sour cream", + "lime", + "green onions", + "chickpeas", + "celery", + "cabbage", + "white pepper", + "radishes", + "garlic", + "peanut oil", + "oregano", + "chicken bouillon", + "white hominy", + "boneless skinless chicken breasts", + "rice", + "onions", + "avocado", + "fresh cilantro", + "yellow hominy", + "salt", + "corn tortillas", + "cumin" + ] + }, + { + "id": 3722, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "large eggs", + "1% low-fat milk", + "fresh parmesan cheese", + "ground red pepper", + "all-purpose flour", + "english muffins, split and toasted", + "cooking spray", + "salt", + "ground black pepper", + "paprika" + ] + }, + { + "id": 18266, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "garlic", + "cinnamon sticks", + "white vinegar", + "chile pepper", + "boneless pork loin", + "boiling water", + "fresh ginger root", + "salt", + "onions", + "clove", + "vegetable oil", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 27781, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "vegetable stock", + "ground coriander", + "boiling water", + "neutral oil", + "ground pepper", + "garlic", + "bird chile", + "saffron", + "red kidney beans", + "amchur", + "ginger", + "hot water", + "basmati rice", + "crushed tomatoes", + "garam masala", + "salt", + "onions", + "ground cumin" + ] + }, + { + "id": 49095, + "cuisine": "spanish", + "ingredients": [ + "canned low sodium chicken broth", + "garden peas", + "pimentos", + "seafood", + "curry powder", + "salt", + "mussels", + "converted rice" + ] + }, + { + "id": 10579, + "cuisine": "vietnamese", + "ingredients": [ + "chicken sausage", + "rice vinegar", + "fat-free mayonnaise", + "sugar", + "salt", + "carrots", + "spring roll skins", + "cilantro leaves", + "cucumber", + "daikon", + "hot chili sauce" + ] + }, + { + "id": 35493, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "white miso", + "rice vinegar", + "water", + "green onions", + "soy sauce", + "mirin", + "toasted sesame seeds", + "hot mustard", + "olive oil", + "sea bass fillets" + ] + }, + { + "id": 20204, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "lean ground beef", + "bread dough", + "water", + "taco seasoning", + "tomato sauce", + "salsa", + "olives", + "green onions", + "Mexican cheese" + ] + }, + { + "id": 30374, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "vegetable stock", + "whole peeled tomatoes", + "olive oil", + "garlic cloves", + "white bread", + "basil leaves" + ] + }, + { + "id": 17479, + "cuisine": "southern_us", + "ingredients": [ + "orange juice", + "ground cloves", + "grated orange", + "honey", + "juice" + ] + }, + { + "id": 42147, + "cuisine": "french", + "ingredients": [ + "olive oil", + "cracked black pepper", + "tomato paste", + "pork tenderloin", + "salt", + "dijon mustard", + "dry red wine", + "fat free less sodium chicken broth", + "cooking spray" + ] + }, + { + "id": 31898, + "cuisine": "indian", + "ingredients": [ + "sugar", + "curds", + "rose water", + "saffron", + "water", + "ground cardamom", + "cold water", + "whole milk" + ] + }, + { + "id": 18695, + "cuisine": "chinese", + "ingredients": [ + "shredded coleslaw mix", + "garlic cloves", + "egg roll wrappers", + "fresh ginger", + "pork sausages", + "vegetable oil" + ] + }, + { + "id": 29841, + "cuisine": "mexican", + "ingredients": [ + "Pace Picante Sauce", + "ground beef", + "corn tortillas", + "cheese" + ] + }, + { + "id": 38010, + "cuisine": "russian", + "ingredients": [ + "kosher salt", + "unsalted butter", + "shallots", + "garlic", + "beef tenderloin steaks", + "fresh dill", + "sherry vinegar", + "large eggs", + "grapeseed oil", + "all-purpose flour", + "olive oil", + "truffle oil", + "fresh thyme leaves", + "crème fraîche", + "sugar", + "ground black pepper", + "beef stock", + "portabello mushroom", + "sour cream" + ] + }, + { + "id": 47340, + "cuisine": "italian", + "ingredients": [ + "hazelnuts", + "salt", + "sugar", + "egg whites", + "bittersweet chocolate", + "water", + "confectioners sugar", + "milk chocolate", + "heavy cream" + ] + }, + { + "id": 38097, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper flakes", + "onions", + "fettucine", + "grated parmesan cheese", + "sauce", + "chicken broth", + "ground black pepper", + "garlic", + "kosher salt", + "baby spinach", + "medium shrimp" + ] + }, + { + "id": 28781, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "leeks", + "elbow macaroni", + "kidney beans", + "creole seasoning", + "celery", + "water", + "dry red wine", + "carrots", + "zucchini", + "garlic cloves" + ] + }, + { + "id": 46826, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "onions", + "cooked rice", + "hot sauce", + "tomatoes", + "kielbasa", + "orange bell pepper", + "green pepper" + ] + }, + { + "id": 7542, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "green olives", + "olive oil", + "bay leaves", + "fresh lemon juice", + "ground cumin", + "ground ginger", + "figs", + "unsalted butter", + "garlic", + "chopped cilantro", + "chicken stock", + "preserved lemon", + "ground black pepper", + "paprika", + "couscous", + "ground cinnamon", + "kosher salt", + "dried apricot", + "yellow onion", + "chicken" + ] + }, + { + "id": 49580, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "avocado oil", + "fresh lime juice", + "frozen whole kernel corn", + "tortilla chips", + "ground cumin", + "fresh cilantro", + "salt", + "chipotles in adobo", + "avocado", + "tomatoes with juice", + "garlic cloves" + ] + }, + { + "id": 7941, + "cuisine": "indian", + "ingredients": [ + "curry", + "chicken thighs", + "coconut milk", + "salsa", + "onions" + ] + }, + { + "id": 13184, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "vegetable oil", + "ground allspice", + "onions", + "dried thyme", + "chopped celery", + "red bell pepper", + "dried oregano", + "green bell pepper", + "whole peeled tomatoes", + "hot sauce", + "medium shrimp", + "chicken", + "dried basil", + "coarse salt", + "garlic cloves", + "long grain white rice" + ] + }, + { + "id": 35304, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "minced garlic", + "green onions", + "all-purpose flour", + "red bell pepper", + "crawfish", + "bay leaves", + "chopped celery", + "creole seasoning", + "tomato sauce", + "chopped green bell pepper", + "butter", + "hot sauce", + "fresh parsley", + "crab", + "sherry", + "diced tomatoes", + "yellow onion" + ] + }, + { + "id": 3083, + "cuisine": "italian", + "ingredients": [ + "eggs", + "prepared pasta sauce", + "shredded mozzarella cheese", + "small curd cottage cheese", + "salt", + "green onions", + "fresh mushrooms", + "black pepper", + "lean ground beef", + "fresh parsley" + ] + }, + { + "id": 42860, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "sesame oil", + "shrimp", + "large eggs", + "all-purpose flour", + "cabbage", + "Sriracha", + "sea salt", + "toasted sesame seeds", + "mayonaise", + "bonito flakes", + "scallions", + "canola oil" + ] + }, + { + "id": 13393, + "cuisine": "mexican", + "ingredients": [ + "cherry tomatoes", + "onions", + "hellmann' or best food real mayonnais", + "jalapeno chilies", + "chopped cilantro fresh", + "lime juice", + "corn-on-the-cob" + ] + }, + { + "id": 29269, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "red enchilada sauce", + "white onion", + "lean ground beef", + "chopped cilantro fresh", + "black beans", + "large flour tortillas", + "shredded cheese", + "pepper", + "salt" + ] + }, + { + "id": 10715, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "yellow onion", + "diced tomatoes", + "chuck roast", + "ground cumin", + "chili seasoning mix", + "dried pinto beans" + ] + }, + { + "id": 42352, + "cuisine": "vietnamese", + "ingredients": [ + "roast", + "sweetened condensed milk" + ] + }, + { + "id": 21167, + "cuisine": "southern_us", + "ingredients": [ + "worcestershire sauce", + "large eggs", + "garlic cloves", + "butter", + "grits", + "green chile", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 19027, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "extra-virgin olive oil", + "red wine vinegar", + "small white beans", + "heavy cream", + "white sandwich bread", + "fresh thyme", + "garlic cloves" + ] + }, + { + "id": 18783, + "cuisine": "french", + "ingredients": [ + "shallots", + "salt", + "plain whole-milk yogurt", + "sea scallops", + "vegetable stock", + "garlic cloves", + "saffron threads", + "vegetable oil", + "freshly ground pepper", + "fennel bulb", + "extra-virgin olive oil", + "thyme" + ] + }, + { + "id": 45259, + "cuisine": "chinese", + "ingredients": [ + "red pepper flakes", + "garlic cloves", + "bok choy", + "fresh ginger", + "dark sesame oil", + "Chinese egg noodles", + "chicken broth", + "salt", + "oyster sauce", + "green onions", + "peanut oil", + "carrots" + ] + }, + { + "id": 18602, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "vanilla extract", + "confectioners sugar", + "mini marshmallows", + "all-purpose flour", + "unsweetened cocoa powder", + "milk", + "salt", + "white sugar", + "butter", + "chopped pecans" + ] + }, + { + "id": 2861, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "rice", + "pepper", + "all-purpose flour", + "onions", + "sugar", + "salt", + "okra", + "peeled tomatoes", + "green pepper", + "boiling water" + ] + }, + { + "id": 23392, + "cuisine": "moroccan", + "ingredients": [ + "spinach", + "black olives", + "lemon juice", + "finely chopped fresh parsley", + "grated lemon zest", + "olive oil", + "salt", + "chopped cilantro fresh", + "ground red pepper", + "garlic cloves" + ] + }, + { + "id": 13884, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "parmigiano reggiano cheese", + "arborio rice", + "fennel bulb", + "extra-virgin olive oil", + "saffron threads", + "unsalted butter", + "dry white wine", + "chicken stock", + "finely chopped onion" + ] + }, + { + "id": 28609, + "cuisine": "indian", + "ingredients": [ + "pepper", + "chicken breasts", + "salt", + "garlic cloves", + "garam masala", + "cilantro", + "cayenne pepper", + "ground cumin", + "lime", + "chili powder", + "yellow onion", + "naan", + "tomato sauce", + "nonfat greek yogurt", + "ginger", + "rice" + ] + }, + { + "id": 43326, + "cuisine": "cajun_creole", + "ingredients": [ + "cayenne", + "garlic", + "celery", + "dried oregano", + "canned low sodium chicken broth", + "paprika", + "scallions", + "medium shrimp", + "green bell pepper", + "cooking oil", + "salt", + "bay leaf", + "ground black pepper", + "ground pork", + "long-grain rice", + "onions" + ] + }, + { + "id": 3441, + "cuisine": "british", + "ingredients": [ + "granny smith apples", + "lemon zest", + "ground allspice", + "dried currants", + "suet", + "golden raisins", + "fresh lemon juice", + "ground nutmeg", + "large eggs", + "dark brown sugar", + "brandy", + "granulated sugar", + "raisins", + "orange zest" + ] + }, + { + "id": 42863, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "sweet potatoes", + "black pepper", + "salt", + "low-fat buttermilk", + "thyme sprigs", + "marsala wine", + "butter" + ] + }, + { + "id": 36080, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime", + "vegetable oil", + "mixed greens", + "kosher salt", + "ground black pepper", + "english cucumber", + "fresh mint", + "sugar", + "thai basil", + "thai chile", + "carrots", + "fresh cilantro", + "flank steak", + "scallions", + "fresh lime juice" + ] + }, + { + "id": 44258, + "cuisine": "russian", + "ingredients": [ + "BACARDI® Mixers Margarita Mix", + "blueberries", + "BACARDI® Superior", + "orange juice" + ] + }, + { + "id": 12293, + "cuisine": "southern_us", + "ingredients": [ + "chicken breasts", + "pepper", + "dry bread crumbs", + "vegetable oil", + "large eggs", + "self-rising cornmeal" + ] + }, + { + "id": 46481, + "cuisine": "mexican", + "ingredients": [ + "cheese", + "pinto beans", + "frozen corn", + "cumin", + "salt", + "ground beef", + "cooked rice", + "enchilada sauce" + ] + }, + { + "id": 11506, + "cuisine": "spanish", + "ingredients": [ + "fava beans", + "spanish chorizo", + "onions", + "bacon", + "blood sausage", + "saffron", + "extra-virgin olive oil", + "smoked paprika", + "water", + "garlic cloves", + "smoked ham hocks" + ] + }, + { + "id": 40213, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "fennel bulb", + "cilantro", + "toasted slivered almonds", + "salad", + "ground pepper", + "sea salt", + "fresh lemon juice", + "water", + "golden raisins", + "garlic", + "fresh parsley", + "ground cinnamon", + "quinoa", + "paprika", + "carrots" + ] + }, + { + "id": 12784, + "cuisine": "italian", + "ingredients": [ + "capers", + "large eggs", + "olive oil", + "all-purpose flour", + "milk", + "fresh mozzarella", + "unsalted butter", + "white sandwich bread" + ] + }, + { + "id": 11280, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "shredded cheddar cheese", + "chili powder", + "sour cream", + "black beans", + "olive oil", + "cilantro leaves", + "ground cumin", + "tomatoes", + "lime", + "white wine vinegar", + "iceberg lettuce", + "kosher salt", + "green onions", + "yellow rice" + ] + }, + { + "id": 44124, + "cuisine": "southern_us", + "ingredients": [ + "bay leaves", + "salt", + "thyme", + "chicken", + "buttermilk", + "hot sauce", + "sage", + "lemon", + "all-purpose flour", + "fleur de sel", + "rosemary", + "garlic", + "cayenne pepper", + "canola oil" + ] + }, + { + "id": 30408, + "cuisine": "indian", + "ingredients": [ + "fresh curry leaves", + "potatoes", + "butter", + "ground coriander", + "frozen peas", + "frozen chopped spinach", + "ground black pepper", + "chile pepper", + "salt", + "mustard seeds", + "ground turmeric", + "milk", + "chili powder", + "garlic", + "cumin seed", + "chopped cilantro fresh", + "green bell pepper", + "baked beans", + "vegetable oil", + "frozen corn", + "onions" + ] + }, + { + "id": 39514, + "cuisine": "italian", + "ingredients": [ + "freshly ground pepper", + "kosher salt", + "pork", + "olive oil" + ] + }, + { + "id": 12410, + "cuisine": "irish", + "ingredients": [ + "leeks", + "salt", + "red potato", + "bacon", + "green cabbage", + "whole milk", + "mace", + "garlic" + ] + }, + { + "id": 4782, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "potatoes", + "chopped onion", + "water", + "bacon", + "chicken bouillon", + "heavy cream", + "kale", + "garlic" + ] + }, + { + "id": 8508, + "cuisine": "french", + "ingredients": [ + "eggs", + "paprika", + "english muffins, split and toasted", + "hollandaise sauce", + "asparagus spears", + "shredded swiss cheese" + ] + }, + { + "id": 43421, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "balsamic vinegar", + "red bell pepper", + "zucchini", + "crushed red pepper", + "baguette", + "extra-virgin olive oil", + "ground cumin", + "cooking spray", + "salt" + ] + }, + { + "id": 5935, + "cuisine": "mexican", + "ingredients": [ + "water", + "cooking spray", + "lemon rind", + "large eggs", + "salt", + "sweetened condensed milk", + "large egg whites", + "vanilla extract", + "nonfat evaporated milk", + "sugar", + "half & half", + "all-purpose flour" + ] + }, + { + "id": 3168, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "purple onion", + "plum tomatoes", + "kosher salt", + "cooking spray", + "red bell pepper", + "green bell pepper", + "zucchini", + "garlic cloves", + "eggplant", + "extra-virgin olive oil", + "herbes de provence" + ] + }, + { + "id": 10748, + "cuisine": "italian", + "ingredients": [ + "water", + "garlic", + "tomatoes", + "zucchini", + "sliced mushrooms", + "eggplant", + "salt", + "pepper", + "grated parmesan cheese", + "italian seasoning" + ] + }, + { + "id": 4524, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "chili powder", + "ground beef", + "white onion", + "flour tortillas", + "enchilada sauce", + "green bell pepper", + "ground pepper", + "salt", + "ground cumin", + "refried beans", + "colby jack cheese", + "rotel tomatoes" + ] + }, + { + "id": 20761, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garbanzo beans", + "firm tofu", + "pepper", + "garlic", + "canola oil", + "water", + "salt", + "green bell pepper", + "garam masala", + "onions" + ] + }, + { + "id": 38631, + "cuisine": "british", + "ingredients": [ + "ground cinnamon", + "large eggs", + "vanilla extract", + "molasses", + "butter", + "dark brown sugar", + "ground cloves", + "baking powder", + "all-purpose flour", + "ground ginger", + "milk", + "raisins" + ] + }, + { + "id": 408, + "cuisine": "italian", + "ingredients": [ + "whole milk ricotta cheese", + "sugar", + "orange zest", + "vanilla", + "mini chocolate chips" + ] + }, + { + "id": 6621, + "cuisine": "filipino", + "ingredients": [ + "bananas", + "crushed ice", + "shredded coconut", + "honeydew melon", + "vanilla ice cream", + "cantaloupe", + "Jell-O Gelatin Dessert", + "papaya", + "tapioca" + ] + }, + { + "id": 13321, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "cinnamon sticks", + "black peppercorns", + "cumin seed", + "cardamom seeds", + "whole cloves", + "whole nutmegs" + ] + }, + { + "id": 37567, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "raw sugar", + "ground cinnamon", + "large free range egg", + "plain flour", + "unsalted butter", + "vanilla essence", + "baking powder" + ] + }, + { + "id": 13196, + "cuisine": "korean", + "ingredients": [ + "rib eye steaks", + "minced garlic", + "yellow onion", + "low sodium soy sauce", + "mirin", + "carrots", + "brown sugar", + "green onions", + "onions", + "pepper", + "sesame oil" + ] + }, + { + "id": 26454, + "cuisine": "southern_us", + "ingredients": [ + "large egg yolks", + "banana liqueur", + "corn starch", + "sugar", + "whole milk", + "vanilla wafers", + "ground cinnamon", + "unsalted butter", + "salt", + "bananas", + "vanilla extract" + ] + }, + { + "id": 13198, + "cuisine": "irish", + "ingredients": [ + "croissants", + "softened butter", + "eggs", + "caster", + "ground cinnamon", + "raisins", + "milk", + "heavy cream" + ] + }, + { + "id": 5263, + "cuisine": "british", + "ingredients": [ + "black pepper", + "fresh mushrooms", + "paprika", + "sour cream", + "mashed potatoes", + "salt", + "onions", + "butter", + "lemon juice" + ] + }, + { + "id": 14561, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "freshly ground pepper", + "whole milk", + "canola oil", + "large eggs", + "swiss steak", + "all-purpose flour" + ] + }, + { + "id": 47212, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "baking powder", + "corn starch", + "cold water", + "flour", + "salt", + "prawns", + "shoyu", + "dashi", + "sweet potatoes", + "oil" + ] + }, + { + "id": 31111, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "bacon", + "chicken broth", + "stick butter", + "finely chopped onion", + "chopped celery", + "large eggs", + "sage" + ] + }, + { + "id": 32017, + "cuisine": "cajun_creole", + "ingredients": [ + "bacon drippings", + "parmesan cheese", + "garlic cloves", + "cooked ham", + "green onions", + "mirlitons", + "minced onion", + "shrimp", + "bread crumbs", + "creole seasoning" + ] + }, + { + "id": 49085, + "cuisine": "filipino", + "ingredients": [ + "tomatoes", + "roma tomatoes", + "onions", + "pepper", + "salt", + "fish sauce", + "garlic", + "noodles", + "water", + "oil" + ] + }, + { + "id": 22721, + "cuisine": "chinese", + "ingredients": [ + "chicken breast fillets", + "sesame seeds", + "sesame oil", + "garlic", + "oil", + "water", + "mushrooms", + "red wine vinegar", + "scallions", + "salad dressing", + "tofu", + "light soy sauce", + "shallots", + "ginger", + "mixed greens", + "brown sugar", + "shredded carrots", + "wonton wrappers", + "rice vinegar", + "cucumber" + ] + }, + { + "id": 43602, + "cuisine": "greek", + "ingredients": [ + "water", + "orzo", + "fresh oregano", + "seasoned bread crumbs", + "large eggs", + "extra-virgin olive oil", + "fresh parsley", + "minced onion", + "grated carrot", + "garlic cloves", + "pepper", + "cooking spray", + "salt", + "ground lamb" + ] + }, + { + "id": 25341, + "cuisine": "russian", + "ingredients": [ + "evaporated milk", + "sour cream", + "cooked ham", + "lasagna noodles", + "cottage cheese", + "salt", + "eggs", + "ground black pepper" + ] + }, + { + "id": 13375, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "spicy brown mustard", + "ground pepper", + "milk", + "old bay seasoning", + "celery ribs", + "large eggs" + ] + }, + { + "id": 38198, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "salt", + "firmly packed light brown sugar", + "bourbon whiskey", + "pork baby back ribs", + "prepared horseradish", + "pepper", + "hot sauce" + ] + }, + { + "id": 10681, + "cuisine": "southern_us", + "ingredients": [ + "oats", + "ground nutmeg", + "lemon juice", + "firmly packed brown sugar", + "baking mix", + "ground cinnamon", + "all-purpose flour", + "frozen blueberries", + "light butter", + "granulated sugar", + "toasted almonds" + ] + }, + { + "id": 5607, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "garlic powder", + "cayenne pepper", + "dried minced onion", + "water", + "chives", + "long-grain rice", + "pepper", + "beef bouillon granules", + "green pepper", + "celery flakes", + "parsley flakes", + "dried thyme", + "smoked sausage", + "shrimp" + ] + }, + { + "id": 5867, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "ground black pepper", + "ground cumin", + "sugar", + "cayenne pepper", + "ground cinnamon", + "paprika", + "saffron threads", + "kosher salt", + "ground coriander" + ] + }, + { + "id": 47391, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "tortilla chips", + "shredded lettuce", + "ripe olives", + "pork", + "salsa", + "sliced green onions", + "Mexican cheese blend", + "sour cream" + ] + }, + { + "id": 29681, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "salt", + "sugar", + "raisins", + "mango", + "white vinegar", + "red pepper", + "onions", + "water", + "garlic" + ] + }, + { + "id": 15120, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "hass avocado", + "chips", + "freshly ground pepper", + "mango", + "chile pepper", + "fresh lime juice", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 5198, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "mushrooms", + "dry bread crumbs", + "large eggs", + "butter", + "dried oregano", + "minced onion", + "prepared pasta sauce", + "lean beef", + "french bread", + "garlic" + ] + }, + { + "id": 10620, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "pie shell", + "onions", + "cheese", + "sour cream", + "tomatoes", + "taco seasoning", + "salsa", + "ground beef" + ] + }, + { + "id": 11044, + "cuisine": "italian", + "ingredients": [ + "salami", + "crackers", + "pitted kalamata olives", + "goat cheese", + "breadstick", + "pickled okra", + "roasted red peppers", + "fresh parsley" + ] + }, + { + "id": 29145, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "fennel bulb", + "pecorino romano cheese", + "fronds", + "dry white wine", + "salt", + "fat free less sodium chicken broth", + "leeks", + "orzo", + "ground black pepper", + "butter" + ] + }, + { + "id": 15266, + "cuisine": "southern_us", + "ingredients": [ + "green tomatoes", + "cornmeal", + "pepper", + "oil", + "eggs", + "salt", + "paprika" + ] + }, + { + "id": 37557, + "cuisine": "chinese", + "ingredients": [ + "lo mein noodles", + "red pepper flakes", + "onions", + "chicken broth", + "chicken breasts", + "oyster sauce", + "canola oil", + "bell pepper", + "garlic", + "snow peas", + "low sodium soy sauce", + "sesame oil", + "sliced mushrooms" + ] + }, + { + "id": 29826, + "cuisine": "brazilian", + "ingredients": [ + "ground black pepper", + "salt", + "crushed tomatoes", + "jalapeno chilies", + "onions", + "unsweetened coconut milk", + "cooking oil", + "chopped cilantro", + "fresh ginger", + "garlic", + "chicken" + ] + }, + { + "id": 9521, + "cuisine": "southern_us", + "ingredients": [ + "bay leaves", + "butter", + "hot sauce", + "black peppercorns", + "clam juice", + "worcestershire sauce", + "large shrimp", + "french baguette", + "cajun seasoning", + "garlic", + "canola oil", + "apple cider vinegar", + "lemon", + "beer" + ] + }, + { + "id": 24869, + "cuisine": "chinese", + "ingredients": [ + "bell pepper", + "garlic", + "water", + "szechwan peppercorns", + "corn starch", + "red chili peppers", + "Shaoxing wine", + "salt", + "light soy sauce", + "ginger", + "chicken thighs" + ] + }, + { + "id": 1575, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "corn", + "lime", + "melted butter", + "grated cotija" + ] + }, + { + "id": 46667, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "fresh ginger", + "chili powder", + "peanut oil", + "ground beef", + "fresh cilantro", + "bean paste", + "hot bean paste", + "oyster sauce", + "silken tofu", + "leeks", + "szechwan peppercorns", + "scallions", + "chicken stock", + "light soy sauce", + "rice wine", + "garlic", + "corn starch" + ] + }, + { + "id": 30076, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "leeks", + "thick-cut bacon", + "unsalted butter", + "pappardelle", + "grated parmesan cheese", + "heavy cream", + "olive oil", + "chopped fresh thyme" + ] + }, + { + "id": 38633, + "cuisine": "italian", + "ingredients": [ + "cold water", + "ground black pepper", + "carrots", + "pancetta", + "fresh rosemary", + "extra-virgin olive oil", + "boiling potatoes", + "tomatoes", + "ditalini", + "onions", + "celery ribs", + "cranberry beans", + "fine sea salt" + ] + }, + { + "id": 23172, + "cuisine": "british", + "ingredients": [ + "port wine", + "milk", + "butter", + "all-purpose flour", + "pepper", + "grated parmesan cheese", + "garlic", + "frozen peas", + "water", + "baking powder", + "salt", + "ground lamb", + "brandy", + "self rising flour", + "worcestershire sauce", + "onions" + ] + }, + { + "id": 43546, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed light brown sugar", + "sweet potatoes", + "salt", + "pumpkin pie spice", + "granulated sugar", + "buttermilk", + "chopped pecans", + "baking soda", + "butter", + "all-purpose flour", + "large eggs", + "vanilla extract", + "sorghum syrup" + ] + }, + { + "id": 26928, + "cuisine": "italian", + "ingredients": [ + "spinach", + "center cut bacon", + "ground black pepper", + "chopped onion", + "kosher salt", + "diced tomatoes", + "fresh rosemary", + "cannellini beans", + "roasting chickens" + ] + }, + { + "id": 9594, + "cuisine": "chinese", + "ingredients": [ + "top sirloin steak", + "soy sauce", + "oyster sauce", + "sugar", + "peanut oil", + "broccoli florets" + ] + }, + { + "id": 38788, + "cuisine": "mexican", + "ingredients": [ + "california chile", + "chicken breasts", + "sour cream", + "corn husks", + "salt", + "onions", + "water", + "garlic", + "lard", + "baking powder", + "beef broth", + "masa harina" + ] + }, + { + "id": 37229, + "cuisine": "mexican", + "ingredients": [ + "tequila", + "lime", + "ice cubes", + "white sugar", + "lemon" + ] + }, + { + "id": 6365, + "cuisine": "italian", + "ingredients": [ + "fine sea salt", + "fleur de sel", + "dressing", + "zucchini" + ] + }, + { + "id": 33671, + "cuisine": "jamaican", + "ingredients": [ + "ground cloves", + "bell pepper", + "chile pepper", + "ginger", + "fenugreek seeds", + "coconut milk", + "onions", + "ground cumin", + "curry powder", + "cilantro stems", + "lime wedges", + "cilantro leaves", + "garlic cloves", + "curry paste", + "ground turmeric", + "pepper", + "sweet potatoes", + "fresh thyme leaves", + "salt", + "ground allspice", + "fresh lime juice", + "basmati rice", + "brown sugar", + "annatto seeds", + "brown mustard seeds", + "vegetable oil", + "hot sauce", + "ground cardamom", + "roasted tomatoes", + "chuck" + ] + }, + { + "id": 4022, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "oysters", + "ground red pepper", + "fresh oregano", + "shrimp", + "tomato paste", + "crawfish", + "fresh thyme", + "salt", + "garlic cloves", + "chicken broth", + "pepper", + "bay leaves", + "all-purpose flour", + "sausages", + "lump crab meat", + "chopped green bell pepper", + "chopped celery", + "okra", + "onions" + ] + }, + { + "id": 14028, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "apples", + "chiles", + "tomatillos", + "ground black pepper", + "garlic cloves", + "olive oil", + "salt" + ] + }, + { + "id": 40591, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "yellow mustard", + "onions", + "barbecue sauce", + "bacon", + "egg roll wrappers", + "worcestershire sauce", + "cheddar cheese", + "lean ground beef", + "oil" + ] + }, + { + "id": 43179, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "butter", + "apple butter", + "pie crust", + "pumpkin purée", + "all-purpose flour", + "ground nutmeg", + "salt", + "chopped pecans", + "evaporated milk", + "beaten eggs", + "dark brown sugar" + ] + }, + { + "id": 11135, + "cuisine": "british", + "ingredients": [ + "ground cinnamon", + "brandy", + "light molasses", + "baking powder", + "grated orange peel", + "vegetable oil spray", + "large eggs", + "all-purpose flour", + "ground ginger", + "sugar", + "baking soda", + "orange marmalade", + "powdered sugar", + "ground cloves", + "unsalted butter", + "salt" + ] + }, + { + "id": 2064, + "cuisine": "thai", + "ingredients": [ + "lime", + "ground black pepper", + "fine sea salt", + "chicken", + "five spice", + "olive oil", + "chicken breasts", + "greek style plain yogurt", + "honey", + "Sriracha", + "fresh chili", + "mayonaise", + "sesame seeds", + "lemon", + "cayenne pepper" + ] + }, + { + "id": 15133, + "cuisine": "french", + "ingredients": [ + "large eggs", + "carrots", + "ground cinnamon", + "butter", + "baking powder", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 10372, + "cuisine": "cajun_creole", + "ingredients": [ + "granulated garlic", + "butter", + "beef", + "rice", + "seasoning", + "boneless chicken breast", + "rotel tomatoes", + "french onion soup", + "smoked sausage" + ] + }, + { + "id": 25995, + "cuisine": "filipino", + "ingredients": [ + "flour", + "fish balls", + "soy sauce", + "garlic", + "corn starch", + "brown sugar", + "shallots", + "oil", + "water", + "salt" + ] + }, + { + "id": 4163, + "cuisine": "southern_us", + "ingredients": [ + "fresh sage", + "flour", + "salt", + "baking soda", + "butter", + "chicken bouillon granules", + "fresh thyme", + "buttermilk", + "milk", + "baking powder", + "sausages" + ] + }, + { + "id": 32632, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "leeks", + "garlic", + "medium firm tofu", + "soy sauce", + "ground sichuan pepper", + "peanut oil", + "fermented black beans", + "sugar", + "sesame oil", + "chili bean paste", + "corn starch", + "chicken stock", + "minced ginger", + "ground pork", + "scallions" + ] + }, + { + "id": 14662, + "cuisine": "italian", + "ingredients": [ + "Margherita Pepperoni", + "water", + "celery", + "soft-shell clams", + "pepper", + "liquid" + ] + }, + { + "id": 31127, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "lemon", + "onions", + "water", + "all-purpose flour", + "pepper", + "salt", + "chicken", + "dried thyme", + "bay leaf" + ] + }, + { + "id": 35569, + "cuisine": "mexican", + "ingredients": [ + "water", + "ground cumin", + "tomatoes", + "salt", + "vidalia onion", + "garlic cloves", + "jalapeno chilies" + ] + }, + { + "id": 17159, + "cuisine": "chinese", + "ingredients": [ + "garlic", + "soy sauce", + "oyster sauce", + "oil", + "fresh green bean", + "white sugar" + ] + }, + { + "id": 17316, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "chopped fresh thyme", + "olive oil", + "polenta", + "fresh chevre" + ] + }, + { + "id": 17359, + "cuisine": "southern_us", + "ingredients": [ + "grape tomatoes", + "Sriracha", + "heavy cream", + "onion tops", + "pepper", + "butter", + "garlic", + "grits", + "white onion", + "grated parmesan cheese", + "bacon", + "sharp cheddar cheese", + "water", + "lemon", + "salt", + "large shrimp" + ] + }, + { + "id": 27390, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "hoisin sauce", + "rotisserie chicken", + "minced ginger", + "red pepper flakes", + "beansprouts", + "water", + "green onions", + "carrots", + "spinach", + "peanuts", + "cilantro" + ] + }, + { + "id": 45053, + "cuisine": "greek", + "ingredients": [ + "luke warm water", + "salt", + "active dry yeast", + "strong white bread flour", + "olive oil" + ] + }, + { + "id": 12679, + "cuisine": "chinese", + "ingredients": [ + "tomatoes", + "water", + "green onions", + "tamarind paste", + "sweet basil", + "sugar", + "fresh ginger", + "sesame oil", + "garlic cloves", + "fresh mint", + "fish sauce", + "lime", + "shallots", + "peanut oil", + "shrimp", + "kosher salt", + "low sodium chicken broth", + "thai chile", + "Chinese egg noodles" + ] + }, + { + "id": 32453, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "ground black pepper", + "diced celery", + "ground cumin", + "water", + "chili powder", + "dried oregano", + "minced garlic", + "minced onion", + "carrots", + "green bell pepper", + "olive oil", + "vegetable broth", + "sliced green onions" + ] + }, + { + "id": 26771, + "cuisine": "brazilian", + "ingredients": [ + "dried black beans", + "bacon slices", + "pork shoulder boston butt", + "white vinegar", + "ground black pepper", + "beef rib short", + "lower sodium chicken broth", + "finely chopped onion", + "garlic cloves", + "orange slices", + "salt", + "smoked ham hocks" + ] + }, + { + "id": 3485, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "flaked coconut", + "ground cinnamon", + "large eggs", + "skim milk", + "vanilla extract", + "solid pack pumpkin", + "egg whites" + ] + }, + { + "id": 594, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chees fresh mozzarella", + "warm water", + "cooking spray", + "bread flour", + "kosher salt", + "pizza sauce", + "yellow corn meal", + "dry yeast", + "fresh basil leaves" + ] + }, + { + "id": 10288, + "cuisine": "korean", + "ingredients": [ + "sugar", + "chives", + "garlic", + "sesame seeds", + "red pepper flakes", + "radishes", + "ginger", + "kosher salt", + "pickling cucumbers" + ] + }, + { + "id": 44975, + "cuisine": "mexican", + "ingredients": [ + "minced onion", + "chopped cilantro", + "coarse salt", + "jalapeno chilies", + "plum tomatoes", + "avocado", + "fresh lime juice" + ] + }, + { + "id": 37879, + "cuisine": "italian", + "ingredients": [ + "shredded cheddar cheese", + "pepperoni", + "pork sausages", + "eggs", + "grated parmesan cheese", + "dried minced onion", + "msg", + "rolls", + "dried parsley", + "garlic powder", + "shredded mozzarella cheese", + "dried oregano" + ] + }, + { + "id": 41695, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "basil pesto sauce", + "ground pepper", + "parsley", + "garlic cloves", + "lemon thyme", + "olive oil", + "wheels", + "garlic", + "thyme leaves", + "saffron threads", + "homemade chicken stock", + "chopped tomatoes", + "cannellini beans", + "yellow onion", + "tomatoes", + "kosher salt", + "fennel", + "frozen green beans", + "carrots" + ] + }, + { + "id": 31442, + "cuisine": "indian", + "ingredients": [ + "worcestershire sauce", + "ground cumin", + "dijon mustard", + "chicken pieces", + "ground ginger", + "garlic", + "chili powder", + "ground turmeric" + ] + }, + { + "id": 42039, + "cuisine": "greek", + "ingredients": [ + "red wine vinegar", + "cucumber", + "radishes", + "purple onion", + "whole wheat pita bread", + "chopped green bell pepper", + "feta cheese crumbles", + "plum tomatoes", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 13264, + "cuisine": "moroccan", + "ingredients": [ + "chicken stock", + "pepper", + "extra-virgin olive oil", + "chicken pieces", + "preserved lemon", + "pitted green olives", + "cayenne pepper", + "onions", + "saffron threads", + "tumeric", + "paprika", + "garlic cloves", + "cumin", + "ground ginger", + "cinnamon", + "salt", + "chopped cilantro" + ] + }, + { + "id": 5619, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "dried parsley", + "garlic powder", + "bouillon granules", + "ground cinnamon", + "onion powder", + "dried oregano", + "ground nutmeg", + "salt" + ] + }, + { + "id": 21133, + "cuisine": "italian", + "ingredients": [ + "pork stew meat", + "vegetable oil", + "chopped celery", + "garlic cloves", + "bay leaf", + "dried thyme", + "reduced fat milk", + "beef stew meat", + "chopped onion", + "flat leaf parsley", + "porcini", + "large egg yolks", + "baking potatoes", + "salt", + "carrots", + "water", + "fresh parmesan cheese", + "diced tomatoes", + "all-purpose flour", + "gnocchi" + ] + }, + { + "id": 45622, + "cuisine": "italian", + "ingredients": [ + "whole peeled tomatoes", + "garlic", + "onions", + "fresh basil", + "lean ground beef", + "red bell pepper", + "italian seasoning", + "tomato paste", + "bay leaves", + "fresh mushrooms", + "spaghetti", + "green bell pepper", + "red pepper flakes", + "celery" + ] + }, + { + "id": 21673, + "cuisine": "southern_us", + "ingredients": [ + "fat free milk", + "all-purpose flour", + "black pepper", + "worcestershire sauce", + "cream cheese, soften", + "reduced fat cheddar cheese", + "dijon mustard", + "elbow macaroni", + "minced garlic", + "salt" + ] + }, + { + "id": 21895, + "cuisine": "thai", + "ingredients": [ + "curry powder", + "chuck roast", + "salt", + "fresh ginger", + "light coconut milk", + "cherry tomatoes", + "vegetable oil", + "onions", + "light brown sugar", + "cayenne", + "garlic" + ] + }, + { + "id": 9398, + "cuisine": "brazilian", + "ingredients": [ + "pure vanilla extract", + "pumpkin purée", + "unsalted butter", + "icing", + "clove", + "apple pie spice", + "granulated sugar", + "sweetened condensed milk" + ] + }, + { + "id": 12561, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "asparagus", + "arborio rice", + "fresh parmesan cheese", + "salt", + "olive oil", + "finely chopped onion", + "spinach leaves", + "ground nutmeg" + ] + }, + { + "id": 5733, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "yellow onion", + "fat", + "unsweetened cocoa powder", + "almond butter", + "diced tomatoes", + "chicken fingers", + "chipotle peppers", + "pepper", + "cinnamon", + "cayenne pepper", + "coconut milk", + "ground cumin", + "red cabbage", + "salt", + "garlic cloves", + "cabbage" + ] + }, + { + "id": 12347, + "cuisine": "cajun_creole", + "ingredients": [ + "red kidney beans", + "onions", + "vegetable oil", + "cooked rice", + "smoked sausage" + ] + }, + { + "id": 11079, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "rosemary leaves", + "yukon gold potatoes", + "pizza doughs", + "ground black pepper", + "yellow onion", + "extra-virgin olive oil" + ] + }, + { + "id": 44362, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "bacon", + "tomatoes", + "red pepper", + "sour cream", + "ranch salad dressing mix", + "crushed red pepper flakes", + "mayonaise", + "shredded lettuce" + ] + }, + { + "id": 17991, + "cuisine": "italian", + "ingredients": [ + "freshly grated parmesan", + "yellow bell pepper", + "onions", + "olive oil", + "ziti", + "garlic cloves", + "mushrooms", + "scallions", + "orange bell pepper", + "heavy cream", + "red bell pepper" + ] + }, + { + "id": 28541, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "serrano chile", + "ground black pepper", + "cilantro leaves", + "purple onion", + "Haas avocados", + "fresh lime juice" + ] + }, + { + "id": 28361, + "cuisine": "southern_us", + "ingredients": [ + "prepared mustard", + "mayonaise", + "paprika", + "pepper", + "salt", + "large eggs", + "pickle relish" + ] + }, + { + "id": 25689, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "Ritz Crackers", + "salt", + "celery", + "unsalted butter", + "vegetable oil", + "red bell pepper", + "pepper", + "pimentos", + "all-purpose flour", + "onions", + "milk", + "Tabasco Pepper Sauce", + "rotisserie chicken" + ] + }, + { + "id": 32400, + "cuisine": "mexican", + "ingredients": [ + "cream of chicken soup", + "sour cream", + "cooked chicken", + "doritos", + "tomatoes", + "taco seasoning", + "milk", + "shredded cheese" + ] + }, + { + "id": 18606, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "heavy whipping cream", + "egg yolks", + "unsweetened cocoa powder", + "semisweet chocolate", + "white sugar", + "ladyfingers", + "coffee liqueur" + ] + }, + { + "id": 17916, + "cuisine": "mexican", + "ingredients": [ + "crushed tomatoes", + "red pepper flakes", + "salt", + "kale", + "chees fresco queso", + "chipotle peppers", + "fresh cilantro", + "extra-virgin olive oil", + "white beans", + "fresh oregano leaves", + "olive oil", + "garlic", + "adobo sauce" + ] + }, + { + "id": 41273, + "cuisine": "russian", + "ingredients": [ + "butter", + "onions", + "sherry vinegar", + "salt", + "sultana", + "apples", + "red cabbage", + "freshly ground pepper" + ] + }, + { + "id": 13249, + "cuisine": "italian", + "ingredients": [ + "crushed garlic", + "Balsamico Bianco", + "salt", + "extra-virgin olive oil", + "ground black pepper", + "ground mustard" + ] + }, + { + "id": 40656, + "cuisine": "japanese", + "ingredients": [ + "curry powder", + "ginger", + "salt", + "carrots", + "black pepper", + "butter", + "garlic", + "oil", + "chicken thighs", + "tomato paste", + "flour", + "apples", + "cocoa powder", + "onions", + "chicken stock", + "potatoes", + "green peas", + "sauce", + "bay leaf" + ] + }, + { + "id": 28039, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "salt", + "italian seasoning", + "pitted kalamata olives", + "yellow bell pepper", + "red bell pepper", + "crushed tomatoes", + "garlic", + "arugula", + "cauliflower", + "ground black pepper", + "feta cheese crumbles", + "rigatoni" + ] + }, + { + "id": 1464, + "cuisine": "chinese", + "ingredients": [ + "wine", + "vegetable oil", + "ramps", + "scallion greens", + "firm silken tofu", + "chili bean paste", + "ground beef", + "cold water", + "fresh ginger", + "chili oil", + "corn starch", + "dark soy sauce", + "szechwan peppercorns", + "low sodium chicken stock" + ] + }, + { + "id": 37181, + "cuisine": "southern_us", + "ingredients": [ + "mushrooms", + "water", + "butter", + "Uncle Ben's Original Converted Brand rice", + "beef consomme" + ] + }, + { + "id": 38902, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "basil", + "red bell pepper", + "green bell pepper", + "sweet onion", + "english cucumber", + "tomatoes", + "lime juice", + "salt", + "flat leaf parsley", + "vegetable juice", + "red wine vinegar", + "garlic cloves" + ] + }, + { + "id": 9654, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "coarse sea salt", + "rosemary", + "thyme", + "white wine", + "garlic cloves", + "pork belly", + "olive oil" + ] + }, + { + "id": 34826, + "cuisine": "vietnamese", + "ingredients": [ + "vegetable oil", + "dark brown sugar", + "fish sauce", + "crushed red pepper flakes", + "scallions", + "water", + "garlic", + "chopped cilantro fresh", + "extra large shrimp", + "yellow onion" + ] + }, + { + "id": 16451, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "agave nectar", + "boneless skinless chicken breast halves", + "olive oil", + "fresh lime juice", + "lower sodium chicken broth", + "minced onion", + "adobo sauce", + "black pepper", + "salt" + ] + }, + { + "id": 31329, + "cuisine": "thai", + "ingredients": [ + "zucchini", + "coconut milk", + "sugar", + "vegetable oil", + "fish sauce", + "boneless skinless chicken breasts", + "thai green curry paste", + "soy sauce", + "cuttlefish balls" + ] + }, + { + "id": 35709, + "cuisine": "chinese", + "ingredients": [ + "white vinegar", + "chile paste", + "white sugar", + "dark soy sauce", + "garlic", + "chicken broth", + "sesame oil", + "water", + "corn starch" + ] + }, + { + "id": 11364, + "cuisine": "italian", + "ingredients": [ + "water", + "fusilli", + "garlic cloves", + "sugar pea", + "ground black pepper", + "salt", + "fresh basil", + "sea scallops", + "butter", + "fresh lemon juice", + "fat free less sodium chicken broth", + "dry white wine", + "cream cheese" + ] + }, + { + "id": 23756, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "brown sugar", + "white sugar", + "vanilla extract", + "egg yolks" + ] + }, + { + "id": 17117, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "green onions", + "kimchi", + "eggs", + "sesame seeds", + "Gochujang base", + "silken tofu", + "sesame oil", + "fish sauce", + "mushrooms", + "liquid" + ] + }, + { + "id": 44050, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "chili flakes", + "orange juice", + "tomatillos" + ] + }, + { + "id": 9520, + "cuisine": "indian", + "ingredients": [ + "chicken stock", + "cream", + "garam masala", + "cilantro leaves", + "lemon juice", + "ground cumin", + "tomatoes", + "fresh ginger", + "jalapeno chilies", + "cumin seed", + "chicken thighs", + "tomato paste", + "kosher salt", + "unsalted butter", + "yellow onion", + "greek yogurt", + "neutral oil", + "almonds", + "cinnamon", + "garlic cloves", + "ground turmeric" + ] + }, + { + "id": 25125, + "cuisine": "french", + "ingredients": [ + "sandwich rolls", + "chuck roast", + "beef broth", + "pepper", + "garlic", + "provolone cheese", + "soy sauce", + "worcestershire sauce", + "yellow onion", + "creole mustard", + "water", + "salt" + ] + }, + { + "id": 40543, + "cuisine": "mexican", + "ingredients": [ + "stew meat", + "beef stock cubes", + "refried beans", + "shredded cheddar cheese", + "red enchilada sauce", + "flour tortillas" + ] + }, + { + "id": 29568, + "cuisine": "italian", + "ingredients": [ + "chocolate", + "orange soda" + ] + }, + { + "id": 13161, + "cuisine": "french", + "ingredients": [ + "garlic", + "black pepper", + "salt", + "melted butter", + "gruyere cheese", + "russet potatoes", + "low-fat milk" + ] + }, + { + "id": 20505, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "part-skim mozzarella cheese", + "plum tomatoes", + "fresh basil", + "garlic cloves", + "black pepper", + "bread dough", + "yellow corn meal", + "cooking spray" + ] + }, + { + "id": 38969, + "cuisine": "japanese", + "ingredients": [ + "rice vinegar", + "soy sauce", + "chili oil" + ] + }, + { + "id": 30990, + "cuisine": "japanese", + "ingredients": [ + "black sesame seeds", + "olive oil", + "tamari soy sauce", + "sesame oil", + "extra firm tofu", + "sliced green onions" + ] + }, + { + "id": 44096, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "salt", + "oil", + "onions", + "stock", + "parsley", + "chickpeas", + "carrots", + "tomatoes", + "potatoes", + "cayenne pepper", + "garlic cloves", + "tomato sauce", + "chicken meat", + "green pepper", + "bay leaf" + ] + }, + { + "id": 4088, + "cuisine": "italian", + "ingredients": [ + "semisweet chocolate", + "vanilla extract", + "large egg whites", + "cooking spray", + "all-purpose flour", + "sugar", + "large eggs", + "salt", + "baking soda", + "baking powder", + "unsweetened cocoa powder" + ] + }, + { + "id": 12054, + "cuisine": "french", + "ingredients": [ + "sugar", + "cream of tartar", + "salt", + "butter", + "eggs", + "bittersweet chocolate" + ] + }, + { + "id": 1747, + "cuisine": "italian", + "ingredients": [ + "water", + "vanilla extract", + "unflavored gelatin", + "compote", + "low-fat plain yogurt", + "cherries", + "sugar", + "whipping cream" + ] + }, + { + "id": 3446, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "butter", + "dried oregano", + "chicken stock", + "bay leaves", + "garlic", + "salt and ground black pepper", + "red wine", + "chicken", + "tomato sauce", + "shallots", + "fresh parsley" + ] + }, + { + "id": 23413, + "cuisine": "mexican", + "ingredients": [ + "cointreau", + "lime juice", + "tequila", + "kosher salt", + "lime wedges", + "sugar", + "egg whites", + "ice cubes", + "water", + "fresh lemon juice" + ] + }, + { + "id": 20516, + "cuisine": "mexican", + "ingredients": [ + "KRAFT Zesty Italian Dressing", + "lean ground beef", + "chunky salsa", + "flour tortillas", + "sour cream", + "black beans", + "cheese", + "chili powder", + "onions" + ] + }, + { + "id": 3757, + "cuisine": "spanish", + "ingredients": [ + "roasted red peppers", + "extra-virgin olive oil", + "mushrooms", + "onions", + "ground black pepper", + "russet potatoes", + "large eggs", + "salt" + ] + }, + { + "id": 13074, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "jalapeno chilies", + "salt", + "cornmeal", + "water", + "butter", + "green pepper", + "baking soda", + "buttermilk", + "oil", + "sugar", + "baking powder", + "all-purpose flour", + "onions" + ] + }, + { + "id": 17236, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "lemon zest", + "heavy cream", + "fettucine", + "unsalted butter", + "low sodium chicken broth", + "snow peas", + "black pepper", + "fresh peas", + "leeks", + "water", + "grated parmesan cheese", + "flat leaf parsley" + ] + }, + { + "id": 16634, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "napa cabbage", + "sugar", + "green onions", + "garlic", + "water", + "coarse salt", + "fish sauce", + "chili paste", + "daikon" + ] + }, + { + "id": 7718, + "cuisine": "cajun_creole", + "ingredients": [ + "seasoning", + "water", + "shrimp", + "bone-in chicken breast halves", + "smoked sausage", + "green bell pepper", + "butter", + "chicken thighs", + "white onion", + "all-purpose flour" + ] + }, + { + "id": 13496, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "garlic", + "fresh corn", + "water", + "oil", + "pepper", + "salt", + "spinach", + "meat", + "onions" + ] + }, + { + "id": 34072, + "cuisine": "french", + "ingredients": [ + "baguette", + "red wine vinegar", + "fresh parsley", + "capers", + "dijon mustard", + "purple onion", + "pitted kalamata olives", + "lettuce leaves", + "chunk light tuna in water", + "tomatoes", + "anchovies", + "extra-virgin olive oil" + ] + }, + { + "id": 17173, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "shredded low-fat sharp cheddar", + "scallions", + "egg beaters", + "cooking spray", + "salt", + "jalapeno chilies", + "paprika", + "panko breadcrumbs", + "pepper", + "chili powder", + "light cream cheese" + ] + }, + { + "id": 43136, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "finely chopped onion", + "vegetable oil", + "black mustard seeds", + "water", + "jalapeno chilies", + "salt", + "minced garlic", + "potatoes", + "peas", + "frozen peas", + "whole wheat flour", + "yukon gold potatoes", + "all-purpose flour" + ] + }, + { + "id": 13419, + "cuisine": "mexican", + "ingredients": [ + "large egg yolks", + "sugar", + "cinnamon sticks", + "raw milk", + "vanilla", + "water" + ] + }, + { + "id": 29865, + "cuisine": "british", + "ingredients": [ + "warm water", + "butter", + "cornmeal", + "soy milk", + "all-purpose flour", + "honey", + "salt", + "milk", + "gluten", + "yeast" + ] + }, + { + "id": 17749, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "ground black pepper", + "shredded lettuce", + "purple onion", + "lemon juice", + "olive oil", + "boneless skinless chicken breasts", + "garlic", + "dillweed", + "fresh parsley", + "kosher salt", + "vinegar", + "diced tomatoes", + "salt", + "cucumber", + "diced bell pepper", + "feta cheese", + "lemon wedge", + "black olives", + "fresh lemon juice", + "dried oregano" + ] + }, + { + "id": 8536, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "sliced black olives", + "whole milk", + "diced tomatoes", + "onions", + "tomato paste", + "kosher salt", + "granulated sugar", + "chili powder", + "all-purpose flour", + "ground cumin", + "green bell pepper", + "unsalted butter", + "baking powder", + "salt", + "monterey jack", + "yellow corn meal", + "corn kernels", + "jalapeno chilies", + "vegetable oil", + "ground beef" + ] + }, + { + "id": 2536, + "cuisine": "southern_us", + "ingredients": [ + "raw honey", + "almonds", + "cacao powder" + ] + }, + { + "id": 1091, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "vegetable oil", + "cayenne pepper", + "plum tomatoes", + "celery ribs", + "medium shrimp uncook", + "salt", + "long-grain rice", + "andouille sausage", + "clam juice", + "okra", + "dried oregano", + "tomatoes", + "bay leaves", + "all-purpose flour", + "onions" + ] + }, + { + "id": 6100, + "cuisine": "italian", + "ingredients": [ + "shallots", + "extra-virgin olive oil", + "ground black pepper", + "heavy cream", + "chicken", + "red wine vinegar", + "flat leaf parsley", + "unsalted butter", + "sea salt" + ] + }, + { + "id": 33151, + "cuisine": "thai", + "ingredients": [ + "eggs", + "cooking oil", + "sweetened condensed milk", + "water", + "salt", + "sugar", + "butter", + "dough", + "milk", + "all-purpose flour" + ] + }, + { + "id": 43812, + "cuisine": "italian", + "ingredients": [ + "eggs", + "garlic powder", + "lean ground beef", + "bay leaf", + "dried basil", + "whole peeled tomatoes", + "salt", + "white sugar", + "bread crumb fresh", + "ground black pepper", + "garlic", + "dried parsley", + "tomato paste", + "olive oil", + "grated parmesan cheese", + "chopped onion" + ] + }, + { + "id": 10586, + "cuisine": "irish", + "ingredients": [ + "stout", + "egg yolks", + "white sugar", + "whole milk", + "vanilla beans", + "heavy whipping cream" + ] + }, + { + "id": 31759, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "water", + "ground pork", + "ground beef", + "white onion", + "jalapeno chilies", + "salt", + "green olives", + "olive oil", + "white rice", + "onions", + "minced garlic", + "tomatillos", + "chopped cilantro" + ] + }, + { + "id": 27968, + "cuisine": "moroccan", + "ingredients": [ + "whole cloves", + "cardamom pods", + "chicken stock", + "butter", + "spices", + "leg of lamb", + "duck fat", + "garlic" + ] + }, + { + "id": 44229, + "cuisine": "indian", + "ingredients": [ + "potatoes", + "vegetable broth", + "oil", + "cashew nuts", + "pepper", + "paprika", + "salt", + "sour cream", + "almonds", + "ginger", + "green chilies", + "onions", + "butter", + "garlic", + "carrots" + ] + }, + { + "id": 46822, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "grated parmesan cheese", + "pinenuts", + "extra-virgin olive oil", + "minced garlic", + "fresh basil leaves" + ] + }, + { + "id": 3076, + "cuisine": "thai", + "ingredients": [ + "radishes", + "fresh lime juice", + "sugar", + "green onions", + "sesame chili oil", + "peeled fresh ginger", + "chopped fresh mint", + "minced garlic", + "cucumber" + ] + }, + { + "id": 10854, + "cuisine": "southern_us", + "ingredients": [ + "red potato", + "lemon", + "beer", + "corn", + "hot sauce", + "crawfish", + "smoked sausage", + "shrimp", + "cocktail sauce", + "tartar sauce" + ] + }, + { + "id": 4903, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "yellow bell pepper", + "onions", + "grated parmesan cheese", + "shredded mozzarella cheese", + "olive oil", + "garlic", + "italian seasoning", + "italian sausage", + "diced tomatoes", + "red bell pepper" + ] + }, + { + "id": 35967, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "pie shell", + "evaporated milk", + "red pepper", + "green chile", + "mexican style 4 cheese blend", + "large eggs", + "salsa" + ] + }, + { + "id": 29146, + "cuisine": "greek", + "ingredients": [ + "non-fat sour cream", + "pepper", + "feta cheese crumbles", + "baking potatoes", + "dried oregano", + "skim milk", + "salt" + ] + }, + { + "id": 355, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "garlic", + "tomatoes", + "basil", + "penne pasta", + "feta cheese", + "salt", + "black pepper", + "kalamata", + "chopped parsley" + ] + }, + { + "id": 38759, + "cuisine": "japanese", + "ingredients": [ + "japanese rice", + "water", + "worcestershire sauce", + "oil", + "ketchup", + "spring onions", + "yellow onion", + "eggs", + "milk", + "salt", + "panko breadcrumbs", + "pepper", + "parsley", + "minced beef" + ] + }, + { + "id": 4297, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "basil leaves", + "freshly grated parmesan", + "linguine", + "olive oil", + "fresh mozzarella", + "black pepper", + "marinara sauce", + "salt" + ] + }, + { + "id": 22168, + "cuisine": "mexican", + "ingredients": [ + "salt and ground black pepper", + "garlic", + "jalapeno chilies", + "grated parmesan cheese", + "dried rosemary", + "olive oil", + "heavy cream" + ] + }, + { + "id": 19388, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "chopped green bell pepper", + "chopped celery", + "garlic cloves", + "crawfish", + "vegetable oil", + "all-purpose flour", + "fresh parsley", + "seasoning", + "water", + "stewed tomatoes", + "hot sauce", + "lump crab meat", + "finely chopped onion", + "salt", + "okra pods" + ] + }, + { + "id": 7024, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "rice", + "coriander", + "garlic paste", + "hot chili powder", + "onions", + "ginger paste", + "yoghurt", + "coconut cream", + "masala", + "pepper", + "passata", + "chicken thighs" + ] + }, + { + "id": 26412, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "cornmeal", + "eggs", + "salt", + "milk", + "sweet corn", + "green onions" + ] + }, + { + "id": 913, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "green bell pepper", + "ground black pepper", + "chicken breasts", + "large garlic cloves", + "thyme", + "onions", + "tomato paste", + "olive oil", + "bay leaves", + "onion powder", + "sauce", + "red bell pepper", + "chicken stock", + "andouille sausage", + "Sriracha", + "Himalayan salt", + "cayenne pepper", + "long grain brown rice", + "oregano", + "tomatoes", + "garlic powder", + "green onions", + "lemon", + "shrimp", + "fresh parsley" + ] + }, + { + "id": 15226, + "cuisine": "mexican", + "ingredients": [ + "diced celery", + "diced tomatoes", + "white sugar", + "green bell pepper", + "onions", + "stewed tomatoes" + ] + }, + { + "id": 47930, + "cuisine": "italian", + "ingredients": [ + "fresh mushrooms", + "cornmeal", + "italian sausage", + "bread dough", + "shredded mozzarella cheese", + "pasta sauce", + "ripe olives" + ] + }, + { + "id": 17828, + "cuisine": "french", + "ingredients": [ + "sugar", + "large eggs", + "lemon extract", + "ground nutmeg", + "water", + "butter" + ] + }, + { + "id": 29483, + "cuisine": "spanish", + "ingredients": [ + "tomato paste", + "tomato juice", + "cucumber", + "green bell pepper", + "red wine vinegar", + "chopped cilantro fresh", + "tomatoes", + "hot pepper sauce", + "onions", + "olive oil", + "large garlic cloves" + ] + }, + { + "id": 32576, + "cuisine": "british", + "ingredients": [ + "rolled oats", + "semisweet chocolate", + "condensed milk", + "brown sugar", + "whole wheat flour", + "butter", + "sugar", + "bananas", + "whipping cream", + "milk", + "chips" + ] + }, + { + "id": 7585, + "cuisine": "irish", + "ingredients": [ + "pepper", + "salt", + "dried lentils", + "sauerkraut", + "celery seed", + "water", + "chopped onion", + "fat free less sodium chicken broth", + "bacon" + ] + }, + { + "id": 28923, + "cuisine": "indian", + "ingredients": [ + "sugar", + "ground cardamom", + "whole wheat flour", + "cashew nuts", + "water", + "ghee", + "raisins" + ] + }, + { + "id": 37034, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "dry white wine", + "cheese", + "scallions", + "noodles", + "fresh rosemary", + "ground nutmeg", + "red wine vinegar", + "salt", + "pork shoulder", + "salted butter", + "coarse salt", + "garlic", + "fresh lime juice", + "cheddar cheese", + "flour", + "heavy cream", + "hot sauce", + "fresh parsley" + ] + }, + { + "id": 43232, + "cuisine": "italian", + "ingredients": [ + "bacon", + "diced tomatoes in juice", + "artichoke hearts", + "salt", + "pitted black olives", + "linguine", + "dried rosemary", + "boneless chicken breast", + "feta cheese crumbles" + ] + }, + { + "id": 27490, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "dry yeast", + "fresh thyme leaves", + "bread flour", + "fontina cheese", + "ground black pepper", + "cooking spray", + "red bell pepper", + "warm water", + "zucchini", + "pizza sauce", + "baby eggplants", + "yellow corn meal", + "olive oil", + "mint leaves", + "garlic cloves" + ] + }, + { + "id": 26962, + "cuisine": "italian", + "ingredients": [ + "baguette", + "black pepper", + "chopped fresh mint", + "kosher salt", + "frozen peas", + "extra-virgin olive oil" + ] + }, + { + "id": 14071, + "cuisine": "french", + "ingredients": [ + "parsley sprigs", + "baked ham", + "cornichons", + "boiling potatoes", + "unflavored gelatin", + "water", + "peas", + "celery", + "mayonaise", + "dijon mustard", + "extra-virgin olive oil", + "marjoram", + "celery ribs", + "reduced sodium chicken broth", + "large garlic cloves", + "white wine vinegar" + ] + }, + { + "id": 18154, + "cuisine": "british", + "ingredients": [ + "ground cloves", + "ground allspice", + "ground cinnamon", + "malt vinegar", + "brown sugar", + "salt", + "black walnut", + "fresh ginger root" + ] + }, + { + "id": 22036, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lima beans", + "chopped fresh thyme", + "goat cheese", + "kosher salt", + "crème fraîche", + "onions", + "ground black pepper", + "wagon wheels" + ] + }, + { + "id": 17287, + "cuisine": "french", + "ingredients": [ + "sugar", + "large eggs", + "active dry yeast", + "all-purpose flour", + "unsalted butter", + "warm water", + "salt" + ] + }, + { + "id": 43207, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "chocolate" + ] + }, + { + "id": 45890, + "cuisine": "chinese", + "ingredients": [ + "veggies", + "brown sugar", + "garlic", + "low sodium soy sauce", + "ginger", + "water", + "firm tofu" + ] + }, + { + "id": 29935, + "cuisine": "southern_us", + "ingredients": [ + "cherry gelatin", + "rocket leaves", + "crushed pineapples in juice", + "cold water", + "poppy seeds", + "mayonaise", + "bing cherries" + ] + }, + { + "id": 21201, + "cuisine": "italian", + "ingredients": [ + "vine ripened tomatoes", + "fresh basil leaves", + "extra-virgin olive oil", + "ground black pepper", + "fine sea salt", + "fresh mozzarella", + "dried oregano" + ] + }, + { + "id": 9076, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "corn starch", + "sake", + "hoisin sauce", + "salt", + "toasted sesame oil", + "sugar", + "instant yeast", + "oyster sauce", + "water", + "baking powder", + "salad oil" + ] + }, + { + "id": 2273, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "chicken broth", + "diced tomatoes", + "sugar", + "all-purpose flour", + "butter" + ] + }, + { + "id": 17941, + "cuisine": "french", + "ingredients": [ + "sugar", + "fresh lemon juice", + "raspberries" + ] + }, + { + "id": 558, + "cuisine": "mexican", + "ingredients": [ + "water", + "canola oil", + "rotelle", + "chicken breasts", + "taco seasoning" + ] + }, + { + "id": 29728, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "onions", + "jalapeno chilies", + "water", + "salt" + ] + }, + { + "id": 10037, + "cuisine": "korean", + "ingredients": [ + "wheels", + "ginger", + "sweet rice flour", + "brown sugar", + "coarse salt", + "shrimp", + "radishes", + "red pepper flakes", + "onions", + "fish sauce", + "green onions", + "garlic" + ] + }, + { + "id": 10136, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "rice noodles", + "white sugar", + "eggs", + "sesame seeds", + "frozen broccoli", + "olive oil", + "crushed red pepper flakes", + "chopped garlic", + "dark soy sauce", + "chilegarlic sauce", + "chicken fingers" + ] + }, + { + "id": 7392, + "cuisine": "french", + "ingredients": [ + "creme anglaise", + "bittersweet chocolate", + "egg whites", + "vanilla extract", + "granulated sugar", + "whipped cream", + "egg yolks", + "confectioners sugar" + ] + }, + { + "id": 6718, + "cuisine": "mexican", + "ingredients": [ + "water", + "salt", + "onions", + "pepper", + "garlic", + "ancho chile pepper", + "agave nectar", + "lemon juice", + "plum tomatoes", + "Mexican oregano", + "green pumpkin seeds", + "ground cumin" + ] + }, + { + "id": 10883, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "salt", + "chopped cilantro", + "crushed tomatoes", + "garam masala", + "garlic cloves", + "serrano chile", + "diced onions", + "garbanzo beans", + "cardamom", + "clarified butter", + "fresh ginger", + "sweet potatoes", + "greek yogurt", + "cumin" + ] + }, + { + "id": 21578, + "cuisine": "southern_us", + "ingredients": [ + "granny smith apples", + "butter", + "vidalia onion", + "milk", + "shredded cheddar cheese", + "baking mix", + "sugar", + "large eggs" + ] + }, + { + "id": 16058, + "cuisine": "cajun_creole", + "ingredients": [ + "arborio rice", + "kosher salt", + "fresh thyme", + "lemon", + "carrots", + "fresh parsley", + "tomatoes", + "ground black pepper", + "bay leaves", + "scallions", + "celery", + "chicken stock", + "olive oil", + "jalapeno chilies", + "garlic", + "red bell pepper", + "orange zest", + "white onion", + "unsalted butter", + "dry white wine", + "juice", + "medium shrimp" + ] + }, + { + "id": 26870, + "cuisine": "brazilian", + "ingredients": [ + "water", + "queso fresco", + "large eggs", + "salt", + "milk", + "all purpose unbleached flour", + "tapioca flour", + "grated parmesan cheese", + "canola oil" + ] + }, + { + "id": 42278, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "boneless chicken skinless thigh", + "purple onion", + "ground turmeric", + "clove", + "chiles", + "ground black pepper", + "tamarind paste", + "green chile", + "fresh ginger", + "salt", + "ground cumin", + "ground cinnamon", + "sugar", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 6005, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "cilantro", + "scallions", + "toasted sesame oil", + "szechwan peppercorns", + "bone-in chicken breasts", + "chinkiang vinegar", + "Shaoxing wine", + "ginger", + "sesame paste", + "white sugar", + "kosher salt", + "chili oil", + "roasted peanuts", + "white sesame seeds" + ] + }, + { + "id": 27715, + "cuisine": "indian", + "ingredients": [ + "rice", + "ground turmeric", + "chili powder", + "ghee", + "oil", + "salt", + "coriander" + ] + }, + { + "id": 40692, + "cuisine": "mexican", + "ingredients": [ + "low sodium diced tomatoes", + "nonfat yogurt", + "salt", + "cornmeal", + "lean ground turkey", + "baking soda", + "chili powder", + "shredded cheese", + "whole wheat flour", + "cooking spray", + "frozen corn kernels", + "cumin", + "egg substitute", + "cayenne", + "onion powder", + "pinto beans" + ] + }, + { + "id": 26398, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "large egg yolks", + "vanilla beans", + "salt", + "sugar", + "sanding sugar" + ] + }, + { + "id": 2825, + "cuisine": "italian", + "ingredients": [ + "cannellini beans", + "salt", + "onions", + "swiss chard", + "garlic", + "country bread", + "dried rosemary", + "water", + "bacon", + "carrots", + "cabbage", + "ground black pepper", + "canned tomatoes", + "celery" + ] + }, + { + "id": 33525, + "cuisine": "chinese", + "ingredients": [ + "chicken breasts", + "oil", + "water", + "salt", + "nian gao", + "white pepper", + "sesame oil", + "corn starch", + "Shaoxing wine", + "liquid" + ] + }, + { + "id": 11609, + "cuisine": "indian", + "ingredients": [ + "sugar", + "kosher salt", + "baking powder", + "whole wheat pastry flour", + "baking soda", + "warm water", + "active dry yeast", + "all-purpose flour", + "melted butter", + "plain yogurt", + "whole milk" + ] + }, + { + "id": 23136, + "cuisine": "moroccan", + "ingredients": [ + "sweet potatoes", + "yellow onion", + "cinnamon sticks", + "preserved lemon", + "extra-virgin olive oil", + "carrots", + "turnips", + "yukon gold potatoes", + "organic vegetable broth", + "frozen artichoke hearts", + "kosher salt", + "ras el hanout", + "hot water" + ] + }, + { + "id": 32955, + "cuisine": "italian", + "ingredients": [ + "garlic cloves", + "green onions", + "italian seasoning", + "chicken broth", + "basmati rice", + "diced tomatoes" + ] + }, + { + "id": 7975, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "tomatoes", + "cilantro", + "jalapeno chilies", + "onions", + "pepper", + "garlic" + ] + }, + { + "id": 3623, + "cuisine": "irish", + "ingredients": [ + "large eggs", + "cracked black pepper", + "milk", + "baking powder", + "salt", + "garlic powder", + "butter", + "all-purpose flour", + "sugar", + "green onions", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 28323, + "cuisine": "japanese", + "ingredients": [ + "shiitake", + "soft tofu", + "mirin", + "dried bonito flakes", + "water", + "enokitake", + "seaweed", + "white miso", + "green onions" + ] + }, + { + "id": 4619, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "sesame oil", + "soy sauce", + "ginger", + "minced onion", + "garlic", + "boneless skinless chicken breasts", + "rice vinegar" + ] + }, + { + "id": 20821, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "cayenne", + "urad dal", + "cumin seed", + "almonds", + "lemon", + "purple onion", + "coriander", + "tumeric", + "coriander powder", + "garlic", + "bay leaf", + "tomatoes", + "garam masala", + "ginger", + "salt" + ] + }, + { + "id": 25910, + "cuisine": "british", + "ingredients": [ + "low sodium worcestershire sauce", + "pudding", + "carrots", + "water", + "beef broth", + "vegetable oil cooking spray", + "rib-eye roast", + "onions", + "pepper", + "salt" + ] + }, + { + "id": 47784, + "cuisine": "brazilian", + "ingredients": [ + "lime juice", + "bell pepper", + "coconut milk", + "minced garlic", + "olive oil", + "paprika", + "ground cumin", + "fresh cilantro", + "diced tomatoes", + "onions", + "tilapia fillets", + "ground black pepper", + "salt" + ] + }, + { + "id": 6671, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "onion powder", + "ground black pepper", + "ground white pepper", + "kosher salt", + "cayenne", + "garlic powder", + "paprika" + ] + }, + { + "id": 35658, + "cuisine": "indian", + "ingredients": [ + "reduced fat coconut milk", + "button mushrooms", + "coriander", + "potatoes", + "curry paste", + "eggplant", + "oil", + "vegetable stock", + "onions" + ] + }, + { + "id": 29408, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "onions", + "ground ginger", + "boneless skinless chicken breasts", + "cooking sherry", + "green bell pepper, slice", + "corn starch", + "white sugar", + "garlic powder", + "crushed red pepper", + "cashew nuts" + ] + }, + { + "id": 34553, + "cuisine": "cajun_creole", + "ingredients": [ + "lump crab meat", + "finely chopped onion", + "dry mustard", + "saltines", + "chopped green bell pepper", + "worcestershire sauce", + "sour cream", + "scallion greens", + "unsalted butter", + "vegetable oil", + "salt", + "cayenne", + "large eggs", + "chopped celery" + ] + }, + { + "id": 33116, + "cuisine": "mexican", + "ingredients": [ + "water", + "ground cinnamon", + "salt", + "light butter", + "granulated sugar", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 23751, + "cuisine": "indian", + "ingredients": [ + "plain low-fat yogurt", + "brown sugar" + ] + }, + { + "id": 27142, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "pasta sauce", + "italian sausage", + "penne pasta", + "jack cheese" + ] + }, + { + "id": 40460, + "cuisine": "cajun_creole", + "ingredients": [ + "parsley", + "rice", + "olive oil", + "garlic", + "chicken broth", + "peas", + "onions", + "bell pepper", + "smoked sausage" + ] + }, + { + "id": 28533, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "lemon", + "chopped onion", + "fresh parsley", + "garbanzo beans", + "vegetable broth", + "red bell pepper", + "plum tomatoes", + "artichoke hearts", + "paprika", + "carrots", + "frozen peas", + "saffron threads", + "chopped green bell pepper", + "cayenne pepper", + "couscous", + "chopped garlic" + ] + }, + { + "id": 12147, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "olive oil", + "red potato", + "dried rosemary" + ] + }, + { + "id": 46940, + "cuisine": "british", + "ingredients": [ + "cheddar cheese", + "butter", + "all-purpose flour", + "hot pepper sauce", + "dry mustard", + "pepper", + "worcestershire sauce", + "beer", + "whole milk", + "salt" + ] + }, + { + "id": 10580, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "lemon juice", + "garlic", + "diced tomatoes", + "chopped cilantro fresh", + "hot pepper sauce", + "yellow onion" + ] + }, + { + "id": 32605, + "cuisine": "british", + "ingredients": [ + "pepper", + "green onions", + "Emmenthal", + "salt", + "milk", + "haddock fillets", + "potatoes", + "crème fraîche" + ] + }, + { + "id": 19671, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "black beans", + "flour tortillas", + "chili powder", + "sour cream", + "canola oil", + "liquid smoke", + "tomato sauce", + "beef", + "low sodium chicken broth", + "all-purpose flour", + "fresh parsley", + "ground cumin", + "light brown sugar", + "chipotle chile", + "poblano peppers", + "seeds", + "garlic cloves", + "onions", + "cooked rice", + "unsalted butter", + "jalapeno chilies", + "boneless beef chuck roast", + "adobo sauce", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 37444, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "worcestershire sauce", + "pimentos", + "sharp cheddar cheese", + "mayonaise", + "ground red pepper", + "onions", + "dijon mustard", + "salt" + ] + }, + { + "id": 10888, + "cuisine": "indian", + "ingredients": [ + "pepper", + "diced tomatoes", + "salt", + "carrots", + "cumin", + "garam masala", + "cauliflower florets", + "garlic cloves", + "coriander", + "olive oil", + "ginger", + "chickpeas", + "onions", + "tumeric", + "broccoli florets", + "vegetable broth", + "lemon juice", + "chopped cilantro fresh" + ] + }, + { + "id": 12458, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "green onions", + "Bragg Liquid Aminos", + "broth", + "gai lan", + "shiitake", + "napa cabbage", + "oil", + "sake", + "extra firm tofu", + "shirataki", + "bok choy", + "water", + "sliced carrots", + "cooking wine" + ] + }, + { + "id": 12819, + "cuisine": "italian", + "ingredients": [ + "marrons", + "chestnuts", + "mascarpone", + "cocoa", + "powdered sugar", + "crème fraîche" + ] + }, + { + "id": 32484, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "green onions", + "garlic", + "bamboo shoots", + "soy sauce", + "napa cabbage", + "all-purpose flour", + "chinese rice wine", + "sesame oil", + "salt", + "fresh ginger", + "ground pork", + "ground white pepper" + ] + }, + { + "id": 25245, + "cuisine": "spanish", + "ingredients": [ + "tomato juice", + "cayenne pepper", + "red bell pepper", + "tomatoes", + "lemon", + "croutons", + "tomato paste", + "red wine vinegar", + "fresh herbs", + "onions", + "kosher salt", + "garlic", + "cucumber" + ] + }, + { + "id": 28755, + "cuisine": "british", + "ingredients": [ + "ground black pepper", + "frozen peas", + "heavy cream", + "butter", + "salt" + ] + }, + { + "id": 38966, + "cuisine": "mexican", + "ingredients": [ + "confectioners sugar", + "all-purpose flour", + "butter", + "chopped pecans" + ] + }, + { + "id": 33969, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "liver", + "onions", + "ground cumin", + "preserved lemon", + "salt", + "chopped fresh herbs", + "chicken", + "fresh lemon", + "sweet paprika", + "olives", + "ground ginger", + "garlic", + "salad oil", + "saffron" + ] + }, + { + "id": 35998, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "dried salted codfish", + "onions", + "ackee", + "garlic cloves", + "pepper", + "salt", + "tomatoes", + "vegetable oil", + "thyme" + ] + }, + { + "id": 48243, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "black pepper", + "grated parmesan cheese", + "italian seasoning", + "fat free less sodium chicken broth", + "red wine vinegar", + "parsley sprigs", + "roasted red peppers", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 12555, + "cuisine": "chinese", + "ingredients": [ + "chili pepper", + "starch", + "garlic cloves", + "light soy sauce", + "chili oil", + "water", + "spring onions", + "ginger root", + "sugar", + "vinegar", + "firm tofu" + ] + }, + { + "id": 4919, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "sauce", + "sugar", + "butter", + "shortening", + "cinnamon", + "rolls", + "milk", + "vanilla" + ] + }, + { + "id": 9652, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "thai basil", + "pineapple", + "ground white pepper", + "fresh mint", + "hothouse cucumber", + "fish sauce", + "lemongrass", + "green onions", + "cilantro leaves", + "hot water", + "fresh lime juice", + "butter lettuce", + "golden brown sugar", + "vegetable oil", + "garlic cloves", + "beansprouts", + "shiso", + "soy sauce", + "shredded carrots", + "rice vermicelli", + "pork loin chops", + "bird chile" + ] + }, + { + "id": 44106, + "cuisine": "mexican", + "ingredients": [ + "salt", + "tomatillos", + "white onion", + "serrano chile", + "cilantro" + ] + }, + { + "id": 18126, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "crushed red pepper", + "coarse salt", + "garlic cloves", + "ground black pepper", + "oil", + "tomatoes with juice", + "spaghetti" + ] + }, + { + "id": 20032, + "cuisine": "italian", + "ingredients": [ + "toasted pine nuts", + "large garlic cloves", + "grated parmesan cheese", + "fresh basil leaves", + "extra-virgin olive oil" + ] + }, + { + "id": 18242, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "halibut", + "dark ale", + "lemon", + "kosher salt", + "panko", + "flat leaf parsley", + "large egg whites", + "cayenne pepper" + ] + }, + { + "id": 43858, + "cuisine": "korean", + "ingredients": [ + "sugar", + "ground black pepper", + "cooking wine", + "minced garlic", + "green onions", + "soy sauce", + "beef", + "toasted sesame seeds", + "honey", + "sesame oil" + ] + }, + { + "id": 8502, + "cuisine": "french", + "ingredients": [ + "sugar", + "salt", + "unsalted butter", + "ice water", + "large egg yolks", + "all-purpose flour" + ] + }, + { + "id": 13197, + "cuisine": "russian", + "ingredients": [ + "water", + "bay leaves", + "tomatoes", + "olive oil", + "garlic cloves", + "sauerkraut", + "russet potatoes", + "black peppercorns", + "pork chops" + ] + }, + { + "id": 21398, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "olive oil", + "salt", + "italian seasoning", + "pepper", + "crushed red pepper", + "sun-dried tomatoes in oil", + "fresh basil", + "broccoli florets", + "bow-tie pasta", + "white wine", + "chicken breasts", + "garlic cloves" + ] + }, + { + "id": 27298, + "cuisine": "indian", + "ingredients": [ + "sugar", + "green chilies", + "water", + "cumin seed", + "peanuts", + "lemon juice", + "salt", + "coriander" + ] + }, + { + "id": 21550, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "large eggs", + "diced onions", + "part-skim mozzarella cheese", + "2% reduced-fat milk", + "olive oil", + "cooking spray", + "baby spinach leaves", + "ground black pepper" + ] + }, + { + "id": 9321, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "jalapeno chilies", + "chopped cilantro fresh", + "green onions", + "kiwi", + "peaches", + "strawberries" + ] + }, + { + "id": 13711, + "cuisine": "filipino", + "ingredients": [ + "tomato sauce", + "minced garlic", + "vegetable oil", + "ketchup", + "finely chopped onion", + "sugar", + "ground black pepper", + "ground beef", + "cheddar cheese", + "kosher salt", + "hot dogs" + ] + }, + { + "id": 21700, + "cuisine": "korean", + "ingredients": [ + "water", + "vegetable oil", + "tofu", + "sesame seeds", + "scallions", + "lime juice", + "red pepper flakes", + "brown sugar", + "sesame oil", + "corn starch" + ] + }, + { + "id": 28067, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "ground red pepper", + "lemon juice", + "large garlic cloves", + "pitted kalamata olives", + "anchovy fillets" + ] + }, + { + "id": 40250, + "cuisine": "italian", + "ingredients": [ + "unflavored gelatin", + "almond extract", + "fresh blueberries", + "fresh raspberries", + "sugar", + "vanilla extract", + "ground cinnamon", + "whole milk", + "sweetened condensed milk" + ] + }, + { + "id": 10274, + "cuisine": "indian", + "ingredients": [ + "black lentil", + "bay leaves", + "green chilies", + "coriander", + "fresh ginger root", + "double cream", + "garlic cloves", + "ground cumin", + "red kidney beans", + "butter", + "ground coriander", + "ground turmeric", + "garam masala", + "hot chili powder", + "onions" + ] + }, + { + "id": 22229, + "cuisine": "japanese", + "ingredients": [ + "sake", + "mango", + "pineapple" + ] + }, + { + "id": 18343, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "heavy cream", + "fillets", + "creole mustard", + "butter", + "crabmeat", + "cajun seasoning", + "salt", + "fresh parsley", + "pepper", + "lemon", + "shrimp" + ] + }, + { + "id": 15711, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "plum sauce", + "oyster sauce", + "pork belly", + "hoisin sauce", + "pepper", + "sweet soy sauce", + "honey", + "Shaoxing wine" + ] + }, + { + "id": 48760, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "garlic cloves", + "red chili peppers", + "new potatoes", + "onions", + "chopped tomatoes", + "smoked paprika", + "chorizo", + "cayenne pepper" + ] + }, + { + "id": 16376, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "leeks", + "black pepper", + "asparagus", + "dried rosemary", + "arborio rice", + "fresh parmesan cheese", + "dry white wine", + "fat free less sodium chicken broth", + "fennel bulb" + ] + }, + { + "id": 7523, + "cuisine": "chinese", + "ingredients": [ + "fish fillets", + "water", + "salt", + "corn starch", + "soy sauce", + "sesame oil", + "oil", + "sugar", + "Shaoxing wine", + "scallions", + "white pepper", + "ginger", + "oyster sauce" + ] + }, + { + "id": 371, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chopped onion", + "chopped cilantro", + "white hominy", + "grate lime peel", + "salsa verde", + "garlic cloves", + "bottled clam juice", + "mixed seafood", + "sun-dried tomatoes in oil" + ] + }, + { + "id": 1029, + "cuisine": "moroccan", + "ingredients": [ + "water", + "lemon", + "pure vanilla", + "chicken", + "tomatoes", + "yukon gold potatoes", + "extra-virgin olive oil", + "chopped cilantro", + "ground ginger", + "ground black pepper", + "kalamata", + "nigella seeds", + "preserved lemon", + "coarse salt", + "garlic cloves", + "onions" + ] + }, + { + "id": 22529, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "fresh basil", + "salt", + "fresh asparagus", + "tomatoes", + "grated parmesan cheese", + "gnocchi", + "sweet onion", + "freshly ground pepper" + ] + }, + { + "id": 1775, + "cuisine": "irish", + "ingredients": [ + "baking powder", + "all-purpose flour", + "eggs", + "buttermilk", + "white sugar", + "butter", + "margarine", + "baking soda", + "salt" + ] + }, + { + "id": 3760, + "cuisine": "italian", + "ingredients": [ + "soy milk", + "garlic", + "onions", + "unsalted margarine", + "vegetable stock", + "apple juice", + "artichok heart marin", + "cayenne pepper", + "carnaroli rice", + "olive oil", + "yellow corn", + "firm tofu" + ] + }, + { + "id": 25920, + "cuisine": "italian", + "ingredients": [ + "shell-on shrimp", + "garlic cloves", + "olive oil", + "sea salt", + "lemon", + "flat leaf parsley", + "ground black pepper", + "cayenne pepper" + ] + }, + { + "id": 44778, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "olive oil", + "spices", + "lamb shoulder", + "cinnamon sticks", + "chicken stock", + "sweet onion", + "dried apricot", + "diced tomatoes", + "chickpeas", + "chopped cilantro fresh", + "water", + "ground black pepper", + "cinnamon", + "salt", + "couscous", + "chicken broth", + "honey", + "golden raisins", + "ginger", + "garlic cloves" + ] + }, + { + "id": 38178, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "butter", + "hot water", + "dried porcini mushrooms", + "crimini mushrooms", + "whipping cream", + "marsala wine", + "beef stock", + "portabello mushroom", + "bay leaf", + "olive oil", + "fusilli", + "garlic cloves" + ] + }, + { + "id": 18815, + "cuisine": "chinese", + "ingredients": [ + "baby bok choy", + "oysters", + "abalone", + "toasted sesame oil", + "black pepper", + "ginger", + "dried shiitake mushrooms", + "soy sauce", + "dry white wine", + "salt", + "chicken stock", + "water", + "garlic", + "carrots" + ] + }, + { + "id": 10515, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "cilantro", + "water", + "salsa", + "black beans", + "frozen corn", + "condensed cream of chicken soup", + "boneless skinless chicken breasts", + "cumin" + ] + }, + { + "id": 27548, + "cuisine": "indian", + "ingredients": [ + "clove", + "seeds", + "salt", + "fresh mint", + "shahi jeera", + "kewra essence", + "water", + "ginger", + "curds", + "onions", + "cumin", + "mace", + "mutton", + "cardamom", + "coriander", + "saffron", + "nutmeg", + "cinnamon", + "green chilies", + "ghee", + "basmati rice" + ] + }, + { + "id": 44026, + "cuisine": "southern_us", + "ingredients": [ + "pork ribs", + "paprika", + "garlic powder", + "bourbon whiskey", + "dark brown sugar", + "ground black pepper", + "coarse salt", + "ground cumin", + "barbecue sauce", + "beer" + ] + }, + { + "id": 5380, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "jumbo pasta shells", + "pasta sauce", + "KNUDSEN 2% Milkfat Low Fat Cottage Cheese", + "tomatoes", + "Kraft Grated Parmesan Cheese", + "KRAFT Reduced Fat Shredded Mozzarella Cheese", + "italian seasoning" + ] + }, + { + "id": 19358, + "cuisine": "chinese", + "ingredients": [ + "unsalted butter", + "gai lan", + "chinese five-spice powder", + "soy nuts", + "soy sauce" + ] + }, + { + "id": 21434, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "ice water", + "all-purpose flour", + "cooking spray", + "vanilla extract", + "butter", + "salt", + "fresh blueberries", + "vegetable shortening", + "corn starch" + ] + }, + { + "id": 41526, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "salt", + "tomatoes", + "potatoes", + "eggs", + "green onions", + "olive oil", + "onions" + ] + }, + { + "id": 13932, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "fresh cilantro", + "ground black pepper", + "rice vinegar", + "creamy peanut butter", + "brown sugar", + "peanuts", + "garlic", + "red curry paste", + "chicken", + "unsweetened coconut milk", + "soy sauce", + "thai noodles", + "salt", + "cayenne pepper", + "cooked rice", + "fresh ginger", + "vegetable oil", + "all-purpose flour", + "toasted sesame oil" + ] + }, + { + "id": 35431, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "cilantro", + "salsa", + "poblano peppers", + "shredded pepper jack cheese", + "corn tortillas", + "olive oil", + "butternut squash", + "frozen corn", + "ground cumin", + "ground black pepper", + "salt", + "yellow onion" + ] + }, + { + "id": 12652, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "dry roasted peanuts", + "dark sesame oil", + "snow peas", + "sugar", + "boneless skinless chicken breasts", + "oyster sauce", + "low sodium soy sauce", + "mushrooms", + "chow mein noodles", + "sliced green onions", + "fat free less sodium chicken broth", + "crushed red pepper", + "carrots" + ] + }, + { + "id": 46564, + "cuisine": "indian", + "ingredients": [ + "vermicelli", + "nuts", + "water", + "ground cardamom", + "brown sugar", + "raisins", + "saffron", + "almonds", + "ghee" + ] + }, + { + "id": 33774, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "white hominy", + "cilantro", + "low sodium chicken stock", + "lime", + "chicken breasts", + "purple onion", + "dried oregano", + "kosher salt", + "radishes", + "garlic", + "green chilies", + "avocado", + "olive oil", + "chili powder", + "yellow onion", + "ground cumin" + ] + }, + { + "id": 25716, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "ground white pepper", + "rainbow trout", + "unsalted butter", + "canola oil", + "haricots verts", + "fresh lemon juice", + "almonds", + "flat leaf parsley" + ] + }, + { + "id": 25455, + "cuisine": "mexican", + "ingredients": [ + "unsalted butter", + "whipping cream", + "sweetened condensed milk", + "evaporated milk", + "baking powder", + "all-purpose flour", + "sugar", + "whole milk", + "salt", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 13793, + "cuisine": "korean", + "ingredients": [ + "curry powder", + "sweet potatoes", + "kimchi", + "boneless beef short ribs", + "sesame oil", + "gold potatoes", + "chives", + "onions", + "water", + "steamed white rice", + "carrots" + ] + }, + { + "id": 11567, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "baking powder", + "honey", + "salt", + "milk", + "raisins", + "ground cinnamon", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 10241, + "cuisine": "irish", + "ingredients": [ + "salt", + "pork sausages", + "ground black pepper", + "ham", + "potatoes", + "chopped parsley", + "yellow onion", + "boiling water" + ] + }, + { + "id": 16254, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "garlic", + "ground turmeric", + "tomatoes", + "kosher salt", + "cayenne pepper", + "ground chicken", + "vegetable oil", + "waxy potatoes", + "white onion", + "cilantro leaves" + ] + }, + { + "id": 14324, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "queso fresco", + "water", + "salt", + "tostadas", + "cilantro", + "olive oil", + "nopales" + ] + }, + { + "id": 18287, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "salt", + "black pepper", + "butter", + "fresh parsley", + "shallots", + "garlic cloves", + "bread crumb fresh", + "snails" + ] + }, + { + "id": 16469, + "cuisine": "italian", + "ingredients": [ + "white bread", + "pecorino romano cheese", + "garlic cloves", + "ground black pepper", + "salt", + "pasta", + "basil leaves", + "chopped walnuts", + "fat free milk", + "extra-virgin olive oil", + "chopped parsley" + ] + }, + { + "id": 28683, + "cuisine": "indian", + "ingredients": [ + "yoghurt", + "nigella seeds", + "water", + "salt", + "melted butter", + "vegetable oil", + "dry yeast", + "all-purpose flour" + ] + }, + { + "id": 3027, + "cuisine": "filipino", + "ingredients": [ + "long beans", + "lemon", + "all-purpose flour", + "panko breadcrumbs", + "eggs", + "vegetable broth", + "banana peppers", + "jasmine rice", + "garlic", + "onions", + "tomatoes", + "ginger", + "okra", + "Mo Qua" + ] + }, + { + "id": 22271, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "nori", + "salt", + "white rice", + "water", + "bonito" + ] + }, + { + "id": 47559, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "all-purpose flour", + "vegetable oil", + "barbecue sauce", + "beef broth", + "pork", + "crust" + ] + }, + { + "id": 5433, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "extra-virgin olive oil", + "lemon juice", + "white pepper", + "butter", + "salt", + "shallots", + "white wine vinegar", + "orange zest", + "lime juice", + "heavy cream", + "orange juice" + ] + }, + { + "id": 8078, + "cuisine": "filipino", + "ingredients": [ + "mayonaise", + "raisins", + "elbow macaroni", + "sweetened condensed milk", + "hard-boiled egg", + "salt", + "carrots", + "pepper", + "cheese", + "ham", + "sweet pickle relish", + "chicken breasts", + "crushed pineapple", + "onions" + ] + }, + { + "id": 11705, + "cuisine": "thai", + "ingredients": [ + "sugar", + "roasting chickens", + "cucumber", + "chopped fresh mint", + "fresh basil", + "rice noodles", + "scallions", + "fresh lime juice", + "shredded cabbage", + "peanut oil", + "red bell pepper", + "fish sauce", + "seasoned rice wine vinegar", + "carrots", + "asian chile paste" + ] + }, + { + "id": 45779, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "lean ground beef", + "parmesan cheese", + "shredded mozzarella cheese", + "pasta sauce", + "ricotta cheese", + "lasagna noodles" + ] + }, + { + "id": 15154, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "radishes", + "purple onion", + "sambal ulek", + "water", + "cooking spray", + "rice vinegar", + "baguette", + "shredded carrots", + "cilantro leaves", + "pork", + "granulated sugar", + "light mayonnaise", + "cucumber" + ] + }, + { + "id": 6867, + "cuisine": "mexican", + "ingredients": [ + "corn", + "queso fresco", + "ground black pepper", + "salt", + "lime", + "garlic", + "unsalted butter" + ] + }, + { + "id": 27108, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "baguette", + "fresh parsley", + "olive oil", + "green olives", + "red bell pepper" + ] + }, + { + "id": 34233, + "cuisine": "mexican", + "ingredients": [ + "posole", + "poblano chilies", + "onions", + "reduced sodium chicken broth", + "salt", + "red chili peppers", + "garlic", + "dried oregano", + "pepper", + "fat" + ] + }, + { + "id": 49233, + "cuisine": "thai", + "ingredients": [ + "sticky rice", + "frozen banana leaf", + "burro banana" + ] + }, + { + "id": 34415, + "cuisine": "vietnamese", + "ingredients": [ + "pepper", + "garlic", + "fish sauce", + "spring onions", + "cucumber", + "tomatoes", + "beef", + "salt", + "sugar", + "vegetable oil" + ] + }, + { + "id": 17051, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "sea salt", + "whole milk", + "leeks", + "extra-virgin olive oil", + "sausage casings", + "fusilli" + ] + }, + { + "id": 1037, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic chili sauce", + "sliced green onions", + "diced onions", + "cooked chicken", + "toasted almonds", + "large eggs", + "red bell pepper", + "haricots verts", + "vegetable oil", + "basmati rice" + ] + }, + { + "id": 1697, + "cuisine": "british", + "ingredients": [ + "sugar", + "golden raisins", + "all-purpose flour", + "unsalted butter", + "buttermilk", + "large egg yolks", + "baking powder", + "toasted walnuts", + "fennel seeds", + "large eggs", + "salt" + ] + }, + { + "id": 22274, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "garlic", + "broiler-fryer chicken", + "ice water", + "scallions", + "fresh ginger", + "ginger", + "vegetable oil", + "salt" + ] + }, + { + "id": 36152, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "Pace Chunky Salsa", + "wonton wrappers", + "lean ground beef", + "taco seasoning mix", + "Pace Picante Sauce" + ] + }, + { + "id": 11589, + "cuisine": "irish", + "ingredients": [ + "green cabbage", + "balsamic vinegar", + "onions", + "ground black pepper", + "extra-virgin olive oil", + "milk", + "butter", + "garlic salt", + "potatoes", + "carrots" + ] + }, + { + "id": 30696, + "cuisine": "italian", + "ingredients": [ + "focaccia", + "arugula", + "prosciutto", + "black olives", + "extra-virgin olive oil", + "plum tomatoes", + "fresh mozzarella", + "fresh basil leaves" + ] + }, + { + "id": 28027, + "cuisine": "british", + "ingredients": [ + "kale", + "cracked black pepper", + "green onions", + "canola oil", + "unsalted butter", + "fine sea salt", + "milk", + "russet potatoes" + ] + }, + { + "id": 30766, + "cuisine": "french", + "ingredients": [ + "bay leaves", + "onions", + "peeled tomatoes", + "paprika", + "dried oregano", + "large garlic cloves", + "boneless skinless chicken breast halves", + "olive oil", + "orange peel" + ] + }, + { + "id": 34486, + "cuisine": "italian", + "ingredients": [ + "plum tomatoes", + "Italian parsley leaves", + "gorgonzola", + "almonds" + ] + }, + { + "id": 20826, + "cuisine": "mexican", + "ingredients": [ + "plain yogurt", + "butternut squash", + "shredded sharp cheddar cheese", + "chopped cilantro fresh", + "ground cumin", + "tomatoes", + "jalapeno chilies", + "cilantro sprigs", + "garlic cloves", + "sliced green onions", + "water", + "poblano chilies", + "salt", + "dried oregano", + "yellow corn meal", + "olive oil", + "diced tomatoes", + "frozen corn kernels", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 31493, + "cuisine": "russian", + "ingredients": [ + "pepper", + "red wine vinegar", + "sour cream", + "red beets", + "chopped onion", + "water", + "salt", + "new potatoes", + "pork country-style ribs" + ] + }, + { + "id": 38799, + "cuisine": "thai", + "ingredients": [ + "jasmine rice", + "fresh ginger", + "green onions", + "salted roast peanuts", + "rice vinegar", + "sugar", + "honey", + "tortillas", + "red pepper flakes", + "purple onion", + "peanut oil", + "green cabbage", + "pepper", + "garlic powder", + "boneless skinless chicken breasts", + "garlic", + "creamy peanut butter", + "soy sauce", + "olive oil", + "shredded carrots", + "ginger", + "salt" + ] + }, + { + "id": 2978, + "cuisine": "italian", + "ingredients": [ + "lemon peel", + "crushed red pepper", + "lump crab meat", + "anchovy paste", + "spaghettini", + "prosciutto", + "extra-virgin olive oil", + "fresh parsley", + "large garlic cloves", + "fresh lemon juice" + ] + }, + { + "id": 2496, + "cuisine": "italian", + "ingredients": [ + "eggs", + "white wine", + "parmesan cheese", + "paprika", + "crème fraîche", + "boneless skinless chicken breast halves", + "soy sauce", + "olive oil", + "fusilli", + "salt", + "red bell pepper", + "cheddar cheese", + "milk", + "Emmenthal", + "yellow bell pepper", + "lemon juice", + "green bell pepper", + "pepper", + "ground nutmeg", + "blue cheese", + "ground coriander", + "dried oregano" + ] + }, + { + "id": 43307, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "olive oil", + "leeks", + "carrots", + "celery ribs", + "sourdough bread", + "ground black pepper", + "crushed red pepper flakes", + "bay leaf", + "collard greens", + "kale", + "whole peeled tomatoes", + "garlic cloves", + "marjoram", + "low sodium vegetable broth", + "parmesan cheese", + "cannellini beans", + "thyme" + ] + }, + { + "id": 49651, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime juice", + "garlic", + "cumin", + "cheddar cheese", + "green onions", + "sour cream", + "chicken", + "chicken broth", + "salsa verde", + "salt", + "monterey jack", + "pepper", + "cilantro", + "corn tortillas" + ] + }, + { + "id": 30834, + "cuisine": "indian", + "ingredients": [ + "crushed red pepper", + "vegetable oil", + "onions", + "curry powder", + "salt", + "cauliflower florets" + ] + }, + { + "id": 34138, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "white miso", + "chili paste", + "ramen noodles", + "ground pork", + "soft-boiled egg", + "sesame paste", + "dashi", + "miso paste", + "large free range egg", + "spices", + "garlic", + "scallions", + "onions", + "chicken stock", + "sesame seeds", + "ground black pepper", + "shallots", + "sea salt", + "dried shiitake mushrooms", + "oil", + "nori", + "water", + "soy milk", + "mirin", + "vegetable oil", + "ginger", + "dark brown sugar", + "toasted sesame oil" + ] + }, + { + "id": 16817, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "garlic", + "leg of lamb", + "plum tomatoes", + "garam masala", + "cilantro leaves", + "onions", + "tumeric", + "salt", + "chillies", + "cumin", + "ginger", + "oil", + "coriander" + ] + }, + { + "id": 366, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "yellow onion", + "thick-cut bacon", + "tomato paste", + "chile pepper", + "carrots", + "roasted ground cumin", + "ground black pepper", + "Saigon cinnamon", + "water", + "sea salt", + "smoked paprika" + ] + }, + { + "id": 15257, + "cuisine": "italian", + "ingredients": [ + "ground round", + "italian style stewed tomatoes", + "fresh oregano", + "tomato sauce", + "medium egg noodles", + "vegetable oil cooking spray", + "finely chopped fresh parsley", + "chopped onion", + "fresh basil", + "minced garlic", + "crushed red pepper" + ] + }, + { + "id": 869, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "collard green leaves", + "ham", + "black-eyed peas", + "salt", + "onion salt", + "garlic cloves", + "pepper", + "extra-virgin olive oil", + "carrots" + ] + }, + { + "id": 2274, + "cuisine": "thai", + "ingredients": [ + "sesame oil", + "water", + "coconut milk", + "salt", + "green curry paste", + "basmati rice" + ] + }, + { + "id": 29390, + "cuisine": "japanese", + "ingredients": [ + "brown rice", + "ginger", + "mirin", + "spices", + "sweet white miso paste", + "sugar", + "sesame oil", + "scallions", + "satsuma imo", + "baby spinach", + "cashew nuts" + ] + }, + { + "id": 47975, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "garlic cloves", + "tomatoes", + "french bread", + "cream cheese, soften", + "dijon mustard", + "feta cheese crumbles", + "fresh basil", + "baby spinach" + ] + }, + { + "id": 2194, + "cuisine": "mexican", + "ingredients": [ + "milk", + "tortillas", + "cheese soup", + "turkey burger", + "cheese" + ] + }, + { + "id": 22368, + "cuisine": "indian", + "ingredients": [ + "seeds", + "cumin", + "tumeric", + "salt", + "moong dal", + "oil", + "mustard", + "chili powder" + ] + }, + { + "id": 7571, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "leeks", + "vegetable stock powder", + "onions", + "eggplant", + "cinnamon", + "chickpeas", + "ground cumin", + "olive oil", + "basil leaves", + "cilantro leaves", + "coriander", + "celery ribs", + "organic tomato", + "red pepper", + "garlic cloves" + ] + }, + { + "id": 46234, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "salt", + "large egg whites", + "yukon gold potatoes", + "freshly ground pepper", + "melted butter", + "basil leaves", + "brine-cured black olives", + "unsalted butter", + "heavy cream" + ] + }, + { + "id": 43817, + "cuisine": "spanish", + "ingredients": [ + "milk", + "salt", + "bread crumbs", + "flour", + "onions", + "eggs", + "olive oil", + "serrano", + "pepper", + "paprika" + ] + }, + { + "id": 18717, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "asiago", + "pepper", + "butter", + "salt", + "bread crumb fresh", + "havarti cheese", + "1% low-fat milk", + "processed cheese", + "shell pasta", + "all-purpose flour" + ] + }, + { + "id": 40638, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "freshly ground pepper", + "plum tomatoes", + "grated parmesan cheese", + "fresh parsley", + "olive oil", + "garlic cloves", + "salt", + "spaghetti" + ] + }, + { + "id": 13524, + "cuisine": "french", + "ingredients": [ + "butter", + "ground pepper", + "shredded sharp cheddar cheese", + "water", + "sea salt", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 27699, + "cuisine": "mexican", + "ingredients": [ + "corn", + "salt", + "sour cream", + "black beans", + "butternut squash", + "enchilada sauce", + "onions", + "green bell pepper", + "olive oil", + "salsa", + "corn tortillas", + "mozzarella cheese", + "chili powder", + "red bell pepper", + "cumin" + ] + }, + { + "id": 27131, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "canola oil", + "ground black pepper", + "garlic cloves", + "salt", + "dijon mustard", + "fresh lemon juice" + ] + }, + { + "id": 25192, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "black beans", + "ground red pepper", + "ground pork", + "garlic cloves", + "dried oregano", + "green chile", + "black pepper", + "kidney beans", + "diced tomatoes", + "beer", + "ground beef", + "sugar", + "shredded cheddar cheese", + "corn chips", + "chopped onion", + "sour cream", + "tomato sauce", + "white onion", + "chili powder", + "salt", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 14856, + "cuisine": "french", + "ingredients": [ + "mussels", + "crab", + "fresh thyme", + "ocean perch", + "yellow onion", + "country bread", + "boiling water", + "fish steaks", + "fennel", + "egg yolks", + "extra-virgin olive oil", + "freshly ground pepper", + "bay leaf", + "orange zest", + "tomatoes", + "water", + "potatoes", + "dry white wine", + "halibut", + "flat leaf parsley", + "fish", + "saffron threads", + "bread crumbs", + "cayenne", + "leeks", + "salt", + "garlic cloves", + "toast" + ] + }, + { + "id": 11553, + "cuisine": "mexican", + "ingredients": [ + "reduced fat monterey jack cheese", + "lettuce leaves", + "long-grain rice", + "herbs", + "ground red pepper", + "canned black beans", + "green onions", + "ground cumin", + "flour tortillas", + "salsa" + ] + }, + { + "id": 15852, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "Alfredo sauce", + "mozzarella cheese", + "salt", + "black pepper", + "basil", + "pasta", + "marinara sauce", + "oregano" + ] + }, + { + "id": 20833, + "cuisine": "indian", + "ingredients": [ + "pepper", + "ginger", + "green chilies", + "tumeric", + "finely chopped onion", + "salt", + "coconut milk", + "tomatoes", + "roasted sesame seeds", + "garlic", + "roasted peanuts", + "grated coconut", + "chili powder", + "broccoli", + "ghee" + ] + }, + { + "id": 18529, + "cuisine": "greek", + "ingredients": [ + "plain low-fat yogurt", + "lamb", + "dried oregano", + "garlic", + "cucumber", + "pepper", + "lemon juice", + "bread", + "salt", + "fresh mint" + ] + }, + { + "id": 41761, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "butter", + "cranberries", + "large eggs", + "salt", + "fresh ginger", + "vanilla extract", + "sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 49184, + "cuisine": "vietnamese", + "ingredients": [ + "light soy sauce", + "garlic", + "sugar", + "pork liver", + "green papaya", + "thai basil", + "rice vinegar", + "Sriracha", + "beef jerky" + ] + }, + { + "id": 8136, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "shredded coconut", + "ground red pepper", + "tamarind paste", + "jaggery", + "eggs", + "fresh ginger root", + "salt", + "cumin seed", + "tomatoes", + "water", + "garlic", + "ground coriander", + "ground turmeric", + "black peppercorns", + "cooking oil", + "cilantro leaves", + "onions" + ] + }, + { + "id": 20241, + "cuisine": "indian", + "ingredients": [ + "all-purpose flour", + "whole wheat flour", + "olive oil", + "hot water", + "salt" + ] + }, + { + "id": 48715, + "cuisine": "italian", + "ingredients": [ + "unflavored gelatin", + "water", + "blackberries", + "syrup", + "heavy cream", + "sugar", + "buttermilk", + "crème de cassis", + "fresh lemon juice" + ] + }, + { + "id": 1479, + "cuisine": "italian", + "ingredients": [ + "milk", + "ground nutmeg", + "low-fat ricotta cheese", + "butter", + "tomato purée", + "freshly grated parmesan", + "pumpkin", + "baby spinach", + "onions", + "tomato paste", + "olive oil", + "fennel bulb", + "bay leaves", + "garlic", + "ground cinnamon", + "salt and ground black pepper", + "lasagna noodles", + "lean ground beef", + "all-purpose flour" + ] + }, + { + "id": 22912, + "cuisine": "french", + "ingredients": [ + "ground nutmeg", + "2% reduced-fat milk", + "grated nutmeg", + "solid pack pumpkin", + "large eggs", + "salt", + "evaporated skim milk", + "water", + "cooking spray", + "maple syrup", + "granulated sugar", + "vanilla extract", + "dark brown sugar" + ] + }, + { + "id": 28837, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "eggs", + "oil", + "buttermilk", + "sugar", + "white cornmeal" + ] + }, + { + "id": 69, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "extra-virgin olive oil", + "roast red peppers, drain", + "ground black pepper", + "fine sea salt", + "red potato", + "garlic", + "baby spinach", + "yellow onion" + ] + }, + { + "id": 763, + "cuisine": "vietnamese", + "ingredients": [ + "green onions", + "chili flakes", + "parsley flakes", + "glaze", + "chicken wings" + ] + }, + { + "id": 8974, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "side pork", + "ginger", + "sherry", + "glass noodles", + "sugar", + "salt" + ] + }, + { + "id": 36976, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "chinese five-spice powder", + "soy sauce", + "maltose", + "chopped garlic", + "sugar", + "Shaoxing wine", + "oyster sauce", + "pork belly", + "red preserved bean curd" + ] + }, + { + "id": 8283, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "grated parmesan cheese", + "butter", + "baby spinach leaves", + "butternut squash", + "low salt chicken broth", + "fresh rosemary", + "crumbled blue cheese", + "whipping cream", + "finely chopped onion", + "dry white wine" + ] + }, + { + "id": 45610, + "cuisine": "japanese", + "ingredients": [ + "honey", + "large eggs", + "panko breadcrumbs", + "warm water", + "garlic powder", + "boneless skinless chicken breasts", + "sesame seeds", + "green onions", + "soy sauce", + "Sriracha", + "corn starch" + ] + }, + { + "id": 5002, + "cuisine": "italian", + "ingredients": [ + "egg yolks", + "ground nutmeg", + "salt", + "romano cheese", + "butter", + "grated parmesan cheese", + "heavy whipping cream" + ] + }, + { + "id": 9987, + "cuisine": "french", + "ingredients": [ + "large eggs", + "unsalted butter", + "lemon peel", + "sugar", + "fresh lemon juice" + ] + }, + { + "id": 10106, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "konbu", + "soy sauce", + "peeled fresh ginger", + "bonito flakes", + "lemon juice", + "dashi", + "daikon" + ] + }, + { + "id": 5864, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "bell pepper", + "flat leaf parsley", + "ground black pepper", + "salt", + "penne", + "extra-virgin olive oil", + "caponata", + "chicken broth", + "grated parmesan cheese", + "scallions" + ] + }, + { + "id": 6283, + "cuisine": "italian", + "ingredients": [ + "store bought low sodium chicken broth", + "ground black pepper", + "cutlet", + "all-purpose flour", + "kosher salt", + "boneless skinless chicken breasts", + "button mushrooms", + "fresh lemon juice", + "marsala wine", + "unsalted butter", + "bacon", + "fresh parsley leaves", + "pasta", + "olive oil", + "shallots", + "garlic", + "sage" + ] + }, + { + "id": 6653, + "cuisine": "indian", + "ingredients": [ + "canola", + "rice", + "red bell pepper", + "skim milk", + "salt", + "fresh lemon juice", + "cooked chicken breasts", + "vegetable oil cooking spray", + "cilantro", + "chopped onion", + "frozen peas", + "curry powder", + "all-purpose flour", + "carrots" + ] + }, + { + "id": 48215, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "black pepper", + "bay leaf", + "salt", + "water", + "smoked ham hocks" + ] + }, + { + "id": 1399, + "cuisine": "irish", + "ingredients": [ + "white chocolate chips", + "chocolate sprinkles", + "granulated sugar", + "marshmallow creme", + "unsalted butter", + "heavy cream", + "Baileys Irish Cream Liqueur", + "milk chocolate chips" + ] + }, + { + "id": 7422, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "grated parmesan cheese", + "ground red pepper", + "hot sauce", + "black pepper", + "ground black pepper", + "quickcooking grits", + "extra-virgin olive oil", + "fresh lemon juice", + "capers", + "cherry tomatoes", + "chopped fresh chives", + "shallots", + "garlic cloves", + "fresh chives", + "unsalted butter", + "dry white wine", + "salt", + "shrimp" + ] + }, + { + "id": 16422, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "pork sausages", + "milk", + "salt", + "all-purpose flour" + ] + }, + { + "id": 44537, + "cuisine": "chinese", + "ingredients": [ + "lime", + "sesame oil", + "reduced sodium soy sauce", + "fresh ginger", + "minced garlic", + "flank steak" + ] + }, + { + "id": 47211, + "cuisine": "chinese", + "ingredients": [ + "shallots", + "cilantro leaves", + "sesame seeds", + "large garlic cloves", + "yardlong beans", + "salted roast peanuts", + "lime wedges", + "peanut oil" + ] + }, + { + "id": 47829, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "carrots", + "bread crumb fresh", + "garlic", + "bacon drippings", + "ground pork", + "fresh parsley", + "quail", + "chopped celery" + ] + }, + { + "id": 30409, + "cuisine": "french", + "ingredients": [ + "dried thyme", + "white wine vinegar", + "celery", + "chicken", + "canned low sodium chicken broth", + "fresh thyme", + "small red potato", + "fresh parsley", + "turnips", + "ground black pepper", + "salt", + "bay leaf", + "water", + "cooking oil", + "carrots", + "onions" + ] + }, + { + "id": 32542, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "tortillas", + "paprika", + "enchilada sauce", + "shredded Monterey Jack cheese", + "garlic powder", + "green onions", + "cayenne pepper", + "cumin", + "shredded cheddar cheese", + "flour", + "salt", + "ripe olives", + "tomato sauce", + "diced green chilies", + "chili powder", + "hamburger", + "ground oregano" + ] + }, + { + "id": 1853, + "cuisine": "italian", + "ingredients": [ + "roasted red peppers", + "flat leaf parsley", + "pepper flakes", + "bocconcini", + "fresh oregano", + "baguette", + "oil" + ] + }, + { + "id": 7494, + "cuisine": "southern_us", + "ingredients": [ + "panko", + "green onions", + "worcestershire sauce", + "yellow onion", + "pork shoulder roast", + "Sriracha", + "yukon gold potatoes", + "bacon slices", + "sour cream", + "tomatoes", + "dijon mustard", + "apple cider vinegar", + "sea salt", + "sharp cheddar cheese", + "ground pepper", + "large eggs", + "butter", + "purple onion", + "bread slices" + ] + }, + { + "id": 20580, + "cuisine": "southern_us", + "ingredients": [ + "diced onions", + "sugar", + "celery", + "chicken broth", + "pepper", + "chopped cooked ham", + "turnip greens", + "green bell pepper", + "vegetable oil" + ] + }, + { + "id": 22205, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "garlic cloves", + "butter", + "lemon rind", + "onions", + "fettucine", + "1% low-fat milk", + "chopped walnuts", + "gorgonzola", + "butternut squash", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 24492, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "garlic", + "italian sausage", + "diced tomatoes", + "vegetables", + "zucchini" + ] + }, + { + "id": 41414, + "cuisine": "brazilian", + "ingredients": [ + "green onions", + "garlic", + "olives", + "salad", + "peas", + "low salt chicken broth", + "golden raisins", + "white rice", + "chopped parsley", + "butter", + "frozen corn" + ] + }, + { + "id": 42338, + "cuisine": "italian", + "ingredients": [ + "fillet red snapper", + "bay leaves", + "shells", + "fresh parsley", + "celery ribs", + "salt and ground black pepper", + "fish stock", + "Italian bread", + "white vinegar", + "olive oil", + "red pepper flakes", + "carrots", + "onions", + "clams", + "whole peeled tomatoes", + "garlic", + "medium shrimp" + ] + }, + { + "id": 43223, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "salt", + "fresh lemon juice", + "cooked chicken", + "grated lemon zest", + "seedless red grapes", + "sweet onion", + "lemon slices", + "chopped pecans", + "celery ribs", + "fresh tarragon", + "freshly ground pepper" + ] + }, + { + "id": 29031, + "cuisine": "japanese", + "ingredients": [ + "halibut fillets", + "carrots", + "sake", + "butter", + "vegetable oil spray", + "onions", + "fresh dill", + "garlic cloves" + ] + }, + { + "id": 29507, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella", + "large eggs", + "frozen chopped spinach, thawed and squeezed dry", + "pepper", + "salt", + "nutmeg", + "garlic powder", + "ricotta", + "tomato sauce", + "grated parmesan cheese", + "oven-ready lasagna noodles" + ] + }, + { + "id": 22821, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "garlic cloves", + "grape tomatoes", + "cannellini beans", + "onions", + "celery ribs", + "parmigiano reggiano cheese", + "thyme sprigs", + "sugar", + "extra-virgin olive oil" + ] + }, + { + "id": 12916, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "granulated sugar", + "peaches in heavy syrup", + "self rising flour" + ] + }, + { + "id": 18811, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "green onions", + "all-purpose flour", + "fresh parsley", + "tomato paste", + "pepper", + "chopped celery", + "green pepper", + "crawfish", + "butter", + "cayenne pepper", + "chicken broth", + "water", + "salt", + "bay leaf" + ] + }, + { + "id": 24776, + "cuisine": "thai", + "ingredients": [ + "stevia extract", + "soy sauce", + "lime wedges", + "tamarind paste", + "unsalted peanut butter", + "rice paper", + "fish sauce", + "radishes", + "cilantro", + "scallions", + "beansprouts", + "eggs", + "olive oil", + "rice noodles", + "roasted peanuts", + "red bell pepper", + "squirt", + "basil leaves", + "thai chile", + "garlic cloves", + "cooked shrimp" + ] + }, + { + "id": 46994, + "cuisine": "southern_us", + "ingredients": [ + "tomato paste", + "minced onion", + "center cut loin pork chop", + "minced garlic", + "salt", + "low sodium soy sauce", + "cooking spray", + "water", + "lemon juice" + ] + }, + { + "id": 39184, + "cuisine": "southern_us", + "ingredients": [ + "cream of celery soup", + "celery heart", + "pepper", + "white rice", + "white onion", + "red pepper flakes", + "chicken broth", + "mild pork sausage", + "salt" + ] + }, + { + "id": 6363, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "reduced-fat sour cream", + "large shrimp", + "tomato paste", + "olive oil", + "garlic cloves", + "fettucine", + "grated parmesan cheese", + "plum tomatoes", + "dried basil", + "crushed red pepper" + ] + }, + { + "id": 42954, + "cuisine": "mexican", + "ingredients": [ + "ground pepper", + "salt", + "cumin", + "olive oil", + "chili powder", + "onions", + "chili flakes", + "chicken breasts", + "green pepper", + "garlic powder", + "red pepper", + "yellow peppers" + ] + }, + { + "id": 27196, + "cuisine": "cajun_creole", + "ingredients": [ + "dried basil", + "chicken breasts", + "smoked sausage", + "black pepper", + "baked ham", + "white rice", + "chicken broth", + "dried thyme", + "red pepper flakes", + "onions", + "white pepper", + "green onions", + "garlic" + ] + }, + { + "id": 35614, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "Italian bread", + "fresh parsley leaves", + "unsalted butter", + "chopped garlic", + "fresh lemon juice" + ] + }, + { + "id": 38040, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "onions", + "fresh bay leaves", + "salt", + "chopped celery", + "plum tomatoes", + "peperoncino", + "carrots" + ] + }, + { + "id": 9760, + "cuisine": "irish", + "ingredients": [ + "garlic bulb", + "truffle oil", + "fresh chives", + "russet potatoes", + "Kerrygold Pure Irish Butter", + "whole milk", + "pepper", + "salt" + ] + }, + { + "id": 44886, + "cuisine": "chinese", + "ingredients": [ + "cream cheese", + "white sugar", + "garlic powder", + "sour cream", + "imitation crab meat", + "wonton wrappers", + "onions" + ] + }, + { + "id": 40197, + "cuisine": "southern_us", + "ingredients": [ + "cornmeal", + "green tomatoes", + "sugar", + "vegetable oil" + ] + }, + { + "id": 7998, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lemongrass", + "salmon fillets", + "Thai red curry paste", + "brown sugar", + "vegetable oil", + "unsweetened coconut milk", + "baby bok choy", + "fresh lime juice" + ] + }, + { + "id": 21305, + "cuisine": "italian", + "ingredients": [ + "I Can't Believe It's Not Butter!® Spread", + "linguine, cook and drain", + "chopped walnuts", + "garlic", + "Bertolli® Alfredo Sauce" + ] + }, + { + "id": 48611, + "cuisine": "mexican", + "ingredients": [ + "minced onion", + "fat skimmed chicken broth", + "diced tomatoes", + "long grain white rice", + "jalapeno chilies", + "salad oil", + "minced garlic", + "salt" + ] + }, + { + "id": 4275, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "chicken breasts", + "cream cheese", + "tortillas", + "salt", + "cumin", + "garlic powder", + "dipping sauces", + "shredded cheese", + "dressing", + "jalapeno chilies", + "salsa" + ] + }, + { + "id": 36318, + "cuisine": "southern_us", + "ingredients": [ + "sweet potatoes", + "pumpkin pie spice", + "eggs", + "whipped topping", + "pie crust mix", + "McCormick® Pure Vanilla Extract", + "chopped pecans", + "cold water", + "salt", + "sweetened condensed milk" + ] + }, + { + "id": 3092, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "cayenne", + "garlic", + "sour cream", + "chopped cilantro fresh", + "ground cumin", + "shredded cheddar cheese", + "chili powder", + "salsa", + "fresh lime juice", + "dried oregano", + "avocado", + "refried beans", + "vegetable oil", + "yellow onion", + "ground beef", + "masa harina", + "black pepper", + "jalapeno chilies", + "salt", + "corn tortillas", + "plum tomatoes" + ] + }, + { + "id": 49525, + "cuisine": "japanese", + "ingredients": [ + "burgers", + "ground black pepper", + "ground pork", + "ketchup", + "whole milk", + "panko breadcrumbs", + "soy sauce", + "beef", + "salt", + "wasabi", + "white onion", + "sesame oil" + ] + }, + { + "id": 23761, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "pinto beans", + "sliced green onions", + "chicken stock", + "cilantro", + "onions", + "diced green chilies", + "diced ham", + "ground cumin", + "tomatoes", + "ham", + "chopped cilantro fresh" + ] + }, + { + "id": 44135, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "pecans", + "butter", + "bourbon whiskey", + "sugar", + "buttermilk" + ] + }, + { + "id": 10187, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic powder", + "sesame oil", + "onions", + "savoy cabbage", + "olive oil", + "egg roll wraps", + "corn starch", + "water", + "shredded carrots", + "rice vinegar", + "ground ginger", + "fresh ginger", + "onion powder", + "beansprouts" + ] + }, + { + "id": 39921, + "cuisine": "italian", + "ingredients": [ + "egg noodles", + "pasta sauce", + "shredded mozzarella cheese", + "grated parmesan cheese", + "cottage cheese", + "ground beef" + ] + }, + { + "id": 23266, + "cuisine": "indian", + "ingredients": [ + "neutral oil", + "bay leaves", + "ginger", + "medium shrimp", + "unsalted butter", + "mint sprigs", + "yellow onion", + "basmati rice", + "green cardamom pods", + "whole cloves", + "cilantro", + "cinnamon sticks", + "ground turmeric", + "black peppercorns", + "large garlic cloves", + "salt", + "serrano chile" + ] + }, + { + "id": 31385, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "ground black pepper", + "cream cheese", + "olive oil", + "red pepper flakes", + "sour cream", + "sweet onion", + "dry white wine", + "garlic cloves", + "collard greens", + "freshly grated parmesan", + "bacon slices" + ] + }, + { + "id": 8849, + "cuisine": "indian", + "ingredients": [ + "chopped tomatoes", + "maida flour", + "chutney", + "ajwain", + "potatoes", + "curds", + "chaat masala", + "red chili powder", + "garbanzo beans", + "salt", + "onions", + "water", + "baking powder", + "oil" + ] + }, + { + "id": 26259, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "zucchini", + "lemon", + "yellow onion", + "oregano", + "fennel seeds", + "eggplant", + "italian plum tomatoes", + "salt", + "red bell pepper", + "kidney beans", + "jalapeno chilies", + "garlic", + "lemon juice", + "ground cumin", + "sugar", + "ground black pepper", + "chili powder", + "white beans", + "chopped cilantro fresh" + ] + }, + { + "id": 47926, + "cuisine": "korean", + "ingredients": [ + "water", + "leeks", + "onions", + "Korean chile flakes", + "zucchini", + "kelp", + "tofu", + "anchovies", + "garlic cloves", + "red chili peppers", + "enokitake", + "doenzang" + ] + }, + { + "id": 39244, + "cuisine": "irish", + "ingredients": [ + "beef stock", + "tomatoes with juice", + "fresh oregano", + "small red potato", + "fresh rosemary", + "chopped fresh thyme", + "purple onion", + "beer", + "celery", + "rutabaga", + "lamb stew meat", + "garlic", + "pearl barley", + "carrots", + "salt and ground black pepper", + "bacon", + "all-purpose flour", + "fresh mushrooms" + ] + }, + { + "id": 45505, + "cuisine": "vietnamese", + "ingredients": [ + "green onions", + "unsalted dry roast peanuts", + "mung bean sprouts", + "beef", + "garlic", + "fresh mint", + "tofu", + "rice vermicelli", + "shrimp", + "lime", + "dipping sauces", + "cucumber" + ] + }, + { + "id": 9566, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "raisins", + "corn starch", + "sweet pickle", + "ground pork", + "chorizo", + "salt", + "eggs", + "ground black pepper", + "fully cooked luncheon meat" + ] + }, + { + "id": 43571, + "cuisine": "mexican", + "ingredients": [ + "baby spinach leaves", + "tomatillos", + "salt", + "fresh cilantro", + "yellow bell pepper", + "cooked white rice", + "lime juice", + "deveined shrimp", + "hot sauce", + "bay scallops", + "purple onion" + ] + }, + { + "id": 43794, + "cuisine": "korean", + "ingredients": [ + "cooked brown rice", + "garlic", + "dark sesame oil", + "toasted sesame seeds", + "green cabbage", + "agave nectar", + "yellow onion", + "carrots", + "shiitake", + "rice vinegar", + "english cucumber", + "soy sauce", + "grapeseed oil", + "Gochujang base", + "red bell pepper" + ] + }, + { + "id": 13210, + "cuisine": "french", + "ingredients": [ + "butter lettuce", + "lemon slices", + "peppercorns", + "fresh dill", + "clam juice", + "fresh lemon juice", + "dry white wine", + "dill tips", + "salmon fillets", + "cornichons", + "sour cream" + ] + }, + { + "id": 20815, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "all-purpose flour", + "medium shrimp", + "dry vermouth", + "cooking spray", + "garlic cloves", + "fennel bulb", + "hot sauce", + "polenta", + "pepper", + "sprinkles", + "low salt chicken broth" + ] + }, + { + "id": 6169, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "dried basil", + "boneless skinless chicken breasts", + "all-purpose flour", + "water", + "unsalted butter", + "onion powder", + "frozen peas and carrots", + "kosher salt", + "garlic powder", + "baking powder", + "poultry seasoning", + "chicken broth", + "milk", + "flour", + "butter", + "dried parsley" + ] + }, + { + "id": 31110, + "cuisine": "french", + "ingredients": [ + "eggs", + "salt", + "unsalted butter", + "anise seed", + "baking powder", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 31190, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "pepper", + "oil", + "eggs", + "boneless chicken thighs", + "panko", + "ketchup", + "water", + "corn starch", + "sugar", + "white pepper", + "worcestershire sauce" + ] + }, + { + "id": 4614, + "cuisine": "japanese", + "ingredients": [ + "shiitake", + "vegetable oil", + "spinach", + "shallots", + "low sodium canned chicken stock", + "low sodium soy sauce", + "udon", + "rice vinegar", + "fresh ginger", + "sesame oil", + "scallions" + ] + }, + { + "id": 38877, + "cuisine": "chinese", + "ingredients": [ + "chinese noodles", + "dark soy sauce", + "oyster sauce", + "chicken stock", + "spring onions", + "light soy sauce", + "bok choy" + ] + }, + { + "id": 3775, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "peanuts", + "vanilla", + "kosher salt", + "butter", + "milk chocolate", + "bourbon whiskey", + "corn syrup", + "water", + "sea salt" + ] + }, + { + "id": 20000, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "tomato salsa", + "onions", + "tomato sauce", + "jalapeno chilies", + "grated jack cheese", + "flour tortillas", + "pink beans", + "ground cumin", + "fresh coriander", + "guacamole", + "garlic cloves" + ] + }, + { + "id": 33351, + "cuisine": "indian", + "ingredients": [ + "strawberries", + "sugar", + "ice cubes", + "ground cardamom", + "plain yogurt" + ] + }, + { + "id": 37753, + "cuisine": "italian", + "ingredients": [ + "ricotta salata", + "strozzapreti", + "spinach", + "extra-virgin olive oil", + "garlic cloves", + "coarse salt", + "roasting chickens", + "pinenuts", + "fine sea salt", + "fresh basil leaves" + ] + }, + { + "id": 49702, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "chopped fresh thyme", + "cayenne pepper", + "onions", + "tasso", + "green onions", + "paprika", + "red bell pepper", + "applewood smoked bacon", + "celery ribs", + "boneless chicken skinless thigh", + "diced tomatoes", + "sausages", + "long grain white rice", + "green bell pepper", + "chili powder", + "beef broth", + "flat leaf parsley" + ] + }, + { + "id": 4283, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "finely chopped onion", + "salt", + "ground round", + "garlic powder", + "dry mustard", + "green pepper", + "egg substitute", + "ground red pepper", + "margarine", + "vegetable oil cooking spray", + "prepared horseradish", + "onion flakes", + "sliced mushrooms" + ] + }, + { + "id": 7435, + "cuisine": "indian", + "ingredients": [ + "water", + "chili powder", + "salt", + "tomatoes", + "garam masala", + "ginger", + "onions", + "fennel seeds", + "curry powder", + "butter", + "black cardamom pods", + "pepper", + "chicken breasts", + "garlic", + "cumin" + ] + }, + { + "id": 12318, + "cuisine": "british", + "ingredients": [ + "yukon gold potatoes", + "salt", + "olive oil", + "butter", + "frozen peas", + "pepper", + "lean ground beef", + "herbes de provence", + "ground nutmeg", + "garlic" + ] + }, + { + "id": 45437, + "cuisine": "japanese", + "ingredients": [ + "avocado", + "rice vinegar", + "white rice", + "nori", + "water", + "cucumber", + "salt" + ] + }, + { + "id": 10725, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "diced green chilies", + "salt", + "onions", + "garlic powder", + "chili powder", + "hot sauce", + "olive oil", + "chuck roast", + "beef broth", + "masa harina", + "corn husks", + "beef stock cubes", + "lard" + ] + }, + { + "id": 31703, + "cuisine": "greek", + "ingredients": [ + "artichok heart marin", + "fresh oregano", + "marinade", + "low salt chicken broth", + "chicken breast halves", + "fresh lemon juice", + "olive oil", + "crushed red pepper", + "grated lemon peel" + ] + }, + { + "id": 8505, + "cuisine": "italian", + "ingredients": [ + "whole milk", + "sugar", + "corn starch", + "salt", + "hazelnuts", + "bittersweet chocolate" + ] + }, + { + "id": 11909, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "half & half", + "butter", + "canola oil", + "russet", + "cayenne", + "whole milk", + "all-purpose flour", + "seasoning salt", + "gravy", + "salt", + "cube steaks", + "black pepper", + "large eggs", + "meat", + "cream cheese" + ] + }, + { + "id": 35804, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "cinnamon", + "large eggs", + "salt", + "vegetables", + "lemon", + "ground cinnamon", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 25635, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "Kraft Sun Dried Tomato Vinaigrette", + "feta cheese", + "sun-dried tomatoes", + "spinach", + "chicken breasts" + ] + }, + { + "id": 28266, + "cuisine": "french", + "ingredients": [ + "all-purpose flour", + "butter", + "vanilla extract", + "eggs", + "white sugar" + ] + }, + { + "id": 24509, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "corn starch", + "ground ginger", + "green onions", + "rice vinegar", + "dry roasted peanuts", + "crushed red pepper flakes", + "sugar", + "boneless skinless chicken breasts", + "garlic cloves" + ] + }, + { + "id": 13255, + "cuisine": "cajun_creole", + "ingredients": [ + "dried basil", + "boneless skinless chicken breasts", + "salt", + "ground black pepper", + "butter", + "heavy whipping cream", + "sun-dried tomatoes", + "cajun seasoning", + "garlic cloves", + "grated parmesan cheese", + "linguine" + ] + }, + { + "id": 19957, + "cuisine": "italian", + "ingredients": [ + "sugar", + "cooking spray", + "salt", + "spaghetti", + "tomato paste", + "crushed tomatoes", + "stewed tomatoes", + "garlic cloves", + "diced onions", + "black pepper", + "lean ground beef", + "shredded zucchini", + "dried oregano", + "green bell pepper", + "roasted red peppers", + "crushed red pepper", + "red bell pepper" + ] + }, + { + "id": 23029, + "cuisine": "french", + "ingredients": [ + "English mustard", + "lobster", + "fish stock", + "ground black pepper", + "butter", + "fresh lemon juice", + "white wine", + "shallots", + "salt", + "grated parmesan cheese", + "double cream", + "fresh parsley" + ] + }, + { + "id": 31970, + "cuisine": "french", + "ingredients": [ + "soy sauce", + "sesame oil", + "garlic cloves", + "fresh lime juice", + "hoisin sauce", + "dark brown sugar", + "carrots", + "rice stick noodles", + "yardlong beans", + "scallions", + "chinese black vinegar", + "Sriracha", + "confit duck leg", + "fresh herbs" + ] + }, + { + "id": 670, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "olive oil", + "chop fine pecan", + "fresh mushrooms", + "rosemary sprigs", + "large eggs", + "chicken breasts", + "fresh rosemary", + "cream of chicken soup", + "green onions", + "cornbread stuffing mix", + "pepper", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 39534, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "part-skim ricotta cheese", + "cooking spray", + "portobello caps", + "garlic powder", + "salt", + "pasta sauce", + "cannellini beans", + "dried rosemary" + ] + }, + { + "id": 9226, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "dried thyme", + "green onions", + "all-purpose flour", + "garlic cloves", + "celery ribs", + "water", + "steamed white rice", + "diced tomatoes", + "cayenne pepper", + "lump crab meat", + "ground black pepper", + "corn oil", + "yellow onion", + "shrimp", + "green bell pepper", + "oysters", + "bay leaves", + "salt", + "okra" + ] + }, + { + "id": 30777, + "cuisine": "indian", + "ingredients": [ + "atta", + "potatoes", + "salt", + "water", + "butter", + "chillies", + "fenugreek leaves", + "seeds", + "cilantro leaves", + "dough", + "garam masala", + "ginger" + ] + }, + { + "id": 42835, + "cuisine": "british", + "ingredients": [ + "powdered sugar", + "mint leaves", + "lemon juice", + "cream of tartar", + "mascarpone", + "vanilla extract", + "mint", + "egg whites", + "fresh raspberries", + "sugar", + "heavy cream", + "blackberries" + ] + }, + { + "id": 46429, + "cuisine": "japanese", + "ingredients": [ + "sesame", + "granulated sugar", + "salt", + "avocado", + "salmon", + "green onions", + "cucumber", + "sushi rice", + "flour", + "rice vinegar", + "eggs", + "water", + "teriyaki sauce", + "panko breadcrumbs" + ] + }, + { + "id": 43586, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "cilantro", + "glass noodles", + "chicken breasts", + "ginger root", + "fish sauce", + "scallions", + "giblet", + "pickled vegetables" + ] + }, + { + "id": 32920, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "spelt", + "paprika", + "kosher salt", + "boneless skinless chicken breasts", + "honey", + "fresh lime juice" + ] + }, + { + "id": 19774, + "cuisine": "indian", + "ingredients": [ + "tomato sauce", + "large garlic cloves", + "paneer cheese", + "low-fat coconut milk", + "garam masala", + "cayenne pepper", + "minced ginger", + "salt", + "ground cumin", + "spinach", + "baby spinach", + "ground coriander" + ] + }, + { + "id": 15774, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "ground black pepper", + "chopped onion", + "fresh parmesan cheese", + "crushed red pepper", + "garlic cloves", + "water", + "cooking spray", + "Italian turkey sausage", + "grape tomatoes", + "broccoli rabe", + "salt", + "orecchiette" + ] + }, + { + "id": 8124, + "cuisine": "jamaican", + "ingredients": [ + "ketchup", + "bell pepper", + "salt", + "water", + "hot pepper", + "onions", + "black pepper", + "seeds", + "carrots", + "fish steaks", + "cooking oil", + "garlic" + ] + }, + { + "id": 11047, + "cuisine": "southern_us", + "ingredients": [ + "coarse salt", + "large eggs", + "hot sauce", + "buttermilk biscuits", + "extra-virgin olive oil", + "gravy", + "freshly ground pepper" + ] + }, + { + "id": 47879, + "cuisine": "southern_us", + "ingredients": [ + "orange slices", + "black tea", + "cold water", + "orange juice", + "ice cubes", + "lemon juice", + "agave nectar", + "cinnamon sticks" + ] + }, + { + "id": 45561, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chili powder", + "cotija", + "lime", + "avocado", + "fresh cilantro", + "salt", + "mayonaise", + "corn", + "cayenne pepper" + ] + }, + { + "id": 15655, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "fresh lemon juice", + "lemon", + "extra-virgin olive oil", + "water" + ] + }, + { + "id": 12253, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "mint leaves", + "sugar syrup" + ] + }, + { + "id": 25915, + "cuisine": "korean", + "ingredients": [ + "cooked brown rice", + "mirin", + "sesame oil", + "olive oil cooking spray", + "sesame seeds", + "pork tenderloin", + "scallions", + "fresh ginger", + "Sriracha", + "garlic", + "Boston lettuce", + "reduced sodium soy sauce", + "evaporated cane juice", + "cucumber" + ] + }, + { + "id": 14469, + "cuisine": "italian", + "ingredients": [ + "soy sauce", + "mushrooms", + "extra-virgin olive oil", + "lemon juice", + "wild mushrooms", + "ground black pepper", + "shallots", + "maple syrup", + "escarole", + "sweet potatoes", + "fresh thyme leaves", + "fresh parsley leaves", + "butter beans", + "kosher salt", + "dry white wine", + "garlic", + "oven-ready lasagna noodles", + "canola oil" + ] + }, + { + "id": 22699, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "boneless skinless chicken breasts", + "onions", + "sweet potatoes", + "green beans", + "kosher salt", + "vegetable oil", + "basil leaves", + "curry paste" + ] + }, + { + "id": 44469, + "cuisine": "french", + "ingredients": [ + "ground cloves", + "ground black pepper", + "ground pork", + "celery", + "water", + "lean ground beef", + "garlic", + "onions", + "chicken bouillon", + "egg yolks", + "deep dish pie crust", + "bay leaf", + "ground cinnamon", + "ground nutmeg", + "baking potatoes", + "carrots" + ] + }, + { + "id": 39102, + "cuisine": "indian", + "ingredients": [ + "yoghurt", + "ginger", + "chopped cilantro", + "extra firm tofu", + "vegetable oil", + "garlic cloves", + "ground turmeric", + "unsweetened soymilk", + "chili powder", + "salt", + "onions", + "jalapeno chilies", + "cilantro", + "lemon juice" + ] + }, + { + "id": 32426, + "cuisine": "jamaican", + "ingredients": [ + "fresh thyme", + "salt", + "long-grain rice", + "unsweetened coconut milk", + "jalapeno chilies", + "scallions", + "dried kidney beans", + "bell pepper", + "ground allspice", + "garlic cloves", + "black pepper", + "vegetable oil", + "yams" + ] + }, + { + "id": 15247, + "cuisine": "japanese", + "ingredients": [ + "spinach", + "sesame seeds", + "soy sauce", + "dashi", + "sugar", + "salt" + ] + }, + { + "id": 9912, + "cuisine": "korean", + "ingredients": [ + "eggs", + "zucchini", + "salt", + "soy sauce", + "flour", + "scallions", + "sugar", + "vinegar", + "squid", + "cold water", + "sesame seeds", + "crushed garlic" + ] + }, + { + "id": 34400, + "cuisine": "southern_us", + "ingredients": [ + "chopped ham", + "light cream", + "butter", + "rice flour", + "olive oil", + "baking powder", + "xanthan gum", + "collard greens", + "leeks", + "salt", + "eggs", + "baking soda", + "cheese" + ] + }, + { + "id": 3213, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "self rising flour", + "milk", + "canola oil", + "kosher salt", + "cracked black pepper", + "garlic powder", + "chicken" + ] + }, + { + "id": 14310, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "red wine", + "orange", + "fresh lemon juice", + "brandy", + "fresh orange juice", + "lemon", + "ice" + ] + }, + { + "id": 17001, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "chicken broth", + "fresh cilantro", + "avocado", + "salt" + ] + }, + { + "id": 15075, + "cuisine": "italian", + "ingredients": [ + "lemon", + "large shrimp", + "ground pepper", + "garlic", + "olive oil", + "linguine", + "butter", + "fresh parsley" + ] + }, + { + "id": 23632, + "cuisine": "indian", + "ingredients": [ + "whole wheat flour", + "chopped cilantro", + "water", + "sea salt", + "chaat masala", + "cauliflower", + "chili powder", + "onions", + "olive oil", + "green chilies", + "mango" + ] + }, + { + "id": 12118, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "chickpeas", + "onions", + "chicken broth", + "chicken breasts", + "lentils", + "fresh coriander", + "long-grain rice", + "saffron threads", + "water", + "fresh parsley leaves" + ] + }, + { + "id": 21651, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "salt", + "chiles" + ] + }, + { + "id": 6210, + "cuisine": "jamaican", + "ingredients": [ + "shallots", + "garlic cloves", + "habanero pepper", + "extra-virgin olive oil", + "fresh thyme", + "parsley", + "bird chile", + "chives", + "scallions" + ] + }, + { + "id": 21624, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "fresh coriander", + "fresh ginger", + "finely chopped onion", + "chicken breasts", + "garlic", + "ground almonds", + "ginger root", + "onions", + "chicken", + "tumeric", + "plain yogurt", + "coconut", + "garam masala", + "yoghurt", + "apples", + "skinless chicken breasts", + "lemon juice", + "curry paste", + "basmati rice", + "sultana", + "pepper", + "olive oil", + "ground black pepper", + "spring onions", + "cornflour", + "rice", + "low-fat natural yogurt", + "ghee", + "ground turmeric", + "black pepper", + "water", + "bananas", + "dried apricot", + "vegetable oil", + "salt", + "garlic cloves", + "coconut milk", + "coriander", + "ground cumin" + ] + }, + { + "id": 14397, + "cuisine": "southern_us", + "ingredients": [ + "white corn", + "vegetable oil spray", + "2% reduced-fat milk", + "sliced green onions", + "kale", + "roasted red peppers", + "sharp cheddar cheese", + "water", + "hot pepper sauce", + "salt", + "yellow corn meal", + "olive oil", + "large eggs", + "garlic cloves" + ] + }, + { + "id": 41495, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "cumin", + "garlic cloves", + "salt", + "canola oil", + "lime", + "pinto beans" + ] + }, + { + "id": 45552, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "red cabbage", + "crushed red pepper", + "cabbage", + "sweet onion", + "sesame oil", + "scallions", + "pepper", + "vinegar", + "salt", + "sugar", + "sesame seeds", + "garlic", + "carrots" + ] + }, + { + "id": 31512, + "cuisine": "southern_us", + "ingredients": [ + "rum", + "ice", + "orange segments", + "fresh lime juice", + "gin", + "tequila", + "black tea" + ] + }, + { + "id": 33877, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "fresh ginger", + "cilantro", + "yellow onion", + "lemon juice", + "hothouse cucumber", + "white vinegar", + "guajillo chiles", + "garam masala", + "garlic", + "cumin seed", + "coconut milk", + "lamb shanks", + "coriander seeds", + "chile de arbol", + "green cardamom", + "cinnamon sticks", + "clove", + "plain yogurt", + "vegetable oil", + "salt", + "black mustard seeds", + "corn tortillas" + ] + }, + { + "id": 20564, + "cuisine": "korean", + "ingredients": [ + "pork", + "garlic", + "sugar", + "green onions", + "Gochujang base", + "soy sauce", + "soybean sprouts", + "kimchi juice", + "red pepper flakes", + "kimchi" + ] + }, + { + "id": 42160, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "flat leaf parsley", + "pitted kalamata olives", + "feta cheese crumbles", + "dried oregano", + "red wine vinegar", + "red bell pepper", + "diced red onions", + "cucumber" + ] + }, + { + "id": 19515, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "zucchini", + "sea salt", + "purple onion", + "cumin", + "shredded cheddar cheese", + "green onions", + "extra-virgin olive oil", + "red bell pepper", + "yellow squash", + "chili powder", + "crushed red pepper", + "dried oregano", + "black beans", + "mushrooms", + "diced tomatoes", + "salsa" + ] + }, + { + "id": 7594, + "cuisine": "chinese", + "ingredients": [ + "water", + "crushed red pepper flakes", + "corn starch", + "dark soy sauce", + "flank steak", + "salt", + "white sesame seeds", + "green onions", + "garlic", + "red bell pepper", + "soy sauce", + "sesame oil", + "dark brown sugar" + ] + }, + { + "id": 46112, + "cuisine": "southern_us", + "ingredients": [ + "shredded extra sharp cheddar cheese", + "extra-virgin olive oil", + "grits", + "reduced sodium chicken broth", + "bacon", + "salt", + "collard greens", + "large eggs", + "garlic", + "water", + "prepar salsa", + "onions" + ] + }, + { + "id": 17267, + "cuisine": "french", + "ingredients": [ + "cold water", + "dry white wine", + "garlic cloves", + "whole cloves", + "heavy cream", + "thyme", + "black peppercorns", + "vegetable oil", + "carrots", + "celery ribs", + "leeks", + "cornish hens", + "bay leaf" + ] + }, + { + "id": 41404, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "long-grain rice", + "cajun seasoning", + "snow peas", + "butter", + "olive oil", + "uncook medium shrimp, peel and devein" + ] + }, + { + "id": 38906, + "cuisine": "indian", + "ingredients": [ + "light brown sugar", + "water", + "cinnamon sticks", + "ground ginger", + "cardamom seeds", + "green cardamom pods", + "orange", + "peppercorns", + "fennel seeds", + "whole milk" + ] + }, + { + "id": 28161, + "cuisine": "french", + "ingredients": [ + "parmesan cheese", + "button mushrooms", + "cherry tomatoes", + "balsamic vinegar", + "artichokes", + "baby lima beans", + "unsalted butter", + "peas", + "olive oil", + "lemon", + "baby carrots" + ] + }, + { + "id": 41886, + "cuisine": "southern_us", + "ingredients": [ + "ground pepper", + "salt pork", + "bacon drippings", + "green onions", + "jalapeno chilies", + "onions", + "black-eyed peas", + "bacon" + ] + }, + { + "id": 21472, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "salt", + "brown sugar", + "lemon", + "fresh tomatoes", + "olive oil", + "bread ciabatta", + "garlic" + ] + }, + { + "id": 17033, + "cuisine": "mexican", + "ingredients": [ + "ice cubes", + "hot water", + "orange", + "orange liqueur", + "sugar", + "tequila", + "pomegranate juice", + "lime slices", + "fresh lime juice" + ] + }, + { + "id": 22427, + "cuisine": "mexican", + "ingredients": [ + "sour cream", + "shredded sharp cheddar cheese", + "avocado", + "salsa" + ] + }, + { + "id": 26644, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "chicken stock", + "purple onion", + "green lentil", + "carrots", + "chopped celery" + ] + }, + { + "id": 24092, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "water", + "red pepper flakes", + "dried oregano", + "sugar", + "roma tomatoes", + "salt", + "tomato sauce", + "olive oil", + "garlic", + "pasta", + "black pepper", + "pecorino romano cheese", + "fresh basil leaves" + ] + }, + { + "id": 32214, + "cuisine": "japanese", + "ingredients": [ + "water", + "butter", + "heavy whipping cream", + "cold water", + "granulated sugar", + "cake flour", + "milk", + "vanilla extract", + "confectioners sugar", + "unflavored gelatin", + "large eggs", + "strawberries" + ] + }, + { + "id": 4578, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "kosher salt", + "basil leaves", + "carrots", + "sirloin tip roast", + "canned chicken broth", + "fresh ginger", + "ground coriander", + "red bell pepper", + "spring roll wrappers", + "baby spinach leaves", + "ground black pepper", + "garlic cloves", + "onions", + "sweet chili sauce", + "orange", + "orange juice", + "cucumber" + ] + }, + { + "id": 32802, + "cuisine": "british", + "ingredients": [ + "ground cinnamon", + "ground black pepper", + "worcestershire sauce", + "all-purpose flour", + "lean minced beef", + "beef stock", + "garlic", + "carrots", + "tomato purée", + "potatoes", + "extra-virgin olive oil", + "dried mixed herbs", + "milk", + "butter", + "salt", + "onions" + ] + }, + { + "id": 1348, + "cuisine": "greek", + "ingredients": [ + "part-skim mozzarella cheese", + "penne pasta", + "ground turkey", + "pepper", + "salt", + "light cream cheese", + "nutmeg", + "diced tomatoes", + "yellow onion", + "flat leaf parsley", + "milk", + "all-purpose flour", + "garlic cloves" + ] + }, + { + "id": 24180, + "cuisine": "korean", + "ingredients": [ + "ginger ale", + "watercress", + "kosher salt", + "scallions", + "napa cabbage", + "carrots", + "red chili peppers", + "rice vinegar" + ] + }, + { + "id": 12986, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "garlic chili sauce", + "peanuts", + "teriyaki sauce", + "asian noodles", + "large garlic cloves", + "fresh lime juice", + "peeled fresh ginger", + "purple onion" + ] + }, + { + "id": 43966, + "cuisine": "italian", + "ingredients": [ + "broccoli stems", + "grated lemon peel", + "bread crumb fresh", + "florets", + "shallots", + "olive oil", + "fresh lemon juice" + ] + }, + { + "id": 22941, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "lean ground turkey", + "salsa", + "avocado", + "flour", + "refried beans", + "taco seasoning" + ] + }, + { + "id": 37270, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "sesame oil", + "scallions", + "ground black pepper", + "salt", + "soy sauce", + "white rice", + "beansprouts", + "chicken broth", + "corn oil", + "gingerroot" + ] + }, + { + "id": 29325, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "zucchini", + "extra-virgin olive oil", + "chopped onion", + "flat leaf parsley", + "pepper", + "shredded cabbage", + "salt", + "carrots", + "italian seasoning", + "pesto", + "leeks", + "chopped celery", + "fat skimmed chicken broth", + "yukon gold", + "swiss chard", + "diced tomatoes", + "lima beans", + "green beans" + ] + }, + { + "id": 7997, + "cuisine": "mexican", + "ingredients": [ + "molasses", + "coffee", + "water", + "light brown sugar", + "cinnamon sticks" + ] + }, + { + "id": 32594, + "cuisine": "mexican", + "ingredients": [ + "cooked chicken", + "corn tortillas", + "garlic", + "knorr tomato bouillon with chicken flavor cube", + "vegetable oil", + "onions", + "tomatoes", + "lard" + ] + }, + { + "id": 1252, + "cuisine": "indian", + "ingredients": [ + "serrano chilies", + "water", + "ginger", + "cumin seed", + "cashew nuts", + "chickpea flour", + "toasted cashews", + "garam masala", + "salt", + "coconut milk", + "tumeric", + "fresh cilantro", + "peas", + "carrots", + "ground cumin", + "tomatoes", + "black pepper", + "russet potatoes", + "yellow onion", + "coriander" + ] + }, + { + "id": 25576, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "boneless skinless chicken breasts", + "ginseng tea", + "water", + "yellow corn", + "garlic cloves", + "fat free less sodium chicken broth", + "vegetable oil", + "chopped onion", + "peeled fresh ginger", + "salt" + ] + }, + { + "id": 40067, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "mirin", + "salmon fillets", + "vegetable oil", + "sugar", + "cake flour" + ] + }, + { + "id": 36987, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "chopped onion", + "chipotle chile powder", + "brown sugar", + "white wine vinegar", + "garlic cloves", + "canola oil", + "fat free less sodium chicken broth", + "turkey tenderloins", + "corn tortillas", + "ground cumin", + "tomato sauce", + "salt", + "toasted almonds", + "unsweetened cocoa powder" + ] + }, + { + "id": 21230, + "cuisine": "thai", + "ingredients": [ + "lime", + "vegetable oil", + "large shrimp", + "fresh basil", + "peeled fresh ginger", + "red bell pepper", + "unsweetened coconut milk", + "halibut fillets", + "Thai red curry paste", + "fish sauce", + "shallots", + "chopped cilantro fresh" + ] + }, + { + "id": 44510, + "cuisine": "thai", + "ingredients": [ + "rice stick noodles", + "tamarind", + "large eggs", + "shells", + "banana blossom", + "red chili peppers", + "palm sugar", + "lime wedges", + "beansprouts", + "fish sauce", + "peanuts", + "shallots", + "shrimp", + "turnips", + "water", + "extra firm tofu", + "vegetable oil", + "chopped garlic" + ] + }, + { + "id": 41981, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "coarse salt", + "thyme", + "white vinegar", + "leeks", + "ground allspice", + "lime", + "cracked black pepper", + "fillet red snapper", + "vegetable oil", + "carrots" + ] + }, + { + "id": 14566, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "loin pork roast", + "cumin", + "brown sugar", + "garlic powder", + "green chilies", + "coke zero", + "water", + "salt", + "tomato sauce", + "chili powder", + "chipotles in adobo" + ] + }, + { + "id": 32621, + "cuisine": "mexican", + "ingredients": [ + "corn", + "diced tomatoes", + "canola oil", + "zucchini", + "corn tortillas", + "shredded reduced fat cheddar cheese", + "salt", + "ground cumin", + "black beans", + "green enchilada sauce", + "onions" + ] + }, + { + "id": 40782, + "cuisine": "greek", + "ingredients": [ + "lemon", + "chicken pieces", + "plain yogurt", + "garlic", + "dried oregano", + "cracked black pepper", + "fresh parsley", + "olive oil", + "salt" + ] + }, + { + "id": 30326, + "cuisine": "chinese", + "ingredients": [ + "salt", + "water", + "high-gluten flour" + ] + }, + { + "id": 2401, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "tortellini", + "breadstick", + "dijon mustard", + "baby carrots", + "artichoke hearts", + "pepperoni turkei", + "pepper", + "broccoli florets" + ] + }, + { + "id": 38167, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "extra-virgin olive oil", + "black pepper", + "grated parmesan cheese", + "scallions", + "large eggs", + "goat cheese", + "kosher salt", + "whole milk", + "arugula" + ] + }, + { + "id": 9459, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "butter", + "salt", + "red bell pepper", + "grits", + "ground black pepper", + "bacon", + "sharp cheddar cheese", + "fresh parsley", + "green bell pepper", + "worcestershire sauce", + "all-purpose flour", + "celery", + "large shrimp", + "Tabasco Pepper Sauce", + "garlic", + "lemon juice", + "onions" + ] + }, + { + "id": 2313, + "cuisine": "mexican", + "ingredients": [ + "mexican style 4 cheese blend", + "chipotles in adobo", + "jalapeno chilies", + "plain breadcrumbs", + "milk", + "vegetable oil", + "boneless skinless chicken breasts", + "cream cheese" + ] + }, + { + "id": 46807, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "peas", + "onions", + "cauliflower", + "mushrooms", + "bacon", + "chili sauce", + "sweet soy sauce", + "sesame oil", + "garlic", + "eggs", + "green onions", + "ginger", + "carrots" + ] + }, + { + "id": 26378, + "cuisine": "southern_us", + "ingredients": [ + "ground red pepper", + "all-purpose flour", + "milk", + "vegetable oil", + "cornmeal", + "baking powder", + "frozen corn", + "large eggs", + "salt", + "onions" + ] + }, + { + "id": 30341, + "cuisine": "italian", + "ingredients": [ + "mussels", + "crushed red pepper", + "olive oil", + "garlic cloves", + "crushed tomatoes", + "fresh oregano", + "finely chopped onion", + "flat leaf parsley" + ] + }, + { + "id": 28999, + "cuisine": "italian", + "ingredients": [ + "cheese", + "chopped fresh sage", + "ground black pepper", + "salt", + "beets", + "olive oil", + "white wine vinegar", + "chopped walnuts", + "shallots", + "lemon rind" + ] + }, + { + "id": 10537, + "cuisine": "chinese", + "ingredients": [ + "ground pork", + "chinese noodles", + "hot water", + "black bean sauce", + "oil", + "russet potatoes", + "cucumber" + ] + }, + { + "id": 2559, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "almond extract", + "1% low-fat milk", + "cream cheese, soften", + "light sour cream", + "bosc pears", + "vanilla extract", + "lemon juice", + "granulated sugar", + "sunflower oil", + "all-purpose flour", + "bittersweet chocolate", + "large eggs", + "light corn syrup", + "ground almonds" + ] + }, + { + "id": 2004, + "cuisine": "mexican", + "ingredients": [ + "mahi mahi", + "salt", + "chopped cilantro fresh", + "avocado", + "lime wedges", + "corn tortillas", + "green cabbage", + "reduced-fat sour cream", + "fresh lime juice", + "cooking spray", + "salsa", + "fajita seasoning mix" + ] + }, + { + "id": 45052, + "cuisine": "spanish", + "ingredients": [ + "chicken stock", + "olive oil", + "ground veal", + "garlic cloves", + "dried oregano", + "eggs", + "dry white wine", + "dry bread crumbs", + "coriander", + "nutmeg", + "chopped tomatoes", + "ground pork", + "onions", + "cumin", + "tomato purée", + "cinnamon", + "cayenne pepper", + "frozen peas" + ] + }, + { + "id": 13577, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "salt", + "long-grain rice", + "vegetable oil", + "hot sauce", + "low salt chicken broth", + "chicken breast halves", + "all-purpose flour", + "garlic cloves", + "cajun style stewed tomatoes", + "crushed red pepper", + "okra" + ] + }, + { + "id": 16070, + "cuisine": "spanish", + "ingredients": [ + "quince paste", + "manchego cheese" + ] + }, + { + "id": 153, + "cuisine": "spanish", + "ingredients": [ + "tomato paste", + "water", + "salt", + "white sugar", + "green bell pepper", + "ground nutmeg", + "yellow onion", + "ground cinnamon", + "olive oil", + "all-purpose flour", + "white vinegar", + "shortening", + "sliced apples", + "lean steak" + ] + }, + { + "id": 27819, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "vegetables", + "sesame oil", + "scallions", + "chicken stock", + "sugar pea", + "egg whites", + "ginger", + "corn starch", + "wine", + "kosher salt", + "boneless skinless chicken breasts", + "garlic", + "soy sauce", + "lemon zest", + "lemon", + "juice" + ] + }, + { + "id": 2200, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "dry sherry", + "tangerine juice", + "orange", + "star anise", + "sugar", + "fresh ginger", + "cinnamon sticks", + "kosher salt", + "crushed red pepper flakes" + ] + }, + { + "id": 45225, + "cuisine": "southern_us", + "ingredients": [ + "cream of tartar", + "butter", + "sugar", + "vanilla extract", + "evaporated milk", + "chopped pecans", + "firmly packed brown sugar", + "light corn syrup" + ] + }, + { + "id": 2500, + "cuisine": "thai", + "ingredients": [ + "white vinegar", + "water", + "Thai red curry paste", + "soy sauce", + "Sriracha", + "coconut milk", + "sugar", + "fresh ginger", + "creamy peanut butter", + "minced garlic", + "sesame oil", + "chile sauce" + ] + }, + { + "id": 5543, + "cuisine": "italian", + "ingredients": [ + "vanilla beans", + "bartlett pears", + "heavy cream", + "whole milk", + "sugar", + "powdered gelatin" + ] + }, + { + "id": 41725, + "cuisine": "italian", + "ingredients": [ + "pure vanilla extract", + "granulated sugar", + "plums", + "kosher salt", + "baking powder", + "grated lemon zest", + "light brown sugar", + "large eggs", + "all-purpose flour", + "large egg yolks", + "butter", + "cornmeal" + ] + }, + { + "id": 36615, + "cuisine": "cajun_creole", + "ingredients": [ + "boneless pork shoulder", + "ground black pepper", + "cayenne pepper", + "poblano chiles", + "kosher salt", + "jalapeno chilies", + "garlic cloves", + "fresh parsley", + "celery ribs", + "curing salt", + "chili powder", + "ground white pepper", + "onions", + "sausage casings", + "pork liver", + "scallions", + "cooked white rice" + ] + }, + { + "id": 13001, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "non-fat sour cream", + "corn tortillas", + "flank steak", + "garlic cloves", + "onions", + "cooking spray", + "salt", + "fresh lime juice", + "chili powder", + "red bell pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 46181, + "cuisine": "french", + "ingredients": [ + "milk", + "salt", + "eggs", + "lemon peel", + "active dry yeast", + "all-purpose flour", + "sugar", + "butter" + ] + }, + { + "id": 13431, + "cuisine": "italian", + "ingredients": [ + "eggs", + "golden brown sugar", + "baking powder", + "grated orange peel", + "unsalted butter", + "cake flour", + "whole almonds", + "large egg yolks", + "vanilla extract", + "ground ginger", + "sugar", + "pistachios" + ] + }, + { + "id": 14061, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "chickpeas", + "extra-virgin olive oil", + "fresh lemon juice", + "roasted red peppers", + "garlic cloves", + "pitted kalamata olives", + "salt" + ] + }, + { + "id": 21787, + "cuisine": "italian", + "ingredients": [ + "cocoa", + "whipping cream", + "ladyfingers", + "mascarpone", + "coffee granules", + "hot water", + "sugar", + "coffee liqueur" + ] + }, + { + "id": 35098, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "part-skim mozzarella cheese", + "whole wheat submarine loaves", + "large egg whites", + "ground round", + "water", + "low fat reduced sodium pasta sauce", + "pepper", + "finely chopped onion" + ] + }, + { + "id": 8379, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "garlic", + "onions", + "diced tomatoes", + "chipotles in adobo", + "ground cumin", + "flour tortillas", + "salt", + "shredded Monterey Jack cheese", + "boneless chop pork", + "extra-virgin olive oil", + "chopped cilantro" + ] + }, + { + "id": 41581, + "cuisine": "greek", + "ingredients": [ + "sugar", + "plums", + "honey", + "hazelnuts", + "greek yogurt", + "unsalted butter" + ] + }, + { + "id": 45235, + "cuisine": "chinese", + "ingredients": [ + "peeled fresh ginger", + "broccoli", + "toasted sesame oil", + "soy sauce", + "garlic", + "oyster sauce", + "vegetable oil", + "scallions", + "cooked white rice", + "boneless chicken skinless thigh", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 34541, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "baby spinach", + "garlic cloves", + "grated romano cheese", + "extra-virgin olive oil", + "ground black pepper", + "sea salt", + "grated parmesan cheese", + "gluten-free pasta" + ] + }, + { + "id": 3336, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "onions", + "green bell pepper", + "garlic cloves", + "boneless chicken skinless thigh", + "flat leaf parsley", + "tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 42444, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cilantro leaves", + "crushed red pepper flakes", + "toasted slivered almonds", + "salt and ground black pepper", + "fresh lemon juice", + "garlic" + ] + }, + { + "id": 27280, + "cuisine": "french", + "ingredients": [ + "garlic cloves", + "duck fat", + "parsley leaves", + "waxy potatoes" + ] + }, + { + "id": 18826, + "cuisine": "japanese", + "ingredients": [ + "potatoes", + "onions", + "sake", + "vegetable oil", + "snow peas", + "soup", + "white sugar", + "soy sauce", + "sirloin steak" + ] + }, + { + "id": 7063, + "cuisine": "mexican", + "ingredients": [ + "agave nectar", + "fresh lime juice", + "tequila", + "red chili peppers" + ] + }, + { + "id": 14108, + "cuisine": "italian", + "ingredients": [ + "baguette", + "grated lemon zest", + "aged balsamic vinegar", + "extra-virgin olive oil", + "freshly ground pepper", + "mozzarella cheese", + "salt", + "fresh lemon juice", + "mint leaves", + "fresh fava bean" + ] + }, + { + "id": 29130, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "yukon gold potatoes", + "onions", + "tomatoes", + "fresh bay leaves", + "garlic cloves", + "ground black pepper", + "fresh thyme leaves", + "kosher salt", + "dry white wine", + "leg of lamb" + ] + }, + { + "id": 25075, + "cuisine": "spanish", + "ingredients": [ + "slivered almonds", + "unsalted butter", + "lemon", + "all-purpose flour", + "olive oil", + "vegetable oil", + "red pepper flakes", + "plum tomatoes", + "anchovies", + "large eggs", + "large garlic cloves", + "fresh parsley", + "ground black pepper", + "red wine vinegar", + "salt" + ] + }, + { + "id": 18129, + "cuisine": "thai", + "ingredients": [ + "cold water", + "thai chile", + "lychees", + "juice", + "sugar", + "salt", + "lemon", + "ice" + ] + }, + { + "id": 41785, + "cuisine": "indian", + "ingredients": [ + "honey", + "shallots", + "garlic", + "roma tomatoes", + "apple cider vinegar", + "olive oil", + "brown mustard seeds", + "minced ginger", + "golden raisins", + "red pepper flakes" + ] + }, + { + "id": 40747, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "spring onions", + "water", + "garlic", + "caster sugar", + "ginger", + "hoisin sauce", + "dark sesame oil" + ] + }, + { + "id": 2148, + "cuisine": "french", + "ingredients": [ + "water", + "flour", + "garlic", + "bay leaf", + "fresh thyme", + "egg yolks", + "ground white pepper", + "milk", + "hard-boiled egg", + "dried salted codfish", + "fresh cod", + "bread crumbs", + "potatoes", + "sea salt", + "flat leaf parsley" + ] + }, + { + "id": 32351, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "ground black pepper", + "diced tomatoes", + "seasoning salt", + "chicken breasts", + "salt", + "water", + "cream of chicken soup", + "cheese", + "garlic powder", + "onion powder", + "spaghetti" + ] + }, + { + "id": 983, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "garlic powder", + "onion powder", + "paprika", + "dried leaves oregano", + "black pepper", + "zucchini", + "butter", + "cayenne pepper", + "jumbo shrimp", + "finely chopped fresh parsley", + "cajun seasoning", + "salt", + "olive oil", + "green onions", + "ground thyme", + "garlic cloves" + ] + }, + { + "id": 44247, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "water", + "butter", + "gumbo", + "black pepper", + "ground red pepper", + "chopped onion", + "ground cumin", + "lower sodium chicken broth", + "garlic powder", + "all-purpose flour", + "long grain white rice", + "kosher salt", + "meat", + "carrots" + ] + }, + { + "id": 16364, + "cuisine": "italian", + "ingredients": [ + "clams", + "red pepper flakes", + "salt", + "crushed tomatoes", + "linguine", + "bottled clam juice", + "bacon", + "flat leaf parsley", + "dry white wine", + "garlic" + ] + }, + { + "id": 9052, + "cuisine": "southern_us", + "ingredients": [ + "scallion greens", + "bread crumb fresh", + "whole milk", + "turnips", + "black pepper", + "sweet potatoes", + "orange zest", + "molasses", + "potatoes", + "salt", + "horseradish", + "unsalted butter", + "fresh orange juice" + ] + }, + { + "id": 36001, + "cuisine": "irish", + "ingredients": [ + "red potato", + "vegetable oil", + "beef sirloin", + "green cabbage", + "dried thyme", + "worcestershire sauce", + "piecrust", + "coarse salt", + "tomato paste", + "ground pepper", + "all-purpose flour" + ] + }, + { + "id": 3817, + "cuisine": "southern_us", + "ingredients": [ + "cinnamon", + "sugar", + "applesauce", + "pecans", + "butter", + "graham cracker crumbs" + ] + }, + { + "id": 2202, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "sugar", + "basil", + "onions", + "kaffir lime leaves", + "lemon grass", + "red curry paste", + "lime zest", + "red chili peppers", + "garlic", + "fish sauce", + "cooking oil", + "shrimp" + ] + }, + { + "id": 14304, + "cuisine": "mexican", + "ingredients": [ + "shredded reduced fat cheddar cheese", + "flour tortillas", + "non-fat sour cream", + "chopped cilantro fresh", + "avocado", + "ground black pepper", + "flank steak", + "fresh lime juice", + "Mexican seasoning mix", + "poblano peppers", + "yellow bell pepper", + "onions", + "olive oil", + "cooking spray", + "red bell pepper" + ] + }, + { + "id": 46626, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "masa", + "water", + "vanilla extract", + "piloncillo" + ] + }, + { + "id": 4419, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "yellow hominy", + "fresh oregano", + "chorizo sausage", + "crushed tomatoes", + "garlic", + "beer", + "ale", + "salt", + "onions", + "chipotle chile", + "chili powder", + "lean beef", + "ground cumin" + ] + }, + { + "id": 16066, + "cuisine": "italian", + "ingredients": [ + "nutmeg", + "lean minced beef", + "garden peas", + "plum tomatoes", + "sage leaves", + "pecorino cheese", + "lemon zest", + "chillies", + "fresh rosemary", + "olive oil", + "minced pork", + "bread", + "fresh marjoram", + "egg yolks", + "onions" + ] + }, + { + "id": 11382, + "cuisine": "french", + "ingredients": [ + "baguette", + "ginger", + "medium dry sherry", + "chopped cilantro", + "shell-on shrimp", + "unsalted butter", + "green beans" + ] + }, + { + "id": 1437, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "spring onions", + "rice vinegar", + "peanuts", + "cornflour", + "chillies", + "water", + "sesame oil", + "fillets", + "chinese rice wine", + "water chestnuts", + "garlic", + "browning" + ] + }, + { + "id": 48683, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "ground black pepper", + "ground pork", + "chicken livers", + "tomato paste", + "veal", + "salt", + "heavy whipping cream", + "truffles", + "mushrooms", + "salt pork", + "celery", + "ground nutmeg", + "flank steak", + "carrots", + "onions" + ] + }, + { + "id": 29646, + "cuisine": "russian", + "ingredients": [ + "unsalted butter", + "parsley", + "salt", + "white wine", + "flour", + "worcestershire sauce", + "yellow onion", + "beef bouillon", + "sirloin steak", + "egg noodles, cooked and drained", + "ground black pepper", + "mushrooms", + "bacon", + "sour cream" + ] + }, + { + "id": 22258, + "cuisine": "thai", + "ingredients": [ + "olive oil", + "large garlic cloves", + "fresh lime juice", + "soy sauce", + "peeled fresh ginger", + "crushed red pepper", + "baby spinach leaves", + "green onions", + "red bell pepper", + "fresh basil", + "extra firm tofu", + "salted roast peanuts" + ] + }, + { + "id": 15433, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "corn kernels", + "butter", + "cumin", + "shredded cheddar cheese", + "zucchini", + "all-purpose flour", + "sugar", + "ground black pepper", + "salt", + "milk", + "baking powder", + "oil" + ] + }, + { + "id": 23987, + "cuisine": "jamaican", + "ingredients": [ + "ground ginger", + "ground nutmeg", + "dark rum", + "purple onion", + "roasting chickens", + "molasses", + "roma tomatoes", + "scotch bonnet chile", + "cilantro leaves", + "mango", + "olive oil", + "jalapeno chilies", + "malt vinegar", + "ground allspice", + "ground cinnamon", + "ground black pepper", + "green onions", + "salt", + "fresh lime juice" + ] + }, + { + "id": 6965, + "cuisine": "japanese", + "ingredients": [ + "short-grain rice", + "rice vinegar", + "ground turmeric", + "soy sauce", + "green peas", + "firm tofu", + "sugar", + "mirin", + "dried shiitake mushrooms", + "nori", + "water", + "salt", + "carrots" + ] + }, + { + "id": 29098, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "potatoes", + "mustard oil", + "eggplant", + "salt", + "chillies", + "fresh coriander", + "ginger", + "mustard seeds", + "tomatoes", + "garam masala", + "cumin seed", + "onions" + ] + }, + { + "id": 42993, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "fresh ginger", + "cayenne pepper", + "galangal", + "water", + "whole milk", + "grate lime peel", + "sugar", + "thai basil", + "small pearl tapioca", + "mango", + "unsweetened coconut milk", + "lemongrass", + "cilantro sprigs", + "fresh lime juice" + ] + }, + { + "id": 47798, + "cuisine": "russian", + "ingredients": [ + "mayonaise", + "raspberry preserves", + "baking soda", + "all-purpose flour", + "sugar", + "egg whites", + "eggs", + "unsalted butter", + "lemon juice" + ] + }, + { + "id": 16842, + "cuisine": "japanese", + "ingredients": [ + "salt", + "short-grain rice", + "mirin", + "caster sugar", + "rice vinegar" + ] + }, + { + "id": 2995, + "cuisine": "mexican", + "ingredients": [ + "condensed cream of chicken soup", + "condensed cream of mushroom soup", + "cooked turkey", + "corn tortillas", + "shredded cheddar cheese", + "sour cream", + "chile pepper" + ] + }, + { + "id": 6528, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "boneless skinless chicken breasts", + "cayenne pepper", + "medium shrimp", + "olive oil", + "diced tomatoes", + "flat leaf parsley", + "green bell pepper", + "brown rice", + "ham", + "onions", + "( oz.) tomato sauce", + "garlic", + "bay leaf" + ] + }, + { + "id": 22267, + "cuisine": "mexican", + "ingredients": [ + "papaya", + "salt", + "jalapeno chilies", + "fresh pineapple", + "olive oil", + "chopped fresh mint", + "lime juice", + "purple onion", + "mango" + ] + }, + { + "id": 47068, + "cuisine": "italian", + "ingredients": [ + "swiss chard", + "purple onion", + "minced garlic", + "dry white wine", + "fresh lemon juice", + "grated parmesan cheese", + "salt", + "olive oil", + "butter" + ] + }, + { + "id": 30812, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "diced tomatoes", + "celery", + "sausage casings", + "dried sage", + "crushed red pepper", + "dried rosemary", + "chicken broth", + "kidney beans", + "pasta shells", + "chopped garlic", + "dried basil", + "sliced carrots", + "chopped onion" + ] + }, + { + "id": 16432, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped bell pepper", + "butter", + "onion tops", + "chopped parsley", + "black pepper", + "low sodium chicken broth", + "chopped celery", + "oil", + "pork", + "black-eyed peas", + "smoked sausage", + "chopped onion", + "long grain white rice", + "water", + "cajun seasoning", + "salt", + "ground cayenne pepper" + ] + }, + { + "id": 14420, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "tomato salsa", + "iceberg lettuce", + "cooked chicken", + "salt", + "flour tortillas", + "clove garlic, fine chop", + "vegetable oil", + "onions" + ] + }, + { + "id": 4138, + "cuisine": "french", + "ingredients": [ + "sugar", + "baking powder", + "grated orange", + "unsalted butter", + "all-purpose flour", + "kosher salt", + "vanilla extract", + "large eggs", + "orange blossom honey" + ] + }, + { + "id": 1074, + "cuisine": "indian", + "ingredients": [ + "milk", + "cardamom", + "sugar", + "vermicelli", + "nuts", + "water", + "raisins", + "powdered milk", + "ghee" + ] + }, + { + "id": 27141, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "beef stock", + "ground beef", + "tomatoes", + "flour tortillas", + "taco seasoning", + "lime", + "salt", + "onions", + "cheddar cheese", + "jalapeno chilies", + "chopped cilantro" + ] + }, + { + "id": 31929, + "cuisine": "mexican", + "ingredients": [ + "queso asadero", + "eggs", + "vegetable shortening", + "baking powder", + "Anaheim chile", + "all-purpose flour" + ] + }, + { + "id": 46603, + "cuisine": "italian", + "ingredients": [ + "lemon", + "1% low-fat milk", + "vodka", + "sugar" + ] + }, + { + "id": 19180, + "cuisine": "japanese", + "ingredients": [ + "wine", + "daikon", + "dashi", + "tamari soy sauce", + "soy sauce", + "ginger", + "mirin", + "sushi grade tuna" + ] + }, + { + "id": 5522, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "seeds", + "whole wheat flour", + "paratha", + "butter" + ] + }, + { + "id": 41167, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "mixed vegetables", + "ginger", + "oil", + "frozen peas", + "chili", + "sweet potatoes", + "vegan butter", + "cumin seed", + "onions", + "spring roll wrappers", + "bell pepper", + "lemon", + "ground coriander", + "phyllo pastry", + "potatoes", + "cinnamon", + "garlic", + "mustard seeds", + "ground cumin" + ] + }, + { + "id": 13697, + "cuisine": "italian", + "ingredients": [ + "fresh mozzarella", + "maldon sea salt", + "olive oil", + "garlic", + "kosher salt", + "heirloom tomatoes", + "scallions", + "basil leaves", + "pizza doughs" + ] + }, + { + "id": 19243, + "cuisine": "irish", + "ingredients": [ + "ground ginger", + "salted butter", + "heavy cream", + "treacle", + "large eggs", + "confectioners sugar", + "water", + "baking powder", + "sugar", + "crystallized ginger", + "all-purpose flour" + ] + }, + { + "id": 34584, + "cuisine": "italian", + "ingredients": [ + "coconut oil", + "ground black pepper", + "kosher salt", + "chicken thighs", + "granulated garlic", + "herbes de provence", + "dried basil", + "dried oregano" + ] + }, + { + "id": 13976, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "large eggs", + "part-skim ricotta cheese", + "fat free milk", + "green onions", + "carrots", + "olive oil", + "leeks", + "salt", + "fresh parmesan cheese", + "ground red pepper", + "flat leaf parsley" + ] + }, + { + "id": 3445, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "garlic", + "half & half", + "bow-tie pasta", + "italian style stewed tomatoes", + "salt", + "bulk italian sausag", + "crushed red pepper flakes", + "chopped onion" + ] + }, + { + "id": 7033, + "cuisine": "southern_us", + "ingredients": [ + "bacon drippings", + "water", + "sugar", + "pepper sauce", + "salt pork", + "turnips", + "turnip greens" + ] + }, + { + "id": 20304, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "frozen peas and carrots", + "eggs", + "sesame oil", + "onions", + "boneless skinless chicken breasts", + "cooked white rice", + "soy sauce", + "teriyaki sauce" + ] + }, + { + "id": 45122, + "cuisine": "mexican", + "ingredients": [ + "red enchilada sauce", + "cheddar cheese", + "monterey jack", + "Hidden Valley® Original Ranch® Dips Mix", + "diced green chilies", + "chicken" + ] + }, + { + "id": 385, + "cuisine": "italian", + "ingredients": [ + "bacon", + "grated parmesan cheese", + "heavy whipping cream", + "tortellini", + "egg yolks" + ] + }, + { + "id": 8654, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "olive oil", + "bay leaves", + "ground allspice", + "peppercorns", + "pepper", + "ground black pepper", + "ground thyme", + "garlic cloves", + "white vinegar", + "lime juice", + "ground sage", + "cilantro leaves", + "cinnamon sticks", + "molasses", + "ground nutmeg", + "green onions", + "orange juice", + "chicken" + ] + }, + { + "id": 382, + "cuisine": "thai", + "ingredients": [ + "jalapeno chilies", + "halibut steak", + "sweet chili sauce", + "cilantro leaves", + "shallots", + "jasmine rice", + "oyster sauce" + ] + }, + { + "id": 15982, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "perch fillets", + "horseradish sauce", + "butter", + "lemon juice", + "cayenne", + "salt", + "catfish fillets", + "worcestershire sauce", + "thyme" + ] + }, + { + "id": 22044, + "cuisine": "russian", + "ingredients": [ + "eggs", + "active dry yeast", + "heavy cream", + "grated nutmeg", + "citron", + "vanilla beans", + "granulated sugar", + "salt", + "lemon juice", + "slivered almonds", + "unsalted butter", + "currant", + "ground cardamom", + "saffron threads", + "milk", + "golden raisins", + "all-purpose flour", + "confectioners sugar" + ] + }, + { + "id": 45142, + "cuisine": "italian", + "ingredients": [ + "pasta", + "grated parmesan cheese", + "diced celery", + "tomato sauce", + "salt", + "dried oregano", + "sausage casings", + "diced tomatoes", + "sliced mushrooms", + "diced onions", + "garlic powder", + "shredded mozzarella cheese" + ] + }, + { + "id": 44841, + "cuisine": "italian", + "ingredients": [ + "butter", + "green beans", + "grated lemon zest", + "pepper", + "garlic cloves", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 38460, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "cooking oil", + "garlic", + "honey", + "maltose", + "chinese five-spice powder", + "white pepper", + "sesame oil", + "Chinese rose wine", + "hoisin sauce", + "red food coloring", + "pork butt" + ] + }, + { + "id": 46682, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "macaroni and cheese dinner", + "diced tomatoes", + "chopped onion", + "butter", + "green pepper", + "milk", + "chopped celery", + "ground beef" + ] + }, + { + "id": 8424, + "cuisine": "italian", + "ingredients": [ + "white wine", + "garlic", + "flat leaf parsley", + "sea salt", + "calabrese sausage", + "varnish clams", + "chicken stock", + "extra-virgin olive oil", + "croutons", + "unsalted butter", + "freshly ground pepper", + "fresh parsley" + ] + }, + { + "id": 37464, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "large eggs", + "heavy cream", + "scallions", + "water", + "parmigiano reggiano cheese", + "ricotta cheese", + "all-purpose flour", + "fresh marjoram", + "ground black pepper", + "leeks", + "salt", + "dough", + "swiss chard", + "egg yolks", + "extra-virgin olive oil" + ] + }, + { + "id": 7664, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "garlic", + "bay leaf", + "tomatoes", + "extra-virgin olive oil", + "white wine vinegar", + "chicken stock", + "sea salt", + "black olives", + "chicken", + "chicken legs", + "rosemary leaves", + "yellow onion" + ] + }, + { + "id": 38732, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "vegetable shortening", + "salt", + "pâte brisée", + "cinnamon", + "vanilla extract", + "rice", + "sugar", + "golden raisins", + "heavy cream", + "all-purpose flour", + "granny smith apples", + "butter", + "shells", + "fresh lemon juice" + ] + }, + { + "id": 44802, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "balsamic vinegar", + "italian seasoning", + "olive oil", + "bell pepper", + "garlic cloves", + "tomato sauce", + "zucchini", + "salt", + "eggplant", + "cooking spray", + "rotini" + ] + }, + { + "id": 21131, + "cuisine": "brazilian", + "ingredients": [ + "fresh cilantro", + "coarse salt", + "freshly ground pepper", + "cumin", + "cooked rice", + "ground black pepper", + "salt", + "fresh lime juice", + "tomatoes", + "olive oil", + "garlic", + "coconut milk", + "salmon", + "bell pepper", + "sweet paprika", + "onions" + ] + }, + { + "id": 41126, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "creole style seasoning", + "boneless skinless chicken breast halves", + "all-purpose flour", + "oil", + "grated parmesan cheese", + "shredded mozzarella cheese", + "chicken broth", + "fresh mushrooms", + "onions" + ] + }, + { + "id": 9113, + "cuisine": "southern_us", + "ingredients": [ + "water", + "bacon drippings", + "fatback", + "salt", + "collard greens", + "smoked ham hocks" + ] + }, + { + "id": 41490, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "lemon juice", + "fresh cilantro", + "salt", + "plum tomatoes", + "white onion", + "purple onion", + "ground cayenne pepper", + "garlic powder", + "yellow onion", + "ground cumin" + ] + }, + { + "id": 13648, + "cuisine": "southern_us", + "ingredients": [ + "vidalia onion", + "unsalted butter", + "peanut oil", + "sliced green onions", + "pepper", + "salt", + "pork loin chops", + "chicken broth", + "sherry vinegar", + "all-purpose flour", + "bartlett pears", + "kosher salt", + "dry sherry", + "freshly ground pepper" + ] + }, + { + "id": 4324, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "honey", + "half & half", + "salt", + "quatre épices", + "large eggs", + "butter", + "lemon juice", + "brown sugar", + "baking soda", + "baking powder", + "toasted walnuts", + "orange", + "flour", + "buttermilk", + "unsweetened cocoa powder" + ] + }, + { + "id": 15453, + "cuisine": "italian", + "ingredients": [ + "garlic", + "olive oil" + ] + }, + { + "id": 3896, + "cuisine": "italian", + "ingredients": [ + "pepper", + "garlic", + "italian seasoning", + "tomato sauce", + "turkey sausage", + "onions", + "water", + "salt", + "pasta", + "zucchini", + "beef broth" + ] + }, + { + "id": 30441, + "cuisine": "moroccan", + "ingredients": [ + "medjool date", + "marzipan", + "powdered sugar", + "color food green" + ] + }, + { + "id": 2890, + "cuisine": "moroccan", + "ingredients": [ + "preserved lemon", + "garlic", + "chopped fresh mint", + "ground black pepper", + "red bell pepper", + "olive oil", + "rack of lamb", + "chopped cilantro fresh", + "kalamata", + "fresh parsley" + ] + }, + { + "id": 15836, + "cuisine": "southern_us", + "ingredients": [ + "dijon mustard", + "white wine vinegar", + "cabbage", + "parsley sprigs", + "vegetable oil", + "carrots", + "horseradish", + "parsley leaves", + "scallions", + "black-eyed peas", + "large garlic cloves", + "bay leaf" + ] + }, + { + "id": 48055, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "grapeseed oil", + "hot water", + "plain flour", + "tamarind pulp", + "margarine", + "onions", + "palm sugar", + "ginger", + "cucumber", + "coconut oil", + "yoghurt", + "black mustard seeds", + "coriander" + ] + }, + { + "id": 31099, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "confectioners sugar", + "salt", + "honey", + "pinenuts", + "almond paste" + ] + }, + { + "id": 31882, + "cuisine": "korean", + "ingredients": [ + "spinach", + "corn kernels", + "red pepper flakes", + "fresh herbs", + "soy sauce", + "sesame seeds", + "salt", + "mayonaise", + "olive oil", + "garlic", + "onions", + "pepper", + "sesame oil", + "shredded cheese" + ] + }, + { + "id": 9530, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "onion powder", + "smoked paprika", + "dried oregano", + "brown sugar", + "red cabbage", + "salt", + "corn tortillas", + "canola oil", + "green cabbage", + "garlic powder", + "cilantro", + "sour cream", + "cumin", + "tilapia fillets", + "jalapeno chilies", + "cayenne pepper", + "onions" + ] + }, + { + "id": 13242, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "sage leaves", + "unsalted butter", + "boneless skinless chicken breast halves", + "pepper", + "lemon", + "prosciutto", + "all-purpose flour" + ] + }, + { + "id": 13092, + "cuisine": "mexican", + "ingredients": [ + "celery ribs", + "lime", + "poblano", + "extra-virgin olive oil", + "tequila", + "cotija", + "new potatoes", + "bacon", + "yellow onion", + "chicken stock", + "roasted red peppers", + "heavy cream", + "all-purpose flour", + "oregano", + "corn", + "lime wedges", + "cilantro", + "garlic cloves" + ] + }, + { + "id": 10716, + "cuisine": "korean", + "ingredients": [ + "sesame oil", + "onions", + "honey", + "scallions", + "water", + "Gochujang base", + "rice cakes", + "kimchi" + ] + }, + { + "id": 47010, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "sour cream", + "shredded monterey jack cheese", + "mashed potatoes", + "hellmann' or best food light mayonnais" + ] + }, + { + "id": 42615, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "mirin", + "nori", + "steak fillets", + "water", + "coarse sea salt", + "smoked salmon", + "sushi rice", + "Sriracha", + "chili flakes", + "lime juice", + "sushi vinegar" + ] + }, + { + "id": 48251, + "cuisine": "italian", + "ingredients": [ + "hot red pepper flakes", + "olive oil", + "salt", + "fresh parsley leaves", + "plum tomatoes", + "active dry yeast", + "green bell pepper, slice", + "garlic cloves", + "onions", + "sugar", + "freshly grated parmesan", + "all-purpose flour", + "red bell pepper", + "mozzarella cheese", + "fennel bulb", + "provolone cheese", + "crumbled gorgonzola" + ] + }, + { + "id": 3382, + "cuisine": "mexican", + "ingredients": [ + "beef", + "jalapeno chilies", + "flour tortillas", + "sauce", + "chuck roast", + "salt", + "cheddar cheese", + "bell pepper", + "onions" + ] + }, + { + "id": 15142, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "okra pods", + "curry powder", + "serrano chile", + "brown mustard seeds", + "canola oil", + "ground coriander" + ] + }, + { + "id": 8790, + "cuisine": "mexican", + "ingredients": [ + "chuck roast", + "salsa", + "seasoning" + ] + }, + { + "id": 28241, + "cuisine": "spanish", + "ingredients": [ + "cherry tomatoes", + "crushed red pepper", + "ground cumin", + "chicken breast halves", + "smoked paprika", + "garbanzo beans", + "garlic cloves", + "plain yogurt", + "extra-virgin olive oil", + "chopped cilantro fresh" + ] + }, + { + "id": 33216, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "garlic", + "red preserved bean curd", + "pork shoulder", + "dark soy sauce", + "ginger", + "browning", + "Shaoxing wine", + "star anise" + ] + }, + { + "id": 29615, + "cuisine": "italian", + "ingredients": [ + "pesto", + "rolls", + "loin pork roast", + "arugula", + "roasted red peppers", + "goat cheese", + "purple onion" + ] + }, + { + "id": 26198, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "vegetable oil", + "guajillo chiles", + "garlic", + "tomatoes", + "cheese", + "thin spaghetti", + "cream", + "onions" + ] + }, + { + "id": 40778, + "cuisine": "french", + "ingredients": [ + "sugar", + "whole milk", + "mint leaves", + "pink grapefruit", + "large eggs", + "vanilla extract", + "half & half", + "salt" + ] + }, + { + "id": 6192, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "garlic", + "ghee", + "potatoes", + "cumin seed", + "red chili peppers", + "salt", + "onions", + "spinach leaves", + "ginger", + "black mustard seeds" + ] + }, + { + "id": 43266, + "cuisine": "irish", + "ingredients": [ + "mashed potatoes", + "frozen mixed vegetables", + "shredded cheddar cheese", + "ketchup", + "ground beef", + "worcestershire sauce" + ] + }, + { + "id": 25734, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "sour cream", + "vanilla extract", + "lemon juice", + "butter" + ] + }, + { + "id": 43394, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "white wine vinegar", + "low sodium soy sauce", + "vegetable oil", + "corn starch", + "boneless skinless chicken breasts", + "cayenne pepper", + "water", + "garlic", + "white sugar" + ] + }, + { + "id": 5415, + "cuisine": "italian", + "ingredients": [ + "dough", + "zucchini", + "plum tomatoes", + "kosher salt", + "extra-virgin olive oil", + "yellow corn meal", + "chees fresh mozzarella", + "ground black pepper", + "fresh basil leaves" + ] + }, + { + "id": 46981, + "cuisine": "japanese", + "ingredients": [ + "short-grain rice", + "scallions", + "wasabi paste", + "gravlax", + "avocado", + "lemon", + "nori", + "water", + "salt" + ] + }, + { + "id": 13726, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "roasted red peppers", + "part-skim ricotta cheese", + "oven-ready lasagna noodles", + "part-skim mozzarella", + "large egg whites", + "broccoli florets", + "all-purpose flour", + "dried basil", + "shredded carrots", + "salt", + "evaporated skim milk", + "butter-margarine blend", + "fresh parmesan cheese", + "cooking spray", + "cream cheese" + ] + }, + { + "id": 4107, + "cuisine": "indian", + "ingredients": [ + "celery stick", + "diced lamb", + "garlic cloves", + "coriander", + "tomato paste", + "water", + "sea salt", + "coconut milk", + "fennel seeds", + "red chili peppers", + "garam masala", + "carrots", + "ground turmeric", + "coconut oil", + "lime", + "yellow onion", + "ghee" + ] + }, + { + "id": 33230, + "cuisine": "thai", + "ingredients": [ + "cilantro", + "onions", + "peanuts", + "Thai fish sauce", + "soy sauce", + "garlic", + "chicken", + "rice noodles", + "red bell pepper" + ] + }, + { + "id": 46941, + "cuisine": "filipino", + "ingredients": [ + "leeks", + "carrots", + "chinese duck sauce", + "salt", + "sesame oil", + "shallots", + "lumpia skins" + ] + }, + { + "id": 31313, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "vanilla extract", + "eggs", + "baking powder", + "all-purpose flour", + "light brown sugar", + "evaporated milk", + "salt", + "sugar", + "butter" + ] + }, + { + "id": 43720, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "vegetable shortening", + "large eggs", + "chicken", + "seasoning salt", + "all-purpose flour", + "whole milk" + ] + }, + { + "id": 11987, + "cuisine": "british", + "ingredients": [ + "bread crumbs", + "lemon rind", + "eggs", + "milk", + "raspberry jam", + "butter", + "caster sugar" + ] + }, + { + "id": 26047, + "cuisine": "italian", + "ingredients": [ + "great northern beans", + "ground black pepper", + "sprinkles", + "beef broth", + "water", + "shallots", + "salt", + "flat leaf parsley", + "lamb shanks", + "medium egg noodles", + "dry red wine", + "garlic cloves", + "olive oil", + "worcestershire sauce", + "all-purpose flour", + "dried rosemary" + ] + }, + { + "id": 45485, + "cuisine": "italian", + "ingredients": [ + "pepper", + "half & half", + "garlic", + "parmagiano reggiano", + "orange bell pepper", + "red pepper flakes", + "bow-tie pasta", + "olive oil", + "butter", + "salt", + "onions", + "grape tomatoes", + "flour", + "yellow bell pepper", + "broccoli" + ] + }, + { + "id": 22894, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "extra-virgin olive oil", + "thyme sprigs", + "water", + "garlic cloves", + "harissa", + "picholine", + "green olives", + "lemon slices" + ] + }, + { + "id": 13307, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "custard", + "frozen pastry puff sheets", + "braeburn apple" + ] + }, + { + "id": 3158, + "cuisine": "thai", + "ingredients": [ + "shallots", + "seedless cucumber", + "dried shrimp", + "sugar", + "fresh lime juice", + "nam pla" + ] + }, + { + "id": 8852, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "linguine", + "black pepper", + "fresh parmesan cheese", + "lemon juice", + "clams", + "dried basil", + "crushed red pepper", + "bottled clam juice", + "bacon slices" + ] + }, + { + "id": 31888, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "salt", + "sour cream", + "brown sugar", + "butter", + "apple butter", + "wheat germ", + "eggs", + "baking powder", + "all-purpose flour", + "white sugar", + "baking soda", + "vanilla extract", + "chopped pecans" + ] + }, + { + "id": 28253, + "cuisine": "mexican", + "ingredients": [ + "cilantro", + "white onion", + "salt", + "garlic", + "roma tomatoes", + "serrano" + ] + }, + { + "id": 16929, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "dry white wine", + "garlic", + "onions", + "fennel", + "crushed red pepper flakes", + "shrimp", + "olive oil", + "diced tomatoes", + "salt", + "dried oregano", + "clams", + "Dungeness crabs", + "basil dried leaves", + "chopped parsley" + ] + }, + { + "id": 24929, + "cuisine": "french", + "ingredients": [ + "sugar", + "sherry wine vinegar", + "green cabbage", + "dijon mustard", + "white vinegar", + "safflower oil", + "chopped fresh mint", + "soy sauce", + "beets" + ] + }, + { + "id": 46469, + "cuisine": "korean", + "ingredients": [ + "pepper flakes", + "sesame seeds", + "carrots", + "sugar", + "garlic", + "chinese chives", + "fish sauce", + "kirby cucumbers", + "cucumber", + "water", + "salt", + "onions" + ] + }, + { + "id": 21022, + "cuisine": "vietnamese", + "ingredients": [ + "cauliflower", + "green curry paste", + "lychees", + "fish sauce", + "olive oil", + "coriander", + "red chili peppers", + "boneless skinless chicken breasts", + "kaffir lime leaves", + "honey", + "coconut milk" + ] + }, + { + "id": 11203, + "cuisine": "chinese", + "ingredients": [ + "water", + "Shaoxing wine", + "salt", + "corn starch", + "kosher salt", + "ground black pepper", + "garlic", + "oyster sauce", + "sugar", + "lo mein noodles", + "vegetable oil", + "oil", + "dark soy sauce", + "light soy sauce", + "sesame oil", + "broccoli", + "skirt steak" + ] + }, + { + "id": 14716, + "cuisine": "chinese", + "ingredients": [ + "plain flour", + "lime juice", + "mandarin oranges", + "powdered sugar", + "butter", + "salt", + "eggs", + "orange", + "fresh orange juice", + "caster sugar", + "ice water" + ] + }, + { + "id": 20844, + "cuisine": "italian", + "ingredients": [ + "pasta", + "parmigiano reggiano cheese", + "red pepper", + "celery", + "tomato sauce", + "red pepper flakes", + "garlic", + "fresh basil", + "lean ground beef", + "extra-virgin olive oil", + "onions", + "pepper", + "red wine", + "salt" + ] + }, + { + "id": 3230, + "cuisine": "jamaican", + "ingredients": [ + "lime slices", + "fresh lime juice", + "vodka", + "bitters", + "orange", + "pineapple juice", + "fruit", + "rum", + "white sugar" + ] + }, + { + "id": 39596, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "flour tortillas", + "worcestershire sauce", + "salsa", + "fresh lime juice", + "lime rind", + "flank steak", + "cilantro sprigs", + "garlic cloves", + "dried oregano", + "low-fat sour cream", + "cooking spray", + "cracked black pepper", + "beef broth", + "chopped cilantro fresh", + "vidalia onion", + "olive oil", + "chicken breasts", + "salt", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 12695, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "pork stew meat", + "salt", + "ground cloves", + "tomatoes with juice", + "yellow onion", + "green chile", + "olive oil", + "salsa", + "pepper", + "garlic", + "dried oregano" + ] + }, + { + "id": 33559, + "cuisine": "indian", + "ingredients": [ + "cracked black pepper", + "fat-free mayonnaise", + "sugar", + "feta cheese crumbles", + "fat free yogurt", + "cucumber", + "garlic cloves" + ] + }, + { + "id": 40006, + "cuisine": "french", + "ingredients": [ + "butter", + "milk", + "semisweet chocolate", + "eggs", + "brewed espresso" + ] + }, + { + "id": 11315, + "cuisine": "mexican", + "ingredients": [ + "flour", + "chicken", + "salsa verde", + "shredded pepper jack cheese", + "chicken broth", + "butter", + "tortillas", + "sour cream" + ] + }, + { + "id": 37509, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "salt", + "corn", + "butter", + "queso fresco", + "cumin", + "ground black pepper", + "cilantro" + ] + }, + { + "id": 31979, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "chorizo", + "extra-virgin olive oil", + "kosher salt", + "broccoli florets", + "ground black pepper", + "onions" + ] + }, + { + "id": 14582, + "cuisine": "french", + "ingredients": [ + "sugar", + "semisweet chocolate", + "Dutch-processed cocoa powder", + "large egg whites", + "vanilla extract", + "unsweetened chocolate", + "cream of tartar", + "large egg yolks", + "1% low-fat milk", + "corn starch", + "water", + "cooking spray", + "salt" + ] + }, + { + "id": 4828, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "ice", + "lime", + "water", + "sweetened condensed milk" + ] + }, + { + "id": 89, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "ground black pepper", + "red bell pepper", + "plum tomatoes", + "olive oil", + "salt", + "onions", + "honey", + "jalapeno chilies", + "fresh lime juice", + "garbanzo beans", + "frozen corn kernels", + "chopped cilantro fresh" + ] + }, + { + "id": 5041, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "chopped fresh mint", + "grated lemon zest" + ] + }, + { + "id": 45594, + "cuisine": "indian", + "ingredients": [ + "red lentils", + "water", + "salt", + "tumeric", + "red pepper flakes", + "ginger root", + "tomatoes", + "garam masala", + "cumin seed", + "moong dal", + "garlic", + "onions" + ] + }, + { + "id": 6911, + "cuisine": "chinese", + "ingredients": [ + "ground black pepper", + "flank steak", + "garlic", + "sugar", + "Shaoxing wine", + "butter", + "corn starch", + "steamed white rice", + "vegetable oil", + "salt", + "soy sauce", + "mushrooms", + "ginger" + ] + }, + { + "id": 27271, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "brown rice", + "worcestershire sauce", + "chopped parsley", + "dried oregano", + "cayenne", + "lemon", + "salt", + "medium shrimp", + "chopped tomatoes", + "Tabasco Pepper Sauce", + "garlic", + "celery", + "pepper", + "flour", + "grapeseed oil", + "smoked paprika", + "onions" + ] + }, + { + "id": 49202, + "cuisine": "japanese", + "ingredients": [ + "sake", + "olive oil", + "red pepper", + "striped bass", + "white vinegar", + "soy sauce", + "jalapeno chilies", + "salt", + "mullet", + "whitefish", + "pepper", + "chives", + "sauce", + "oyster sauce", + "sugar", + "sea bream", + "garlic", + "tilapia" + ] + }, + { + "id": 4332, + "cuisine": "mexican", + "ingredients": [ + "knorr chipotl minicub", + "vegetable oil", + "oil", + "water", + "shredded monterey jack cheese", + "knorr tomato bouillon with chicken flavor cube", + "white onion", + "dri oregano leaves, crush", + "corn tortillas", + "all potato purpos", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 29414, + "cuisine": "southern_us", + "ingredients": [ + "fresh rosemary", + "baking powder", + "salt", + "olive oil", + "bacon slices", + "fresh parsley", + "sugar", + "chopped fresh thyme", + "all-purpose flour", + "large eggs", + "whipping cream", + "onions" + ] + }, + { + "id": 156, + "cuisine": "vietnamese", + "ingredients": [ + "top round steak", + "baking powder", + "fish sauce", + "water", + "canola oil", + "black peppercorns", + "sugar", + "frozen banana leaf", + "fresh dill", + "tapioca starch" + ] + }, + { + "id": 44401, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "freshly ground pepper", + "fresh basil", + "low-sodium fat-free chicken broth", + "fresh lemon juice", + "mushroom caps", + "garlic cloves", + "vegetable oil cooking spray", + "fresh oregano" + ] + }, + { + "id": 29377, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "red wine vinegar", + "penne rigate", + "ground black pepper", + "garlic", + "olive oil", + "anchovy paste", + "flat leaf parsley", + "capers", + "fresh mozzarella", + "salt" + ] + }, + { + "id": 17251, + "cuisine": "irish", + "ingredients": [ + "sugar", + "pineapple", + "papaya" + ] + }, + { + "id": 47535, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "lime juice", + "garlic", + "yellow onion", + "dried oregano", + "black pepper", + "lime wedges", + "salt", + "bay leaf", + "chicken", + "chipotle chile", + "tortillas", + "canned tomatoes", + "ground allspice", + "canola oil", + "celery ribs", + "kosher salt", + "cilantro", + "salsa", + "peppercorns", + "ground cumin" + ] + }, + { + "id": 16752, + "cuisine": "japanese", + "ingredients": [ + "short-grain rice", + "cold water" + ] + }, + { + "id": 16474, + "cuisine": "british", + "ingredients": [ + "beef drippings", + "salt", + "milk", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 45096, + "cuisine": "japanese", + "ingredients": [ + "edible flowers", + "tamari soy sauce", + "salmon fillets", + "ginger", + "sake", + "miso paste", + "toasted sesame seeds", + "wasabi paste", + "soy milk", + "cayenne pepper" + ] + }, + { + "id": 45968, + "cuisine": "french", + "ingredients": [ + "saffron threads", + "fennel bulb", + "clam juice", + "large shrimp", + "olive oil", + "dry white wine", + "salt", + "black pepper", + "french bread", + "diced tomatoes", + "grated orange", + "garlic powder", + "ground red pepper", + "garlic cloves" + ] + }, + { + "id": 2699, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "butter", + "water", + "allspice", + "dried fruit", + "lemon juice", + "biscuits", + "cinnamon" + ] + }, + { + "id": 35330, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "ground cumin", + "sweet onion", + "salt", + "frozen okra", + "mustard seeds", + "crushed red pepper" + ] + }, + { + "id": 24856, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "french baguette", + "artichok heart marin", + "arugula", + "pepper", + "garlic", + "grated parmesan cheese", + "roast red peppers, drain" + ] + }, + { + "id": 1373, + "cuisine": "russian", + "ingredients": [ + "caraway seeds", + "vegetable oil", + "egg noodles", + "large eggs", + "unsalted butter" + ] + }, + { + "id": 9702, + "cuisine": "italian", + "ingredients": [ + "pesto", + "artichok heart marin", + "garlic cloves", + "smoked turkey", + "pizza doughs", + "plum tomatoes", + "mozzarella cheese", + "chees fresh mozzarella", + "cornmeal", + "olive oil", + "provolone cheese" + ] + }, + { + "id": 31077, + "cuisine": "irish", + "ingredients": [ + "powdered sugar", + "water", + "butter", + "salt", + "sugar", + "baking soda", + "vanilla", + "shortening", + "milk", + "buttermilk", + "eggs", + "cocoa", + "flour", + "vanilla extract" + ] + }, + { + "id": 18754, + "cuisine": "mexican", + "ingredients": [ + "tostada shells", + "vegetable oil", + "cumin", + "avocado", + "pepper", + "sour cream", + "chile powder", + "canned black beans", + "salt", + "eggs", + "lime", + "panko breadcrumbs" + ] + }, + { + "id": 26567, + "cuisine": "french", + "ingredients": [ + "peeled tomatoes", + "leeks", + "chopped onion", + "thyme", + "fresh basil leaves", + "black pepper", + "grated parmesan cheese", + "salt", + "elbow macaroni", + "thyme sprigs", + "parsley sprigs", + "zucchini", + "extra-virgin olive oil", + "garlic cloves", + "green beans", + "water", + "potatoes", + "dried navy beans", + "carrots", + "bay leaf" + ] + }, + { + "id": 7411, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "fresh thyme leaves", + "heavy whipping cream", + "lobster", + "extra-virgin olive oil", + "ground black pepper", + "pappardelle", + "fresh parsley", + "chicken stock", + "dry white wine", + "thyme" + ] + }, + { + "id": 2335, + "cuisine": "italian", + "ingredients": [ + "pepper", + "low sodium chicken broth", + "carrots", + "italian seasoning", + "pasta shell small", + "garlic", + "celery", + "crushed tomatoes", + "cannellini beans", + "escarole", + "grated parmesan cheese", + "salt", + "onions" + ] + }, + { + "id": 20381, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garlic paste", + "black pepper", + "garam masala", + "cinnamon", + "ground meat", + "eggs", + "tumeric", + "curry powder", + "seeds", + "garlic", + "bread", + "chili flakes", + "chiles", + "milk", + "chili powder", + "curry", + "serrano chilies", + "green bell pepper", + "water", + "potatoes", + "ginger", + "onions" + ] + }, + { + "id": 2752, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "barley flour", + "water", + "salt", + "cornmeal", + "active dry yeast", + "all-purpose flour", + "semolina flour", + "olive oil", + "nigella seeds" + ] + }, + { + "id": 47033, + "cuisine": "southern_us", + "ingredients": [ + "evaporated milk", + "white sugar", + "water", + "margarine", + "eggs", + "vanilla extract", + "ground cinnamon", + "self rising flour" + ] + }, + { + "id": 46797, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "( oz.) tomato sauce", + "fat skimmed chicken broth", + "( oz.) tomato paste", + "italian sausage", + "parmesan cheese", + "balsamic vinegar", + "dry lasagna", + "ground chuck", + "ground nutmeg", + "sauce", + "onions", + "olive oil", + "mushrooms", + "chopped parsley" + ] + }, + { + "id": 19647, + "cuisine": "greek", + "ingredients": [ + "cooking spray", + "lemon juice", + "pepper", + "fresh oregano", + "bone in chicken thighs", + "olive oil", + "garlic cloves", + "pitted kalamata olives", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 3758, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "chopped fresh sage", + "whipping cream", + "water", + "frozen corn kernels", + "bacon", + "polenta" + ] + }, + { + "id": 18577, + "cuisine": "cajun_creole", + "ingredients": [ + "white pepper", + "paprika", + "ground cumin", + "unsalted butter", + "salt", + "dried thyme", + "dry mustard", + "black pepper", + "trout", + "cayenne pepper" + ] + }, + { + "id": 45330, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "sherry wine vinegar", + "garlic cloves", + "tomatoes", + "unsalted butter", + "salt", + "low salt chicken broth", + "halibut fillets", + "extra-virgin olive oil", + "smoked paprika", + "roasted hazelnuts", + "yukon gold potatoes", + "cayenne pepper", + "fresh parsley" + ] + }, + { + "id": 4962, + "cuisine": "southern_us", + "ingredients": [ + "gin", + "ice", + "fresh mint", + "club soda", + "cucumber", + "blackberries", + "turbinado", + "fresh lime juice" + ] + }, + { + "id": 44297, + "cuisine": "french", + "ingredients": [ + "raspberries", + "unsalted butter", + "whole milk", + "eggs", + "almond flour", + "egg whites", + "lemon juice", + "water", + "granulated sugar", + "lemon", + "powdered sugar", + "gelatin", + "egg yolks" + ] + }, + { + "id": 7760, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "ground cumin", + "ground cinnamon", + "sherry wine vinegar", + "honey", + "anise", + "cornish game hens" + ] + }, + { + "id": 33743, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "salt", + "russet potatoes", + "buttermilk", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 5321, + "cuisine": "southern_us", + "ingredients": [ + "jalapeno chilies", + "cheddar cheese", + "liquid", + "pimentos", + "mayonaise", + "chopped pecans" + ] + }, + { + "id": 26873, + "cuisine": "chinese", + "ingredients": [ + "coconut oil", + "spring onions", + "chickpeas", + "liquid aminos", + "sesame oil", + "lemon juice", + "water", + "ginger", + "coconut sugar", + "tapioca starch", + "garlic" + ] + }, + { + "id": 8877, + "cuisine": "french", + "ingredients": [ + "cookies", + "cognac", + "raspberries", + "whipping cream", + "sugar", + "vanilla", + "sour cream", + "egg yolks", + "fresh raspberries" + ] + }, + { + "id": 46625, + "cuisine": "thai", + "ingredients": [ + "sugar", + "unsweetened coconut milk", + "salt", + "sesame seeds", + "sweet rice", + "mango" + ] + }, + { + "id": 13193, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "sliced mushrooms", + "canola oil", + "jumbo pasta shells", + "white sugar", + "dried basil", + "onions", + "shredded Monterey Jack cheese", + "green bell pepper", + "pepperoni", + "dried oregano" + ] + }, + { + "id": 45465, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "heavy cream", + "scallions", + "oysters", + "mushrooms", + "salt", + "parmesan cheese", + "butter", + "grated nutmeg", + "bread crumbs", + "flour", + "paprika", + "red bell pepper" + ] + }, + { + "id": 33511, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "corn syrup", + "sugar", + "butter", + "water", + "vanilla", + "peanuts", + "salt" + ] + }, + { + "id": 19102, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "green onions", + "Gochujang base", + "light brown sugar", + "mirin", + "red pepper flakes", + "kimchi", + "bibb lettuce", + "sesame oil", + "ginger root", + "pickles", + "pork tenderloin", + "garlic", + "onions" + ] + }, + { + "id": 2150, + "cuisine": "southern_us", + "ingredients": [ + "half & half", + "raisin bread", + "sugar", + "golden delicious apples", + "large eggs" + ] + }, + { + "id": 18212, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "butternut squash", + "black pepper", + "parmigiano reggiano cheese", + "polenta", + "finely chopped onion", + "salt", + "water", + "whole milk" + ] + }, + { + "id": 14578, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "chili powder", + "chopped onion", + "rigatoni", + "milk", + "butter", + "chopped cilantro fresh", + "black beans", + "chile pepper", + "nonstick spray", + "ground cumin", + "asadero", + "all-purpose flour", + "chorizo sausage" + ] + }, + { + "id": 18132, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "reduced sodium refried beans", + "non-fat sour cream", + "dried minced onion", + "flour tortillas", + "lean ground beef", + "dri leav thyme", + "dried leaves oregano", + "spanish rice", + "crimini mushrooms", + "salsa", + "tex mex seasoning", + "dried minced garlic", + "guacamole", + "shredded lettuce", + "ground mustard", + "canola oil" + ] + }, + { + "id": 39424, + "cuisine": "japanese", + "ingredients": [ + "sake", + "fresh ginger", + "ginger", + "ground white pepper", + "white peppercorns", + "kosher salt", + "mirin", + "dark brown sugar", + "chicken thighs", + "soy sauce", + "sherry vinegar", + "garlic", + "toasted sesame oil", + "water", + "large eggs", + "scallions", + "panko breadcrumbs" + ] + }, + { + "id": 18229, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "chili powder", + "salt", + "boneless skinless chicken breast halves", + "ground ginger", + "garlic powder", + "light coconut milk", + "scallions", + "peanuts", + "peanut sauce", + "ground coriander", + "tumeric", + "vegetable oil", + "dark brown sugar" + ] + }, + { + "id": 24624, + "cuisine": "mexican", + "ingredients": [ + "spinach", + "water", + "olive oil", + "chili powder", + "gluten free blend", + "tequila", + "avocado", + "coconut oil", + "crushed tomatoes", + "jalapeno chilies", + "purple onion", + "crushed ice", + "cumin", + "dough", + "cointreau", + "lime juice", + "nutritional yeast", + "cilantro", + "sauce", + "cornmeal", + "tomatoes", + "black pepper", + "lime", + "baking powder", + "salt", + "ear of corn", + "mango" + ] + }, + { + "id": 10470, + "cuisine": "italian", + "ingredients": [ + "water", + "ground black pepper", + "lasagna sheets", + "garlic", + "chili flakes", + "sun-dried tomatoes", + "grated parmesan cheese", + "chees fresh mozzarella", + "fresh mint", + "fresh basil", + "olive oil", + "zucchini", + "fresh thyme leaves", + "purple onion", + "kosher salt", + "eggplant", + "marinara sauce", + "yellow bell pepper", + "herbes de provence" + ] + }, + { + "id": 30191, + "cuisine": "korean", + "ingredients": [ + "Fuji Apple", + "green onions", + "Gochujang base", + "soy sauce", + "ginger", + "pears", + "pork", + "sesame oil", + "onions", + "sugar", + "pepper", + "garlic" + ] + }, + { + "id": 29816, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "freshly ground pepper", + "sweet onion", + "extra-virgin olive oil", + "tomatoes", + "coarse salt", + "chopped parsley", + "sherry vinegar", + "chickpeas" + ] + }, + { + "id": 92, + "cuisine": "jamaican", + "ingredients": [ + "ground cloves", + "ground black pepper", + "ground allspice", + "chicken", + "ground cinnamon", + "minced ginger", + "garlic", + "scallions", + "light brown sugar", + "kosher salt", + "scotch bonnet chile", + "peanut oil", + "soy sauce", + "dried thyme", + "grated nutmeg", + "fresh lime juice" + ] + }, + { + "id": 26687, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "curry powder", + "diced tomatoes", + "onions", + "slivered almonds", + "boneless skinless chicken breasts", + "garlic cloves", + "table salt", + "bell pepper", + "apples", + "canola oil", + "reduced sodium chicken broth", + "raisins", + "ginger root" + ] + }, + { + "id": 21692, + "cuisine": "british", + "ingredients": [ + "sausage links", + "all-purpose flour", + "savory", + "milk", + "eggs", + "salt" + ] + }, + { + "id": 22737, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "basil", + "dijon style mustard", + "radicchio leaves", + "fingerling potatoes", + "extra-virgin olive oil", + "scallions", + "white wine", + "chives", + "garlic", + "fresh parsley", + "hard-boiled egg", + "cracked black pepper", + "chopped onion" + ] + }, + { + "id": 12997, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "sesame oil", + "lime", + "toasted sesame seeds", + "safflower oil", + "rice vinegar", + "green cabbage", + "miso paste" + ] + }, + { + "id": 24736, + "cuisine": "italian", + "ingredients": [ + "white onion", + "button mushrooms", + "boneless skinless chicken breast halves", + "grated parmesan cheese", + "rotini", + "crushed tomatoes", + "garlic", + "italian seasoning", + "vegetable oil", + "white sugar" + ] + }, + { + "id": 5067, + "cuisine": "italian", + "ingredients": [ + "vin santo", + "butter", + "cinnamon sticks", + "sugar", + "peaches", + "part-skim ricotta cheese", + "grated orange", + "sweet cherries", + "plums", + "orange rind", + "seedless green grape", + "cooking spray", + "orange blossom honey" + ] + }, + { + "id": 12942, + "cuisine": "italian", + "ingredients": [ + "1% low-fat cottage cheese", + "part-skim mozzarella cheese", + "lasagna noodles, cooked and drained", + "dried oregano", + "large egg whites", + "large eggs", + "all-purpose flour", + "dried basil", + "fresh parmesan cheese", + "part-skim ricotta cheese", + "seasoned bread crumbs", + "eggplant", + "cooking spray", + "tomato basil sauce" + ] + }, + { + "id": 48038, + "cuisine": "indian", + "ingredients": [ + "strong white bread flour", + "yoghurt", + "ghee", + "warm water", + "salt", + "sugar", + "vegetable oil", + "instant yeast", + "nigella seeds" + ] + }, + { + "id": 32205, + "cuisine": "italian", + "ingredients": [ + "red pepper flakes", + "arugula", + "olive oil", + "shelled pistachios", + "sea salt", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 1559, + "cuisine": "greek", + "ingredients": [ + "green onions", + "caesar salad dressing", + "black olives", + "tomatoes", + "feta cheese crumbles" + ] + }, + { + "id": 6992, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "celery", + "olive oil", + "salt", + "dried oregano", + "tomatoes", + "balsamic vinegar", + "onions", + "ground black pepper", + "fresh mushrooms", + "chicken" + ] + }, + { + "id": 27554, + "cuisine": "southern_us", + "ingredients": [ + "corn husks", + "onion powder", + "ground cayenne pepper", + "garlic powder", + "chili powder", + "salt", + "ground cumin", + "black pepper", + "baking powder", + "paprika", + "broth", + "yellow corn meal", + "meat", + "vegetable oil", + "lard" + ] + }, + { + "id": 24849, + "cuisine": "indian", + "ingredients": [ + "whole wheat flour", + "ginger", + "oil", + "water", + "mint leaves", + "cilantro leaves", + "ground turmeric", + "cauliflower", + "coriander powder", + "salt", + "jeera", + "amchur", + "chili powder", + "green chilies" + ] + }, + { + "id": 41614, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "kidney beans", + "garlic", + "red bell pepper", + "olive oil", + "yellow bell pepper", + "frozen corn kernels", + "onions", + "fresh cilantro", + "boneless skinless chicken breasts", + "cayenne pepper", + "corn tortillas", + "orange bell pepper", + "cheese", + "taco seasoning", + "ground cumin" + ] + }, + { + "id": 31379, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "prawns", + "swordfish fillets", + "yellow peppers", + "olive oil", + "chili powder", + "fresh lime juice", + "allspice", + "curry powder", + "spring onions", + "coconut milk", + "plum tomatoes", + "brown sugar", + "fresh ginger", + "salt", + "coriander" + ] + }, + { + "id": 18792, + "cuisine": "italian", + "ingredients": [ + "salt", + "cilantro pesto", + "pasta", + "large shrimp", + "extra-virgin olive oil" + ] + }, + { + "id": 13614, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "shallots", + "fish sauce", + "mint leaves", + "palm sugar", + "thai chile", + "lime juice", + "mushrooms" + ] + }, + { + "id": 48401, + "cuisine": "italian", + "ingredients": [ + "eggs", + "russet potatoes", + "pesto", + "semolina flour", + "grated parmesan cheese" + ] + }, + { + "id": 47388, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "mascarpone", + "water", + "whipping cream", + "sugar", + "frozen pastry puff sheets", + "bananas", + "fresh lemon juice" + ] + }, + { + "id": 285, + "cuisine": "french", + "ingredients": [ + "tarragon vinegar", + "chopped fresh chives", + "crème fraîche", + "smoked salmon", + "dijon mustard", + "fresh tarragon", + "olive oil", + "dry white wine", + "hothouse cucumber", + "Belgian endive", + "sea scallops", + "watercress" + ] + }, + { + "id": 37180, + "cuisine": "italian", + "ingredients": [ + "eggs", + "unsalted butter", + "milk", + "all-purpose flour", + "brown sugar", + "baking powder", + "ground cinnamon", + "almonds", + "white sugar" + ] + }, + { + "id": 20136, + "cuisine": "indian", + "ingredients": [ + "unsweetened shredded dried coconut", + "green bell pepper, slice", + "cumin seed", + "coriander seeds", + "yellow lentils", + "asafoetida powder", + "water", + "vegetable oil", + "mustard seeds", + "tomatoes", + "tamarind pulp", + "yellow split peas", + "dried red chile peppers" + ] + }, + { + "id": 6998, + "cuisine": "thai", + "ingredients": [ + "shredded coleslaw mix", + "salt", + "pepper", + "peanuts", + "fish sauce", + "honey", + "rice vinegar", + "lime juice", + "sesame oil" + ] + }, + { + "id": 29571, + "cuisine": "southern_us", + "ingredients": [ + "sorghum", + "russet potatoes", + "acorn squash", + "water", + "vanilla extract", + "firmly packed brown sugar", + "butter", + "baby carrots", + "ground cinnamon", + "sweet potatoes", + "salt" + ] + }, + { + "id": 375, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "garlic", + "curry powder", + "ginger", + "white kidney beans", + "tomato sauce", + "sweet potatoes", + "yellow onion", + "kale", + "light coconut milk" + ] + }, + { + "id": 43667, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "feta cheese crumbles", + "reduced sodium chicken broth", + "salt", + "chopped cilantro fresh", + "milk", + "tortilla chips", + "black pepper", + "cooked chicken", + "sour cream" + ] + }, + { + "id": 3482, + "cuisine": "italian", + "ingredients": [ + "sugar", + "instant coffee", + "chopped walnuts", + "ground cinnamon", + "large eggs", + "salt", + "semisweet chocolate", + "butter", + "candy", + "firmly packed brown sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 45920, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "tomatoes with juice", + "Italian bread", + "active dry yeast", + "pecorino romano cheese", + "caciocavallo", + "dried oregano", + "warm water", + "vine ripened tomatoes", + "salt", + "onions", + "olive oil", + "all purpose unbleached flour", + "anchovy fillets" + ] + }, + { + "id": 47053, + "cuisine": "brazilian", + "ingredients": [ + "cocoa powder", + "condensed milk" + ] + }, + { + "id": 44661, + "cuisine": "spanish", + "ingredients": [ + "fat free less sodium chicken broth", + "olive oil", + "boneless skinless chicken breasts", + "salt", + "sweet onion", + "large eggs", + "fat free less sodium beef broth", + "fresh lime juice", + "green chile", + "yellow squash", + "pork tenderloin", + "cilantro sprigs", + "long grain white rice", + "pepper", + "ground black pepper", + "diced tomatoes", + "carrots" + ] + }, + { + "id": 6555, + "cuisine": "thai", + "ingredients": [ + "cooking spray", + "garlic cloves", + "jumbo shrimp", + "vegetable oil", + "bird chile", + "cilantro stems", + "Thai fish sauce", + "sugar", + "sea salt", + "white peppercorns" + ] + }, + { + "id": 18506, + "cuisine": "korean", + "ingredients": [ + "kosher salt", + "sugar", + "vegetable oil", + "soy sauce", + "chicken wings", + "ground black pepper" + ] + }, + { + "id": 4990, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "bacon", + "vegetable oil", + "cornmeal", + "baking powder", + "salt", + "baking soda", + "buttermilk" + ] + }, + { + "id": 10189, + "cuisine": "southern_us", + "ingredients": [ + "lemon zest", + "whipping cream", + "yellow corn meal", + "baking powder", + "all-purpose flour", + "large eggs", + "salt", + "sugar", + "butter" + ] + }, + { + "id": 22275, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "garlic cloves", + "cilantro", + "tiger prawn", + "sea salt", + "red bell pepper", + "red chili peppers", + "sweet paprika" + ] + }, + { + "id": 6318, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "light soy sauce", + "rice vinegar", + "warm water", + "fresh ginger", + "dark soy sauce", + "minced garlic", + "Sriracha", + "sugar", + "chili", + "sesame oil" + ] + }, + { + "id": 36664, + "cuisine": "southern_us", + "ingredients": [ + "ranch dressing", + "mayonaise", + "red potato", + "bacon slices", + "green onions" + ] + }, + { + "id": 2444, + "cuisine": "southern_us", + "ingredients": [ + "greens", + "kosher salt" + ] + }, + { + "id": 15040, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "soppressata", + "pork tenderloin", + "purple onion", + "rosemary", + "extra-virgin olive oil", + "freshly ground pepper", + "dry white wine", + "salt" + ] + }, + { + "id": 44699, + "cuisine": "cajun_creole", + "ingredients": [ + "warm water", + "salt", + "powdered sugar", + "frying oil", + "softened butter", + "eggs", + "cream", + "all-purpose flour", + "sugar", + "cinnamon", + "yeast" + ] + }, + { + "id": 40742, + "cuisine": "mexican", + "ingredients": [ + "low sodium chicken broth", + "poblano chiles", + "kosher salt", + "white rice", + "white onion", + "cilantro stems", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 47481, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "large garlic cloves", + "warm water", + "queso fresco", + "serrano chile", + "flour", + "huitlacoche", + "salsa verde", + "lard" + ] + }, + { + "id": 12389, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "hot sauce", + "ground cumin", + "vegetable oil", + "onions", + "large eggs", + "fresh mint", + "tomato paste", + "ground pork", + "dried oregano" + ] + }, + { + "id": 46959, + "cuisine": "mexican", + "ingredients": [ + "water", + "salt", + "yellow peppers", + "paprika", + "chopped cilantro", + "cumin", + "chili powder", + "cayenne pepper", + "oregano", + "pepper", + "garlic", + "onions", + "beef roast" + ] + }, + { + "id": 17900, + "cuisine": "italian", + "ingredients": [ + "garlic cloves", + "spaghetti", + "dry white wine", + "flat leaf parsley", + "fresh lemon juice", + "extra-virgin olive oil", + "varnish clams" + ] + }, + { + "id": 30743, + "cuisine": "southern_us", + "ingredients": [ + "frozen whipped topping", + "frozen strawberries", + "crushed pretzels", + "boiling water", + "Jell-O Gelatin", + "confectioners sugar", + "melted butter", + "cream cheese" + ] + }, + { + "id": 42214, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "green onions", + "chopped onion", + "chopped cilantro fresh", + "cooking spray", + "salsa", + "corn tortillas", + "Mexican cheese blend", + "non-fat sour cream", + "garlic cloves", + "ground cumin", + "ground turkey breast", + "salt", + "enchilada sauce" + ] + }, + { + "id": 46240, + "cuisine": "french", + "ingredients": [ + "pear tomatoes", + "green beans", + "lettuce leaves", + "vinaigrette", + "fresh asparagus", + "cherry tomatoes", + "yellow bell pepper", + "cucumber", + "new potatoes", + "baby carrots" + ] + }, + { + "id": 48117, + "cuisine": "italian", + "ingredients": [ + "red bartlett pears", + "olive oil", + "salt", + "prebaked pizza crusts", + "flank steak", + "pepper", + "cheese", + "vegetable oil cooking spray", + "vinegar", + "arugula" + ] + }, + { + "id": 21873, + "cuisine": "indian", + "ingredients": [ + "red food coloring", + "chicken pieces", + "yoghurt", + "oil", + "tandoori spices", + "salt", + "cilantro", + "lemon juice" + ] + }, + { + "id": 42197, + "cuisine": "korean", + "ingredients": [ + "eggs", + "sesame seeds", + "sesame oil", + "oil", + "soy sauce", + "green onions", + "garlic", + "kimchi", + "sugar", + "short-grain rice", + "red pepper flakes", + "beansprouts", + "water", + "rice wine", + "green chilies", + "ground beef" + ] + }, + { + "id": 8649, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "lemon juice", + "ground turmeric", + "garam masala", + "salt", + "onions", + "cooked vegetables", + "garlic", + "ghee", + "masala", + "coriander powder", + "cilantro leaves", + "basmati rice" + ] + }, + { + "id": 49658, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "ground black pepper", + "red pepper", + "chillies", + "olive oil", + "tortillas", + "garlic", + "cheddar cheese", + "fresh bay leaves", + "sea salt", + "onions", + "chopped tomatoes", + "large eggs", + "dried chile" + ] + }, + { + "id": 12297, + "cuisine": "mexican", + "ingredients": [ + "cayenne", + "paprika", + "onions", + "cinnamon", + "garlic", + "cumin", + "apple cider vinegar", + "ground pork", + "oregano", + "guajillo", + "salt" + ] + }, + { + "id": 45835, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "cucumber", + "pitted black olives", + "fresh lemon juice", + "chopped garlic", + "red wine vinegar", + "plum tomatoes", + "red leaf lettuce", + "feta cheese crumbles" + ] + }, + { + "id": 38873, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "buttermilk", + "chicken", + "eggs", + "barbecue sauce", + "all-purpose flour", + "steak sauce", + "ground black pepper", + "worcestershire sauce", + "seasoning salt", + "onion powder", + "oil" + ] + }, + { + "id": 8387, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "all-purpose flour", + "butter", + "granulated sugar", + "powdered sugar", + "almond meal" + ] + }, + { + "id": 26660, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sesame seeds", + "mushrooms", + "salt", + "green bell pepper", + "rice syrup", + "beef brisket", + "vegetable oil", + "red bell pepper", + "eggs", + "pinenuts", + "ground black pepper", + "sesame oil", + "carrots", + "sugar", + "honey", + "rice cakes", + "garlic", + "onions" + ] + }, + { + "id": 41370, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "fresh chevre", + "asiago" + ] + }, + { + "id": 44992, + "cuisine": "filipino", + "ingredients": [ + "bay leaves", + "black peppercorns", + "garlic", + "cane vinegar", + "soy sauce", + "bone in chicken thighs" + ] + }, + { + "id": 23855, + "cuisine": "mexican", + "ingredients": [ + "cooked turkey", + "turkey gravy", + "stuffing", + "reduced-fat sour cream", + "part-skim mozzarella cheese", + "diced tomatoes", + "cooking spray", + "corn tortillas" + ] + }, + { + "id": 45187, + "cuisine": "spanish", + "ingredients": [ + "vegetable juice", + "red wine vinegar", + "freshly ground pepper", + "chopped green bell pepper", + "salt", + "croutons", + "olive oil", + "diced tomatoes", + "garlic cloves", + "green onions", + "hot sauce", + "cucumber" + ] + }, + { + "id": 2180, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "vegetable broth", + "chickpeas", + "toasted slivered almonds", + "asian eggplants", + "raisins", + "salt", + "garlic cloves", + "butternut squash", + "ras el hanout", + "freshly ground pepper", + "ground turmeric", + "preserved lemon", + "Italian parsley leaves", + "yellow onion", + "fresh lemon juice" + ] + }, + { + "id": 37853, + "cuisine": "chinese", + "ingredients": [ + "honey", + "apple cider vinegar", + "oil", + "soy sauce", + "boneless skinless chicken breasts", + "garlic", + "cold water", + "sesame seeds", + "crushed red pepper flakes", + "corn starch", + "water", + "brown rice", + "scallions" + ] + }, + { + "id": 37362, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "feta cheese", + "water", + "pinenuts", + "pasta sheets", + "eggs", + "olive oil" + ] + }, + { + "id": 45152, + "cuisine": "italian", + "ingredients": [ + "lean ground beef", + "marinara sauce", + "cheese tortellini", + "part-skim mozzarella cheese", + "diced tomatoes", + "ground Italian sausage", + "fresh mushrooms" + ] + }, + { + "id": 21667, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "sunflower oil", + "sweet potatoes", + "onions", + "chopped tomatoes", + "garlic cloves", + "korma paste", + "baby spinach", + "basmati rice" + ] + }, + { + "id": 14641, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "collard greens", + "swiss cheese", + "onions", + "sugar", + "butter", + "milk", + "garlic cloves" + ] + }, + { + "id": 8539, + "cuisine": "japanese", + "ingredients": [ + "sesame", + "miso paste", + "butter", + "pork", + "soup", + "soy sauce", + "green onions", + "sake", + "udon", + "garlic" + ] + }, + { + "id": 35138, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "ground black pepper", + "lamb shoulder chops", + "grated lemon zest", + "carrots", + "water", + "cooking spray", + "diced tomatoes", + "chopped onion", + "flat leaf parsley", + "yellow corn meal", + "fresh parmesan cheese", + "butter", + "all-purpose flour", + "garlic cloves", + "fat free milk", + "dry white wine", + "salt", + "less sodium beef broth", + "thyme sprigs" + ] + }, + { + "id": 5696, + "cuisine": "italian", + "ingredients": [ + "ground round", + "cooking spray", + "lasagna noodles", + "mild cheddar cheese", + "low-fat spaghetti sauce", + "fat-free cottage cheese", + "grated parmesan cheese", + "fresh parsley" + ] + }, + { + "id": 46880, + "cuisine": "italian", + "ingredients": [ + "water", + "dry white wine", + "grated lemon zest", + "arborio rice", + "olive oil", + "clam juice", + "snow peas", + "dried thyme", + "shallots", + "medium shrimp", + "black pepper", + "fresh parmesan cheese", + "green peas" + ] + }, + { + "id": 35340, + "cuisine": "italian", + "ingredients": [ + "globe eggplant", + "salt", + "seasoning", + "olive oil", + "garlic puree", + "mint", + "parsley", + "fresh lemon juice", + "aleppo pepper", + "red wine vinegar" + ] + }, + { + "id": 19790, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "feta cheese", + "fresh parsley", + "fresh dill", + "penne pasta", + "green onions" + ] + }, + { + "id": 48688, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "garlic cloves", + "cabbage", + "lemon", + "onions", + "dried rice noodles", + "cooked chicken breasts", + "vegetable oil", + "carrots" + ] + }, + { + "id": 18449, + "cuisine": "mexican", + "ingredients": [ + "amaretto", + "water", + "tequila", + "lime slices", + "fresh lime juice", + "sugar", + "orange juice" + ] + }, + { + "id": 29242, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "hoisin sauce", + "crushed red pepper flakes", + "dark sesame oil", + "jasmine rice", + "chicken breasts", + "salt", + "corn starch", + "soy sauce", + "peeled fresh ginger", + "garlic", + "scallions", + "water", + "vegetable oil", + "broccoli", + "toasted sesame seeds" + ] + }, + { + "id": 18016, + "cuisine": "southern_us", + "ingredients": [ + "crawfish", + "vegetable oil", + "whole peel tomatoes, undrain and chop", + "minced garlic", + "chopped celery", + "pepper", + "diced tomatoes", + "onions", + "tomato sauce", + "chopped green bell pepper", + "salt" + ] + }, + { + "id": 5640, + "cuisine": "thai", + "ingredients": [ + "pepper", + "chicken breasts", + "bamboo shoots", + "thai basil", + "coconut milk", + "fish sauce", + "palm sugar", + "lime leaves", + "green curry paste", + "vegetable oil" + ] + }, + { + "id": 46293, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "cooking liquid", + "vegetable oil", + "kosher salt", + "black beans", + "garlic cloves" + ] + }, + { + "id": 27595, + "cuisine": "southern_us", + "ingredients": [ + "red wine vinegar", + "all-purpose flour", + "large eggs", + "dijon style mustard", + "onions", + "dried thyme", + "dry red wine", + "garlic cloves", + "vegetable oil", + "salt", + "chicken thighs" + ] + }, + { + "id": 23233, + "cuisine": "russian", + "ingredients": [ + "peas", + "diced onions", + "cornichons", + "mayonaise", + "waxy potatoes", + "hard-boiled egg", + "carrots" + ] + }, + { + "id": 47065, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "garlic", + "onions", + "olive oil", + "ham", + "apple cider vinegar", + "collards", + "water", + "freshly ground pepper", + "smoked ham hocks" + ] + }, + { + "id": 1698, + "cuisine": "chinese", + "ingredients": [ + "extra firm tofu", + "ginger", + "onions", + "low sodium soy sauce", + "jalapeno chilies", + "garlic cloves", + "broccoli florets", + "scallions", + "sesame seeds", + "sesame oil", + "corn starch" + ] + }, + { + "id": 4104, + "cuisine": "cajun_creole", + "ingredients": [ + "jalapeno chilies", + "salt", + "peanuts", + "red pepper flakes", + "garlic powder", + "shells", + "cajun seasoning", + "crab boil" + ] + }, + { + "id": 25599, + "cuisine": "italian", + "ingredients": [ + "capers", + "balsamic vinegar", + "boneless skinless chicken breast halves", + "olive oil", + "fresh lemon juice", + "ground black pepper", + "fresh parsley", + "fat free less sodium chicken broth", + "salt" + ] + }, + { + "id": 4285, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "straw mushrooms", + "scallions", + "cooked rice", + "lime", + "kaffir lime leaves", + "lemongrass", + "medium shrimp", + "fish sauce", + "thai chile" + ] + }, + { + "id": 19390, + "cuisine": "french", + "ingredients": [ + "sugar", + "almond extract", + "cold water", + "milk", + "raspberries", + "heavy cream", + "unflavored gelatin", + "almonds" + ] + }, + { + "id": 44852, + "cuisine": "italian", + "ingredients": [ + "seedless watermelon", + "fresh lime juice", + "sugar" + ] + }, + { + "id": 23299, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "pickling salt", + "red bell pepper", + "sugar", + "mustard seeds", + "cabbage", + "tumeric", + "green tomatoes", + "onions", + "white vinegar", + "water", + "celery seed" + ] + }, + { + "id": 44366, + "cuisine": "thai", + "ingredients": [ + "fresh lime", + "Sriracha", + "garlic", + "large shrimp", + "olive oil", + "green onions", + "carrots", + "fresh cilantro", + "low sodium chicken broth", + "red curry paste", + "fish sauce", + "shiitake", + "ginger", + "coconut milk" + ] + }, + { + "id": 11270, + "cuisine": "italian", + "ingredients": [ + "butter", + "chopped fresh sage", + "fettucine", + "crushed red pepper", + "asiago", + "garlic cloves", + "olive oil", + "Italian turkey sausage" + ] + }, + { + "id": 4951, + "cuisine": "mexican", + "ingredients": [ + "chopped onion", + "chipotle chile", + "plain low fat greek yogurt", + "pickle relish" + ] + }, + { + "id": 34158, + "cuisine": "chinese", + "ingredients": [ + "tomatoes", + "shiitake", + "salt", + "chopped cilantro", + "white pepper", + "rice wine", + "semi firm tofu", + "eggs", + "pork tenderloin", + "rice vinegar", + "wood ear mushrooms", + "light soy sauce", + "sesame oil", + "corn starch" + ] + }, + { + "id": 17106, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "fresh orange juice", + "chicken", + "ground cloves", + "apple cider vinegar", + "garlic cloves", + "ground cinnamon", + "green onions", + "salt", + "tomatillo salsa", + "ancho powder", + "dried oregano" + ] + }, + { + "id": 9536, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "white wine vinegar", + "ground pepper", + "garlic cloves", + "horseradish", + "spicy brown mustard", + "sugar", + "salt" + ] + }, + { + "id": 46151, + "cuisine": "southern_us", + "ingredients": [ + "water", + "deep dish pie crust", + "chopped onion", + "white pepper", + "butter", + "salt", + "chopped green bell pepper", + "chopped celery", + "ground cayenne pepper", + "crawfish", + "diced tomatoes", + "all-purpose flour" + ] + }, + { + "id": 48162, + "cuisine": "indian", + "ingredients": [ + "raspberry juice", + "fat skimmed chicken broth", + "garam masala", + "salad oil", + "pepper", + "salt", + "center cut loin pork chop", + "garlic powder", + "corn starch" + ] + }, + { + "id": 13290, + "cuisine": "italian", + "ingredients": [ + "sugar", + "peach slices", + "mint leaves", + "fresh lime juice", + "water", + "mint sprigs", + "rum" + ] + }, + { + "id": 29617, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "vanilla extract", + "evaporated milk", + "confectioners sugar", + "water", + "all-purpose flour", + "butter", + "white sugar" + ] + }, + { + "id": 2976, + "cuisine": "french", + "ingredients": [ + "lemon zest", + "white wine vinegar", + "mayonaise", + "shallots", + "pepper", + "fresh tarragon", + "dry white wine" + ] + }, + { + "id": 5078, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "cooking spray", + "grated lemon zest", + "fresh parsley", + "kosher salt", + "chopped fresh chives", + "extra-virgin olive oil", + "fresh lemon juice", + "capers", + "chopped almonds", + "chopped fresh thyme", + "garlic cloves", + "zucchini", + "boneless skinless chicken breasts", + "fresh oregano" + ] + }, + { + "id": 29755, + "cuisine": "spanish", + "ingredients": [ + "artichoke hearts", + "peas", + "fat skimmed chicken broth", + "angel hair", + "diced tomatoes", + "salt", + "ground turmeric", + "clams", + "lemon wedge", + "garlic", + "onions", + "olive oil", + "deveined shrimp", + "halibut" + ] + }, + { + "id": 43552, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "soft corn tortillas", + "vegetable oil", + "chicken breasts", + "cheese" + ] + }, + { + "id": 26956, + "cuisine": "irish", + "ingredients": [ + "whole milk", + "salt", + "yukon gold potatoes", + "ground black pepper", + "butter", + "green onions" + ] + }, + { + "id": 24052, + "cuisine": "mexican", + "ingredients": [ + "lime", + "onion powder", + "paprika", + "corn tortillas", + "ground black pepper", + "coarse salt", + "ground coriander", + "cabbage", + "pico de gallo", + "guacamole", + "lemon", + "cumin seed", + "garlic powder", + "vegetable oil", + "garlic", + "skirt steak" + ] + }, + { + "id": 26145, + "cuisine": "chinese", + "ingredients": [ + "coconut oil", + "garlic", + "gluten free soy sauce", + "sesame seeds", + "stir fry beef meat", + "water", + "corn starch", + "brown sugar", + "ginger", + "onions" + ] + }, + { + "id": 12013, + "cuisine": "irish", + "ingredients": [ + "vegetable stock", + "salt", + "extra-virgin olive oil", + "carrots", + "lemon", + "yellow onion", + "olive oil", + "garlic", + "toasted sesame oil" + ] + }, + { + "id": 47968, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "cracked black pepper", + "dried oregano", + "fettucine", + "artichoke hearts", + "garlic", + "olive oil", + "vegetable broth", + "spinach", + "mushrooms", + "yellow onion" + ] + }, + { + "id": 3857, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "onions", + "light cream", + "butter", + "crushed tomatoes", + "cantaloupe", + "orecchiette", + "prosciutto", + "salt" + ] + }, + { + "id": 23662, + "cuisine": "chinese", + "ingredients": [ + "pork", + "green onions", + "wonton wrappers", + "shrimp", + "light soy sauce", + "sesame oil", + "rice vinegar", + "chicken stock", + "fresh ginger", + "vegetable oil", + "garlic cloves", + "white wine", + "rice wine", + "salt", + "cabbage" + ] + }, + { + "id": 6480, + "cuisine": "french", + "ingredients": [ + "mushrooms", + "genoise", + "confectioners sugar", + "icing", + "chocolate mousse", + "bittersweet chocolate" + ] + }, + { + "id": 26515, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "medium shrimp uncook", + "salt", + "milk", + "butter", + "garlic cloves", + "shredded cheddar cheese", + "green onions", + "hot sauce", + "chicken broth", + "blackening seasoning", + "bacon", + "grits" + ] + }, + { + "id": 6335, + "cuisine": "italian", + "ingredients": [ + "red lentils", + "kale", + "leeks", + "yams", + "soy sauce", + "French lentils", + "vegetable broth", + "fresh parsley", + "water", + "grated parmesan cheese", + "chopped fresh sage", + "fresh rosemary", + "olive oil", + "flank steak", + "garlic cloves" + ] + }, + { + "id": 9653, + "cuisine": "southern_us", + "ingredients": [ + "cajun seasoning", + "lemon pepper", + "milk", + "cracked black pepper", + "eggs", + "old bay seasoning", + "shrimp", + "self rising flour", + "peanut oil" + ] + }, + { + "id": 28638, + "cuisine": "italian", + "ingredients": [ + "reduced fat sharp cheddar cheese", + "vegetable oil", + "italian salad dressing", + "pizza crust mix", + "herbs", + "onions", + "tomatoes", + "yellow squash", + "hot water", + "yellow corn meal", + "vegetable oil cooking spray", + "salt" + ] + }, + { + "id": 20247, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "shrimp", + "heavy cream", + "butter", + "fresh parsley", + "fettuccine pasta", + "freshly ground pepper" + ] + }, + { + "id": 22502, + "cuisine": "korean", + "ingredients": [ + "potato starch", + "honey", + "sticky rice", + "Gochujang base", + "pork shoulder", + "dough", + "soy sauce", + "shallots", + "garlic", + "ground white pepper", + "chicken stock", + "water", + "rice wine", + "rice vinegar", + "toasted sesame oil", + "sugar", + "ground black pepper", + "ginger", + "rice flour" + ] + }, + { + "id": 5764, + "cuisine": "french", + "ingredients": [ + "celery stick", + "bouquet garni", + "garlic cloves", + "pork shoulder", + "clove", + "sea salt", + "duck", + "carrots", + "pancetta", + "ground black pepper", + "yellow onion", + "goose fat", + "plum tomatoes", + "haricot beans", + "dry bread crumbs", + "lemon juice", + "pork sausages" + ] + }, + { + "id": 13640, + "cuisine": "italian", + "ingredients": [ + "sugar", + "low-fat plain yogurt", + "whole milk", + "unflavored gelatin", + "fresh lemon juice", + "vanilla beans" + ] + }, + { + "id": 46605, + "cuisine": "italian", + "ingredients": [ + "white wine", + "onions", + "parmesan cheese", + "olive oil", + "stock", + "white arborio rice" + ] + }, + { + "id": 12135, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "berries", + "heavy cream", + "egg yolks", + "tequila", + "mint sprigs" + ] + }, + { + "id": 25852, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "extra-virgin olive oil", + "basil leaves", + "garlic cloves", + "pinenuts", + "salt", + "parsley" + ] + }, + { + "id": 12958, + "cuisine": "italian", + "ingredients": [ + "miniature chocolate chips", + "sugar", + "salt", + "grated orange peel", + "unsalted roasted pistachios", + "large egg whites", + "bittersweet chocolate" + ] + }, + { + "id": 33236, + "cuisine": "spanish", + "ingredients": [ + "white vinegar", + "brown sugar", + "granulated sugar", + "ground cinnamon", + "ground cloves", + "all-purpose flour", + "ground ginger", + "shortening", + "buttermilk", + "eggs", + "baking soda" + ] + }, + { + "id": 36276, + "cuisine": "indian", + "ingredients": [ + "water", + "vegetable oil", + "onions", + "tomato sauce", + "lime juice", + "garlic", + "tomatoes", + "curry powder", + "butter", + "chicken", + "pepper", + "ground black pepper", + "salt" + ] + }, + { + "id": 16969, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "active dry yeast", + "salt", + "garlic cloves", + "ground cumin", + "colby cheese", + "chorizo", + "poblano chilies", + "scallions", + "onions", + "black beans", + "pimentos", + "all-purpose flour", + "fresh lime juice", + "sugar", + "fresh coriander", + "tomatillos", + "peanut oil", + "cornmeal" + ] + }, + { + "id": 21226, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "russet potatoes", + "ground coriander", + "ground cumin", + "tomato paste", + "peeled fresh ginger", + "paprika", + "onions", + "white vinegar", + "garam masala", + "large garlic cloves", + "low salt chicken broth", + "tomatoes", + "vegetable oil", + "cayenne pepper", + "ground turmeric" + ] + }, + { + "id": 5878, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sherry vinegar", + "scallions", + "kosher salt", + "salt", + "white sugar", + "beans", + "grapeseed oil", + "pork butt", + "brown sugar", + "fresh ginger", + "Gochujang base" + ] + }, + { + "id": 27844, + "cuisine": "japanese", + "ingredients": [ + "potatoes", + "salt", + "frozen peas", + "cauliflower", + "diced tomatoes", + "ground coriander", + "cumin", + "tumeric", + "cilantro", + "cumin seed", + "vegetable oil", + "cayenne pepper", + "boiling water" + ] + }, + { + "id": 45817, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "vegetable oil", + "paprika", + "onions", + "tomato purée", + "curry powder", + "lemon", + "garlic", + "ground cloves", + "fresh ginger", + "red pepper", + "salt", + "plain yogurt", + "cinnamon", + "cilantro", + "ground cumin" + ] + }, + { + "id": 48968, + "cuisine": "indian", + "ingredients": [ + "clove", + "water", + "white rice", + "tiger prawn", + "chicken bouillon", + "ground black pepper", + "salt", + "garlic paste", + "garam masala", + "cardamom seeds", + "plain yogurt", + "vegetable oil", + "cinnamon sticks" + ] + }, + { + "id": 1054, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "frozen mixed vegetables" + ] + }, + { + "id": 34412, + "cuisine": "brazilian", + "ingredients": [ + "fresh lime", + "passion fruit juice", + "granulated sugar", + "cachaca" + ] + }, + { + "id": 31756, + "cuisine": "mexican", + "ingredients": [ + "butter", + "penne pasta", + "ground cumin", + "shredded cheddar cheese", + "diced tomatoes", + "tomato soup", + "bacon", + "smoked paprika", + "ground black pepper", + "cilantro leaves", + "garlic salt" + ] + }, + { + "id": 16388, + "cuisine": "spanish", + "ingredients": [ + "butter", + "boiling water", + "black pepper", + "long-grain rice", + "egg noodles", + "spaghetti", + "salt" + ] + }, + { + "id": 35035, + "cuisine": "french", + "ingredients": [ + "almond flour", + "white sugar", + "egg whites", + "Nutella", + "food colouring", + "confectioners sugar" + ] + }, + { + "id": 38020, + "cuisine": "french", + "ingredients": [ + "water", + "fresh thyme", + "dry white wine", + "dry sherry", + "salt", + "herbes de provence", + "ground black pepper", + "french bread", + "chopped fresh thyme", + "paprika", + "beef rib short", + "fresh parsley", + "garlic powder", + "flour", + "basil olive oil", + "sea salt", + "grated Gruyère cheese", + "celery", + "parsnips", + "hot pepper sauce", + "bay leaves", + "butter", + "garlic", + "carrots", + "onions" + ] + }, + { + "id": 34344, + "cuisine": "thai", + "ingredients": [ + "sugar", + "rice vinegar", + "shallots", + "chopped cilantro fresh", + "red chili peppers", + "cucumber", + "salt", + "sliced green onions" + ] + }, + { + "id": 45715, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "flour tortillas", + "salsa", + "black pepper", + "lime", + "purple onion", + "black beans", + "corn kernels", + "cilantro leaves", + "romaine lettuce", + "shredded cheddar cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 3825, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "whole peeled tomatoes", + "yellow onion", + "garlic cloves", + "tumeric", + "fresh ginger", + "vegetable oil", + "ground coriander", + "naan", + "water", + "steamed white rice", + "chickpeas", + "serrano chile", + "plain yogurt", + "garam masala", + "pomegranate molasses", + "cumin seed" + ] + }, + { + "id": 26843, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "pork spareribs", + "sesame seeds", + "crushed red pepper", + "honey", + "asian barbecue sauce", + "soy sauce", + "sherry", + "sliced green onions" + ] + }, + { + "id": 10307, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "ghee", + "kosher salt", + "avocado oil", + "cauliflower", + "lemon", + "curry powder", + "cilantro leaves" + ] + }, + { + "id": 15663, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chili powder", + "greek style plain yogurt", + "green pepper", + "onions", + "red kidney beans", + "olive oil", + "garlic", + "hot sauce", + "pinto beans", + "sliced green onions", + "avocado", + "shredded cheddar cheese", + "diced tomatoes", + "salsa", + "frozen corn kernels", + "dried oregano", + "corn tortilla chips", + "jalapeno chilies", + "shredded pepper jack cheese", + "cayenne pepper", + "smoked paprika", + "ground cumin" + ] + }, + { + "id": 15837, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "garam masala", + "garlic", + "naan", + "black pepper", + "diced tomatoes", + "shredded mozzarella cheese", + "tomato sauce", + "mango chutney", + "purple onion", + "chicken", + "fresh ginger", + "paprika", + "greek yogurt" + ] + }, + { + "id": 49562, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "cinnamon", + "nutmeg", + "green onions", + "salt", + "pickapeppa sauce", + "lime", + "garlic", + "brown sugar", + "fresh thyme leaves", + "berries" + ] + }, + { + "id": 9379, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "garlic cloves", + "boneless skinless chicken breast halves", + "tumeric", + "peanut oil", + "Thai fish sauce", + "chicken stock", + "yardlong beans", + "oyster sauce", + "sugar", + "ground coriander", + "onions" + ] + }, + { + "id": 29339, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "poblano chiles", + "canola oil", + "ground black pepper", + "cumin seed", + "chopped cilantro", + "kosher salt", + "garlic", + "corn tortillas", + "chicken", + "asadero", + "sour cream", + "serrano chile" + ] + }, + { + "id": 42989, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "rice wine", + "cucumber", + "lettuce leaves", + "chinese five-spice powder", + "breast of lamb", + "ginger", + "light brown sugar", + "spring onions", + "garlic cloves" + ] + }, + { + "id": 28645, + "cuisine": "french", + "ingredients": [ + "granulated sugar", + "ground cinnamon", + "salt", + "unsalted butter", + "all-purpose flour", + "light brown sugar", + "large eggs" + ] + }, + { + "id": 40049, + "cuisine": "indian", + "ingredients": [ + "baby spinach leaves", + "yoghurt", + "fenugreek seeds", + "tumeric", + "olive oil", + "paneer", + "red chili peppers", + "coriander seeds", + "salt", + "fennel seeds", + "black pepper", + "seeds", + "asafetida" + ] + }, + { + "id": 33411, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "chili powder", + "green pepper", + "olive oil", + "paprika", + "onions", + "water", + "large garlic cloves", + "sour cream", + "cooked rice", + "kidney beans", + "hot sauce" + ] + }, + { + "id": 43406, + "cuisine": "french", + "ingredients": [ + "pure vanilla extract", + "large eggs", + "baguette", + "cinnamon", + "sugar", + "whole milk", + "instant espresso powder", + "hot water" + ] + }, + { + "id": 40389, + "cuisine": "british", + "ingredients": [ + "ham steak", + "milk", + "all-purpose flour", + "onions", + "marmite", + "kosher salt", + "bay leaves", + "carrots", + "pork", + "ground black pepper", + "ground allspice", + "peppercorns", + "eggs", + "water", + "ground pork", + "lard" + ] + }, + { + "id": 40927, + "cuisine": "brazilian", + "ingredients": [ + "bacon", + "onions", + "water", + "garlic cloves", + "bay leaves", + "pinto beans", + "salt" + ] + }, + { + "id": 16727, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "onion flakes", + "sausage casings", + "grated parmesan cheese", + "shredded mozzarella cheese", + "green bell pepper", + "french bread", + "garlic cloves", + "tomato paste", + "pepper", + "fresh mushrooms" + ] + }, + { + "id": 29357, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "corn tortillas", + "chili", + "purple onion", + "mango", + "hominy", + "feta cheese crumbles", + "monterey jack", + "pineapple", + "chopped cilantro fresh" + ] + }, + { + "id": 35192, + "cuisine": "southern_us", + "ingredients": [ + "graham cracker crusts", + "lime zest", + "whipped topping", + "cream cheese", + "milk", + "key lime juice" + ] + }, + { + "id": 29567, + "cuisine": "mexican", + "ingredients": [ + "cooking oil", + "garlic", + "sour cream", + "tomatillos", + "yellow onion", + "chicken thighs", + "chile pepper", + "salt", + "corn tortillas", + "cotija", + "cilantro", + "peanut oil" + ] + }, + { + "id": 20155, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "heavy whipping cream", + "unsalted butter", + "ground black pepper", + "tagliatelle", + "orange", + "grated parmesan cheese" + ] + }, + { + "id": 5395, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "dried thyme", + "green onions", + "ground allspice", + "fresh lime juice", + "ground ginger", + "pepper", + "ground black pepper", + "malt vinegar", + "dark brown sugar", + "ketchup", + "ground nutmeg", + "vegetable oil", + "roasting chickens", + "ground cinnamon", + "water", + "dark rum", + "salt", + "garlic cloves" + ] + }, + { + "id": 46810, + "cuisine": "chinese", + "ingredients": [ + "large eggs", + "sesame oil", + "frozen peas", + "shredded carrots", + "vegetable oil", + "garlic salt", + "soy sauce", + "green onions", + "hot sauce", + "quick cooking brown rice", + "boneless skinless chicken breasts", + "dark sesame oil" + ] + }, + { + "id": 42152, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "all-purpose flour", + "bread crumb fresh", + "butter", + "garlic cloves", + "capers", + "large eggs", + "anchovy fillets", + "water", + "Italian parsley leaves", + "fresh lemon juice" + ] + }, + { + "id": 15610, + "cuisine": "british", + "ingredients": [ + "eggs", + "potatoes", + "shortcrust pastry", + "medium curry powder", + "butter", + "fresh parsley", + "cheddar cheese", + "leeks", + "oil", + "milk", + "garlic" + ] + }, + { + "id": 39152, + "cuisine": "mexican", + "ingredients": [ + "chile verde", + "Mexican oregano", + "oil", + "chicken breasts", + "chees fresco queso", + "onions", + "jalapeno chilies", + "tomatillos", + "enchilada sauce", + "green chile", + "teas", + "garlic" + ] + }, + { + "id": 2422, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "boneless skinless chicken breasts", + "dried oregano", + "kosher salt", + "grated parmesan cheese", + "shredded mozzarella cheese", + "black pepper", + "whole peeled tomatoes", + "crushed red pepper flakes", + "pasta", + "water", + "low sodium chicken broth", + "garlic cloves" + ] + }, + { + "id": 11229, + "cuisine": "korean", + "ingredients": [ + "mini cucumbers", + "sesame seeds", + "top sirloin", + "seaweed", + "sushi rice", + "baby spinach", + "garlic", + "carrots", + "soy sauce", + "sesame oil", + "extra large eggs", + "scallions", + "avocado", + "olive oil", + "red wine", + "rice vinegar", + "kiwi" + ] + }, + { + "id": 43516, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vanilla extract", + "all-purpose flour", + "bananas", + "salt", + "large egg yolks", + "1% low-fat milk", + "fat free frozen top whip", + "butter", + "vanilla wafers" + ] + }, + { + "id": 24502, + "cuisine": "filipino", + "ingredients": [ + "green onions", + "garlic", + "onions", + "chicken broth", + "vegetable oil", + "shrimp", + "ground ginger", + "rice noodles", + "oyster sauce", + "pork", + "crushed red pepper flakes", + "bok choy" + ] + }, + { + "id": 29619, + "cuisine": "mexican", + "ingredients": [ + "pizza sauce", + "sliced black olives", + "mozzarella cheese", + "pepperoni", + "tortillas" + ] + }, + { + "id": 33956, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "cooking oil", + "paprika", + "cinnamon sticks", + "crushed tomatoes", + "boneless skinless chicken breasts", + "salt", + "ground cumin", + "water", + "jalapeno chilies", + "garlic", + "onions", + "frozen chopped spinach", + "fresh ginger", + "heavy cream", + "ground coriander" + ] + }, + { + "id": 31779, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "1% low-fat milk", + "corn mix muffin" + ] + }, + { + "id": 9065, + "cuisine": "italian", + "ingredients": [ + "sherry vinegar", + "extra-virgin olive oil", + "chives", + "garlic cloves", + "cayenne", + "beets", + "almonds", + "shallots" + ] + }, + { + "id": 81, + "cuisine": "italian", + "ingredients": [ + "fresh marjoram", + "grated parmesan cheese", + "large garlic cloves", + "finely chopped onion", + "crimini mushrooms", + "low salt chicken broth", + "dried porcini mushrooms", + "dry white wine", + "extra-virgin olive oil", + "arborio rice", + "fresh thyme", + "butter" + ] + }, + { + "id": 3802, + "cuisine": "italian", + "ingredients": [ + "lime zest", + "butter", + "sugar", + "heavy whipping cream", + "unflavored gelatin", + "strawberries", + "mascarpone", + "fresh lime juice" + ] + }, + { + "id": 7186, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "hot pepper sauce", + "butter", + "all-purpose flour", + "shortening", + "baking soda", + "baking powder", + "worcestershire sauce", + "white sugar", + "active dry yeast", + "finely chopped onion", + "buttermilk", + "poultry seasoning", + "warm water", + "ground nutmeg", + "breakfast sausages", + "salt" + ] + }, + { + "id": 20501, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger root", + "sesame oil", + "light soy sauce", + "pork tenderloin", + "chinese five-spice powder", + "black bean sauce", + "sherry", + "brown sugar", + "hoisin sauce", + "garlic" + ] + }, + { + "id": 34680, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "granulated sugar", + "salt", + "bittersweet chocolate chips", + "egg whites", + "unsweetened cocoa powder", + "powdered sugar", + "hazelnut meal", + "semi-sweet chocolate morsels", + "instant espresso powder", + "heavy cream" + ] + }, + { + "id": 43651, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "buttermilk", + "baking mix", + "warm water", + "pork tenderloin", + "salt", + "prepar pesto", + "butter", + "all-purpose flour", + "sugar", + "dijon mustard", + "rapid rise yeast", + "chopped pecans" + ] + }, + { + "id": 5504, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "pickled vegetables", + "dinner rolls", + "cheese slices", + "pimentos", + "genoa salami", + "thin deli ham" + ] + }, + { + "id": 21231, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "breakfast sausages", + "shredded parmesan cheese", + "tomato paste", + "olive oil", + "garlic", + "ground beef", + "tomatoes", + "low-fat cottage cheese", + "beaten eggs", + "dried parsley", + "mozzarella cheese", + "lasagna noodles", + "salt" + ] + }, + { + "id": 30389, + "cuisine": "french", + "ingredients": [ + "milk", + "salt", + "cream cheese, soften", + "cream", + "pistachios", + "frozen corn", + "eggs", + "ground nutmeg", + "all-purpose flour", + "pepper", + "butter", + "asparagus spears" + ] + }, + { + "id": 34650, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "large eggs", + "garlic cloves", + "wide rice noodles", + "lime juice", + "shallots", + "ground chicken", + "jalapeno chilies", + "oyster sauce", + "green bell pepper", + "thai basil", + "vegetable oil" + ] + }, + { + "id": 14000, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "carrots", + "nutmeg", + "unsalted butter", + "ground black pepper", + "sugar", + "salt" + ] + }, + { + "id": 26767, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "light pancake syrup", + "frozen raspberries", + "lemon juice", + "brown sugar", + "margarine", + "peaches", + "flavoring" + ] + }, + { + "id": 48615, + "cuisine": "french", + "ingredients": [ + "vegetable oil", + "fine sea salt", + "yukon gold potatoes" + ] + }, + { + "id": 37866, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "salt", + "shuck corn", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 30113, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chopped fresh thyme", + "crimini mushrooms", + "garlic", + "diced red onions", + "farro", + "water", + "balsamic vinegar", + "salt" + ] + }, + { + "id": 12102, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "tomatillos", + "mexican chorizo", + "cumin", + "white onion", + "cilantro", + "sour cream", + "water", + "garlic", + "plum tomatoes", + "chicken bouillon", + "bacon", + "lentils" + ] + }, + { + "id": 37568, + "cuisine": "russian", + "ingredients": [ + "butter", + "sliced green onions", + "egg noodles", + "poppy seeds" + ] + }, + { + "id": 7095, + "cuisine": "jamaican", + "ingredients": [ + "spinach", + "vegetables", + "coco", + "scallions", + "onions", + "fresh spinach", + "beef", + "salt", + "yams", + "kale", + "ice water", + "freshly ground pepper", + "pork tail", + "water", + "callaloo", + "okra", + "thyme" + ] + }, + { + "id": 4047, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "ground turmeric", + "ginger", + "carrots", + "moong dal", + "urad dal", + "mustard seeds", + "chili powder", + "oil" + ] + }, + { + "id": 32823, + "cuisine": "chinese", + "ingredients": [ + "savoy cabbage", + "dumpling wrappers", + "ginger", + "soy sauce", + "sesame oil", + "shrimp", + "fish sauce", + "hot chili", + "scallions", + "minced garlic", + "red pepper" + ] + }, + { + "id": 40499, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "brown lentils", + "chicken stock", + "extra-virgin olive oil", + "celery", + "bay leaves", + "carrots", + "fresh spinach", + "salt", + "onions" + ] + }, + { + "id": 29837, + "cuisine": "cajun_creole", + "ingredients": [ + "sauce", + "cocktail sauce", + "shrimp", + "water", + "creole seasoning", + "lemon" + ] + }, + { + "id": 12398, + "cuisine": "chinese", + "ingredients": [ + "honey", + "dry sherry", + "hoisin sauce", + "garlic cloves", + "Sriracha", + "rice vinegar", + "ketchup", + "peeled fresh ginger", + "five-spice powder" + ] + }, + { + "id": 47103, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "sesame oil", + "carrots", + "eggs", + "ramen noodles", + "red bell pepper", + "green onions", + "green peas" + ] + }, + { + "id": 48297, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "whole milk", + "chopped fresh thyme", + "salt", + "low salt chicken broth", + "sugar", + "Turkish bay leaves", + "large garlic cloves", + "chopped onion", + "turnips", + "hot pepper sauce", + "baking powder", + "extra-virgin olive oil", + "ground allspice", + "andouille sausage", + "green onions", + "butter", + "all-purpose flour", + "diced tomatoes in juice" + ] + }, + { + "id": 49195, + "cuisine": "filipino", + "ingredients": [ + "water", + "oil", + "bay leaves", + "peppercorns", + "garlic", + "pork belly", + "salt" + ] + }, + { + "id": 30656, + "cuisine": "italian", + "ingredients": [ + "penne", + "ground pepper", + "salt", + "sweet onion", + "herbs", + "sage", + "minced garlic", + "zucchini", + "Italian turkey sausage", + "pasta", + "olive oil", + "grated parmesan cheese" + ] + }, + { + "id": 4096, + "cuisine": "southern_us", + "ingredients": [ + "dark brown sugar", + "bacon slices" + ] + }, + { + "id": 30205, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "Shaoxing wine", + "dark brown sugar", + "egg noodles", + "sesame oil", + "carrots", + "soy sauce", + "green onions", + "garlic cloves", + "Sriracha", + "vegetable oil", + "beansprouts" + ] + }, + { + "id": 41976, + "cuisine": "filipino", + "ingredients": [ + "brown sugar", + "calamansi juice", + "whole chicken", + "annatto", + "lemon grass", + "garlic", + "garlic cloves", + "pepper", + "ginger", + "palm vinegar", + "vegetable oil", + "salt", + "bay leaf" + ] + }, + { + "id": 5884, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "salt", + "vegetable oil", + "cornmeal", + "lemon", + "fresh parsley", + "ground black pepper", + "catfish" + ] + }, + { + "id": 4930, + "cuisine": "indian", + "ingredients": [ + "grated coconut", + "beets", + "curry leaves", + "thai chile", + "kosher salt", + "ground turmeric", + "coconut oil", + "purple onion" + ] + }, + { + "id": 2337, + "cuisine": "vietnamese", + "ingredients": [ + "london broil", + "black pepper", + "red wine", + "fish sauce" + ] + }, + { + "id": 17638, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "pepper", + "black-eyed peas", + "tomatoes", + "water", + "salt", + "chicken broth", + "minced garlic", + "jalapeno chilies", + "chicken bouillon granules", + "green bell pepper", + "olive oil", + "onions" + ] + }, + { + "id": 22616, + "cuisine": "cajun_creole", + "ingredients": [ + "cayenne", + "onion powder", + "yellow onion", + "plum tomatoes", + "cooked rice", + "jalapeno chilies", + "paprika", + "celery", + "bell pepper", + "cajun seasoning", + "scallions", + "garlic powder", + "chili powder", + "garlic", + "medium shrimp" + ] + }, + { + "id": 44396, + "cuisine": "mexican", + "ingredients": [ + "water", + "mexican style 4 cheese blend", + "cream cheese", + "black beans", + "olive oil", + "cilantro", + "corn", + "chicken tenderloin", + "couscous", + "minced garlic", + "diced red onions", + "salsa" + ] + }, + { + "id": 36803, + "cuisine": "indian", + "ingredients": [ + "water", + "unsalted butter", + "paprika", + "ground cardamom", + "basmati rice", + "white onion", + "ground black pepper", + "boneless skinless chicken breasts", + "peanut oil", + "fresh lime juice", + "ground cumin", + "kosher salt", + "cayenne", + "heavy cream", + "ground coriander", + "chopped cilantro fresh", + "tomato purée", + "ground nutmeg", + "peeled fresh ginger", + "garlic", + "greek yogurt", + "naan" + ] + }, + { + "id": 28680, + "cuisine": "southern_us", + "ingredients": [ + "large egg whites", + "chopped onion", + "corn bread", + "pepper", + "chopped celery", + "rubbed sage", + "cooking spray", + "poultry seasoning", + "refrigerated buttermilk biscuits", + "margarine", + "low salt chicken broth" + ] + }, + { + "id": 47110, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "jaggery", + "ghee" + ] + }, + { + "id": 38747, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "vanilla extract", + "heavy whipping cream", + "sliced almonds", + "semisweet chocolate", + "all-purpose flour", + "sugar", + "unsalted butter", + "salt", + "unsweetened cocoa powder", + "ground blanched almonds", + "light corn syrup", + "apricot jam" + ] + }, + { + "id": 44587, + "cuisine": "moroccan", + "ingredients": [ + "beef", + "chickpeas", + "fresh parsley", + "tomatoes", + "beef broth", + "carrots", + "saffron", + "ground cinnamon", + "fresh oregano", + "celery", + "barley", + "butter", + "fresh lemon juice", + "onions" + ] + }, + { + "id": 14607, + "cuisine": "mexican", + "ingredients": [ + "corn", + "purple onion", + "ground cumin", + "pepper", + "cayenne", + "red bell pepper", + "avocado", + "olive oil", + "salt", + "lime juice", + "red wine vinegar", + "chopped cilantro" + ] + }, + { + "id": 39732, + "cuisine": "chinese", + "ingredients": [ + "msg", + "green onions", + "corn starch", + "eggs", + "water", + "vegetable oil", + "white sugar", + "chicken broth", + "minced garlic", + "chile pepper", + "ground white pepper", + "soy sauce", + "fresh ginger root", + "white wine vinegar", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 11608, + "cuisine": "moroccan", + "ingredients": [ + "tomato sauce", + "olive oil", + "diced tomatoes", + "chickpeas", + "ground cumin", + "curry powder", + "potatoes", + "salt", + "onions", + "kale", + "golden raisins", + "cayenne pepper", + "chopped cilantro fresh", + "water", + "garam masala", + "garlic", + "ground coriander" + ] + }, + { + "id": 4044, + "cuisine": "japanese", + "ingredients": [ + "beans", + "extra-virgin olive oil", + "brown rice", + "spring onions", + "garlic cloves", + "soy sauce", + "ginger" + ] + }, + { + "id": 17449, + "cuisine": "chinese", + "ingredients": [ + "Shaoxing wine", + "center cut pork chops", + "white pepper", + "chinese five-spice powder", + "soy sauce", + "sesame oil", + "olive oil", + "corn starch" + ] + }, + { + "id": 24344, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "mango", + "sweet onion", + "bacon", + "whole wheat tortillas", + "chicken", + "pepper jack", + "smoked cheddar cheese" + ] + }, + { + "id": 23559, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "cooking oil", + "butter", + "cinnamon sticks", + "water", + "unsalted cashews", + "salt", + "chopped cilantro", + "yellow mustard seeds", + "bay leaves", + "garlic", + "shark steak", + "clove", + "ground black pepper", + "lemon wedge", + "lemon juice", + "basmati rice" + ] + }, + { + "id": 8741, + "cuisine": "irish", + "ingredients": [ + "large egg yolks", + "heavy cream", + "semisweet chocolate", + "confectioners sugar", + "Baileys Irish Cream Liqueur", + "cocoa powder", + "butter" + ] + }, + { + "id": 9399, + "cuisine": "italian", + "ingredients": [ + "capers", + "anchovy paste", + "flat leaf parsley", + "shallots", + "artichokes", + "olive oil", + "extra-virgin olive oil", + "lemon", + "fresh lemon juice" + ] + }, + { + "id": 3594, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "salt", + "pork shoulder", + "Shaoxing wine", + "corn starch", + "sugar", + "vegetable oil", + "ground white pepper", + "light soy sauce", + "dried shiitake mushrooms", + "bamboo shoots" + ] + }, + { + "id": 23858, + "cuisine": "spanish", + "ingredients": [ + "large egg yolks", + "baking powder", + "confectioners sugar", + "sugar", + "unsalted butter", + "salt", + "almonds", + "all purpose unbleached flour", + "cream", + "large eggs", + "grated lemon zest" + ] + }, + { + "id": 27102, + "cuisine": "greek", + "ingredients": [ + "lamb shanks", + "mint sprigs", + "garlic cloves", + "marsala wine", + "golden raisins", + "chopped onion", + "raita", + "black pepper", + "salt", + "cinnamon sticks", + "tomato sauce", + "cooking spray", + "beef broth", + "dried rosemary" + ] + }, + { + "id": 29217, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "olive oil", + "taco seasoning", + "shredded cheddar cheese", + "fusilli", + "chicken", + "crushed tomatoes", + "cilantro leaves", + "chicken stock", + "corn", + "salsa" + ] + }, + { + "id": 13625, + "cuisine": "indian", + "ingredients": [ + "toasted cashews", + "beaten eggs", + "melted butter", + "milk", + "yeast", + "luke warm water", + "coconut", + "salt", + "sugar", + "golden raisins", + "bread flour" + ] + }, + { + "id": 14572, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "hot sauce", + "grating cheese", + "canola oil", + "beans", + "corn tortillas", + "salsa" + ] + }, + { + "id": 2507, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "garlic", + "corn starch", + "cooked chicken breasts", + "crushed tomatoes", + "vegetable oil", + "chopped onion", + "corn tortillas", + "canned chicken broth", + "chili powder", + "salt", + "sour cream", + "shredded Monterey Jack cheese", + "jalapeno chilies", + "whipping cream", + "freshly ground pepper", + "oregano" + ] + }, + { + "id": 27637, + "cuisine": "french", + "ingredients": [ + "fontina", + "Jarlsberg", + "sourdough bread", + "small red potato", + "white wine", + "garlic", + "dijon mustard", + "lemon juice" + ] + }, + { + "id": 19913, + "cuisine": "brazilian", + "ingredients": [ + "white vinegar", + "yellow onion", + "olive oil", + "flat leaf parsley", + "salt", + "fresh tomatoes", + "cayenne pepper" + ] + }, + { + "id": 31469, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "purple onion", + "black beans", + "chees fresco queso", + "chopped cilantro fresh", + "avocado", + "chili powder", + "chipotle salsa", + "flour tortillas", + "frozen corn kernels" + ] + }, + { + "id": 35153, + "cuisine": "chinese", + "ingredients": [ + "honey", + "soy sauce", + "green onions", + "ground ginger", + "minced onion", + "chicken breast tenders", + "garlic" + ] + }, + { + "id": 34378, + "cuisine": "italian", + "ingredients": [ + "shredded mild cheddar cheese", + "condensed cream of mushroom soup", + "dried oregano", + "green bell pepper", + "mushrooms", + "onions", + "grated parmesan cheese", + "diced tomatoes", + "water", + "lean ground beef", + "spaghetti" + ] + }, + { + "id": 46711, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "green chilies", + "boiling potatoes", + "red capsicum", + "mustard seeds", + "mint leaves", + "oil", + "salt", + "onions" + ] + }, + { + "id": 46954, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh chives", + "bay leaves", + "diced tomatoes", + "carrots", + "dried parsley", + "fresh spinach", + "ground pepper", + "red pepper flakes", + "poultry seasoning", + "celery", + "chicken", + "chicken broth", + "olive oil", + "green onions", + "salt", + "thyme", + "dried oregano", + "whole allspice", + "zucchini", + "red pepper", + "long-grain rice", + "chicken thighs" + ] + }, + { + "id": 38352, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "shiitake mushroom caps", + "stock", + "ground black pepper", + "pearl barley", + "water", + "finely chopped onion", + "chopped fresh sage", + "fresh parmesan cheese", + "sea salt" + ] + }, + { + "id": 4901, + "cuisine": "italian", + "ingredients": [ + "raspberries", + "blueberries", + "biscuits", + "vanilla extract", + "raspberry liqueur", + "mascarpone", + "frozen mixed berries", + "sugar", + "strawberries" + ] + }, + { + "id": 44693, + "cuisine": "british", + "ingredients": [ + "cayenne", + "paprika", + "shredded extra sharp cheddar cheese", + "beer", + "flour", + "unsalted butter", + "dry mustard" + ] + }, + { + "id": 1824, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "shiitake", + "vegetable oil", + "kosher salt", + "shredded carrots", + "toasted sesame oil", + "bean threads", + "pepper", + "chinese red rice vinegar", + "cabbage", + "ketchup", + "egg roll wrappers", + "pink peppercorns" + ] + }, + { + "id": 12869, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "collard greens", + "serrano peppers", + "chopped onion", + "sugar", + "sesame oil", + "garlic cloves", + "fresh ginger", + "rice vinegar" + ] + }, + { + "id": 26305, + "cuisine": "british", + "ingredients": [ + "cookies", + "strawberries", + "heavy cream", + "granulated sugar", + "confectioners sugar" + ] + }, + { + "id": 40881, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "shallots", + "salt", + "galangal", + "serrano chilies", + "lemon grass", + "cilantro", + "coconut milk", + "ground cumin", + "kaffir lime leaves", + "boneless chicken skinless thigh", + "vegetable oil", + "ground coriander", + "belacan", + "black peppercorns", + "pea eggplants", + "garlic", + "bird chile" + ] + }, + { + "id": 14139, + "cuisine": "indian", + "ingredients": [ + "dinner rolls", + "salt", + "garam masala", + "chopped cilantro", + "lime juice", + "oil", + "idaho potatoes" + ] + }, + { + "id": 12199, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "spring onions", + "noodles", + "sugar", + "sesame oil", + "ground turmeric", + "soy sauce", + "chilli paste", + "cooked chicken breasts", + "lettuce", + "fresh ginger root", + "celery" + ] + }, + { + "id": 16277, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "lemon juice", + "milk", + "salt", + "orange peel", + "water", + "butter", + "corn starch", + "brown sugar", + "peaches", + "all-purpose flour" + ] + }, + { + "id": 33521, + "cuisine": "southern_us", + "ingredients": [ + "bread crumb fresh", + "chopped fresh thyme", + "eggs", + "shallots", + "salt", + "corn kernels", + "heavy cream", + "cheddar cheese", + "Tabasco Pepper Sauce", + "freshly ground pepper" + ] + }, + { + "id": 16196, + "cuisine": "british", + "ingredients": [ + "dried currants", + "vegetable shortening", + "grated orange peel", + "unsalted butter", + "salt", + "baking soda", + "buttermilk", + "sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 27793, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "self rising flour", + "shortening", + "buttermilk" + ] + }, + { + "id": 35091, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "milk", + "sponge cake", + "all-purpose flour", + "sugar", + "semisweet chocolate", + "whipping cream", + "grated orange peel", + "large egg yolks", + "chocolate shavings", + "candied fruit", + "water", + "dark rum", + "vanilla extract" + ] + }, + { + "id": 38719, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "egg whites", + "garlic cloves", + "ground cumin", + "reduced fat cheddar cheese", + "low-sodium fat-free chicken broth", + "onions", + "vegetable oil cooking spray", + "serrano peppers", + "corn tortillas", + "large eggs", + "salt", + "plum tomatoes" + ] + }, + { + "id": 24978, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "ham steak", + "peas", + "field peas", + "red potato", + "olive oil", + "hot sauce", + "smoked ham hocks", + "collard greens", + "vermouth", + "garlic cloves", + "chicken broth", + "water", + "salt", + "onions" + ] + }, + { + "id": 10205, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "lime wedges", + "cilantro leaves", + "ground pepper", + "coarse salt", + "garlic cloves", + "cotija", + "vegetable oil", + "scallions", + "avocado", + "chili powder", + "diced tomatoes", + "corn tortillas" + ] + }, + { + "id": 25611, + "cuisine": "italian", + "ingredients": [ + "eggs", + "minced garlic", + "veggies", + "tomato sauce", + "lasagna noodles", + "fresh spinach", + "olive oil", + "chopped onion", + "mozzarella cheese", + "low-fat ricotta cheese" + ] + }, + { + "id": 26949, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "squid", + "onions", + "water", + "garlic cloves", + "pepper", + "oil", + "tomatoes", + "vinegar", + "bay leaf" + ] + }, + { + "id": 47070, + "cuisine": "italian", + "ingredients": [ + "low-fat sour cream", + "almond flour", + "black pepper", + "boneless skinless chicken breasts", + "pesto", + "grated parmesan cheese", + "eggs", + "mozzarella cheese", + "sour cream" + ] + }, + { + "id": 34503, + "cuisine": "southern_us", + "ingredients": [ + "yellow cake mix", + "heavy cream", + "bananas", + "vanilla instant pudding", + "milk", + "vanilla", + "powdered sugar", + "Nilla Wafers" + ] + }, + { + "id": 18756, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "olive oil", + "purple onion", + "kosher salt", + "green onions", + "chicken", + "pasilla chiles", + "white hominy", + "chopped cilantro fresh", + "chicken broth", + "lime", + "dry white wine" + ] + }, + { + "id": 42773, + "cuisine": "japanese", + "ingredients": [ + "japanese cucumber", + "soy sauce", + "salt", + "sugar", + "sesame oil", + "sesame seeds", + "rice vinegar" + ] + }, + { + "id": 34701, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "lamb shanks", + "garlic", + "ham steak", + "bay leaves", + "onions", + "tomatoes", + "fresh thyme", + "fresh parsley", + "sausage links", + "cannellini beans" + ] + }, + { + "id": 48937, + "cuisine": "cajun_creole", + "ingredients": [ + "crushed tomatoes", + "chopped celery", + "long-grain rice", + "chicken broth", + "hot pepper sauce", + "green pepper", + "onions", + "olive oil", + "salt", + "thyme", + "ground chicken", + "cajun seasoning", + "okra", + "dried oregano" + ] + }, + { + "id": 34029, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "garlic", + "potato gnocchi", + "dried sage", + "salt", + "ground black pepper", + "butter" + ] + }, + { + "id": 39621, + "cuisine": "italian", + "ingredients": [ + "white wine", + "fresh thyme", + "fine sea salt", + "flat leaf parsley", + "clove", + "ground black pepper", + "ground veal", + "allspice berries", + "tomato paste", + "finely chopped onion", + "ground pork", + "carrots", + "pancetta", + "water", + "whole milk", + "chopped celery", + "tagliatelle" + ] + }, + { + "id": 27275, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "bell pepper", + "sweet onion", + "salt", + "tomatoes", + "fresh thyme", + "garlic cloves", + "spicy sausage", + "crushed red pepper flakes" + ] + }, + { + "id": 6950, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "salsa", + "chicken breasts", + "sour cream", + "black beans", + "tortilla chips", + "chicken broth", + "cilantro" + ] + }, + { + "id": 40457, + "cuisine": "french", + "ingredients": [ + "fresh chives", + "shallots", + "crabmeat", + "beef stock", + "russet potatoes", + "large shrimp", + "chicken stock", + "leeks", + "whipping cream", + "unsalted butter", + "vegetable oil", + "asparagus spears" + ] + }, + { + "id": 14319, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "celery", + "pepper", + "salt", + "daikon", + "sliced carrots", + "cabbage" + ] + }, + { + "id": 33390, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "all-purpose flour", + "milk", + "vanilla extract", + "orange juice", + "grated coconut", + "butter", + "icing", + "large eggs", + "salt" + ] + }, + { + "id": 43347, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "ground pork", + "onions", + "pepper jack", + "sharp cheddar cheese", + "ground cumin", + "chopped green chilies", + "salsa", + "chopped garlic", + "cilantro", + "ground beef" + ] + }, + { + "id": 39304, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "paprika", + "garlic cloves", + "basmati rice", + "tomatoes", + "ground red pepper", + "salt", + "greek yogurt", + "canola oil", + "peeled fresh ginger", + "purple onion", + "fresh lemon juice", + "ground turmeric", + "boneless chicken skinless thigh", + "large garlic cloves", + "ground coriander", + "chopped cilantro fresh", + "ground cumin" + ] + }, + { + "id": 18945, + "cuisine": "italian", + "ingredients": [ + "strawberries", + "marsala wine", + "large eggs", + "sugar" + ] + }, + { + "id": 13086, + "cuisine": "mexican", + "ingredients": [ + "pork belly", + "agave nectar", + "poblano chiles", + "kosher salt", + "vegetable oil", + "ground black pepper", + "pineapple", + "habanero chile", + "apple cider vinegar", + "serrano chile" + ] + }, + { + "id": 15799, + "cuisine": "italian", + "ingredients": [ + "roast", + "carrots", + "olive oil", + "crusty sandwich rolls", + "onions", + "salsa verde", + "salt", + "black peppercorns", + "chili oil", + "celery" + ] + }, + { + "id": 33964, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "salt", + "unsalted butter", + "pure vanilla extract", + "granulated sugar", + "pecan halves", + "all-purpose flour" + ] + }, + { + "id": 40743, + "cuisine": "greek", + "ingredients": [ + "sugar", + "ground nutmeg", + "purple onion", + "allspice", + "tomato paste", + "water", + "paprika", + "cinnamon sticks", + "pasta", + "ground cloves", + "red wine vinegar", + "cayenne pepper", + "ground cumin", + "tomatoes", + "olive oil", + "grated kefalotiri", + "chicken" + ] + }, + { + "id": 39500, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "chicken breasts", + "pepper", + "purple onion", + "mozzarella cheese", + "balsamic vinegar", + "tomatoes", + "olive oil", + "salt" + ] + }, + { + "id": 24684, + "cuisine": "french", + "ingredients": [ + "unflavored gelatin", + "grapefruit", + "cold water", + "navel oranges", + "sugar", + "muscat", + "tangerine", + "white grapefruit" + ] + }, + { + "id": 21411, + "cuisine": "chinese", + "ingredients": [ + "water", + "garlic", + "orange juice", + "green onions", + "sauce", + "corn starch", + "honey", + "rice vinegar", + "oil", + "soy sauce", + "ginger", + "skinless chicken breasts", + "orange zest" + ] + }, + { + "id": 49459, + "cuisine": "thai", + "ingredients": [ + "fresh spinach", + "sesame oil", + "rice", + "coconut milk", + "brown sugar", + "lime juice", + "paprika", + "Thai fish sauce", + "minced garlic", + "red pepper", + "chicken fingers", + "natural peanut butter", + "green onions", + "yellow onion", + "red bell pepper" + ] + }, + { + "id": 12402, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "onions", + "saffron threads", + "freshly grated parmesan", + "arborio rice", + "unsalted butter", + "water" + ] + }, + { + "id": 10866, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "ground nutmeg", + "lean ground beef", + "yellow onion", + "celery", + "kosher salt", + "whole milk", + "diced tomatoes", + "carrots", + "pancetta", + "olive oil", + "dry white wine", + "garlic", + "flat leaf parsley", + "black pepper", + "grated parmesan cheese", + "red pepper", + "fresh oregano" + ] + }, + { + "id": 36698, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "green onions", + "cumin", + "diced green chilies", + "rotisserie chicken", + "milk", + "sweet corn", + "bread mix", + "Mexican cheese blend", + "red enchilada sauce" + ] + }, + { + "id": 19840, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "water", + "green onions", + "salt", + "ketchup", + "boneless chicken breast", + "sesame oil", + "corn starch", + "soy sauce", + "fresh ginger root", + "baking powder", + "oyster sauce", + "white vinegar", + "black pepper", + "flour", + "vegetable oil", + "white sugar" + ] + }, + { + "id": 12752, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "grissini", + "salt", + "frozen peas", + "ground black pepper", + "basil", + "borlotti beans", + "celery ribs", + "leeks", + "extra-virgin olive oil", + "onions", + "water", + "farro", + "carrots" + ] + }, + { + "id": 23077, + "cuisine": "thai", + "ingredients": [ + "jasmine rice", + "black sesame seeds", + "ginger", + "cucumber", + "coconut sugar", + "lime", + "cilantro", + "purple onion", + "bird chile", + "mint", + "bibb lettuce", + "ground pork", + "carrots", + "kaffir lime leaves", + "lemongrass", + "ponzu", + "garlic", + "coconut milk" + ] + }, + { + "id": 20907, + "cuisine": "french", + "ingredients": [ + "salmon fillets", + "chopped fresh chives", + "hot water", + "olive oil", + "salt", + "egg yolks", + "fresh lemon juice", + "pepper", + "butter" + ] + }, + { + "id": 24841, + "cuisine": "moroccan", + "ingredients": [ + "butter", + "carrots", + "white onion", + "cumin seed", + "plain yogurt", + "ground allspice", + "low salt chicken broth", + "honey", + "fresh lemon juice" + ] + }, + { + "id": 8056, + "cuisine": "vietnamese", + "ingredients": [ + "dry roasted peanuts", + "ground black pepper", + "cilantro leaves", + "chile paste with garlic", + "lemongrass", + "cooking spray", + "carrots", + "romaine lettuce", + "honey", + "basil leaves", + "fresh lime juice", + "low sodium soy sauce", + "water", + "mint leaves", + "garlic cloves" + ] + }, + { + "id": 47725, + "cuisine": "brazilian", + "ingredients": [ + "ice cubes", + "simple syrup", + "cachaca", + "lime" + ] + }, + { + "id": 9339, + "cuisine": "mexican", + "ingredients": [ + "fresh coriander", + "flour tortillas", + "sour cream", + "cheddar cheese", + "olive oil", + "paprika", + "chillies", + "water", + "red pepper", + "fillets", + "white onion", + "chopped tomatoes", + "chicken stock cubes" + ] + }, + { + "id": 42264, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "white kidney beans", + "purple onion", + "bay leaf", + "extra-virgin olive oil", + "fresh lemon juice", + "baby arugula", + "garlic cloves" + ] + }, + { + "id": 5510, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "ground allspice", + "white sandwich bread", + "light brown sugar", + "unsalted butter", + "onions", + "dried thyme", + "juice", + "ground cloves", + "garlic cloves" + ] + }, + { + "id": 39035, + "cuisine": "southern_us", + "ingredients": [ + "evaporated milk", + "sweetened condensed milk", + "half & half", + "peaches", + "sugar", + "vanilla instant pudding" + ] + }, + { + "id": 43918, + "cuisine": "filipino", + "ingredients": [ + "fried eggs", + "fried rice", + "beef", + "vinegar" + ] + }, + { + "id": 24942, + "cuisine": "mexican", + "ingredients": [ + "diced bell pepper", + "minced garlic", + "oil", + "diced onions", + "chili pepper", + "salt", + "eggs", + "cheese", + "cumin", + "pie crust", + "pepper", + "hamburger" + ] + }, + { + "id": 32706, + "cuisine": "british", + "ingredients": [ + "white vinegar", + "pepper", + "garlic powder", + "green onions", + "vegetable oil", + "paprika", + "beer", + "black pepper", + "olive oil", + "flour", + "onion powder", + "basil", + "cayenne pepper", + "red potato", + "minced garlic", + "dijon mustard", + "baking powder", + "lemon", + "salt", + "yellow peppers", + "scrod", + "dried thyme", + "large eggs", + "basil mayonnaise", + "red pepper", + "essence", + "oregano" + ] + }, + { + "id": 8468, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "salt", + "pepper", + "cilantro", + "red bell pepper", + "ground ginger", + "pineapple", + "lemon juice", + "olive oil", + "purple onion", + "ground cumin" + ] + }, + { + "id": 3933, + "cuisine": "japanese", + "ingredients": [ + "ground cardamom", + "sweetened condensed milk", + "ghee", + "carrots", + "saffron", + "milk", + "cashew nuts" + ] + }, + { + "id": 3468, + "cuisine": "filipino", + "ingredients": [ + "ground black pepper", + "fish sauce", + "garlic", + "bottom round", + "brown sugar", + "oil" + ] + }, + { + "id": 887, + "cuisine": "cajun_creole", + "ingredients": [ + "capers", + "old bay seasoning", + "fresh parsley", + "sweet pickle", + "paprika", + "mayonaise", + "worcestershire sauce", + "creole mustard", + "prepared horseradish", + "anchovy paste" + ] + }, + { + "id": 1122, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "lamb", + "fresh mint", + "salt", + "fresh parsley leaves", + "eggplant", + "garlic cloves", + "plum tomatoes", + "chopped onion", + "feta cheese crumbles" + ] + }, + { + "id": 13921, + "cuisine": "chinese", + "ingredients": [ + "bread crumbs", + "sesame seeds", + "eggs", + "broccolini", + "skinless chicken breasts", + "caster sugar", + "lemon", + "soy sauce", + "lime", + "chinese five-spice powder" + ] + }, + { + "id": 24944, + "cuisine": "indian", + "ingredients": [ + "rose water", + "french fried onions", + "salt", + "chicken pieces", + "red chili powder", + "garam masala", + "ginger", + "oil", + "basmati rice", + "tomatoes", + "milk", + "butter", + "curds", + "onions", + "tumeric", + "coriander powder", + "garlic", + "bay leaf", + "saffron" + ] + }, + { + "id": 25967, + "cuisine": "italian", + "ingredients": [ + "ditalini", + "rosemary sprigs", + "crushed red pepper", + "clams", + "extra-virgin olive oil", + "garbanzo beans", + "garlic cloves" + ] + }, + { + "id": 45069, + "cuisine": "spanish", + "ingredients": [ + "fennel bulb", + "extra-virgin olive oil", + "green olives", + "toasted almonds", + "lemon" + ] + }, + { + "id": 33408, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "soy sauce", + "garlic", + "sugar", + "chili oil", + "roasted sesame seeds", + "black vinegar" + ] + }, + { + "id": 11513, + "cuisine": "italian", + "ingredients": [ + "sea salt", + "french bread", + "grated orange", + "bittersweet chocolate", + "cooking spray" + ] + }, + { + "id": 4789, + "cuisine": "thai", + "ingredients": [ + "shredded coconut", + "chili powder", + "unsweetened coconut milk", + "chili paste", + "scallions", + "kosher salt", + "rice noodles", + "tomato paste", + "basil leaves", + "beansprouts" + ] + }, + { + "id": 46445, + "cuisine": "french", + "ingredients": [ + "white asparagus", + "bay leaves", + "dry sherry", + "flat leaf parsley", + "morel", + "fresh thyme leaves", + "crème fraîche", + "grated lemon peel", + "leeks", + "butter", + "low salt chicken broth", + "chicken legs", + "dry white wine", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 49133, + "cuisine": "italian", + "ingredients": [ + "eggs", + "shredded mozzarella cheese", + "pasta sauce", + "boneless skinless chicken breast halves", + "grated parmesan cheese", + "dry bread crumbs" + ] + }, + { + "id": 43108, + "cuisine": "indian", + "ingredients": [ + "water", + "vegetable oil", + "fresh lime juice", + "chiles", + "garam masala", + "heavy cream", + "tumeric", + "sea scallops", + "large garlic cloves", + "chopped cilantro fresh", + "aleppo pepper", + "peeled fresh ginger", + "acorn squash" + ] + }, + { + "id": 41258, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "parmesan cheese", + "extra-virgin olive oil", + "reduced fat ricotta cheese", + "tomato sauce", + "whole wheat lasagna noodles", + "salt", + "onions", + "fresh basil", + "ground black pepper", + "garlic", + "ground beef", + "italian sausage", + "part-skim mozzarella cheese", + "crimini mushrooms", + "stevia", + "oregano" + ] + }, + { + "id": 12067, + "cuisine": "french", + "ingredients": [ + "sugar", + "salt", + "butter", + "carrots", + "mashed potatoes", + "1% low-fat milk", + "ground black pepper", + "ground coriander" + ] + }, + { + "id": 17045, + "cuisine": "greek", + "ingredients": [ + "sugar", + "nonfat plain greek yogurt", + "kosher salt", + "black pepper", + "coleslaw", + "cider vinegar" + ] + }, + { + "id": 25764, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "carrots", + "spinach", + "sesame oil", + "glass noodles", + "eggs", + "sesame seeds", + "onions", + "sugar", + "garlic" + ] + }, + { + "id": 2791, + "cuisine": "japanese", + "ingredients": [ + "smoked salmon", + "water", + "nori sheets", + "wasabi", + "soy sauce", + "salt", + "sugar", + "ginger", + "cucumber", + "avocado", + "sushi rice", + "rice vinegar" + ] + }, + { + "id": 23345, + "cuisine": "italian", + "ingredients": [ + "warm water", + "candy sprinkles", + "white sugar", + "eggs", + "active dry yeast", + "all-purpose flour", + "milk", + "salt", + "water", + "butter" + ] + }, + { + "id": 6701, + "cuisine": "greek", + "ingredients": [ + "water", + "salt", + "long grain white rice", + "ground cinnamon", + "lemon", + "fresh mint", + "tomato paste", + "butter", + "liver", + "ground lamb", + "pepper", + "turkey", + "onions" + ] + }, + { + "id": 19349, + "cuisine": "mexican", + "ingredients": [ + "refrigerated crescent rolls", + "shredded cheese", + "salsa", + "taco seasoning mix", + "ground beef" + ] + }, + { + "id": 34681, + "cuisine": "southern_us", + "ingredients": [ + "dijon mustard", + "peach preserves", + "brown sugar", + "garlic", + "chipotle sauce", + "peach purée", + "ham", + "pepper", + "salt" + ] + }, + { + "id": 44009, + "cuisine": "italian", + "ingredients": [ + "fresh lime juice", + "orange marmalade", + "prosciutto", + "shrimp" + ] + }, + { + "id": 37471, + "cuisine": "brazilian", + "ingredients": [ + "minced onion", + "hot water", + "garlic", + "vegetable oil", + "long grain white rice", + "salt" + ] + }, + { + "id": 37234, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "fat free less sodium chicken broth", + "sea scallops", + "chili paste with garlic", + "chinese black vinegar", + "sugar", + "dry roasted peanuts", + "green onions", + "long-grain rice", + "sake", + "minced garlic", + "water chestnuts", + "dark sesame oil", + "sugar pea", + "fresh ginger", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 34832, + "cuisine": "mexican", + "ingredients": [ + "cilantro sprigs", + "fresh asparagus", + "pepper", + "salt", + "extra-virgin olive oil", + "chopped cilantro fresh", + "flour tortillas", + "herbed goat cheese" + ] + }, + { + "id": 49190, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "scallions", + "soy sauce", + "red pepper flakes", + "eggs", + "watercress", + "long-grain rice", + "cooking oil", + "sirloin steak" + ] + }, + { + "id": 48632, + "cuisine": "jamaican", + "ingredients": [ + "fresh green peas", + "tumeric", + "fresh thyme", + "ice water", + "diced yellow onion", + "ground white pepper", + "fresh corn", + "gold potatoes", + "unbleached flour", + "coarse sea salt", + "lemon juice", + "allspice", + "ground cinnamon", + "whole wheat pastry flour", + "shredded cabbage", + "red pepper flakes", + "garlic cloves", + "coconut milk", + "coconut oil", + "cayenne", + "apple cider vinegar", + "fine sea salt", + "carrots", + "ground cumin" + ] + }, + { + "id": 10564, + "cuisine": "italian", + "ingredients": [ + "russet potatoes", + "flour", + "salt" + ] + }, + { + "id": 30785, + "cuisine": "french", + "ingredients": [ + "milk", + "button mushrooms", + "crabmeat", + "white pepper", + "unsalted butter", + "garlic", + "red bell pepper", + "curry powder", + "grated parmesan cheese", + "all-purpose flour", + "fresh chives", + "large eggs", + "fine sea salt", + "fresh parsley" + ] + }, + { + "id": 19871, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "chipotles in adobo", + "ground pepper", + "garlic cloves", + "monterey jack", + "reduced sodium chicken broth", + "all-purpose flour", + "boneless skinless chicken breast halves", + "vegetable oil", + "corn tortillas", + "ground cumin" + ] + }, + { + "id": 3904, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "flat leaf parsley", + "eggs", + "baking potatoes", + "onions", + "roasted red peppers", + "serrano ham", + "pepper", + "salt" + ] + }, + { + "id": 28515, + "cuisine": "brazilian", + "ingredients": [ + "simple syrup", + "liqueur", + "lime", + "ice", + "cachaca" + ] + }, + { + "id": 28653, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "beef brisket", + "sesame oil", + "peanut oil", + "white pepper", + "green onions", + "star anise", + "soy sauce", + "Shaoxing wine", + "ginger", + "garlic cloves", + "water", + "bean paste", + "hot bean paste" + ] + }, + { + "id": 19951, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "all-purpose flour", + "kosher salt", + "buttermilk", + "cornmeal", + "eggs", + "cajun seasoning", + "sauce", + "chips", + "cracked black pepper" + ] + }, + { + "id": 28889, + "cuisine": "french", + "ingredients": [ + "water", + "cider", + "calvados", + "sugar" + ] + }, + { + "id": 37749, + "cuisine": "mexican", + "ingredients": [ + "plain yogurt", + "lime", + "jalapeno chilies", + "purple onion", + "corn tortillas", + "cumin", + "eggs", + "water", + "ground black pepper", + "green onions", + "dried dillweed", + "cornmeal", + "canola oil", + "kosher salt", + "garlic powder", + "flour", + "cayenne pepper", + "fresh lime juice", + "cabbage", + "mayonaise", + "tomatoes on the vine", + "cod fillets", + "cilantro", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 6844, + "cuisine": "french", + "ingredients": [ + "shredded cheddar cheese", + "salt", + "butter", + "chopped onion", + "potatoes", + "all-purpose flour", + "pepper", + "2% reduced-fat milk" + ] + }, + { + "id": 2794, + "cuisine": "french", + "ingredients": [ + "sugar", + "lemon", + "eggs", + "all-purpose flour", + "unsalted butter" + ] + }, + { + "id": 44592, + "cuisine": "italian", + "ingredients": [ + "penne", + "extra-virgin olive oil", + "onions", + "ground nutmeg", + "Italian turkey sausage", + "baby spinach leaves", + "whipping cream", + "asiago", + "ground turkey" + ] + }, + { + "id": 27732, + "cuisine": "moroccan", + "ingredients": [ + "preserved lemon", + "olive oil", + "saffron", + "white onion", + "salt", + "green olives", + "pepper", + "cumin", + "tumeric", + "garlic powder", + "chicken" + ] + }, + { + "id": 7545, + "cuisine": "korean", + "ingredients": [ + "sesame oil", + "doenzang", + "garlic", + "bok choy", + "sesame seeds", + "soybean paste", + "green onions", + "Gochujang base" + ] + }, + { + "id": 38517, + "cuisine": "southern_us", + "ingredients": [ + "whole wheat pastry flour", + "butter", + "eggs", + "cream style corn", + "salt", + "milk", + "heavy cream", + "sugar", + "baking powder", + "cornmeal" + ] + }, + { + "id": 48149, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "crushed red pepper", + "nonstick spray", + "minced garlic", + "green pepper", + "fresh parsley", + "fresh basil", + "salt", + "celery", + "chicken breast halves", + "low sodium chili sauce", + "onions" + ] + }, + { + "id": 32646, + "cuisine": "chinese", + "ingredients": [ + "evaporated milk", + "mango", + "unflavored gelatin", + "salt", + "sugar", + "fresh lemon juice", + "heavy cream" + ] + }, + { + "id": 21738, + "cuisine": "southern_us", + "ingredients": [ + "smoked bacon", + "cajun seasoning", + "shrimp", + "green onions", + "ground allspice", + "clam juice", + "okra", + "cherry tomatoes", + "all-purpose flour" + ] + }, + { + "id": 31145, + "cuisine": "greek", + "ingredients": [ + "pepper", + "kalamata", + "feta cheese crumbles", + "red wine vinegar", + "fresh oregano", + "tomatoes", + "fresh green bean", + "garlic cloves", + "olive oil", + "salt" + ] + }, + { + "id": 8363, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "bread crumbs", + "sugar", + "flour", + "soy sauce", + "ginger", + "sake", + "pork chops" + ] + }, + { + "id": 49527, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "ground lamb", + "green bell pepper", + "diced tomatoes", + "fresh parsley", + "chicken broth", + "dried mint flakes", + "salt", + "water", + "white rice", + "onions" + ] + }, + { + "id": 17189, + "cuisine": "jamaican", + "ingredients": [ + "water", + "oil", + "salt", + "baking powder", + "flour" + ] + }, + { + "id": 49172, + "cuisine": "indian", + "ingredients": [ + "mint leaves", + "oil", + "salt", + "wheat flour" + ] + }, + { + "id": 3526, + "cuisine": "southern_us", + "ingredients": [ + "yolk", + "pie shell", + "milk", + "vanilla", + "sugar", + "butter", + "flour", + "salt" + ] + }, + { + "id": 2837, + "cuisine": "thai", + "ingredients": [ + "lemon", + "ginger root", + "fennel seeds", + "sugar cane juice", + "light rum", + "ice", + "thai basil", + "cane sugar" + ] + }, + { + "id": 28997, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "green onions", + "worcestershire sauce", + "cayenne pepper", + "olive oil", + "Tabasco Pepper Sauce", + "garlic", + "sourdough bread", + "dry white wine", + "paprika", + "shrimp", + "black pepper", + "dri leav rosemari", + "butter", + "salt" + ] + }, + { + "id": 30108, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "salt", + "fresh parsley", + "grated parmesan cheese", + "hot water", + "olive oil", + "freshly ground pepper", + "onions", + "orzo", + "low salt chicken broth" + ] + }, + { + "id": 38066, + "cuisine": "mexican", + "ingredients": [ + "chile con queso", + "lettuce", + "baked tortilla chips", + "refried beans", + "sliced green onions", + "non-fat sour cream" + ] + }, + { + "id": 13316, + "cuisine": "greek", + "ingredients": [ + "boneless chicken skinless thigh", + "mint leaves", + "feta cheese crumbles", + "ground pepper", + "red wine vinegar", + "plain low-fat yogurt", + "zucchini", + "purple onion", + "olive oil", + "coarse salt", + "dried oregano" + ] + }, + { + "id": 5122, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "purple onion", + "fresh corn", + "butter", + "herb seasoning", + "jalapeno chilies", + "salt", + "fresh cilantro", + "garlic", + "plum tomatoes" + ] + }, + { + "id": 33172, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "egg whites", + "butter", + "buttermilk biscuits", + "garlic powder", + "chives", + "ground mustard", + "black pepper", + "half & half", + "salt", + "spicy sausage", + "large eggs", + "onion powder" + ] + }, + { + "id": 33402, + "cuisine": "chinese", + "ingredients": [ + "water", + "sliced carrots", + "ginger", + "fish sauce", + "Shaoxing wine", + "dark leafy greens", + "shrimp", + "cooking oil", + "choy sum", + "salt", + "sugar", + "sesame oil", + "button mushrooms", + "corn starch" + ] + }, + { + "id": 44789, + "cuisine": "italian", + "ingredients": [ + "cheese", + "large garlic cloves", + "red bell pepper", + "olive oil", + "thin pizza crust", + "bacon slices", + "wild mushrooms" + ] + }, + { + "id": 43659, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "curry powder", + "salt", + "olive oil", + "hot sauce", + "pepper", + "white wine vinegar" + ] + }, + { + "id": 33551, + "cuisine": "southern_us", + "ingredients": [ + "polenta corn meal", + "baking soda", + "lemon", + "garlic", + "beer", + "mussels", + "kosher salt", + "parsley", + "bacon", + "all-purpose flour", + "bacon drippings", + "black pepper", + "spring onions", + "buttermilk", + "salt", + "eggs", + "honey", + "butter", + "paprika", + "zest" + ] + }, + { + "id": 25194, + "cuisine": "thai", + "ingredients": [ + "sugar", + "salt", + "sesame seeds", + "sushi rice", + "mango", + "unsweetened coconut milk", + "sweetened coconut flakes" + ] + }, + { + "id": 16204, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "grated parmesan cheese", + "salt", + "dried oregano", + "pepper", + "macaroni", + "garlic", + "onions", + "whole peeled tomatoes", + "butter", + "fresh parsley", + "olive oil", + "cannellini beans", + "carrots" + ] + }, + { + "id": 1998, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "potatoes", + "salt", + "oil", + "whole wheat flour", + "ginger", + "green chilies", + "red bell pepper", + "water", + "cilantro", + "all-purpose flour", + "carrots", + "garam masala", + "green peas", + "cumin seed", + "cabbage" + ] + }, + { + "id": 47349, + "cuisine": "french", + "ingredients": [ + "chicken legs", + "dry white wine", + "leeks", + "hot water", + "olive oil", + "chopped fresh thyme", + "mushrooms", + "low salt chicken broth" + ] + }, + { + "id": 25912, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "garlic", + "pepper", + "salt", + "water", + "oil", + "sirloin", + "lemon", + "onions" + ] + }, + { + "id": 49165, + "cuisine": "indian", + "ingredients": [ + "water", + "flour", + "green chilies", + "nuts", + "curry leaves", + "milk", + "salt", + "ground cardamom", + "sweetener", + "buttermilk", + "oil", + "cumin", + "sugar", + "millet", + "cilantro leaves", + "ghee" + ] + }, + { + "id": 18517, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "feta cheese crumbles", + "extra-virgin olive oil", + "large garlic cloves", + "chopped fresh mint", + "lamb shoulder" + ] + }, + { + "id": 42634, + "cuisine": "korean", + "ingredients": [ + "baby bok choy", + "long grain white rice", + "crushed red pepper flakes", + "stir fry sauce", + "flank steak" + ] + }, + { + "id": 2521, + "cuisine": "french", + "ingredients": [ + "saba", + "water", + "fresh raspberries", + "powdered sugar", + "whipping cream", + "large egg yolks" + ] + }, + { + "id": 17876, + "cuisine": "mexican", + "ingredients": [ + "large egg whites", + "salt", + "pepper", + "wheat", + "large eggs", + "chorizo", + "red wine vinegar" + ] + }, + { + "id": 163, + "cuisine": "moroccan", + "ingredients": [ + "pinenuts", + "fresh ginger", + "cinnamon", + "garlic", + "fresh parsley leaves", + "chopped parsley", + "mint", + "water", + "large eggs", + "cilantro", + "salt", + "smoked paprika", + "sumac", + "feta cheese", + "lemon", + "purple onion", + "ground cardamom", + "ground lamb", + "plain dry bread crumb", + "olive oil", + "tahini", + "cracked black pepper", + "cilantro leaves", + "fresh mint" + ] + }, + { + "id": 42638, + "cuisine": "mexican", + "ingredients": [ + "corn tortilla chips", + "kidney beans", + "shredded cheddar cheese", + "leaf lettuce", + "crumbles", + "salsa", + "tomatoes", + "taco seasoning mix", + "onions" + ] + }, + { + "id": 3524, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "cooking oil", + "ground black pepper", + "garlic", + "chicken wings", + "vinegar", + "onions", + "water", + "bay leaves" + ] + }, + { + "id": 14442, + "cuisine": "mexican", + "ingredients": [ + "reduced sodium chicken broth", + "flour tortillas", + "boneless pork loin", + "water", + "chili powder", + "reduced fat cheddar cheese", + "chopped green chilies", + "dried pinto beans", + "picante sauce", + "egg whites", + "onions" + ] + }, + { + "id": 45268, + "cuisine": "british", + "ingredients": [ + "golden raisins", + "salt", + "sugar", + "butter", + "baking powder", + "sour cream", + "flour", + "heavy cream" + ] + }, + { + "id": 1069, + "cuisine": "indian", + "ingredients": [ + "steamed rice", + "sugar", + "salt", + "dry yeast", + "coconut", + "rice" + ] + }, + { + "id": 2849, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger root", + "star anise", + "soy sauce", + "spring onions", + "garlic cloves", + "red chili peppers", + "red cabbage", + "rice vinegar", + "caster sugar", + "sesame oil", + "toasted sesame seeds" + ] + }, + { + "id": 43021, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "linguine", + "medium shrimp", + "kosher salt", + "lemon", + "fresh parsley leaves", + "white wine", + "unsalted butter", + "garlic", + "freshly grated parmesan", + "red pepper flakes", + "lemon juice" + ] + }, + { + "id": 48150, + "cuisine": "mexican", + "ingredients": [ + "silken tofu", + "vegan cheese", + "salt", + "corn tortillas", + "olive oil", + "green onions", + "tortilla chips", + "black beans", + "nutritional yeast", + "cilantro", + "enchilada sauce", + "pepper", + "chips", + "cheese sauce", + "onions" + ] + }, + { + "id": 12101, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "butter", + "large eggs", + "salt", + "sesame", + "baking powder", + "all-purpose flour", + "baking soda", + "vanilla extract" + ] + }, + { + "id": 25482, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "chopped green bell pepper", + "chopped onion", + "garlic powder", + "cajun seasoning", + "celery flakes", + "water", + "brown rice", + "ground turkey", + "ground black pepper", + "salt" + ] + }, + { + "id": 39030, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "Tabasco Pepper Sauce", + "Potatoes O'Brien", + "butter", + "andouille sausage", + "cajun seasoning", + "pepper jack", + "garlic" + ] + }, + { + "id": 24759, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "apple juice", + "triple sec", + "tequila" + ] + }, + { + "id": 27545, + "cuisine": "filipino", + "ingredients": [ + "beans", + "salt", + "vegetable broth", + "coconut milk", + "ginger", + "oil", + "spinach", + "garlic", + "onions" + ] + }, + { + "id": 27534, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "ricotta", + "all-purpose flour", + "unsalted butter", + "plum tomatoes" + ] + }, + { + "id": 39853, + "cuisine": "mexican", + "ingredients": [ + "lime", + "vegetable oil", + "corn tortillas", + "boneless pork shoulder", + "vegetables", + "scallions", + "coriander", + "chili", + "salt", + "fresh lime juice", + "tomatoes", + "finely chopped onion", + "garlic cloves", + "cumin" + ] + }, + { + "id": 23334, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "tamarind pulp", + "cayenne pepper", + "ground turmeric", + "water", + "garlic", + "coconut milk", + "olive oil", + "salt", + "coriander", + "red chili peppers", + "shallots", + "masur dal" + ] + }, + { + "id": 657, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "garlic", + "grated parmesan cheese", + "fresh basil leaves", + "avocado", + "sea salt", + "water", + "fresh lemon juice" + ] + }, + { + "id": 14678, + "cuisine": "french", + "ingredients": [ + "ground ginger", + "olive oil", + "garlic", + "thyme", + "pig", + "red wine", + "carrots", + "pork", + "ground black pepper", + "salt", + "orange rind", + "ground cloves", + "leeks", + "fowl", + "onions" + ] + }, + { + "id": 46373, + "cuisine": "italian", + "ingredients": [ + "black peppercorns", + "dried thyme", + "lemon juice", + "minced garlic", + "minced onion", + "dried basil", + "cooking wine", + "kosher salt", + "olive oil", + "dried oregano" + ] + }, + { + "id": 21485, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "mirin", + "fish fillets", + "water", + "soy sauce", + "sake", + "fresh ginger" + ] + }, + { + "id": 38110, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "red pepper flakes", + "flat leaf parsley", + "bottled clam juice", + "ground black pepper", + "garlic", + "clams", + "olive oil", + "linguine", + "crushed tomatoes", + "dry white wine", + "salt" + ] + }, + { + "id": 8512, + "cuisine": "indian", + "ingredients": [ + "garlic", + "chillies", + "chicken", + "garam masala", + "cilantro leaves", + "coriander", + "tumeric", + "salt", + "onions", + "ginger", + "oil", + "plum tomatoes" + ] + }, + { + "id": 42890, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "cream cheese", + "Nilla Wafers", + "vanilla instant pudding", + "bananas", + "whipped topping", + "vanilla extract", + "sweetened condensed milk" + ] + }, + { + "id": 33996, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "diced tomatoes", + "ground cumin", + "chicken stock", + "large eggs", + "garlic cloves", + "manchego cheese", + "paprika", + "chipotle chile", + "french bread", + "sliced green onions" + ] + }, + { + "id": 31553, + "cuisine": "spanish", + "ingredients": [ + "garlic", + "bread slices", + "olive oil", + "brown shrimp", + "kosher salt", + "crushed red pepper", + "butter", + "scallions" + ] + }, + { + "id": 13587, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "corn oil", + "white cornmeal", + "self rising flour", + "buttermilk", + "baking soda", + "baking powder", + "large eggs", + "salt" + ] + }, + { + "id": 11602, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "ground nutmeg", + "salt", + "couscous", + "ground ginger", + "honey", + "cinnamon", + "lamb loin chops", + "warm water", + "olive oil", + "raisins", + "blanched almonds", + "spanish onion", + "spices", + "beef broth" + ] + }, + { + "id": 16641, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "milk", + "butter", + "cream", + "ground nutmeg", + "all-purpose flour", + "ground cinnamon", + "water", + "baking powder", + "sugar", + "frozen peaches", + "salt" + ] + }, + { + "id": 27374, + "cuisine": "vietnamese", + "ingredients": [ + "wheat starch", + "boiling water", + "tapioca starch", + "canola oil" + ] + }, + { + "id": 10522, + "cuisine": "italian", + "ingredients": [ + "milk", + "vanilla extract", + "ricotta cheese", + "egg noodles, cooked and drained", + "butter", + "anise extract", + "eggs", + "heavy cream", + "white sugar" + ] + }, + { + "id": 27100, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "salt", + "chicken broth", + "bacon", + "red pepper flakes", + "onions", + "turnip greens", + "garlic" + ] + }, + { + "id": 43294, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "salt", + "frisee", + "pernod", + "large garlic cloves", + "freshly ground pepper", + "red wine vinegar", + "walnuts", + "onions", + "dried currants", + "heavy cream", + "ham" + ] + }, + { + "id": 25812, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "purple onion", + "oregano", + "fresh rosemary", + "dry white wine", + "fresh lemon juice", + "chopped garlic", + "rosemary sprigs", + "coarse sea salt", + "leg of lamb", + "caraway seeds", + "harissa", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 4095, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "sugar", + "cinnamon sticks", + "white vinegar", + "whole cloves", + "water" + ] + }, + { + "id": 43980, + "cuisine": "vietnamese", + "ingredients": [ + "reduced sodium chicken broth", + "bok choy", + "wide rice noodles", + "reduced sodium soy sauce", + "canola oil", + "water", + "mung bean sprouts", + "fresh basil", + "flank steak" + ] + }, + { + "id": 13660, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "onion powder", + "salt", + "ground cumin", + "pepper", + "flour", + "butter", + "dried oregano", + "black beans", + "diced green chilies", + "lean ground beef", + "chopped cilantro fresh", + "milk", + "chili powder", + "diced tomatoes", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 10714, + "cuisine": "jamaican", + "ingredients": [ + "jamaican rum", + "ground black pepper", + "garlic", + "fresh lime juice", + "ground cloves", + "habanero pepper", + "salt", + "chicken legs", + "minced onion", + "white wine vinegar", + "ground cinnamon", + "molasses", + "vegetable oil", + "ground allspice" + ] + }, + { + "id": 32106, + "cuisine": "mexican", + "ingredients": [ + "orange", + "serrano peppers", + "salt", + "carrots", + "mayonaise", + "ground black pepper", + "Mexican oregano", + "chopped walnuts", + "hass avocado", + "fresh corn", + "lime", + "green leaf lettuce", + "hot sauce", + "red bell pepper", + "ground chipotle chile pepper", + "agave nectar", + "cilantro", + "scallions", + "mango" + ] + }, + { + "id": 40312, + "cuisine": "moroccan", + "ingredients": [ + "beets", + "extra-virgin olive oil", + "fresh lemon juice", + "black pepper", + "cumin seed", + "salt", + "fresh mint" + ] + }, + { + "id": 16550, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "daikon", + "mirin", + "scallions", + "sesame seeds", + "chicken drumsticks", + "chicken stock", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 16242, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "salt", + "ground cumin", + "chicken broth", + "vegetable oil", + "ancho chile pepper", + "chuck roast", + "ground coriander", + "chipotle chile", + "garlic", + "dried oregano" + ] + }, + { + "id": 33832, + "cuisine": "mexican", + "ingredients": [ + "fat free milk", + "diced tomatoes", + "onions", + "cooking spray", + "crushed red pepper", + "ground cumin", + "reduced fat monterey jack cheese", + "chicken breast halves", + "sour cream", + "crushed tomatoes", + "large garlic cloves", + "corn tortillas" + ] + }, + { + "id": 46281, + "cuisine": "korean", + "ingredients": [ + "eggs", + "ground black pepper", + "garlic", + "stir fry beef meat", + "sugar", + "zucchini", + "carrots", + "cooked white rice", + "spinach", + "chili paste", + "dried shiitake mushrooms", + "toasted sesame oil", + "soy sauce", + "vegetable oil", + "beansprouts", + "toasted sesame seeds" + ] + }, + { + "id": 49638, + "cuisine": "jamaican", + "ingredients": [ + "black peppercorns", + "ground black pepper", + "ginger", + "thyme", + "ground turmeric", + "anise seed", + "lime", + "coarse salt", + "cumin seed", + "coconut milk", + "chicken legs", + "coriander seeds", + "scotch bonnet chile", + "garlic cloves", + "onions", + "chicken stock", + "curry powder", + "vegetable oil", + "fenugreek seeds", + "mustard seeds", + "allspice" + ] + }, + { + "id": 19890, + "cuisine": "thai", + "ingredients": [ + "kosher salt", + "light soy sauce", + "spring onions", + "ginger", + "shrimp", + "water", + "large eggs", + "parsley", + "cumin seed", + "coconut milk", + "minced garlic", + "dijon mustard", + "sesame oil", + "mustard powder", + "risotto rice", + "soy sauce", + "lemongrass", + "jalapeno chilies", + "red wine vinegar", + "juice", + "canola oil" + ] + }, + { + "id": 1088, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "parmesan cheese", + "fresh tarragon", + "chopped parsley", + "pepper", + "dry white wine", + "fresh mushrooms", + "arborio rice", + "finely chopped onion", + "salt", + "olive oil", + "fresh thyme leaves", + "fat skimmed reduced sodium chicken broth" + ] + }, + { + "id": 45842, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "bacon", + "onions", + "olive oil", + "salt", + "pepper", + "garlic", + "broth", + "red pepper flakes", + "chipotle peppers" + ] + }, + { + "id": 8125, + "cuisine": "chinese", + "ingredients": [ + "rice", + "shiitake", + "carrots", + "scallions", + "chicken breasts" + ] + }, + { + "id": 24500, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "bay leaf", + "celery", + "carrots", + "sea salt" + ] + }, + { + "id": 13534, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "udon", + "garlic", + "cucumber", + "romaine lettuce", + "peanuts", + "crushed red pepper flakes", + "carrots", + "fresh ginger", + "green onions", + "dark sesame oil", + "chopped fresh mint", + "milk", + "chunky peanut butter", + "rice vinegar", + "beansprouts" + ] + }, + { + "id": 19236, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "bacon slices", + "tomatoes", + "milk", + "cheddar cheese soup", + "smoked turkey", + "sliced ham", + "penne", + "parmesan cheese" + ] + }, + { + "id": 48574, + "cuisine": "southern_us", + "ingredients": [ + "grape tomatoes", + "cooked bacon", + "dressing", + "romaine lettuce", + "sliced green onions", + "avocado", + "cheddar cheese", + "croutons", + "chicken broth", + "chicken breasts" + ] + }, + { + "id": 36611, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "honey", + "butter", + "chipotles in adobo", + "large egg whites", + "baking powder", + "whole kernel corn, drain", + "ground cinnamon", + "large egg yolks", + "1% low-fat milk", + "chopped cilantro fresh", + "fat free less sodium chicken broth", + "cooking spray", + "salt" + ] + }, + { + "id": 16894, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "pepper", + "tomatoes", + "salt", + "garlic powder" + ] + }, + { + "id": 43397, + "cuisine": "mexican", + "ingredients": [ + "grape tomatoes", + "jalapeno chilies", + "salt", + "olive oil", + "no-salt-added black beans", + "fresh lime juice", + "avocado", + "kidney beans", + "shuck corn", + "chopped cilantro fresh", + "white onion", + "cooking spray", + "pinto beans" + ] + }, + { + "id": 41427, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "lemon pepper seasoning", + "fresh lemon juice", + "artichoke hearts", + "kalamata", + "dried oregano", + "olive oil", + "sliced cucumber", + "feta cheese crumbles", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 47706, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "vodka", + "cilantro", + "ginger liqueur", + "jalapeno chilies", + "ginger beer", + "orange liqueur" + ] + }, + { + "id": 47978, + "cuisine": "jamaican", + "ingredients": [ + "pork", + "milk", + "worcestershire sauce", + "oil", + "panko breadcrumbs", + "minced garlic", + "marinade", + "salt", + "ground beef", + "black pepper", + "jamaican jerk season", + "beaten eggs", + "chopped cilantro", + "clove", + "lime juice", + "red pepper", + "pineapple juice", + "onions" + ] + }, + { + "id": 42727, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "pork loin", + "fresh mint", + "fish sauce", + "palm sugar", + "salt", + "water", + "granulated sugar", + "crushed ice", + "gai lan", + "baking soda", + "garlic", + "bird chile" + ] + }, + { + "id": 47204, + "cuisine": "chinese", + "ingredients": [ + "water", + "scallions", + "chicken stock", + "salt", + "cooked chicken breasts", + "fresh ginger", + "carrots", + "turnips", + "watercress", + "celery" + ] + }, + { + "id": 20885, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame oil", + "salt", + "greens", + "cooking oil", + "button mushrooms", + "shrimp", + "water", + "choy sum", + "carrots", + "fish sauce", + "Shaoxing wine", + "ginger", + "corn starch" + ] + }, + { + "id": 4380, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium chicken broth", + "shredded carrots", + "spinach leaves", + "reduced sodium soy sauce", + "vegetable oil", + "fresh ginger", + "ramen noodles", + "sweet chili sauce", + "extra firm tofu", + "garlic" + ] + }, + { + "id": 28608, + "cuisine": "southern_us", + "ingredients": [ + "dry white wine", + "salt", + "kale", + "bacon", + "plum tomatoes", + "low sodium chicken broth", + "garlic", + "arborio rice", + "vegetable oil", + "onions" + ] + }, + { + "id": 26050, + "cuisine": "italian", + "ingredients": [ + "reduced fat sharp cheddar cheese", + "cooking spray", + "turkey breast", + "black pepper", + "condensed reduced fat reduced sodium cream of mushroom soup", + "spaghetti", + "parsley sprigs", + "pimentos", + "fresh parsley", + "water", + "chopped onion" + ] + }, + { + "id": 26910, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "grated parmesan cheese", + "crushed red pepper", + "spaghetti", + "beef shank", + "dry red wine", + "flat leaf parsley", + "fresh bay leaves", + "extra-virgin olive oil", + "onions", + "olive oil", + "large garlic cloves", + "hot Italian sausages", + "dried oregano" + ] + }, + { + "id": 6987, + "cuisine": "thai", + "ingredients": [ + "lower sodium soy sauce", + "cooking spray", + "carrots", + "fresh basil leaves", + "brown sugar", + "Sriracha", + "garlic", + "fresh mint", + "fish sauce", + "ground black pepper", + "flank steak", + "beansprouts", + "kosher salt", + "red cabbage", + "cilantro leaves", + "fresh lime juice" + ] + }, + { + "id": 21307, + "cuisine": "cajun_creole", + "ingredients": [ + "rock shrimp", + "hot pepper sauce", + "haddock fillets", + "cayenne pepper", + "ground white pepper", + "chicken stock", + "minced garlic", + "bay scallops", + "chopped celery", + "chopped onion", + "dried oregano", + "tomatoes", + "ground black pepper", + "bay leaves", + "salt", + "sweet basil", + "tomato sauce", + "chopped green bell pepper", + "butter", + "dri leav thyme", + "white sugar" + ] + }, + { + "id": 45923, + "cuisine": "thai", + "ingredients": [ + "eggs", + "lite coconut milk", + "fresh lime", + "pineapple", + "cold water", + "brown sugar", + "water", + "green onions", + "garlic cloves", + "peeled deveined shrimp", + "soy sauce", + "dried thyme", + "salt", + "frozen edamame beans", + "coconut oil", + "minced ginger", + "sesame oil", + "long grain white rice" + ] + }, + { + "id": 21463, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic", + "ground white pepper", + "canola", + "white fleshed fish", + "chili flakes", + "ginger", + "scallions", + "kosher salt", + "cilantro leaves", + "fermented black beans" + ] + }, + { + "id": 35286, + "cuisine": "korean", + "ingredients": [ + "green onions", + "garlic cloves", + "soy sauce", + "vegetable oil", + "sesame oil", + "chili garlic paste", + "sesame seeds", + "firm tofu" + ] + }, + { + "id": 38334, + "cuisine": "chinese", + "ingredients": [ + "rice wine", + "white sugar", + "soy sauce", + "garlic", + "chicken wings", + "sesame oil", + "water", + "garlic chili sauce" + ] + }, + { + "id": 10972, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "splenda", + "red pepper flakes", + "peanut butter", + "coconut milk", + "eggs", + "Sriracha", + "sesame oil", + "shirataki", + "ground coriander", + "canola oil", + "garlic paste", + "broccoli florets", + "lime wedges", + "rice vinegar", + "lemon juice", + "ground cumin", + "tofu", + "peanuts", + "green onions", + "red pepper", + "tamarind paste", + "onions" + ] + }, + { + "id": 14225, + "cuisine": "southern_us", + "ingredients": [ + "ground ginger", + "fresh lemon juice", + "ground cloves", + "brown sugar", + "boneless skinless chicken breast halves", + "peaches" + ] + }, + { + "id": 48555, + "cuisine": "mexican", + "ingredients": [ + "ground sirloin", + "low-fat cheddar", + "olive oil", + "wonton wrappers", + "ground cumin", + "chili powder", + "green chilies", + "cooking spray", + "salsa" + ] + }, + { + "id": 29453, + "cuisine": "japanese", + "ingredients": [ + "dry mustard", + "onions", + "pepper", + "cucumber", + "vinegar", + "sour cream", + "sugar", + "salt", + "coriander" + ] + }, + { + "id": 31470, + "cuisine": "thai", + "ingredients": [ + "sugar", + "tuna steaks", + "rice vinegar", + "fresh lime juice", + "cooking spray", + "purple onion", + "dark sesame oil", + "sambal ulek", + "sliced cucumber", + "salt", + "carrots", + "black pepper", + "navel oranges", + "chinese cabbage", + "chopped cilantro fresh" + ] + }, + { + "id": 39617, + "cuisine": "mexican", + "ingredients": [ + "morel", + "vegetable oil", + "chanterelle", + "shredded Monterey Jack cheese", + "flour tortillas", + "salt", + "garlic cloves", + "unsalted butter", + "mild green chiles", + "freshly ground pepper", + "shiitake", + "chili powder", + "salsa", + "wild mushrooms" + ] + }, + { + "id": 33363, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "grated parmesan cheese", + "salt", + "olive oil", + "basil", + "grape tomatoes", + "large eggs", + "garlic", + "corn kernels", + "yukon gold potatoes" + ] + }, + { + "id": 13654, + "cuisine": "indian", + "ingredients": [ + "eggs", + "mint leaves", + "salt", + "lemon juice", + "bread flour", + "plain yogurt", + "butter", + "greek style plain yogurt", + "wheat flour", + "warm water", + "sliced cucumber", + "cilantro leaves", + "red bell pepper", + "cumin", + "active dry yeast", + "purple onion", + "sauce", + "white sugar" + ] + }, + { + "id": 24862, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "thyme leaves", + "chopped garlic", + "black pepper", + "ham", + "bay leaf", + "red kidney beans", + "salt", + "chopped parsley", + "water", + "sausages", + "onions" + ] + }, + { + "id": 29081, + "cuisine": "indian", + "ingredients": [ + "water", + "butter", + "cumin seed", + "whole wheat flour", + "salt", + "olive oil", + "red pepper flakes", + "spinach", + "flour", + "all-purpose flour" + ] + }, + { + "id": 7526, + "cuisine": "cajun_creole", + "ingredients": [ + "powdered sugar", + "french bread", + "strawberries", + "large eggs", + "vanilla extract", + "grated orange", + "sugar", + "butter", + "whole nutmegs", + "ground cinnamon", + "reduced fat milk", + "salt" + ] + }, + { + "id": 12863, + "cuisine": "thai", + "ingredients": [ + "straw mushrooms", + "fresh ginger", + "serrano chile", + "chile paste", + "medium shrimp", + "lemongrass", + "low sodium chicken broth", + "lime", + "chopped cilantro fresh" + ] + }, + { + "id": 24187, + "cuisine": "italian", + "ingredients": [ + "bulk italian sausag", + "banana peppers", + "tortilla chips", + "pizza sauce", + "pepperoni slices", + "shredded mozzarella cheese" + ] + }, + { + "id": 16724, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "freshly ground pepper", + "bacon slices", + "chopped pecans" + ] + }, + { + "id": 6095, + "cuisine": "southern_us", + "ingredients": [ + "whole wheat buns", + "boneless skinless chicken breasts", + "black pepper", + "hot sauce", + "brown sugar", + "apple cider vinegar", + "kosher salt", + "coleslaw" + ] + }, + { + "id": 34910, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "peanut oil", + "ground chicken breast", + "minced garlic", + "fresh basil leaves", + "dark soy sauce", + "thai chile" + ] + }, + { + "id": 45569, + "cuisine": "brazilian", + "ingredients": [ + "tapioca flour", + "salt", + "whole milk", + "parmesan cheese", + "eggs", + "vegetable oil" + ] + }, + { + "id": 37186, + "cuisine": "korean", + "ingredients": [ + "tofu", + "water", + "kimchi", + "sugar", + "sesame oil", + "pepper flakes", + "green onions", + "pork belly", + "Gochujang base" + ] + }, + { + "id": 29088, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh orange juice", + "orange rind", + "fresh basil", + "parmigiano reggiano cheese", + "vegetable broth", + "pinenuts", + "butter", + "garlic cloves", + "ground black pepper", + "orzo" + ] + }, + { + "id": 38132, + "cuisine": "southern_us", + "ingredients": [ + "evaporated milk", + "all-purpose flour", + "egg yolks", + "vinegar", + "sugar", + "dry mustard" + ] + }, + { + "id": 49707, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "tortilla chips", + "iceberg lettuce", + "bell pepper", + "ground turkey", + "scallion greens", + "taco seasoning reduced sodium", + "vegetable oil", + "extra sharp cheddar cheese" + ] + }, + { + "id": 1922, + "cuisine": "british", + "ingredients": [ + "pork", + "bacon", + "ground allspice", + "onions", + "eggs", + "water", + "salt", + "sour cream", + "pepper", + "whipping cream", + "garlic cloves", + "shortening", + "beef bouillon granules", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 16341, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "white sugar", + "salt", + "olive oil", + "warm water", + "all-purpose flour" + ] + }, + { + "id": 40108, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "green tomatoes", + "buttermilk", + "sugar", + "large eggs", + "vegetable oil", + "all-purpose flour", + "honey", + "onion powder", + "salt", + "boneless chicken thighs", + "baking powder", + "butter", + "bread flour" + ] + }, + { + "id": 11021, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "salt", + "brown sugar", + "vanilla extract", + "pecans", + "bourbon whiskey", + "semi-sweet chocolate morsels", + "pie crust", + "large eggs", + "corn syrup" + ] + }, + { + "id": 39643, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "fajita size flour tortillas", + "spinach", + "cracked black pepper", + "roma tomatoes", + "shredded mozzarella cheese", + "dried basil", + "salt" + ] + }, + { + "id": 17129, + "cuisine": "italian", + "ingredients": [ + "lemon", + "salt", + "pecorino romano cheese", + "artichokes", + "extra-virgin olive oil", + "cracked black pepper" + ] + }, + { + "id": 42295, + "cuisine": "korean", + "ingredients": [ + "short-grain rice", + "sauce", + "kosher salt", + "lettuce leaves", + "pork butt", + "light brown sugar", + "granulated sugar", + "kimchi", + "oysters", + "sea salt" + ] + }, + { + "id": 16018, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "black pepper", + "beef tenderloin steaks", + "broccoli", + "anchovies" + ] + }, + { + "id": 40332, + "cuisine": "british", + "ingredients": [ + "white onion", + "potatoes", + "paprika", + "corn starch", + "cheddar cheese", + "ground black pepper", + "heavy cream", + "sausages", + "Guinness Beer", + "butter", + "salt", + "onions", + "garlic powder", + "grapeseed oil", + "all-purpose flour", + "canola oil" + ] + }, + { + "id": 11068, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "unsalted butter", + "white corn syrup", + "salt", + "milk", + "large eggs", + "buttermilk", + "toasted pecans", + "granulated sugar", + "vegetable shortening", + "icing", + "baking soda", + "baking powder", + "cake flour" + ] + }, + { + "id": 48624, + "cuisine": "southern_us", + "ingredients": [ + "ground nutmeg", + "chopped pecans", + "ground cinnamon", + "sweet potatoes", + "ground ginger", + "half & half", + "grated orange", + "vegetable oil cooking spray", + "Domino Light Brown Sugar" + ] + }, + { + "id": 27818, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "garlic cloves", + "sugar", + "green onions", + "soy sauce", + "sesame oil", + "beef" + ] + }, + { + "id": 38530, + "cuisine": "italian", + "ingredients": [ + "Bertolli® Classico Olive Oil", + "tomatoes", + "fresh basil leaves", + "dry white wine", + "Bertolli® Alfredo Sauce", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 33962, + "cuisine": "southern_us", + "ingredients": [ + "barbecue sauce", + "large garlic cloves", + "ground oregano", + "sugar", + "ground red pepper", + "salt", + "dried sage", + "paprika", + "ground cumin", + "beef brisket", + "chili powder", + "freshly ground pepper" + ] + }, + { + "id": 49492, + "cuisine": "mexican", + "ingredients": [ + "lime", + "cilantro", + "spaghetti squash", + "ground cumin", + "black beans", + "jalapeno chilies", + "purple onion", + "red bell pepper", + "cheddar cheese", + "olive oil", + "cracked black pepper", + "garlic cloves", + "kosher salt", + "chili powder", + "frozen corn", + "oregano" + ] + }, + { + "id": 4060, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "lemon juice", + "tomatoes", + "sliced black olives", + "avocado", + "taco seasoning mix", + "sour cream", + "cheddar cheese", + "green onions" + ] + }, + { + "id": 21185, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "cilantro", + "hot sauce", + "corn tortillas", + "ground cumin", + "ground paprika", + "red cabbage", + "purple onion", + "tilapia", + "hass avocado", + "lime juice", + "garlic", + "cayenne pepper", + "fresh lime juice", + "cotija", + "chili powder", + "salt", + "sour cream", + "canola oil" + ] + }, + { + "id": 24654, + "cuisine": "southern_us", + "ingredients": [ + "lower sodium chicken broth", + "chopped onion", + "bacon slices", + "salt", + "hot pepper sauce", + "green beans" + ] + }, + { + "id": 44882, + "cuisine": "spanish", + "ingredients": [ + "cider vinegar", + "fresh parsley", + "diced onions", + "fresh cilantro", + "black pepper", + "crushed red pepper", + "saffron threads", + "water" + ] + }, + { + "id": 26457, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "chili powder", + "salt", + "fresh lime juice", + "black beans", + "hot pepper sauce", + "red wine vinegar", + "lemon juice", + "chopped cilantro fresh", + "green bell pepper", + "ground black pepper", + "crushed garlic", + "frozen corn kernels", + "white sugar", + "olive oil", + "cannellini beans", + "purple onion", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 26555, + "cuisine": "cajun_creole", + "ingredients": [ + "zucchini", + "diced tomatoes", + "carrots", + "tomato sauce", + "chili powder", + "chopped celery", + "onions", + "green bell pepper", + "pimentos", + "white rice", + "cooked shrimp", + "water", + "butter", + "fresh mushrooms" + ] + }, + { + "id": 7257, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "olive oil", + "salt", + "japanese eggplants", + "romano cheese", + "balsamic vinegar", + "plum tomatoes", + "fresh basil", + "fresh mozzarella balls", + "fresh basil leaves", + "water", + "butter", + "dried oregano" + ] + }, + { + "id": 6300, + "cuisine": "cajun_creole", + "ingredients": [ + "red pepper", + "carrots", + "frozen peas", + "corn", + "beef broth", + "ground beef", + "salt", + "celery", + "cajun seasoning", + "long-grain rice", + "onions" + ] + }, + { + "id": 5245, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "salt", + "pork baby back ribs", + "peeled fresh ginger", + "chopped garlic", + "unsweetened coconut milk", + "golden brown sugar", + "chopped cilantro fresh", + "soy sauce", + "shallots" + ] + }, + { + "id": 39156, + "cuisine": "italian", + "ingredients": [ + "low-fat cottage cheese", + "breakfast sausages", + "ground beef", + "tomatoes", + "large eggs", + "garlic", + "tomato paste", + "lasagna noodles", + "parsley", + "fresh basil leaves", + "mozzarella cheese", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 40469, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "pork", + "pepper", + "egg noodles", + "napa cabbage leaves", + "napa cabbage", + "garlic chili sauce", + "glass noodles", + "garland chrysanthemum", + "scallops", + "meatballs", + "fish fingers", + "sesame oil", + "salt", + "shrimp", + "chicken", + "gai lan", + "soy sauce", + "water", + "hoisin sauce", + "chicken carcass", + "choy sum", + "goji berries", + "fish", + "tofu", + "baby bok choy", + "fishcake", + "beef", + "mushrooms", + "rice noodles", + "squid", + "dumplings" + ] + }, + { + "id": 31244, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "ground cumin", + "black pepper", + "paprika", + "onion powder", + "garlic powder", + "cayenne pepper" + ] + }, + { + "id": 45517, + "cuisine": "cajun_creole", + "ingredients": [ + "light corn syrup", + "water", + "large egg whites", + "sugar", + "salt" + ] + }, + { + "id": 33259, + "cuisine": "italian", + "ingredients": [ + "water", + "butter", + "garlic cloves", + "fettucine", + "green onions", + "all-purpose flour", + "plum tomatoes", + "olive oil", + "salt", + "lemon juice", + "fresh rosemary", + "dry white wine", + "freshly ground pepper", + "large shrimp" + ] + }, + { + "id": 8766, + "cuisine": "mexican", + "ingredients": [ + "cherry tomatoes", + "purple onion", + "fresh lemon juice", + "chopped cilantro fresh", + "mayonaise", + "jicama", + "whole kernel corn, drain", + "red bell pepper", + "pepper", + "chicken meat", + "taco seasoning", + "sour cream", + "avocado", + "hot pepper sauce", + "salt", + "carrots", + "ground cumin" + ] + }, + { + "id": 27789, + "cuisine": "irish", + "ingredients": [ + "black pepper", + "dijon mustard", + "chopped celery", + "garlic cloves", + "fresh parsley", + "green cabbage", + "water", + "cooking spray", + "grated lemon zest", + "fresh lemon juice", + "caraway seeds", + "prepared horseradish", + "butter", + "chopped onion", + "carrots", + "pickling spices", + "beef brisket", + "dry bread crumbs", + "small red potato" + ] + }, + { + "id": 39105, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "garlic powder", + "Tabasco Pepper Sauce", + "coriander", + "cumin", + "cider vinegar", + "chili powder", + "red bell pepper", + "dried leaves oregano", + "boneless chicken skinless thigh", + "agave nectar", + "diced tomatoes", + "boneless skinless chicken breast halves", + "whole grain mustard", + "onion powder", + "onions", + "arugula" + ] + }, + { + "id": 29120, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "green pepper", + "canola oil", + "water", + "corn starch", + "soy sauce", + "garlic cloves", + "cooked rice", + "boneless beef sirloin steak", + "onions" + ] + }, + { + "id": 42404, + "cuisine": "mexican", + "ingredients": [ + "pepper jack", + "enchilada sauce", + "wonton wrappers", + "boneless skinless chicken breasts", + "diced green chilies", + "scallions" + ] + }, + { + "id": 8516, + "cuisine": "indian", + "ingredients": [ + "dried split peas", + "garam masala", + "green chilies", + "onions", + "water", + "vegetable oil", + "cumin seed", + "fresh coriander", + "ground black pepper", + "ground coriander", + "ground turmeric", + "tomatoes", + "fresh ginger", + "salt", + "garlic cloves" + ] + }, + { + "id": 3552, + "cuisine": "japanese", + "ingredients": [ + "soup", + "scallions", + "vegetable oil", + "cod fillets", + "shiitake mushroom caps" + ] + }, + { + "id": 37386, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "dried oregano", + "tomato sauce", + "salt", + "tomato paste", + "onion powder", + "ground cumin", + "garlic powder", + "beef broth" + ] + }, + { + "id": 21516, + "cuisine": "italian", + "ingredients": [ + "baking powder", + "all-purpose flour", + "large eggs", + "vanilla extract", + "pistachios", + "salt", + "sugar", + "sanding sugar", + "dried cranberries" + ] + }, + { + "id": 22200, + "cuisine": "cajun_creole", + "ingredients": [ + "scallion greens", + "cayenne", + "salt", + "onions", + "reduced sodium chicken broth", + "shell-on shrimp", + "duck", + "green bell pepper", + "bay leaves", + "all-purpose flour", + "celery ribs", + "water", + "vegetable oil", + "red bell pepper" + ] + }, + { + "id": 2965, + "cuisine": "french", + "ingredients": [ + "white bread", + "fresh thyme", + "red wine", + "garlic cloves", + "onions", + "pancetta", + "olive oil", + "bay leaves", + "salt", + "celery", + "chicken", + "plain flour", + "potatoes", + "button mushrooms", + "carrots", + "redcurrant jelly", + "clove", + "ground black pepper", + "butter", + "cognac", + "fresh parsley" + ] + }, + { + "id": 25312, + "cuisine": "thai", + "ingredients": [ + "curry powder", + "vegetable oil", + "sugar", + "fresh ginger", + "garlic", + "lemongrass", + "cilantro root", + "soy sauce", + "ground black pepper", + "chicken" + ] + }, + { + "id": 49088, + "cuisine": "filipino", + "ingredients": [ + "white vinegar", + "cooking oil", + "salt", + "soy sauce", + "bay leaves", + "pork", + "potatoes", + "peppercorns", + "water", + "crushed garlic" + ] + }, + { + "id": 32748, + "cuisine": "french", + "ingredients": [ + "shallots", + "fresh lemon juice", + "unsalted butter", + "fresh tarragon", + "dry white wine", + "white wine vinegar", + "large egg yolks", + "vegetable oil", + "boneless rib eye steaks" + ] + }, + { + "id": 48203, + "cuisine": "spanish", + "ingredients": [ + "chorizo", + "yukon gold potatoes", + "roasted red peppers", + "extra-virgin olive oil", + "sherry vinegar", + "sheep’s milk cheese", + "pie dough", + "baby arugula", + "pie shell" + ] + }, + { + "id": 33289, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "half & half", + "garlic", + "celery", + "warm water", + "parmesan cheese", + "diced tomatoes", + "all-purpose flour", + "bread flour", + "sugar", + "olive oil", + "butter", + "salt", + "onions", + "pepper", + "grated parmesan cheese", + "vegetable broth", + "carrots", + "italian seasoning" + ] + }, + { + "id": 28705, + "cuisine": "italian", + "ingredients": [ + "shallots", + "dried porcini mushrooms", + "whipping cream", + "grated parmesan cheese", + "low salt chicken broth", + "fettucine", + "butter" + ] + }, + { + "id": 49504, + "cuisine": "chinese", + "ingredients": [ + "jumbo shrimp", + "fresh ginger", + "bell pepper", + "chicken broth", + "minced garlic", + "hoisin sauce", + "corn starch", + "sugar pea", + "zucchini", + "purple onion", + "low sodium soy sauce", + "olive oil", + "shredded carrots", + "toasted sesame seeds" + ] + }, + { + "id": 14088, + "cuisine": "mexican", + "ingredients": [ + "poblano chilies", + "white onion", + "vegetable oil", + "crème fraîche" + ] + }, + { + "id": 45063, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "salt", + "I Can't Believe It's Not Butter!® Spread", + "milk", + "all-purpose flour" + ] + }, + { + "id": 41058, + "cuisine": "french", + "ingredients": [ + "sugar", + "all-purpose flour", + "unsalted butter", + "pure vanilla extract", + "large eggs", + "pinenuts" + ] + }, + { + "id": 16793, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "large garlic cloves", + "salt", + "cherry tomatoes", + "extra-virgin olive oil", + "fresh lemon juice", + "black pepper", + "Italian parsley leaves", + "squid", + "celery ribs", + "red wine vinegar", + "purple onion" + ] + }, + { + "id": 34137, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "rice wine", + "chinese five-spice powder", + "hoisin sauce", + "star anise", + "honey", + "sesame oil", + "oyster sauce", + "dark soy sauce", + "pork tenderloin", + "red food coloring" + ] + }, + { + "id": 21639, + "cuisine": "greek", + "ingredients": [ + "eggplant", + "extra-virgin olive oil", + "red bell pepper", + "finely chopped onion", + "garlic cloves", + "plum tomatoes", + "ground black pepper", + "salt", + "flat leaf parsley", + "white bread", + "cooking spray", + "feta cheese crumbles", + "dried oregano" + ] + }, + { + "id": 10370, + "cuisine": "korean", + "ingredients": [ + "sugar", + "honey", + "rice wine", + "garlic cloves", + "soy sauce", + "potatoes", + "ginger", + "onions", + "red chili peppers", + "sesame seeds", + "sesame oil", + "carrots", + "hot red pepper flakes", + "pepper", + "chicken parts", + "scallions" + ] + }, + { + "id": 34999, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "large garlic cloves", + "spaghetti", + "fish fillets", + "dry white wine", + "crushed red pepper", + "black pepper", + "lemon wedge", + "fresh parsley", + "diced onions", + "cherry tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 25793, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "pork tenderloin", + "ground cumin", + "tomatoes", + "shredded reduced fat cheddar cheese", + "pinto beans", + "minced garlic", + "non-fat sour cream", + "vegetable oil cooking spray", + "flour tortillas", + "chunky salsa" + ] + }, + { + "id": 14151, + "cuisine": "indian", + "ingredients": [ + "pepper", + "chopped cilantro fresh", + "cucumber", + "salt", + "ground cumin", + "plain yogurt", + "fresh mint" + ] + }, + { + "id": 35611, + "cuisine": "russian", + "ingredients": [ + "cold water", + "lemon zest", + "farmer cheese", + "eggs", + "sea salt", + "oil", + "potato starch", + "baking powder", + "sour cherries", + "pure vanilla extract", + "sugar", + "all-purpose flour", + "lemon juice" + ] + }, + { + "id": 29514, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "ham", + "black pepper", + "butter", + "onions", + "seasoning salt", + "peas", + "enriched white rice", + "ground red pepper", + "fresh parsley" + ] + }, + { + "id": 2555, + "cuisine": "greek", + "ingredients": [ + "cinnamon", + "dried oregano", + "ground black pepper", + "salt", + "skinless chicken pieces", + "poultry seasoning", + "olive oil", + "lemon" + ] + }, + { + "id": 38394, + "cuisine": "italian", + "ingredients": [ + "ground cloves", + "baking powder", + "all-purpose flour", + "white sugar", + "ground cinnamon", + "baking soda", + "vanilla extract", + "chopped walnuts", + "milk", + "butter", + "ground allspice", + "unsweetened cocoa powder", + "eggs", + "ground nutmeg", + "salt", + "confectioners sugar" + ] + }, + { + "id": 8153, + "cuisine": "indian", + "ingredients": [ + "instant yeast", + "ground cardamom", + "sugar", + "all-purpose flour", + "ground turmeric", + "salt", + "ghee", + "milk", + "greek style plain yogurt" + ] + }, + { + "id": 22284, + "cuisine": "brazilian", + "ingredients": [ + "pepper", + "hot pepper sauce", + "large garlic cloves", + "onions", + "orange", + "vegetable oil", + "salt", + "spicy pork sausage", + "black turtle beans", + "bay leaves", + "bacon", + "coriander", + "olive oil", + "lemon", + "steak", + "pork sausages" + ] + }, + { + "id": 19869, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chopped green chilies", + "salt", + "corn tortillas", + "water", + "cilantro", + "enchilada sauce", + "cumin", + "minced garlic", + "chili powder", + "frozen corn", + "onions", + "chicken broth", + "crushed tomatoes", + "cheese", + "sour cream", + "chicken" + ] + }, + { + "id": 4580, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "paprika", + "pork meat", + "ground black pepper", + "cayenne pepper", + "bay leaf", + "minced garlic", + "dried sage", + "fresh pork fat", + "large sausage casing", + "salt", + "hickory-flavored liquid smoke" + ] + }, + { + "id": 10059, + "cuisine": "italian", + "ingredients": [ + "crumbled goat cheese", + "ground black pepper", + "garlic", + "milk", + "heavy cream", + "onions", + "kosher salt", + "grated parmesan cheese", + "roast red peppers, drain", + "olive oil", + "linguine" + ] + }, + { + "id": 8968, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "crushed red pepper", + "fresh lemon juice", + "canola oil", + "black pepper", + "lettuce leaves", + "garlic cloves", + "plum tomatoes", + "fresh dill", + "feta cheese", + "english cucumber", + "boneless skinless chicken breast halves", + "diced onions", + "whole wheat pita", + "fresh oregano", + "greek yogurt" + ] + }, + { + "id": 35727, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "stewed tomatoes", + "hot dogs", + "onions", + "vegetable oil", + "dried oregano", + "bell pepper", + "salt" + ] + }, + { + "id": 3050, + "cuisine": "italian", + "ingredients": [ + "red chili peppers", + "garlic", + "chopped tomatoes", + "olive oil", + "spaghetti", + "fresh basil", + "parmesan cheese" + ] + }, + { + "id": 46176, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "pizza sauce", + "asparagus", + "prebaked pizza crusts", + "crumbled blue cheese", + "olive oil", + "salt" + ] + }, + { + "id": 48787, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "ground red pepper", + "okra", + "vegetable oil", + "white cornmeal", + "sugar", + "salt" + ] + }, + { + "id": 9631, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella", + "plum tomatoes", + "basil leaves", + "extra-virgin olive oil", + "black pepper" + ] + }, + { + "id": 21112, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "Mexican cheese blend", + "cooked bacon", + "cayenne pepper", + "enchilada sauce", + "oregano", + "chicken broth", + "corn", + "bacon", + "sweet mini bells", + "green chilies", + "sour cream", + "arborio rice", + "lime juice", + "chili powder", + "salt", + "rice", + "smoked paprika", + "ground cumin", + "black beans", + "olive oil", + "diced tomatoes", + "hot sauce", + "garlic cloves", + "onions" + ] + }, + { + "id": 43840, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "red wine vinegar", + "smoked paprika", + "double concentrate tomato paste", + "olive oil", + "cilantro leaves", + "cauliflower", + "curry powder", + "florets", + "white onion", + "cayenne", + "chickpeas" + ] + }, + { + "id": 41187, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "cooking spray", + "1% low-fat milk", + "gorgonzola", + "fresh parmesan cheese", + "paprika", + "purple onion", + "dried rosemary", + "baguette", + "ground red pepper", + "part-skim ricotta cheese", + "plum tomatoes", + "large eggs", + "bacon slices", + "salt" + ] + }, + { + "id": 26541, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "flour tortillas", + "shredded cheese", + "onions", + "pepper", + "salt", + "enchilada sauce", + "cottage cheese", + "stewed tomatoes", + "garlic cloves", + "shredded cheddar cheese", + "taco seasoning", + "ground beef" + ] + }, + { + "id": 31789, + "cuisine": "italian", + "ingredients": [ + "egg yolks", + "salt", + "cream of tartar", + "butter", + "baking powder", + "white sugar", + "egg whites", + "cake flour" + ] + }, + { + "id": 34802, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "sea salt", + "garlic cloves", + "sage leaves", + "dry white wine", + "extra-virgin olive oil", + "cinnamon sticks", + "stock", + "cracked black pepper", + "carrots", + "celery ribs", + "red wine vinegar", + "lamb shoulder", + "onions" + ] + }, + { + "id": 20831, + "cuisine": "italian", + "ingredients": [ + "cottage cheese", + "shredded mozzarella cheese", + "lasagna noodles", + "shredded cheddar cheese", + "pasta sauce", + "grated parmesan cheese" + ] + }, + { + "id": 17309, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "salt", + "fresh parsley", + "olive oil", + "linguine", + "carrots", + "water", + "red pepper flakes", + "lentils", + "onions", + "ground black pepper", + "garlic", + "bay leaf" + ] + }, + { + "id": 24013, + "cuisine": "spanish", + "ingredients": [ + "sliced almonds", + "sherry wine vinegar", + "red bell pepper", + "wheat bread", + "water", + "sweet paprika", + "onions", + "kosher salt", + "extra-virgin olive oil", + "ancho chile pepper", + "snappers", + "olive oil", + "garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 43900, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "grated parmesan cheese", + "garlic", + "onions", + "olive oil", + "whole wheat bread", + "ground turkey", + "tomatoes", + "whole milk", + "salt", + "dried oregano", + "large eggs", + "crushed red pepper flakes", + "fresh parsley" + ] + }, + { + "id": 9469, + "cuisine": "japanese", + "ingredients": [ + "wasabi", + "sushi rice", + "Kewpie Mayonnaise", + "rice vinegar", + "white sugar", + "brown sugar", + "black sesame seeds", + "ginger", + "garlic cloves", + "cold water", + "mirin", + "fried eggs", + "cayenne pepper", + "lettuce", + "soy sauce", + "flank steak", + "salt", + "nori sheets" + ] + }, + { + "id": 48415, + "cuisine": "greek", + "ingredients": [ + "cooking spray", + "ground cumin", + "pitas", + "salt" + ] + }, + { + "id": 12699, + "cuisine": "italian", + "ingredients": [ + "green olives", + "spaghetti", + "sun-dried tomatoes", + "fresh basil", + "meatballs", + "pesto" + ] + }, + { + "id": 10598, + "cuisine": "italian", + "ingredients": [ + "gnocchi", + "pasta sauce", + "italian seasoning", + "pork sausages", + "shredded mozzarella cheese" + ] + }, + { + "id": 24142, + "cuisine": "french", + "ingredients": [ + "eggs", + "dry yeast", + "whipped cream", + "water", + "dark rum", + "sugar", + "flour", + "candied fruit", + "milk", + "butter" + ] + }, + { + "id": 3374, + "cuisine": "italian", + "ingredients": [ + "hazelnuts", + "sea salt", + "fresh thyme leaves", + "extra-virgin olive oil" + ] + }, + { + "id": 22913, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "garlic cloves", + "bacon slices", + "pecorino romano cheese", + "water", + "bow-tie pasta" + ] + }, + { + "id": 27328, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "light cream cheese", + "frozen chopped spinach", + "butter", + "shredded Monterey Jack cheese", + "cooking spray", + "sliced mushrooms", + "black beans", + "reduced-fat sour cream" + ] + }, + { + "id": 15166, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "salt", + "oven-ready lasagna noodles", + "part-skim mozzarella cheese", + "marinara sauce", + "fresh mushrooms", + "nonfat ricotta cheese", + "vegetable oil cooking spray", + "grated parmesan cheese", + "yellow onion", + "red bell pepper", + "zucchini", + "yellow bell pepper", + "garlic cloves" + ] + }, + { + "id": 3646, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "ground pork", + "ground cayenne pepper", + "garlic powder", + "salt", + "white sugar", + "mace", + "cracked black pepper", + "pork shoulder", + "ice water", + "ground coriander" + ] + }, + { + "id": 48953, + "cuisine": "southern_us", + "ingredients": [ + "ice cubes", + "orange", + "orange juice", + "chambord", + "cocktail cherries", + "liqueur", + "vodka", + "light rum", + "gin", + "dark rum", + "coconut rum" + ] + }, + { + "id": 27646, + "cuisine": "filipino", + "ingredients": [ + "black peppercorns", + "chili", + "garlic cloves", + "pork baby back ribs", + "apple cider vinegar", + "cooked rice", + "bay leaves", + "soy sauce", + "sea salt" + ] + }, + { + "id": 5739, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "ham", + "roasted red peppers", + "bread dough", + "olive oil", + "green beans", + "pepperoni slices", + "soppressata", + "dried oregano" + ] + }, + { + "id": 31277, + "cuisine": "indian", + "ingredients": [ + "dried lentils", + "pepper", + "zucchini", + "vegetable stock", + "carrots", + "yellow mustard seeds", + "curry powder", + "fenugreek", + "salt", + "tumeric", + "water", + "potatoes", + "garlic", + "onions", + "tomatoes", + "beans", + "olive oil", + "butternut squash", + "cayenne pepper" + ] + }, + { + "id": 22676, + "cuisine": "italian", + "ingredients": [ + "milk", + "oven-ready lasagna noodles", + "cream cheese with chives and onion", + "vegetables", + "parmesan cheese", + "shredded cheddar cheese", + "paprika" + ] + }, + { + "id": 36643, + "cuisine": "filipino", + "ingredients": [ + "water", + "brown sugar", + "coconut milk", + "salt", + "glutinous rice" + ] + }, + { + "id": 19047, + "cuisine": "indian", + "ingredients": [ + "eggplant", + "canola oil", + "chickpea flour", + "rice flour", + "salt", + "water", + "nigella seeds" + ] + }, + { + "id": 47659, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "butter", + "corn starch", + "baking powder", + "all-purpose flour", + "vanilla ice cream", + "buttermilk", + "blackberries" + ] + }, + { + "id": 22245, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "instant yeast", + "water", + "all-purpose flour" + ] + }, + { + "id": 17046, + "cuisine": "french", + "ingredients": [ + "fennel seeds", + "fennel bulb", + "baking potatoes", + "chickpeas", + "water", + "rouille", + "artichokes", + "fresh lemon juice", + "black pepper", + "leeks", + "diced tomatoes", + "garlic cloves", + "saffron threads", + "olive oil", + "dry white wine", + "salt" + ] + }, + { + "id": 47543, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "chili sauce", + "chicken stock", + "cayenne pepper", + "palm sugar", + "ground white pepper", + "fish sauce", + "tamarind paste" + ] + }, + { + "id": 30380, + "cuisine": "italian", + "ingredients": [ + "vine ripened tomatoes", + "ground black pepper", + "balsamic vinegar", + "salt" + ] + }, + { + "id": 27161, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "curry powder", + "jalapeno chilies", + "cracked black pepper", + "garlic cloves", + "smoked paprika", + "red lentils", + "jasmine rice", + "unsalted butter", + "chicken breasts", + "salt", + "carrots", + "celery", + "tumeric", + "fresh ginger", + "golden raisins", + "apples", + "ground cardamom", + "coconut milk", + "chicken stock", + "pepper", + "roma tomatoes", + "cilantro", + "yellow onion", + "thyme", + "cumin" + ] + }, + { + "id": 35700, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "fresh veget", + "tortilla chips", + "pepper jack" + ] + }, + { + "id": 10591, + "cuisine": "greek", + "ingredients": [ + "garbanzo beans", + "lemon juice", + "tahini", + "roasted red peppers", + "dried basil", + "garlic" + ] + }, + { + "id": 486, + "cuisine": "vietnamese", + "ingredients": [ + "peeled fresh ginger", + "cooked rice", + "vegetable oil", + "green onions", + "kosher salt", + "cooked chicken breasts" + ] + }, + { + "id": 14484, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "cajun seasoning", + "salt", + "quinoa", + "diced tomatoes", + "green pepper", + "minced garlic", + "worcestershire sauce", + "hot sauce", + "chicken stock", + "boneless skinless chicken breasts", + "smoked sausage", + "onions" + ] + }, + { + "id": 16149, + "cuisine": "italian", + "ingredients": [ + "water", + "ditalini", + "chopped onion", + "fresh rosemary", + "ground black pepper", + "salt", + "olive oil", + "vegetable broth", + "carrots", + "minced garlic", + "chopped fresh thyme", + "chickpeas" + ] + }, + { + "id": 33827, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sherry", + "salt", + "corn starch", + "fresh ginger", + "red pepper flakes", + "long-grain rice", + "medium shrimp", + "ketchup", + "sesame oil", + "scallions", + "red bell pepper", + "canned low sodium chicken broth", + "cooking oil", + "garlic", + "oyster sauce" + ] + }, + { + "id": 2548, + "cuisine": "chinese", + "ingredients": [ + "sugar pea", + "vegetable oil", + "garlic", + "chicken thighs", + "caster sugar", + "red pepper", + "salt", + "orange", + "ginger", + "rice vinegar", + "soy sauce", + "spring onions", + "cornflour", + "rice" + ] + }, + { + "id": 21881, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "parmigiano reggiano cheese", + "dried pappardelle", + "celery ribs", + "black pepper", + "dry red wine", + "hot water", + "tomato paste", + "olive oil", + "salt", + "red bell pepper", + "dried porcini mushrooms", + "shallots", + "carrots" + ] + }, + { + "id": 41120, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "dried oregano", + "black peppercorns", + "crushed red pepper" + ] + }, + { + "id": 29733, + "cuisine": "italian", + "ingredients": [ + "water", + "butter", + "broccoli rabe" + ] + }, + { + "id": 48717, + "cuisine": "southern_us", + "ingredients": [ + "dijon mustard", + "salt", + "onions", + "garlic powder", + "onion powder", + "dry bread crumbs", + "fennel seeds", + "chicken breast halves", + "hoagie rolls", + "plum tomatoes", + "ground nutmeg", + "crushed red pepper", + "leaf lettuce" + ] + }, + { + "id": 31157, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "all-purpose flour", + "sugar", + "garlic", + "scallions", + "eggs", + "flank steak", + "peanut oil", + "soy sauce", + "salt", + "corn starch" + ] + }, + { + "id": 14763, + "cuisine": "italian", + "ingredients": [ + "whole wheat flour", + "all-purpose flour", + "warm water", + "cooking spray", + "sugar", + "dry yeast", + "olive oil", + "salt" + ] + }, + { + "id": 5837, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "bacon", + "diced tomatoes in juice", + "cooked chicken breasts", + "sugar", + "Tabasco Pepper Sauce", + "all-purpose flour", + "bay leaf", + "fresh spinach", + "vinegar", + "garlic", + "celery", + "reduced sodium chicken broth", + "worcestershire sauce", + "red bell pepper", + "onions" + ] + }, + { + "id": 29208, + "cuisine": "irish", + "ingredients": [ + "crystallized ginger", + "baking powder", + "vanilla extract", + "egg whites", + "buttermilk", + "all-purpose flour", + "large eggs", + "butter", + "salt", + "sugar", + "old-fashioned oats", + "grated carrot", + "orange zest" + ] + }, + { + "id": 40271, + "cuisine": "japanese", + "ingredients": [ + "spinach leaves", + "crab", + "english cucumber", + "smoked salmon", + "soy sauce", + "salmon roe", + "radish sprouts", + "mayonaise", + "asparagus", + "lemon juice", + "avocado", + "ahi", + "enokitake", + "carrots" + ] + }, + { + "id": 2461, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "lime juice", + "garlic", + "rice flour", + "red chili peppers", + "shallots", + "rice vinegar", + "dried wood ear mushrooms", + "sugar", + "bawang goreng", + "salt", + "carrots", + "water", + "ground pork", + "oil" + ] + }, + { + "id": 23361, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "vegetable oil", + "oyster sauce", + "potato starch", + "Shaoxing wine", + "scallions", + "bok choy", + "water", + "garlic", + "carrots", + "soy sauce", + "ramen noodles", + "chinese five-spice powder", + "chicken thighs" + ] + }, + { + "id": 13202, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "garlic", + "ground black pepper", + "broccoli", + "olive oil", + "salt", + "grated parmesan cheese", + "orecchiette" + ] + }, + { + "id": 1657, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "marinara sauce", + "crushed red pepper", + "pepper", + "basil", + "onions", + "mozzarella cheese", + "ricotta cheese", + "penne pasta", + "fennel seeds", + "olive oil", + "garlic" + ] + }, + { + "id": 40092, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "garlic", + "smoked ham hocks", + "cold water", + "olive oil", + "diced tomatoes in juice", + "dried thyme", + "salt", + "bean soup mix", + "chicken stock", + "bay leaves", + "onions" + ] + }, + { + "id": 36037, + "cuisine": "brazilian", + "ingredients": [ + "butter", + "unsweetened cocoa powder", + "sweetened condensed milk" + ] + }, + { + "id": 33125, + "cuisine": "italian", + "ingredients": [ + "pasta", + "green onions", + "salt", + "cabbage", + "pepper", + "vegetable oil", + "chicken fingers", + "soy sauce", + "lime wedges", + "broccoli", + "cauliflower", + "shredded carrots", + "garlic", + "chopped cilantro" + ] + }, + { + "id": 47323, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "dry sherry", + "bass fillets", + "low sodium soy sauce", + "cooking spray", + "dark sesame oil", + "sesame seeds", + "rice vinegar", + "chile paste with garlic", + "peeled fresh ginger", + "garlic cloves" + ] + }, + { + "id": 8069, + "cuisine": "jamaican", + "ingredients": [ + "simple syrup", + "fresh ginger", + "Angostura bitters", + "pineapple juice", + "rum" + ] + }, + { + "id": 45846, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "ground chipotle chile pepper", + "Best Foods® Real Mayonnaise", + "garlic", + "boneless chicken skinless thigh", + "chopped cilantro fresh" + ] + }, + { + "id": 43288, + "cuisine": "italian", + "ingredients": [ + "eggs", + "peperoncino", + "country style bread", + "porcini", + "swiss chard", + "extra-virgin olive oil", + "celery", + "water", + "sea salt", + "chopped parsley", + "tomatoes", + "parmigiano reggiano cheese", + "purple onion" + ] + }, + { + "id": 7105, + "cuisine": "italian", + "ingredients": [ + "parsley flakes", + "cottage cheese", + "dried basil", + "jumbo pasta shells", + "dried minced onion", + "frozen chopped spinach", + "tomato sauce", + "shredded cheddar cheese", + "grated parmesan cheese", + "cream cheese", + "dried oregano", + "eggs", + "pepper", + "part-skim mozzarella cheese", + "sauce", + "onions", + "ground cinnamon", + "sugar", + "bulk italian sausag", + "salt", + "garlic cloves" + ] + }, + { + "id": 34801, + "cuisine": "southern_us", + "ingredients": [ + "water", + "yellow hominy", + "all-purpose flour", + "winter squash", + "vegetable oil", + "cumin seed", + "fresh cilantro", + "chili powder", + "beef broth", + "sugar", + "chopped green bell pepper", + "purple onion", + "garlic cloves" + ] + }, + { + "id": 9061, + "cuisine": "southern_us", + "ingredients": [ + "all-purpose flour", + "ground black pepper", + "garlic salt", + "chicken livers", + "vegetable oil" + ] + }, + { + "id": 26955, + "cuisine": "japanese", + "ingredients": [ + "white pepper", + "mirin", + "vegetable oil", + "dried shiitake mushrooms", + "eggs", + "sesame seeds", + "spring onions", + "pork stock", + "soy sauce", + "miso paste", + "bean paste", + "salt", + "silken tofu", + "udon", + "ginger", + "minced pork" + ] + }, + { + "id": 35416, + "cuisine": "thai", + "ingredients": [ + "water", + "sesame oil", + "cilantro leaves", + "jalapeno chilies", + "garlic", + "asian fish sauce", + "cooking oil", + "red pepper flakes", + "rice vinegar", + "sugar", + "boneless skinless chicken breasts", + "salt" + ] + }, + { + "id": 49415, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "bamboo shoots", + "slivered almonds", + "green pepper", + "chicken breasts", + "fresh ginger root", + "oil" + ] + }, + { + "id": 48547, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "habanero", + "yellow corn meal", + "baking powder", + "all-purpose flour", + "large eggs", + "salt", + "melted butter", + "buttermilk" + ] + }, + { + "id": 31349, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "hot sauce", + "ketchup", + "worcestershire sauce", + "firmly packed brown sugar", + "onion powder", + "browning", + "cider vinegar", + "salt" + ] + }, + { + "id": 19381, + "cuisine": "jamaican", + "ingredients": [ + "white pepper", + "fresh lemon", + "cornish hens", + "bread crumb fresh", + "bananas", + "salt", + "allspice", + "jamaican rum", + "olive oil", + "cinnamon", + "chopped onion", + "ground cloves", + "garlic powder", + "butter", + "poultry seasoning" + ] + }, + { + "id": 41300, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "egg whites", + "salt", + "eggs", + "milk", + "vanilla extract", + "cream of tartar", + "coconut", + "butter", + "white sugar", + "water", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 28003, + "cuisine": "korean", + "ingredients": [ + "water", + "green onions", + "firm tofu", + "sake", + "gochugaru", + "daikon", + "shrimp", + "whitefish", + "anchovies", + "sesame oil", + "garlic cloves", + "soy sauce", + "enokitake", + "Gochujang base", + "greens" + ] + }, + { + "id": 47196, + "cuisine": "thai", + "ingredients": [ + "minced garlic", + "dry pasta", + "boneless skinless chicken breast halves", + "white wine", + "olive oil", + "lemon juice", + "pepper", + "fresh ginger root", + "dried red chile peppers", + "soy sauce", + "watercress leaves", + "salt" + ] + }, + { + "id": 10948, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "corn", + "canola oil", + "curry powder", + "halibut", + "granny smith apples", + "fish broth", + "pepper", + "salt" + ] + }, + { + "id": 46090, + "cuisine": "italian", + "ingredients": [ + "pepper", + "butter", + "grated parmesan cheese", + "salt", + "minced garlic", + "2% reduced-fat milk", + "orzo pasta", + "fresh parsley" + ] + }, + { + "id": 42233, + "cuisine": "chinese", + "ingredients": [ + "chicken wings", + "white pepper", + "sesame oil", + "soy sauce", + "flour", + "oil", + "sugar", + "garlic powder", + "salt", + "eggs", + "black pepper", + "Shaoxing wine", + "corn starch" + ] + }, + { + "id": 32185, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "garlic powder", + "diced tomatoes", + "salt", + "celery", + "black pepper", + "onion powder", + "garlic", + "ground white pepper", + "onions", + "celery leaves", + "quick cooking brown rice", + "paprika", + "cayenne pepper", + "cooked shrimp", + "reduced sodium chicken broth", + "cajun seasoning", + "sweet pepper", + "flat leaf parsley", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 9223, + "cuisine": "mexican", + "ingredients": [ + "vegetable shortening", + "cold water", + "masa harina", + "kosher salt" + ] + }, + { + "id": 4048, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "hot pepper", + "canola oil", + "lime", + "garlic", + "kosher salt", + "yellow corn", + "mayonaise", + "chili powder", + "chopped cilantro" + ] + }, + { + "id": 32269, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "minced onion", + "salt", + "allspice", + "hamburger buns", + "ground black pepper", + "sliced cucumber", + "garlic cloves", + "ground cumin", + "fresh leav spinach", + "ground turkey breast", + "green onions", + "feta cheese crumbles", + "sumac", + "zucchini", + "greek style plain yogurt", + "ground lamb" + ] + }, + { + "id": 33853, + "cuisine": "vietnamese", + "ingredients": [ + "oil", + "water", + "rice flour", + "tapioca starch" + ] + }, + { + "id": 38056, + "cuisine": "mexican", + "ingredients": [ + "cherry tomatoes", + "garlic", + "serrano chile", + "ground black pepper", + "salt", + "large shrimp", + "olive oil", + "purple onion", + "dried oregano", + "worcestershire sauce", + "fresh lime juice" + ] + }, + { + "id": 3890, + "cuisine": "indian", + "ingredients": [ + "saffron threads", + "red chili powder", + "olive oil", + "salt", + "cinnamon sticks", + "nutmeg", + "ground cloves", + "butter", + "skinless chicken breasts", + "ginger paste", + "green cardamom pods", + "garlic paste", + "yoghurt", + "yellow onion", + "basmati rice", + "ground cinnamon", + "kewra", + "whipping cream", + "green cardamom", + "ground cumin" + ] + }, + { + "id": 16368, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "kosher salt", + "all-purpose flour", + "canola oil", + "andouille sausage", + "gumbo file", + "diced yellow onion", + "black pepper", + "butter", + "diced celery", + "green bell pepper", + "garlic powder", + "cayenne pepper" + ] + }, + { + "id": 26489, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "cheddar cheese", + "cheese", + "black bean and corn salsa", + "black beans", + "ground beef" + ] + }, + { + "id": 3386, + "cuisine": "greek", + "ingredients": [ + "purple onion", + "chopped parsley", + "olive oil", + "lemon juice", + "cherry tomatoes", + "salt", + "oregano", + "orange bell pepper", + "cucumber" + ] + }, + { + "id": 44492, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "self-rising cornmeal", + "sour cream", + "cream style corn", + "canola oil" + ] + }, + { + "id": 41487, + "cuisine": "chinese", + "ingredients": [ + "cooked rice", + "peanuts", + "garlic", + "chopped cilantro fresh", + "boneless, skinless chicken breast", + "green onions", + "peanut oil", + "fresh ginger", + "crushed red pepper flakes", + "corn starch", + "soy sauce", + "hoisin sauce", + "rice vinegar" + ] + }, + { + "id": 5679, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "bay scallops", + "togarashi", + "baby bok choy", + "ground black pepper", + "sesame oil", + "sugar", + "store bought low sodium chicken stock", + "udon", + "soy sauce", + "mirin", + "vegetable oil" + ] + }, + { + "id": 1971, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "corn", + "parsley", + "garlic", + "onions", + "tumeric", + "boneless chicken breast", + "ground thyme", + "gluten free all purpose flour", + "chicken broth", + "ground pepper", + "butter", + "salt", + "milk", + "baking powder", + "apple cider", + "carrots" + ] + }, + { + "id": 35603, + "cuisine": "spanish", + "ingredients": [ + "canned low sodium chicken broth", + "asparagus", + "garlic", + "onions", + "tumeric", + "artichok heart marin", + "salt", + "frozen peas", + "water", + "cannellini beans", + "rice", + "tomatoes", + "olive oil", + "pimentos", + "flat leaf parsley" + ] + }, + { + "id": 47610, + "cuisine": "chinese", + "ingredients": [ + "lump crab meat", + "corn oil", + "ground white pepper", + "sugar", + "steamed white rice", + "rice vinegar", + "eggs", + "fresh ginger", + "sesame oil", + "petite peas", + "soy sauce", + "green onions", + "garlic cloves" + ] + }, + { + "id": 43298, + "cuisine": "italian", + "ingredients": [ + "eggs", + "garlic powder", + "vegetable oil", + "pepper", + "marinara sauce", + "Italian seasoned breadcrumbs", + "mozzarella cheese", + "grated parmesan cheese", + "salt", + "water", + "chicken breasts", + "spaghetti" + ] + }, + { + "id": 27010, + "cuisine": "french", + "ingredients": [ + "large eggs", + "chopped fresh thyme", + "garlic cloves", + "ground black pepper", + "cooking spray", + "salt", + "shiitake mushroom caps", + "cremini mushrooms", + "reduced fat milk", + "butter", + "flat leaf parsley", + "finely chopped onion", + "yukon gold potatoes", + "all-purpose flour" + ] + }, + { + "id": 8648, + "cuisine": "british", + "ingredients": [ + "mushrooms", + "onions", + "water", + "butter", + "eggs", + "pepperidge farm puff pastry", + "ground black pepper", + "beef tenderloin" + ] + }, + { + "id": 38285, + "cuisine": "mexican", + "ingredients": [ + "jicama", + "sea salt", + "fresh cilantro", + "chili powder" + ] + }, + { + "id": 9878, + "cuisine": "mexican", + "ingredients": [ + "green chilies", + "chicken breasts", + "rotel tomatoes", + "shredded cheese", + "tortilla shells", + "ground cumin" + ] + }, + { + "id": 8372, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "sweet potatoes", + "purple onion", + "fresh lime juice", + "pepper", + "garam masala", + "vegetable broth", + "cayenne pepper", + "coconut sugar", + "quinoa", + "diced tomatoes", + "salt", + "chopped cilantro fresh", + "olive oil", + "jalapeno chilies", + "garlic", + "chickpeas" + ] + }, + { + "id": 28078, + "cuisine": "french", + "ingredients": [ + "sugar", + "fresh raspberries", + "egg yolks", + "fresh mint", + "firmly packed light brown sugar", + "vanilla extract", + "grated orange", + "whipping cream", + "orange liqueur" + ] + }, + { + "id": 13286, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "russet potatoes", + "olive oil", + "green beans", + "minced garlic", + "pecorino romano cheese", + "freshly grated parmesan", + "fresh basil leaves" + ] + }, + { + "id": 36333, + "cuisine": "italian", + "ingredients": [ + "honey", + "vegetable oil", + "all-purpose flour", + "slivered almonds", + "large eggs", + "vanilla extract", + "baking soda", + "anise", + "grated lemon peel", + "sugar", + "baking powder", + "salt" + ] + }, + { + "id": 8357, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "navel oranges", + "polenta", + "large eggs", + "amaretto", + "fresh lemon juice", + "slivered almonds", + "baking powder", + "salt", + "sugar", + "butter", + "lemon rind" + ] + }, + { + "id": 17285, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "coriander seeds", + "cilantro leaves", + "oil", + "cashew nuts", + "curry leaves", + "water", + "capsicum", + "brown cardamom", + "cinnamon sticks", + "shahi jeera", + "clove", + "chicken bones", + "mint leaves", + "green cardamom", + "lemon juice", + "peppercorns", + "nutmeg", + "mace", + "salt", + "green chilies", + "onions", + "cumin" + ] + }, + { + "id": 37042, + "cuisine": "french", + "ingredients": [ + "water", + "grated orange", + "mint sprigs", + "orange", + "sugar", + "fresh lemon juice" + ] + }, + { + "id": 10042, + "cuisine": "southern_us", + "ingredients": [ + "skim milk", + "all-purpose flour", + "baking powder", + "vegetable oil cooking spray", + "salt", + "whole wheat flour", + "margarine" + ] + }, + { + "id": 9473, + "cuisine": "italian", + "ingredients": [ + "saffron threads", + "olive oil", + "crushed red pepper", + "vidalia onion", + "dry white wine", + "garlic cloves", + "arborio rice", + "fresh parmesan cheese", + "salt", + "fat free less sodium chicken broth", + "baby spinach", + "shrimp" + ] + }, + { + "id": 25350, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "bean curd skins", + "salt", + "pork", + "water chestnuts", + "cucumber", + "sugar", + "tapioca flour", + "chinese five-spice powder", + "chicken bouillon granules", + "white pepper", + "garlic", + "onions" + ] + }, + { + "id": 20996, + "cuisine": "italian", + "ingredients": [ + "water", + "bread flour", + "fine sea salt", + "extra-virgin olive oil", + "golden caster sugar", + "yeast" + ] + }, + { + "id": 49326, + "cuisine": "indian", + "ingredients": [ + "vegetable broth", + "lentils", + "garam masala", + "salad oil", + "salt" + ] + }, + { + "id": 21162, + "cuisine": "french", + "ingredients": [ + "chicken broth", + "pearl onions", + "dry red wine", + "thyme", + "cremini mushrooms", + "olive oil", + "salt", + "bay leaf", + "red potato", + "turkey bacon", + "garlic", + "celery", + "black pepper", + "flour", + "carrots", + "chicken thighs" + ] + }, + { + "id": 39702, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "garlic", + "eggplant", + "ground beef", + "lasagna noodles", + "onions", + "crushed tomatoes", + "fresh mushrooms" + ] + }, + { + "id": 41810, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "orange liqueur", + "kalamata", + "grated orange", + "serrano peppers", + "pimento stuffed green olives", + "lime juice", + "tequila" + ] + }, + { + "id": 16633, + "cuisine": "italian", + "ingredients": [ + "finely chopped fresh parsley", + "shredded mozzarella cheese", + "vegetable oil", + "grated parmesan cheese", + "boneless skinless chicken breast halves", + "pasta sauce", + "frozen bread dough" + ] + }, + { + "id": 17823, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large eggs", + "unsweetened cocoa powder", + "mascarpone", + "heavy cream", + "marsala wine", + "chocolate shavings", + "brewed coffee", + "savoiardi" + ] + }, + { + "id": 17223, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "radishes", + "sesame oil", + "peanut oil", + "chopped cilantro", + "fresh basil", + "water", + "peeled fresh ginger", + "canned beef broth", + "carrots", + "chopped fresh mint", + "black peppercorns", + "lemongrass", + "green onions", + "star anise", + "beansprouts", + "serrano chilies", + "fresh udon", + "oxtails", + "lime wedges", + "garlic cloves", + "onions" + ] + }, + { + "id": 40282, + "cuisine": "southern_us", + "ingredients": [ + "garlic", + "olive oil", + "smoked ham hocks", + "collard greens", + "chicken base", + "red pepper flakes" + ] + }, + { + "id": 47854, + "cuisine": "french", + "ingredients": [ + "swordfish steaks", + "extra-virgin olive oil", + "chicken stock", + "lemon wedge", + "salt", + "artichoke hearts", + "garlic", + "white wine", + "kalamata", + "flour for dusting" + ] + }, + { + "id": 23156, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "carrots", + "lettuce", + "cooking oil", + "Gochujang base", + "sugar", + "chicken breasts", + "oyster sauce", + "peanuts", + "salt", + "corn starch" + ] + }, + { + "id": 14448, + "cuisine": "japanese", + "ingredients": [ + "potato starch", + "sugar", + "vegetable oil", + "sake", + "black pepper", + "salt", + "chicken wings", + "soy sauce", + "garlic", + "ginger juice", + "mirin", + "black vinegar" + ] + }, + { + "id": 28934, + "cuisine": "cajun_creole", + "ingredients": [ + "fat free less sodium chicken broth", + "fresh thyme", + "salt", + "red kidnei beans, rins and drain", + "ground black pepper", + "chopped celery", + "long grain brown rice", + "olive oil", + "ground red pepper", + "garlic cloves", + "boneless chicken skinless thigh", + "chopped green bell pepper", + "purple onion", + "sliced green onions" + ] + }, + { + "id": 27558, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "salt", + "sugar", + "sweet rice", + "mango", + "sesame seeds" + ] + }, + { + "id": 26340, + "cuisine": "chinese", + "ingredients": [ + "ground black pepper", + "white rice", + "medium shrimp", + "soy sauce", + "sesame oil", + "scallions", + "chinese rice wine", + "corn oil", + "gingerroot", + "chicken broth", + "large eggs", + "salt", + "frozen peas" + ] + }, + { + "id": 30339, + "cuisine": "italian", + "ingredients": [ + "milk", + "unsalted butter", + "salt", + "honey", + "golden raisins", + "candied fruit", + "active dry yeast", + "flour", + "all-purpose flour", + "sugar", + "large egg yolks", + "vanilla extract" + ] + }, + { + "id": 2874, + "cuisine": "italian", + "ingredients": [ + "cremini mushrooms", + "unsalted butter", + "veal shanks", + "celery ribs", + "dried thyme", + "balsamic vinegar", + "fresh lemon juice", + "water", + "fresh shiitake mushrooms", + "fresh parsley leaves", + "dry vermouth", + "olive oil", + "portabello mushroom", + "onions" + ] + }, + { + "id": 22203, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "roasted peanuts", + "ground turmeric", + "curry leaves", + "cooking oil", + "rice", + "mustard seeds", + "chana dal", + "cilantro leaves", + "lemon juice", + "grated coconut", + "urad dal", + "green chilies", + "onions" + ] + }, + { + "id": 18406, + "cuisine": "irish", + "ingredients": [ + "baking powder", + "salt", + "baking soda", + "buttermilk", + "whole wheat flour", + "butter", + "all-purpose flour", + "large eggs", + "currant" + ] + }, + { + "id": 5776, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped green bell pepper", + "ground red pepper", + "paprika", + "fresh oregano", + "mushrooms", + "fresh thyme leaves", + "salt", + "garlic cloves", + "cooked rice", + "green onions", + "vegetable oil", + "all-purpose flour", + "fresh parsley", + "bay leaves", + "cooked chicken", + "chopped celery", + "chopped onion" + ] + }, + { + "id": 42341, + "cuisine": "mexican", + "ingredients": [ + "low-fat sour cream", + "jalapeno chilies", + "diced tomatoes", + "dried oregano", + "refried beans", + "green onions", + "baked tortilla chips", + "fresh cilantro", + "cooking spray", + "salt", + "shredded Monterey Jack cheese", + "ground round", + "roasted red peppers", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 49631, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "baking powder", + "unsalted butter", + "all-purpose flour", + "fresh chives", + "buttermilk" + ] + }, + { + "id": 37874, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "zucchini", + "garlic cloves", + "peeled tomatoes", + "red wine vinegar", + "red bell pepper", + "chorizo", + "large eggs", + "fresh parsley leaves", + "sugar", + "olive oil", + "salt", + "onions" + ] + }, + { + "id": 9289, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "red bell pepper", + "minced garlic", + "purple onion", + "fresh lime juice", + "green bell pepper", + "vegetable oil", + "sour cream", + "ground pepper", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 19306, + "cuisine": "cajun_creole", + "ingredients": [ + "salt", + "pepper", + "squash", + "tomatoes", + "creole seasoning", + "bacon slices", + "onions" + ] + }, + { + "id": 9055, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic", + "hoisin sauce", + "honey", + "chinese five-spice powder", + "spareribs", + "Shaoxing wine" + ] + }, + { + "id": 19737, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "large eggs", + "1% low-fat milk", + "large egg whites", + "butter", + "spaghetti", + "pepper", + "cooking spray", + "salt", + "fresh parmesan cheese", + "large garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 32653, + "cuisine": "southern_us", + "ingredients": [ + "dijon mustard", + "cooked shrimp", + "creole mustard", + "light mayonnaise", + "green onions", + "fresh parsley", + "prepared horseradish", + "lemon juice" + ] + }, + { + "id": 6515, + "cuisine": "italian", + "ingredients": [ + "capers", + "dry white wine", + "skinless chicken breasts", + "large egg whites", + "lemon", + "olive oil spray", + "reduced sodium chicken broth", + "whipped butter", + "fresh parsley leaves", + "ground black pepper", + "dry bread crumbs" + ] + }, + { + "id": 47712, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "cherry tomatoes", + "sea salt", + "cayenne pepper", + "corn", + "ground pepper", + "cheese", + "cooked quinoa", + "fresh cilantro", + "olive oil", + "extra-virgin olive oil", + "scallions", + "lime", + "chili powder", + "garlic" + ] + }, + { + "id": 35536, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "baking powder", + "sweetened condensed milk", + "evaporated milk", + "all-purpose flour", + "corn kernels", + "salt", + "ground cinnamon", + "unsalted butter", + "white sugar" + ] + }, + { + "id": 11449, + "cuisine": "chinese", + "ingredients": [ + "water", + "crushed red pepper flakes", + "soy sauce", + "green onions", + "medium shrimp", + "Splenda Brown Sugar Blend", + "sesame seeds", + "corn starch", + "minced garlic", + "sesame oil" + ] + }, + { + "id": 11064, + "cuisine": "british", + "ingredients": [ + "eggs", + "flour", + "milk", + "currant", + "cream of tartar", + "baking soda", + "salt", + "caster sugar", + "butter" + ] + }, + { + "id": 30936, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "fresh basil", + "balsamic vinegar", + "tomatoes", + "cooked chicken", + "pepper", + "fresh mozzarella" + ] + }, + { + "id": 20361, + "cuisine": "cajun_creole", + "ingredients": [ + "passion fruit juice", + "fresh lime juice", + "dark rum", + "light rum" + ] + }, + { + "id": 48506, + "cuisine": "thai", + "ingredients": [ + "chinese celery", + "thai chile", + "sugar", + "peanuts", + "onions", + "fish sauce", + "lime", + "dried shrimp", + "fried garlic", + "cilantro", + "noodles" + ] + }, + { + "id": 20405, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "arbol chile", + "kosher salt", + "bloody mary mix", + "hot sauce", + "lime juice", + "tequila" + ] + }, + { + "id": 33641, + "cuisine": "chinese", + "ingredients": [ + "white onion", + "garlic", + "carrots", + "eggs", + "green onions", + "rice", + "frozen peas", + "pepper", + "salt", + "toasted sesame oil", + "soy sauce", + "butter", + "oyster sauce" + ] + }, + { + "id": 26423, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "sesame oil", + "garlic", + "toasted sesame oil", + "toasted sesame seeds", + "minced ginger", + "crushed red pepper flakes", + "freshly ground pepper", + "ground beef", + "black vinegar", + "szechwan peppercorns", + "ginger", + "oil", + "wood ear mushrooms", + "sliced green onions", + "sugar", + "wonton wrappers", + "salt", + "chopped cilantro", + "noodles" + ] + }, + { + "id": 27970, + "cuisine": "southern_us", + "ingredients": [ + "dark corn syrup", + "melted butter", + "salt", + "pie crust", + "granulated sugar", + "eggs", + "chopped pecans" + ] + }, + { + "id": 45705, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "milk", + "salt", + "dried fruit", + "cinnamon", + "sugar", + "flour", + "lemon juice", + "water", + "butter" + ] + }, + { + "id": 35479, + "cuisine": "spanish", + "ingredients": [ + "whole almonds", + "unsalted butter", + "vanilla extract", + "dried pear", + "pitted date", + "light corn syrup", + "salt", + "sugar", + "egg yolks", + "pear nectar", + "dark brown sugar", + "roasted cashews", + "pinenuts", + "whipping cream", + "all-purpose flour" + ] + }, + { + "id": 26699, + "cuisine": "vietnamese", + "ingredients": [ + "light brown sugar", + "reduced sodium soy sauce", + "peanut oil", + "bone in chicken thighs", + "kosher salt", + "hot chili paste", + "rice flour", + "fish sauce", + "shallots", + "garlic cloves", + "ground black pepper", + "ginger", + "fresh lime juice" + ] + }, + { + "id": 27240, + "cuisine": "italian", + "ingredients": [ + "pasta", + "olive oil", + "garlic", + "pinenuts", + "balsamic vinegar", + "fresh oregano", + "capers", + "feta cheese", + "crushed red pepper", + "cherry tomatoes", + "kalamata" + ] + }, + { + "id": 39970, + "cuisine": "cajun_creole", + "ingredients": [ + "chile powder", + "corn kernels", + "long-grain rice", + "smoked paprika", + "cumin", + "crushed tomatoes", + "yellow onion", + "thyme", + "oregano", + "andouille sausage", + "vegetable oil", + "shrimp", + "rib", + "chicken stock", + "fresh thyme", + "garlic cloves", + "red bell pepper" + ] + }, + { + "id": 29860, + "cuisine": "mexican", + "ingredients": [ + "grated parmesan cheese", + "shredded cheddar cheese", + "dry bread crumbs", + "eggs", + "heavy cream", + "unsalted butter", + "chayotes" + ] + }, + { + "id": 22565, + "cuisine": "vietnamese", + "ingredients": [ + "unsalted butter", + "scallions", + "salt", + "asian fish sauce", + "sugar", + "ear of corn", + "thai chile", + "dried shrimp" + ] + }, + { + "id": 42227, + "cuisine": "chinese", + "ingredients": [ + "jasmine rice", + "peeled fresh ginger", + "juice", + "hoisin sauce", + "peanut oil", + "fresh chives", + "pork tenderloin", + "grapefruit", + "shiitake", + "roasted peanuts", + "bok choy" + ] + }, + { + "id": 6691, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "grated parmesan cheese", + "ground pork", + "mortadella", + "flat leaf parsley", + "chicken stock", + "unsalted butter", + "basil", + "grated nutmeg", + "carrots", + "pancetta", + "tomatoes", + "dry white wine", + "extra-virgin olive oil", + "freshly ground pepper", + "onions", + "celery ribs", + "ground chuck", + "heavy cream", + "salt", + "garlic cloves", + "spaghetti" + ] + }, + { + "id": 10263, + "cuisine": "thai", + "ingredients": [ + "jumbo shrimp", + "minced garlic", + "hoisin sauce", + "rice vinegar", + "neutral oil", + "kosher salt", + "lime", + "cracked black pepper", + "hothouse cucumber", + "unsweetened coconut milk", + "sugar", + "lemongrass", + "shallots", + "hot water", + "fish sauce", + "pepper", + "fresh ginger", + "salt" + ] + }, + { + "id": 28953, + "cuisine": "filipino", + "ingredients": [ + "mayonaise", + "ground black pepper", + "dried basil", + "butter", + "tilapia fillets", + "onion powder", + "celery salt", + "parmesan cheese", + "fresh lemon juice" + ] + }, + { + "id": 38835, + "cuisine": "cajun_creole", + "ingredients": [ + "Red Gold® diced tomatoes", + "Gourmet Garden garlic paste", + "Gourmet Garden Oregano", + "salt", + "large shrimp", + "Johnsonville Andouille", + "bay leaves", + "onions", + "cider vinegar", + "Pompeian Canola Oil and Extra Virgin Olive Oil", + "ground cumin" + ] + }, + { + "id": 35457, + "cuisine": "italian", + "ingredients": [ + "salad dressing", + "garlic powder", + "boneless skinless chicken breast halves", + "salt" + ] + }, + { + "id": 26548, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "olive oil", + "vegetable broth", + "corn tortillas", + "white onion", + "chili powder", + "cilantro leaves", + "ground cumin", + "mayonaise", + "ground black pepper", + "salt", + "adobo sauce", + "cauliflower", + "lime juice", + "large garlic cloves", + "brown lentils" + ] + }, + { + "id": 49317, + "cuisine": "russian", + "ingredients": [ + "egg noodles", + "sour cream", + "green bell pepper", + "cooking spray", + "beef consomme", + "condensed french onion soup", + "flank steak" + ] + }, + { + "id": 5824, + "cuisine": "southern_us", + "ingredients": [ + "unflavored gelatin", + "fresh mint", + "sparkling sugar", + "bourbon whiskey", + "sugar", + "cold water", + "mint sprigs" + ] + }, + { + "id": 16572, + "cuisine": "filipino", + "ingredients": [ + "sweet potatoes", + "coconut milk", + "jackfruit", + "tapioca", + "sugar", + "taro", + "bananas", + "salt" + ] + }, + { + "id": 20282, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "sesame oil", + "fish fillets", + "ground black pepper", + "alcohol", + "fresh ginger", + "sea salt", + "fresh chives", + "bean paste" + ] + }, + { + "id": 20775, + "cuisine": "italian", + "ingredients": [ + "chocolate cake mix", + "white sugar", + "frozen whipped topping", + "vanilla extract", + "eggs", + "chocolate instant pudding", + "milk", + "part-skim ricotta cheese" + ] + }, + { + "id": 19506, + "cuisine": "mexican", + "ingredients": [ + "chili", + "lettuce leaves", + "fat skimmed chicken broth", + "ground pepper", + "garlic", + "onions", + "corn kernels", + "amaranth", + "salad oil", + "lime juice", + "quinoa", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 23146, + "cuisine": "southern_us", + "ingredients": [ + "pork", + "italian salad dressing", + "collard greens", + "beef broth", + "dry mustard", + "sugar", + "garlic cloves" + ] + }, + { + "id": 14710, + "cuisine": "mexican", + "ingredients": [ + "water", + "baking powder", + "sour cream", + "masa harina", + "corn husks", + "salt", + "tamale filling", + "chili", + "garlic", + "lard", + "dough", + "pork loin", + "beef broth", + "onions" + ] + }, + { + "id": 41128, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "salt", + "pepper", + "jicama", + "fresh cilantro", + "purple onion", + "tomatoes", + "boneless chicken breast" + ] + }, + { + "id": 6673, + "cuisine": "cajun_creole", + "ingredients": [ + "boneless skinless chicken breasts", + "creole seasoning", + "celery", + "hot pepper sauce", + "green pepper", + "smoked turkey sausage", + "reduced sodium chicken broth", + "diced tomatoes", + "garlic cloves", + "brown rice", + "chopped onion", + "bay leaf" + ] + }, + { + "id": 13562, + "cuisine": "italian", + "ingredients": [ + "rosemary", + "basil", + "kosher salt", + "cherry tomatoes", + "garlic cloves", + "red potato", + "chicken sausage", + "extra-virgin olive oil", + "sweet onion", + "ground black pepper" + ] + }, + { + "id": 41098, + "cuisine": "french", + "ingredients": [ + "white chocolate", + "heavy cream", + "rum", + "peanut butter", + "semisweet chocolate", + "simple syrup", + "cocoa", + "sponge cake" + ] + }, + { + "id": 27431, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "salt", + "brown sugar", + "vinegar", + "oil", + "water", + "liver", + "bread crumbs", + "garlic", + "onions" + ] + }, + { + "id": 1630, + "cuisine": "southern_us", + "ingredients": [ + "golden raisins", + "chopped onion", + "bacon slices", + "broccoli slaw", + "salt", + "light mayonnaise" + ] + }, + { + "id": 14363, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "ground cumin", + "salsa verde", + "salt", + "jalapeno chilies", + "garlic cloves", + "green onions", + "chuck" + ] + }, + { + "id": 4560, + "cuisine": "vietnamese", + "ingredients": [ + "apples", + "allspice", + "Saigon cinnamon", + "ground ginger" + ] + }, + { + "id": 48699, + "cuisine": "spanish", + "ingredients": [ + "mayonaise", + "crushed tomatoes", + "ground black pepper", + "garlic", + "baguette", + "olive oil", + "roasted red peppers", + "onions", + "bottled clam juice", + "dried thyme", + "cayenne", + "salt", + "chorizo", + "sea scallops", + "dry white wine", + "large shrimp" + ] + }, + { + "id": 16483, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "scallions", + "canola oil", + "low sodium soy sauce", + "low-sodium fat-free chicken broth", + "garlic chili sauce", + "ramen noodles", + "garlic cloves", + "black pepper", + "baby spinach", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 41545, + "cuisine": "italian", + "ingredients": [ + "green olives", + "golden raisins", + "onions", + "swordfish steaks", + "all-purpose flour", + "olive oil", + "fresh mint", + "capers", + "white wine vinegar" + ] + }, + { + "id": 48256, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "lime", + "chopped cilantro fresh", + "boneless skinless chicken breast halves", + "taco seasoning mix" + ] + }, + { + "id": 25183, + "cuisine": "chinese", + "ingredients": [ + "peanuts", + "garlic", + "beansprouts", + "chicken stock", + "dry sherry", + "corn starch", + "onions", + "water chestnuts", + "chow mein noodles", + "celery", + "soy sauce", + "dry red wine", + "white mushrooms", + "chicken" + ] + }, + { + "id": 49329, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "half & half", + "apple cider", + "carrots", + "onions", + "yellow corn meal", + "olive oil", + "butter", + "all-purpose flour", + "dumplings", + "pepper", + "baking powder", + "salt", + "thyme", + "chicken", + "tumeric", + "low sodium chicken broth", + "heavy cream", + "diced celery", + "fresh parsley" + ] + }, + { + "id": 26686, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "honey", + "butter", + "cardamom", + "clove", + "red chili powder", + "yoghurt", + "ginger", + "masala", + "fenugreek leaves", + "garam masala", + "lemon", + "cinnamon sticks", + "tomato paste", + "cream", + "boneless chicken", + "garlic" + ] + }, + { + "id": 23461, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "vegetable oil", + "sugar", + "flank steak", + "low sodium soy sauce", + "green onions", + "garlic cloves", + "minced ginger", + "sesame oil" + ] + }, + { + "id": 13760, + "cuisine": "french", + "ingredients": [ + "water", + "butter", + "salt", + "bread crumbs", + "mushrooms", + "gruyere cheese", + "lemon juice", + "flour", + "heavy cream", + "freshly ground pepper", + "scallops", + "dry white wine", + "bouquet garni", + "onions" + ] + }, + { + "id": 41189, + "cuisine": "greek", + "ingredients": [ + "dijon mustard", + "kosher salt", + "spring onions", + "large eggs", + "low-fat greek yogurt", + "chives" + ] + }, + { + "id": 12975, + "cuisine": "italian", + "ingredients": [ + "garlic", + "ground black pepper", + "Swanson Chicken Broth", + "long grain white rice", + "grated parmesan cheese" + ] + }, + { + "id": 42065, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "self rising flour", + "oil", + "white pepper", + "salt", + "chicken legs", + "vegetable oil", + "chicken gravy", + "water", + "bacon fat" + ] + }, + { + "id": 20799, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "salt", + "avocado", + "lime wedges", + "chopped cilantro fresh", + "tomatoes", + "purple onion", + "jalapeno chilies", + "fresh lime juice" + ] + }, + { + "id": 7942, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "garlic cloves", + "extra-virgin olive oil", + "balsamic vinegar", + "fresh lemon juice", + "radicchio", + "ricotta" + ] + }, + { + "id": 40592, + "cuisine": "japanese", + "ingredients": [ + "salmon fillets", + "sesame oil", + "brown sugar", + "sesame seeds", + "salad dressing", + "water", + "seasoned rice wine vinegar", + "sake", + "miso paste" + ] + }, + { + "id": 45338, + "cuisine": "moroccan", + "ingredients": [ + "orange", + "salt", + "powdered sugar", + "fresh orange juice", + "radishes", + "fresh cilantro", + "orange flower water" + ] + }, + { + "id": 14555, + "cuisine": "moroccan", + "ingredients": [ + "canola", + "yeast", + "granulated sugar", + "canola oil", + "sugar", + "all purpose unbleached flour", + "warm water", + "salt" + ] + }, + { + "id": 29450, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "onion powder", + "chili sauce", + "mayonaise", + "ground black pepper", + "lemon", + "garlic powder", + "Tabasco Pepper Sauce", + "ketchup", + "dijon mustard", + "worcestershire sauce" + ] + }, + { + "id": 32133, + "cuisine": "russian", + "ingredients": [ + "shredded cheddar cheese", + "mashed potatoes", + "salt", + "pepper" + ] + }, + { + "id": 3812, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "lime juice", + "baking powder", + "vanilla extract", + "white sugar", + "white rum", + "mixed dried fruit", + "butter", + "all-purpose flour", + "eggs", + "lime", + "almond extract", + "salt", + "dark molasses", + "ground nutmeg", + "red wine", + "ground allspice" + ] + }, + { + "id": 18546, + "cuisine": "mexican", + "ingredients": [ + "ice cubes", + "tequila", + "fresh orange juice", + "mango", + "Cointreau Liqueur", + "key lime juice", + "simple syrup" + ] + }, + { + "id": 33327, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "kasuri methi", + "onions", + "cauliflower", + "chili powder", + "green chilies", + "ground turmeric", + "coriander powder", + "salt", + "cashew nuts", + "tomatoes", + "ginger", + "oil" + ] + }, + { + "id": 14996, + "cuisine": "vietnamese", + "ingredients": [ + "tomatoes", + "sweet onion", + "vegetable oil", + "cilantro leaves", + "cucumber", + "sugar", + "ground black pepper", + "ground pork", + "scallions", + "fresh basil leaves", + "fish sauce", + "leaves", + "diced tomatoes", + "leaf lettuce", + "cooked white rice", + "lime juice", + "Sriracha", + "garlic", + "hot water" + ] + }, + { + "id": 47649, + "cuisine": "japanese", + "ingredients": [ + "unsalted butter", + "scallions", + "sweet potatoes", + "miso paste" + ] + }, + { + "id": 10704, + "cuisine": "moroccan", + "ingredients": [ + "finely chopped fresh parsley", + "garlic cloves", + "sugar", + "cayenne pepper", + "carrots", + "ground cinnamon", + "extra-virgin olive oil", + "lemon juice", + "ground black pepper", + "orange flower water", + "ground cumin" + ] + }, + { + "id": 22287, + "cuisine": "italian", + "ingredients": [ + "water", + "lean ground beef", + "pasta sauce", + "lasagna noodles", + "shredded mozzarella cheese", + "eggs", + "ground black pepper", + "salt", + "cottage cheese", + "grated parmesan cheese", + "dried parsley" + ] + }, + { + "id": 68, + "cuisine": "japanese", + "ingredients": [ + "hard-boiled egg", + "vegetable oil", + "salt", + "bamboo shoots", + "caster sugar", + "ramen noodles", + "shells", + "pork shoulder", + "white pepper", + "sesame oil", + "garlic", + "ginger root", + "chicken", + "sake", + "spring onions", + "shoyu", + "carrots", + "nori" + ] + }, + { + "id": 21246, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "truffle oil", + "tomato basil sauce", + "olive oil", + "portabello mushroom", + "carrots", + "kosher salt", + "fresh mozzarella", + "yellow onion", + "ground black pepper", + "garlic", + "rigatoni" + ] + }, + { + "id": 38711, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "black olives", + "chicken bones", + "flour tortillas", + "fresh parsley", + "cooking oil", + "salt", + "feta cheese", + "red wine vinegar", + "plum tomatoes" + ] + }, + { + "id": 9147, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "carrots", + "coarse salt", + "large eggs", + "semolina flour", + "all-purpose flour" + ] + }, + { + "id": 1604, + "cuisine": "french", + "ingredients": [ + "shredded coconut", + "heavy cream", + "semisweet chocolate", + "unsalted butter", + "coffee" + ] + }, + { + "id": 9886, + "cuisine": "indian", + "ingredients": [ + "moong dal", + "green chilies", + "chillies", + "shallots", + "mustard seeds", + "fresh coriander", + "cumin seed", + "ghee", + "tumeric", + "garlic", + "ginger root" + ] + }, + { + "id": 1890, + "cuisine": "korean", + "ingredients": [ + "chicken wings", + "honey", + "sesame oil", + "pepper", + "asian pear", + "soy sauce", + "sesame seeds", + "McCormick Ground Ginger", + "minced garlic", + "green onions" + ] + }, + { + "id": 42402, + "cuisine": "mexican", + "ingredients": [ + "black peppercorns", + "collard leaves", + "garlic cloves", + "chicken legs", + "achiote", + "cumin seed", + "olive oil", + "salt", + "dried oregano", + "whole allspice", + "fresh orange juice", + "fresh lime juice" + ] + }, + { + "id": 25713, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "salt", + "eggs", + "chinese chives", + "cooking oil" + ] + }, + { + "id": 32169, + "cuisine": "indian", + "ingredients": [ + "water", + "chilli paste", + "oil", + "saffron", + "cooked rice", + "meat", + "curds", + "lemon juice", + "mint leaves", + "salt", + "ground cardamom", + "garlic paste", + "cinnamon", + "cumin seed", + "clarified butter" + ] + }, + { + "id": 5379, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "paprika", + "file powder", + "dark brown sugar", + "ground black pepper", + "dry mustard", + "turkey", + "peanut oil" + ] + }, + { + "id": 26634, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "ginger", + "sake", + "mirin", + "sesame seeds", + "sugar", + "boneless skinless chicken breasts" + ] + }, + { + "id": 31172, + "cuisine": "cajun_creole", + "ingredients": [ + "scallion greens", + "cayenne", + "salt", + "reduced sodium chicken broth", + "large garlic cloves", + "smoked turkey drumstick", + "green bell pepper", + "vegetable oil", + "onions", + "celery ribs", + "water", + "diced tomatoes", + "long grain white rice" + ] + }, + { + "id": 22907, + "cuisine": "spanish", + "ingredients": [ + "green cabbage", + "radishes", + "extra-virgin olive oil", + "red bell pepper", + "black pepper", + "jicama", + "fresh lemon juice", + "sliced green onions", + "sugar", + "jalapeno chilies", + "garlic cloves", + "chopped cilantro fresh", + "water", + "sea salt", + "carrots" + ] + }, + { + "id": 30624, + "cuisine": "french", + "ingredients": [ + "radishes", + "fine sea salt", + "butter" + ] + }, + { + "id": 39927, + "cuisine": "vietnamese", + "ingredients": [ + "heavy cream", + "sweetened condensed milk", + "egg yolks", + "coffee beans", + "salt", + "cinnamon", + "cardamom pods" + ] + }, + { + "id": 26707, + "cuisine": "greek", + "ingredients": [ + "baby lima beans", + "chopped onion", + "fresh dill", + "savory", + "low salt chicken broth", + "pancetta", + "olive oil", + "fresh fava bean", + "fennel seeds", + "fennel bulb", + "fresh lemon juice" + ] + }, + { + "id": 14621, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "raisins", + "crabmeat", + "olive oil", + "garlic", + "onions", + "pepper", + "peas", + "red bell pepper", + "tomatoes", + "potatoes", + "salt" + ] + }, + { + "id": 45650, + "cuisine": "italian", + "ingredients": [ + "pesto", + "grated parmesan cheese", + "low salt chicken broth", + "tomatoes", + "olive oil", + "carrots", + "celery ribs", + "fresh leav spinach", + "cannellini beans", + "onions", + "red potato", + "zucchini", + "green beans" + ] + }, + { + "id": 17634, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "cheese", + "rotelle", + "sour cream", + "black beans", + "spices", + "green onions", + "tortilla chips" + ] + }, + { + "id": 38208, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "water", + "parmesan cheese", + "balsamic vinegar", + "salt", + "green beans", + "pepper", + "olive oil", + "flour", + "red pepper flakes", + "lemon juice", + "onions", + "brown sugar", + "milk", + "grated parmesan cheese", + "butter", + "garlic cloves", + "red bell pepper", + "tomatoes", + "minced garlic", + "garbanzo beans", + "baking powder", + "paprika", + "shrimp" + ] + }, + { + "id": 27159, + "cuisine": "jamaican", + "ingredients": [ + "white onion", + "habanero pepper", + "berries", + "red snapper", + "water", + "vegetable oil", + "white vinegar", + "minced garlic", + "fresh thyme leaves", + "carrots", + "brown sugar", + "ground black pepper", + "salt" + ] + }, + { + "id": 15402, + "cuisine": "korean", + "ingredients": [ + "white distilled vinegar", + "toasted sesame seeds", + "salt", + "sesame oil", + "sugar", + "mung bean sprouts" + ] + }, + { + "id": 17481, + "cuisine": "mexican", + "ingredients": [ + "baking soda", + "half & half", + "salt", + "bittersweet chocolate", + "unsalted butter", + "cinnamon", + "all-purpose flour", + "unsweetened cocoa powder", + "granulated sugar", + "buttermilk", + "chopped pecans", + "water", + "large eggs", + "vanilla", + "confectioners sugar" + ] + }, + { + "id": 23787, + "cuisine": "british", + "ingredients": [ + "heavy cream", + "confectioners sugar", + "Baileys Irish Cream Liqueur", + "strawberries" + ] + }, + { + "id": 12069, + "cuisine": "french", + "ingredients": [ + "milk", + "dried tart cherries", + "salt", + "kirsch", + "sugar", + "egg yolks", + "vanilla extract", + "ground almonds", + "large egg whites", + "butter", + "all-purpose flour", + "ground cinnamon", + "unsalted butter", + "whipping cream", + "cherry preserves" + ] + }, + { + "id": 37160, + "cuisine": "indian", + "ingredients": [ + "clove", + "kosher salt", + "coriander seeds", + "garlic", + "fresh lemon juice", + "ground turmeric", + "granulated garlic", + "olive oil", + "boneless skinless chicken breasts", + "fenugreek seeds", + "cinnamon sticks", + "ground ginger", + "tandoori spices", + "cardamon", + "grated nutmeg", + "whole milk greek yogurt", + "chiles", + "fresh ginger", + "paprika", + "cumin seed", + "peppercorns" + ] + }, + { + "id": 47595, + "cuisine": "southern_us", + "ingredients": [ + "country ham", + "vegetable oil", + "boiling water", + "half & half", + "softened butter", + "sugar", + "salt", + "baking powder", + "white cornmeal" + ] + }, + { + "id": 5934, + "cuisine": "italian", + "ingredients": [ + "pasta", + "kosher salt", + "bell pepper", + "fresh parsley", + "capers", + "sherry vinegar", + "purple onion", + "marjoram", + "fresh basil", + "olive oil", + "fresh thyme leaves", + "chèvre", + "spinach", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 24294, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "paprika", + "garlic cloves", + "dried oregano", + "red kidney beans", + "ground black pepper", + "hot sauce", + "long grain brown rice", + "celery ribs", + "olive oil", + "vegetable broth", + "sausages", + "ground cumin", + "green bell pepper", + "diced tomatoes", + "scallions", + "onions" + ] + }, + { + "id": 10302, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "flour tortillas", + "coarse salt", + "diced tomatoes", + "corn starch", + "pepper", + "cooked chicken", + "butter", + "hot sauce", + "sour cream", + "black pepper", + "guacamole", + "baby spinach", + "salt", + "ground cayenne pepper", + "chicken broth", + "shredded extra sharp cheddar cheese", + "chili powder", + "shredded lettuce", + "cream cheese" + ] + }, + { + "id": 31836, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "cayenne pepper", + "olive oil", + "bbq seasoning", + "bbq sauce", + "sweet onion", + "colby jack cheese", + "enchilada sauce", + "tortillas", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 44218, + "cuisine": "moroccan", + "ingredients": [ + "turnips", + "parsnips", + "carrots", + "ground turmeric", + "ground cinnamon", + "cilantro", + "onions", + "ground ginger", + "dried apricot", + "ground cayenne pepper", + "ground cumin", + "prunes", + "vegetable broth", + "dried parsley" + ] + }, + { + "id": 42990, + "cuisine": "french", + "ingredients": [ + "unbaked pie crusts", + "gruyere cheese", + "eggs", + "butter", + "chopped ham", + "ground nutmeg", + "onions", + "milk", + "salt" + ] + }, + { + "id": 4421, + "cuisine": "japanese", + "ingredients": [ + "white rice", + "imitation crab meat", + "avocado", + "rice vinegar", + "white sugar", + "salt", + "cucumber", + "gari", + "seaweed" + ] + }, + { + "id": 5108, + "cuisine": "irish", + "ingredients": [ + "sugar", + "kiwi fruits", + "lime slices", + "grate lime peel", + "white chocolate", + "strawberries", + "whipping cream", + "fresh lime juice" + ] + }, + { + "id": 41684, + "cuisine": "spanish", + "ingredients": [ + "orange", + "fresh lime juice", + "curaçao", + "sparkling wine", + "ice cubes", + "tequila" + ] + }, + { + "id": 4228, + "cuisine": "brazilian", + "ingredients": [ + "fresh ginger", + "diced tomatoes", + "cilantro leaves", + "ground cayenne pepper", + "boneless skinless chicken breasts", + "light coconut milk", + "ground coriander", + "ground cumin", + "low sodium chicken broth", + "extra-virgin olive oil", + "yellow onion", + "ground turmeric", + "unsweetened shredded dried coconut", + "chile pepper", + "garlic", + "fresh lemon juice" + ] + }, + { + "id": 34397, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "vegetable oil", + "cilantro leaves", + "crema mexican", + "chicken meat", + "iceberg lettuce", + "water", + "tomatillos", + "corn tortillas", + "chicken bouillon granules", + "serrano peppers", + "garlic" + ] + }, + { + "id": 19593, + "cuisine": "irish", + "ingredients": [ + "lower sodium chicken broth", + "cooking spray", + "all-purpose flour", + "cod", + "large eggs", + "butter", + "ground black pepper", + "lemon wedge", + "frozen peas", + "white bread", + "mint leaves", + "salt" + ] + }, + { + "id": 8220, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "chicken cutlets", + "anchovy fillets", + "capers", + "salt", + "garlic cloves", + "green olives", + "crushed red pepper", + "fresh onion", + "olive oil", + "fresh oregano" + ] + }, + { + "id": 779, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "chopped onion", + "baguette", + "extra-virgin olive oil", + "flat leaf parsley", + "fish fillets", + "dry white wine", + "garlic cloves", + "water", + "chopped celery" + ] + }, + { + "id": 18715, + "cuisine": "mexican", + "ingredients": [ + "sweet potatoes", + "salt", + "heavy cream", + "unsalted butter", + "ancho chile pepper" + ] + }, + { + "id": 44792, + "cuisine": "irish", + "ingredients": [ + "whole milk", + "grated nutmeg", + "ground black pepper", + "heavy cream", + "rutabaga", + "yukon gold potatoes", + "garlic cloves", + "kosher salt", + "mackerel fillets" + ] + }, + { + "id": 7478, + "cuisine": "russian", + "ingredients": [ + "pasta", + "Philadelphia Cooking Creme", + "beef stew meat", + "mushrooms", + "yellow onion" + ] + }, + { + "id": 25614, + "cuisine": "greek", + "ingredients": [ + "fresh thyme leaves", + "garlic cloves", + "parsley leaves", + "extra-virgin olive oil", + "capers", + "red wine vinegar", + "onions", + "eggplant", + "pita loaves", + "fresh basil leaves" + ] + }, + { + "id": 49331, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "lime", + "yellow corn", + "pepper", + "lemon", + "diced red onions", + "chopped cilantro fresh" + ] + }, + { + "id": 40391, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "milk", + "American cheese", + "cumin", + "pickled jalapenos", + "juice", + "water" + ] + }, + { + "id": 8656, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "salt", + "plain low fat greek yogurt", + "garlic cloves", + "ground black pepper", + "english cucumber", + "red wine vinegar" + ] + }, + { + "id": 2549, + "cuisine": "indian", + "ingredients": [ + "asafoetida", + "salt", + "cooking oil", + "pickles", + "mustard seeds", + "lemon" + ] + }, + { + "id": 16759, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "honey", + "lamb shoulder", + "green beans", + "saffron", + "tumeric", + "sweet potatoes", + "ground coriander", + "cashew nuts", + "tomatoes", + "garam masala", + "salt", + "onions", + "pepper", + "cinnamon", + "garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 9922, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salt", + "chopped cilantro", + "hominy", + "pinto beans", + "oregano", + "tomatoes", + "enchilada sauce", + "onions", + "paprika", + "bay leaf", + "cabbage" + ] + }, + { + "id": 47963, + "cuisine": "french", + "ingredients": [ + "unsweetened shredded dried coconut", + "butter", + "heavy whipping cream", + "sugar", + "salt", + "powdered sugar", + "strawberry preserves", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 35317, + "cuisine": "korean", + "ingredients": [ + "chile powder", + "soy bean paste", + "salt", + "pepper", + "green onions", + "eggs", + "sesame seeds", + "ground beef", + "tofu", + "water", + "vegetable oil" + ] + }, + { + "id": 5616, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "onions", + "pasta sauce", + "garlic", + "dough", + "red pepper flakes", + "italian seasoning", + "mozzarella cheese", + "ground beef" + ] + }, + { + "id": 13157, + "cuisine": "korean", + "ingredients": [ + "honey", + "salt", + "chicken wings", + "pomegranate molasses", + "roasted salted cashews", + "umeboshi plum vinegar", + "fresh ginger", + "Gochujang base", + "pepper", + "paprika", + "toasted sesame seeds" + ] + }, + { + "id": 26481, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "salt", + "green onions", + "olive oil", + "ham", + "yukon gold potatoes" + ] + }, + { + "id": 38378, + "cuisine": "french", + "ingredients": [ + "chicken broth", + "leeks", + "bay leaf", + "dried thyme", + "salt", + "marjoram", + "pepper", + "butter", + "onions", + "potatoes", + "heavy whipping cream" + ] + }, + { + "id": 30153, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "cumin", + "garlic cloves", + "green pepper", + "beef roast", + "chili powder", + "onions" + ] + }, + { + "id": 475, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "salt", + "japanese cucumber", + "sugar", + "rice vinegar" + ] + }, + { + "id": 15969, + "cuisine": "filipino", + "ingredients": [ + "tomatoes", + "eggplant", + "garlic", + "pork butt", + "pepper", + "shrimp paste", + "oil", + "sugar", + "vinegar", + "salt", + "water", + "thai chile", + "onions" + ] + }, + { + "id": 16765, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "kosher salt", + "sweet corn", + "whole milk", + "sugar", + "heavy cream" + ] + }, + { + "id": 107, + "cuisine": "vietnamese", + "ingredients": [ + "white vinegar", + "black pepper", + "shallots", + "long-grain rice", + "fish sauce", + "fat free less sodium chicken broth", + "loin pork roast", + "garlic cloves", + "warm water", + "green onions", + "dark sesame oil", + "chopped cilantro fresh", + "sugar", + "peeled fresh ginger", + "salt", + "beansprouts" + ] + }, + { + "id": 31603, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "ground black pepper", + "red wine vinegar", + "red bell pepper", + "ground cumin", + "capers", + "jack", + "chipotle", + "garlic", + "onions", + "green bell pepper", + "olive oil", + "vegetable stock", + "long-grain rice", + "cashew nuts", + "kosher salt", + "poblano peppers", + "raisins", + "chopped cilantro" + ] + }, + { + "id": 48122, + "cuisine": "british", + "ingredients": [ + "instant yeast", + "sugar", + "butter", + "milk", + "salt", + "flour" + ] + }, + { + "id": 36673, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "cilantro leaves", + "fresh tomatoes", + "extra-virgin olive oil", + "fresh tuna steaks", + "fresh basil", + "green onions", + "asian fish sauce", + "honey", + "fresh lime juice" + ] + }, + { + "id": 2126, + "cuisine": "greek", + "ingredients": [ + "cayenne", + "celery", + "curry powder", + "cooked chicken", + "red grape", + "fresh parsley", + "low-fat greek yogurt", + "salt" + ] + }, + { + "id": 45370, + "cuisine": "jamaican", + "ingredients": [ + "habanero pepper", + "scallions", + "onions", + "olive oil", + "garlic", + "thyme", + "green bell pepper", + "ackee", + "codfish", + "ground black pepper", + "salt", + "red bell pepper" + ] + }, + { + "id": 10797, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "sweet onion", + "dry white wine", + "organic vegetable broth", + "grits", + "andouille sausage", + "ground black pepper", + "diced tomatoes", + "shrimp", + "kosher salt", + "green onions", + "fresh oregano", + "red bell pepper", + "green bell pepper", + "olive oil", + "cajun seasoning", + "garlic cloves" + ] + }, + { + "id": 4666, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "beer", + "olive oil", + "all-purpose flour", + "baby eggplants", + "fresh dill", + "salt", + "greek yogurt", + "yoghurt", + "grated lemon zest", + "dried oregano" + ] + }, + { + "id": 36313, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "unsalted butter", + "onions", + "olive oil", + "dry white wine", + "water", + "parmigiano reggiano cheese", + "arborio rice", + "asparagus", + "fresh shiitake mushrooms" + ] + }, + { + "id": 999, + "cuisine": "italian", + "ingredients": [ + "skim milk", + "all-purpose flour", + "ham", + "garden peas", + "cream cheese", + "grated parmesan cheese", + "margarine", + "fettucine", + "garlic", + "freshly ground pepper" + ] + }, + { + "id": 19354, + "cuisine": "southern_us", + "ingredients": [ + "fresh basil", + "cheese", + "large eggs", + "whole milk", + "corn mix muffin", + "frozen corn kernels" + ] + }, + { + "id": 4837, + "cuisine": "mexican", + "ingredients": [ + "pepper jack", + "corn tortilla chips", + "boneless skinless chicken breasts", + "green onions", + "refried beans", + "sour cream" + ] + }, + { + "id": 35040, + "cuisine": "italian", + "ingredients": [ + "sugar", + "unsalted butter", + "salt", + "black pepper", + "dry white wine", + "chopped walnuts", + "ground cloves", + "lemon zest", + "all-purpose flour", + "ground cinnamon", + "honey", + "beaten eggs", + "orange zest" + ] + }, + { + "id": 48161, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "gnocchi", + "clams", + "olive oil", + "crushed tomatoes", + "fresh basil", + "chopped onion" + ] + }, + { + "id": 1744, + "cuisine": "filipino", + "ingredients": [ + "evaporated milk", + "sweetened condensed milk", + "eggs", + "white sugar", + "cream cheese", + "vanilla extract" + ] + }, + { + "id": 29723, + "cuisine": "mexican", + "ingredients": [ + "picante sauce", + "sour cream", + "black olives", + "seasoning salt", + "avocado", + "shrimp" + ] + }, + { + "id": 27746, + "cuisine": "thai", + "ingredients": [ + "olive oil", + "light coconut milk", + "boneless skinless chicken breast halves", + "sliced carrots", + "red bell pepper", + "zucchini", + "corn starch", + "chopped cilantro fresh", + "Thai red curry paste", + "onions" + ] + }, + { + "id": 17853, + "cuisine": "mexican", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "jack cheese", + "cooked chicken", + "chicken broth", + "flour tortillas", + "sour cream", + "diced green chilies", + "cilantro leaves" + ] + }, + { + "id": 32432, + "cuisine": "mexican", + "ingredients": [ + "ranch dressing", + "black beans", + "rice", + "colby jack cheese", + "tortillas", + "chicken" + ] + }, + { + "id": 33620, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "green onions", + "crushed garlic", + "boneless skinless chicken breast halves", + "hot pepper sauce", + "sesame oil", + "lemon juice", + "sesame seeds", + "rice wine", + "fresh mushrooms", + "soy sauce", + "green bell pepper, slice", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 25670, + "cuisine": "italian", + "ingredients": [ + "snappers", + "garlic", + "olive oil", + "dry bread crumbs", + "lemon wedge", + "rosemary", + "salt" + ] + }, + { + "id": 25048, + "cuisine": "mexican", + "ingredients": [ + "colby jack cheese", + "red enchilada sauce", + "low sodium chicken broth", + "garlic", + "rotini", + "low sodium taco seasoning", + "extra-virgin olive oil", + "turkey meat", + "green onions", + "black olives", + "onions" + ] + }, + { + "id": 15404, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "plum tomatoes", + "crumbled goat cheese", + "russet potatoes", + "onions", + "pepper", + "sliced chorizo", + "pimenton", + "sugar", + "large eggs", + "bay leaf" + ] + }, + { + "id": 37434, + "cuisine": "italian", + "ingredients": [ + "eggs", + "vegetable oil", + "granulated sugar", + "salt", + "milk", + "lemon", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 37719, + "cuisine": "french", + "ingredients": [ + "onion soup mix", + "nonstick spray", + "fresh mushrooms", + "onions", + "dry red wine", + "fresh parsley", + "mashed potatoes", + "carrots", + "chicken thighs" + ] + }, + { + "id": 25307, + "cuisine": "indian", + "ingredients": [ + "salt", + "vegetable oil", + "ground turmeric", + "asparagus", + "cumin seed", + "garlic" + ] + }, + { + "id": 6511, + "cuisine": "greek", + "ingredients": [ + "garlic powder", + "lemon slices", + "fresh lemon juice", + "fat free less sodium chicken broth", + "chicken breast halves", + "margarine", + "dried oregano", + "parsley flakes", + "cooking spray", + "grated lemon zest", + "couscous", + "pepper", + "salt", + "fresh oregano" + ] + }, + { + "id": 6563, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "olive oil", + "crushed red pepper flakes", + "black pepper", + "diced tomatoes", + "dried oregano", + "green bell pepper", + "onion powder", + "boneless skinless chicken breast halves", + "chicken broth", + "potatoes", + "salt" + ] + }, + { + "id": 1403, + "cuisine": "brazilian", + "ingredients": [ + "egg whites", + "shredded coconut", + "butter", + "granulated sugar", + "egg yolks" + ] + }, + { + "id": 32359, + "cuisine": "italian", + "ingredients": [ + "french baguette", + "mayonaise", + "garlic", + "grated parmesan cheese", + "basil pesto sauce", + "salt" + ] + }, + { + "id": 21346, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "spices", + "carrots", + "ground cinnamon", + "sweet potatoes", + "yellow onion", + "frozen artichoke hearts", + "preserved lemon", + "yukon gold potatoes", + "lemon juice", + "turnips", + "olive oil", + "vegetable broth", + "hot water" + ] + }, + { + "id": 3472, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "sour cream", + "water", + "sweet mini bells", + "Old El Paso Taco Seasoning Mix", + "minced garlic", + "cheese", + "ground beef", + "lime juice", + "sauce" + ] + }, + { + "id": 37312, + "cuisine": "chinese", + "ingredients": [ + "shiitake", + "vegetable oil", + "garlic", + "beansprouts", + "soy sauce", + "jalapeno chilies", + "ginger", + "oyster sauce", + "char siu", + "curry powder", + "green onions", + "rice vermicelli", + "shrimp", + "chicken broth", + "granulated sugar", + "hot chili paste", + "yellow onion", + "celery" + ] + }, + { + "id": 7967, + "cuisine": "thai", + "ingredients": [ + "mussels", + "lite coconut milk", + "garlic", + "fish sauce", + "watercress", + "scallions", + "fresh basil", + "lime", + "peanut oil", + "brown sugar", + "Thai red curry paste" + ] + }, + { + "id": 16950, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "salt", + "yellow corn meal", + "half & half", + "sweet corn", + "sugar", + "all-purpose flour", + "melted butter", + "baking powder" + ] + }, + { + "id": 14428, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "fennel", + "raisins", + "ground turmeric", + "ground ginger", + "garbanzo beans", + "russet potatoes", + "onions", + "sliced almonds", + "zucchini", + "low salt chicken broth", + "ground cumin", + "saffron threads", + "olive oil", + "sliced carrots", + "cinnamon sticks" + ] + }, + { + "id": 44062, + "cuisine": "mexican", + "ingredients": [ + "bread ciabatta", + "chili powder", + "garlic cloves", + "corn", + "vegetable oil", + "crema mexicana", + "ground black pepper", + "cilantro leaves", + "kosher salt", + "lime wedges", + "feta cheese crumbles" + ] + }, + { + "id": 27473, + "cuisine": "thai", + "ingredients": [ + "water", + "shredded carrots", + "cucumber", + "sliced green onions", + "sugar", + "zucchini", + "chinese cabbage", + "chopped cilantro fresh", + "fish sauce", + "radishes", + "yellow bell pepper", + "fresh lime juice", + "chile paste with garlic", + "yellow squash", + "jalapeno chilies", + "red bell pepper" + ] + }, + { + "id": 23149, + "cuisine": "japanese", + "ingredients": [ + "vodka", + "all-purpose flour", + "vegetable oil", + "corn starch", + "large eggs", + "shrimp", + "sea salt", + "soda water" + ] + }, + { + "id": 16645, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "potatoes", + "Italian cheese blend", + "olive oil", + "leeks", + "large egg whites", + "french bread", + "chopped parsley", + "pepper", + "large eggs", + "salt" + ] + }, + { + "id": 28916, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "tomatoes with juice", + "chili", + "celery", + "corn", + "chopped onion", + "taco sauce", + "egg noodles", + "ground beef" + ] + }, + { + "id": 22554, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "tortillas", + "salt", + "mango", + "lime", + "jalapeno chilies", + "cucumber", + "pepper", + "diced red onions", + "tilapia", + "olive oil", + "cilantro", + "crumbled cheese" + ] + }, + { + "id": 3668, + "cuisine": "thai", + "ingredients": [ + "reduced sodium chicken broth", + "lemongrass", + "cilantro stems", + "ground pork", + "minced garlic", + "thai basil", + "butter", + "chopped onion", + "minced ginger", + "large eggs", + "sticky rice", + "kosher salt", + "sourdough bread", + "green onions", + "thai chile" + ] + }, + { + "id": 43530, + "cuisine": "french", + "ingredients": [ + "water", + "potatoes", + "salt", + "green beans", + "fresh basil leaves", + "tomatoes", + "freshly grated parmesan", + "butternut squash", + "elbow macaroni", + "bay leaf", + "celery ribs", + "olive oil", + "leeks", + "white beans", + "thyme sprigs", + "parsley sprigs", + "zucchini", + "large garlic cloves", + "carrots", + "onions" + ] + }, + { + "id": 48032, + "cuisine": "brazilian", + "ingredients": [ + "mini m&ms", + "chocolate sprinkles", + "chocolate drink", + "butter", + "coconut", + "sweetened condensed milk" + ] + }, + { + "id": 6090, + "cuisine": "french", + "ingredients": [ + "salt", + "butter", + "celery root", + "heavy cream", + "black pepper", + "boiling potatoes" + ] + }, + { + "id": 31181, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "salt", + "greek yogurt", + "diced tomatoes", + "chickpeas", + "chopped cilantro fresh", + "sweet potatoes", + "yellow onion", + "Madras curry powder", + "cauliflower florets", + "organic vegetable broth" + ] + }, + { + "id": 20419, + "cuisine": "russian", + "ingredients": [ + "shortening", + "finely chopped onion", + "ice water", + "dill", + "fresh dill", + "water", + "dry white wine", + "salt", + "lemon juice", + "eggs", + "pepper", + "mushrooms", + "red pepper", + "long-grain rice", + "salmon fillets", + "milk", + "butter", + "all-purpose flour" + ] + }, + { + "id": 46613, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "black pepper", + "jalapeno chilies", + "all-purpose flour", + "romaine lettuce", + "lime", + "salt", + "fresh lime juice", + "eggs", + "white onion", + "vegetable oil", + "canned chipotles", + "pork cutlets", + "mayonaise", + "bolillo", + "plain breadcrumbs" + ] + }, + { + "id": 34533, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "jalapeno chilies", + "salt", + "red bell pepper", + "fresh ginger", + "dry sherry", + "peanut oil", + "water", + "sesame oil", + "chili sauce", + "extra large shrimp", + "garlic", + "scallions" + ] + }, + { + "id": 13138, + "cuisine": "italian", + "ingredients": [ + "egg roll wrappers", + "sliced mushrooms", + "minced garlic", + "oil", + "marinara sauce", + "string cheese", + "sausages" + ] + }, + { + "id": 45399, + "cuisine": "french", + "ingredients": [ + "ground ginger", + "guinea hens", + "rosemary leaves", + "rendered duck fat", + "kosher salt", + "bay leaves", + "pitted prunes", + "black peppercorns", + "honey", + "crushed red pepper", + "boiling water", + "light brown sugar", + "cider vinegar", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 9495, + "cuisine": "filipino", + "ingredients": [ + "cooking oil", + "coconut milk", + "granulated white sugar", + "greater yam" + ] + }, + { + "id": 10718, + "cuisine": "filipino", + "ingredients": [ + "warm water", + "salt", + "active dry yeast", + "plain breadcrumbs", + "granulated sugar", + "bread flour", + "vegetable shortening" + ] + }, + { + "id": 4346, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "salt", + "horseradish", + "yukon gold potatoes", + "cantal", + "black pepper", + "heavy cream", + "whole milk", + "garlic cloves" + ] + }, + { + "id": 44753, + "cuisine": "indian", + "ingredients": [ + "pepper", + "green chilies", + "plum tomatoes", + "garlic paste", + "salt", + "onions", + "ginger paste", + "tomato paste", + "garam masala", + "ghee", + "masala", + "baby spinach leaves", + "cilantro leaves", + "chicken thighs", + "ground cumin" + ] + }, + { + "id": 12240, + "cuisine": "italian", + "ingredients": [ + "prawns", + "risotto rice", + "white wine", + "lemon", + "frozen peas", + "red chili peppers", + "butter", + "onions", + "olive oil", + "fish stock" + ] + }, + { + "id": 31235, + "cuisine": "jamaican", + "ingredients": [ + "lime", + "red pepper flakes", + "onions", + "black pepper", + "canned chopped tomatoes", + "garlic cloves", + "white vinegar", + "dried thyme", + "loin", + "kosher salt", + "scotch bonnet chile", + "coconut milk" + ] + }, + { + "id": 46062, + "cuisine": "italian", + "ingredients": [ + "finely chopped onion", + "salt", + "fresh parmesan cheese", + "dry white wine", + "arborio rice", + "low sodium chicken broth", + "red bell pepper", + "olive oil", + "mild Italian sausage" + ] + }, + { + "id": 48258, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "Shaoxing wine", + "old ginger", + "thai basil", + "chicken drumsticks", + "baking soda", + "garlic", + "sweet soy sauce", + "dark sesame oil" + ] + }, + { + "id": 27277, + "cuisine": "indian", + "ingredients": [ + "sugar", + "canned tomatoes", + "garlic cloves", + "cooked rice", + "vegetable oil", + "lamb", + "ground lamb", + "fennel seeds", + "fresh ginger", + "curry", + "coriander", + "fresh tomatoes", + "peas", + "green chilies" + ] + }, + { + "id": 20367, + "cuisine": "cajun_creole", + "ingredients": [ + "large eggs", + "chopped fresh thyme", + "ground allspice", + "corn bread", + "andouille sausage", + "shallots", + "cayenne pepper", + "red bell pepper", + "bay leaves", + "butter", + "rubbed sage", + "chopped garlic", + "green onions", + "chopped celery", + "low salt chicken broth" + ] + }, + { + "id": 34365, + "cuisine": "japanese", + "ingredients": [ + "water", + "food colouring", + "coconut milk", + "potato starch", + "glutinous rice flour", + "sugar" + ] + }, + { + "id": 33904, + "cuisine": "italian", + "ingredients": [ + "pepper", + "parmesan cheese", + "diced tomatoes", + "tomato sauce", + "olive oil", + "lean ground beef", + "salt", + "water", + "lasagna noodles", + "garlic", + "cottage cheese", + "part-skim mozzarella cheese", + "red pepper flakes", + "onions" + ] + }, + { + "id": 34411, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cooking spray", + "all-purpose flour", + "fresh parmesan cheese", + "baking powder", + "cheddar cheese", + "large eggs", + "salt", + "fat free milk", + "ground red pepper" + ] + }, + { + "id": 30090, + "cuisine": "french", + "ingredients": [ + "olive oil", + "chicken thighs", + "mashed potatoes", + "garlic cloves", + "water", + "flat leaf parsley", + "celery ribs", + "dry white wine" + ] + }, + { + "id": 46078, + "cuisine": "korean", + "ingredients": [ + "spinach", + "water", + "beef rib short", + "ground beef", + "soy sauce", + "fried eggs", + "carrots", + "brown sugar", + "minced ginger", + "scallions", + "sandwich steak", + "beans", + "garlic", + "cucumber" + ] + }, + { + "id": 19300, + "cuisine": "thai", + "ingredients": [ + "sugar", + "vegetable oil", + "cucumber", + "chili pepper", + "garlic", + "chopped cilantro", + "fish sauce", + "minced ginger", + "purple onion", + "seedless red grapes", + "baby spinach leaves", + "sirloin steak", + "fresh lime juice" + ] + }, + { + "id": 41428, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "balsamic vinegar", + "green olives", + "olive oil", + "garlic cloves", + "pitted date", + "tawny port", + "chopped cilantro fresh", + "orange", + "cornish game hens", + "ground cumin" + ] + }, + { + "id": 1545, + "cuisine": "southern_us", + "ingredients": [ + "chopped green bell pepper", + "vegetable oil", + "sugar", + "large eggs", + "diced onions", + "self rising flour", + "self-rising cornmeal", + "milk", + "jalapeno chilies" + ] + }, + { + "id": 40118, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "grits", + "eggs", + "oil", + "tomatoes", + "okra", + "black pepper", + "onions" + ] + }, + { + "id": 11860, + "cuisine": "italian", + "ingredients": [ + "smoked salmon", + "cheese tortellini", + "bay leaf", + "ground nutmeg", + "fresh mushrooms", + "fresh asparagus", + "milk", + "all-purpose flour", + "onions", + "clove", + "butter", + "red bell pepper" + ] + }, + { + "id": 36617, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "chicken breasts", + "salt", + "onions", + "pepper", + "butter", + "long-grain rice", + "reduced sodium chicken broth", + "cajun seasoning", + "cayenne pepper", + "pork sausages", + "celery ribs", + "bell pepper", + "diced tomatoes", + "cooked shrimp" + ] + }, + { + "id": 10903, + "cuisine": "french", + "ingredients": [ + "vegetable oil spray", + "sugar", + "frozen pastry puff sheets", + "water", + "fuji apples", + "unsalted butter" + ] + }, + { + "id": 22078, + "cuisine": "italian", + "ingredients": [ + "milk", + "white sugar", + "unflavored gelatin", + "vanilla extract", + "whipping cream", + "water", + "strawberries" + ] + }, + { + "id": 4709, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vegetable shortening", + "chopped pecans", + "eggs", + "bourbon whiskey", + "vanilla extract", + "orange zest", + "unsalted butter", + "light corn syrup", + "wheat flour", + "pecan halves", + "ice water", + "salt" + ] + }, + { + "id": 18237, + "cuisine": "jamaican", + "ingredients": [ + "coffee liqueur", + "milk", + "liqueur", + "flavored syrup", + "crushed ice", + "bananas" + ] + }, + { + "id": 4347, + "cuisine": "french", + "ingredients": [ + "milk", + "trout fillet", + "lemon juice", + "parsley sprigs", + "olive oil", + "salt", + "red bell pepper", + "pepper", + "worcestershire sauce", + "hot sauce", + "fresh parsley", + "sliced almonds", + "butter", + "all-purpose flour", + "couscous" + ] + }, + { + "id": 24023, + "cuisine": "french", + "ingredients": [ + "fat free less sodium chicken broth", + "herbes de provence", + "cannellini beans", + "ground turkey breast", + "fresh spinach", + "diced tomatoes with garlic and onion" + ] + }, + { + "id": 2673, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "scallions", + "vegetable oil", + "chorizo sausage", + "flour", + "Piment d'Espelette", + "eggs", + "salt" + ] + }, + { + "id": 2270, + "cuisine": "indian", + "ingredients": [ + "active dry yeast", + "bread flour", + "kosher salt", + "salted butter", + "sugar", + "olive oil", + "water", + "greek style plain yogurt" + ] + }, + { + "id": 38128, + "cuisine": "french", + "ingredients": [ + "sliced tomatoes", + "cream cheese", + "pork sausages", + "shredded cheddar cheese", + "fresh parsley", + "diced onions", + "sour cream", + "butter", + "marjoram" + ] + }, + { + "id": 46448, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "salt", + "baking soda", + "buttermilk", + "chopped parsley", + "melted butter", + "butter", + "all-purpose flour", + "granulated sugar", + "extra-virgin olive oil" + ] + }, + { + "id": 38749, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "queso fresco", + "garlic cloves", + "cooked chicken", + "crema", + "chopped cilantro fresh", + "water", + "tomatillos", + "corn tortillas", + "vegetable oil", + "salt", + "serrano chile" + ] + }, + { + "id": 37819, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "corn flour", + "milk", + "sugar", + "cinnamon sticks", + "flour" + ] + }, + { + "id": 22328, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "vegetable oil", + "chicken pieces", + "fish sauce", + "shallots", + "green beans", + "caramel sauce", + "jasmine rice", + "chile pepper", + "sliced mushrooms", + "palm sugar", + "ginger", + "chopped cilantro" + ] + }, + { + "id": 2636, + "cuisine": "cajun_creole", + "ingredients": [ + "parsley sprigs", + "butter", + "monterey jack", + "arborio rice", + "parmesan cheese", + "garlic cloves", + "crawfish", + "creole seasoning", + "chicken broth", + "chile pepper", + "onions" + ] + }, + { + "id": 31583, + "cuisine": "brazilian", + "ingredients": [ + "coconut oil", + "butternut squash", + "coconut milk", + "ground ginger", + "lime", + "rice", + "pepper", + "salt", + "onions", + "brown sugar", + "chili paste", + "chopped parsley" + ] + }, + { + "id": 32553, + "cuisine": "chinese", + "ingredients": [ + "water", + "oil", + "mayonaise", + "egg whites", + "shrimp", + "walnut halves", + "honey", + "lemon juice", + "sugar", + "condensed milk", + "corn starch" + ] + }, + { + "id": 39042, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "sandwich buns", + "lemon juice", + "black pepper", + "cooking spray", + "bulgur", + "raita", + "ground cinnamon", + "sun-dried tomatoes", + "salt", + "ground lamb", + "fat free less sodium chicken broth", + "lettuce leaves", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 36338, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "olive oil", + "garlic", + "white onion", + "potatoes", + "salt", + "white wine", + "beef bouillon", + "beef stew meat", + "green bell pepper", + "water", + "achiote powder", + "ground cumin" + ] + }, + { + "id": 39985, + "cuisine": "french", + "ingredients": [ + "pepper", + "radishes", + "extra-virgin olive oil", + "tuna packed in olive oil", + "eggs", + "olive oil", + "shallots", + "purple onion", + "baby potatoes", + "romaine lettuce", + "artichoke hearts", + "kalamata", + "salt", + "cherry tomatoes", + "chives", + "white wine vinegar", + "green beans" + ] + }, + { + "id": 22451, + "cuisine": "italian", + "ingredients": [ + "fresh dill", + "goat cheese", + "whole grain mustard", + "pinenuts", + "fettucine", + "asparagus" + ] + }, + { + "id": 21380, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "garlic cloves", + "onions", + "yellow mustard seeds", + "chicken stock cubes", + "cinnamon sticks", + "ground cumin", + "coconut oil", + "garam masala", + "greek yogurt", + "coriander", + "sultana", + "ground coriander", + "chicken pieces" + ] + }, + { + "id": 32397, + "cuisine": "french", + "ingredients": [ + "sugar", + "grapefruit juice", + "salt", + "fresh lemon juice", + "fresh lime juice", + "pepper", + "dry red wine", + "lemon rind", + "low salt chicken broth", + "water", + "white wine vinegar", + "grapefruit", + "orange rind", + "lime rind", + "fresh orange juice", + "margarine", + "corn starch", + "chicken thighs" + ] + }, + { + "id": 34718, + "cuisine": "chinese", + "ingredients": [ + "pork", + "honey", + "scallions", + "onions", + "eggs", + "white pepper", + "sesame oil", + "hot water", + "soy sauce", + "Shaoxing wine", + "oil", + "dark soy sauce", + "jasmine rice", + "salt", + "beansprouts" + ] + }, + { + "id": 41166, + "cuisine": "southern_us", + "ingredients": [ + "quickcooking grits", + "shredded sharp cheddar cheese", + "warm water", + "white cheddar cheese", + "bread flour", + "sugar", + "bacon", + "salt", + "milk", + "rapid rise yeast" + ] + }, + { + "id": 24700, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "sesame oil", + "soy sauce", + "green onions", + "garlic cloves", + "brown sugar", + "sesame seeds", + "red pepper flakes", + "water", + "szechwan peppercorns", + "beef ribs" + ] + }, + { + "id": 40203, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "vanilla extract", + "allspice", + "basil leaves", + "fresh lime juice", + "sugar", + "plums" + ] + }, + { + "id": 7996, + "cuisine": "indian", + "ingredients": [ + "chilli paste", + "cilantro leaves", + "mustard seeds", + "ravva", + "urad dal", + "oil", + "ghee", + "soda", + "salt", + "carrots", + "onions", + "rolled oats", + "green peas", + "curds", + "dal" + ] + }, + { + "id": 13442, + "cuisine": "greek", + "ingredients": [ + "burgers", + "feta cheese", + "purple onion", + "garlic cloves", + "dried oregano", + "tomatoes", + "pepper", + "red pepper", + "stuffing mix", + "feta cheese crumbles", + "frozen chopped spinach", + "whole wheat hamburger buns", + "nonfat greek yogurt", + "salt", + "lemon juice", + "eggs", + "olive oil", + "garlic", + "dried dill", + "cucumber" + ] + }, + { + "id": 40735, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "arugula", + "purple onion", + "brine-cured black olives", + "extra-virgin olive oil", + "plum tomatoes" + ] + }, + { + "id": 31627, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "green onions", + "celery", + "fresh ginger root", + "salt", + "green bell pepper", + "vegetable oil", + "chopped cooked ham", + "mushrooms", + "beansprouts" + ] + }, + { + "id": 19559, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "hot sauce", + "stock", + "worcestershire sauce", + "Crystal Farms Butter", + "Crystal Farms® Shredded Cheddar Cheese", + "old fashioned stone ground grits", + "kosher salt", + "heavy cream" + ] + }, + { + "id": 14765, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "sea bass fillets", + "orange juice", + "green onions", + "garlic", + "grated orange", + "jalapeno chilies", + "navel oranges", + "allspice berries", + "vegetable oil", + "salt" + ] + }, + { + "id": 38870, + "cuisine": "japanese", + "ingredients": [ + "olive oil", + "grate lime peel", + "salmon fillets", + "lime wedges", + "red cabbage", + "fresh lime juice", + "sugar pea", + "peas" + ] + }, + { + "id": 2255, + "cuisine": "korean", + "ingredients": [ + "fresh spinach", + "sesame seeds", + "vegetable oil", + "salt", + "soy sauce", + "sesame oil", + "top sirloin", + "glass noodles", + "sugar", + "green onions", + "napa cabbage", + "bamboo shoots", + "black pepper", + "sliced carrots", + "garlic" + ] + }, + { + "id": 33912, + "cuisine": "french", + "ingredients": [ + "eggs", + "romaine lettuce leaves", + "white tuna", + "grated parmesan cheese", + "black pepper", + "caesar salad dressing" + ] + }, + { + "id": 32445, + "cuisine": "korean", + "ingredients": [ + "scallions", + "vegetable oil", + "kimchi", + "kosher salt", + "rice flour", + "all-purpose flour" + ] + }, + { + "id": 29383, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "salt", + "lime juice", + "vegetable oil", + "cumin", + "avocado", + "pitas", + "purple onion", + "pepper", + "chips", + "chopped cilantro fresh" + ] + }, + { + "id": 30769, + "cuisine": "italian", + "ingredients": [ + "light brown sugar", + "eggplant", + "golden raisins", + "salt", + "pitted kalamata olives", + "fennel bulb", + "diced tomatoes", + "garlic cloves", + "capers", + "ground black pepper", + "balsamic vinegar", + "chopped onion", + "olive oil", + "zucchini", + "chopped celery" + ] + }, + { + "id": 38871, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "large garlic cloves", + "dark brown sugar", + "hoisin sauce", + "cayenne pepper", + "honey", + "dry sherry", + "chinese five-spice powder", + "sesame oil", + "duck" + ] + }, + { + "id": 44528, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "grated parmesan cheese", + "sun-dried tomatoes in oil", + "swiss chard", + "ricotta", + "olive oil", + "salt", + "fresh basil", + "ground black pepper", + "pizza doughs" + ] + }, + { + "id": 30442, + "cuisine": "mexican", + "ingredients": [ + "enchilada sauce", + "avocado", + "corn tortillas", + "diced onions", + "sour cream", + "cheese", + "chopped cilantro" + ] + }, + { + "id": 7104, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "vegetable oil", + "creole seasoning", + "cooked white rice", + "chicken stock", + "file powder", + "all-purpose flour", + "diced celery", + "onions", + "ground black pepper", + "smoked sausage", + "scallions", + "fresh parsley", + "green bell pepper", + "bay leaves", + "hot sauce", + "okra pods", + "chicken" + ] + }, + { + "id": 38810, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "extra-virgin olive oil", + "zucchini", + "unsalted butter", + "boneless skinless chicken breast halves", + "dry white wine" + ] + }, + { + "id": 3447, + "cuisine": "italian", + "ingredients": [ + "ragu", + "curds", + "gremolata", + "gnocchi" + ] + }, + { + "id": 39510, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil", + "flour" + ] + }, + { + "id": 1058, + "cuisine": "filipino", + "ingredients": [ + "black peppercorns", + "vegetable oil", + "cider vinegar", + "garlic cloves", + "Turkish bay leaves", + "soy sauce", + "chicken drumsticks" + ] + }, + { + "id": 5131, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "file powder", + "large garlic cloves", + "all-purpose flour", + "onions", + "chicken wings", + "crab", + "ground thyme", + "salt", + "medium shrimp", + "shucked oysters", + "smoked ham", + "paprika", + "veal for stew", + "cooked rice", + "boneless chicken skinless thigh", + "vegetable oil", + "kielbasa", + "flat leaf parsley" + ] + }, + { + "id": 16161, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "unsalted butter", + "buttermilk", + "fresh lemon juice", + "ground nutmeg", + "refrigerated piecrusts", + "all-purpose flour", + "kosher salt", + "sweet potatoes", + "mint sprigs", + "sugar", + "large eggs", + "whipped cream" + ] + }, + { + "id": 26097, + "cuisine": "cajun_creole", + "ingredients": [ + "ground turkey breast", + "salami", + "fresh parsley", + "pimentos", + "ham", + "lemon zest", + "salt", + "italian salad dressing", + "mayonaise", + "cheese slices", + "pickled vegetables" + ] + }, + { + "id": 36369, + "cuisine": "indian", + "ingredients": [ + "garlic cloves", + "chicken", + "chili powder", + "ginger root", + "yoghurt", + "lemon juice", + "spices", + "coriander" + ] + }, + { + "id": 18630, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "veal cutlets", + "low salt chicken broth", + "olive oil", + "salt", + "spaghetti", + "pepper", + "butter", + "herbes de provence", + "prosciutto", + "chopped fresh sage", + "white cornmeal" + ] + }, + { + "id": 6580, + "cuisine": "japanese", + "ingredients": [ + "corn", + "spices", + "arugula", + "sugar", + "sesame oil", + "persian cucumber", + "tomatoes", + "boneless skinless chicken breasts", + "rice vinegar", + "soy sauce", + "ramen noodles", + "scallions" + ] + }, + { + "id": 23073, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "water", + "tortillas", + "Mexican oregano", + "salt", + "dried guajillo chiles", + "ground cumin", + "tostadas", + "lime", + "minced onion", + "garlic", + "cayenne pepper", + "dried oregano", + "avocado", + "cider vinegar", + "olive oil", + "bay leaves", + "purple onion", + "boneless pork loin", + "iceberg lettuce", + "chiles", + "corn", + "radishes", + "lime wedges", + "salsa", + "chopped cilantro" + ] + }, + { + "id": 29406, + "cuisine": "french", + "ingredients": [ + "parmigiano-reggiano cheese", + "ground black pepper", + "paprika", + "dried oregano", + "part-skim mozzarella cheese", + "butter", + "dry bread crumbs", + "fat free less sodium chicken broth", + "cooking spray", + "salt", + "prosciutto", + "large garlic cloves", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 1841, + "cuisine": "french", + "ingredients": [ + "red potato", + "ground black pepper", + "purple onion", + "green beans", + "olive oil", + "large eggs", + "fresh lemon juice", + "fillets", + "Boston lettuce", + "dijon mustard", + "salt", + "tuna", + "ground pepper", + "kalamata", + "lemon juice", + "plum tomatoes" + ] + }, + { + "id": 33348, + "cuisine": "greek", + "ingredients": [ + "instant yeast", + "all-purpose flour", + "salt", + "olive oil", + "hot water" + ] + }, + { + "id": 33154, + "cuisine": "thai", + "ingredients": [ + "salmon fillets", + "Thai red curry paste", + "fish sauce", + "lemongrass", + "unsweetened coconut milk", + "baby bok choy", + "fresh lime juice", + "brown sugar", + "vegetable oil" + ] + }, + { + "id": 5062, + "cuisine": "mexican", + "ingredients": [ + "tilapia fillets", + "jalapeno chilies", + "salt", + "corn tortillas", + "ground cumin", + "brown sugar", + "red cabbage", + "spices", + "cayenne pepper", + "dried oregano", + "avocado", + "garlic powder", + "lime wedges", + "cilantro leaves", + "fresh lime juice", + "white onion", + "cooking oil", + "paprika", + "sour cream", + "fish" + ] + }, + { + "id": 39294, + "cuisine": "japanese", + "ingredients": [ + "udon", + "sesame oil", + "teriyaki sauce", + "rice vinegar", + "black sesame seeds", + "sprouts", + "salt", + "corn starch", + "broccoli florets", + "vegetable oil", + "garlic", + "carrots", + "fresh ginger", + "mushrooms", + "crushed red pepper flakes", + "cilantro leaves" + ] + }, + { + "id": 34439, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "garlic", + "red wine vinegar", + "dried oregano", + "crushed tomatoes", + "white sugar", + "tomato paste", + "crushed red pepper flakes" + ] + }, + { + "id": 18143, + "cuisine": "thai", + "ingredients": [ + "dry roasted peanuts", + "green onions", + "crushed red pepper flakes", + "carrots", + "soy sauce", + "Sriracha", + "cilantro", + "peanut butter", + "honey", + "sesame oil", + "garlic", + "red bell pepper", + "sesame seeds", + "vegetable oil", + "rice vinegar", + "spaghetti" + ] + }, + { + "id": 40725, + "cuisine": "british", + "ingredients": [ + "pepper", + "herbs", + "cracked black pepper", + "ghee", + "dijon mustard", + "mushrooms", + "cayenne pepper", + "onions", + "celery ribs", + "zucchini", + "Himalayan salt", + "smoked paprika", + "dried oregano", + "water", + "sweet potatoes", + "salt", + "ground beef" + ] + }, + { + "id": 12246, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "dried thyme", + "all-purpose flour", + "boneless chicken skinless thigh", + "dry red wine", + "carrots", + "cremini mushrooms", + "olive oil", + "canadian bacon", + "fat free less sodium chicken broth", + "salt" + ] + }, + { + "id": 18579, + "cuisine": "thai", + "ingredients": [ + "sugar", + "thai chile", + "sliced shallots", + "fish sauce", + "Thai chili paste", + "low salt chicken broth", + "sliced green onions", + "Boston lettuce", + "lemongrass", + "fresh mint", + "ground chicken", + "cilantro leaves", + "fresh lime juice" + ] + }, + { + "id": 35191, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "Shaoxing wine", + "roasted peanuts", + "chinese black vinegar", + "soy sauce", + "boneless skinless chicken breasts", + "oil", + "red chili peppers", + "peeled fresh ginger", + "scallions", + "dark soy sauce", + "water", + "garlic", + "corn starch" + ] + }, + { + "id": 2234, + "cuisine": "vietnamese", + "ingredients": [ + "baguette", + "olive oil", + "daikon", + "carrots", + "soy sauce", + "lime juice", + "mushroom caps", + "salt", + "toasted sesame oil", + "cold water", + "minced garlic", + "thai basil", + "nuoc mam", + "cucumber", + "canola oil", + "white sugar", + "pepper", + "fresh cilantro", + "jalapeno chilies", + "rice vinegar", + "fresh lime juice" + ] + }, + { + "id": 23963, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "baking powder", + "salt", + "cold water", + "sugar", + "vanilla", + "confectioners sugar", + "jack daniels", + "unsalted butter", + "cake flour", + "caramel sauce", + "brown sugar", + "heavy cream", + "hot water" + ] + }, + { + "id": 5319, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "all-purpose flour", + "olive oil", + "baking powder", + "powdered sugar", + "cooking spray", + "liqueur", + "granulated sugar", + "salt" + ] + }, + { + "id": 15051, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "salt", + "ground cumin", + "fresh coriander", + "vegetable oil", + "ground turmeric", + "cauliflower", + "potatoes", + "cumin seed", + "minced garlic", + "paprika", + "ginger paste" + ] + }, + { + "id": 5581, + "cuisine": "chinese", + "ingredients": [ + "warm water", + "raisins", + "cornmeal", + "melted butter", + "active dry yeast", + "cake flour", + "milk", + "vanilla extract", + "eggs", + "superfine sugar", + "salt" + ] + }, + { + "id": 36043, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "rice", + "stewed tomatoes", + "onions", + "JOHNSONVILLE® Hot 'N Spicy Brats", + "diced tomatoes and green chilies", + "green pepper" + ] + }, + { + "id": 25471, + "cuisine": "italian", + "ingredients": [ + "chopped tomatoes", + "garlic cloves", + "olives", + "sundried tomato paste", + "chopped celery", + "fresh basil leaves", + "beef stock", + "onions", + "olive oil", + "minced beef", + "spaghetti" + ] + }, + { + "id": 44553, + "cuisine": "southern_us", + "ingredients": [ + "ground nutmeg", + "peach schnapps", + "sugar", + "half & half", + "chopped fresh mint", + "ground cinnamon", + "peaches", + "raspberry puree", + "cream", + "dry white wine" + ] + }, + { + "id": 15357, + "cuisine": "italian", + "ingredients": [ + "eggs", + "shredded mozzarella cheese", + "ragu cheesi classic alfredo sauc", + "milk", + "Italian bread", + "broccoli" + ] + }, + { + "id": 22976, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "cream style corn", + "chopped celery", + "cooked chicken breasts", + "fat free less sodium chicken broth", + "butter", + "all-purpose flour", + "baby lima beans", + "chopped green bell pepper", + "salt", + "dried thyme", + "1% low-fat milk", + "fresh parsley" + ] + }, + { + "id": 973, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "salt", + "ground cumin", + "unsalted cashews", + "heavy whipping cream", + "fresh ginger root", + "lemon juice", + "minced garlic", + "chile pepper", + "chicken" + ] + }, + { + "id": 13658, + "cuisine": "vietnamese", + "ingredients": [ + "lemon grass", + "cilantro leaves", + "fish sauce", + "basil leaves", + "rice paper", + "min", + "mint leaves", + "chicken", + "red chili peppers", + "purple onion" + ] + }, + { + "id": 35439, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "ground black pepper", + "1% low-fat milk", + "large egg whites", + "baking powder", + "hot sauce", + "large egg yolks", + "butter", + "sugar", + "cooking spray", + "salt" + ] + }, + { + "id": 23165, + "cuisine": "indian", + "ingredients": [ + "veggies", + "oregano", + "curry powder", + "salt", + "tumeric", + "garlic", + "brown rice", + "lentils" + ] + }, + { + "id": 7017, + "cuisine": "french", + "ingredients": [ + "sun-dried tomatoes", + "olives", + "cream cheese, soften", + "fresh basil" + ] + }, + { + "id": 16662, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "cooking wine", + "balsamic vinegar", + "mushroom caps", + "dark soy sauce", + "garlic" + ] + }, + { + "id": 12901, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "ricotta cheese", + "fresh basil leaves", + "pasta", + "olive oil", + "salt", + "pepper", + "garlic", + "tomatoes", + "parmesan cheese", + "fresh mint" + ] + }, + { + "id": 11570, + "cuisine": "greek", + "ingredients": [ + "salt", + "chopped fresh mint", + "olive oil", + "fresh oregano", + "bone-in chicken breast halves", + "grated lemon zest", + "cracked black pepper", + "garlic cloves" + ] + }, + { + "id": 23837, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "jalapeno chilies", + "garlic", + "onions", + "flour tortillas", + "chili powder", + "cayenne pepper", + "garlic powder", + "flank steak", + "salt", + "cumin", + "liquid smoke", + "bell pepper", + "onion powder", + "taco toppings" + ] + }, + { + "id": 40159, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "Barilla Oven-Ready Lasagne", + "tomatoes", + "grated parmesan cheese", + "fresh mushrooms", + "frozen chopped spinach", + "large eggs", + "provolone cheese", + "sausage casings", + "low-fat ricotta cheese" + ] + }, + { + "id": 33087, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "dried rice noodles", + "soy sauce", + "garlic", + "pepper", + "salt", + "vegetable oil", + "chili sauce" + ] + }, + { + "id": 48977, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "dry white wine", + "black pepper", + "chopped fresh chives", + "salt", + "arborio rice", + "lemon zest", + "peas", + "water", + "shell-on shrimp", + "onions" + ] + }, + { + "id": 40184, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "ground black pepper", + "cooking spray", + "plum tomatoes", + "minced garlic", + "zucchini", + "salt", + "reduced fat firm tofu", + "eggplant", + "coulis", + "carrots", + "tomato sauce", + "finely chopped onion", + "chopped fresh thyme", + "ground cumin" + ] + }, + { + "id": 39001, + "cuisine": "italian", + "ingredients": [ + "octopuses", + "California bay leaves", + "extra-virgin olive oil", + "sea salt", + "fresh lemon juice", + "black pepper", + "fresh oregano" + ] + }, + { + "id": 40045, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "yellow mustard", + "black pepper", + "scallions", + "country ham", + "all-purpose flour", + "cold water", + "butter", + "green beans" + ] + }, + { + "id": 38150, + "cuisine": "italian", + "ingredients": [ + "sea scallops", + "vegetable oil", + "garlic cloves", + "arborio rice", + "chopped fresh chives", + "butter", + "large shrimp", + "olive oil", + "dry white wine", + "chopped onion", + "truffle oil", + "clam juice", + "low salt chicken broth" + ] + }, + { + "id": 29053, + "cuisine": "greek", + "ingredients": [ + "brown sugar", + "garlic", + "brine", + "grape leaves", + "ground black pepper", + "red bell pepper", + "plum tomatoes", + "macadamia nuts", + "salt", + "fresh basil leaves", + "green olives", + "kalamata", + "crumbled gorgonzola" + ] + }, + { + "id": 34858, + "cuisine": "italian", + "ingredients": [ + "brewed espresso", + "sambuca", + "coffee low-fat frozen yogurt", + "espresso beans" + ] + }, + { + "id": 24402, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "freshly ground pepper", + "vidalia onion", + "large eggs", + "fresh lemon juice", + "celery ribs", + "dijon mustard", + "scallions", + "fresh dill", + "yukon gold potatoes" + ] + }, + { + "id": 47480, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "chanterelle", + "ground black pepper", + "extra-virgin olive oil", + "country bread", + "cremini mushrooms", + "cooking spray", + "garlic cloves", + "mushroom caps", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 14035, + "cuisine": "japanese", + "ingredients": [ + "smoked salmon", + "nonfat yogurt plain", + "boiling potatoes", + "parsley leaves", + "mustard seeds", + "curry powder", + "cucumber", + "vegetable oil", + "toasted nori" + ] + }, + { + "id": 3994, + "cuisine": "italian", + "ingredients": [ + "granulated sugar", + "water", + "lemon" + ] + }, + { + "id": 9372, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "rotel tomatoes", + "cream of chicken soup", + "portabello mushroom", + "tortillas", + "butter", + "onions", + "bell pepper", + "shredded cheese" + ] + }, + { + "id": 46358, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "olive oil", + "all-purpose flour", + "low salt chicken broth", + "ground ginger", + "honey", + "prune juice", + "chuck short ribs", + "ground cinnamon", + "butternut squash", + "dried pear", + "onions", + "pitted date", + "dry red wine", + "ground allspice", + "ground cumin" + ] + }, + { + "id": 27619, + "cuisine": "thai", + "ingredients": [ + "Anaheim chile", + "asian fish sauce", + "light brown sugar", + "cilantro", + "shallots", + "lime juice", + "garlic" + ] + }, + { + "id": 46047, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "cinnamon", + "baking soda", + "peach slices", + "nutmeg", + "flour", + "milk", + "butter" + ] + }, + { + "id": 7865, + "cuisine": "korean", + "ingredients": [ + "Sriracha", + "scallions", + "fish sauce", + "salt", + "napa cabbage", + "garlic cloves", + "water", + "rice vinegar" + ] + }, + { + "id": 45314, + "cuisine": "indian", + "ingredients": [ + "nutmeg", + "mace", + "sunflower oil", + "cayenne pepper", + "kosher salt", + "boneless skinless chicken breasts", + "garlic", + "coconut milk", + "tumeric", + "ground black pepper", + "dry mustard", + "ground cardamom", + "lime juice", + "cinnamon", + "yellow onion", + "ground cumin" + ] + }, + { + "id": 12702, + "cuisine": "spanish", + "ingredients": [ + "hot pepper sauce", + "onions", + "olive oil", + "red wine vinegar", + "tomato juice", + "cucumber", + "tomatoes", + "roasted red peppers", + "chopped cilantro fresh" + ] + }, + { + "id": 46766, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "cod fillets", + "salt", + "onions", + "tomatoes", + "ground black pepper", + "white rice", + "chili sauce", + "milk", + "butter", + "all-purpose flour", + "green bell pepper", + "hot pepper sauce", + "garlic", + "celery" + ] + }, + { + "id": 4963, + "cuisine": "italian", + "ingredients": [ + "eggs", + "pistachio nuts", + "all-purpose flour", + "rum", + "sweetened coconut flakes", + "dried pineapple", + "baking powder", + "salt", + "white sugar", + "coconut extract", + "butter", + "pineapple juice" + ] + }, + { + "id": 7674, + "cuisine": "brazilian", + "ingredients": [ + "chicken broth", + "yellow rice", + "garlic salt", + "pimentos", + "red bell pepper", + "olive oil", + "ham", + "fryer chickens", + "onions" + ] + }, + { + "id": 1650, + "cuisine": "spanish", + "ingredients": [ + "jalapeno chilies", + "yellow onion", + "pepper", + "queso fresco", + "sliced ham", + "eggs", + "yukon gold potatoes", + "garlic cloves", + "olive oil", + "salt", + "chopped parsley" + ] + }, + { + "id": 39804, + "cuisine": "french", + "ingredients": [ + "sugar", + "large egg yolks", + "whole milk", + "vanilla beans" + ] + }, + { + "id": 46098, + "cuisine": "cajun_creole", + "ingredients": [ + "catfish fillets", + "ground black pepper", + "ground cayenne pepper", + "dried thyme", + "onion powder", + "dried oregano", + "kosher salt", + "unsalted butter", + "dried parsley", + "garlic powder", + "paprika" + ] + }, + { + "id": 29644, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "cayenne", + "ground coriander", + "ground cumin", + "black pepper", + "peeled fresh ginger", + "fillets", + "tumeric", + "lemon zest", + "garlic cloves", + "plain yogurt", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 38030, + "cuisine": "indian", + "ingredients": [ + "lemon", + "black mustard seeds", + "potatoes", + "green chilies", + "coriander", + "fresh curry leaves", + "salt", + "onions", + "poha", + "roasted peanuts", + "ground turmeric" + ] + }, + { + "id": 2293, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "onions", + "taco bell home originals", + "garlic", + "ground cumin", + "boneless skinless chicken breasts", + "chopped cilantro fresh", + "shredded cheddar cheese", + "Philadelphia Cream Cheese" + ] + }, + { + "id": 29310, + "cuisine": "mexican", + "ingredients": [ + "water", + "chili powder", + "garlic", + "Mexican cheese", + "canned black beans", + "jalapeno chilies", + "reduced-fat sour cream", + "scallions", + "onions", + "olive oil", + "whole wheat tortillas", + "salt", + "rotel tomatoes", + "pepper", + "butternut squash", + "cilantro", + "red enchilada sauce", + "cumin" + ] + }, + { + "id": 621, + "cuisine": "spanish", + "ingredients": [ + "instant rice", + "vegetable oil", + "garlic cloves", + "chopped green bell pepper", + "hot sauce", + "ground cumin", + "tomato juice", + "diced tomatoes", + "chopped cilantro fresh", + "chili powder", + "chopped onion" + ] + }, + { + "id": 5740, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "stewed tomatoes", + "onions", + "salt and ground black pepper", + "cayenne pepper", + "olive oil", + "garlic", + "diced tomatoes", + "okra" + ] + }, + { + "id": 17710, + "cuisine": "brazilian", + "ingredients": [ + "sugarcane", + "sugar", + "cachaca", + "lime", + "ice cubes", + "lime slices" + ] + }, + { + "id": 16921, + "cuisine": "korean", + "ingredients": [ + "low sodium soy sauce", + "Sriracha", + "garlic", + "water", + "red pepper flakes", + "scallions", + "black pepper", + "sesame oil", + "rice vinegar", + "light brown sugar", + "mirin", + "ginger", + "corn starch" + ] + }, + { + "id": 31563, + "cuisine": "chinese", + "ingredients": [ + "bean paste", + "salt", + "ground white pepper", + "boneless chicken skinless thigh", + "sesame oil", + "oil", + "chopped garlic", + "soy sauce", + "szechwan peppercorns", + "green pepper", + "dried red chile peppers", + "Shaoxing wine", + "red pepper", + "corn starch" + ] + }, + { + "id": 34628, + "cuisine": "italian", + "ingredients": [ + "lettuce", + "mozzarella cheese", + "pesto sauce", + "grated parmesan cheese", + "mayonaise", + "provolone cheese", + "tomatoes", + "sourdough bread" + ] + }, + { + "id": 22841, + "cuisine": "french", + "ingredients": [ + "pasta", + "orange", + "fresh thyme", + "peas", + "celery", + "tomato paste", + "olive oil", + "red pepper flakes", + "lamb shoulder", + "fresh rosemary", + "ground black pepper", + "red wine", + "salt", + "fennel seeds", + "pearl onions", + "leeks", + "garlic", + "bay leaf" + ] + }, + { + "id": 2375, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ginger", + "boiling water", + "wine", + "napa cabbage leaves", + "scallions", + "chicken", + "sugar", + "ground pork", + "shrimp", + "chinese ham", + "kosher salt", + "all-purpose flour", + "white peppercorns" + ] + }, + { + "id": 4390, + "cuisine": "british", + "ingredients": [ + "whole milk", + "beer", + "mustard", + "grating cheese", + "butter", + "toast", + "pepper", + "salt" + ] + }, + { + "id": 9873, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sesame seeds", + "sea salt", + "eggs", + "white pepper", + "sesame oil", + "kimchi", + "pork belly", + "mirin", + "scallions", + "kimchi juice", + "pepper", + "vegetable oil" + ] + }, + { + "id": 26839, + "cuisine": "southern_us", + "ingredients": [ + "orange marmalade", + "vanilla extract", + "powdered sugar", + "cream cheese, soften", + "whipped cream" + ] + }, + { + "id": 14916, + "cuisine": "mexican", + "ingredients": [ + "buttermilk", + "jalapeno chilies", + "green chilies", + "mayonaise", + "cilantro", + "ranch dressing" + ] + }, + { + "id": 25903, + "cuisine": "indian", + "ingredients": [ + "lamb stock", + "vegetable oil", + "rice", + "onions", + "curry leaves", + "kidney beans", + "ginger", + "thyme sprigs", + "mild curry powder", + "chopped tomatoes", + "mutton", + "chillies", + "roti", + "lemon", + "garlic cloves", + "coriander" + ] + }, + { + "id": 7318, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "Spike Seasoning", + "large garlic cloves", + "poblano chiles", + "chile powder", + "lime", + "zucchini", + "salt", + "lime juice", + "ground black pepper", + "extra-virgin olive oil", + "black beans", + "olive oil", + "diced tomatoes", + "ground cumin" + ] + }, + { + "id": 17220, + "cuisine": "french", + "ingredients": [ + "light brown sugar", + "salt", + "unsalted butter", + "ground cardamom", + "ground cinnamon", + "all-purpose flour", + "light corn syrup" + ] + }, + { + "id": 31899, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "thin pizza crust", + "marinara sauce", + "fresh basil leaves", + "mozzarella cheese", + "crumbled gorgonzola", + "green bell pepper", + "sausages" + ] + }, + { + "id": 41646, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "salt", + "black pepper", + "button mushrooms", + "fresh parsley", + "olive oil", + "cornmeal", + "water", + "garlic", + "onions" + ] + }, + { + "id": 42709, + "cuisine": "irish", + "ingredients": [ + "large eggs", + "beaten eggs", + "unsalted butter", + "buttermilk", + "all-purpose flour", + "baking soda", + "baking powder", + "salt", + "granulated sugar", + "dried lavender", + "blackberries" + ] + }, + { + "id": 17546, + "cuisine": "japanese", + "ingredients": [ + "water", + "cress", + "baby radishes", + "sugar", + "shiitake", + "spring onions", + "oil", + "tofu", + "fresh ginger", + "black sesame seeds", + "cornflour", + "soy sauce", + "mirin", + "sesame oil", + "white sesame seeds" + ] + }, + { + "id": 33816, + "cuisine": "irish", + "ingredients": [ + "bacon drippings", + "bacon", + "ground black pepper", + "cabbage" + ] + }, + { + "id": 11842, + "cuisine": "chinese", + "ingredients": [ + "pineapple chunks", + "fresh ginger", + "salt", + "ketchup", + "vegetable oil", + "corn starch", + "soy sauce", + "boneless skinless chicken breasts", + "juice", + "white vinegar", + "pepper", + "white rice", + "red bell pepper" + ] + }, + { + "id": 13099, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "vegetable oil", + "cayenne pepper", + "ground turmeric", + "curry leaves", + "ground black pepper", + "garlic", + "black mustard seeds", + "white vinegar", + "garam masala", + "chicken drumsticks", + "ground coriander", + "ground cumin", + "water", + "potatoes", + "salt", + "onions" + ] + }, + { + "id": 27361, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "masoor dal", + "green chilies", + "ground turmeric", + "curry leaves", + "water", + "purple onion", + "oil", + "ground cumin", + "moong dal", + "garlic", + "cumin seed", + "ginger paste", + "tomatoes", + "coriander powder", + "cilantro leaves", + "lemon juice" + ] + }, + { + "id": 12282, + "cuisine": "irish", + "ingredients": [ + "tomato paste", + "Guinness Beer", + "yukon gold potatoes", + "fresh parsley", + "brown sugar", + "fresh thyme", + "salt", + "onions", + "olive oil", + "flour", + "carrots", + "pepper", + "roast", + "beef broth" + ] + }, + { + "id": 12084, + "cuisine": "italian", + "ingredients": [ + "pecorino cheese", + "olive oil", + "salt", + "bread crumbs", + "red pepper flakes", + "black pepper", + "lemon", + "kale", + "garlic" + ] + }, + { + "id": 18081, + "cuisine": "southern_us", + "ingredients": [ + "mustard", + "fryer chickens", + "freshly ground pepper", + "vegetable oil", + "salt", + "whole milk", + "fresh tarragon", + "buttermilk", + "all-purpose flour" + ] + }, + { + "id": 11733, + "cuisine": "brazilian", + "ingredients": [ + "açai", + "frozen banana", + "chia seeds", + "cinnamon", + "ice", + "spinach", + "coconut milk" + ] + }, + { + "id": 4005, + "cuisine": "southern_us", + "ingredients": [ + "toasted pecans", + "butter", + "vanilla extract", + "hot water", + "coconut flakes", + "espresso powder", + "heavy cream", + "cocktail cherries", + "sour cream", + "eggs", + "sugar", + "all purpose unbleached flour", + "Dutch-processed cocoa powder", + "marshmallow creme", + "vanilla ice cream", + "baking soda", + "sprinkles", + "salt", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 4307, + "cuisine": "british", + "ingredients": [ + "soy sauce", + "ground black pepper", + "vegetable oil", + "fresh mint", + "kosher salt", + "self rising flour", + "russet potatoes", + "frozen peas", + "black pepper", + "unsalted butter", + "vegetable stock", + "onions", + "lager beer", + "haddock", + "cayenne pepper" + ] + }, + { + "id": 45690, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "cumin seed", + "ground turmeric", + "red lentils", + "water", + "clarified butter", + "fresh curry leaves", + "long-grain rice", + "canola oil", + "black peppercorns", + "peeled fresh ginger", + "chopped cilantro fresh" + ] + }, + { + "id": 5027, + "cuisine": "british", + "ingredients": [ + "milk", + "cornmeal", + "instant yeast", + "granulated sugar", + "bread flour", + "shortening", + "salt" + ] + }, + { + "id": 7862, + "cuisine": "french", + "ingredients": [ + "butter", + "onions", + "water", + "all-purpose flour", + "french baguette", + "red wine", + "white sugar", + "swiss cheese", + "beef broth" + ] + }, + { + "id": 39959, + "cuisine": "spanish", + "ingredients": [ + "powdered sugar", + "cooking spray", + "salt", + "ground nutmeg", + "vanilla extract", + "yeast", + "large eggs", + "1% low-fat milk", + "sugar", + "butter", + "all-purpose flour" + ] + }, + { + "id": 17219, + "cuisine": "japanese", + "ingredients": [ + "chicken legs", + "lemon", + "soy sauce", + "white sesame seeds", + "sake", + "ginger", + "potato starch", + "vegetable oil" + ] + }, + { + "id": 42946, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "rib", + "collard greens" + ] + }, + { + "id": 6099, + "cuisine": "french", + "ingredients": [ + "water", + "salt", + "cold water", + "butter", + "sugar", + "apples", + "flour", + "apricot jam" + ] + }, + { + "id": 33242, + "cuisine": "mexican", + "ingredients": [ + "poblano peppers", + "onions", + "tomato paste", + "garlic cloves", + "dried oregano", + "chicken stock", + "paprika", + "basmati rice", + "olive oil", + "pinto beans", + "cumin" + ] + }, + { + "id": 23470, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "black pepper", + "pork sausages", + "biscuits", + "all-purpose flour", + "kosher salt" + ] + }, + { + "id": 48675, + "cuisine": "italian", + "ingredients": [ + "ground nutmeg", + "vanilla extract", + "chestnuts", + "cooking spray", + "all-purpose flour", + "large eggs", + "salt", + "sugar", + "baking powder", + "margarine" + ] + }, + { + "id": 18059, + "cuisine": "mexican", + "ingredients": [ + "yukon gold potatoes", + "carrots", + "salt", + "relish", + "onions", + "olive oil", + "fat skimmed reduced sodium chicken broth" + ] + }, + { + "id": 45006, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "salt", + "pecorino romano cheese", + "scallions", + "tomato paste", + "extra-virgin olive oil", + "marjoram", + "jalapeno chilies", + "freshly ground pepper" + ] + }, + { + "id": 41310, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chili powder", + "sliced mushrooms", + "green onions", + "purple onion", + "flour tortillas", + "extra-virgin olive oil", + "cumin", + "reduced fat Mexican cheese", + "vegetarian protein crumbles", + "salsa" + ] + }, + { + "id": 22125, + "cuisine": "french", + "ingredients": [ + "whipping cream", + "water", + "chocolate sauce", + "sugar", + "gran marnier", + "large egg yolks" + ] + }, + { + "id": 43768, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "salt", + "pesto", + "flour", + "eggs", + "olive oil", + "dry bread crumbs", + "boneless chop pork", + "cracked black pepper" + ] + }, + { + "id": 31473, + "cuisine": "southern_us", + "ingredients": [ + "black peppercorns", + "fresh ginger", + "cinnamon sticks", + "white vinegar", + "pickling spices", + "apple cider vinegar", + "clove", + "watermelon", + "balsamic vinegar", + "whole allspice", + "granulated sugar" + ] + }, + { + "id": 7498, + "cuisine": "mexican", + "ingredients": [ + "lime", + "cheese", + "unsalted butter", + "fresh red chili", + "corn-on-the-cob" + ] + }, + { + "id": 874, + "cuisine": "italian", + "ingredients": [ + "panko", + "all-purpose flour", + "boneless skinless chicken breast halves", + "milk", + "salt", + "flat leaf parsley", + "pepperoni slices", + "large eggs", + "shredded mozzarella cheese", + "tomato sauce", + "parmigiano reggiano cheese", + "freshly ground pepper", + "canola oil" + ] + }, + { + "id": 20444, + "cuisine": "french", + "ingredients": [ + "reduced sodium chicken broth", + "flour", + "chardonnay", + "chicken thighs", + "olive oil", + "fresh tarragon", + "celery", + "kosher salt", + "bacon", + "herbes de provence", + "parsley sprigs", + "ground black pepper", + "baby carrots", + "onions" + ] + }, + { + "id": 27398, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "chopped cilantro fresh", + "black pepper", + "paprika", + "corn tortillas", + "mango", + "queso fresco", + "garlic cloves", + "cumin", + "tilapia fillets", + "purple onion", + "fresh lime juice" + ] + }, + { + "id": 30558, + "cuisine": "italian", + "ingredients": [ + "treviso", + "garlic", + "fresh basil leaves", + "baby spinach leaves", + "bacon", + "onions", + "penne", + "grated parmesan cheese", + "low salt chicken broth", + "olive oil", + "crushed red pepper" + ] + }, + { + "id": 17847, + "cuisine": "vietnamese", + "ingredients": [ + "minced garlic", + "beef shank", + "oxtails", + "lime wedges", + "perilla", + "pork", + "thai basil", + "beef brisket", + "shallots", + "red pepper flakes", + "kosher salt", + "annatto seeds", + "red cabbage", + "lemon wedge", + "yellow onion", + "sugar", + "lemongrass", + "beef", + "shrimp paste", + "rice noodles", + "canola oil" + ] + }, + { + "id": 20052, + "cuisine": "filipino", + "ingredients": [ + "glutinous rice flour", + "vanilla extract", + "sugar", + "coconut milk", + "salt" + ] + }, + { + "id": 32030, + "cuisine": "indian", + "ingredients": [ + "lemon juice", + "whole milk" + ] + }, + { + "id": 25900, + "cuisine": "spanish", + "ingredients": [ + "chicken broth", + "lobster", + "salt", + "saffron", + "spanish onion", + "littleneck clams", + "medium-grain rice", + "mussels", + "ground black pepper", + "extra-virgin olive oil", + "garlic cloves", + "chorizo", + "dry white wine", + "claws", + "chicken" + ] + }, + { + "id": 21284, + "cuisine": "indian", + "ingredients": [ + "baking powder", + "green chilies", + "mint", + "purple onion", + "curry paste", + "vegetable oil", + "garlic cloves", + "flour", + "natural yogurt" + ] + }, + { + "id": 4500, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "chili powder", + "ancho chile pepper", + "chicken broth", + "flour tortillas", + "sea salt", + "onions", + "chuck roast", + "onion powder", + "chipotles in adobo", + "fresh cilantro", + "guacamole", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 28160, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "tumeric", + "garlic powder", + "buttermilk", + "garlic", + "tomato paste", + "plain yogurt", + "chili powder", + "ginger", + "chicken", + "ground fennel", + "black pepper", + "garam masala", + "paprika", + "coconut milk", + "curry leaves", + "kosher salt", + "butter", + "thai chile", + "ground cumin" + ] + }, + { + "id": 33435, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "blackberries", + "yellow cake mix" + ] + }, + { + "id": 33576, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "cooking spray", + "all-purpose flour", + "fresh parsley", + "light butter", + "olive oil", + "chopped fresh thyme", + "corn starch", + "marsala wine", + "garlic powder", + "salt", + "sliced mushrooms", + "pepper", + "boneless skinless chicken breasts", + "fresh lemon juice" + ] + }, + { + "id": 18757, + "cuisine": "cajun_creole", + "ingredients": [ + "baby lima beans", + "cooking oil", + "salt", + "onions", + "canned low sodium chicken broth", + "ground black pepper", + "dry mustard", + "fresh parsley", + "catfish fillets", + "crushed tomatoes", + "dry white wine", + "frozen corn kernels", + "dried oregano", + "green bell pepper", + "dried thyme", + "Tabasco Pepper Sauce", + "celery" + ] + }, + { + "id": 26975, + "cuisine": "french", + "ingredients": [ + "boneless chicken skinless thigh", + "butter", + "whole nutmegs", + "red potato", + "pepper", + "salt", + "fat free less sodium chicken broth", + "1% low-fat milk", + "fresh parsley", + "Madeira", + "cooking spray", + "sliced mushrooms" + ] + }, + { + "id": 28914, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "onions", + "water", + "salt", + "green bell pepper", + "white rice", + "chili powder", + "diced tomatoes and green chilies" + ] + }, + { + "id": 14732, + "cuisine": "spanish", + "ingredients": [ + "potatoes", + "olive oil", + "yellow onion", + "salt", + "large eggs" + ] + }, + { + "id": 45143, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "onions", + "ground cumin", + "cooked rice", + "garlic", + "ground turmeric", + "tomatoes", + "ginger", + "coriander", + "olive oil", + "ground coriander", + "large shrimp" + ] + }, + { + "id": 20573, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "ground turkey breast", + "mung bean sprouts", + "black pepper", + "oyster sauce", + "canola oil", + "sugar", + "scallions", + "glass noodles", + "green bell pepper", + "large egg whites", + "shiitake mushroom caps", + "rice paper" + ] + }, + { + "id": 29027, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "eggs", + "garlic powder", + "top loin", + "milk", + "all-purpose flour", + "shortening", + "buttermilk" + ] + }, + { + "id": 39350, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "chile sauce", + "tomato paste", + "garlic cloves", + "savoy cabbage", + "balsamic vinegar", + "soy sauce", + "cashew nuts" + ] + }, + { + "id": 10278, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "celery", + "onions", + "chicken stock", + "vegetable oil", + "garlic cloves", + "smoked cheddar cheese", + "unsalted butter", + "beef rib short", + "thyme sprigs", + "corn grits", + "pepper", + "dry red wine", + "carrots", + "smoked gouda" + ] + }, + { + "id": 4780, + "cuisine": "italian", + "ingredients": [ + "bulk italian sausag", + "lasagna noodles", + "basil", + "mozzarella cheese", + "ground black pepper", + "dried sage", + "ground beef", + "minced garlic", + "sliced black olives", + "ricotta cheese", + "dried oregano", + "warm water", + "garlic powder", + "marinara sauce", + "onion flakes" + ] + }, + { + "id": 48739, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "cayenne", + "sour cream", + "pepper", + "salt", + "chopped cilantro", + "cotija", + "garlic", + "poblano chiles", + "red potato", + "lime juice", + "mexican chorizo", + "ground cumin" + ] + }, + { + "id": 36610, + "cuisine": "mexican", + "ingredients": [ + "spanish onion", + "kiwi", + "serrano peppers", + "orange", + "balsamic vinegar", + "bananas" + ] + }, + { + "id": 34127, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "extra-virgin olive oil", + "spaghetti", + "boneless chicken", + "onions", + "fresh basil", + "fresh chevre", + "plum tomatoes" + ] + }, + { + "id": 22420, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "chopped pecans", + "spicy brown mustard", + "feta cheese crumbles", + "black-eyed peas", + "beets", + "grated orange", + "olive oil", + "rice vinegar", + "fresh parsley" + ] + }, + { + "id": 49055, + "cuisine": "jamaican", + "ingredients": [ + "dry vermouth", + "shallots", + "salt", + "water", + "crushed red pepper flakes", + "corn", + "garlic", + "black pepper", + "butter", + "cabbage" + ] + }, + { + "id": 31988, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "semisweet chocolate", + "buttermilk", + "grated nutmeg", + "baking soda", + "coffee", + "cake flour", + "unsweetened cocoa powder", + "sugar", + "large eggs", + "sweetened coconut flakes", + "confectioners sugar", + "pure vanilla extract", + "unsalted butter", + "cinnamon", + "salt" + ] + }, + { + "id": 20679, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic", + "onions", + "splenda", + "xanthan gum", + "shredded cabbage", + "crushed red pepper", + "ground pork", + "oyster sauce" + ] + }, + { + "id": 32595, + "cuisine": "italian", + "ingredients": [ + "water", + "dry sherry", + "all-purpose flour", + "onions", + "chicken breast halves", + "linguine", + "freshly ground pepper", + "grated parmesan cheese", + "reduced-fat sour cream", + "dry bread crumbs", + "reduced fat monterey jack cheese", + "butter", + "fat-free chicken broth", + "sliced mushrooms" + ] + }, + { + "id": 2376, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "hass avocado", + "ear of corn", + "extra-virgin olive oil", + "fresh cilantro", + "fresh lime juice" + ] + }, + { + "id": 3003, + "cuisine": "chinese", + "ingredients": [ + "rock sugar", + "peeled fresh ginger", + "red preserved bean curd", + "carrots", + "dried black mushrooms", + "soy sauce", + "vegetable oil", + "scallions", + "brown sugar", + "soya bean", + "star anise", + "cinnamon sticks", + "red chili peppers", + "rice wine", + "lamb breast", + "white sugar" + ] + }, + { + "id": 10006, + "cuisine": "italian", + "ingredients": [ + "cracked black pepper", + "cream cheese", + "parmigiano-reggiano cheese", + "salt", + "flat leaf parsley", + "fettucine", + "1% low-fat milk", + "garlic cloves", + "butter", + "all-purpose flour" + ] + }, + { + "id": 9531, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "ground white pepper", + "paprika", + "onion powder", + "ground cayenne pepper", + "garlic powder", + "salt" + ] + }, + { + "id": 27079, + "cuisine": "italian", + "ingredients": [ + "white rice flour", + "large eggs", + "kosher salt", + "sweet rice flour", + "russet potatoes" + ] + }, + { + "id": 44495, + "cuisine": "mexican", + "ingredients": [ + "broccoli slaw", + "flour tortillas", + "salt", + "ground chipotle chile pepper", + "olive oil", + "paprika", + "mayonaise", + "lime juice", + "onion powder", + "chipotle chile powder", + "mahi mahi", + "garlic powder", + "cilantro" + ] + }, + { + "id": 1777, + "cuisine": "southern_us", + "ingredients": [ + "dried thyme", + "pimentos", + "old bay seasoning", + "garlic cloves", + "pepper", + "half & half", + "clam juice", + "bow-tie pasta", + "lump crab meat", + "grated parmesan cheese", + "cocktail sauce", + "salt", + "shrimp", + "water", + "dry white wine", + "butter", + "all-purpose flour" + ] + }, + { + "id": 30047, + "cuisine": "russian", + "ingredients": [ + "potatoes", + "onions", + "water", + "mushrooms", + "vegetables", + "salt", + "sugar", + "flour", + "yeast" + ] + }, + { + "id": 40612, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "red curry paste", + "cooked shrimp", + "fish sauce", + "rice noodles", + "coconut milk", + "shiitake", + "garlic chili sauce", + "lime", + "scallions", + "chicken base" + ] + }, + { + "id": 38940, + "cuisine": "french", + "ingredients": [ + "potatoes", + "carrots", + "butter", + "chicken", + "savory", + "onions", + "ground black pepper", + "salt" + ] + }, + { + "id": 4037, + "cuisine": "chinese", + "ingredients": [ + "rice vinegar", + "honey", + "english cucumber", + "salt" + ] + }, + { + "id": 5420, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "shredded pepper jack cheese", + "flour tortillas", + "canola oil", + "vegetables", + "fresh tomato salsa", + "cheese" + ] + }, + { + "id": 47263, + "cuisine": "thai", + "ingredients": [ + "sea salt", + "fresh basil leaves", + "lemongrass", + "extra virgin coconut oil", + "grape tomatoes", + "garlic", + "fresh ginger", + "fresh lime juice" + ] + }, + { + "id": 22262, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "red bell pepper", + "minced garlic", + "quickcooking grits", + "water", + "Tabasco Pepper Sauce", + "whole milk", + "onions" + ] + }, + { + "id": 42843, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "dried peach", + "lard", + "water", + "salt", + "sugar", + "flour", + "milk", + "all-purpose flour" + ] + }, + { + "id": 36489, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "Philadelphia Cream Cheese", + "almonds", + "fresh herbs", + "milk", + "salt", + "mozzarella cheese", + "poblano peppers", + "ground turkey" + ] + }, + { + "id": 1864, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "brown sugar", + "boneless skinless chicken breasts", + "cayenne", + "lime", + "dried parsley" + ] + }, + { + "id": 888, + "cuisine": "french", + "ingredients": [ + "eggs", + "chopped walnuts", + "light brown sugar", + "ground nutmeg", + "biscuit mix", + "milk", + "tart apples", + "ground cinnamon", + "butter", + "white sugar" + ] + }, + { + "id": 28328, + "cuisine": "moroccan", + "ingredients": [ + "raisins", + "salt", + "chopped cilantro fresh", + "garlic", + "ground coriander", + "ground cumin", + "cracked black pepper", + "goat cheese", + "ground lamb", + "mayonaise", + "purple onion", + "ground cayenne pepper" + ] + }, + { + "id": 1118, + "cuisine": "brazilian", + "ingredients": [ + "honey", + "cornmeal", + "water", + "all purpose unbleached flour", + "olive oil", + "yeast", + "stone-ground cornmeal", + "salt" + ] + }, + { + "id": 40988, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "broccoli florets", + "bow-tie pasta", + "ground black pepper", + "salt", + "pecorino romano cheese" + ] + }, + { + "id": 16326, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "diced tomatoes", + "ground cumin", + "black beans", + "sliced black olives", + "rice", + "ground black pepper", + "sauce", + "kosher salt", + "chicken breasts", + "sour cream" + ] + }, + { + "id": 34115, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "artichokes", + "pepper", + "pecorino romano cheese", + "onions", + "romaine lettuce", + "fresh peas", + "lemon juice", + "fennel", + "salt" + ] + }, + { + "id": 28248, + "cuisine": "japanese", + "ingredients": [ + "kelp", + "cold water" + ] + }, + { + "id": 8465, + "cuisine": "korean", + "ingredients": [ + "water", + "napa cabbage", + "cayenne pepper", + "radishes", + "persimmon", + "fresh ginger root", + "garlic", + "cucumber", + "white onion", + "green onions", + "salt" + ] + }, + { + "id": 19371, + "cuisine": "chinese", + "ingredients": [ + "water", + "sea cucumber", + "oil", + "brown sugar", + "ground pepper", + "star anise", + "roasted sesame seeds", + "leeks", + "soy sauce", + "beef brisket", + "garlic" + ] + }, + { + "id": 11664, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "olive oil", + "rice", + "cooking spray", + "fillets", + "pepper", + "salt" + ] + }, + { + "id": 49615, + "cuisine": "brazilian", + "ingredients": [ + "coconut oil", + "honey", + "instant coffee", + "hemp seeds", + "Hawaiian salt", + "medjool date", + "pineapple chunks", + "edible flowers", + "açai", + "vanilla extract", + "berries", + "coconut milk", + "sliced mango", + "pitted cherries", + "sesame seeds", + "raw cashews", + "frozen mixed berries", + "chia seeds", + "raw buckwheat groats", + "coconut flakes", + "frozen mango", + "granola", + "cashew butter", + "cacao nibs", + "raw almond" + ] + }, + { + "id": 26574, + "cuisine": "chinese", + "ingredients": [ + "lower sodium soy sauce", + "dark sesame oil", + "chile paste", + "salt", + "bone in chicken thighs", + "cooking spray", + "garlic cloves", + "honey", + "rice vinegar" + ] + }, + { + "id": 18197, + "cuisine": "mexican", + "ingredients": [ + "water", + "flour", + "salt", + "baking soda", + "vegetable oil", + "honey", + "green onions", + "green chile", + "egg whites", + "teriyaki sauce" + ] + }, + { + "id": 23529, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "large eggs", + "bread slices", + "min", + "milk", + "liquid", + "orange flavored brandy", + "brandy", + "butter", + "grated orange peel", + "french toast", + "Italian bread" + ] + }, + { + "id": 25513, + "cuisine": "mexican", + "ingredients": [ + "soft goat's cheese", + "ground black pepper", + "cilantro", + "carrots", + "white sugar", + "white vinegar", + "white onion", + "chile pepper", + "cream cheese", + "celery", + "chicken", + "tomato paste", + "ground nutmeg", + "raisins", + "walnuts", + "onions", + "brown sugar", + "bay leaves", + "garlic", + "sour cream", + "chopped cilantro fresh" + ] + }, + { + "id": 40112, + "cuisine": "indian", + "ingredients": [ + "butter", + "coconut milk", + "lemon", + "tandoori seasoning", + "kosher salt", + "garlic cloves" + ] + }, + { + "id": 28836, + "cuisine": "mexican", + "ingredients": [ + "ketchup", + "large garlic cloves", + "chipotles in adobo", + "cinnamon", + "dark brown sugar", + "dijon mustard", + "extra-virgin olive oil", + "chicken", + "cider vinegar", + "worcestershire sauce", + "onions" + ] + }, + { + "id": 29287, + "cuisine": "vietnamese", + "ingredients": [ + "peanuts", + "sugar", + "coconut milk", + "water" + ] + }, + { + "id": 29673, + "cuisine": "thai", + "ingredients": [ + "mussels", + "zucchini", + "coconut milk", + "scallops", + "curry", + "fish sauce", + "basil leaves", + "tiger prawn", + "palm sugar", + "yellow curry paste" + ] + }, + { + "id": 39426, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "salt", + "sausages", + "minced garlic", + "scallions", + "white pepper", + "peanut oil", + "eggs", + "ginger", + "long-grain rice" + ] + }, + { + "id": 35198, + "cuisine": "irish", + "ingredients": [ + "black pepper", + "butter", + "potatoes", + "cabbage", + "cream", + "salt", + "green onions" + ] + }, + { + "id": 27044, + "cuisine": "indian", + "ingredients": [ + "tilapia fillets", + "purple onion", + "black mustard seeds", + "low-fat plain yogurt", + "vegetable oil", + "all-purpose flour", + "ground turmeric", + "curry powder", + "heavy cream", + "cayenne pepper", + "chopped garlic", + "caraway seeds", + "ground black pepper", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 31672, + "cuisine": "cajun_creole", + "ingredients": [ + "baby spinach", + "onions", + "unsalted butter", + "all-purpose flour", + "heavy cream", + "whole milk", + "grated nutmeg" + ] + }, + { + "id": 43821, + "cuisine": "mexican", + "ingredients": [ + "fresh corn", + "olive oil", + "purple onion", + "avocado", + "fresh cilantro", + "cilantro sprigs", + "frozen corn", + "black pepper", + "jalapeno chilies", + "salt", + "chicken broth", + "lime", + "garlic" + ] + }, + { + "id": 40873, + "cuisine": "french", + "ingredients": [ + "lamb stew meat", + "all-purpose flour", + "dried thyme", + "canned beef broth", + "carrots", + "russet potatoes", + "boiling onions", + "bay leaves", + "butter", + "fresh parsley" + ] + }, + { + "id": 24467, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "green onions", + "fresh lime juice", + "chips", + "red bell pepper", + "poblano peppers", + "garlic cloves", + "chopped cilantro fresh", + "avocado", + "cooking spray", + "corn tortillas" + ] + }, + { + "id": 43321, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "Chianti", + "pappardelle pasta", + "salt", + "celery ribs", + "fresh rosemary", + "olive oil", + "cracked black pepper", + "onions", + "chicken broth", + "dried porcini mushrooms", + "grated parmesan cheese", + "garlic cloves", + "pancetta", + "tomatoes", + "boar", + "bay leaves", + "carrots" + ] + }, + { + "id": 38657, + "cuisine": "indian", + "ingredients": [ + "saffron threads", + "roasted cashews", + "cayenne", + "raisins", + "grated nutmeg", + "cinnamon sticks", + "basmati rice", + "ground cumin", + "clove", + "fresh ginger", + "spices", + "lamb shoulder", + "lamb", + "cashew nuts", + "ground turmeric", + "green cardamom pods", + "milk", + "unsalted butter", + "canned tomatoes", + "rice", + "onions", + "nuts", + "low-fat plain yogurt", + "ground black pepper", + "large garlic cloves", + "salt", + "ground coriander", + "serrano chile", + "canola oil" + ] + }, + { + "id": 3033, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "peeled fresh ginger", + "oil", + "boiling potatoes", + "pepper", + "chili powder", + "onions", + "canned chicken broth", + "dry white wine", + "garlic cloves", + "ground turmeric", + "tomatoes", + "curry powder", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 1393, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger root", + "cream cheese", + "salt", + "imitation crab meat", + "white rice", + "seaweed", + "water", + "rice vinegar", + "cucumber" + ] + }, + { + "id": 2952, + "cuisine": "french", + "ingredients": [ + "sugar", + "water", + "sliced almonds", + "cooking spray" + ] + }, + { + "id": 17112, + "cuisine": "italian", + "ingredients": [ + "chicken breast tenders", + "provolone cheese", + "tomatoes", + "unsalted butter", + "sandwich rolls", + "large egg whites", + "seasoned bread crumbs", + "grated parmesan cheese" + ] + }, + { + "id": 13215, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "white wine vinegar", + "fresh parsley", + "kalamata", + "garlic cloves", + "ground cumin", + "fennel bulb", + "salt", + "plum tomatoes", + "vidalia onion", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 412, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "dry white wine", + "chicken", + "olive oil", + "all-purpose flour", + "pearl onions", + "butter", + "mushrooms", + "flat leaf parsley" + ] + }, + { + "id": 42157, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "water", + "coriander powder", + "salt", + "mustard seeds", + "onions", + "clove", + "asafoetida", + "amchur", + "star anise", + "green chilies", + "bay leaf", + "tomatoes", + "red chili peppers", + "garam masala", + "garlic", + "cumin seed", + "ghee", + "red chili powder", + "pigeon peas", + "ginger", + "cilantro leaves", + "cinnamon sticks", + "ground turmeric" + ] + }, + { + "id": 34254, + "cuisine": "japanese", + "ingredients": [ + "asafoetida", + "cilantro", + "ground turmeric", + "chili powder", + "cumin seed", + "coriander powder", + "salt", + "baby potatoes", + "methi leaves", + "lemon", + "mustard seeds" + ] + }, + { + "id": 34362, + "cuisine": "italian", + "ingredients": [ + "reduced fat sharp cheddar cheese", + "part-skim mozzarella cheese", + "roasted red peppers", + "pasta sauce", + "fresh parmesan cheese", + "refrigerated pizza dough", + "low-fat sour cream", + "garlic powder", + "cooking spray", + "frozen chopped spinach", + "1% low-fat cottage cheese", + "ground black pepper", + "cream cheese, soften" + ] + }, + { + "id": 5427, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "won ton wrappers", + "sesame oil", + "corn starch", + "sambal ulek", + "pepper", + "egg whites", + "rice vinegar", + "green cabbage", + "ground chicken", + "fresh ginger", + "salt", + "coconut oil", + "water", + "green onions", + "garlic cloves" + ] + }, + { + "id": 32386, + "cuisine": "french", + "ingredients": [ + "freshly grated parmesan", + "onions", + "cottage cheese", + "salt", + "bacon slices", + "puff pastry", + "black pepper", + "sour cream" + ] + }, + { + "id": 4759, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "red pepper flakes", + "lemon juice", + "swordfish steaks", + "whole milk", + "garlic", + "polenta", + "nutmeg", + "ground black pepper", + "heavy cream", + "fresh parsley", + "kosher salt", + "unsalted butter", + "fresh tarragon", + "fresh basil leaves" + ] + }, + { + "id": 37345, + "cuisine": "mexican", + "ingredients": [ + "tequila", + "honey", + "ground cumin", + "fresh lime juice", + "garlic" + ] + }, + { + "id": 44785, + "cuisine": "southern_us", + "ingredients": [ + "dried currants", + "ground nutmeg", + "salt pork", + "ground cinnamon", + "ground cloves", + "raisins", + "boiling water", + "brandy", + "baking powder", + "ground allspice", + "brown sugar", + "molasses", + "all-purpose flour" + ] + }, + { + "id": 2544, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "vegetable oil", + "flour tortillas", + "ground coriander", + "lime juice", + "salt", + "mahi mahi", + "chili powder", + "ground cumin" + ] + }, + { + "id": 43083, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "avocado", + "jalapeno chilies", + "flour tortillas", + "roast turkey", + "salsa" + ] + }, + { + "id": 9871, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "flour", + "whole peeled tomatoes", + "salt", + "eggplant", + "garlic", + "mozzarella cheese", + "parmigiano reggiano cheese" + ] + }, + { + "id": 34833, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "salt", + "brown basmati rice", + "lime rind", + "peeled fresh ginger", + "ground coriander", + "olive oil", + "chopped onion", + "ground cumin", + "fat free less sodium chicken broth", + "lime wedges", + "chopped cilantro fresh" + ] + }, + { + "id": 44182, + "cuisine": "italian", + "ingredients": [ + "sugar", + "heavy cream", + "espresso beans", + "water" + ] + }, + { + "id": 13390, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "garlic bulb", + "butter", + "parmesan cheese", + "all-purpose flour", + "pepper", + "whipping cream" + ] + }, + { + "id": 28998, + "cuisine": "brazilian", + "ingredients": [ + "fresh coriander", + "finely chopped onion", + "hot sauce", + "chorizo sausage", + "tomatoes", + "kale", + "bacon", + "long grain white rice", + "water", + "jalapeno chilies", + "canadian bacon", + "chuck", + "black beans", + "olive oil", + "fresh orange juice", + "chopped garlic" + ] + }, + { + "id": 38418, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "olive oil", + "purple onion", + "fresh basil", + "focaccia", + "cherries", + "garlic cloves" + ] + }, + { + "id": 23109, + "cuisine": "british", + "ingredients": [ + "whole milk", + "all-purpose flour", + "unsalted butter", + "poppy seeds", + "grated lemon peel", + "sugar", + "baking powder", + "fresh lemon juice", + "large eggs", + "salt" + ] + }, + { + "id": 22952, + "cuisine": "british", + "ingredients": [ + "mace", + "port wine", + "stilton cheese", + "walnut halves", + "melted butter", + "butter" + ] + }, + { + "id": 33086, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "large eggs", + "baking soda", + "salt", + "low-fat buttermilk", + "all-purpose flour", + "sugar", + "butter" + ] + }, + { + "id": 17147, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken skinless thigh", + "green chilies", + "sliced black olives", + "adobo seasoning", + "Mexican cheese blend", + "onions", + "flour tortillas" + ] + }, + { + "id": 24484, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "sliced carrots", + "ground white pepper", + "cooked rice", + "flank steak", + "corn starch", + "chile paste with garlic", + "fresh ginger", + "peanut oil", + "fat free less sodium chicken broth", + "salt" + ] + }, + { + "id": 7773, + "cuisine": "italian", + "ingredients": [ + "sea scallops", + "paprika", + "uncooked vermicelli", + "garlic powder", + "butter", + "grated lemon zest", + "water", + "lemon wedge", + "salt", + "spinach leaves", + "cooking spray", + "cracked black pepper", + "fresh lemon juice" + ] + }, + { + "id": 7987, + "cuisine": "mexican", + "ingredients": [ + "guacamole", + "diced tomatoes", + "sour cream", + "ground black pepper", + "queso fresco", + "salt", + "flour tortillas", + "shredded lettuce", + "salsa", + "fresh cilantro", + "green onions", + "cheese", + "ground beef" + ] + }, + { + "id": 14753, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "green chilies", + "fresh coriander", + "chili powder", + "ghee", + "potatoes", + "cumin seed", + "amchur", + "salt", + "coriander" + ] + }, + { + "id": 44694, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "instant espresso", + "orange", + "orange rind", + "ladyfingers", + "cognac", + "fat free cream cheese", + "sugar", + "hot water", + "unsweetened cocoa powder" + ] + }, + { + "id": 10687, + "cuisine": "russian", + "ingredients": [ + "pickling salt", + "water", + "fresh tarragon", + "vinegar", + "garlic", + "red chili peppers", + "pickling cucumbers" + ] + }, + { + "id": 40929, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "salt", + "eggs", + "baking soda", + "butter", + "chopped pecans", + "water", + "almond extract", + "all-purpose flour", + "brown sugar", + "peaches", + "vanilla extract" + ] + }, + { + "id": 43891, + "cuisine": "cajun_creole", + "ingredients": [ + "great northern beans", + "pepper", + "onions", + "chicken broth", + "jasmine rice", + "garlic cloves", + "green bell pepper", + "vegetable oil", + "smoked fully cooked ham", + "salt" + ] + }, + { + "id": 24788, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "grated parmesan cheese", + "ground black pepper", + "shredded mozzarella cheese", + "pasta sauce", + "unsalted butter", + "garlic salt", + "milk", + "russet potatoes" + ] + }, + { + "id": 916, + "cuisine": "chinese", + "ingredients": [ + "tea bags", + "lemon zest", + "cinnamon sticks", + "water", + "satsumas", + "comice pears", + "honey", + "tapioca pearls", + "sugar", + "star anise" + ] + }, + { + "id": 42430, + "cuisine": "italian", + "ingredients": [ + "sweet onion", + "salt", + "feta cheese crumbles", + "sliced black olives", + "fresh oregano", + "olive oil", + "bow-tie pasta", + "grape tomatoes", + "balsamic vinegar", + "garlic cloves" + ] + }, + { + "id": 14147, + "cuisine": "irish", + "ingredients": [ + "shredded cheddar cheese", + "salt", + "chicken broth", + "leeks", + "unsalted butter", + "onions", + "pepper", + "baking potatoes" + ] + }, + { + "id": 15516, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "onions", + "shredded cheddar cheese", + "chile pepper", + "baked beans", + "taco seasoning mix", + "salsa" + ] + }, + { + "id": 27284, + "cuisine": "moroccan", + "ingredients": [ + "merguez sausage", + "large garlic cloves", + "roasted tomatoes", + "crusty bread", + "harissa", + "extra-virgin olive oil", + "cilantro stems", + "extra large eggs", + "onions", + "kosher salt", + "spices", + "smoked paprika" + ] + }, + { + "id": 19122, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "paprika", + "minced garlic", + "tomato paste", + "oregano" + ] + }, + { + "id": 13098, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "fresh lime juice", + "jicama" + ] + }, + { + "id": 44573, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "lemon juice", + "salt and ground black pepper", + "tagliatelle", + "olive oil", + "feta cheese crumbles", + "extra-virgin olive oil", + "chopped cilantro fresh" + ] + }, + { + "id": 45458, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "bulgur", + "fresh parsley", + "extra-virgin olive oil", + "fresh lemon juice", + "boiling water", + "green onions", + "garlic cloves", + "chopped fresh mint", + "tomatoes", + "salt", + "cucumber" + ] + }, + { + "id": 26967, + "cuisine": "southern_us", + "ingredients": [ + "bread", + "butter", + "white sugar", + "large eggs", + "vanilla extract", + "pecans", + "light corn syrup", + "light brown sugar", + "cinnamon", + "salt" + ] + }, + { + "id": 4541, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "red pepper", + "salt", + "carrots", + "snow peas", + "chicken stock", + "lime", + "chile pepper", + "rice vermicelli", + "hot sauce", + "cooked shrimp", + "celery ribs", + "curry powder", + "chicken breasts", + "ginger", + "rice vinegar", + "beansprouts", + "ground turmeric", + "sugar", + "broccoli florets", + "vegetable oil", + "garlic", + "oyster sauce", + "onions" + ] + }, + { + "id": 39993, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "pasta water", + "extra-virgin olive oil", + "cracked black pepper", + "spaghetti", + "garlic cloves" + ] + }, + { + "id": 5544, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "spaghetti", + "milk", + "freshly ground pepper", + "crumbles", + "large eggs", + "parmesan cheese", + "scallions" + ] + }, + { + "id": 28983, + "cuisine": "mexican", + "ingredients": [ + "grated parmesan cheese", + "angel hair" + ] + }, + { + "id": 6317, + "cuisine": "chinese", + "ingredients": [ + "five spice", + "pork ribs", + "coriander", + "soy sauce", + "rice wine", + "red chili peppers", + "hoisin sauce", + "honey", + "sesame oil" + ] + }, + { + "id": 18280, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "vegetable broth", + "celery", + "garlic powder", + "creole seasoning", + "black pepper", + "green pepper", + "onions", + "red kidney beans", + "extra-virgin olive oil", + "thyme" + ] + }, + { + "id": 8762, + "cuisine": "italian", + "ingredients": [ + "ladyfingers", + "vin santo", + "orange", + "coffee", + "sugar", + "mascarpone", + "vanilla beans", + "bittersweet chocolate" + ] + }, + { + "id": 16910, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "bay leaves", + "greens", + "white vinegar", + "quinoa", + "garlic cloves", + "water", + "yellow onion", + "black peppercorns", + "bone-in chicken", + "ghee" + ] + }, + { + "id": 2945, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "mushrooms", + "pepper", + "chicken breasts", + "clove", + "sweet onion", + "salt", + "chicken broth", + "flour", + "oil" + ] + }, + { + "id": 34169, + "cuisine": "italian", + "ingredients": [ + "dough", + "Italian parsley leaves", + "ground black pepper", + "fine sea salt", + "pinenuts", + "extra-virgin olive oil", + "lemon" + ] + }, + { + "id": 25017, + "cuisine": "indian", + "ingredients": [ + "wheat bread", + "green chilies", + "onions", + "ravva", + "rice flour", + "curry leaves", + "curds", + "salt", + "mustard seeds" + ] + }, + { + "id": 15000, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "spices", + "scallions", + "tomatoes", + "sesame oil", + "persian cucumber", + "arugula", + "soy sauce", + "rice vinegar", + "beansprouts", + "eggs", + "ramen noodles", + "ear of corn" + ] + }, + { + "id": 22073, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "cooking oil", + "sesame oil", + "ginger", + "oyster sauce", + "garlic shoots", + "shiitake", + "spring onions", + "ground pork", + "oil", + "eggs", + "light soy sauce", + "lettuce leaves", + "baby spinach", + "dried shiitake mushrooms", + "water", + "bay leaves", + "wonton wrappers", + "salt", + "black vinegar" + ] + }, + { + "id": 29650, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "grated parmesan cheese", + "crushed red pepper", + "black pepper", + "flour", + "garlic cloves", + "olive oil", + "cooking spray", + "onions", + "fresh basil", + "pork tenderloin", + "salt" + ] + }, + { + "id": 45166, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime juice", + "rice vinegar", + "peanut oil", + "soy sauce", + "ginger", + "peanut butter", + "brown sugar", + "peanuts", + "red curry paste", + "coconut milk", + "water", + "garlic", + "chili sauce" + ] + }, + { + "id": 47626, + "cuisine": "filipino", + "ingredients": [ + "egg yolks", + "white sugar", + "melted butter", + "all-purpose flour", + "salt", + "water", + "flour for dusting" + ] + }, + { + "id": 45277, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "salt", + "mayonaise", + "half & half", + "lemon juice", + "celery salt", + "vinegar", + "oil", + "sugar", + "onion powder", + "cabbage" + ] + }, + { + "id": 20663, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "white vinegar", + "garlic", + "sugar", + "salt", + "pickling cucumbers" + ] + }, + { + "id": 1983, + "cuisine": "italian", + "ingredients": [ + "sugar", + "strawberries", + "balsamic vinegar" + ] + }, + { + "id": 12832, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "peeled fresh ginger", + "gluten", + "fresh lime juice", + "rice stick noodles", + "basil leaves", + "shallots", + "thai chile", + "sugar", + "lettuce leaves", + "vegetable oil", + "garlic cloves", + "mint leaves", + "boneless skinless chicken breasts", + "cilantro" + ] + }, + { + "id": 38016, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "fennel bulb", + "garlic cloves", + "pancetta", + "olive oil", + "salt", + "onions", + "water", + "parmigiano reggiano cheese", + "California bay leaves", + "chicken stock", + "swiss chard", + "white beans" + ] + }, + { + "id": 12959, + "cuisine": "filipino", + "ingredients": [ + "lemon grass", + "rice", + "tomatoes", + "garlic", + "squash", + "ginger", + "okra", + "leaves", + "salt", + "green papaya" + ] + }, + { + "id": 37382, + "cuisine": "italian", + "ingredients": [ + "water", + "extra-virgin olive oil", + "black peppercorns", + "red wine vinegar", + "boiling onions", + "sugar", + "dry red wine", + "California bay leaves", + "balsamic vinegar", + "salt" + ] + }, + { + "id": 35024, + "cuisine": "chinese", + "ingredients": [ + "flour", + "oil", + "yeast", + "soy sauce", + "garlic", + "corn starch", + "sugar", + "vegetable oil", + "oyster sauce", + "water", + "barbecued pork", + "boiling water" + ] + }, + { + "id": 40134, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "pumpkin", + "water", + "peppercorns", + "sugar", + "garlic", + "cooking oil" + ] + }, + { + "id": 43862, + "cuisine": "jamaican", + "ingredients": [ + "fresh cilantro", + "pineapple", + "ground allspice", + "salmon fillets", + "olive oil", + "salt", + "ground cumin", + "dried thyme", + "purple onion", + "mango", + "canned black beans", + "cinnamon", + "cayenne pepper" + ] + }, + { + "id": 42645, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "water", + "quinoa", + "cinnamon sticks", + "molasses", + "coconut", + "salt", + "onions", + "coconut oil", + "curry powder", + "garlic", + "coconut milk", + "red lentils", + "pepper", + "fresh cilantro", + "ground coriander" + ] + }, + { + "id": 49522, + "cuisine": "italian", + "ingredients": [ + "taleggio", + "prosciutto", + "country bread", + "asiago" + ] + }, + { + "id": 24131, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "curry powder", + "yellow bell pepper", + "cilantro leaves", + "yellow mustard seeds", + "yukon gold potatoes", + "garlic", + "cumin seed", + "yellow summer squash", + "corn kernels", + "cauliflower florets", + "yellow onion", + "chicken broth", + "water", + "butter", + "salt", + "carrots" + ] + }, + { + "id": 30385, + "cuisine": "french", + "ingredients": [ + "sugar", + "salt", + "melted butter", + "whole wheat flour", + "eggs", + "vanilla", + "milk" + ] + }, + { + "id": 16600, + "cuisine": "italian", + "ingredients": [ + "fennel bulb", + "diced tomatoes", + "salt", + "fresh parsley", + "black pepper", + "baby spinach", + "garlic", + "escarole", + "fresh basil", + "fresh thyme", + "vegetable broth", + "red bell pepper", + "zucchini", + "crushed red pepper flakes", + "fresh oregano", + "onions" + ] + }, + { + "id": 36107, + "cuisine": "french", + "ingredients": [ + "french bread", + "large egg whites", + "deli ham", + "honey mustard", + "cooking spray", + "fat free milk", + "reduced fat swiss cheese" + ] + }, + { + "id": 31974, + "cuisine": "vietnamese", + "ingredients": [ + "unsweetened coconut milk", + "fresh ginger", + "rice noodles", + "medium shrimp", + "canola oil", + "lemongrass", + "shallots", + "ground coriander", + "asian fish sauce", + "macadamia nuts", + "lime wedges", + "carrots", + "ground turmeric", + "light brown sugar", + "jalapeno chilies", + "salt", + "onions" + ] + }, + { + "id": 20336, + "cuisine": "greek", + "ingredients": [ + "garbanzo beans", + "salad dressing", + "feta cheese crumbles", + "radishes", + "bows", + "mayonaise", + "cucumber" + ] + }, + { + "id": 16729, + "cuisine": "mexican", + "ingredients": [ + "dried lentils", + "olive oil", + "salsa", + "sour cream", + "avocado", + "fresh cilantro", + "grating cheese", + "chopped onion", + "ground cumin", + "lettuce", + "lime juice", + "chili powder", + "tortilla shells", + "oregano", + "tomatoes", + "corn", + "vegetable broth", + "garlic cloves" + ] + }, + { + "id": 16814, + "cuisine": "mexican", + "ingredients": [ + "enchilada sauce", + "chicken" + ] + }, + { + "id": 11709, + "cuisine": "chinese", + "ingredients": [ + "tea cake", + "eggs", + "five spice" + ] + }, + { + "id": 16248, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "water", + "epazote", + "corn tortillas", + "white onion", + "large eggs", + "garlic cloves", + "cider vinegar", + "vegetable oil", + "pumpkin seed oil", + "habanero chile", + "zucchini", + "pumpkin seeds" + ] + }, + { + "id": 9462, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "parmesan cheese", + "hoisin sauce", + "apple cider vinegar", + "cheese", + "fresh oregano", + "sour cream", + "chicken", + "soy sauce", + "hot pepper sauce", + "chicken breasts", + "grating cheese", + "salt", + "oil", + "stir fry vegetable blend", + "fresh basil", + "vegetables", + "macaroni", + "red pepper flakes", + "garlic", + "rice", + "onions", + "catalina dressing", + "pepper", + "tortillas", + "chili powder", + "worcestershire sauce", + "salsa", + "garlic cloves", + "italian salad dressing" + ] + }, + { + "id": 25707, + "cuisine": "greek", + "ingredients": [ + "pita bread", + "large garlic cloves", + "boneless skinless chicken thigh fillets", + "greek yogurt", + "pepper", + "white wine vinegar", + "lemon juice", + "black pepper", + "extra-virgin olive oil", + "fresh parsley leaves", + "dried oregano", + "tomatoes", + "spanish onion", + "salt", + "cucumber" + ] + }, + { + "id": 37678, + "cuisine": "korean", + "ingredients": [ + "vegetable oil spray", + "jalapeno chilies", + "kochujang", + "sugar", + "ground black pepper", + "lettuce leaves", + "garlic cloves", + "fresh ginger", + "mirin", + "sesame oil", + "toasted sesame seeds", + "soy sauce", + "asian pear", + "green onions", + "butterflied leg of lamb" + ] + }, + { + "id": 1661, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "peanuts", + "crushed garlic", + "oil", + "coriander", + "rice sticks", + "shredded cabbage", + "salt", + "beansprouts", + "chili flakes", + "tamarind", + "green onions", + "firm tofu", + "chillies", + "water", + "palm sugar", + "purple onion", + "carrots" + ] + }, + { + "id": 19577, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "green onions", + "sugar syrup", + "fresh lime", + "extra-virgin olive oil", + "fresh coriander", + "sesame oil", + "garlic cloves", + "fish sauce", + "fresh ginger", + "tamari soy sauce" + ] + }, + { + "id": 7326, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "shredded cheddar cheese", + "roma tomatoes", + "enchilada sauce", + "canned black beans", + "quinoa", + "cilantro leaves", + "green chile", + "corn kernels", + "chili powder", + "cumin", + "kosher salt", + "ground black pepper", + "shredded mozzarella cheese" + ] + }, + { + "id": 33220, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "fresh lemon juice", + "extra-virgin olive oil", + "beef roast", + "fresh thyme leaves", + "dried oregano", + "garlic cloves" + ] + }, + { + "id": 47803, + "cuisine": "irish", + "ingredients": [ + "caraway seeds", + "baking soda", + "all purpose unbleached flour", + "dark brown sugar", + "whole wheat flour", + "butter", + "salt", + "eggs", + "baking powder", + "raisins", + "ground cinnamon", + "granulated sugar", + "buttermilk" + ] + }, + { + "id": 11048, + "cuisine": "thai", + "ingredients": [ + "lime", + "extra-virgin olive oil", + "fresh mint", + "chile paste", + "ground black pepper", + "garlic cloves", + "low sodium soy sauce", + "honey", + "rice vinegar", + "kosher salt", + "fresh ginger", + "squid" + ] + }, + { + "id": 20043, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "granulated sugar", + "apples", + "lemon juice", + "water", + "egg whites", + "salt", + "brown sugar", + "lemon zest", + "vanilla extract", + "caramel sauce", + "nutmeg", + "almond flour", + "cinnamon", + "grated nutmeg" + ] + }, + { + "id": 41558, + "cuisine": "thai", + "ingredients": [ + "large eggs", + "scallions", + "medium shrimp", + "chiles", + "large garlic cloves", + "fresh lime juice", + "canola oil", + "thai noodles", + "roasted peanuts", + "chopped cilantro", + "light brown sugar", + "shallots", + "beansprouts", + "asian fish sauce" + ] + }, + { + "id": 136, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "cracked black pepper", + "marinara sauce", + "chicken", + "olive oil", + "garlic cloves", + "pasta", + "mushrooms" + ] + }, + { + "id": 1781, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "tequila", + "lager beer", + "limeade concentrate", + "lime" + ] + }, + { + "id": 35735, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "chopped celery", + "corn bread", + "large eggs", + "rubbed sage", + "large egg whites", + "chopped onion", + "buttermilk biscuits", + "cooking spray", + "low salt chicken broth" + ] + }, + { + "id": 17573, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "lean ground beef", + "ground cayenne pepper", + "garlic powder", + "ground coriander", + "prepar salsa", + "ground cumin" + ] + }, + { + "id": 26474, + "cuisine": "british", + "ingredients": [ + "nutmeg", + "butter", + "white sugar", + "milk", + "ground almonds", + "cream sherry", + "preserves", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 8611, + "cuisine": "british", + "ingredients": [ + "heavy cream", + "bread crumbs", + "lemon juice", + "lemon", + "pastry", + "golden syrup" + ] + }, + { + "id": 9287, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "garlic", + "orange", + "dry white wine", + "duck drumsticks", + "pork belly", + "fresh bay leaves", + "fine sea salt", + "coriander seeds", + "coarse sea salt" + ] + }, + { + "id": 37456, + "cuisine": "french", + "ingredients": [ + "shallots", + "salt", + "large egg yolks", + "fresh tarragon", + "black peppercorns", + "butter", + "hot sauce", + "dry white wine", + "white wine vinegar" + ] + }, + { + "id": 6935, + "cuisine": "mexican", + "ingredients": [ + "taco shells", + "shredded cheese", + "lettuce", + "salsa", + "ground beef", + "refried beans", + "sour cream", + "tomato sauce", + "taco seasoning" + ] + }, + { + "id": 49630, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "napa cabbage", + "red bell pepper", + "ground black pepper", + "rice vermicelli", + "medium shrimp", + "lemongrass", + "cilantro", + "fresh mint", + "fish sauce", + "bibb lettuce", + "carrots", + "rice paper" + ] + }, + { + "id": 37674, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "low sodium chicken broth", + "swiss chard", + "carrots", + "kosher salt", + "tortellini", + "grated parmesan cheese", + "chicken" + ] + }, + { + "id": 48698, + "cuisine": "chinese", + "ingredients": [ + "sugar pea", + "large garlic cloves", + "Sriracha", + "oil", + "fresh ginger root", + "peanut oil", + "soy sauce", + "black sesame seeds" + ] + }, + { + "id": 46538, + "cuisine": "irish", + "ingredients": [ + "russet", + "ground black pepper", + "eggs", + "salt", + "plain flour", + "butter", + "cream" + ] + }, + { + "id": 22210, + "cuisine": "french", + "ingredients": [ + "ground pepper", + "butter", + "white wine vinegar", + "dry white wine", + "dry mustard", + "beef broth", + "dijon mustard", + "dry sherry", + "salt", + "brandy", + "shallots", + "whipping cream", + "fat" + ] + }, + { + "id": 32809, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "soy sauce", + "nori", + "frozen edamame beans", + "red miso", + "firm tofu" + ] + }, + { + "id": 16718, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "honey", + "salt", + "carrots", + "cumin", + "pepper", + "vegetable oil", + "garlic cloves", + "onions", + "black pepper", + "dried apricot", + "gingerroot", + "fresh parsley", + "water", + "cinnamon", + "lemon juice", + "chicken thighs" + ] + }, + { + "id": 17412, + "cuisine": "greek", + "ingredients": [ + "nonfat yogurt", + "salt", + "garlic", + "garbanzo beans", + "fresh lemon juice" + ] + }, + { + "id": 42102, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "large garlic cloves", + "sugar", + "rice vinegar", + "low sodium soy sauce", + "crushed red pepper", + "green cabbage", + "red cabbage", + "onions" + ] + }, + { + "id": 27981, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "sesame oil", + "beef rib short", + "mung bean sprouts", + "granulated sugar", + "salt", + "garlic cloves", + "fresh ginger", + "rice noodles", + "scallions", + "low sodium soy sauce", + "Shaoxing wine", + "chinese cabbage", + "bok choy" + ] + }, + { + "id": 1707, + "cuisine": "vietnamese", + "ingredients": [ + "baby greens", + "roasted peanuts", + "fresh mint", + "rice noodles", + "carrots", + "asian fish sauce", + "lime juice", + "chili sauce", + "red bell pepper", + "rice paper", + "cooked chicken", + "english cucumber", + "cooked shrimp" + ] + }, + { + "id": 8289, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "boneless pork loin", + "tomatoes", + "green onions", + "white sugar", + "brandy", + "corn starch", + "eggs", + "salt", + "canola oil" + ] + }, + { + "id": 21041, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "salt", + "pitted black olives", + "grated parmesan cheese", + "white sugar", + "fresh rosemary", + "olive oil", + "all-purpose flour", + "warm water", + "rapid rise yeast", + "plum tomatoes" + ] + }, + { + "id": 15288, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "eggs", + "flour", + "milk", + "salt", + "cooking oil", + "cornmeal" + ] + }, + { + "id": 18711, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "salmon fillets", + "white sugar", + "light soy sauce", + "sake", + "vegetable oil" + ] + }, + { + "id": 1222, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "kosher salt", + "lemon juice", + "freshly ground pepper", + "chorizo", + "greens" + ] + }, + { + "id": 44918, + "cuisine": "moroccan", + "ingredients": [ + "flank steak", + "purple onion", + "chopped fresh mint", + "brown sugar", + "red pepper", + "garlic cloves", + "chopped cilantro fresh", + "olive oil", + "crushed red pepper", + "fresh parsley", + "ground cumin", + "lime zest", + "lime wedges", + "salt", + "yellow peppers" + ] + }, + { + "id": 36534, + "cuisine": "british", + "ingredients": [ + "heavy cream", + "sweet sherry", + "sugar", + "strawberries", + "large egg whites" + ] + }, + { + "id": 19563, + "cuisine": "mexican", + "ingredients": [ + "white corn", + "green onions", + "chopped cilantro fresh", + "olive oil", + "baked tortilla chips", + "chopped green chilies", + "garlic cloves", + "black beans", + "red wine vinegar", + "plum tomatoes" + ] + }, + { + "id": 6507, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "peeled fresh ginger", + "fresh lime juice", + "curry powder", + "lime wedges", + "chopped cilantro fresh", + "baby spinach leaves", + "green onions", + "chicken thighs", + "lemongrass", + "low salt chicken broth" + ] + }, + { + "id": 32596, + "cuisine": "greek", + "ingredients": [ + "butter", + "sugar", + "corn starch", + "Betty Crocker™ oatmeal cookie mix", + "Yoplait® Greek 100 blackberry pie yogurt", + "blackberries" + ] + }, + { + "id": 19315, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "baking powder", + "peaches", + "all-purpose flour", + "milk", + "salt", + "granulated sugar", + "margarine" + ] + }, + { + "id": 38878, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "sea salt", + "yellow onion", + "chile powder", + "boneless skinless chicken breasts", + "canned tomatoes", + "ground cumin", + "quick cooking brown rice", + "extra-virgin olive oil", + "sliced green olives", + "green bell pepper", + "queso fresco", + "cilantro leaves" + ] + }, + { + "id": 17750, + "cuisine": "chinese", + "ingredients": [ + "sake", + "hoisin sauce", + "firm tofu", + "corn starch", + "soy sauce", + "ginger", + "oil", + "minced pork", + "sugar", + "sesame oil", + "scallions", + "chicken-flavored soup powder", + "water", + "chili bean sauce", + "garlic cloves" + ] + }, + { + "id": 39602, + "cuisine": "greek", + "ingredients": [ + "roma tomatoes", + "cucumber", + "purple onion", + "black olives", + "sun-dried tomatoes in oil", + "feta cheese crumbles" + ] + }, + { + "id": 2344, + "cuisine": "mexican", + "ingredients": [ + "vanilla beans", + "orange liqueur", + "eggs", + "heavy cream", + "cream", + "orange peel", + "egg yolks", + "white sugar" + ] + }, + { + "id": 31434, + "cuisine": "spanish", + "ingredients": [ + "vanilla extract", + "sugar", + "corn starch", + "unsweetened almond milk", + "lemon rind", + "egg yolks", + "cinnamon sticks" + ] + }, + { + "id": 20272, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "fresh ginger", + "egg whites", + "rice vinegar", + "corn starch", + "water", + "baking soda", + "sesame oil", + "scallions", + "soy sauce", + "sesame seeds", + "boneless skinless chicken breasts", + "all-purpose flour", + "light brown sugar", + "honey", + "chili paste", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 3845, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "ground black pepper", + "ground coriander", + "medium shrimp", + "avocado", + "lime juice", + "chili powder", + "corn tortillas", + "minced garlic", + "red cabbage", + "sour cream", + "ground cumin", + "ground paprika", + "olive oil", + "salt", + "chopped cilantro" + ] + }, + { + "id": 13520, + "cuisine": "southern_us", + "ingredients": [ + "ground beef", + "all-purpose flour", + "vidalia onion", + "beef broth" + ] + }, + { + "id": 20481, + "cuisine": "italian", + "ingredients": [ + "granulated sugar", + "all-purpose flour", + "vegetable oil", + "baking powder", + "white sugar", + "dry red wine" + ] + }, + { + "id": 33998, + "cuisine": "mexican", + "ingredients": [ + "bell pepper", + "diced tomatoes", + "cumin", + "garlic powder", + "chili powder", + "onions", + "lime juice", + "boneless skinless chicken breasts", + "salt", + "diced green chilies", + "vegetable oil", + "dried oregano" + ] + }, + { + "id": 8724, + "cuisine": "indian", + "ingredients": [ + "honey", + "plain yogurt", + "instant yeast", + "warm water", + "olive oil", + "kosher salt", + "all-purpose flour" + ] + }, + { + "id": 45598, + "cuisine": "italian", + "ingredients": [ + "eggs", + "milk", + "grated parmesan cheese", + "ground beef", + "tomato sauce", + "garlic powder", + "garlic", + "dried oregano", + "mozzarella cheese", + "lasagna noodles", + "provolone cheese", + "pasta sauce", + "olive oil", + "ricotta cheese", + "onions" + ] + }, + { + "id": 9539, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "unsalted butter", + "vanilla extract", + "sugar", + "egg yolks", + "all-purpose flour", + "shortening", + "egg whites", + "salt", + "cream of tartar", + "milk", + "ice water", + "key lime juice" + ] + }, + { + "id": 6955, + "cuisine": "mexican", + "ingredients": [ + "salt", + "whole milk", + "unsweetened cocoa powder", + "sweet chocolate" + ] + }, + { + "id": 34286, + "cuisine": "italian", + "ingredients": [ + "white vinegar", + "sugar", + "chiles", + "kosher salt" + ] + }, + { + "id": 33854, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "vegetable oil", + "onions", + "ground ginger", + "lamb stew meat", + "all-purpose flour", + "ground red pepper", + "diced tomatoes", + "minced garlic", + "golden delicious apples", + "beef broth" + ] + }, + { + "id": 14395, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "balsamic vinegar", + "fresh basil leaves", + "grated parmesan cheese", + "garlic", + "pepper", + "extra-virgin olive oil", + "orzo pasta", + "salt" + ] + }, + { + "id": 7087, + "cuisine": "french", + "ingredients": [ + "dried thyme", + "garlic", + "celery", + "salmon fillets", + "cooking oil", + "lentils", + "onions", + "canned low sodium chicken broth", + "ground black pepper", + "salt", + "bay leaf", + "crushed tomatoes", + "bacon", + "carrots" + ] + }, + { + "id": 14870, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "green onions", + "large garlic cloves", + "garlic cloves", + "thin rice stick noodles", + "sugar", + "shredded carrots", + "vegetable oil", + "new york strip steaks", + "fresh lime juice", + "kosher salt", + "sliced cucumber", + "napa cabbage", + "vinaigrette", + "chopped cilantro", + "fresh ginger", + "shallots", + "vietnamese fish sauce", + "fresh mint", + "skirt steak" + ] + }, + { + "id": 32518, + "cuisine": "mexican", + "ingredients": [ + "no-salt-added diced tomatoes", + "KRAFT Mexican Style Finely Shredded Four Cheese", + "flour tortillas", + "cooked chicken breasts", + "black beans", + "Philadelphia Cream Cheese", + "green onions" + ] + }, + { + "id": 7709, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "water", + "lamb shoulder", + "ground coriander", + "cinnamon sticks", + "ground cloves", + "lemon zest", + "cayenne pepper", + "fresh lemon juice", + "onions", + "saffron threads", + "kosher salt", + "extra-virgin olive oil", + "sweet paprika", + "carrots", + "ground cumin", + "picholine olives", + "ground black pepper", + "cilantro leaves", + "garlic cloves", + "flat leaf parsley" + ] + }, + { + "id": 17757, + "cuisine": "french", + "ingredients": [ + "red potato", + "basil leaves", + "salt", + "olive oil", + "garlic", + "black pepper", + "chopped fresh thyme", + "gorgonzola", + "tomatoes", + "large eggs", + "white wine vinegar" + ] + }, + { + "id": 43505, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "bourbon whiskey", + "vanilla extract", + "large egg yolks", + "whipped cream", + "corn starch", + "golden brown sugar", + "butter", + "salt", + "pie crust", + "large eggs", + "heavy cream", + "confectioners sugar" + ] + }, + { + "id": 25001, + "cuisine": "italian", + "ingredients": [ + "white vinegar", + "olive oil", + "balsamic vinegar", + "black peppercorns", + "basil leaves", + "onions", + "clove", + "bay leaves", + "large garlic cloves", + "sugar", + "dry white wine" + ] + }, + { + "id": 42837, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "rice noodles", + "carrots", + "lean minced beef", + "mushrooms", + "garlic", + "sweet soy", + "beef stock", + "red capsicum", + "onions", + "curry powder", + "capsicum", + "chinese cabbage" + ] + }, + { + "id": 31061, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "garlic salt", + "egg whites", + "cornmeal", + "tomatillos", + "ground black pepper", + "herbes de provence" + ] + }, + { + "id": 10661, + "cuisine": "southern_us", + "ingredients": [ + "green beans", + "unsalted butter", + "grated lemon zest", + "fresh rosemary", + "dried rosemary" + ] + }, + { + "id": 7581, + "cuisine": "indian", + "ingredients": [ + "sugar", + "crushed ice", + "water", + "fresh lime juice", + "vodka", + "tamarind concentrate", + "orange", + "pineapple slices" + ] + }, + { + "id": 20158, + "cuisine": "mexican", + "ingredients": [ + "chopped green chilies", + "salsa", + "refried beans", + "sliced black olives", + "sausages", + "tomatoes", + "Mexican cheese blend", + "tortilla chips", + "taco seasoning mix", + "green onions", + "sour cream" + ] + }, + { + "id": 36901, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "grated Gruyère cheese", + "artichok heart marin", + "all-purpose flour", + "sourdough bread", + "asiago", + "rolls", + "freshly grated parmesan", + "garlic", + "goat cheese" + ] + }, + { + "id": 25592, + "cuisine": "greek", + "ingredients": [ + "whole wheat pasta", + "salt", + "greek-style vinaigrette", + "peppercorns", + "green bell pepper", + "cucumber", + "vine ripened tomatoes" + ] + }, + { + "id": 40626, + "cuisine": "mexican", + "ingredients": [ + "large egg whites", + "1% low-fat milk", + "all-purpose flour", + "ground coriander", + "shredded Monterey Jack cheese", + "green chile", + "ground red pepper", + "shredded sharp cheddar cheese", + "chopped onion", + "corn tortillas", + "ground cumin", + "egg substitute", + "chicken breasts", + "salt", + "beer", + "ripe olives", + "tomatoes", + "cooking spray", + "non-fat sour cream", + "salsa", + "garlic cloves", + "sliced green onions" + ] + }, + { + "id": 36101, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "grits", + "shredded cheddar cheese", + "beer", + "deveined shrimp", + "corn", + "chopped parsley" + ] + }, + { + "id": 5050, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "butter", + "scallions", + "brisket", + "flour", + "garlic", + "ground cumin", + "chicken stock", + "cayenne", + "paprika", + "cooked white rice", + "brown ale", + "vegetable oil", + "salt" + ] + }, + { + "id": 24146, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "flour", + "grated lemon zest", + "flat leaf parsley", + "pepper", + "garlic", + "diced celery", + "browning", + "chicken stock", + "dry white wine", + "veal shanks", + "onions", + "fresh thyme", + "salt", + "carrots", + "chopped garlic" + ] + }, + { + "id": 1898, + "cuisine": "chinese", + "ingredients": [ + "extra lean ground beef", + "char siu sauce", + "garlic", + "lime", + "crushed red pepper flakes", + "vermicelli noodles", + "broccolini", + "sunflower oil", + "roasted peanuts", + "Shaoxing wine", + "ginger" + ] + }, + { + "id": 22512, + "cuisine": "italian", + "ingredients": [ + "lemon", + "onions", + "fresh rosemary", + "salt", + "sage leaves", + "extra-virgin olive oil", + "chicken", + "dry white wine", + "freshly ground pepper" + ] + }, + { + "id": 8797, + "cuisine": "korean", + "ingredients": [ + "water", + "canola oil", + "salt", + "pork", + "cabbage", + "sesame oil" + ] + }, + { + "id": 17483, + "cuisine": "mexican", + "ingredients": [ + "masa harina", + "water", + "salt" + ] + }, + { + "id": 9830, + "cuisine": "thai", + "ingredients": [ + "Thai red curry paste", + "coconut milk", + "rump steak" + ] + }, + { + "id": 5389, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes with juice", + "boneless skinless chicken breast halves", + "bacon", + "okra", + "water", + "cayenne pepper", + "long grain white rice", + "diced tomatoes", + "onions" + ] + }, + { + "id": 1216, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "garlic", + "extra-virgin olive oil", + "kosher salt", + "fresh basil leaves", + "tomatoes", + "linguine" + ] + }, + { + "id": 28564, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "peeled fresh ginger", + "rolls", + "oyster sauce", + "celery ribs", + "shell-on shrimp", + "salt", + "scallions", + "soy sauce", + "fresh shiitake mushrooms", + "peanut oil", + "carrots", + "large eggs", + "sesame oil", + "chinese roast pork", + "chopped garlic" + ] + }, + { + "id": 36299, + "cuisine": "italian", + "ingredients": [ + "parsley flakes", + "french bread", + "dried oregano", + "chicken broth", + "olive oil", + "garlic cloves", + "tomatoes", + "grated parmesan cheese", + "olive oil flavored cooking spray", + "pepper", + "balsamic vinegar" + ] + }, + { + "id": 9106, + "cuisine": "southern_us", + "ingredients": [ + "cold water", + "cayenne", + "paprika", + "lard", + "black pepper", + "vegetable oil", + "garlic", + "chicken", + "granulated garlic", + "jalapeno chilies", + "cilantro", + "dried oregano", + "white vinegar", + "kosher salt", + "vegetable shortening", + "all-purpose flour" + ] + }, + { + "id": 39103, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "walnuts", + "coarse salt", + "fresh lemon juice", + "basil leaves", + "garlic cloves", + "ground pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 5685, + "cuisine": "brazilian", + "ingredients": [ + "mayonaise", + "peas", + "carrots", + "corn", + "green pepper", + "onions", + "hearts of palm", + "apples", + "fresh parsley", + "green olives", + "raisins", + "ham", + "cooked chicken breasts" + ] + }, + { + "id": 21494, + "cuisine": "italian", + "ingredients": [ + "lemon", + "artichokes", + "olive oil" + ] + }, + { + "id": 4922, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "spring onions", + "minced pork", + "fresh coriander", + "Thai red curry paste", + "sweet chili sauce", + "lime wedges", + "herbs", + "cucumber salad" + ] + }, + { + "id": 8850, + "cuisine": "southern_us", + "ingredients": [ + "white corn syrup", + "white sugar", + "peanuts", + "vanilla", + "water", + "butter", + "baking soda", + "salt" + ] + }, + { + "id": 25271, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "orange juice", + "tomatoes", + "tomatillos", + "habanero pepper", + "red bell pepper", + "pepper", + "purple onion" + ] + }, + { + "id": 21447, + "cuisine": "mexican", + "ingredients": [ + "yellow corn meal", + "garlic powder", + "green onions", + "dry bread crumbs", + "chopped cilantro fresh", + "lump crab meat", + "jalapeno chilies", + "non-fat sour cream", + "red bell pepper", + "fat free yogurt", + "minced onion", + "vegetable broth", + "garlic cloves", + "avocado", + "large egg whites", + "cooking spray", + "salt", + "fresh lime juice" + ] + }, + { + "id": 45076, + "cuisine": "thai", + "ingredients": [ + "mussels", + "minced ginger", + "lime wedges", + "sliced green onions", + "minced garlic", + "dry white wine", + "coconut milk", + "sweet chili sauce", + "olive oil", + "salt", + "clams", + "lime juice", + "shallots", + "fresh basil leaves" + ] + }, + { + "id": 31025, + "cuisine": "italian", + "ingredients": [ + "leaves", + "chopped celery", + "fresh basil leaves", + "chopped green bell pepper", + "bocconcini", + "cherry tomatoes", + "extra-virgin olive oil", + "fresh lemon juice", + "ground black pepper", + "salt", + "arugula" + ] + }, + { + "id": 3442, + "cuisine": "italian", + "ingredients": [ + "prunes", + "bread crumb fresh", + "dry white wine", + "pork shoulder", + "eggs", + "ground black pepper", + "grated nutmeg", + "pancetta", + "chestnuts", + "parmigiano reggiano cheese", + "turkey breast", + "fresh rosemary", + "kosher salt", + "extra-virgin olive oil" + ] + }, + { + "id": 18999, + "cuisine": "cajun_creole", + "ingredients": [ + "ground red pepper", + "fresh lemon juice", + "white wine", + "salt", + "butter", + "egg yolks", + "ham" + ] + }, + { + "id": 39527, + "cuisine": "mexican", + "ingredients": [ + "cornflake cereal", + "vanilla ice cream", + "ground cinnamon", + "oil", + "egg whites" + ] + }, + { + "id": 42582, + "cuisine": "japanese", + "ingredients": [ + "shredded carrots", + "rice vinegar", + "sliced green onions", + "low sodium soy sauce", + "sesame oil", + "red bell pepper", + "peeled fresh ginger", + "soba noodles", + "cooked turkey", + "unsalted dry roast peanuts", + "chopped cilantro fresh" + ] + }, + { + "id": 3992, + "cuisine": "southern_us", + "ingredients": [ + "rhubarb", + "baking soda", + "salt", + "sugar", + "low-fat buttermilk", + "strawberries", + "yellow corn meal", + "unsalted butter", + "all-purpose flour", + "ground cloves", + "baking powder" + ] + }, + { + "id": 20626, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "salt", + "crushed garlic", + "sour cream", + "pepper", + "cucumber", + "tomatoes", + "paprika", + "ground cumin" + ] + }, + { + "id": 23938, + "cuisine": "mexican", + "ingredients": [ + "all-purpose flour", + "warm water", + "lard", + "salt" + ] + }, + { + "id": 8482, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "roasted red peppers", + "chopped onion", + "olive oil", + "cheese ravioli", + "sugar", + "red wine vinegar", + "garlic cloves", + "fresh parmesan cheese", + "vegetable broth" + ] + }, + { + "id": 15832, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "sea salt", + "onions", + "fresh cilantro", + "chili powder", + "ancho chile pepper", + "dried oregano", + "avocado", + "flour tortillas", + "garlic cloves", + "skirt steak", + "lime", + "onion powder", + "chipotles in adobo", + "canola oil" + ] + }, + { + "id": 13963, + "cuisine": "mexican", + "ingredients": [ + "bell pepper", + "vegetable broth", + "Mexican cheese", + "green onions", + "cayenne pepper", + "onions", + "jalapeno chilies", + "garlic", + "cooked quinoa", + "black beans", + "chili powder", + "oil", + "cumin" + ] + }, + { + "id": 23258, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "fresh raspberries", + "vanilla extract", + "peach nectar", + "peaches", + "seltzer water" + ] + }, + { + "id": 23772, + "cuisine": "southern_us", + "ingredients": [ + "salt and ground black pepper", + "heavy cream", + "boneless chop pork", + "garlic powder", + "onion soup mix", + "white wine", + "vegetable oil" + ] + }, + { + "id": 40295, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "rice vinegar", + "hoisin sauce", + "garlic cloves", + "sake", + "sesame oil", + "ketchup", + "vegetable oil" + ] + }, + { + "id": 30605, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "cremini mushrooms", + "unsalted butter", + "salt", + "flat leaf parsley", + "cold water", + "dried porcini mushrooms", + "leeks", + "flour for dusting", + "thyme sprigs", + "black peppercorns", + "minced garlic", + "Italian parsley leaves", + "hot water", + "dough", + "parsley sprigs", + "parmigiano reggiano cheese", + "beef broth", + "shiitake mushroom caps" + ] + }, + { + "id": 856, + "cuisine": "japanese", + "ingredients": [ + "miso paste", + "garlic", + "low sodium soy sauce", + "red pepper flakes", + "fresh ginger root", + "sesame seeds", + "fresh green bean" + ] + }, + { + "id": 19292, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "egg whites", + "condensed milk", + "water", + "butter", + "lime", + "salt", + "graham crackers", + "egg yolks" + ] + }, + { + "id": 22051, + "cuisine": "brazilian", + "ingredients": [ + "large egg whites", + "extra-virgin olive oil", + "potato starch", + "grated parmesan cheese", + "kosher salt", + "tapioca starch", + "large eggs", + "1% low-fat milk" + ] + }, + { + "id": 24415, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "dry red wine", + "garlic cloves", + "tomato sauce", + "large eggs", + "sweet italian sausage", + "dried oregano", + "fresh basil", + "ground black pepper", + "salt", + "onions", + "bread crumb fresh", + "lean ground beef", + "oil" + ] + }, + { + "id": 37417, + "cuisine": "thai", + "ingredients": [ + "green cabbage", + "sweet potatoes", + "peanut sauce", + "udon", + "cilantro sprigs", + "fresh basil leaves", + "green bell pepper", + "daikon", + "red bell pepper", + "romaine lettuce", + "mint sprigs", + "beansprouts" + ] + }, + { + "id": 28197, + "cuisine": "indian", + "ingredients": [ + "green chile", + "fresh ginger", + "garlic", + "green beans", + "olive oil", + "cilantro", + "corn starch", + "onions", + "tumeric", + "garam masala", + "paneer", + "white mushrooms", + "plain yogurt", + "chili powder", + "salt", + "fresh mint" + ] + }, + { + "id": 34885, + "cuisine": "cajun_creole", + "ingredients": [ + "shrimp and crab boil seasoning", + "bay leaves", + "garlic", + "crab boil", + "pepper", + "lemon", + "smoked sausage", + "onions", + "crawfish", + "mushrooms", + "artichokes", + "baby corn", + "red potato", + "orange", + "fresh green bean", + "salt" + ] + }, + { + "id": 14433, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "bow-tie pasta", + "pinenuts", + "garlic", + "fresh mushrooms", + "sun-dried tomatoes", + "cayenne pepper", + "dried basil", + "salt" + ] + }, + { + "id": 18926, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "buttermilk", + "eggs", + "baking powder", + "cayenne pepper", + "yellow corn meal", + "unsalted butter", + "salt", + "cheddar cheese", + "all purpose unbleached flour", + "dark brown sugar" + ] + }, + { + "id": 16558, + "cuisine": "southern_us", + "ingredients": [ + "cream style corn", + "baking powder", + "cornmeal", + "baking soda", + "cooking spray", + "salt", + "dark molasses", + "large eggs", + "vegetable oil", + "large egg whites", + "jalapeno chilies", + "non-fat sour cream" + ] + }, + { + "id": 48835, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "chopped cilantro fresh", + "purple onion", + "fresh lime juice", + "peeled fresh ginger", + "mango" + ] + }, + { + "id": 31619, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "vegetable oil", + "yeast", + "eggs", + "evaporated milk", + "confectioners sugar", + "water", + "salt", + "shortening", + "flour", + "boiling water" + ] + }, + { + "id": 29379, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "low sodium chicken broth", + "arborio rice", + "unsalted butter", + "yellow onion", + "kosher salt", + "dry white wine", + "pesto", + "grated parmesan cheese" + ] + }, + { + "id": 22154, + "cuisine": "greek", + "ingredients": [ + "green bell pepper", + "olive oil", + "red wine vinegar", + "feta cheese crumbles", + "romaine lettuce", + "pork tenderloin", + "fresh oregano", + "onions", + "fresh dill", + "radishes", + "pitted olives", + "cucumber", + "tomatoes", + "fat free yogurt", + "cooking spray", + "garlic cloves", + "chopped fresh mint" + ] + }, + { + "id": 40111, + "cuisine": "mexican", + "ingredients": [ + "powdered sugar", + "orange liqueur", + "lime wedges", + "margarita salt", + "fresh lime juice", + "tequila" + ] + }, + { + "id": 47385, + "cuisine": "italian", + "ingredients": [ + "baguette", + "salt", + "pepper", + "garlic cloves", + "olive oil" + ] + }, + { + "id": 36355, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "mushrooms", + "salt", + "black pepper", + "zucchini", + "balsamic vinegar", + "plum tomatoes", + "fresh basil", + "fresh parmesan cheese", + "chicken breast halves", + "garlic cloves", + "olive oil", + "cooking spray", + "purple onion" + ] + }, + { + "id": 44982, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "fresh thyme", + "garlic", + "olive oil", + "mushrooms", + "fresh parsley", + "marsala wine", + "parmesan cheese", + "farro", + "broth", + "water", + "leeks", + "ricotta" + ] + }, + { + "id": 26301, + "cuisine": "filipino", + "ingredients": [ + "white onion", + "spring onions", + "safflower", + "chicken thighs", + "fish sauce", + "ground black pepper", + "ginger", + "oil", + "chicken stock", + "water", + "lemon", + "rice", + "fried garlic", + "hard-boiled egg", + "garlic", + "chicken livers" + ] + }, + { + "id": 32411, + "cuisine": "french", + "ingredients": [ + "olive oil", + "chips", + "small new potatoes", + "tuna", + "eggs", + "vegetables", + "miso", + "fresh oregano", + "fish", + "dressing", + "feta cheese", + "lettuce leaves", + "salt", + "broiler", + "min", + "asparagus", + "red wine vinegar", + "Equal Sweetener" + ] + }, + { + "id": 27287, + "cuisine": "french", + "ingredients": [ + "milk", + "all-purpose flour", + "pepper", + "salt", + "butter", + "parmesan cheese" + ] + }, + { + "id": 6720, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "ground beef", + "cheese", + "flour tortillas", + "taco bell home originals", + "pinto beans" + ] + }, + { + "id": 9893, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "cooking spray", + "salt", + "olive oil", + "basil", + "red bell pepper", + "black pepper", + "balsamic vinegar", + "goat cheese", + "zucchini", + "purple onion", + "polenta" + ] + }, + { + "id": 27706, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "lemon", + "olive oil", + "coarse salt", + "pasta", + "basil leaves", + "ground black pepper", + "ricotta cheese" + ] + }, + { + "id": 11469, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "white onion", + "salt", + "oyster sauce", + "bok choy", + "white button mushrooms", + "boneless chicken thighs", + "sesame oil", + "oil", + "corn starch", + "chicken stock", + "soy sauce", + "Shaoxing wine", + "dried shiitake mushrooms", + "carrots", + "boiling water", + "fish sauce", + "white pepper", + "garlic", + "chow mein noodles", + "baby corn" + ] + }, + { + "id": 882, + "cuisine": "french", + "ingredients": [ + "water", + "chocolate sauce", + "sugar", + "large eggs", + "vanilla ice cream", + "unsalted butter", + "kosher salt", + "all-purpose flour" + ] + }, + { + "id": 24896, + "cuisine": "cajun_creole", + "ingredients": [ + "hot pepper sauce", + "lemon", + "large shrimp", + "green onions", + "garlic", + "unsalted butter", + "worcestershire sauce", + "pepper", + "cajun seasoning", + "salt" + ] + }, + { + "id": 31712, + "cuisine": "greek", + "ingredients": [ + "green onions", + "cucumber", + "salt", + "plain yogurt", + "dill weed" + ] + }, + { + "id": 42997, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "vanilla ice cream", + "golden delicious apples", + "water", + "light brown sugar", + "frozen pastry puff sheets" + ] + }, + { + "id": 10356, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "worcestershire sauce", + "onions", + "large eggs", + "salt", + "black pepper", + "dry mustard", + "canola oil", + "saltines", + "butter", + "crabmeat" + ] + }, + { + "id": 713, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "new potatoes", + "chopped onion", + "olive oil", + "butter", + "ground cumin", + "andouille sausage", + "green onions", + "red bell pepper", + "ground black pepper", + "salt" + ] + }, + { + "id": 2082, + "cuisine": "spanish", + "ingredients": [ + "mayonaise", + "white wine vinegar", + "white sandwich bread", + "olive oil", + "garlic cloves", + "dried tarragon leaves", + "scallions", + "green bell pepper", + "ice water", + "cucumber" + ] + }, + { + "id": 34969, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "ground cumin", + "ground ginger", + "salt", + "ground red pepper", + "ground cinnamon", + "sweet paprika" + ] + }, + { + "id": 37707, + "cuisine": "indian", + "ingredients": [ + "spinach", + "milk", + "paneer", + "onions", + "minced garlic", + "chili powder", + "jeera", + "ground turmeric", + "asafoetida", + "garam masala", + "curds", + "coriander", + "tomato paste", + "minced ginger", + "kasuri methi", + "ghee" + ] + }, + { + "id": 10868, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "pepper", + "celery seed", + "flour", + "chicken thighs", + "kosher salt", + "salt" + ] + }, + { + "id": 33818, + "cuisine": "french", + "ingredients": [ + "saffron threads", + "dry white wine", + "cognac", + "fresh chives", + "butter", + "mussels", + "shallots", + "fresh lemon juice", + "large egg yolks", + "crème fraîche" + ] + }, + { + "id": 44208, + "cuisine": "greek", + "ingredients": [ + "orange", + "shallots", + "ground lamb", + "olive oil", + "garlic", + "ground black pepper", + "salt pork", + "mint", + "jalapeno chilies", + "greek yogurt" + ] + }, + { + "id": 12049, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "leaves", + "chopped pecans", + "dried basil", + "dried chile peppers", + "collard greens", + "extra-virgin olive oil", + "dried parsley" + ] + }, + { + "id": 2039, + "cuisine": "mexican", + "ingredients": [ + "red cabbage", + "beets", + "celery ribs", + "purple onion", + "sour cream", + "jalapeno chilies", + "low salt chicken broth", + "unsalted butter", + "tortilla chips", + "fresh lime juice" + ] + }, + { + "id": 38519, + "cuisine": "british", + "ingredients": [ + "maple extract", + "whipping cream", + "eggs", + "unsalted butter", + "all-purpose flour", + "sugar", + "baking powder", + "chopped pecans", + "large egg yolks", + "salt" + ] + }, + { + "id": 21701, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "pastry", + "maple flavored extract", + "chopped pecans", + "single crust pie", + "ground nutmeg", + "vanilla extract", + "orange zest", + "eggs", + "dark corn syrup", + "butter", + "sweetened condensed milk", + "brown sugar", + "sweet potatoes", + "salt" + ] + }, + { + "id": 25053, + "cuisine": "cajun_creole", + "ingredients": [ + "french bread", + "sweet pepper", + "canola oil", + "romaine lettuce", + "cajun seasoning", + "fresh parsley", + "green onions", + "cream cheese", + "fat free milk", + "chopped celery", + "large shrimp" + ] + }, + { + "id": 30210, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cannellini beans", + "salt", + "sausage casings", + "grated parmesan cheese", + "garlic", + "green beans", + "pepper", + "low sodium chicken broth", + "pasta shells", + "onions", + "celery ribs", + "swiss chard", + "tomatoes with juice", + "carrots" + ] + }, + { + "id": 43312, + "cuisine": "japanese", + "ingredients": [ + "water", + "short-grain rice" + ] + }, + { + "id": 1378, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "pepper", + "yellow onion", + "celery", + "dry vermouth", + "garlic", + "shrimp", + "andouille sausage", + "salt", + "red bell pepper", + "stock", + "fresh thyme", + "carrots", + "chillies" + ] + }, + { + "id": 41133, + "cuisine": "vietnamese", + "ingredients": [ + "spring onions", + "soy sauce", + "beansprouts", + "vegetable oil", + "medium egg noodles" + ] + }, + { + "id": 48772, + "cuisine": "chinese", + "ingredients": [ + "mandarin oranges", + "shortening", + "semi-sweet chocolate morsels", + "sea salt" + ] + }, + { + "id": 8981, + "cuisine": "mexican", + "ingredients": [ + "shredded lettuce", + "taco shells", + "ground beef", + "tomatoes", + "condensed fiesta nacho cheese soup", + "chili powder", + "onions" + ] + }, + { + "id": 22515, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "diced tomatoes", + "dried currants", + "fusilli", + "onions", + "capers", + "eggplant", + "garlic cloves", + "pinenuts", + "pecorino romano cheese" + ] + }, + { + "id": 43663, + "cuisine": "british", + "ingredients": [ + "all-purpose flour", + "milk", + "eggs", + "salt" + ] + }, + { + "id": 34008, + "cuisine": "japanese", + "ingredients": [ + "garlic paste", + "garam masala", + "salt", + "oil", + "amchur", + "potatoes", + "green chilies", + "ground turmeric", + "water", + "coriander powder", + "cilantro leaves", + "onions", + "tomatoes", + "eggplant", + "chili powder", + "cumin seed" + ] + }, + { + "id": 39188, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "chopped onion", + "pesto", + "large garlic cloves", + "olive oil", + "diced tomatoes", + "fresh basil", + "grated parmesan cheese", + "spaghetti" + ] + }, + { + "id": 6679, + "cuisine": "brazilian", + "ingredients": [ + "granulated sugar", + "baking powder", + "coconut cream", + "shredded coconut", + "egg yolks", + "all-purpose flour", + "coconut oil", + "large eggs", + "salt", + "vanilla bean paste", + "baking soda", + "tapioca starch", + "corn syrup" + ] + }, + { + "id": 27581, + "cuisine": "mexican", + "ingredients": [ + "bbq seasoning", + "onions", + "smoked cheddar cheese", + "chicken", + "bbq sauce", + "greens", + "whole wheat tortillas", + "smoked gouda" + ] + }, + { + "id": 40602, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "whole wheat tortillas", + "jack", + "chopped cilantro", + "lime", + "scallions", + "cooking spray" + ] + }, + { + "id": 39404, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "salt", + "anise seed", + "active dry yeast", + "warm water", + "bread flour", + "shortening", + "large eggs" + ] + }, + { + "id": 46739, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "ground pork", + "red bell pepper", + "chicken stock", + "brown rice", + "creole seasoning", + "celery ribs", + "bay leaves", + "hot sauce", + "chorizo sausage", + "tomatoes", + "worcestershire sauce", + "chopped onion" + ] + }, + { + "id": 42903, + "cuisine": "mexican", + "ingredients": [ + "taco sauce", + "chili powder", + "ground beef", + "chopped tomatoes", + "chopped onion", + "jalapeno chilies", + "sour cream", + "refried beans", + "black olives", + "ground cumin" + ] + }, + { + "id": 41384, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "Tabasco Pepper Sauce", + "ground cayenne pepper", + "vegetable oil cooking spray", + "non-fat sour cream", + "lowfat pepper jack cheese", + "green bell pepper", + "old bay seasoning", + "ground turkey", + "white vinegar", + "whole grain English muffins", + "salt" + ] + }, + { + "id": 29350, + "cuisine": "mexican", + "ingredients": [ + "cream cheese", + "chili", + "corn tortilla chips", + "shredded Monterey Jack cheese", + "diced green chilies" + ] + }, + { + "id": 17095, + "cuisine": "japanese", + "ingredients": [ + "shoga", + "beef", + "scallions", + "soy sauce", + "base", + "onions", + "sugar", + "mirin", + "oil", + "sake", + "water", + "ginger" + ] + }, + { + "id": 7737, + "cuisine": "chinese", + "ingredients": [ + "bacon", + "garlic chives", + "squash", + "cracked black pepper", + "Shaoxing wine" + ] + }, + { + "id": 41431, + "cuisine": "british", + "ingredients": [ + "pepper", + "vegetable oil", + "all-purpose flour", + "cold water", + "green onions", + "ground pork", + "lard", + "milk", + "butter", + "carrots", + "rutabaga", + "lean ground beef", + "salt", + "onions" + ] + }, + { + "id": 29119, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "vegetable oil", + "ground cayenne pepper", + "remoulade", + "paprika", + "kosher salt", + "lemon", + "catfish fillets", + "ground black pepper", + "cake flour" + ] + }, + { + "id": 24549, + "cuisine": "moroccan", + "ingredients": [ + "mint sprigs", + "sugar", + "green tea" + ] + }, + { + "id": 40063, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "katsuo bushi", + "sake", + "sesame seeds", + "water", + "sugar", + "short-grain rice" + ] + }, + { + "id": 2562, + "cuisine": "spanish", + "ingredients": [ + "scallions", + "spanish chorizo", + "rice pilaf" + ] + }, + { + "id": 34100, + "cuisine": "southern_us", + "ingredients": [ + "fresh chives", + "crushed red pepper", + "pepper", + "sour cream", + "kosher salt", + "banana peppers", + "capers", + "swiss cheese" + ] + }, + { + "id": 43641, + "cuisine": "korean", + "ingredients": [ + "sugar", + "honey", + "sesame oil", + "Gochujang base", + "eggs", + "pepper", + "mushrooms", + "salt", + "carrots", + "spinach", + "minced garlic", + "soda", + "broccoli", + "ground beef", + "soy sauce", + "sesame seeds", + "sprouts", + "rice" + ] + }, + { + "id": 20279, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "water", + "salt", + "baby lima beans", + "potatoes", + "yellow onion", + "sugar", + "cream style corn", + "hot sauce", + "pepper", + "butter", + "chicken" + ] + }, + { + "id": 29654, + "cuisine": "brazilian", + "ingredients": [ + "açai", + "fresh raspberries", + "bananas", + "almond milk", + "granola", + "frozen strawberries", + "spinach", + "strawberries", + "blackberries" + ] + }, + { + "id": 39644, + "cuisine": "spanish", + "ingredients": [ + "tomato juice", + "green onions", + "yellow bell pepper", + "cucumber", + "avocado", + "chips", + "diced tomatoes", + "garlic cloves", + "diced red onions", + "worcestershire sauce", + "bloody mary mix", + "ground black pepper", + "red wine vinegar", + "low sodium vegetable juice", + "fresh lime juice" + ] + }, + { + "id": 45079, + "cuisine": "mexican", + "ingredients": [ + "ranch salad dressing mix", + "shredded cheddar cheese", + "sour cream", + "diced tomatoes", + "sliced black olives" + ] + }, + { + "id": 37613, + "cuisine": "chinese", + "ingredients": [ + "water", + "boneless skinless chicken breasts", + "oyster sauce", + "sugar", + "mushroom caps", + "peanut oil", + "ground white pepper", + "shiitake", + "salt", + "corn starch", + "fat free less sodium chicken broth", + "green onions", + "garlic cloves", + "snow peas" + ] + }, + { + "id": 14155, + "cuisine": "brazilian", + "ingredients": [ + "lime wedges", + "ice cubes", + "green grape", + "raw sugar", + "white wine", + "cachaca" + ] + }, + { + "id": 44530, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "flank steak", + "corn starch", + "minced garlic", + "crushed red pepper flakes", + "brown sugar", + "sesame oil", + "cold water", + "broccoli florets", + "beef broth" + ] + }, + { + "id": 47339, + "cuisine": "cajun_creole", + "ingredients": [ + "emerils original essence", + "crab", + "bay leaves", + "chopped celery", + "scallions", + "chopped garlic", + "green bell pepper", + "finely chopped onion", + "coarse salt", + "cayenne pepper", + "medium shrimp", + "fish fillets", + "dried thyme", + "vegetable oil", + "all-purpose flour", + "flat leaf parsley", + "shrimp stock", + "shucked oysters", + "file powder", + "worcestershire sauce", + "beer", + "cooked white rice" + ] + }, + { + "id": 24836, + "cuisine": "cajun_creole", + "ingredients": [ + "ketchup", + "yellow mustard", + "diced celery", + "table salt", + "prepared horseradish", + "diced yellow onion", + "flat leaf parsley", + "mayonaise", + "ground black pepper", + "fresh lemon juice", + "pickle relish", + "creole mustard", + "minced garlic", + "hot sauce", + "red bell pepper" + ] + }, + { + "id": 33648, + "cuisine": "italian", + "ingredients": [ + "sherry vinegar", + "garlic cloves", + "cremini mushrooms", + "shallots", + "fontina cheese", + "cooking spray", + "thin pizza crust", + "prosciutto", + "chopped fresh thyme" + ] + }, + { + "id": 19986, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "peaches", + "bourbon whiskey", + "salt", + "vanilla low-fat ic cream", + "granulated sugar", + "butter", + "all-purpose flour", + "ground nutmeg", + "baking powder", + "sweetened coconut flakes", + "nonfat evaporated milk", + "large egg yolks", + "cooking spray", + "ice cream", + "chopped pecans" + ] + }, + { + "id": 17800, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "sweet yellow corn", + "avocado", + "fresh lemon juice", + "purple onion", + "chopped cilantro", + "salt", + "plum tomatoes" + ] + }, + { + "id": 34070, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "new mexico chile pods", + "ground cumin", + "warm water", + "garlic", + "brown sugar", + "chile negro", + "guajillo chiles", + "salt" + ] + }, + { + "id": 5470, + "cuisine": "cajun_creole", + "ingredients": [ + "active dry yeast", + "vegetable shortening", + "powdered sugar", + "granulated sugar", + "bread flour", + "eggs", + "evaporated milk", + "salt", + "warm water", + "vegetable oil" + ] + }, + { + "id": 43225, + "cuisine": "thai", + "ingredients": [ + "straw mushrooms", + "ginger", + "Thai chili garlic sauce", + "fish sauce", + "water chestnuts", + "oyster sauce", + "cabbage", + "thai basil", + "garlic", + "onions", + "pork", + "bell pepper", + "coconut milk" + ] + }, + { + "id": 21050, + "cuisine": "greek", + "ingredients": [ + "parmesan cheese", + "salt", + "finely chopped fresh parsley", + "vegetables", + "long-grain rice", + "saffron threads", + "butter" + ] + }, + { + "id": 20670, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "carrots", + "dried rosemary", + "sauce", + "celery", + "salt", + "leg of lamb", + "white wine", + "garlic cloves", + "onions" + ] + }, + { + "id": 33470, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "ground black pepper", + "boneless chicken", + "salt", + "rice flour", + "eggs", + "yoghurt", + "lemon", + "green chilies", + "ground turmeric", + "fresh curry leaves", + "chili powder", + "ginger", + "cumin seed", + "seasoning", + "water", + "crushed garlic", + "garlic", + "oil" + ] + }, + { + "id": 6757, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "whole wheat tortillas", + "lime juice", + "tomato salsa", + "avocado", + "olive oil", + "garlic", + "black beans", + "chicken breast halves", + "ground cumin" + ] + }, + { + "id": 17555, + "cuisine": "indian", + "ingredients": [ + "groundnut", + "salt", + "green chilies", + "ground turmeric", + "red chili powder", + "potatoes", + "chopped onion", + "mustard seeds", + "tomatoes", + "garam masala", + "rice", + "oil", + "curry leaves", + "lime juice", + "cilantro leaves", + "cumin seed" + ] + }, + { + "id": 43134, + "cuisine": "korean", + "ingredients": [ + "water", + "green onions", + "garlic cloves", + "fish sauce", + "radishes", + "napa cabbage", + "sesame seeds", + "sesame oil", + "ginger root", + "sugar", + "gochugaru", + "sea salt" + ] + }, + { + "id": 37647, + "cuisine": "french", + "ingredients": [ + "white onion", + "bosc pears", + "freshly ground pepper", + "turnips", + "radishes", + "extra-virgin olive oil", + "carrots", + "unsalted butter", + "golden delicious apples", + "garlic cloves", + "savoy cabbage", + "low sodium chicken broth", + "salt" + ] + }, + { + "id": 405, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "fennel bulb", + "shallots", + "butter", + "chopped onion", + "panko", + "whole milk", + "clam juice", + "chopped celery", + "fresh parsley", + "black cod fillets", + "unsalted butter", + "bay leaves", + "chopped fresh thyme", + "all-purpose flour", + "grated lemon peel", + "oysters", + "leeks", + "yukon gold potatoes", + "whipping cream", + "fresh lemon juice" + ] + }, + { + "id": 38219, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "lime juice", + "garlic", + "roast beef", + "Thai chili paste", + "low-fat mayonnaise", + "Equal Sweetener", + "sugar", + "daikon", + "rice vinegar", + "kosher salt", + "cilantro", + "carrots" + ] + }, + { + "id": 28720, + "cuisine": "cajun_creole", + "ingredients": [ + "butter", + "water", + "uncooked vermicelli", + "vidalia onion", + "salt", + "cajun seasoning", + "large shrimp" + ] + }, + { + "id": 31915, + "cuisine": "italian", + "ingredients": [ + "skim milk", + "cooking spray", + "margarine", + "frozen chopped spinach", + "minced garlic", + "all-purpose flour", + "onions", + "pepper", + "diced tomatoes", + "mostaccioli", + "parsley sprigs", + "parmesan cheese", + "dry bread crumbs", + "italian seasoning" + ] + }, + { + "id": 24506, + "cuisine": "thai", + "ingredients": [ + "thai basil", + "jicama", + "scallions", + "kosher salt", + "red cabbage", + "cilantro sprigs", + "red bell pepper", + "palm sugar", + "sesame oil", + "carrots", + "lime juice", + "jalapeno chilies", + "persian cucumber" + ] + }, + { + "id": 37455, + "cuisine": "korean", + "ingredients": [ + "cooking oil", + "garlic", + "pepper", + "green onions", + "yellow onion", + "beef", + "sesame oil", + "mushrooms", + "salt" + ] + }, + { + "id": 27918, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "fresh peas", + "chervil", + "heavy cream", + "unsalted butter" + ] + }, + { + "id": 2127, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken breasts", + "salt", + "sliced mushrooms", + "soy sauce", + "diced tomatoes", + "hot sauce", + "onions", + "green bell pepper", + "worcestershire sauce", + "all-purpose flour", + "fresh parsley", + "ground black pepper", + "garlic", + "oil", + "white sugar" + ] + }, + { + "id": 47911, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "garlic", + "green onions", + "toasted sesame oil", + "sesame seeds", + "ground white pepper", + "sea salt", + "noodles" + ] + }, + { + "id": 46803, + "cuisine": "filipino", + "ingredients": [ + "grape tomatoes", + "sweet potatoes", + "salt", + "black pepper", + "thai chile", + "fish sauce", + "vegetable oil", + "garlic cloves", + "lime", + "purple onion" + ] + }, + { + "id": 34635, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "worcestershire sauce", + "pork country-style ribs", + "ketchup", + "vegetable oil", + "hot sauce", + "onions", + "steak sauce", + "ground black pepper", + "diced tomatoes", + "roasting chickens", + "chicken bouillon", + "lemon", + "lima beans", + "corn kernel whole" + ] + }, + { + "id": 46785, + "cuisine": "italian", + "ingredients": [ + "eggs", + "ricotta cheese", + "jumbo pasta shells", + "frozen chopped spinach", + "pepper", + "garlic", + "dried oregano", + "pasta sauce", + "lemon", + "shredded mozzarella cheese", + "italian sausage", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 24137, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "linguine", + "rice vinegar", + "asian fish sauce", + "sugar", + "cooking oil", + "salt", + "firm tofu", + "cayenne", + "garlic", + "salted peanuts", + "water", + "boneless skinless chicken breasts", + "cilantro leaves", + "beansprouts" + ] + }, + { + "id": 1538, + "cuisine": "mexican", + "ingredients": [ + "reduced fat cheddar cheese", + "garlic", + "chopped cilantro fresh", + "chopped tomatoes", + "pinto beans", + "black beans", + "salsa", + "flour tortillas", + "sour cream" + ] + }, + { + "id": 47469, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "water", + "grated orange peel", + "couscous", + "fresh orange juice" + ] + }, + { + "id": 42826, + "cuisine": "chinese", + "ingredients": [ + "liqueur", + "cranberries", + "mandarin oranges", + "sugar" + ] + }, + { + "id": 22120, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "olive oil", + "salt", + "sour cream", + "avocado", + "pepper", + "tortillas", + "pork roast", + "sweet chili sauce", + "garlic powder", + "beer", + "chopped cilantro fresh", + "green cabbage", + "lime", + "onion powder", + "smoked paprika" + ] + }, + { + "id": 22387, + "cuisine": "mexican", + "ingredients": [ + "water", + "chicken soup base", + "lime", + "fresh cilantro", + "long-grain rice", + "olive oil" + ] + }, + { + "id": 26176, + "cuisine": "mexican", + "ingredients": [ + "seasoning salt", + "chili powder", + "ground beef", + "green onions", + "green enchilada sauce", + "cumin", + "chopped tomatoes", + "uncle bens", + "dried oregano", + "colby jack cheese", + "frozen corn" + ] + }, + { + "id": 21654, + "cuisine": "jamaican", + "ingredients": [ + "dried thyme", + "vegetable oil", + "orange juice", + "pepper", + "green onions", + "salt", + "chicken", + "ground cinnamon", + "ground nutmeg", + "red wine vinegar", + "garlic cloves", + "lime juice", + "chile pepper", + "ground allspice" + ] + }, + { + "id": 45361, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "jalapeno chilies", + "whole kernel corn, drain", + "shredded cheddar cheese", + "chopped green bell pepper", + "salsa", + "ground cumin", + "black beans", + "sliced black olives", + "whole wheat tortillas", + "sour cream", + "ground black pepper", + "chili powder", + "pinto beans" + ] + }, + { + "id": 29610, + "cuisine": "jamaican", + "ingredients": [ + "Guinness Beer", + "nutmeg", + "whipped cream", + "pure vanilla extract", + "whole milk", + "ground cinnamon", + "condensed milk" + ] + }, + { + "id": 35583, + "cuisine": "mexican", + "ingredients": [ + "sauce", + "ground beef", + "taco seasoning", + "water", + "onions" + ] + }, + { + "id": 31199, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "buttermilk", + "chicken", + "kosher salt", + "Tabasco Pepper Sauce", + "all-purpose flour", + "cold water", + "baking powder", + "old bay seasoning", + "garlic powder", + "vegetable oil", + "cayenne pepper" + ] + }, + { + "id": 43644, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "carrots", + "matzo meal", + "paprika", + "ground white pepper", + "sweet potatoes", + "thyme", + "olive oil", + "salt", + "onions" + ] + }, + { + "id": 25394, + "cuisine": "southern_us", + "ingredients": [ + "water", + "cooking spray", + "salt", + "chopped pecans", + "brown sugar", + "ground nutmeg", + "bourbon whiskey", + "margarine", + "sugar", + "large eggs", + "vanilla extract", + "ground allspice", + "ground cinnamon", + "large egg whites", + "sweet potatoes", + "all-purpose flour", + "fat free cream cheese" + ] + }, + { + "id": 33059, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "lime", + "bell pepper", + "salt", + "coriander", + "cheddar cheese", + "lime juice", + "diced green chilies", + "chicken breasts", + "sour cream", + "avocado", + "shredded cheddar cheese", + "olive oil", + "jalapeno chilies", + "garlic cloves", + "cumin", + "tomato sauce", + "fresh cilantro", + "tortillas", + "chili powder", + "onions" + ] + }, + { + "id": 19173, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "chapati flour", + "whole wheat flour", + "flour for dusting", + "warm water", + "peanut oil", + "vegetable oil" + ] + }, + { + "id": 25838, + "cuisine": "chinese", + "ingredients": [ + "green cabbage", + "green onions", + "wonton wrappers", + "water", + "sesame oil", + "shrimp", + "fresh ginger", + "vegetable oil", + "soy sauce", + "rice wine", + "ground pork" + ] + }, + { + "id": 25360, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "cream of tartar" + ] + }, + { + "id": 31052, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "vanilla extract", + "mini marshmallows", + "raisins", + "evaporated milk", + "sweet potatoes", + "salt", + "ground nutmeg", + "butter" + ] + }, + { + "id": 20966, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "grated parmesan cheese", + "crushed red pepper", + "olive oil", + "cheese ravioli", + "low salt chicken broth", + "dried basil", + "cooked chicken", + "carrots", + "fennel seeds", + "zucchini", + "large garlic cloves", + "onions" + ] + }, + { + "id": 36228, + "cuisine": "french", + "ingredients": [ + "saffron threads", + "pastis", + "fine sea salt", + "halibut fillets", + "extra-virgin olive oil", + "fennel seeds", + "fronds", + "fish fillets", + "fennel bulb" + ] + }, + { + "id": 38778, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "corn kernels", + "chopped green bell pepper", + "mild green chiles", + "creole seasoning", + "bay leaf", + "green bell pepper", + "unsalted butter", + "baking powder", + "salt", + "red bell pepper", + "yellow corn meal", + "tomato sauce", + "granulated sugar", + "diced tomatoes", + "all-purpose flour", + "celery", + "eggs", + "cream style corn", + "flour", + "garlic", + "brown shrimp", + "onions" + ] + }, + { + "id": 47462, + "cuisine": "italian", + "ingredients": [ + "pepper", + "dried sage", + "arborio rice", + "grated parmesan cheese", + "sliced mushrooms", + "fat free less sodium chicken broth", + "leeks", + "olive oil", + "dry white wine" + ] + }, + { + "id": 6714, + "cuisine": "spanish", + "ingredients": [ + "fresh thyme", + "rabbit", + "fresh parsley", + "saffron", + "chicken stock", + "lemon", + "garlic cloves", + "plum tomatoes", + "tomato paste", + "paprika", + "green beans", + "large shrimp", + "bell pepper", + "rice", + "onions", + "chorizo sausage" + ] + }, + { + "id": 27264, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "beef tenderloin", + "kosher salt", + "dry white wine", + "freshly ground pepper", + "cremini mushrooms", + "frozen pastry puff sheets", + "garlic", + "truffles", + "fresh thyme leaves", + "canola oil" + ] + }, + { + "id": 11993, + "cuisine": "southern_us", + "ingredients": [ + "2% reduced-fat milk", + "cinnamon sticks", + "ground nutmeg", + "maple syrup", + "ground ginger", + "salt", + "grated orange", + "sweet potatoes", + "rome apples" + ] + }, + { + "id": 3774, + "cuisine": "indian", + "ingredients": [ + "eggs", + "yoghurt", + "salt", + "ground cardamom", + "ground cumin", + "tomatoes", + "coriander powder", + "curry", + "mustard oil", + "chicken", + "fennel seeds", + "garam masala", + "ginger", + "cumin seed", + "ground turmeric", + "ground fennel", + "garlic paste", + "chili powder", + "cilantro leaves", + "onions" + ] + }, + { + "id": 39954, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "garlic", + "heavy whipping cream", + "ground cumin", + "bay leaves", + "margarine", + "dried oregano", + "potatoes", + "salt", + "corn tortillas", + "chicken broth", + "chile pepper", + "chopped onion", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 7001, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "water", + "garlic", + "corn starch", + "red chili peppers", + "peeled fresh ginger", + "scallions", + "sugar", + "Shaoxing wine", + "roasted peanuts", + "chinese black vinegar", + "soy sauce", + "boneless skinless chicken breasts", + "oil" + ] + }, + { + "id": 24828, + "cuisine": "italian", + "ingredients": [ + "guanciale", + "cracked black pepper", + "large eggs", + "spaghetti", + "parmigiano reggiano cheese", + "grated pecorino", + "sea salt" + ] + }, + { + "id": 45973, + "cuisine": "french", + "ingredients": [ + "salt", + "ground black pepper", + "butter", + "rib eye steaks" + ] + }, + { + "id": 39198, + "cuisine": "irish", + "ingredients": [ + "fat free less sodium chicken broth", + "cooking spray", + "salt", + "thyme sprigs", + "radishes", + "lamb stew meat", + "baby carrots", + "pepper", + "dry white wine", + "all-purpose flour", + "fresh parsley", + "finely chopped onion", + "green peas", + "small red potato" + ] + }, + { + "id": 16238, + "cuisine": "italian", + "ingredients": [ + "roquefort cheese", + "grated parmesan cheese", + "onions", + "pizza shells", + "wine vinegar", + "fontina", + "pimentos", + "olive oil", + "salt" + ] + }, + { + "id": 43256, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "fresh cilantro", + "jalapeno chilies", + "chili powder", + "salt", + "smoked paprika", + "black pepper", + "salsa verde", + "boneless skinless chicken breasts", + "garlic", + "cayenne pepper", + "grape tomatoes", + "olive oil", + "green onions", + "onion powder", + "yellow onion", + "cumin", + "pepper", + "sharp white cheddar cheese", + "fusilli", + "sweet pepper", + "cream cheese" + ] + }, + { + "id": 4565, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "refrigerated piecrusts", + "all-purpose flour", + "milk", + "vanilla extract", + "sugar", + "butter", + "cornmeal", + "large eggs", + "salt" + ] + }, + { + "id": 27809, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "salt", + "sugar", + "diced tomatoes", + "olive oil", + "garlic cloves", + "crushed tomatoes", + "chopped onion" + ] + }, + { + "id": 5394, + "cuisine": "italian", + "ingredients": [ + "large garlic cloves", + "anchovy fillets", + "escarole", + "soft shelled crabs", + "salt", + "oil", + "unsalted butter", + "extra-virgin olive oil", + "freshly ground pepper", + "vegetable oil", + "all-purpose flour", + "fresh lemon juice" + ] + }, + { + "id": 36906, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "crushed garlic", + "italian seasoning", + "rump roast", + "beef bouillon", + "salt", + "ground black pepper", + "red pepper flakes", + "water", + "vegetable oil", + "dried oregano" + ] + }, + { + "id": 17310, + "cuisine": "mexican", + "ingredients": [ + "butter", + "corn tortillas", + "garlic salt", + "cheddar cheese", + "sour cream", + "ground beef", + "spinach", + "green chilies", + "cream of mushroom soup", + "milk", + "rotel tomatoes", + "onions" + ] + }, + { + "id": 34211, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "butter", + "catfish", + "pepper", + "baking powder", + "salt", + "grated parmesan cheese", + "dry mustard", + "italian seasoning", + "evaporated milk", + "onion powder", + "all-purpose flour" + ] + }, + { + "id": 38943, + "cuisine": "irish", + "ingredients": [ + "whipping cream", + "grated lemon peel", + "ground nutmeg", + "dessert wine", + "sugar", + "fresh raspberries", + "brandy", + "fresh lemon juice" + ] + }, + { + "id": 46115, + "cuisine": "british", + "ingredients": [ + "ruby port", + "whipping cream", + "prosciutto", + "black mission figs", + "pinenuts", + "balsamic vinegar", + "phyllo pastry", + "sugar", + "unsalted butter", + "stilton cheese" + ] + }, + { + "id": 44649, + "cuisine": "mexican", + "ingredients": [ + "extra lean ground beef", + "bell pepper", + "yellow onion", + "chicken broth", + "olive oil", + "diced tomatoes", + "italian seasoning", + "tomato sauce", + "beef bouillon", + "garlic", + "shredded cheddar cheese", + "worcestershire sauce", + "long-grain rice" + ] + }, + { + "id": 17789, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "purple onion", + "black beans", + "onion powder", + "ground cumin", + "boneless skinless chicken breasts", + "salt", + "chopped tomatoes", + "diced tomatoes" + ] + }, + { + "id": 37101, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "salt", + "onions", + "vegetable oil", + "dark brown sugar", + "fresh ginger", + "boneless pork loin", + "low sodium soy sauce", + "garlic", + "chinese five-spice powder" + ] + }, + { + "id": 29199, + "cuisine": "thai", + "ingredients": [ + "dry roasted peanuts", + "rice vinegar", + "brown sugar", + "boneless chicken breast", + "garlic cloves", + "fresh ginger", + "peanut butter", + "soy sauce", + "sesame oil", + "bamboo shoots" + ] + }, + { + "id": 24303, + "cuisine": "thai", + "ingredients": [ + "curry leaves", + "fresh ginger", + "crushed red pepper flakes", + "green chilies", + "coconut milk", + "green cardamom pods", + "red chili peppers", + "pandanus leaf", + "salt", + "corn starch", + "ground turmeric", + "chicken broth", + "lemon grass", + "garlic", + "lemon juice", + "onions", + "clove", + "black pepper", + "chicken breasts", + "fenugreek seeds", + "cinnamon sticks" + ] + }, + { + "id": 31044, + "cuisine": "thai", + "ingredients": [ + "reduced fat coconut milk", + "red curry paste", + "onions", + "chicken broth", + "vegetable oil", + "chopped cilantro", + "kosher salt", + "white mushrooms", + "black pepper", + "red bell pepper", + "pork butt" + ] + }, + { + "id": 43284, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dry white wine", + "dried oregano", + "water", + "finely chopped fresh parsley", + "salt", + "low sodium soy sauce", + "ground black pepper", + "orzo", + "dried thyme", + "mushrooms", + "garlic cloves" + ] + }, + { + "id": 17464, + "cuisine": "indian", + "ingredients": [ + "pepper", + "baking potatoes", + "grill seasoning", + "ground coriander", + "curry paste", + "chicken broth", + "boneless skinless chicken breasts", + "garlic", + "beef sirloin", + "smoked paprika", + "frozen peas", + "tumeric", + "mango chutney", + "salt", + "ground allspice", + "red bell pepper", + "ground cumin", + "frozen chopped spinach", + "whole milk yoghurt", + "extra-virgin olive oil", + "chickpeas", + "scallions", + "onions" + ] + }, + { + "id": 48697, + "cuisine": "cajun_creole", + "ingredients": [ + "milk", + "ground mustard", + "eggs", + "cajun seasoning", + "cornmeal", + "catfish fillets", + "ground black pepper", + "oil", + "pepper sauce", + "all-purpose flour" + ] + }, + { + "id": 10790, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "butter", + "cayenne pepper", + "chapati flour", + "ground cumin", + "potatoes", + "ground tumeric", + "ground coriander", + "greek yogurt", + "tomatoes", + "ginger", + "green chilies", + "mustard seeds", + "cauliflower", + "vegetable oil", + "garlic", + "cumin seed", + "onions" + ] + }, + { + "id": 36728, + "cuisine": "french", + "ingredients": [ + "ham steak", + "dijon mustard", + "sea salt", + "salt", + "ground black pepper", + "large eggs", + "cornichons", + "garlic cloves", + "unsalted butter", + "bacon", + "whipping cream", + "allspice", + "dried thyme", + "minced onion", + "ground pork", + "cognac" + ] + }, + { + "id": 35309, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "cilantro", + "broth", + "no-salt-added black beans", + "chopped onion", + "ground oregano", + "meat", + "frozen corn kernels", + "cumin", + "tomato sauce", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 24593, + "cuisine": "french", + "ingredients": [ + "fat free milk", + "bay leaf", + "cauliflower", + "salt", + "mashed potatoes", + "garlic cloves", + "butter" + ] + }, + { + "id": 46891, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "boneless skinless chicken breasts", + "roasted cashews", + "hoisin sauce", + "button mushrooms", + "cilantro leaves", + "purple onion", + "iceberg lettuce", + "fresh ginger", + "vegetable oil", + "salt", + "sugar", + "water chestnuts", + "garlic", + "rice vinegar" + ] + }, + { + "id": 47023, + "cuisine": "thai", + "ingredients": [ + "curry powder", + "bay leaves", + "light coconut milk", + "tomatoes", + "cayenne", + "green onions", + "fresh ginger", + "basil leaves", + "medium shrimp", + "tumeric", + "seafood stock", + "lime wedges" + ] + }, + { + "id": 27803, + "cuisine": "moroccan", + "ingredients": [ + "chile powder", + "extra-virgin olive oil", + "mixed greens", + "orange", + "salt", + "ground cumin", + "ground cinnamon", + "purple onion", + "fresh basil leaves", + "oil-cured black olives", + "fresh salmon" + ] + }, + { + "id": 22954, + "cuisine": "mexican", + "ingredients": [ + "pork neck", + "lime", + "boneless country pork ribs", + "garlic cloves", + "cold water", + "white onion", + "white hominy", + "fine sea salt", + "boiling water", + "green cabbage", + "water", + "radishes", + "ground allspice", + "chiles", + "sesame seeds", + "large garlic cloves", + "fat" + ] + }, + { + "id": 3473, + "cuisine": "cajun_creole", + "ingredients": [ + "jalapeno chilies", + "salt", + "red kidney beans", + "peppadews", + "onions", + "celery ribs", + "low sodium chicken broth", + "freshly ground pepper", + "steamed white rice", + "garlic", + "thick-cut bacon" + ] + }, + { + "id": 4849, + "cuisine": "moroccan", + "ingredients": [ + "fresh coriander", + "clear honey", + "butter", + "chickpeas", + "lemon juice", + "dried cranberries", + "ground cinnamon", + "olive oil", + "mint leaves", + "paprika", + "shelled pistachios", + "squash", + "milk", + "harissa paste", + "lemon", + "blanched almonds", + "greek yogurt", + "ground cumin", + "fresh spinach", + "coriander seeds", + "shallots", + "ginger", + "garlic cloves", + "phyllo pastry" + ] + }, + { + "id": 17131, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "green chilies", + "onions", + "chicken breasts", + "chillies", + "soup", + "sour cream", + "cheese", + "cream of mushroom soup" + ] + }, + { + "id": 37310, + "cuisine": "italian", + "ingredients": [ + "hot red pepper flakes", + "garlic", + "dry white wine", + "flat leaf parsley", + "ground black pepper", + "salt", + "mussels", + "extra-virgin olive oil", + "spaghetti" + ] + }, + { + "id": 24138, + "cuisine": "filipino", + "ingredients": [ + "fennel seeds", + "pork belly", + "granulated sugar", + "ground cinnamon", + "orange", + "chicken stock", + "kosher salt", + "star anise", + "bacon drippings", + "black peppercorns", + "coriander seeds" + ] + }, + { + "id": 5712, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "garlic", + "red bell pepper", + "corn oil", + "chopped onion", + "white sugar", + "ground black pepper", + "salt", + "fresh parsley", + "water", + "red wine vinegar", + "fresh mushrooms" + ] + }, + { + "id": 22277, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "cracked black pepper", + "pecorino romano cheese", + "spaghetti" + ] + }, + { + "id": 7927, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "lemongrass", + "shallots", + "chopped onion", + "ground cumin", + "cooked rice", + "peeled fresh ginger", + "clam juice", + "bok choy", + "fresh basil", + "enokitake", + "vegetable oil", + "shrimp", + "tumeric", + "cilantro stems", + "crushed red pepper", + "snow peas" + ] + }, + { + "id": 29329, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "carrots", + "fresh chives", + "mutton", + "fresh parsley", + "lamb stock", + "extra-virgin olive oil", + "thyme", + "ground black pepper", + "salt", + "onions" + ] + }, + { + "id": 32125, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "fresh thyme", + "garlic cloves", + "chicken broth", + "olive oil", + "chicken drumsticks", + "onions", + "nutmeg", + "ground cloves", + "lemon", + "ground cardamom", + "ground cinnamon", + "ground black pepper", + "salt", + "chicken thighs" + ] + }, + { + "id": 34676, + "cuisine": "mexican", + "ingredients": [ + "frozen chopped spinach", + "green onions", + "crushed red pepper", + "ground coriander", + "ground cumin", + "milk", + "butter", + "grated jack cheese", + "corn tortillas", + "cheddar cheese", + "vegetable oil", + "all-purpose flour", + "sour cream", + "finely chopped onion", + "whipping cream", + "green chilies", + "chopped cilantro fresh" + ] + }, + { + "id": 18920, + "cuisine": "mexican", + "ingredients": [ + "reduced fat cream cheese", + "green chile", + "low fat mozzarella", + "boneless skinless chicken breasts", + "low-fat sour cream", + "enchilada sauce" + ] + }, + { + "id": 42704, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "pizza doughs", + "olive oil", + "garlic", + "pesto", + "grated parmesan cheese", + "goat cheese", + "eggplant", + "salt" + ] + }, + { + "id": 23353, + "cuisine": "italian", + "ingredients": [ + "lemon", + "baby carrots", + "brown sugar", + "salt", + "rubbed sage", + "olive oil", + "apple juice", + "onions", + "raisins", + "fresh lemon juice" + ] + }, + { + "id": 6698, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "chopped onion", + "collard greens", + "Anaheim chile", + "garlic cloves", + "olive oil", + "salt", + "smoked turkey", + "crushed red pepper", + "lemon juice" + ] + }, + { + "id": 26288, + "cuisine": "italian", + "ingredients": [ + "lean ground beef", + "onions", + "double crust pie", + "shredded sharp cheddar cheese", + "red pepper", + "pastry", + "sliced mushrooms" + ] + }, + { + "id": 32285, + "cuisine": "italian", + "ingredients": [ + "fat free yogurt", + "fat-free cottage cheese", + "garlic cloves", + "olive oil", + "cooked rigatoni", + "sugar pea", + "grated parmesan cheese", + "salt", + "pepper", + "basil leaves" + ] + }, + { + "id": 19363, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "salt", + "vegetable oil cooking spray", + "frozen vegetables", + "chopped onion", + "tomatoes", + "grated parmesan cheese", + "beef broth", + "pepper", + "pasta shells" + ] + }, + { + "id": 45527, + "cuisine": "italian", + "ingredients": [ + "mayonaise", + "salt", + "white vinegar", + "whole milk", + "smoked gouda", + "ground black pepper", + "mostaccioli", + "grape tomatoes", + "basil leaves", + "adobo sauce" + ] + }, + { + "id": 14390, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "leeks", + "onions", + "cherry tomatoes", + "salt", + "fresh coriander", + "curry sauce", + "potatoes", + "oil" + ] + }, + { + "id": 48320, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "cake flour", + "sliced almonds", + "unsalted butter", + "sugar", + "mascarpone", + "cream cheese", + "vegetable oil spray", + "orange marmalade" + ] + }, + { + "id": 25515, + "cuisine": "southern_us", + "ingredients": [ + "Tabasco Pepper Sauce", + "salt pork", + "black pepper", + "garlic", + "cooked ham", + "crushed red pepper flakes", + "chopped onion", + "black-eyed peas", + "meat bones" + ] + }, + { + "id": 2575, + "cuisine": "french", + "ingredients": [ + "pepper", + "cranberry juice cocktail", + "rome apples", + "corn starch", + "dried cranberries", + "fresh sage", + "french bread", + "dry red wine", + "rock cornish game hens", + "fresh parsley", + "black peppercorns", + "shallots", + "salt", + "fresh lemon juice", + "boiling water", + "prunes", + "olive oil", + "spices", + "apple juice", + "smoked turkey sausage" + ] + }, + { + "id": 13502, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "olive oil", + "dry white wine", + "garlic", + "oyster sauce", + "white pepper", + "ground black pepper", + "coarse salt", + "yellow onion", + "snow peas", + "brown sugar", + "fresh ginger", + "sesame oil", + "salt", + "beansprouts", + "honey", + "cayenne", + "bacon", + "chinese five-spice powder", + "chicken" + ] + }, + { + "id": 20638, + "cuisine": "russian", + "ingredients": [ + "turnips", + "potatoes", + "beef broth", + "pepper", + "diced tomatoes", + "sour cream", + "red cabbage", + "salt", + "onions", + "cider vinegar", + "sliced carrots", + "beets" + ] + }, + { + "id": 14161, + "cuisine": "vietnamese", + "ingredients": [ + "curry powder", + "rice noodles", + "cilantro leaves", + "asian fish sauce", + "fresh dill", + "shallots", + "garlic", + "salad oil", + "sliced green onions", + "catfish fillets", + "cayenne", + "salted roast peanuts", + "beansprouts", + "ground turmeric", + "ground ginger", + "bawang goreng", + "dipping sauces", + "fresh mint", + "iceberg lettuce" + ] + }, + { + "id": 24848, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "vegetable oil", + "orange", + "extra fine granulated sugar", + "salt", + "eggs", + "granulated sugar", + "lemon", + "milk", + "egg yolks", + "all-purpose flour" + ] + }, + { + "id": 34825, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "ground red pepper", + "rice", + "mustard seeds", + "red lentils", + "coriander seeds", + "red wine vinegar", + "cumin seed", + "ground turmeric", + "water", + "baking potatoes", + "chopped onion", + "fresh parsley", + "light butter", + "peeled fresh ginger", + "salt", + "garlic cloves" + ] + }, + { + "id": 23302, + "cuisine": "spanish", + "ingredients": [ + "short-grain rice", + "green peas", + "garlic cloves", + "chorizo sausage", + "saffron threads", + "clam juice", + "salt", + "medium shrimp", + "fat free less sodium chicken broth", + "paprika", + "chopped onion", + "plum tomatoes", + "dry white wine", + "littleneck clams", + "red bell pepper" + ] + }, + { + "id": 23161, + "cuisine": "italian", + "ingredients": [ + "chicken breasts", + "spinach", + "sea salt", + "minced garlic", + "cheese", + "butter" + ] + }, + { + "id": 45528, + "cuisine": "italian", + "ingredients": [ + "pesto sauce", + "quick cooking brown rice", + "pepper", + "frozen mixed vegetables", + "vegetable juice", + "diced tomatoes", + "great northern beans", + "water" + ] + }, + { + "id": 17981, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "unsalted butter", + "salt", + "large egg yolks", + "golden raisins", + "sugar", + "large eggs", + "all-purpose flour", + "active dry yeast", + "whole milk" + ] + }, + { + "id": 42788, + "cuisine": "indian", + "ingredients": [ + "coriander powder", + "oil", + "garlic paste", + "paneer", + "coriander", + "tomatoes", + "chili powder", + "onions", + "garam masala", + "salt", + "ground turmeric" + ] + }, + { + "id": 39966, + "cuisine": "indian", + "ingredients": [ + "salt", + "water", + "ghee", + "whole wheat flour" + ] + }, + { + "id": 43287, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "salt", + "sweet potatoes", + "white sugar", + "unbaked pie crusts", + "ground allspice", + "ground cinnamon", + "butter" + ] + }, + { + "id": 36553, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "promise buttery spread", + "ground beef", + "ragu old world style pasta sauc", + "frozen whole kernel corn", + "garlic", + "part-skim mozzarella cheese", + "dri oregano leaves, crush", + "ground chipotle chile pepper", + "zucchini", + "corn tortillas" + ] + }, + { + "id": 17637, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "butter", + "sliced mushrooms", + "garlic powder", + "asparagus spears", + "dried basil", + "salt", + "onions", + "grated parmesan cheese", + "chopped pecans" + ] + }, + { + "id": 22677, + "cuisine": "greek", + "ingredients": [ + "pepper", + "dillweed", + "sliced green onions", + "frozen chopped spinach", + "shredded sharp cheddar cheese", + "flat leaf parsley", + "large eggs", + "feta cheese crumbles", + "vegetable oil cooking spray", + "salt", + "phyllo pastry" + ] + }, + { + "id": 34442, + "cuisine": "jamaican", + "ingredients": [ + "curry powder", + "potatoes", + "chicken", + "black pepper", + "vinegar", + "salt", + "garlic powder", + "onion powder", + "water", + "cooking oil", + "thyme" + ] + }, + { + "id": 21980, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "garlic", + "grated parmesan cheese", + "fresh basil leaves", + "pepper", + "salt", + "extra-virgin olive oil" + ] + }, + { + "id": 19455, + "cuisine": "mexican", + "ingredients": [ + "serrano chilies", + "lime juice", + "ground black pepper", + "garlic", + "lemon juice", + "beans", + "kidney beans", + "red wine vinegar", + "salt", + "cumin", + "green bell pepper", + "fresh cilantro", + "chili powder", + "purple onion", + "red bell pepper", + "black beans", + "organic cane sugar", + "extra-virgin olive oil", + "frozen corn" + ] + }, + { + "id": 22623, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "salsa", + "cooked chicken", + "guacamole", + "shredded Monterey Jack cheese", + "diced green chilies", + "Hidden Valley® Original Ranch® Dressing" + ] + }, + { + "id": 3435, + "cuisine": "southern_us", + "ingredients": [ + "fennel seeds", + "kosher salt", + "sherry vinegar", + "vegetable oil", + "pumpkin seeds", + "tomatoes", + "olive oil", + "hot pepper sauce", + "all-purpose flour", + "smoked paprika", + "fresh basil", + "garlic powder", + "chili powder", + "cayenne pepper", + "potato starch", + "baguette", + "ground black pepper", + "buttermilk", + "garlic cloves" + ] + }, + { + "id": 22362, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "lasagna noodles", + "eggplant", + "marinara sauce", + "mozzarella cheese", + "zucchini", + "garlic powder", + "oregano" + ] + }, + { + "id": 16079, + "cuisine": "japanese", + "ingredients": [ + "sake", + "mirin", + "hatcho miso", + "eggplant", + "scallions", + "water", + "ginger", + "sugar", + "vegetable oil" + ] + }, + { + "id": 45473, + "cuisine": "italian", + "ingredients": [ + "diced tomatoes", + "red bell pepper", + "great northern beans", + "salt", + "italian salad dressing", + "fresh basil", + "purple onion", + "rotini", + "black pepper", + "cucumber" + ] + }, + { + "id": 12920, + "cuisine": "thai", + "ingredients": [ + "chili oil", + "shrimp", + "sliced green onions", + "jalapeno chilies", + "fat skimmed chicken broth", + "asian fish sauce", + "lemon grass", + "dried rice noodles", + "galangal", + "lime juice", + "cilantro leaves", + "lime leaves" + ] + }, + { + "id": 13964, + "cuisine": "korean", + "ingredients": [ + "kimchi", + "low sodium chicken stock", + "onions", + "spam" + ] + }, + { + "id": 42519, + "cuisine": "chinese", + "ingredients": [ + "water", + "peeled fresh ginger", + "peanut oil", + "hot red pepper flakes", + "hoisin sauce", + "sesame oil", + "garlic cloves", + "flour tortillas (not low fat)", + "cooked chicken", + "scallions", + "soy sauce", + "large eggs", + "slaw mix" + ] + }, + { + "id": 626, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "morel", + "ground white pepper", + "brioche", + "all-purpose flour", + "unsalted butter" + ] + }, + { + "id": 43117, + "cuisine": "filipino", + "ingredients": [ + "pork", + "minced garlic", + "sausages", + "medium shrimp", + "sugar pea", + "cooking oil", + "carrots", + "noodles", + "soy sauce", + "water", + "oyster sauce", + "onions", + "chicken broth", + "pepper", + "salt", + "flat leaf parsley", + "cabbage" + ] + }, + { + "id": 10557, + "cuisine": "french", + "ingredients": [ + "cooking spray", + "olive oil", + "garlic salt", + "chopped fresh chives", + "dried thyme", + "yukon gold potatoes" + ] + }, + { + "id": 32295, + "cuisine": "moroccan", + "ingredients": [ + "chicken legs", + "olive oil", + "ground coriander", + "ground turmeric", + "chicken stock", + "preserved lemon", + "unsalted butter", + "chopped parsley", + "saffron threads", + "green olives", + "ground black pepper", + "ground white pepper", + "ground ginger", + "kosher salt", + "yellow onion", + "chopped cilantro" + ] + }, + { + "id": 35573, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "onions", + "tomato paste", + "canned tomatoes", + "mild Italian sausage", + "lean ground beef" + ] + }, + { + "id": 22837, + "cuisine": "italian", + "ingredients": [ + "Wish-Bone Italian Dressing", + "hellmann' or best food real mayonnais", + "potatoes", + "finely chopped fresh parsley", + "red bell pepper", + "black pepper", + "pitted olives" + ] + }, + { + "id": 15221, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "yellow bean sauce", + "noodles", + "black bean sauce", + "garlic", + "sugar", + "spring onions", + "starch", + "minced pork" + ] + }, + { + "id": 35795, + "cuisine": "mexican", + "ingredients": [ + "freshly grated parmesan", + "grated jack cheese", + "tomato sauce", + "chicken breasts", + "corn tortillas", + "chicken broth", + "swiss chard", + "garlic cloves", + "olive oil", + "vegetable oil" + ] + }, + { + "id": 47062, + "cuisine": "italian", + "ingredients": [ + "water", + "grating cheese", + "eggs", + "spring onions", + "all-purpose flour", + "olive oil", + "salt", + "pepper", + "baking powder", + "green chilies" + ] + }, + { + "id": 36420, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "steamed white rice", + "peanut oil", + "scallion greens", + "salt", + "large eggs" + ] + }, + { + "id": 35639, + "cuisine": "thai", + "ingredients": [ + "black peppercorns", + "garlic cloves", + "chicken breasts", + "unsweetened coconut milk", + "cilantro root", + "coffee", + "asian fish sauce" + ] + }, + { + "id": 18028, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "salt", + "fresh lemon juice", + "large egg whites", + "french bread", + "all-purpose flour", + "sugar", + "prepared horseradish", + "crème fraîche", + "fat free milk", + "cooking spray", + "beets" + ] + }, + { + "id": 15902, + "cuisine": "british", + "ingredients": [ + "mashed potatoes", + "dried thyme", + "heavy cream", + "essence", + "puff pastry", + "tomato paste", + "water", + "worcestershire sauce", + "salt", + "ground beef", + "cheddar cheese", + "unsalted butter", + "crushed red pepper flakes", + "yellow onion", + "minced garlic", + "large eggs", + "button mushrooms", + "smoked gouda" + ] + }, + { + "id": 19819, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "peanuts", + "chicken breasts", + "sauce", + "tofu", + "water", + "Sriracha", + "crushed red pepper flakes", + "beansprouts", + "soy sauce", + "palm sugar", + "shallots", + "oil", + "eggs", + "tamarind", + "green onions", + "linguine", + "chopped garlic" + ] + }, + { + "id": 30465, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "cucumber", + "lettuce", + "purple onion", + "kalamata", + "chicken", + "tomatoes", + "tzatziki" + ] + }, + { + "id": 495, + "cuisine": "italian", + "ingredients": [ + "parsley leaves", + "salt", + "capers", + "red wine vinegar", + "dijon mustard", + "extra-virgin olive oil", + "shallots", + "chopped garlic" + ] + }, + { + "id": 40779, + "cuisine": "thai", + "ingredients": [ + "chicken wings", + "ketchup", + "shallots", + "cilantro leaves", + "oyster sauce", + "tomatoes", + "soy sauce", + "tapioca starch", + "salt", + "oil", + "sugar", + "Sriracha", + "cooking wine", + "peanut oil", + "celery stick", + "water", + "garlic", + "roasted peanuts", + "onions" + ] + }, + { + "id": 20650, + "cuisine": "vietnamese", + "ingredients": [ + "lemon grass", + "chopped cilantro", + "lime", + "chopped fresh chives", + "fresh ginger root", + "salt", + "jasmine rice", + "ground black pepper", + "chicken" + ] + }, + { + "id": 34436, + "cuisine": "british", + "ingredients": [ + "milk", + "all-purpose flour", + "baking powder", + "active dry yeast", + "white sugar", + "water", + "salt" + ] + }, + { + "id": 16607, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "morel", + "bean paste", + "chili oil", + "corn starch", + "mustard", + "fresh ginger", + "Shaoxing wine", + "vegetable oil", + "garlic cloves", + "water", + "firm silken tofu", + "szechwan peppercorns", + "scallions", + "chinese chives", + "white button mushrooms", + "hot chili", + "mushrooms", + "spices", + "konbu" + ] + }, + { + "id": 4495, + "cuisine": "russian", + "ingredients": [ + "shredded cheddar cheese", + "potatoes", + "onions", + "chicken bouillon", + "sauerkraut", + "salt", + "pepper", + "evaporated milk", + "all-purpose flour", + "green cabbage", + "water", + "butter" + ] + }, + { + "id": 13233, + "cuisine": "greek", + "ingredients": [ + "slivered almonds", + "butter", + "baking soda", + "fresh lemon juice", + "milk", + "all-purpose flour", + "eggs", + "baking powder", + "white sugar" + ] + }, + { + "id": 12553, + "cuisine": "southern_us", + "ingredients": [ + "whole crab", + "sausages", + "seafood seasoning", + "corn husks", + "shrimp", + "new potatoes" + ] + }, + { + "id": 33062, + "cuisine": "irish", + "ingredients": [ + "large eggs", + "extra-virgin olive oil", + "fresh chervil", + "coarse salt", + "freshly ground pepper", + "unsalted butter", + "dry sherry", + "wild mushrooms", + "shallots", + "crème fraîche" + ] + }, + { + "id": 45497, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "shiitake", + "tiger prawn", + "chicken stock", + "steamed rice", + "stir fry sauce", + "baby bok choy", + "granulated sugar", + "canola oil", + "minced garlic", + "mirin" + ] + }, + { + "id": 41291, + "cuisine": "mexican", + "ingredients": [ + "cold water", + "olive oil", + "coarse salt", + "shredded sharp cheddar cheese", + "sour cream", + "black pepper", + "low sodium chicken broth", + "garlic", + "salsa", + "onions", + "green bell pepper", + "boneless chicken breast", + "white rice", + "frozen corn", + "chopped cilantro", + "chile powder", + "dried thyme", + "lime wedges", + "black olives", + "tortilla chips", + "dried oregano" + ] + }, + { + "id": 48948, + "cuisine": "irish", + "ingredients": [ + "zucchini", + "vegetable oil", + "crushed red pepper", + "sorrel", + "dry white wine", + "whipping cream", + "tomatoes", + "mushrooms", + "butter", + "halibut fillets", + "shallots", + "white wine vinegar" + ] + }, + { + "id": 49587, + "cuisine": "spanish", + "ingredients": [ + "ice cubes", + "dry white wine", + "liqueur", + "peaches", + "strawberries", + "orange", + "lemon", + "strawberry syrup", + "muscat" + ] + }, + { + "id": 45694, + "cuisine": "thai", + "ingredients": [ + "peanuts", + "green onions", + "rice vinegar", + "sugar", + "large eggs", + "vegetable oil", + "mung bean sprouts", + "fish sauce", + "radishes", + "lime wedges", + "firm tofu", + "rice sticks", + "medium shrimp uncook", + "paprika" + ] + }, + { + "id": 3147, + "cuisine": "french", + "ingredients": [ + "black peppercorns", + "lobster", + "heavy cream", + "carrots", + "tomato paste", + "olive oil", + "fish stock", + "garlic", + "onions", + "brandy", + "fresh thyme leaves", + "dry sherry", + "corn starch", + "celery ribs", + "water", + "vine ripened tomatoes", + "fresh tarragon", + "bay leaf" + ] + }, + { + "id": 37547, + "cuisine": "greek", + "ingredients": [ + "white rice", + "lemon juice", + "ground black pepper", + "salt", + "grape leaves", + "garlic", + "ground lamb", + "kalamata", + "ground allspice" + ] + }, + { + "id": 1493, + "cuisine": "filipino", + "ingredients": [ + "salt", + "pepper", + "lemon juice", + "seasoned bread crumbs", + "garlic cloves", + "butter", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 20048, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "stuffing", + "salt", + "parsley sprigs", + "turkey", + "cooking spray" + ] + }, + { + "id": 17938, + "cuisine": "french", + "ingredients": [ + "white sugar", + "milk", + "egg yolks", + "vanilla beans" + ] + }, + { + "id": 22354, + "cuisine": "british", + "ingredients": [ + "plain flour", + "salt", + "pepper", + "yeast", + "fennel", + "fish fillets", + "beer" + ] + }, + { + "id": 44029, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "large eggs", + "red food coloring", + "confectioners sugar", + "unsalted butter", + "buttermilk", + "salt", + "unsweetened cocoa powder", + "baking soda", + "butter", + "cake flour", + "canola oil", + "white vinegar", + "granulated sugar", + "vanilla", + "cream cheese" + ] + }, + { + "id": 14965, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "onions", + "tomatoes", + "salt", + "avocado", + "jalapeno chilies", + "chopped cilantro fresh", + "lime juice", + "hellmann' or best food real mayonnais" + ] + }, + { + "id": 38209, + "cuisine": "spanish", + "ingredients": [ + "virgin olive oil", + "eggplant", + "diced tomatoes", + "kosher salt", + "zucchini", + "chopped onion", + "fresh basil", + "ground black pepper", + "fresh oregano", + "minced garlic", + "baking potatoes" + ] + }, + { + "id": 5976, + "cuisine": "russian", + "ingredients": [ + "cod fillets", + "fresh parsley", + "pepper", + "lemon", + "potatoes", + "onions", + "water", + "salt" + ] + }, + { + "id": 479, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "vegetable oil", + "garlic cloves", + "large egg whites", + "boneless skinless chicken breasts", + "sea salt", + "gluten-free tamari", + "broccoli florets", + "red pepper", + "corn starch", + "honey", + "sesame oil", + "scallions" + ] + }, + { + "id": 43042, + "cuisine": "thai", + "ingredients": [ + "peeled fresh ginger", + "green beans", + "chopped cilantro fresh", + "unsweetened coconut milk", + "vegetable oil", + "thai green curry paste", + "green onions", + "grate lime peel", + "eggplant", + "garlic cloves", + "chopped fresh mint" + ] + }, + { + "id": 10477, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "natural peanut butter", + "vegetable oil", + "garlic paste", + "lime juice", + "light brown sugar", + "kosher salt", + "Thai red curry paste", + "fish sauce", + "boneless skinless chicken breasts" + ] + }, + { + "id": 6292, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "dijon mustard", + "bacon", + "shredded parmesan cheese", + "romaine lettuce", + "garbanzo beans", + "chicken breasts", + "garlic", + "genoa salami", + "large egg yolks", + "roma tomatoes", + "extra-virgin olive oil", + "shredded mozzarella cheese", + "sugar", + "ground black pepper", + "red wine vinegar", + "purple onion" + ] + }, + { + "id": 13493, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "polenta prepar", + "fresh mozzarella", + "sweet italian sausage", + "fennel seeds", + "ground black pepper", + "yellow onion", + "crushed tomatoes", + "garlic", + "fresh oregano" + ] + }, + { + "id": 14643, + "cuisine": "japanese", + "ingredients": [ + "miso paste", + "water", + "silken tofu", + "green onions", + "dashi" + ] + }, + { + "id": 18844, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "olive oil", + "extra-virgin olive oil", + "sea salt", + "bell pepper", + "garlic" + ] + }, + { + "id": 40363, + "cuisine": "british", + "ingredients": [ + "black pepper", + "russet potatoes", + "all-purpose flour", + "canola oil", + "cod fillets", + "paprika", + "beer", + "garlic powder", + "sea salt", + "cayenne pepper", + "baking powder", + "salt", + "oil" + ] + }, + { + "id": 32038, + "cuisine": "chinese", + "ingredients": [ + "ground chicken", + "cooking oil", + "oil", + "cabbage", + "spring roll wrappers", + "fresh ginger", + "rice wine", + "carrots", + "soy sauce", + "ground black pepper", + "garlic", + "corn starch", + "water", + "green onions", + "oyster sauce" + ] + }, + { + "id": 46878, + "cuisine": "southern_us", + "ingredients": [ + "condensed cream of celery soup", + "quickcooking grits", + "pork sausages", + "water", + "salt", + "chopped green bell pepper", + "chopped onion", + "shredded cheddar cheese", + "chopped celery" + ] + }, + { + "id": 17888, + "cuisine": "filipino", + "ingredients": [ + "tomatoes", + "leaves", + "oil", + "fish sauce", + "ginger", + "onions", + "water", + "garlic", + "long beans", + "tamarind", + "whole chicken" + ] + }, + { + "id": 29835, + "cuisine": "italian", + "ingredients": [ + "water", + "large egg yolks", + "large eggs", + "all purpose unbleached flour", + "pure vanilla extract", + "vin santo", + "instant yeast", + "lemon", + "orange", + "unsalted butter", + "dark rum", + "fresh yeast", + "milk", + "granulated sugar", + "golden raisins", + "salt" + ] + }, + { + "id": 33011, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "vegetable shortening", + "scallions", + "yellow corn meal", + "large eggs", + "salt", + "sugar", + "baking powder", + "all-purpose flour", + "unsalted butter", + "buttermilk" + ] + }, + { + "id": 5279, + "cuisine": "moroccan", + "ingredients": [ + "large eggs", + "extra-virgin olive oil", + "sherry vinegar", + "farro", + "freshly ground pepper", + "unsalted butter", + "cauliflower florets", + "scallions", + "vegetable stock", + "salt" + ] + }, + { + "id": 37847, + "cuisine": "mexican", + "ingredients": [ + "clove", + "cider vinegar", + "cumin seed", + "chicken legs", + "chile de arbol", + "cinnamon sticks", + "guajillo chiles", + "fine sea salt", + "dried oregano", + "anise seed", + "water", + "garlic cloves" + ] + }, + { + "id": 47278, + "cuisine": "brazilian", + "ingredients": [ + "green bell pepper", + "shell-on shrimp", + "fresh lemon juice", + "unsweetened coconut milk", + "olive oil", + "salt", + "chopped cilantro fresh", + "palm oil", + "cayenne", + "garlic cloves", + "black pepper", + "tomatoes with juice", + "onions" + ] + }, + { + "id": 30329, + "cuisine": "russian", + "ingredients": [ + "beef shoulder", + "beef consomme", + "pickled beets", + "onions", + "fresh dill", + "veal", + "heavy cream", + "sliced mushrooms", + "pullman loaf", + "mint leaves", + "salt", + "eggs", + "ground black pepper", + "wonton wrappers", + "dill" + ] + }, + { + "id": 29297, + "cuisine": "indian", + "ingredients": [ + "phyllo dough", + "olive oil", + "clove garlic, fine chop", + "toasted almonds", + "black pepper", + "golden raisins", + "yellow onion", + "basmati rice", + "boneless chicken skinless thigh", + "low sodium chicken broth", + "ginger", + "plain whole-milk yogurt", + "ground cinnamon", + "kosher salt", + "butter", + "carrots" + ] + }, + { + "id": 3906, + "cuisine": "mexican", + "ingredients": [ + "cherry coke", + "garlic cloves", + "salt", + "pepper", + "beef roast", + "beef broth" + ] + }, + { + "id": 47603, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "brown sugar", + "boneless skinless chicken breasts", + "onions", + "cooked rice", + "water", + "lemon juice", + "tomato paste", + "soy sauce", + "green pepper", + "white sugar", + "white vinegar", + "pineapple chunks", + "garlic powder", + "corn starch" + ] + }, + { + "id": 13739, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "green onions", + "chili sauce", + "reduced fat mayonnaise", + "Boston lettuce", + "reduced fat creamy peanut butter", + "unsalted dry roast peanuts", + "garlic cloves", + "cooked chicken breasts", + "brown sugar", + "reduced sodium soy sauce", + "sesame oil", + "gingerroot", + "chicken salad", + "lime juice", + "shredded carrots", + "rice vinegar", + "red bell pepper", + "canola oil" + ] + }, + { + "id": 7663, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "eggs", + "garlic", + "tomatoes", + "chees fresh mozzarella", + "plain dry bread crumb", + "all-purpose flour" + ] + }, + { + "id": 26694, + "cuisine": "french", + "ingredients": [ + "mussels", + "large egg yolks", + "leeks", + "crème fraîche", + "thyme sprigs", + "cod", + "black pepper", + "half & half", + "sea salt", + "flat leaf parsley", + "parsley sprigs", + "fennel bulb", + "butter", + "lemon rind", + "boiling water", + "bouillon", + "sea scallops", + "dry white wine", + "chopped onion", + "bay leaf" + ] + }, + { + "id": 39998, + "cuisine": "korean", + "ingredients": [ + "sambal ulek", + "garlic", + "sesame seeds", + "kosher salt", + "dark sesame oil", + "napa cabbage" + ] + }, + { + "id": 33138, + "cuisine": "italian", + "ingredients": [ + "baguette", + "extra-virgin olive oil", + "black pepper", + "parmigiano reggiano cheese", + "frozen chopped spinach", + "water", + "salt", + "reduced sodium chicken broth", + "large eggs" + ] + }, + { + "id": 29441, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "fresh parsley", + "fresh rosemary", + "anchovy paste", + "fish", + "fresh thyme", + "onions", + "eggs", + "extra-virgin olive oil" + ] + }, + { + "id": 12736, + "cuisine": "spanish", + "ingredients": [ + "minced garlic", + "dry white wine", + "unsweetened chocolate", + "bay leaves", + "salt", + "onions", + "olive oil", + "paprika", + "carrots", + "green bell pepper", + "oxtails", + "beef broth" + ] + }, + { + "id": 45058, + "cuisine": "chinese", + "ingredients": [ + "broccoli", + "fresh ginger", + "canola oil", + "soy sauce", + "bok choy", + "garlic" + ] + }, + { + "id": 28367, + "cuisine": "jamaican", + "ingredients": [ + "ground ginger", + "dried thyme", + "vegetable oil", + "chicken", + "ground paprika", + "garlic powder", + "paprika", + "allspice", + "black pepper", + "flour", + "salt", + "milk", + "onion powder", + "cayenne pepper" + ] + }, + { + "id": 5887, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chili powder", + "beef broth", + "ground cumin", + "diced green chilies", + "lean ground beef", + "cayenne pepper", + "shredded cheddar cheese", + "sliced black olives", + "diced tomatoes", + "onions", + "wide egg noodles", + "green onions", + "garlic", + "dried oregano" + ] + }, + { + "id": 44833, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chives", + "cayenne pepper", + "corn tortillas", + "refried beans", + "salt", + "shrimp", + "lime", + "grapeseed oil", + "ear of corn", + "garlic powder", + "california avocado", + "red bell pepper" + ] + }, + { + "id": 20236, + "cuisine": "french", + "ingredients": [ + "cold water", + "ground black pepper", + "sea salt", + "arborio rice", + "large eggs", + "fine sea salt", + "olive oil", + "leeks", + "peanut oil", + "parmigiano-reggiano cheese", + "pumpkin", + "all-purpose flour" + ] + }, + { + "id": 25656, + "cuisine": "italian", + "ingredients": [ + "italian plum tomatoes", + "chopped garlic", + "olive oil", + "flat leaf parsley", + "ground black pepper", + "fresh basil leaves", + "salt" + ] + }, + { + "id": 25474, + "cuisine": "italian", + "ingredients": [ + "limoncello", + "whole milk", + "heavy whipping cream", + "large egg yolks", + "coffee beans", + "sugar", + "mascarpone", + "fresh lemon juice", + "vanilla beans", + "buttermilk", + "grated lemon peel" + ] + }, + { + "id": 49224, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "white vinegar", + "salad dressing", + "eggs", + "white sugar", + "corn oil" + ] + }, + { + "id": 42991, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "paprika", + "ginger root", + "ground cumin", + "low-fat plain yogurt", + "jalapeno chilies", + "cumin seed", + "cooked white rice", + "olive oil", + "cilantro", + "fresh lime juice", + "tomato sauce", + "boneless skinless chicken breasts", + "garlic cloves", + "nonfat evaporated milk" + ] + }, + { + "id": 32662, + "cuisine": "italian", + "ingredients": [ + "dijon mustard", + "salt", + "uncooked ziti", + "cooking spray", + "shredded Monterey Jack cheese", + "large egg whites", + "green onions", + "grated parmesan cheese", + "nonfat evaporated milk" + ] + }, + { + "id": 14967, + "cuisine": "italian", + "ingredients": [ + "chuck roast", + "onions", + "pepper", + "salt", + "tomato sauce", + "beef bouillon", + "water", + "pearl barley" + ] + }, + { + "id": 30133, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "onions", + "seasoning", + "peas", + "water", + "sugar", + "salt" + ] + }, + { + "id": 33202, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "butter", + "xanthan gum", + "tapioca starch", + "salt", + "flour", + "buttermilk", + "baking powder", + "white rice flour" + ] + }, + { + "id": 38763, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "large eggs", + "garlic cloves", + "ground black pepper", + "crushed red pepper", + "spaghetti", + "fresh parmesan cheese", + "reduced fat milk", + "flat leaf parsley", + "asparagus", + "salt" + ] + }, + { + "id": 18435, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "ruby red grapefruit", + "dessert wine", + "sugar" + ] + }, + { + "id": 16776, + "cuisine": "chinese", + "ingredients": [ + "pork belly", + "raw sugar", + "red chili peppers", + "minced ginger", + "chinese five-spice powder", + "minced garlic", + "sea salt", + "soy sauce", + "vinegar", + "ground white pepper" + ] + }, + { + "id": 44713, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "buttermilk", + "chopped onion", + "chopped garlic", + "tomato paste", + "olive oil", + "cayenne pepper", + "ground turmeric", + "clove", + "curry powder", + "ginger", + "peppercorns", + "red kidney beans", + "beans", + "heavy cream", + "coriander" + ] + }, + { + "id": 29473, + "cuisine": "french", + "ingredients": [ + "fresh lemon juice", + "balsamic vinegar", + "plum tomatoes", + "olive oil", + "red bell pepper", + "garlic" + ] + }, + { + "id": 33931, + "cuisine": "moroccan", + "ingredients": [ + "red chili peppers", + "large eggs", + "onions", + "cherry tomatoes", + "extra-virgin olive oil", + "fresh cilantro", + "red pepper", + "ground cumin", + "light brown sugar", + "zucchini", + "garlic cloves" + ] + }, + { + "id": 20372, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "italian seasoning", + "grated parmesan cheese", + "eggs", + "pasta", + "ground beef" + ] + }, + { + "id": 23171, + "cuisine": "southern_us", + "ingredients": [ + "fat free less sodium chicken broth", + "red wine vinegar", + "salt", + "black pepper", + "olive oil", + "crushed red pepper", + "thyme sprigs", + "baby lima beans", + "smoked turkey breast", + "purple onion", + "bay leaf", + "collard greens", + "dried thyme", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 16216, + "cuisine": "irish", + "ingredients": [ + "sliced carrots", + "all-purpose flour", + "corn starch", + "tomato paste", + "garlic", + "beer", + "onions", + "cold water", + "vegetable oil", + "beef broth", + "fresh parsley", + "potatoes", + "beef stew meat", + "fresh mushrooms" + ] + }, + { + "id": 42618, + "cuisine": "italian", + "ingredients": [ + "cheddar cheese", + "fresh thyme leaves", + "fresh basil leaves", + "eggplant", + "extra-virgin olive oil", + "plum tomatoes", + "red chili peppers", + "balsamic vinegar", + "prepared lasagne", + "parmesan cheese", + "garlic" + ] + }, + { + "id": 37999, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "diced tomatoes", + "yellow onion", + "chopped cilantro", + "unsalted butter", + "salt", + "grated jack cheese", + "chiles", + "garlic", + "tortilla chips", + "serrano chile", + "whole milk", + "all-purpose flour", + "sour cream" + ] + }, + { + "id": 20253, + "cuisine": "jamaican", + "ingredients": [ + "tumeric", + "coconut", + "bell pepper", + "onion powder", + "salt", + "celery", + "red potato", + "black pepper", + "garlic powder", + "soya bean", + "ginger", + "thyme", + "chicken stock", + "stewing hen", + "lime", + "sweet potatoes", + "cinnamon", + "carrots", + "allspice", + "vidalia onion", + "curry powder", + "habanero pepper", + "converted rice", + "purple onion", + "coconut milk" + ] + }, + { + "id": 35180, + "cuisine": "french", + "ingredients": [ + "chicken stock", + "crimini mushrooms", + "bacon", + "bone in chicken thighs", + "olive oil", + "shallots", + "all-purpose flour", + "fresh marjoram", + "chives", + "garlic", + "salted butter", + "zinfandel", + "boiling onions" + ] + }, + { + "id": 47785, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "white pepper", + "garlic", + "corn starch", + "pork", + "dry sherry", + "oyster sauce", + "onions", + "cabbage leaves", + "sesame oil", + "chow mein noodles", + "celery", + "sugar pea", + "button mushrooms", + "carrots" + ] + }, + { + "id": 45072, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "beef broth", + "beef deli roast slice thinli", + "dried oregano", + "green bell pepper", + "sub buns", + "olive oil", + "giardiniera" + ] + }, + { + "id": 10975, + "cuisine": "thai", + "ingredients": [ + "wide rice noodles", + "water", + "broccoli", + "rib eye steaks", + "soy sauce", + "crushed garlic", + "white sugar", + "fish sauce", + "vegetable oil", + "corn starch", + "eggs", + "salt and ground black pepper", + "oyster sauce" + ] + }, + { + "id": 13346, + "cuisine": "mexican", + "ingredients": [ + "milk", + "condensed cream of mushroom soup", + "red enchilada sauce", + "chile pepper", + "chopped onion", + "cream of chicken soup", + "garlic", + "ripe olives", + "cheddar cheese", + "lean ground beef", + "tortilla chips" + ] + }, + { + "id": 38818, + "cuisine": "french", + "ingredients": [ + "finely chopped fresh parsley", + "garlic", + "vegetable oil", + "salt", + "diced tomatoes", + "all-purpose flour", + "white wine", + "kalamata", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 38605, + "cuisine": "japanese", + "ingredients": [ + "yellow miso", + "rice vinegar", + "peeled fresh ginger", + "honey", + "ground red pepper" + ] + }, + { + "id": 46044, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "olive oil", + "taco seasoning" + ] + }, + { + "id": 18158, + "cuisine": "filipino", + "ingredients": [ + "olive oil", + "spaghetti squash", + "cabbage", + "lemon", + "green beans", + "chicken breasts", + "carrots", + "soy sauce", + "garlic", + "onions" + ] + }, + { + "id": 42466, + "cuisine": "french", + "ingredients": [ + "olive oil", + "garlic cloves", + "toast", + "shallots", + "red bell pepper", + "almonds", + "fresh parsley leaves", + "flat anchovy", + "tomatoes", + "red wine vinegar", + "herbes de provence" + ] + }, + { + "id": 36087, + "cuisine": "southern_us", + "ingredients": [ + "seasoning salt", + "cornmeal", + "buttermilk", + "green tomatoes", + "oil" + ] + }, + { + "id": 27245, + "cuisine": "thai", + "ingredients": [ + "sugar", + "green onions", + "hot sauce", + "lime juice", + "rice noodles", + "beansprouts", + "soy sauce", + "sesame oil", + "peanut butter", + "tofu", + "peanuts", + "garlic", + "onions" + ] + }, + { + "id": 43613, + "cuisine": "greek", + "ingredients": [ + "pepper", + "green onions", + "english cucumber", + "plain yogurt", + "pita bread rounds", + "cream cheese", + "black pepper", + "sliced black olives", + "salt", + "feta cheese", + "garlic", + "plum tomatoes" + ] + }, + { + "id": 25178, + "cuisine": "southern_us", + "ingredients": [ + "fresh rosemary", + "olive oil", + "crimini mushrooms", + "canned tomatoes", + "chopped onion", + "black pepper", + "cayenne", + "balsamic vinegar", + "all-purpose flour", + "fresh parsley", + "kosher salt", + "bay leaves", + "dry red wine", + "beef broth", + "chopped garlic", + "top round steak", + "ground black pepper", + "fresh thyme leaves", + "chopped celery", + "red bell pepper" + ] + }, + { + "id": 28257, + "cuisine": "spanish", + "ingredients": [ + "flour", + "salt", + "fresh parsley", + "olive oil", + "garlic", + "spanish paprika", + "baking soda", + "dried salted codfish", + "bay leaf", + "spinach", + "diced tomatoes", + "dried chickpeas", + "onions" + ] + }, + { + "id": 22890, + "cuisine": "cajun_creole", + "ingredients": [ + "crab", + "file powder", + "peeled shrimp", + "okra", + "tomatoes", + "water", + "green onions", + "salt", + "pepper", + "flour", + "smoked sausage", + "onions", + "cooked rice", + "tomato juice", + "butter", + "cayenne pepper" + ] + }, + { + "id": 41313, + "cuisine": "southern_us", + "ingredients": [ + "nonhydrogenated margarine", + "garbanzo beans", + "gluten free chicken broth", + "white rice flour", + "flat leaf parsley", + "olive oil", + "soup", + "yellow onion", + "thyme", + "bay leaf", + "eggs", + "soy milk", + "bone in skinless chicken thigh", + "gluten-free baking powder", + "dumplings", + "frozen peas", + "tapioca flour", + "ground black pepper", + "salt", + "carrots", + "celery" + ] + }, + { + "id": 49295, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "fresh ginger root", + "sesame oil", + "corn starch", + "chinese baby corn", + "mushrooms", + "broccoli", + "soy sauce", + "cooking oil", + "dry sherry", + "onions", + "jasmine rice", + "flank steak", + "carrots" + ] + }, + { + "id": 29780, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "2% reduced-fat milk", + "granulated sugar", + "salt", + "firmly packed brown sugar", + "vanilla extract", + "bread", + "chop fine pecan", + "I Can't Believe It's Not Butter!® All Purpose Sticks" + ] + }, + { + "id": 46724, + "cuisine": "cajun_creole", + "ingredients": [ + "kidney beans", + "green pepper", + "onions", + "garlic", + "oil", + "diced tomatoes", + "rice", + "chicken broth", + "hot sauce", + "diced ham" + ] + }, + { + "id": 16281, + "cuisine": "spanish", + "ingredients": [ + "hanger steak", + "sugar", + "roasted garlic", + "salt", + "cider vinegar", + "oregano" + ] + }, + { + "id": 16764, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "sugar", + "raisins", + "caraway seeds", + "buttermilk", + "baking soda", + "salt" + ] + }, + { + "id": 35866, + "cuisine": "chinese", + "ingredients": [ + "sweet chili sauce", + "ground pork", + "chinese five-spice powder", + "onions", + "water", + "garlic", + "corn starch", + "ketchup", + "ginger", + "oil", + "Chinese rice vinegar", + "soy sauce", + "sesame oil", + "salt", + "ground white pepper" + ] + }, + { + "id": 13291, + "cuisine": "cajun_creole", + "ingredients": [ + "herbsaint", + "rye whiskey", + "bitters", + "sugar" + ] + }, + { + "id": 44906, + "cuisine": "japanese", + "ingredients": [ + "sesame oil", + "water", + "scallions", + "gari", + "soba noodles", + "light soy sauce" + ] + }, + { + "id": 1106, + "cuisine": "spanish", + "ingredients": [ + "dry white wine", + "brandy", + "sweet chorizo", + "parsley sprigs", + "pimentos", + "baguette" + ] + }, + { + "id": 28251, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "cornmeal", + "salt", + "grits", + "pepper", + "salsa", + "water", + "pork sausages" + ] + }, + { + "id": 10659, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "salt", + "lumpia skins", + "ginger", + "carrots", + "noodles", + "ground pork", + "hamburger", + "onions", + "eggs", + "garlic", + "green beans", + "cabbage" + ] + }, + { + "id": 26867, + "cuisine": "mexican", + "ingredients": [ + "shortening", + "salsa verde", + "chili powder", + "cayenne pepper", + "sazon seasoning", + "tomatoes", + "pepper", + "Adobo All Purpose Seasoning", + "garlic", + "ground beef", + "ground cumin", + "cold water", + "kosher salt", + "vinegar", + "cheese", + "green pepper", + "sofrito", + "eggs", + "water", + "flour", + "salt", + "onions" + ] + }, + { + "id": 41790, + "cuisine": "italian", + "ingredients": [ + "fresh leav spinach", + "won ton wrappers", + "part-skim ricotta cheese", + "vidalia onion", + "olive oil", + "diced tomatoes", + "pepper", + "grated parmesan cheese", + "salt", + "fresh basil", + "large egg whites", + "large garlic cloves" + ] + }, + { + "id": 41485, + "cuisine": "filipino", + "ingredients": [ + "cheddar cheese", + "pepper", + "hot dogs", + "garlic", + "oil", + "soy sauce", + "flour", + "lemon", + "beef broth", + "bay leaf", + "tomato sauce", + "bottom round", + "marinade", + "salt", + "carrots", + "sweet pickle", + "hard-boiled egg", + "bacon", + "liver", + "onions" + ] + }, + { + "id": 3673, + "cuisine": "russian", + "ingredients": [ + "nonfat yogurt", + "purple onion", + "fresh dill", + "1% low-fat milk", + "yukon gold potatoes", + "dill tips", + "red wine vinegar", + "beets" + ] + }, + { + "id": 13402, + "cuisine": "moroccan", + "ingredients": [ + "yukon gold potatoes", + "minced garlic", + "salt", + "pepper", + "whipping cream", + "whole milk", + "ground cumin" + ] + }, + { + "id": 5800, + "cuisine": "japanese", + "ingredients": [ + "flour", + "salt", + "sugar", + "vegetable oil", + "water", + "veggies", + "baking powder", + "oil" + ] + }, + { + "id": 27556, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "artichoke hearts", + "dried oregano", + "tomatoes", + "dried basil", + "lemon juice", + "water", + "garlic cloves", + "spinach", + "olive oil", + "feta cheese crumbles" + ] + }, + { + "id": 3770, + "cuisine": "southern_us", + "ingredients": [ + "andouille sausage", + "low sodium chicken broth", + "dry sherry", + "fresh parsley", + "green bell pepper", + "large eggs", + "buttermilk", + "chopped pecans", + "sugar", + "green onions", + "creole seasoning", + "white cornmeal", + "celery ribs", + "sweet onion", + "butter", + "fresh mushrooms" + ] + }, + { + "id": 17437, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "whipping cream", + "large eggs", + "garlic cloves", + "pancetta", + "grated parmesan cheese", + "bucatini", + "zucchini", + "crushed red pepper" + ] + }, + { + "id": 6450, + "cuisine": "indian", + "ingredients": [ + "chopped tomatoes", + "chicken breasts", + "green chilies", + "onions", + "clove", + "garam masala", + "ginger", + "ground coriander", + "ground cumin", + "ground nutmeg", + "chili powder", + "cardamom pods", + "coriander", + "tumeric", + "cooking oil", + "salt", + "garlic cloves" + ] + }, + { + "id": 48141, + "cuisine": "indian", + "ingredients": [ + "milk", + "mutton", + "oil", + "coriander", + "clove", + "seeds", + "salt", + "ghee", + "ginger paste", + "garlic paste", + "chili powder", + "green chilies", + "onions", + "semolina", + "black cumin seeds", + "lemon juice", + "ground turmeric" + ] + }, + { + "id": 35673, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "chopped onion", + "chopped cilantro", + "boneless pork shoulder", + "salt", + "boneless pork tenderloin", + "ground cumin", + "chili powder", + "orange juice", + "chopped garlic", + "black pepper", + "salsa", + "corn tortillas" + ] + }, + { + "id": 31680, + "cuisine": "mexican", + "ingredients": [ + "taco shells", + "boneless skinless chicken breasts", + "Mexican cheese", + "flour tortillas", + "cayenne pepper", + "kosher salt", + "salsa", + "sour cream", + "guacamole", + "garlic cloves" + ] + }, + { + "id": 16022, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "garlic", + "chopped cilantro", + "chicken stock", + "lime", + "lamb shoulder", + "onions", + "coconut oil", + "ground black pepper", + "salt", + "lite coconut milk", + "chile pepper", + "scallions" + ] + }, + { + "id": 27931, + "cuisine": "mexican", + "ingredients": [ + "water", + "salsa", + "smoked kielbasa", + "diced tomatoes", + "taco seasoning", + "chopped green chilies", + "green pepper", + "onions", + "white rice", + "red bell pepper" + ] + }, + { + "id": 19099, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "pecorino romano cheese", + "cream cheese", + "parsley sprigs", + "butter", + "all-purpose flour", + "fettucine", + "half & half", + "salt", + "frozen chopped spinach", + "ground black pepper", + "bacon slices", + "garlic cloves" + ] + }, + { + "id": 43390, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "cucumber", + "mayonaise", + "cayenne pepper", + "assorted fresh vegetables", + "sour cream", + "white onion", + "cream cheese" + ] + }, + { + "id": 28756, + "cuisine": "korean", + "ingredients": [ + "korean chile", + "garlic", + "kimchi", + "water", + "pork loin chops", + "dark sesame oil", + "sliced green onions" + ] + }, + { + "id": 42667, + "cuisine": "japanese", + "ingredients": [ + "avocado", + "fresh spinach", + "salmon", + "mirin", + "seasoned rice wine vinegar", + "nori", + "spinach", + "soy sauce", + "minced garlic", + "teriyaki sauce", + "scallions", + "sesame", + "sugar", + "kosher salt", + "sesame oil", + "rice vinegar", + "salmon fillets", + "sushi rice", + "minced ginger", + "salt", + "white sesame seeds" + ] + }, + { + "id": 2979, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "water", + "Alfredo sauce", + "fresh basil", + "parmesan cheese", + "cheese", + "eggs", + "garlic powder", + "ricotta cheese", + "frozen chopped spinach", + "mozzarella cheese", + "lasagna noodles", + "oregano" + ] + }, + { + "id": 38848, + "cuisine": "italian", + "ingredients": [ + "ice cubes", + "carbonated water", + "lambrusco" + ] + }, + { + "id": 14910, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "canned low sodium chicken broth", + "boneless skinless chicken breasts", + "dried rosemary", + "fennel bulb", + "flat leaf parsley", + "olive oil", + "garlic" + ] + }, + { + "id": 45430, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "butter", + "purple onion", + "okra", + "lemongrass", + "ginger", + "cilantro leaves", + "shrimp", + "chiles", + "red pepper", + "salt", + "oil", + "lime", + "garlic", + "barramundi fillets", + "cashew nuts" + ] + }, + { + "id": 19343, + "cuisine": "filipino", + "ingredients": [ + "minced garlic", + "minced onion", + "garlic chili sauce", + "sugar", + "olive oil", + "chicken tenderloin", + "pasta", + "water", + "butter", + "oyster sauce", + "soy sauce", + "peanuts", + "dried shiitake mushrooms" + ] + }, + { + "id": 40486, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "onions", + "olive oil", + "low salt chicken broth", + "spaghetti sauce seasoning mix", + "chicken breast halves", + "mushrooms", + "red bell pepper" + ] + }, + { + "id": 4455, + "cuisine": "italian", + "ingredients": [ + "prebaked pizza crusts", + "chopped fresh chives", + "olive oil", + "salt", + "sweet onion", + "cheese", + "chicken-apple sausage", + "fennel bulb" + ] + }, + { + "id": 5209, + "cuisine": "french", + "ingredients": [ + "black pepper", + "flour", + "carrots", + "chicken thighs", + "red potato", + "turkey bacon", + "garlic", + "celery", + "chicken broth", + "pearl onions", + "dry red wine", + "thyme", + "cremini mushrooms", + "olive oil", + "salt", + "bay leaf" + ] + }, + { + "id": 19471, + "cuisine": "italian", + "ingredients": [ + "pepper", + "polenta", + "butter", + "salt", + "parmesan cheese" + ] + }, + { + "id": 25236, + "cuisine": "indian", + "ingredients": [ + "black lentil", + "ground cinnamon", + "ginger", + "onions", + "clove", + "light cream", + "green chilies", + "red kidney beans", + "water", + "garlic", + "olive oil spray", + "tomatoes", + "chili powder", + "cumin seed" + ] + }, + { + "id": 3432, + "cuisine": "spanish", + "ingredients": [ + "tomato sauce", + "salt", + "tomatoes", + "chili powder", + "rice", + "water", + "green pepper", + "green chile", + "worcestershire sauce", + "onions" + ] + }, + { + "id": 44075, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "unsalted butter", + "carrots", + "fine sea salt", + "yukon gold potatoes" + ] + }, + { + "id": 16247, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "flour tortillas", + "fresh lime juice", + "salsa verde", + "scallions", + "chopped cilantro fresh", + "black beans", + "lime wedges", + "medium shrimp", + "ground black pepper", + "red bell pepper" + ] + }, + { + "id": 13446, + "cuisine": "french", + "ingredients": [ + "leeks", + "organic vegetable broth", + "olive oil", + "diced tomatoes", + "medium shrimp", + "fennel bulb", + "grouper", + "fresh parsley", + "parsley sprigs", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 47512, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "onions", + "salt", + "cilantro leaves", + "tomatillos", + "serrano chile" + ] + }, + { + "id": 19143, + "cuisine": "mexican", + "ingredients": [ + "cheese", + "taco seasoning", + "tortilla chips", + "salsa", + "light sour cream", + "cream cheese" + ] + }, + { + "id": 35437, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "salt", + "mayonaise", + "chili powder", + "chopped cilantro fresh", + "corn husks", + "sour cream", + "cotija", + "lime wedges" + ] + }, + { + "id": 42255, + "cuisine": "southern_us", + "ingredients": [ + "waffle", + "baking soda", + "worcestershire sauce", + "peanut oil", + "brown sugar", + "large egg whites", + "onion powder", + "maple syrup", + "pepper", + "garlic powder", + "butter", + "all-purpose flour", + "ground cinnamon", + "water", + "boneless skinless chicken breasts", + "salt", + "panko breadcrumbs" + ] + }, + { + "id": 18386, + "cuisine": "italian", + "ingredients": [ + "capers", + "butter", + "fresh lemon juice", + "chicken broth", + "artichok heart marin", + "chicken breast tenderloins", + "canola oil", + "white pepper", + "salt", + "flat leaf parsley", + "black pepper", + "extra-virgin olive oil", + "wheat flour" + ] + }, + { + "id": 4321, + "cuisine": "italian", + "ingredients": [ + "artichoke hearts", + "cooking spray", + "italian seasoning", + "pepper", + "grated parmesan cheese", + "dry bread crumbs", + "angel hair", + "large eggs", + "all-purpose flour", + "large egg whites", + "marinara sauce", + "flat leaf parsley" + ] + }, + { + "id": 3331, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "scallions", + "kosher salt", + "heavy cream", + "manchego cheese", + "extra-virgin olive oil", + "white onion", + "potatoes", + "smoked paprika" + ] + }, + { + "id": 23673, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "pepper", + "bay leaves", + "salt", + "cinnamon sticks", + "tumeric", + "garam masala", + "brown mustard seeds", + "chopped onion", + "garlic paste", + "chopped tomatoes", + "meat", + "black cardamom pods", + "ground cumin", + "plain yogurt", + "coriander powder", + "chili powder", + "mustard oil" + ] + }, + { + "id": 16638, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "dry white wine", + "marjoram", + "feta cheese", + "salt", + "ground black pepper", + "flat leaf parsley", + "olive oil", + "canned tomatoes", + "large shrimp" + ] + }, + { + "id": 18558, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "shallots", + "salt", + "fish sauce", + "water", + "cracked black pepper", + "oyster sauce", + "black pepper", + "watercress", + "rice vinegar", + "sugar", + "tri tip", + "garlic", + "canola oil" + ] + }, + { + "id": 27366, + "cuisine": "mexican", + "ingredients": [ + "lamb shanks", + "cider vinegar", + "cilantro", + "canela", + "white onion", + "bay leaves", + "garlic cloves", + "ground cumin", + "brown sugar", + "kosher salt", + "Mexican oregano", + "ancho chile pepper", + "ground cloves", + "ground black pepper", + "fresh orange juice", + "canola oil" + ] + }, + { + "id": 43269, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "kosher salt", + "boneless skinless chicken breasts", + "garlic", + "sour cream", + "ground cumin", + "black pepper", + "lime", + "diced tomatoes", + "tortilla chips", + "onions", + "chicken broth", + "fresh cilantro", + "chili powder", + "frozen corn kernels", + "bay leaf", + "black beans", + "diced green chilies", + "cheese", + "red enchilada sauce", + "oregano" + ] + }, + { + "id": 27188, + "cuisine": "mexican", + "ingredients": [ + "cold milk", + "garlic powder", + "chili powder", + "Mexican cheese", + "dried oregano", + "corn tortilla chips", + "flour", + "salsa", + "ground beef", + "chicken broth", + "Sriracha", + "butter", + "sour cream", + "ground cumin", + "kosher salt", + "guacamole", + "cayenne pepper", + "onions" + ] + }, + { + "id": 22137, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "soy sauce", + "sugar", + "vegetable oil", + "salmon" + ] + }, + { + "id": 44764, + "cuisine": "indian", + "ingredients": [ + "low-fat sour cream", + "vegetable oil", + "onions", + "water", + "long grain brown rice", + "black pepper", + "salt", + "chopped cilantro fresh", + "dried lentils", + "curry powder", + "mustard seeds" + ] + }, + { + "id": 28764, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "green onions", + "garlic", + "italian sausage", + "egg whites", + "extra-virgin olive oil", + "feta cheese", + "Tabasco Pepper Sauce", + "red bell pepper", + "eggs", + "baby kale", + "1% low-fat milk" + ] + }, + { + "id": 42876, + "cuisine": "cajun_creole", + "ingredients": [ + "egg yolks", + "shredded sharp cheddar cheese", + "cayenne pepper", + "shredded cheddar cheese", + "butter", + "all-purpose flour", + "crabmeat", + "American cheese", + "green onions", + "salt", + "creole seasoning", + "garlic powder", + "heavy cream", + "yellow onion", + "celery" + ] + }, + { + "id": 35177, + "cuisine": "italian", + "ingredients": [ + "ricotta", + "tomato sauce", + "spaghetti squash", + "salt" + ] + }, + { + "id": 22668, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "onions", + "green pepper", + "shredded Monterey Jack cheese", + "vegetable oil", + "chunky salsa", + "Campbell's Condensed Cream of Mushroom Soup", + "fajita size flour tortillas" + ] + }, + { + "id": 4215, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "feta cheese crumbles", + "pinenuts", + "salt", + "extra-virgin olive oil", + "fresh basil leaves", + "artichoke hearts", + "oil" + ] + }, + { + "id": 43162, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "meyer lemon", + "onions", + "green olives", + "garlic cloves", + "ground cumin", + "olive oil", + "low salt chicken broth", + "ground cinnamon", + "paprika", + "chicken" + ] + }, + { + "id": 13172, + "cuisine": "italian", + "ingredients": [ + "vodka", + "marinara sauce", + "olive oil", + "crushed red pepper flakes", + "cream", + "basil leaves", + "parmesan cheese", + "penne pasta" + ] + }, + { + "id": 49075, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "scallions", + "dried shrimp", + "chinese ham", + "fresh ginger", + "napa cabbage", + "pig's trotters", + "chicken", + "sugar", + "baking soda", + "ground pork", + "shrimp shells", + "kosher salt", + "wonton wrappers", + "konbu", + "yellow chives" + ] + }, + { + "id": 11874, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "dark rum", + "mashed banana", + "fat", + "ground nutmeg", + "vegetable oil", + "all-purpose flour", + "powdered sugar", + "baking powder", + "salt", + "sweet potatoes", + "butter", + "crushed pineapple" + ] + }, + { + "id": 8159, + "cuisine": "indian", + "ingredients": [ + "water", + "dried mint flakes", + "greek style plain yogurt", + "black pepper", + "zucchini", + "salt", + "tumeric", + "unsalted butter", + "lamb shoulder", + "curry powder", + "cinnamon", + "couscous" + ] + }, + { + "id": 36306, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sesame oil", + "Gochujang base", + "eggs", + "shiitake", + "garlic", + "carrots", + "sesame seeds", + "vegetable oil", + "rice", + "spinach", + "zucchini", + "soybean sprouts", + "ground beef" + ] + }, + { + "id": 23678, + "cuisine": "chinese", + "ingredients": [ + "rice vinegar", + "water", + "lemon juice", + "chili paste", + "sugar", + "hot chili sauce" + ] + }, + { + "id": 5636, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "ground coriander", + "tumeric", + "crushed red pepper flakes", + "saffron", + "whole cloves", + "cumin seed", + "black peppercorns", + "cinnamon", + "cardamom" + ] + }, + { + "id": 33180, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "sweet onion", + "chicken leg quarters", + "crawfish", + "garlic", + "medium shrimp", + "andouille sausage", + "olive oil", + "sliced mushrooms", + "water", + "rice" + ] + }, + { + "id": 14690, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "cream", + "chopped tomatoes", + "marinade", + "paprika", + "mustard powder", + "tomato soup", + "tumeric", + "lime juice", + "yoghurt", + "spices", + "sweet pepper", + "cumin seed", + "onions", + "nutmeg", + "fresh coriander", + "garam masala", + "chili powder", + "white wine vinegar", + "green chilies", + "ghee", + "medium curry powder", + "fresh ginger", + "chicken breasts", + "sea salt", + "tomato ketchup", + "garlic cloves", + "coriander" + ] + }, + { + "id": 15012, + "cuisine": "brazilian", + "ingredients": [ + "cooked rice", + "longaniza", + "orange slices", + "scallions", + "farofa", + "kosher salt", + "cilantro leaves", + "corned beef", + "tomatoes", + "dried black beans", + "kale", + "hot sauce", + "green bell pepper", + "pig", + "bay leaves", + "onions" + ] + }, + { + "id": 36892, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "olive oil", + "salt", + "pepper", + "garlic", + "ground cumin", + "potatoes", + "ground turkey" + ] + }, + { + "id": 49644, + "cuisine": "moroccan", + "ingredients": [ + "caster sugar", + "hot water", + "teas", + "hand", + "fresh mint", + "clove", + "salt" + ] + }, + { + "id": 12322, + "cuisine": "italian", + "ingredients": [ + "mushrooms", + "purple onion", + "green bell pepper", + "lean ground beef", + "sausages", + "dough", + "pizza sauce", + "shredded mozzarella cheese", + "cooked ham", + "butter" + ] + }, + { + "id": 6821, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "kosher salt", + "buttermilk", + "eggs", + "baking powder", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 23467, + "cuisine": "greek", + "ingredients": [ + "dried basil", + "potatoes", + "marjoram", + "white wine", + "olive oil", + "garlic", + "dried rosemary", + "water", + "lemon zest", + "lemon pepper", + "dried thyme", + "lemon", + "italian salad dressing" + ] + }, + { + "id": 9048, + "cuisine": "british", + "ingredients": [ + "baking soda", + "vanilla extract", + "lemon juice", + "white sugar", + "shortening", + "butter", + "all-purpose flour", + "corn starch", + "ground cloves", + "raisins", + "chopped walnuts", + "hot water", + "ground cinnamon", + "ground nutmeg", + "salt", + "carrots" + ] + }, + { + "id": 17655, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "lettuce leaves", + "rice vinegar", + "snow peas", + "chicken broth", + "sea scallops", + "miso", + "beansprouts", + "minced garlic", + "green onions", + "carrots", + "fresh ginger", + "fresh shiitake mushrooms", + "red bell pepper" + ] + }, + { + "id": 42649, + "cuisine": "chinese", + "ingredients": [ + "light brown sugar", + "soy sauce", + "cilantro stems", + "star anise", + "mung bean sprouts", + "hot red pepper flakes", + "water", + "mustard greens", + "scallions", + "chiles", + "peeled fresh ginger", + "chinese wheat noodles", + "garlic cloves", + "chinese rice wine", + "reduced sodium chicken broth", + "chenpi", + "beef rib short" + ] + }, + { + "id": 17601, + "cuisine": "french", + "ingredients": [ + "frozen chopped spinach", + "shallots", + "salt", + "whole nutmegs", + "ground black pepper", + "1% low-fat milk", + "garlic cloves", + "cooking spray", + "gruyere cheese", + "ham", + "olive oil", + "yukon gold potatoes", + "all-purpose flour" + ] + }, + { + "id": 47436, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "half & half", + "all-purpose flour", + "pepper", + "butter", + "elbow macaroni", + "colby cheese", + "whole milk", + "cream cheese", + "dijon mustard", + "salt" + ] + }, + { + "id": 37375, + "cuisine": "italian", + "ingredients": [ + "radicchio", + "dry white wine", + "curly endive", + "leeks", + "white rice", + "arugula", + "grated parmesan cheese", + "large garlic cloves", + "onions", + "red beans", + "vegetable broth" + ] + }, + { + "id": 17011, + "cuisine": "mexican", + "ingredients": [ + "cooked rice", + "cooking spray", + "salsa", + "sliced green onions", + "black pepper", + "non-fat sour cream", + "iceberg lettuce", + "green chile", + "diced tomatoes", + "shredded zucchini", + "flour tortillas", + "salt", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 8548, + "cuisine": "japanese", + "ingredients": [ + "cooked rice", + "enokitake", + "sesame oil", + "liquid", + "beef steak", + "soy sauce", + "spring onions", + "chinese cabbage", + "celery", + "sugar", + "mushrooms", + "button mushrooms", + "oil", + "mirin", + "fresh shiitake mushrooms", + "firm tofu", + "bamboo shoots" + ] + }, + { + "id": 24034, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "salt", + "sugar", + "all-purpose flour", + "ice water" + ] + }, + { + "id": 35507, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "salt", + "lime", + "coriander", + "pepper", + "onions", + "avocado", + "garlic" + ] + }, + { + "id": 9187, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "yellow onion", + "olive oil", + "potato chips" + ] + }, + { + "id": 45824, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "salt", + "ground white pepper", + "ground nutmeg", + "brie cheese", + "water", + "cayenne pepper", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 6592, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "hot pepper sauce", + "boneless skinless chicken breast halves", + "tomatoes", + "garlic", + "chicken broth", + "promise buttery spread", + "chopped cilantro fresh", + "lime juice", + "onions" + ] + }, + { + "id": 47215, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "soft tofu", + "bamboo shoots", + "soy sauce", + "corn starch", + "white vinegar", + "shiitake", + "ground white pepper", + "eggs", + "scallions" + ] + }, + { + "id": 44585, + "cuisine": "chinese", + "ingredients": [ + "water", + "shallots", + "garlic", + "carrots", + "soy sauce", + "Shaoxing wine", + "stir fry sauce", + "chow mein noodles", + "cabbage", + "sugar", + "baking soda", + "sesame oil", + "peanut oil", + "beansprouts", + "white pepper", + "chicken thigh fillets", + "cornflour", + "oyster sauce" + ] + }, + { + "id": 15108, + "cuisine": "mexican", + "ingredients": [ + "bean soup", + "white cheddar cheese", + "garlic cloves", + "chicken stock", + "butter", + "all-purpose flour", + "sour cream", + "whole milk", + "whipping cream", + "red bell pepper", + "green bell pepper", + "yellow bell pepper", + "salsa", + "onions" + ] + }, + { + "id": 33944, + "cuisine": "indian", + "ingredients": [ + "potatoes", + "oil", + "bread", + "salt", + "ground cumin", + "arrowroot powder", + "coriander", + "black pepper", + "green chilies" + ] + }, + { + "id": 17697, + "cuisine": "indian", + "ingredients": [ + "cooked brown rice", + "red curry paste", + "water", + "plain yogurt", + "coconut milk", + "red lentils", + "baby spinach" + ] + }, + { + "id": 27787, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "buttermilk", + "green tomatoes", + "all-purpose flour", + "vegetable oil", + "self-rising cornmeal", + "large eggs", + "salt" + ] + }, + { + "id": 12821, + "cuisine": "french", + "ingredients": [ + "chervil", + "unsalted butter", + "crème fraîche", + "white wine", + "sea salt", + "boiling water", + "crusty bread", + "mushrooms", + "all-purpose flour", + "ground black pepper", + "button mushrooms" + ] + }, + { + "id": 29328, + "cuisine": "korean", + "ingredients": [ + "kosher salt", + "sea scallops", + "baby arugula", + "all-purpose flour", + "white pepper", + "sauerkraut", + "unsalted butter", + "heavy cream", + "smoked paprika", + "white onion", + "olive oil", + "dijon mustard", + "bacon", + "sour cream", + "chicken stock", + "sumac", + "cayenne", + "dry white wine", + "ground coriander" + ] + }, + { + "id": 38043, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "butter", + "strawberries", + "cooking spray", + "vanilla extract", + "bananas", + "crepes", + "mango", + "mango chutney", + "part-skim ricotta cheese" + ] + }, + { + "id": 4947, + "cuisine": "filipino", + "ingredients": [ + "pork belly", + "jalapeno chilies", + "bay leaf", + "Accent Seasoning", + "kosher salt", + "oil", + "chicken stock", + "pork blood", + "cane vinegar", + "onions", + "fish sauce", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 35719, + "cuisine": "vietnamese", + "ingredients": [ + "lemon", + "tomato paste", + "salmon steaks", + "reduced sodium soy sauce", + "orange juice", + "dijon mustard", + "chopped garlic" + ] + }, + { + "id": 10739, + "cuisine": "spanish", + "ingredients": [ + "baking potatoes", + "rib", + "water", + "kielbasa", + "extra-virgin olive oil", + "onions", + "kale", + "garlic cloves" + ] + }, + { + "id": 48110, + "cuisine": "italian", + "ingredients": [ + "chicken breast tenders", + "portabello mushroom", + "shredded mozzarella cheese", + "pizza crust", + "parmesan cheese", + "garlic", + "onions", + "pepper", + "butter", + "salt", + "marsala wine", + "olive oil", + "heavy cream", + "flat leaf parsley" + ] + }, + { + "id": 41213, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "all-purpose flour", + "heavy cream", + "extra sharp cheddar cheese", + "unsalted butter", + "chopped fresh herbs", + "crushed red pepper flakes" + ] + }, + { + "id": 6549, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "pepper", + "potatoes", + "cayenne pepper", + "green bell pepper", + "zucchini", + "black olives", + "shredded mozzarella cheese", + "fresh tomatoes", + "grated parmesan cheese", + "salt", + "dried oregano", + "eggs", + "olive oil", + "garlic", + "chopped onion" + ] + }, + { + "id": 31336, + "cuisine": "french", + "ingredients": [ + "sea salt", + "freshly ground pepper", + "radicchio", + "purple onion", + "endive", + "vinaigrette", + "romaine lettuce", + "navel oranges", + "chèvre" + ] + }, + { + "id": 23848, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "cho-cho", + "carrots", + "chicken noodle soup", + "chicken legs", + "water", + "salt", + "celery", + "pepper", + "jamaican pumpkin", + "thyme", + "green bell pepper", + "flour", + "yams", + "onions" + ] + }, + { + "id": 40174, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "pasta shells", + "green olives", + "garlic", + "fresh basil leaves", + "ground black pepper", + "salt", + "tomatoes", + "whole milk yoghurt", + "ricotta" + ] + }, + { + "id": 13646, + "cuisine": "greek", + "ingredients": [ + "nonfat greek yogurt", + "salt", + "whole wheat pastry flour", + "cinnamon", + "baking powder", + "canned coconut milk", + "honey", + "vanilla extract" + ] + }, + { + "id": 31311, + "cuisine": "italian", + "ingredients": [ + "warm water", + "grated parmesan cheese", + "cornmeal", + "table salt", + "olive oil", + "coarse salt", + "active dry yeast", + "fresh thyme leaves", + "sugar", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 15199, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "lime juice", + "rice noodles", + "dark sesame oil", + "pepper", + "baby greens", + "salt", + "carrots", + "water", + "flank steak", + "rice vinegar", + "serrano chile", + "sugar", + "lemongrass", + "garlic", + "garlic cloves" + ] + }, + { + "id": 44588, + "cuisine": "thai", + "ingredients": [ + "orange bell pepper", + "yellow onion", + "ground chicken", + "jalapeno chilies", + "cooked white rice", + "dark soy sauce", + "ground pepper", + "peanut oil", + "minced garlic", + "vietnamese fish sauce", + "fresh basil leaves" + ] + }, + { + "id": 48422, + "cuisine": "jamaican", + "ingredients": [ + "baking powder", + "milk", + "all-purpose flour", + "kosher salt", + "vegetable oil", + "unsalted butter", + "plantains" + ] + }, + { + "id": 46751, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "shredded Monterey Jack cheese", + "olive oil", + "salsa", + "green chile", + "red pepper", + "ground cumin", + "flour tortillas", + "chopped cilantro fresh" + ] + }, + { + "id": 43299, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "pepper", + "all-purpose flour", + "eggs", + "salt", + "green tomatoes" + ] + }, + { + "id": 45045, + "cuisine": "indian", + "ingredients": [ + "vermicelli", + "saffron", + "water", + "ground cardamom", + "sugar", + "raisins", + "milk", + "ghee" + ] + }, + { + "id": 13421, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "kalamata", + "artichok heart marin", + "balsamic vinaigrette", + "roasted red peppers", + "bocconcini", + "baguette", + "baby spinach" + ] + }, + { + "id": 37983, + "cuisine": "russian", + "ingredients": [ + "eggs", + "vegetables", + "salt", + "water", + "baking powder", + "sugar", + "flour", + "milk", + "butter" + ] + }, + { + "id": 1678, + "cuisine": "chinese", + "ingredients": [ + "salt", + "chopped garlic", + "water", + "peanut oil", + "yellow onion", + "fresh green bean", + "oyster sauce" + ] + }, + { + "id": 9505, + "cuisine": "italian", + "ingredients": [ + "pepper", + "chicken breasts", + "all-purpose flour", + "fresh basil", + "ground nutmeg", + "linguine", + "low salt chicken broth", + "olive oil", + "large garlic cloves", + "chopped onion", + "spinach", + "shredded reduced fat reduced sodium swiss cheese", + "salt" + ] + }, + { + "id": 11420, + "cuisine": "chinese", + "ingredients": [ + "potato starch", + "water", + "salt", + "white vinegar", + "sugar", + "vegetable oil", + "onions", + "pineapple chunks", + "boneless skinless chicken breasts", + "lemon slices", + "cold water", + "ketchup", + "red pepper", + "white sugar" + ] + }, + { + "id": 26827, + "cuisine": "thai", + "ingredients": [ + "lime", + "rice noodles", + "roasted peanuts", + "beansprouts", + "eggs", + "green onions", + "garlic", + "tamarind concentrate", + "palm sugar", + "cilantro", + "peanut oil", + "fish sauce", + "shallots", + "chili sauce", + "shrimp" + ] + }, + { + "id": 15825, + "cuisine": "chinese", + "ingredients": [ + "pasta", + "active dry yeast", + "all purpose unbleached flour", + "scallions", + "warm water", + "hoisin sauce", + "cake flour", + "bamboo shoots", + "sugar", + "Sriracha", + "fine sea salt", + "cucumber", + "steamer", + "vegetable oil", + "roasting chickens" + ] + }, + { + "id": 49627, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "flour tortillas", + "chunky salsa", + "Campbell's Condensed Cream of Chicken Soup", + "boneless skinless chicken breasts", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 11377, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "egg whites", + "tortillas", + "taco seasoning", + "corn", + "purple onion", + "reduced fat shredded cheese", + "large eggs", + "chopped cilantro" + ] + }, + { + "id": 45155, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "white sugar", + "yellow corn meal", + "vegetable oil", + "eggs", + "salt", + "milk", + "all-purpose flour" + ] + }, + { + "id": 40456, + "cuisine": "japanese", + "ingredients": [ + "dough", + "whole wheat flour", + "chili powder", + "cumin seed", + "mango", + "garlic paste", + "coriander powder", + "cilantro leaves", + "ghee", + "water", + "flour", + "green chilies", + "frozen peas", + "fennel seeds", + "garam masala", + "salt", + "mustard oil", + "asafetida" + ] + }, + { + "id": 2704, + "cuisine": "italian", + "ingredients": [ + "pepper", + "mushrooms", + "red pepper", + "flat leaf parsley", + "romano cheese", + "olive oil", + "baby spinach", + "salt", + "yellow peppers", + "eggs", + "dried basil", + "ricotta cheese", + "garlic", + "onions", + "mozzarella cheese", + "parmesan cheese", + "red pepper flakes", + "oven-ready lasagna noodles", + "dried oregano" + ] + }, + { + "id": 16262, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "taco seasoning mix", + "jalapeno chilies", + "diced tomatoes", + "onions", + "tostada shells", + "ground black pepper", + "chili powder", + "ground turkey", + "pasta sauce", + "olive oil", + "guajillo chile powder", + "salt", + "spaghetti", + "bread crumbs", + "grated parmesan cheese", + "chile pepper", + "chipotles in adobo" + ] + }, + { + "id": 8434, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "green onions", + "carrots", + "Boston lettuce", + "reduced sodium soy sauce", + "garlic", + "boneless skinless chicken breast halves", + "hot pepper sauce", + "I Can't Believe It's Not Butter!® Spread", + "corn starch", + "honey", + "water chestnuts", + "rice vinegar" + ] + }, + { + "id": 20933, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "coarse salt", + "onions", + "rosemary", + "extra-virgin olive oil", + "chicken", + "white wine", + "bacon", + "noodles", + "chicken broth", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 41927, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "juice", + "pizza doughs", + "plum tomatoes", + "mozzarella cheese", + "flour for dusting", + "salt", + "fresh basil leaves" + ] + }, + { + "id": 21622, + "cuisine": "french", + "ingredients": [ + "grated orange peel", + "unsalted butter", + "fresh orange juice", + "water", + "sherry wine vinegar", + "sugar", + "shallots", + "low salt chicken broth", + "orange", + "duck breast halves" + ] + }, + { + "id": 421, + "cuisine": "korean", + "ingredients": [ + "eggs", + "black pepper", + "anchovies", + "mushrooms", + "crushed red pepper flakes", + "Gochujang base", + "dried red chile peppers", + "gai lan", + "minced garlic", + "gochugaru", + "rice wine", + "shimeji mushrooms", + "kelp", + "noodles", + "cooked rice", + "chili pepper", + "chili paste", + "green onions", + "garlic", + "seaweed", + "bok choy", + "wasabi", + "soy sauce", + "water", + "vinegar", + "sesame oil", + "beef sirloin", + "kimchi" + ] + }, + { + "id": 38505, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "olive oil", + "fresh parsley", + "minced garlic", + "salt", + "ground black pepper" + ] + }, + { + "id": 12388, + "cuisine": "italian", + "ingredients": [ + "all-purpose flour", + "ground pepper", + "garlic cloves", + "olive oil", + "pizza doughs", + "coarse salt" + ] + }, + { + "id": 43642, + "cuisine": "italian", + "ingredients": [ + "fettuccine pasta", + "minced garlic", + "pesto", + "butter" + ] + }, + { + "id": 21882, + "cuisine": "italian", + "ingredients": [ + "honey", + "cannellini beans", + "grated lemon zest", + "fresh parsley", + "tuna packed in water", + "dijon mustard", + "salt", + "fresh lemon juice", + "olive oil", + "red wine vinegar", + "chickpeas", + "ground black pepper", + "purple onion", + "garlic cloves" + ] + }, + { + "id": 5249, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "chili powder", + "ground beef", + "taco sauce", + "garlic powder", + "salt", + "taco shells", + "finely chopped onion", + "cayenne pepper", + "tomatoes", + "water", + "shredded lettuce" + ] + }, + { + "id": 1226, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "mascarpone", + "fresh chives", + "pasta", + "parmigiano reggiano cheese" + ] + }, + { + "id": 21023, + "cuisine": "indian", + "ingredients": [ + "water", + "vegetable oil", + "baking soda", + "ground cardamom", + "milk", + "all-purpose flour", + "sugar", + "powdered milk", + "ghee" + ] + }, + { + "id": 8160, + "cuisine": "italian", + "ingredients": [ + "half & half", + "confectioners sugar", + "coffee granules", + "all-purpose flour", + "vanilla extract", + "butter", + "unsweetened cocoa powder" + ] + }, + { + "id": 49618, + "cuisine": "italian", + "ingredients": [ + "water", + "broccoli rabe", + "freshly ground pepper", + "onions", + "dried thyme", + "dry white wine", + "flat leaf parsley", + "crushed tomatoes", + "mild Italian sausage", + "garlic cloves", + "chicken stock", + "olive oil", + "salt", + "cornmeal" + ] + }, + { + "id": 40453, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "parmesan cheese", + "butter", + "salt", + "pepper", + "dry white wine", + "heavy cream", + "flat leaf parsley", + "capers", + "flour", + "lemon", + "white mushrooms", + "olive oil", + "chicken breasts", + "linguine" + ] + }, + { + "id": 33676, + "cuisine": "chinese", + "ingredients": [ + "water", + "shallots", + "garlic", + "brown sugar", + "green onions", + "chicken drumsticks", + "cooking sherry", + "soy sauce", + "napa cabbage leaves", + "ground pork", + "cooked rice", + "fresh ginger", + "vegetable oil", + "salt" + ] + }, + { + "id": 11821, + "cuisine": "french", + "ingredients": [ + "boneless chicken breast", + "kalamata", + "tomatoes", + "dry white wine", + "chicken broth", + "leeks", + "grated orange", + "olive oil", + "large garlic cloves" + ] + }, + { + "id": 37998, + "cuisine": "mexican", + "ingredients": [ + "fat free less sodium chicken broth", + "cooking spray", + "garlic cloves", + "fresh lime juice", + "brown sugar", + "dried cherry", + "salt", + "masa dough", + "tomato sauce", + "pork tenderloin", + "chopped onion", + "ancho chile pepper", + "corn husks", + "lime wedges", + "hot water", + "ground cumin" + ] + }, + { + "id": 13730, + "cuisine": "mexican", + "ingredients": [ + "sweet pepper", + "nonstick spray", + "extra lean ground beef", + "frozen corn kernels", + "salt", + "ground cumin", + "diced tomatoes", + "goat cheese" + ] + }, + { + "id": 42908, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "bacon", + "tomato sauce", + "olive oil", + "butter beans", + "white onion", + "Tabasco Pepper Sauce", + "collard greens", + "water", + "salt" + ] + }, + { + "id": 29139, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "rice noodles", + "garlic cloves", + "low sodium soy sauce", + "green onions", + "unsalted dry roast peanuts", + "beansprouts", + "sugar", + "vegetable oil", + "shrimp", + "eggs", + "lime wedges", + "crushed red pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 8823, + "cuisine": "thai", + "ingredients": [ + "water", + "garlic", + "carrots", + "soy sauce", + "red pepper flakes", + "peanut butter", + "bell pepper", + "rice vinegar", + "chicken", + "mozzarella cheese", + "ginger", + "scallions" + ] + }, + { + "id": 8475, + "cuisine": "moroccan", + "ingredients": [ + "minced garlic", + "ground coriander", + "cornish game hens", + "cayenne pepper", + "curry powder", + "ground cumin" + ] + }, + { + "id": 39786, + "cuisine": "jamaican", + "ingredients": [ + "cooked rice", + "ground black pepper", + "worcestershire sauce", + "allspice berries", + "canola oil", + "light brown sugar", + "kosher salt", + "beef stock", + "yellow onion", + "thyme", + "habanero chile", + "flour", + "garlic", + "carrots", + "tomato paste", + "minced ginger", + "oxtails", + "scallions", + "celery" + ] + }, + { + "id": 43587, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "ground black pepper", + "vegetable oil", + "all-purpose flour", + "garlic powder", + "ground red pepper", + "salt", + "pecans", + "large eggs", + "butter", + "hot sauce", + "milk", + "dry white wine", + "whipping cream", + "lemon juice" + ] + }, + { + "id": 17925, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "large egg yolks", + "1% low-fat milk", + "orange juice", + "sugar", + "almond extract", + "salt", + "cream of tartar", + "large egg whites", + "vanilla extract", + "strawberries", + "slivered almonds", + "granulated sugar", + "cake flour", + "grated orange" + ] + }, + { + "id": 16544, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "garlic", + "tomatillos", + "jalapeno chilies", + "onions", + "cilantro" + ] + }, + { + "id": 29488, + "cuisine": "chinese", + "ingredients": [ + "sirloin steak", + "corn starch", + "oyster-flavor sauc", + "canola oil", + "crushed red pepper", + "bok choy", + "rice wine", + "shrimp" + ] + }, + { + "id": 15684, + "cuisine": "french", + "ingredients": [ + "garlic cloves", + "grated parmesan cheese", + "salt", + "olive oil", + "fresh basil leaves" + ] + }, + { + "id": 39020, + "cuisine": "mexican", + "ingredients": [ + "milk", + "cinnamon sticks", + "piloncillo", + "mexican chocolate", + "star anise", + "masa harina", + "warm water", + "salt" + ] + }, + { + "id": 24890, + "cuisine": "italian", + "ingredients": [ + "tomato purée", + "water", + "cheese slices", + "onions", + "sugar", + "olive oil", + "ricotta cheese", + "oregano", + "tomato paste", + "pepper", + "lasagna noodles", + "salt", + "ground chuck", + "parmesan cheese", + "garlic" + ] + }, + { + "id": 1331, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "fresh cilantro", + "cinnamon", + "salt", + "lemon juice", + "celery ribs", + "black pepper", + "zucchini", + "paprika", + "chickpeas", + "onions", + "tumeric", + "olive oil", + "butter", + "cayenne pepper", + "carrots", + "pasta", + "water", + "potatoes", + "vegetable broth", + "lamb", + "saffron" + ] + }, + { + "id": 32179, + "cuisine": "thai", + "ingredients": [ + "fat free less sodium chicken broth", + "lemongrass", + "rice vinegar", + "Thai fish sauce", + "water", + "lime wedges", + "garlic cloves", + "sliced green onions", + "Thai chili paste", + "ground black pepper", + "chopped onion", + "chicken thighs", + "jasmine rice", + "peeled fresh ginger", + "baby carrots", + "chopped cilantro fresh" + ] + }, + { + "id": 29454, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "cilantro", + "oil", + "cumin", + "cheddar cheese", + "corn", + "salt", + "onions", + "chicken", + "pepper", + "garlic", + "enchilada sauce", + "monterey jack", + "chipotle chile", + "diced tomatoes", + "spaghetti squash", + "oregano" + ] + }, + { + "id": 8902, + "cuisine": "jamaican", + "ingredients": [ + "brown sugar", + "rum", + "vanilla", + "coconut milk", + "flour", + "butter", + "yams", + "evaporated milk", + "baking powder", + "salt", + "nutmeg", + "sweet potatoes", + "raisins", + "sherry wine" + ] + }, + { + "id": 49154, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "boneless skinless chicken breasts", + "onions", + "kosher salt", + "dry white wine", + "garlic", + "long grain white rice", + "pepper", + "pimentos", + "flat leaf parsley", + "green bell pepper, slice", + "diced tomatoes", + "frozen peas" + ] + }, + { + "id": 46271, + "cuisine": "chinese", + "ingredients": [ + "cauliflowerets", + "celery", + "boneless skinless chicken breasts", + "carrots", + "cabbage", + "broccoli florets", + "teriyaki sauce", + "onions", + "ramen noodles", + "beansprouts", + "canola oil" + ] + }, + { + "id": 11946, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning", + "cilantro", + "cream of mushroom soup", + "boneless skinless chicken breasts", + "sour cream", + "salsa" + ] + }, + { + "id": 32992, + "cuisine": "southern_us", + "ingredients": [ + "barbecue sauce", + "pork butt", + "dry rub" + ] + }, + { + "id": 39595, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "ground cloves", + "large eggs", + "grated nutmeg", + "confectioners sugar", + "ground cinnamon", + "unsalted butter", + "cake flour", + "fresh lemon juice", + "ground ginger", + "baking soda", + "baking powder", + "ground allspice", + "sour cream", + "pure vanilla extract", + "pecans", + "lemon zest", + "salt", + "cream cheese, soften" + ] + }, + { + "id": 14279, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "white sugar", + "water", + "salt", + "peanuts", + "softened butter", + "light corn syrup" + ] + }, + { + "id": 1916, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "pork loin chops", + "serrano chile", + "garlic", + "medium shrimp", + "Vietnamese coriander", + "fresh lime juice", + "fish sauce", + "salt", + "green papaya" + ] + }, + { + "id": 35512, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "coarse salt", + "fresh lime juice", + "minced onion", + "plum tomatoes" + ] + }, + { + "id": 24055, + "cuisine": "cajun_creole", + "ingredients": [ + "mayonaise", + "pork tenderloin", + "salt", + "fresh parsley", + "capers", + "dried thyme", + "extra-virgin olive oil", + "provolone cheese", + "black pepper", + "french bread", + "cayenne pepper", + "pimento stuffed green olives", + "pitted black olives", + "roasted red peppers", + "garlic", + "fresh lemon juice" + ] + }, + { + "id": 40545, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "hot pepper", + "ground black pepper", + "fresh lemon juice", + "olive oil", + "large garlic cloves", + "capers", + "large eggs" + ] + }, + { + "id": 15125, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "fresh parmesan cheese", + "large egg whites", + "fresh parsley", + "dried basil", + "ground turkey", + "tomato sauce", + "olive oil", + "spaghetti" + ] + }, + { + "id": 15022, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "ginger", + "onions", + "cooking oil", + "salt", + "water", + "garlic", + "chicken", + "spinach", + "chicken meat", + "chayotes" + ] + }, + { + "id": 17746, + "cuisine": "southern_us", + "ingredients": [ + "cooked ham", + "vermouth", + "vegetable oil", + "all-purpose flour", + "milk", + "ground red pepper", + "whipping cream", + "shrimp", + "catfish fillets", + "large eggs", + "lemon wedge", + "salt", + "minced garlic", + "green onions", + "butter", + "lemon juice" + ] + }, + { + "id": 35113, + "cuisine": "italian", + "ingredients": [ + "chocolate bars", + "brewed espresso", + "gelato" + ] + }, + { + "id": 15958, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "fresh lime juice", + "sugar", + "garlic cloves", + "chopped cilantro fresh", + "tomatillos", + "onions", + "kosher salt", + "low salt chicken broth", + "serrano chile" + ] + }, + { + "id": 28092, + "cuisine": "thai", + "ingredients": [ + "chicken breasts", + "green beans", + "onions", + "coarse salt", + "fresh lime juice", + "long grain white rice", + "vegetable oil", + "coconut milk", + "fresh basil leaves", + "reduced sodium chicken broth", + "corn starch", + "thai green curry paste" + ] + }, + { + "id": 18315, + "cuisine": "vietnamese", + "ingredients": [ + "baby bok choy", + "butternut squash", + "vietnamese fish sauce", + "coconut milk", + "lime zest", + "lime juice", + "vegetable oil", + "firm tofu", + "brown sugar", + "steamed rice", + "Thai red curry paste", + "red bell pepper", + "tapioca flour", + "shallots", + "cilantro leaves", + "kaffir lime" + ] + }, + { + "id": 23069, + "cuisine": "southern_us", + "ingredients": [ + "coconut", + "apples", + "sugar", + "bananas", + "fruit", + "cherries", + "pecans", + "orange", + "crushed pineapples in juice" + ] + }, + { + "id": 7351, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "honey", + "ground allspice", + "roasted hazelnuts", + "candied lemon peel", + "candied citron peel", + "candied orange peel", + "vanilla extract", + "toasted almonds", + "ground cinnamon", + "sugar", + "all-purpose flour", + "unsweetened cocoa powder" + ] + }, + { + "id": 46207, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "heavy cream", + "caramel sauce", + "ice cream", + "coca-cola", + "egg yolks", + "salted peanuts", + "milk", + "salted roast peanuts" + ] + }, + { + "id": 49092, + "cuisine": "mexican", + "ingredients": [ + "baby spinach leaves", + "butter", + "flour tortillas", + "enchilada sauce", + "Mexican cheese blend", + "taco seasoning", + "flour", + "chopped cilantro" + ] + }, + { + "id": 27230, + "cuisine": "french", + "ingredients": [ + "pearl onions", + "shallots", + "yellow onion", + "chicken pieces", + "parsley sprigs", + "zucchini", + "salt", + "ground white pepper", + "sugar pea", + "dry white wine", + "all-purpose flour", + "thyme sprigs", + "chicken broth", + "olive oil", + "summer squash", + "carrots" + ] + }, + { + "id": 37317, + "cuisine": "italian", + "ingredients": [ + "garlic cloves", + "butter", + "frozen peas", + "bacon slices", + "flat leaf parsley" + ] + }, + { + "id": 16218, + "cuisine": "french", + "ingredients": [ + "almond extract", + "bittersweet chocolate", + "sugar", + "sour cherries", + "brioche", + "heavy cream", + "unsalted butter", + "kirsch" + ] + }, + { + "id": 31840, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "vegetable oil", + "garlic cloves", + "dark soy sauce", + "beef stock", + "star anise", + "coriander", + "tomatoes", + "beef", + "ginger", + "onions", + "jasmine rice", + "muscovado sugar", + "chinese five-spice powder", + "peppercorns" + ] + }, + { + "id": 27170, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "lime", + "sea salt", + "pepper", + "chili powder", + "olive oil", + "garlic" + ] + }, + { + "id": 22892, + "cuisine": "mexican", + "ingredients": [ + "bell pepper", + "salsa", + "garlic salt", + "cooked rice", + "cilantro", + "Mexican cheese", + "chili powder", + "butter oil", + "cumin", + "black beans", + "garlic", + "onions" + ] + }, + { + "id": 18832, + "cuisine": "indian", + "ingredients": [ + "low-fat plain yogurt", + "boneless skinless chicken breasts", + "cilantro leaves", + "ginger root", + "garam masala", + "paprika", + "cayenne pepper", + "brown basmati rice", + "mild curry powder", + "sea salt", + "nonfat yogurt plain", + "fresh mint", + "raw honey", + "garlic", + "lemon juice" + ] + }, + { + "id": 39015, + "cuisine": "mexican", + "ingredients": [ + "clove", + "unsalted butter", + "cumin seed", + "ancho chile pepper", + "cider vinegar", + "turkey", + "thyme leaves", + "allspice", + "water", + "all-purpose flour", + "cinnamon sticks", + "guajillo chiles", + "vegetable oil", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 15033, + "cuisine": "brazilian", + "ingredients": [ + "ginger beer", + "peeled fresh ginger", + "ice cubes", + "mint leaves", + "lime", + "fresh lime juice", + "sugar", + "rum" + ] + }, + { + "id": 36221, + "cuisine": "chinese", + "ingredients": [ + "light pancake syrup", + "Grand Marnier", + "sugar", + "mandarin oranges", + "mint leaves", + "mascarpone", + "reduced-fat sour cream" + ] + }, + { + "id": 37714, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "roma tomatoes", + "firm tofu", + "fish sauce", + "pepper", + "ground pork", + "oil", + "tomato paste", + "msg", + "green onions", + "chopped onion", + "tomato sauce", + "water", + "salt" + ] + }, + { + "id": 40957, + "cuisine": "french", + "ingredients": [ + "beef bones", + "ground black pepper", + "provolone cheese", + "mustard", + "olive oil", + "cracked black pepper", + "canola oil", + "kosher salt", + "butter", + "low sodium beef stock", + "boneless beef roast", + "french sandwich rolls", + "dry red wine" + ] + }, + { + "id": 4728, + "cuisine": "thai", + "ingredients": [ + "green onions", + "peanut sauce", + "shrimp", + "eggs", + "rice noodles", + "roasted peanuts", + "shallots", + "garlic", + "beansprouts", + "lime", + "cilantro", + "peanut oil" + ] + }, + { + "id": 3075, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "maltose", + "oyster sauce", + "hoisin sauce", + "chili sauce", + "pork belly", + "garlic", + "kiwi", + "Shaoxing wine", + "chinese five-spice powder" + ] + }, + { + "id": 847, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "kosher salt", + "green onions", + "rice vinegar", + "orange peel", + "sushi rice", + "sesame seeds", + "McCormick Poppy Seed", + "carrots", + "McCormick Ground White Pepper", + "frozen shelled edamame", + "boneless chicken skinless thigh", + "mirin", + "spices", + "soy sauce", + "water", + "ground red pepper", + "McCormick Ground Ginger", + "nori", + "corn starch" + ] + }, + { + "id": 33593, + "cuisine": "british", + "ingredients": [ + "brussels sprouts", + "oil", + "new potatoes", + "breakfast sausages", + "pearl onions" + ] + }, + { + "id": 39886, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "fresh lime juice", + "thai chile", + "shredded carrots", + "fish sauce", + "garlic" + ] + }, + { + "id": 25329, + "cuisine": "irish", + "ingredients": [ + "sugar", + "salt", + "large eggs", + "cream cheese", + "Baileys Irish Cream Liqueur", + "all-purpose flour", + "butter", + "unsweetened chocolate" + ] + }, + { + "id": 47726, + "cuisine": "thai", + "ingredients": [ + "canola", + "garlic", + "roasted peanuts", + "chile sauce", + "fish sauce", + "palm sugar", + "dried rice noodles", + "beansprouts", + "chicken", + "eggs", + "lime", + "cilantro leaves", + "tamarind concentrate", + "large shrimp", + "water", + "green onions", + "firm tofu", + "sliced shallots" + ] + }, + { + "id": 30927, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "olive oil", + "salt", + "corn", + "cilantro", + "hass avocado", + "pepper", + "jalapeno chilies", + "scallions", + "tomatoes", + "lime", + "purple onion" + ] + }, + { + "id": 47233, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "salt", + "brown sugar", + "apple cider vinegar", + "garlic cloves", + "minced onion", + "cayenne pepper", + "aleppo pepper", + "paprika" + ] + }, + { + "id": 13280, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "vinegar", + "garlic", + "scallions", + "nutmeg", + "pepper", + "cinnamon", + "ground allspice", + "black pepper", + "vegetable oil", + "salt", + "onions", + "brown sugar", + "fresh thyme", + "ginger", + "orange juice" + ] + }, + { + "id": 35389, + "cuisine": "french", + "ingredients": [ + "frozen chopped spinach", + "green onions", + "worcestershire sauce", + "pepper", + "shredded swiss cheese", + "salt", + "milk", + "refrigerated piecrusts", + "fresh parsley", + "large eggs", + "butter", + "onions" + ] + }, + { + "id": 5019, + "cuisine": "japanese", + "ingredients": [ + "heeng", + "flour", + "lemon juice", + "ginger paste", + "curry leaves", + "water", + "salt", + "jeera", + "red chili powder", + "chili paste", + "oil", + "ground turmeric", + "fennel seeds", + "moong dal", + "dhaniya powder", + "corn starch" + ] + }, + { + "id": 40060, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "diced tomatoes", + "olive oil", + "cumin seed", + "tomato paste", + "boneless skinless chicken breasts", + "onions", + "curry powder", + "garlic" + ] + }, + { + "id": 4915, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "tortilla chips", + "shredded cheddar cheese", + "ground beef", + "cream of chicken soup" + ] + }, + { + "id": 24093, + "cuisine": "greek", + "ingredients": [ + "coarse salt", + "fresh mint", + "soy sauce", + "freshly ground pepper", + "clarified butter", + "phyllo dough", + "baby spinach", + "flat leaf parsley", + "olive oil", + "scallions", + "long grain white rice" + ] + }, + { + "id": 243, + "cuisine": "thai", + "ingredients": [ + "sugar", + "salt", + "water", + "creamy peanut butter", + "distilled vinegar", + "coconut milk", + "Thai red curry paste" + ] + }, + { + "id": 44561, + "cuisine": "korean", + "ingredients": [ + "butter lettuce", + "kosher salt", + "sesame oil", + "cabbage", + "sambal ulek", + "sugar", + "fresh ginger", + "scallions", + "boneless pork shoulder", + "mayonaise", + "lime", + "garlic", + "red chili powder", + "sweet chili sauce", + "reduced sodium soy sauce", + "carrots" + ] + }, + { + "id": 18533, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "butter", + "boneless skinless chicken breast halves", + "olive oil", + "Hidden Valley® Original Ranch® Spicy Ranch Dressing", + "pepper", + "peach slices", + "dijon mustard", + "salt" + ] + }, + { + "id": 32108, + "cuisine": "chinese", + "ingredients": [ + "dark brown sugar", + "fresh ginger", + "bone in skin on chicken thigh", + "soy sauce", + "toasted sesame oil", + "ground black pepper", + "chopped garlic" + ] + }, + { + "id": 26959, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "basmati rice", + "vanilla extract", + "sugar", + "cinnamon sticks" + ] + }, + { + "id": 38108, + "cuisine": "filipino", + "ingredients": [ + "green bell pepper", + "salt and ground black pepper", + "garlic", + "soy sauce", + "potatoes", + "pork", + "pork liver", + "onions", + "tomatoes", + "olive oil", + "lemon" + ] + }, + { + "id": 25016, + "cuisine": "southern_us", + "ingredients": [ + "fresh rosemary", + "ice", + "satsumas", + "club soda" + ] + }, + { + "id": 27302, + "cuisine": "chinese", + "ingredients": [ + "black beans", + "peanut oil", + "red pepper flakes", + "shallots", + "chinese five-spice powder", + "sugar", + "salt" + ] + }, + { + "id": 40761, + "cuisine": "italian", + "ingredients": [ + "yukon gold potatoes", + "extra-virgin olive oil", + "oregano", + "Italian parsley leaves", + "garlic cloves", + "lemon", + "fine sea salt", + "kalamata", + "black cod" + ] + }, + { + "id": 39763, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "red leaf lettuce", + "ground black pepper", + "buttermilk", + "salt", + "carrots", + "green cabbage", + "cider vinegar", + "baking soda", + "vegetable shortening", + "purple onion", + "fresh lemon juice", + "ground cayenne pepper", + "green bell pepper", + "corn", + "red cabbage", + "yellow bell pepper", + "all-purpose flour", + "celery seed", + "dressing", + "safflower oil", + "peanuts", + "baking powder", + "dijon style mustard", + "hot sauce", + "red bell pepper" + ] + }, + { + "id": 38175, + "cuisine": "mexican", + "ingredients": [ + "brie cheese", + "whole wheat tortillas", + "cranberry sauce", + "turkey" + ] + }, + { + "id": 116, + "cuisine": "french", + "ingredients": [ + "haricots verts", + "sea salt", + "fresh chives", + "greek yogurt", + "granny smith apples", + "fine sea salt", + "avocado", + "French mustard", + "lobster meat" + ] + }, + { + "id": 41760, + "cuisine": "italian", + "ingredients": [ + "lemon zest", + "bittersweet chocolate", + "hazelnuts", + "salt", + "cake flour", + "unsalted butter", + "confectioners sugar" + ] + }, + { + "id": 13063, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "purple onion", + "pepper", + "chili powder", + "pizza crust", + "chicken breasts", + "salt", + "garlic powder", + "cilantro" + ] + }, + { + "id": 3355, + "cuisine": "mexican", + "ingredients": [ + "water", + "baking powder", + "corn husks", + "lard", + "corn", + "poblano chiles", + "white onion", + "flour", + "cornmeal" + ] + }, + { + "id": 3459, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "vegan cheese", + "sea salt", + "chopped cilantro fresh", + "mild olive oil", + "arrowroot starch", + "garlic", + "ground cumin", + "green chile", + "lime", + "chili powder", + "corn tortillas", + "black beans", + "sweet potatoes", + "vegetable broth", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 33538, + "cuisine": "chinese", + "ingredients": [ + "pork ribs", + "soy sauce", + "vinegar", + "hoisin sauce", + "clear honey", + "chinese five-spice powder" + ] + }, + { + "id": 3723, + "cuisine": "korean", + "ingredients": [ + "stock", + "sesame seeds", + "large eggs", + "carrots", + "soy sauce", + "gochugaru", + "salt", + "onions", + "eggs", + "water", + "zucchini", + "scallions", + "toasted sesame seeds", + "fish sauce", + "vegetables", + "mushrooms", + "shrimp" + ] + }, + { + "id": 12776, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "turkey broth", + "cinnamon", + "cilantro leaves", + "onions", + "tomato paste", + "kosher salt", + "cayenne", + "raw cashews", + "cardamom pods", + "ground turmeric", + "eggs", + "turkey legs", + "golden raisins", + "garlic", + "ghee", + "clove", + "plain yogurt", + "garam masala", + "ginger", + "sauce", + "basmati rice" + ] + }, + { + "id": 12062, + "cuisine": "southern_us", + "ingredients": [ + "amchur", + "garlic", + "cinnamon sticks", + "ground turmeric", + "red chili powder", + "coriander powder", + "cumin seed", + "onions", + "tomatoes", + "black-eyed peas", + "salt", + "dried red chile peppers", + "asafetida", + "water", + "ginger", + "oil", + "greens" + ] + }, + { + "id": 1281, + "cuisine": "irish", + "ingredients": [ + "nonfat buttermilk", + "baking powder", + "margarine", + "sugar", + "salt", + "vegetable oil cooking spray", + "butter", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 11442, + "cuisine": "italian", + "ingredients": [ + "spaghetti, cook and drain", + "ragu", + "eggs", + "italian seasoned dry bread crumbs", + "lean ground beef" + ] + }, + { + "id": 28774, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "cooked chicken", + "shredded mozzarella cheese", + "pinenuts", + "lasagna noodles, cooked and drained", + "ricotta cheese", + "salt and ground black pepper", + "Alfredo sauce", + "portabello mushroom", + "frozen chopped spinach", + "marinara sauce", + "vegetable oil", + "dried oregano" + ] + }, + { + "id": 9378, + "cuisine": "british", + "ingredients": [ + "sea salt", + "large free range egg", + "milk", + "spelt flour", + "vegetable oil" + ] + }, + { + "id": 14680, + "cuisine": "southern_us", + "ingredients": [ + "spicy brown mustard", + "ketchup", + "horseradish sauce", + "orange marmalade", + "catfish fillets", + "creole seasoning" + ] + }, + { + "id": 45747, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh lemon juice", + "crushed red pepper", + "dried oregano", + "dried basil", + "garlic cloves", + "white wine vinegar", + "fresh parsley" + ] + }, + { + "id": 16861, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "sliced carrots", + "salt", + "onions", + "water", + "spices", + "garlic cloves", + "beans", + "vegetable oil", + "scallions", + "chicken", + "diced potatoes", + "vinegar", + "green peas", + "thyme" + ] + }, + { + "id": 9440, + "cuisine": "irish", + "ingredients": [ + "chicken broth", + "carrots", + "water", + "cabbage", + "red potato", + "onions", + "beef brisket" + ] + }, + { + "id": 4152, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "fennel bulb", + "lemon juice", + "walnut oil", + "walnut pieces", + "salt", + "shrimp", + "butter lettuce", + "dijon mustard", + "carrots", + "water", + "freshly ground pepper", + "champagne vinegar" + ] + }, + { + "id": 36248, + "cuisine": "mexican", + "ingredients": [ + "enchilada sauce", + "green onions", + "chicken", + "corn tortillas", + "cooked chicken", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 34598, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "garlic salt", + "shredded Italian cheese", + "olive oil", + "Italian bread" + ] + }, + { + "id": 7372, + "cuisine": "southern_us", + "ingredients": [ + "lime zest", + "unsalted butter", + "sweetened condensed milk", + "sugar", + "graham cracker crumbs", + "powdered sugar", + "egg yolks", + "lime juice", + "heavy whipping cream" + ] + }, + { + "id": 28706, + "cuisine": "mexican", + "ingredients": [ + "reduced fat cheddar cheese", + "organic vegetable broth", + "Mexican seasoning mix", + "chunky salsa", + "black beans", + "veggie crumbles", + "pepper" + ] + }, + { + "id": 13930, + "cuisine": "thai", + "ingredients": [ + "eggs", + "garlic powder", + "all-purpose flour", + "pepper", + "cilantro", + "canola oil", + "sweet chili sauce", + "chicken breasts", + "carrots", + "milk", + "salt" + ] + }, + { + "id": 18531, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "whole wheat tortillas", + "cilantro leaves", + "long grain white rice", + "water", + "ground red pepper", + "salt", + "chopped cilantro", + "cremini mushrooms", + "jalapeno chilies", + "cheese", + "fresh lemon juice", + "canola oil", + "grape tomatoes", + "zucchini", + "reduced-fat sour cream", + "chopped onion", + "chopped garlic" + ] + }, + { + "id": 19767, + "cuisine": "british", + "ingredients": [ + "tomato paste", + "rosemary", + "dry red wine", + "carrots", + "veal kidneys", + "milk", + "worcestershire sauce", + "oil", + "onions", + "eggs", + "flour", + "salt", + "steak", + "pepper", + "mushrooms", + "beef broth", + "tarragon" + ] + }, + { + "id": 34891, + "cuisine": "thai", + "ingredients": [ + "curry powder", + "green onions", + "mustard greens", + "dried chile", + "sugar", + "egg noodles", + "lime wedges", + "Thai red curry paste", + "coconut milk", + "fish sauce", + "peanuts", + "shallots", + "cilantro", + "sliced shallots", + "boneless chicken skinless thigh", + "low sodium chicken broth", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 19110, + "cuisine": "indian", + "ingredients": [ + "radishes", + "fresh lime juice", + "plain low-fat yogurt", + "salt", + "golden raisins", + "ground cumin", + "hot pepper sauce", + "cucumber" + ] + }, + { + "id": 38784, + "cuisine": "southern_us", + "ingredients": [ + "slaw", + "juice", + "pickled okra" + ] + }, + { + "id": 5584, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "jalapeno chilies", + "beaten eggs", + "sour cream", + "corn", + "coarse salt", + "all-purpose flour", + "milk", + "baking powder", + "shredded sharp cheddar cheese", + "chicken", + "unsalted butter", + "ice water", + "light cream cheese" + ] + }, + { + "id": 34391, + "cuisine": "filipino", + "ingredients": [ + "water", + "oil", + "soy sauce", + "lemon", + "pork", + "potatoes", + "onions", + "pepper", + "salt" + ] + }, + { + "id": 18156, + "cuisine": "italian", + "ingredients": [ + "pepper", + "lemon", + "shredded mozzarella cheese", + "romano cheese", + "zucchini", + "salt", + "olive oil", + "garlic", + "bread crumbs", + "chicken cutlets", + "non stick spray" + ] + }, + { + "id": 6978, + "cuisine": "spanish", + "ingredients": [ + "green bell pepper", + "dry white wine", + "red bell pepper", + "minced garlic", + "salt", + "bottled clam juice", + "extra-virgin olive oil", + "chopped parsley", + "mussels", + "vinegar", + "chopped onion" + ] + }, + { + "id": 10244, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "extra-virgin olive oil", + "milk", + "unsalted butter", + "fontina cheese", + "asparagus", + "crusty loaf", + "large egg yolks", + "large garlic cloves" + ] + }, + { + "id": 7362, + "cuisine": "mexican", + "ingredients": [ + "quinoa", + "purple onion", + "pepper", + "jalapeno chilies", + "chicken broth", + "roma tomatoes", + "salt", + "lime", + "cilantro" + ] + }, + { + "id": 46423, + "cuisine": "brazilian", + "ingredients": [ + "chocolate", + "sweetened condensed milk", + "butter" + ] + }, + { + "id": 38054, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garam masala", + "curds", + "cauliflower", + "lime juice", + "cayenne pepper", + "cream", + "salt", + "garlic paste", + "bell pepper", + "onions" + ] + }, + { + "id": 28631, + "cuisine": "french", + "ingredients": [ + "reduced sodium beef broth", + "unsalted butter", + "Turkish bay leaves", + "onions", + "water", + "dry white wine", + "all-purpose flour", + "baguette", + "parmigiano reggiano cheese", + "salt", + "black pepper", + "fresh thyme", + "gruyere cheese" + ] + }, + { + "id": 17505, + "cuisine": "cajun_creole", + "ingredients": [ + "smoked sausage", + "whole okra", + "red bell pepper", + "creole seasoning", + "chicken breasts" + ] + }, + { + "id": 3376, + "cuisine": "greek", + "ingredients": [ + "rosemary", + "lamb", + "extra-virgin olive oil", + "lemon", + "mint", + "salt" + ] + }, + { + "id": 30482, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "flank steak", + "salt", + "ground white pepper", + "chicken stock", + "baking soda", + "red pepper", + "oil", + "soy sauce", + "sesame oil", + "green pepper", + "dark soy sauce", + "Shaoxing wine", + "garlic", + "corn starch" + ] + }, + { + "id": 22411, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "blackberries", + "kosher salt" + ] + }, + { + "id": 21555, + "cuisine": "italian", + "ingredients": [ + "all-purpose flour", + "anise seed", + "white sugar", + "eggs" + ] + }, + { + "id": 37108, + "cuisine": "filipino", + "ingredients": [ + "pasta", + "bay leaves", + "garlic", + "onions", + "evaporated milk", + "chicken parts", + "carrots", + "pepper", + "green onions", + "salt", + "peppercorns", + "hard-boiled egg", + "butter", + "celery" + ] + }, + { + "id": 13894, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic cloves", + "bay leaf", + "cranberry beans", + "extra-virgin olive oil", + "flat leaf parsley", + "pancetta", + "water", + "fresh lemon juice", + "medium shrimp", + "rosemary sprigs", + "freshly ground pepper", + "thyme sprigs" + ] + }, + { + "id": 6118, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "hand", + "kalamata", + "chopped parsley", + "ground ginger", + "ground black pepper", + "paprika", + "yellow onion", + "ground lamb", + "saffron threads", + "olive oil", + "whole peeled tomatoes", + "garlic", + "bay leaf", + "eggs", + "unsalted butter", + "crushed red pepper flakes", + "juice", + "ground cumin" + ] + }, + { + "id": 4414, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "green onions", + "dark brown sugar", + "soy sauce", + "pineapple", + "cooked white rice", + "red chili peppers", + "shallots", + "cooked shrimp", + "curry powder", + "garlic", + "canola oil" + ] + }, + { + "id": 8457, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "finely chopped onion", + "queso fresco", + "sliced green onions", + "sherry vinegar", + "cooking spray", + "canned tomatoes", + "olive oil", + "pumpkin", + "dry sherry", + "ground cumin", + "fat free less sodium chicken broth", + "ground black pepper", + "pumpkinseed kernels", + "garlic cloves" + ] + }, + { + "id": 25760, + "cuisine": "indian", + "ingredients": [ + "eggplant", + "sunflower oil", + "coriander", + "eggs", + "cinnamon", + "garlic", + "minced meat", + "ginger", + "cumin", + "curry powder", + "diced tomatoes", + "onions" + ] + }, + { + "id": 41134, + "cuisine": "thai", + "ingredients": [ + "thai basil", + "tilapia", + "light soy sauce", + "yellow onion", + "red chili peppers", + "garlic", + "chopped cilantro", + "fish sauce", + "cooking oil", + "oil" + ] + }, + { + "id": 29330, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "butter", + "cornmeal", + "french bread", + "hot sauce", + "oysters", + "shredded lettuce", + "pickle relish", + "tomatoes", + "vegetable oil", + "lemon juice" + ] + }, + { + "id": 35019, + "cuisine": "vietnamese", + "ingredients": [ + "large eggs", + "salt", + "instant coffee", + "whole milk", + "sweetened condensed milk", + "sugar", + "vanilla" + ] + }, + { + "id": 36200, + "cuisine": "southern_us", + "ingredients": [ + "tasso", + "green onions", + "paprika", + "red bell pepper", + "applewood smoked bacon", + "andouille sausage", + "chopped fresh thyme", + "cayenne pepper", + "onions", + "celery ribs", + "boneless chicken skinless thigh", + "diced tomatoes", + "sausages", + "long grain white rice", + "green bell pepper", + "chili powder", + "beef broth", + "flat leaf parsley" + ] + }, + { + "id": 19661, + "cuisine": "thai", + "ingredients": [ + "sugar", + "orange", + "sesame oil", + "creamy peanut butter", + "canola oil", + "kosher salt", + "fresh ginger", + "garlic", + "fresh basil leaves", + "black pepper", + "lime", + "lemon", + "fresh mint", + "spinach", + "water", + "jalapeno chilies", + "cilantro leaves", + "large shrimp" + ] + }, + { + "id": 16849, + "cuisine": "japanese", + "ingredients": [ + "cooked ham", + "brown rice", + "pepper", + "fresh parsley", + "ketchup", + "salt", + "eggs", + "processed cheese" + ] + }, + { + "id": 37129, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "garlic", + "green onions", + "toasted sesame seeds", + "ground black pepper", + "all-purpose flour", + "sesame oil", + "white sugar" + ] + }, + { + "id": 41423, + "cuisine": "moroccan", + "ingredients": [ + "eggs", + "grated parmesan cheese", + "garlic", + "ground allspice", + "tomato paste", + "olive oil", + "butternut squash", + "cayenne pepper", + "onions", + "chile powder", + "pepper", + "flour", + "salt", + "sweet paprika", + "ground cinnamon", + "zucchini", + "diced tomatoes", + "lamb", + "ground cumin" + ] + }, + { + "id": 28434, + "cuisine": "indian", + "ingredients": [ + "chopped tomatoes", + "spring onions", + "sunflower oil", + "green pepper", + "chillies", + "chicken", + "ground cinnamon", + "garam masala", + "butter", + "button mushrooms", + "garlic cloves", + "coriander", + "fennel seeds", + "coriander seeds", + "chili powder", + "paprika", + "cumin seed", + "onions", + "ground cumin", + "water", + "fenugreek", + "red pepper", + "ginger", + "ground cardamom", + "ground turmeric" + ] + }, + { + "id": 29334, + "cuisine": "italian", + "ingredients": [ + "pizza sauce", + "shredded mozzarella cheese", + "green pepper", + "Johnsonville Mild Italian Sausage Links", + "thin pizza crust" + ] + }, + { + "id": 13226, + "cuisine": "cajun_creole", + "ingredients": [ + "diced onions", + "minced garlic", + "fresh thyme", + "cayenne pepper", + "diced celery", + "andouille sausage", + "ground black pepper", + "vegetable oil", + "rice", + "kosher salt", + "file powder", + "all-purpose flour", + "oil", + "tomatoes", + "water", + "bay leaves", + "green pepper", + "shrimp" + ] + }, + { + "id": 45107, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sesame oil", + "squid", + "toasted sesame seeds", + "green onions", + "ginger", + "carrots", + "bell pepper", + "vegetable oil", + "garlic cloves", + "sugar", + "chili powder", + "Gochujang base", + "onions" + ] + }, + { + "id": 41393, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "olive oil", + "hot dogs", + "garlic cloves", + "dried oregano", + "bread crumb fresh", + "unsalted butter", + "pecorino romano cheese", + "flat leaf parsley", + "minced garlic", + "large eggs", + "salt", + "onions", + "sugar", + "ground black pepper", + "whole milk", + "ground turkey" + ] + }, + { + "id": 21509, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "ginger", + "ghee", + "baby spinach", + "yellow onion", + "curry powder", + "salt", + "paneer cheese", + "buttermilk", + "garlic cloves" + ] + }, + { + "id": 8461, + "cuisine": "japanese", + "ingredients": [ + "red chili powder", + "lemon", + "cumin seed", + "coriander", + "curry leaves", + "seeds", + "green chilies", + "white sesame seeds", + "oats", + "poha", + "salt", + "wheat flour", + "fennel seeds", + "garam masala", + "garlic", + "oil" + ] + }, + { + "id": 38144, + "cuisine": "southern_us", + "ingredients": [ + "jack cheese", + "salsa verde", + "parsley", + "garlic", + "oregano", + "country white bread", + "white onion", + "pimentos", + "extra-virgin olive oil", + "cream cheese", + "black pepper", + "jalapeno chilies", + "paprika", + "creole seasoning", + "mayonaise", + "mozzarella cheese", + "chili powder", + "cheese", + "sour cream" + ] + }, + { + "id": 31514, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "fresh oregano", + "pork chops", + "salt and ground black pepper", + "ham", + "tomatoes", + "paprika" + ] + }, + { + "id": 9859, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "cooking oil", + "all-purpose flour", + "eggs", + "frozen whole kernel corn", + "lean ground beef", + "fresh tomatoes", + "Mexican cheese blend", + "diced tomatoes", + "yellow corn meal", + "milk", + "baking powder" + ] + }, + { + "id": 24982, + "cuisine": "italian", + "ingredients": [ + "salt", + "sugar", + "onions", + "tomatoes", + "garlic cloves", + "extra-virgin olive oil" + ] + }, + { + "id": 42281, + "cuisine": "indian", + "ingredients": [ + "sea salt", + "lemon juice", + "olive oil", + "ground coriander", + "chicken", + "black peppercorns", + "cardamom pods", + "greek yogurt", + "fresh ginger", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 1444, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "champagne vinegar", + "large egg yolks", + "fresh tarragon", + "kosher salt", + "shallots", + "ground black pepper", + "fresh lemon juice" + ] + }, + { + "id": 31421, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "peaches", + "heavy cream", + "sugar", + "peach nectar", + "vanilla extract", + "brown sugar", + "whole milk", + "vanilla", + "melted butter", + "bread crumbs", + "butter", + "corn syrup" + ] + }, + { + "id": 17751, + "cuisine": "italian", + "ingredients": [ + "bell pepper", + "onions", + "parmesan cheese", + "salt", + "butter", + "oregano", + "potatoes", + "red bell pepper" + ] + }, + { + "id": 43355, + "cuisine": "mexican", + "ingredients": [ + "green cabbage", + "red chile sauce", + "radishes", + "extra-virgin olive oil", + "ground allspice", + "chopped cilantro fresh", + "firmly packed light brown sugar", + "olive oil", + "cinnamon", + "salt", + "fresh lime juice", + "jack cheese", + "ground black pepper", + "chicken meat", + "chopped onion", + "chipotles in adobo", + "tomato paste", + "pinenuts", + "golden raisins", + "white wine vinegar", + "corn tortillas" + ] + }, + { + "id": 48598, + "cuisine": "spanish", + "ingredients": [ + "seedless green grape", + "garlic", + "country bread", + "ice water", + "salt", + "sliced almonds", + "white wine vinegar", + "cucumber", + "extra-virgin olive oil", + "cayenne pepper" + ] + }, + { + "id": 43010, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "chili powder", + "garlic", + "black pepper", + "butter", + "CURRY GUY Smoked Spicy Salt", + "chicken breasts", + "ginger", + "onions", + "tumeric", + "cinnamon", + "curry" + ] + }, + { + "id": 18260, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "vanilla extract", + "chopped pecans", + "egg substitute", + "ice water", + "all-purpose flour", + "sugar", + "bourbon whiskey", + "salt", + "semi-sweet chocolate morsels", + "cooking spray", + "vegetable shortening", + "corn syrup" + ] + }, + { + "id": 36759, + "cuisine": "italian", + "ingredients": [ + "penne pasta", + "salt and ground black pepper", + "escarole", + "diced tomatoes with garlic and onion", + "cannellini beans" + ] + }, + { + "id": 17948, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "water", + "salt", + "pasta", + "fat free less sodium chicken broth", + "cannellini beans", + "fresh parsley", + "white pepper", + "olive oil", + "Italian turkey sausage", + "tomato sauce", + "minced garlic", + "crushed red pepper", + "dried oregano" + ] + }, + { + "id": 2431, + "cuisine": "mexican", + "ingredients": [ + "whole milk", + "extra sharp cheddar cheese", + "butter", + "russet potatoes", + "poblano chilies" + ] + }, + { + "id": 10653, + "cuisine": "italian", + "ingredients": [ + "butternut squash", + "kale", + "pizza doughs", + "mozzarella cheese", + "salt", + "olive oil", + "thick-cut bacon" + ] + }, + { + "id": 21650, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "baking powder", + "baking soda", + "canola oil", + "fat-free buttermilk", + "salt", + "yellow corn meal", + "large eggs" + ] + }, + { + "id": 39502, + "cuisine": "mexican", + "ingredients": [ + "finely chopped onion", + "low salt chicken broth", + "chopped garlic", + "ground cinnamon", + "chili powder", + "pimento stuffed green olives", + "chicken", + "semisweet chocolate", + "corn tortillas", + "monterey jack", + "olive oil", + "all-purpose flour", + "dried oregano", + "ground cumin" + ] + }, + { + "id": 22547, + "cuisine": "vietnamese", + "ingredients": [ + "spearmint", + "pomelo", + "sea scallops", + "cilantro leaves", + "english cucumber", + "Vietnamese coriander", + "chili", + "sea salt", + "peanut oil", + "toasted sesame seeds", + "kaffir lime leaves", + "kosher salt", + "thai basil", + "garlic", + "freshly ground pepper", + "fish sauce", + "lime juice", + "green mango", + "roasted peanuts", + "carrots" + ] + }, + { + "id": 24518, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "water", + "ground turmeric", + "coconut oil", + "green chilies", + "winter melon", + "salt", + "pepper", + "toor dal" + ] + }, + { + "id": 42421, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "olive oil", + "dry red wine", + "bone in chicken thighs", + "pearl onions", + "bay leaves", + "all-purpose flour", + "dried thyme", + "crimini mushrooms", + "carrots", + "pepper", + "baby arugula", + "salt" + ] + }, + { + "id": 27167, + "cuisine": "italian", + "ingredients": [ + "dried oregano", + "minced garlic", + "tomato sauce", + "dried basil" + ] + }, + { + "id": 14090, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "vanilla extract", + "butter", + "all-purpose flour", + "baking powder", + "salt", + "sugar", + "buttermilk", + "sour cream" + ] + }, + { + "id": 9405, + "cuisine": "irish", + "ingredients": [ + "sugar", + "buttermilk", + "flour", + "salt", + "baking soda", + "raisins", + "baking powder" + ] + }, + { + "id": 26621, + "cuisine": "indian", + "ingredients": [ + "sugar", + "yellow onion", + "ground cumin", + "kosher salt", + "fresh lemon juice", + "plain yogurt", + "garlic cloves", + "serrano chilies", + "cilantro leaves", + "fresh mint" + ] + }, + { + "id": 43370, + "cuisine": "italian", + "ingredients": [ + "eggs", + "ground black pepper", + "shredded mozzarella cheese", + "kosher salt", + "all-purpose flour", + "olive oil", + "ricotta", + "pecorino cheese", + "salami", + "flat leaf parsley" + ] + }, + { + "id": 39107, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "celery", + "grape tomatoes", + "pinto beans", + "olives", + "catalina dressing", + "green onions", + "yellow peppers", + "red kidnei beans, rins and drain", + "fritos" + ] + }, + { + "id": 32037, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "chili pepper", + "sesame seeds", + "spring onions", + "white rice", + "sauce", + "lemon juice", + "perilla", + "soy sauce", + "red leaf lettuce", + "enokitake", + "rice wine", + "soybean paste", + "green chilies", + "cucumber", + "red chili peppers", + "pepper", + "chili paste", + "chives", + "garlic", + "rice", + "white radish", + "pork belly", + "water", + "green onions", + "sesame oil", + "salt", + "garlic cloves", + "kimchi" + ] + }, + { + "id": 30892, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "salt", + "pure vanilla extract", + "large eggs", + "grated lemon zest", + "baking soda", + "buttermilk", + "confectioners sugar", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 7714, + "cuisine": "mexican", + "ingredients": [ + "Mexican beer", + "tomato juice", + "tequila", + "kosher salt", + "hot sauce", + "lemon wedge" + ] + }, + { + "id": 3123, + "cuisine": "indian", + "ingredients": [ + "fennel", + "cardamom", + "coconut", + "condensed milk", + "milk", + "cranberries", + "sugar", + "unsalted butter", + "carrots" + ] + }, + { + "id": 42180, + "cuisine": "thai", + "ingredients": [ + "almond butter", + "peeled fresh ginger", + "garlic cloves", + "fresh lime juice", + "hothouse cucumber", + "soy sauce", + "tamarind", + "extra-virgin olive oil", + "red bell pepper", + "serrano chile", + "pure maple syrup", + "water", + "napa cabbage", + "fresh lemon juice", + "mung bean sprouts", + "fresh basil", + "coconut", + "cilantro sprigs", + "carrots", + "chopped cilantro fresh" + ] + }, + { + "id": 44722, + "cuisine": "mexican", + "ingredients": [ + "pasta wagon wheel", + "cayenne pepper", + "chili powder", + "ground beef", + "chili", + "salt", + "onions", + "chopped green bell pepper", + "whole kernel corn, drain" + ] + }, + { + "id": 27657, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "vegetable oil", + "salt", + "black pepper", + "worcestershire sauce", + "ketchup", + "chicken drumsticks", + "garlic cloves", + "finely chopped onion", + "white wine vinegar" + ] + }, + { + "id": 23554, + "cuisine": "french", + "ingredients": [ + "saltines", + "boneless skinless chicken breasts", + "condensed cream of chicken soup", + "ham steak", + "swiss cheese", + "condensed cream of celery soup" + ] + }, + { + "id": 48976, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "onion powder", + "corn starch", + "sweet onion", + "unsalted butter", + "all-purpose flour", + "milk", + "ground black pepper", + "salt", + "steak", + "olive oil", + "beef stock", + "cayenne pepper" + ] + }, + { + "id": 26851, + "cuisine": "thai", + "ingredients": [ + "pineapple chunks", + "sugar", + "lemongrass", + "peanut oil", + "duck breasts", + "lime juice", + "Thai red curry paste", + "chopped cilantro", + "fish sauce", + "minced garlic", + "potatoes", + "coconut milk", + "chiles", + "minced ginger", + "yellow onion" + ] + }, + { + "id": 23198, + "cuisine": "indian", + "ingredients": [ + "ground fennel", + "red chili peppers", + "salt", + "mustard oil", + "baby potatoes", + "black peppercorns", + "garam masala", + "green cardamom", + "onions", + "ground ginger", + "fresh coriander", + "all-purpose flour", + "oil", + "clove", + "red chili powder", + "yoghurt", + "brown cardamom", + "ground turmeric" + ] + }, + { + "id": 31366, + "cuisine": "mexican", + "ingredients": [ + "popcorn", + "butter", + "ground cumin", + "shredded cheddar cheese", + "crushed red pepper", + "paprika" + ] + }, + { + "id": 18951, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "lime", + "potatoes", + "hot sauce", + "chili pepper", + "tortillas", + "parsley", + "onions", + "black pepper", + "ground black pepper", + "asadero", + "oil", + "avocado", + "milk", + "large eggs", + "salt" + ] + }, + { + "id": 15216, + "cuisine": "italian", + "ingredients": [ + "half & half", + "bacon", + "ground pepper", + "coarse salt", + "shallots", + "fresh angel hair", + "frozen peas" + ] + }, + { + "id": 40208, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "all-purpose flour", + "large eggs", + "salt", + "swiss chard", + "russet potatoes", + "sauce", + "ground black pepper", + "butter", + "rib" + ] + }, + { + "id": 15978, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken breast", + "Mexican cheese", + "salt", + "chunky salsa", + "chips", + "onions", + "pepper", + "sweet mini bells" + ] + }, + { + "id": 14768, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic", + "ground beef", + "cooked rice", + "bacon grease", + "onions", + "creole seasoning", + "fresh parsley", + "bell pepper", + "celery" + ] + }, + { + "id": 19448, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "salt", + "avocado", + "tomatillos", + "green tomatoes", + "sour cream", + "fresh cilantro", + "garlic" + ] + }, + { + "id": 25218, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "bow-tie pasta", + "orange bell pepper", + "salt", + "olive oil", + "zucchini", + "ground black pepper", + "small white beans" + ] + }, + { + "id": 28136, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "roasted sesame seeds", + "salt", + "black vinegar", + "soy sauce", + "seeds", + "oil", + "sugar", + "spring onions", + "scallions", + "pig", + "ginger", + "coriander" + ] + }, + { + "id": 48939, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "olive oil", + "cilantro", + "sour cream", + "pepper", + "boneless skinless chicken breasts", + "salt", + "onions", + "tomato sauce", + "franks", + "garlic", + "chillies", + "avocado", + "lime", + "red pepper", + "hot sauce", + "cumin" + ] + }, + { + "id": 25648, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "diced tomatoes", + "taco seasoning", + "jasmine rice", + "beef broth", + "black beans", + "garlic", + "olive oil", + "yellow onion" + ] + }, + { + "id": 43948, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "olive oil", + "chile pepper", + "onions", + "pepper", + "potatoes", + "salt", + "water", + "pork loin", + "all-purpose flour", + "black beans", + "kidney beans", + "garlic" + ] + }, + { + "id": 14449, + "cuisine": "indian", + "ingredients": [ + "saffron threads", + "milk", + "golden raisins", + "salt", + "cumin seed", + "plain whole-milk yogurt", + "tumeric", + "garam masala", + "cilantro sprigs", + "blanched almonds", + "chopped cilantro", + "chicken stock", + "spanish onion", + "vegetable oil", + "cayenne pepper", + "leg of lamb", + "basmati rice", + "eggs", + "fresh ginger", + "large garlic cloves", + "freshly ground pepper", + "cinnamon sticks" + ] + }, + { + "id": 30087, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "sea salt", + "baking powder", + "thyme", + "unsalted butter", + "all-purpose flour", + "sugar", + "butter", + "sage" + ] + }, + { + "id": 22773, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "bananas", + "cinnamon sticks", + "caramel sauce", + "pecans", + "large egg yolks", + "vegetable oil", + "chocolate sauce", + "vanilla beans", + "flour tortillas", + "tequila", + "ground cinnamon", + "honey", + "whole milk", + "sour cream" + ] + }, + { + "id": 38745, + "cuisine": "japanese", + "ingredients": [ + "plain flour", + "coriander seeds", + "boneless chicken breast", + "ground tumeric", + "cumin seed", + "fennel seeds", + "honey", + "ground black pepper", + "vegetable oil", + "yellow onion", + "frozen peas", + "green cardamom pods", + "frozen edamame beans", + "fresh ginger root", + "large free range egg", + "purple onion", + "chillies", + "chicken stock", + "chopped tomatoes", + "Japanese soy sauce", + "sticky rice", + "fenugreek seeds", + "panko breadcrumbs" + ] + }, + { + "id": 45285, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "guacamole", + "red bell pepper", + "avocado", + "leaves", + "diced tomatoes", + "canned corn", + "dried basil", + "chili powder", + "corn tortillas", + "black beans", + "zucchini", + "yellow onion", + "dried oregano" + ] + }, + { + "id": 16367, + "cuisine": "thai", + "ingredients": [ + "salmon fillets", + "salt", + "cooking spray", + "sweet chili sauce", + "green onions" + ] + }, + { + "id": 40449, + "cuisine": "vietnamese", + "ingredients": [ + "meat", + "oil", + "garlic pepper seasoning", + "sugar", + "broccoli", + "onions", + "salt", + "baby corn", + "spring onions", + "Maggi", + "coriander" + ] + }, + { + "id": 40179, + "cuisine": "spanish", + "ingredients": [ + "chicken stock", + "lobster", + "garlic", + "chicken", + "clams", + "olive oil", + "green peas", + "fresh parsley", + "saffron threads", + "curry powder", + "mushrooms", + "shrimp", + "mussels", + "salt and ground black pepper", + "white rice", + "onions" + ] + }, + { + "id": 24237, + "cuisine": "french", + "ingredients": [ + "frozen chopped spinach", + "kosher salt", + "flour", + "black pepper", + "ground nutmeg", + "lemon", + "sugar", + "light cream", + "shallots", + "bread crumbs", + "unsalted butter", + "lemon juice" + ] + }, + { + "id": 3038, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "heavy cream", + "pasta", + "frozen peas", + "marinara sauce" + ] + }, + { + "id": 25433, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "onions", + "zucchini", + "garlic", + "pasta sauce", + "shredded mozzarella cheese" + ] + }, + { + "id": 15175, + "cuisine": "italian", + "ingredients": [ + "cremini mushrooms", + "salami", + "ricotta", + "olives", + "marinara sauce", + "extra-virgin olive oil", + "freshly ground pepper", + "artichoke hearts", + "fresh mozzarella", + "pizza doughs", + "dried oregano", + "baked ham", + "salt", + "flour for dusting" + ] + }, + { + "id": 11519, + "cuisine": "cajun_creole", + "ingredients": [ + "tasso", + "shallots", + "chopped celery", + "poblano chiles", + "green onions", + "large garlic cloves", + "coarse kosher salt", + "tomatoes", + "chopped fresh thyme", + "cayenne pepper", + "olive oil", + "butter", + "ear of corn" + ] + }, + { + "id": 12133, + "cuisine": "british", + "ingredients": [ + "large egg whites", + "raspberry preserves", + "all-purpose flour", + "sugar", + "almonds", + "ice water", + "cream sweeten whip", + "large egg yolks", + "almond extract", + "vanilla beans", + "unsalted butter", + "salt" + ] + }, + { + "id": 2384, + "cuisine": "korean", + "ingredients": [ + "sugar", + "ground black pepper", + "Gochujang base", + "onions", + "kosher salt", + "vegetable oil", + "fresh lemon juice", + "ketchup", + "large eggs", + "garlic cloves", + "toasted sesame seeds", + "cold water", + "water", + "boneless skinless chicken", + "corn starch" + ] + }, + { + "id": 44773, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "kosher salt", + "chopped garlic", + "tomatoes", + "habanero chile", + "white wine vinegar", + "mayonaise", + "sweet onion", + "black pepper", + "olive oil" + ] + }, + { + "id": 13574, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "dry white wine", + "greek seasoning", + "olive oil", + "cooking apples", + "pepper", + "salt", + "collard greens", + "green onions", + "garlic cloves" + ] + }, + { + "id": 13093, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "cornmeal", + "large eggs", + "grated lemon zest", + "milk", + "all-purpose flour", + "butter", + "fresh lemon juice" + ] + }, + { + "id": 35165, + "cuisine": "spanish", + "ingredients": [ + "chili", + "cumin seed", + "pure olive oil", + "ground black pepper", + "sherry vinegar", + "sour orange juice", + "kosher salt", + "garlic" + ] + }, + { + "id": 48228, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "italian sausage", + "olive oil", + "pasta", + "dry white wine" + ] + }, + { + "id": 19234, + "cuisine": "indian", + "ingredients": [ + "mussels", + "basil leaves", + "juice", + "garam masala", + "extra-virgin olive oil", + "hot red pepper flakes", + "diced tomatoes", + "onions", + "unsweetened coconut milk", + "fennel bulb", + "garlic cloves" + ] + }, + { + "id": 7635, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "pepper", + "low sodium chicken broth", + "garlic cloves", + "arborio rice", + "grated parmesan cheese", + "salt", + "sweet onion", + "dry white wine" + ] + }, + { + "id": 31072, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "butternut squash", + "chopped cilantro", + "chipotle chile", + "olive oil", + "sour cream", + "canned black beans", + "lime", + "taco seasoning", + "shredded Monterey Jack cheese", + "minced garlic", + "flour tortillas", + "chipotles in adobo" + ] + }, + { + "id": 28305, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "bread flour", + "instant yeast", + "whole wheat flour", + "warm water", + "cornmeal" + ] + }, + { + "id": 41990, + "cuisine": "british", + "ingredients": [ + "sugar", + "unsalted butter", + "all-purpose flour", + "baking soda", + "baking powder", + "ground nutmeg", + "salt", + "golden brown sugar", + "egg whites", + "sour cream" + ] + }, + { + "id": 35453, + "cuisine": "jamaican", + "ingredients": [ + "eggs", + "lime wedges", + "ground allspice", + "dried thyme", + "dry bread crumbs", + "kosher salt", + "vegetable oil", + "chinese five-spice powder", + "red snapper", + "bananas", + "cayenne pepper" + ] + }, + { + "id": 20497, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "peanut oil", + "cracked black pepper", + "green tomatoes", + "seafood breader", + "salt" + ] + }, + { + "id": 29233, + "cuisine": "indian", + "ingredients": [ + "hothouse cucumber", + "honey", + "fresh mint", + "plain yogurt", + "mango" + ] + }, + { + "id": 34068, + "cuisine": "indian", + "ingredients": [ + "clove", + "ground cinnamon", + "coriander powder", + "ground tumeric", + "onions", + "nutmeg", + "water", + "chili powder", + "salt", + "ground cumin", + "tomatoes", + "garam masala", + "ginger", + "green chilies", + "curry leaves", + "grated coconut", + "prawns", + "garlic", + "ground turmeric" + ] + }, + { + "id": 40013, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "purple onion", + "fresh lime juice", + "fat free less sodium chicken broth", + "butter", + "all-purpose flour", + "chopped cilantro fresh", + "avocado", + "baking powder", + "salt", + "carnitas", + "salsa verde", + "cilantro sprigs", + "pinto beans", + "masa harina" + ] + }, + { + "id": 44333, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "smoked paprika", + "salt", + "dried oregano", + "chili powder", + "sirloin tip roast", + "lime", + "low sodium chicken stock", + "ground cumin" + ] + }, + { + "id": 43102, + "cuisine": "korean", + "ingredients": [ + "light soy sauce", + "garlic", + "chili sauce", + "sesame oil", + "sauce", + "scallions", + "ground black pepper", + "purple onion", + "firm tofu", + "vegetable oil", + "corn syrup" + ] + }, + { + "id": 20659, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "diced tomatoes", + "frozen okra", + "frozen corn kernels", + "old bay seasoning", + "chopped onion", + "black pepper", + "bacon" + ] + }, + { + "id": 5811, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "stewed tomatoes", + "chopped cilantro fresh", + "yellow squash", + "processed cheese", + "chopped onion", + "olive oil", + "chile pepper", + "whole kernel corn, drain", + "chicken broth", + "zucchini", + "garlic", + "dried oregano" + ] + }, + { + "id": 46311, + "cuisine": "brazilian", + "ingredients": [ + "black beans", + "sweet potatoes", + "cilantro", + "juice", + "cumin", + "tomatoes", + "water", + "hot pepper", + "green pepper", + "onions", + "pepper", + "brown rice", + "salt", + "thyme", + "tomato sauce", + "olive oil", + "red pepper flakes", + "garlic cloves", + "broth" + ] + }, + { + "id": 1547, + "cuisine": "southern_us", + "ingredients": [ + "black peppercorns", + "large eggs", + "butter", + "all-purpose flour", + "milk", + "bacon pieces", + "worcestershire sauce", + "cooked turkey", + "grated parmesan cheese", + "red pepper", + "fresh parsley", + "tomatoes", + "cornbread mix", + "french fried onions", + "salt" + ] + }, + { + "id": 14407, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "dried oregano", + "jalapeno chilies", + "minced garlic", + "ground cumin", + "tomatoes", + "salt" + ] + }, + { + "id": 18411, + "cuisine": "vietnamese", + "ingredients": [ + "chile paste with garlic", + "cooking spray", + "soba noodles", + "reduced sodium tamari", + "brown sugar", + "rice vinegar", + "red bell pepper", + "pork cutlets", + "ground black pepper", + "chinese cabbage", + "fish sauce", + "green onions", + "dark sesame oil" + ] + }, + { + "id": 2077, + "cuisine": "korean", + "ingredients": [ + "green onions", + "Gochujang base", + "honey", + "garlic", + "sesame oil", + "onions", + "sesame seeds", + "soybean paste" + ] + }, + { + "id": 11177, + "cuisine": "thai", + "ingredients": [ + "pepper", + "unsalted butter", + "drummettes", + "honey", + "salt", + "chicken wings", + "lime", + "Thai red curry paste", + "soy sauce", + "olive oil", + "chopped cilantro" + ] + }, + { + "id": 31381, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "onions", + "black pepper", + "tuna packed in olive oil", + "salt", + "Ciabatta rolls", + "lemon juice" + ] + }, + { + "id": 20835, + "cuisine": "italian", + "ingredients": [ + "butter", + "confectioners sugar", + "baking soda", + "Dutch-processed cocoa powder", + "white sugar", + "milk", + "vanilla extract", + "sour cream", + "egg whites", + "cake flour", + "boiling water" + ] + }, + { + "id": 12508, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "garlic cloves", + "mozzarella cheese", + "italian eggplant", + "crushed tomatoes", + "salt", + "hot red pepper flakes", + "parmigiano reggiano cheese" + ] + }, + { + "id": 30825, + "cuisine": "italian", + "ingredients": [ + "capers", + "salt", + "red bell pepper", + "ground black pepper", + "garlic cloves", + "mayonaise", + "anchovy fillets", + "tuna", + "french bread", + "fresh lemon juice" + ] + }, + { + "id": 48825, + "cuisine": "italian", + "ingredients": [ + "egg yolks", + "heavy cream", + "sugar", + "salt", + "whole milk" + ] + }, + { + "id": 19096, + "cuisine": "greek", + "ingredients": [ + "spinach", + "olive oil", + "garlic", + "kosher salt", + "lemon", + "plain yogurt", + "pitas", + "feta cheese crumbles", + "cherry tomatoes", + "red pepper flakes" + ] + }, + { + "id": 16941, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "baking potatoes", + "finely chopped fresh parsley" + ] + }, + { + "id": 27037, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "bay scallops", + "crushed red pepper", + "olive oil", + "clam juice", + "fresh parsley", + "halibut fillets", + "dry white wine", + "medium shrimp", + "fresh rosemary", + "finely chopped onion", + "large garlic cloves" + ] + }, + { + "id": 23371, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil", + "okra", + "dried oregano", + "andouille sausage", + "all-purpose flour", + "red bell pepper", + "cornbread", + "coarse salt", + "garlic cloves", + "ground pepper", + "rotisserie chicken", + "onions" + ] + }, + { + "id": 15048, + "cuisine": "japanese", + "ingredients": [ + "dashi kombu", + "bonito flakes", + "chili oil", + "scallions", + "toasted sesame oil", + "sake", + "mirin", + "ramen noodles", + "garlic", + "carrots", + "chicken", + "kosher salt", + "large eggs", + "vegetable oil", + "freshly ground pepper", + "nori sheets", + "boneless pork shoulder", + "reduced sodium soy sauce", + "shichimi togarashi", + "ginger", + "pork spareribs", + "bamboo shoots" + ] + }, + { + "id": 34759, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "pesto", + "pizza doughs", + "pizza sauce", + "mozzarella cheese", + "chicken" + ] + }, + { + "id": 10570, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "bread crumb fresh", + "garlic cloves", + "pernod", + "lemon wedge", + "oysters" + ] + }, + { + "id": 1082, + "cuisine": "korean", + "ingredients": [ + "ground black pepper", + "toasted sesame oil", + "carrots", + "kosher salt" + ] + }, + { + "id": 27768, + "cuisine": "brazilian", + "ingredients": [ + "black beans", + "fat-free chicken broth", + "olive oil", + "fresh parsley", + "dried thyme", + "garlic cloves", + "chipotle chile", + "turkey kielbasa", + "onions" + ] + }, + { + "id": 24781, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "ketchup", + "ground pork", + "corn starch", + "sugar", + "fresh ginger", + "rice vinegar", + "sake", + "water", + "salt", + "ground beef", + "white bread", + "soy sauce", + "sesame oil", + "scallions" + ] + }, + { + "id": 48543, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "red bell pepper", + "iceberg lettuce", + "kidney beans", + "cayenne pepper", + "onions", + "olive oil", + "salsa", + "ground turkey", + "ground cumin", + "chili powder", + "carrots", + "dried oregano" + ] + }, + { + "id": 13338, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "egg yolks", + "cinnamon sticks", + "milk", + "heavy cream", + "orange", + "lemon", + "sweet sherry", + "vanilla extract" + ] + }, + { + "id": 13354, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "pork tenderloin", + "canola oil", + "pepper", + "garlic", + "cider vinegar", + "bay leaves", + "chicken legs", + "ground black pepper", + "salt" + ] + }, + { + "id": 2637, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "dried thyme", + "file powder", + "hot sauce", + "bay leaf", + "andouille sausage", + "cayenne", + "bacon", + "okra", + "bone in skin on chicken thigh", + "green bell pepper", + "ground black pepper", + "flour", + "yellow onion", + "cooked white rice", + "kosher salt", + "whole peeled tomatoes", + "garlic", + "celery", + "canola oil" + ] + }, + { + "id": 36016, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "fresh ginger", + "duck", + "black vinegar", + "light soy sauce", + "green onions", + "garlic cloves", + "water", + "hoisin sauce", + "chinese five-spice powder", + "canola oil", + "chinese rice wine", + "honey", + "sesame oil", + "hot water" + ] + }, + { + "id": 43535, + "cuisine": "italian", + "ingredients": [ + "pepper", + "asiago", + "flat leaf parsley", + "olive oil", + "lemon juice", + "capers", + "green onions", + "spaghettini", + "minced garlic", + "salt" + ] + }, + { + "id": 20896, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "ground black pepper", + "worcestershire sauce", + "sauce", + "baby lima beans", + "barbecue sauce", + "salt", + "pork shoulder", + "brown sugar", + "potatoes", + "garlic", + "frozen corn kernels", + "white onion", + "butter", + "cayenne pepper" + ] + }, + { + "id": 8975, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "hot pepper sauce", + "onions", + "fat free less sodium chicken broth", + "andouille chicken sausage", + "long-grain rice", + "black-eyed peas", + "diced tomatoes", + "olive oil", + "cajun seasoning", + "sliced green onions" + ] + }, + { + "id": 20320, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "fresh parsley", + "light brown sugar", + "lemon juice", + "boiling onions", + "salt" + ] + }, + { + "id": 33201, + "cuisine": "japanese", + "ingredients": [ + "peeled fresh ginger", + "carrots", + "soy sauce", + "napa cabbage", + "cucumber", + "golden brown sugar", + "rice vinegar", + "red bell pepper", + "sesame oil", + "Thai fish sauce" + ] + }, + { + "id": 11904, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "pecorino romano cheese", + "garlic cloves", + "plum tomatoes", + "Chianti", + "penne pasta", + "onions", + "fresh basil", + "extra-virgin olive oil", + "carrots", + "sausage casings", + "crushed red pepper", + "low salt chicken broth" + ] + }, + { + "id": 11750, + "cuisine": "mexican", + "ingredients": [ + "potatoes", + "fresh lime juice", + "ground cumin", + "tomatoes", + "salt", + "chopped cilantro fresh", + "garlic", + "onions", + "beef shank", + "carrots", + "cabbage" + ] + }, + { + "id": 36265, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "fresh parsley", + "white bread", + "garlic", + "extra-virgin olive oil", + "romano cheese", + "dried red chile peppers" + ] + }, + { + "id": 44876, + "cuisine": "mexican", + "ingredients": [ + "orange bell pepper", + "cucumber", + "green onions", + "tomatoes", + "jicama", + "red grapefruit", + "chopped cilantro fresh" + ] + }, + { + "id": 42488, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "cheese tortellini", + "cream cheese", + "unsalted butter", + "crushed red pepper flakes", + "fresh parsley leaves", + "kosher salt", + "grated parmesan cheese", + "garlic", + "milk", + "half & half", + "all-purpose flour" + ] + }, + { + "id": 32773, + "cuisine": "vietnamese", + "ingredients": [ + "chicken stock", + "unsalted roasted peanuts", + "Sriracha", + "shallots", + "peanut sauce", + "peanut oil", + "cucumber", + "tomato paste", + "thai basil", + "hoisin sauce", + "chile pepper", + "garlic", + "garlic cloves", + "rice paper", + "sugar", + "chili paste", + "mint leaves", + "rice vermicelli", + "peanut butter", + "shrimp", + "romaine lettuce", + "ground black pepper", + "pork tenderloin", + "cilantro sprigs", + "vietnamese fish sauce", + "carrots" + ] + }, + { + "id": 33701, + "cuisine": "russian", + "ingredients": [ + "red potato", + "honey", + "coarse salt", + "scallions", + "crawfish", + "dijon mustard", + "large garlic cloves", + "hass avocado", + "salmon", + "ground black pepper", + "lemon", + "lemon juice", + "avocado", + "fresh cilantro", + "shallots", + "wine vinegar" + ] + }, + { + "id": 27808, + "cuisine": "southern_us", + "ingredients": [ + "vinegar", + "milk", + "salt", + "eggs", + "butter", + "baking soda", + "cornmeal" + ] + }, + { + "id": 16869, + "cuisine": "indian", + "ingredients": [ + "coconut", + "carrots", + "white sugar", + "oil", + "beansprouts", + "salt", + "mustard seeds", + "lemon juice", + "chopped cilantro" + ] + }, + { + "id": 9685, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "ground red pepper", + "purple onion", + "bibb lettuce", + "butter", + "gorgonzola", + "peaches", + "watercress", + "vinaigrette", + "light brown sugar", + "cake", + "bacon slices" + ] + }, + { + "id": 44169, + "cuisine": "russian", + "ingredients": [ + "radishes", + "sugar", + "scallions", + "red wine vinegar", + "kosher salt", + "dried red chile peppers" + ] + }, + { + "id": 32333, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "baking potatoes", + "light coconut milk", + "garlic cloves", + "lower sodium chicken broth", + "ginger", + "edamame", + "ground turmeric", + "ground cinnamon", + "butter", + "all-purpose flour", + "long grain white rice", + "ground red pepper", + "cauliflower florets", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 10141, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "mirin", + "ginger", + "eggs", + "dashi powder", + "spring onions", + "yellow onion", + "white pepper", + "mushrooms", + "salt", + "sake", + "steamed rice", + "chicken thigh fillets", + "shiso leaves" + ] + }, + { + "id": 26044, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "pie shell", + "fresh basil", + "yellow onion", + "tomatoes", + "grated parmesan cheese", + "shredded mozzarella cheese", + "mayonaise", + "fresh oregano" + ] + }, + { + "id": 44476, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "linguine", + "pancetta", + "fresh parmesan cheese", + "ripe olives", + "minced garlic", + "chopped onion", + "capers", + "cooking spray" + ] + }, + { + "id": 25019, + "cuisine": "italian", + "ingredients": [ + "picholine olives", + "parmigiano reggiano cheese", + "cavatelli", + "fresh basil", + "whole grain dijon mustard", + "extra-virgin olive oil", + "prosciutto", + "red wine vinegar", + "flat leaf parsley", + "sugar", + "ground black pepper", + "salt" + ] + }, + { + "id": 11540, + "cuisine": "southern_us", + "ingredients": [ + "cajun seasoning", + "peanut oil", + "milk", + "all-purpose flour", + "eggs", + "salt", + "cornmeal", + "green tomatoes", + "dry bread crumbs" + ] + }, + { + "id": 14707, + "cuisine": "chinese", + "ingredients": [ + "cream", + "butter", + "frozen pastry puff sheets", + "milk", + "vanilla extract", + "powdered sugar", + "egg yolks" + ] + }, + { + "id": 48288, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "thick-cut bacon", + "chicken stock", + "green beans", + "salt", + "brown sugar", + "onions" + ] + }, + { + "id": 22583, + "cuisine": "russian", + "ingredients": [ + "hard-boiled egg", + "cream", + "imitation crab meat", + "mayonaise", + "peas", + "corn", + "onions" + ] + }, + { + "id": 11625, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "mirin", + "sesame seeds", + "rice vinegar", + "sugar", + "fresh ginger root", + "oil", + "boneless chicken skinless thigh", + "cornflour" + ] + }, + { + "id": 8392, + "cuisine": "greek", + "ingredients": [ + "basil", + "lemon juice", + "olive oil", + "freshly ground pepper", + "oregano", + "salt", + "marjoram", + "red wine vinegar", + "garlic cloves" + ] + }, + { + "id": 43894, + "cuisine": "french", + "ingredients": [ + "shallots", + "garlic cloves", + "large eggs", + "tarragon leaves", + "white vinegar", + "white wine vinegar", + "Italian bread", + "olive oil", + "salt pork", + "frisee" + ] + }, + { + "id": 1330, + "cuisine": "italian", + "ingredients": [ + "mint sprigs", + "white chocolate", + "and fat free half half", + "unflavored gelatin", + "vanilla extract", + "raspberries", + "sweetened condensed milk" + ] + }, + { + "id": 8623, + "cuisine": "french", + "ingredients": [ + "water", + "apple cider vinegar", + "all-purpose flour", + "sugar", + "baking powder", + "salt", + "grated orange peel", + "unsalted butter", + "whipped cream", + "peaches", + "ice water" + ] + }, + { + "id": 7789, + "cuisine": "mexican", + "ingredients": [ + "spanish onion", + "boiling potatoes", + "zucchini", + "olive oil", + "large eggs" + ] + }, + { + "id": 28615, + "cuisine": "mexican", + "ingredients": [ + "coffee granules", + "vanilla instant pudding", + "milk", + "vegetable oil", + "eggs", + "coffee liqueur", + "chocolate chips", + "ground cinnamon", + "chocolate cake mix", + "confectioners sugar" + ] + }, + { + "id": 5276, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "baking potatoes", + "ground turmeric", + "cooking spray", + "mustard seeds", + "ground black pepper", + "cumin seed", + "canola oil", + "light sour cream", + "ground red pepper", + "fresh parsley" + ] + }, + { + "id": 42050, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "extra firm tofu", + "cucumber", + "sugar", + "peanuts", + "shredded lettuce", + "mung bean sprouts", + "rice sticks", + "vegetable oil", + "fresh lime juice", + "soy sauce", + "herbs", + "garlic" + ] + }, + { + "id": 45833, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "edamame", + "grated lemon peel", + "dry white wine", + "lemon juice", + "green onions", + "I Can't Believe It's Not Butter!® All Purpose Sticks", + "arborio rice", + "shallots", + "carrots" + ] + }, + { + "id": 11580, + "cuisine": "indian", + "ingredients": [ + "red potato", + "garam masala", + "garlic", + "freshly ground pepper", + "cucumber", + "lime juice", + "mint leaves", + "firm tofu", + "nutritional yeast flakes", + "ground cumin", + "fresh spinach", + "diced red onions", + "salt", + "cumin seed", + "onions", + "chickpea flour", + "fresh ginger", + "plain soy yogurt", + "ground coriander", + "lemon juice" + ] + }, + { + "id": 12557, + "cuisine": "indian", + "ingredients": [ + "water", + "chili powder", + "coconut milk", + "fish fillets", + "garam masala", + "garlic", + "tomatoes", + "fresh ginger", + "vegetable oil", + "onions", + "chili pepper", + "ground black pepper", + "salt" + ] + }, + { + "id": 40228, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "herbs", + "garlic", + "coconut milk", + "tofu", + "water", + "vegetable oil", + "scallions", + "mung bean sprouts", + "tumeric", + "leaves", + "cilantro", + "rice flour", + "soy sauce", + "mung beans", + "salt", + "fresh lime juice" + ] + }, + { + "id": 14813, + "cuisine": "korean", + "ingredients": [ + "shredded carrots", + "yellow onion", + "white sugar", + "clove", + "cracked black pepper", + "oil", + "crushed red pepper flakes", + "beef sirloin", + "soy sauce", + "ginger", + "onions" + ] + }, + { + "id": 46491, + "cuisine": "french", + "ingredients": [ + "mint", + "strawberries", + "crème fraîche", + "shortbread cookies", + "jam" + ] + }, + { + "id": 45355, + "cuisine": "thai", + "ingredients": [ + "lime", + "ginger", + "salt", + "dark soy sauce", + "spring onions", + "garlic", + "coriander", + "kaffir lime leaves", + "chopped tomatoes", + "Thai red curry paste", + "minced pork", + "pepper", + "sesame oil", + "purple onion", + "fish" + ] + }, + { + "id": 7739, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "yellow onion", + "parmigiano-reggiano cheese", + "green peas", + "flat leaf parsley", + "water", + "salt", + "arborio rice", + "butter", + "organic vegetable broth" + ] + }, + { + "id": 34288, + "cuisine": "french", + "ingredients": [ + "walnuts", + "port wine", + "pears", + "dried fig", + "gruyere cheese" + ] + }, + { + "id": 33512, + "cuisine": "southern_us", + "ingredients": [ + "refrigerated crescent rolls", + "eggs", + "swiss cheese", + "meat", + "roma tomatoes", + "cooked bacon" + ] + }, + { + "id": 20189, + "cuisine": "filipino", + "ingredients": [ + "barbecue sauce", + "bamboo shoots", + "boneless chicken thigh fillets", + "red pepper flakes", + "sesame oil", + "mango nectar", + "pepper", + "salt" + ] + }, + { + "id": 5637, + "cuisine": "indian", + "ingredients": [ + "low sodium vegetable broth", + "currant", + "ground coriander", + "chopped cilantro fresh", + "unsalted almonds", + "quick cooking brown rice", + "garlic", + "carrots", + "low-fat plain yogurt", + "garam masala", + "cauliflower florets", + "lentils", + "ground turmeric", + "safflower oil", + "dried mint flakes", + "yellow onion", + "frozen peas" + ] + }, + { + "id": 36116, + "cuisine": "italian", + "ingredients": [ + "pepper", + "low sodium chicken broth", + "garlic cloves", + "arborio rice", + "olive oil", + "butter", + "sweet onion", + "dry white wine", + "squash", + "fresh basil", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 2137, + "cuisine": "french", + "ingredients": [ + "pearl onions", + "chopped fresh thyme", + "all-purpose flour", + "onions", + "water", + "vegetable oil", + "salt", + "flat leaf parsley", + "Turkish bay leaves", + "large garlic cloves", + "fresh parsley leaves", + "thick-cut bacon", + "black pepper", + "shallots", + "dry red wine", + "carrots", + "chuck" + ] + }, + { + "id": 34652, + "cuisine": "italian", + "ingredients": [ + "sandwiches", + "baguette", + "red wine vinegar", + "white mushrooms", + "green bell pepper", + "eggplant", + "black olives", + "fresh basil leaves", + "tomato paste", + "olive oil", + "garlic", + "onions", + "sugar", + "ground black pepper", + "salt", + "dried oregano" + ] + }, + { + "id": 23051, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "chili powder", + "oil", + "clove", + "garam masala", + "green cardamom", + "coriander", + "asafoetida", + "salt", + "greek yogurt", + "fennel seeds", + "new potatoes", + "mustard oil" + ] + }, + { + "id": 43400, + "cuisine": "french", + "ingredients": [ + "seasoning", + "parsley sprigs", + "pearl onions", + "meat", + "garlic cloves", + "bone in chicken thighs", + "celery ribs", + "porcini", + "kosher salt", + "ground black pepper", + "dry red wine", + "thyme", + "chicken stock", + "cremini mushrooms", + "spanish onion", + "mushrooms", + "all-purpose flour", + "bay leaf", + "tomato paste", + "dried porcini mushrooms", + "olive oil", + "shallots", + "carrots" + ] + }, + { + "id": 5546, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "golden raisins", + "red bell pepper", + "kosher salt", + "yellow onion", + "ground cumin", + "black pepper", + "lemon", + "couscous", + "tomatoes", + "olive oil", + "shrimp" + ] + }, + { + "id": 33136, + "cuisine": "italian", + "ingredients": [ + "peeled tomatoes", + "crushed red pepper flakes", + "reduced sodium chicken broth", + "grated parmesan cheese", + "salt", + "minced garlic", + "cannellini beans", + "escarole", + "pancetta", + "ground black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 19391, + "cuisine": "mexican", + "ingredients": [ + "water", + "sour cream", + "cheddar cheese", + "tortillas", + "tomatoes", + "taco seasoning mix", + "cream", + "hamburger" + ] + }, + { + "id": 45057, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "diced tomatoes", + "sliced mushrooms", + "finely chopped onion", + "all-purpose flour", + "chopped green bell pepper", + "salt", + "black pepper", + "cooking spray", + "boneless pork loin" + ] + }, + { + "id": 45024, + "cuisine": "thai", + "ingredients": [ + "coconut milk", + "cream of coconut", + "bananas", + "white sugar", + "salt" + ] + }, + { + "id": 30619, + "cuisine": "french", + "ingredients": [ + "pepper", + "salt", + "clarified butter", + "potatoes" + ] + }, + { + "id": 31279, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked ham", + "green onions", + "medium shrimp", + "bacon drippings", + "minced onion", + "creole seasoning", + "bread crumbs", + "butter", + "fresh parsley", + "mirlitons", + "large eggs", + "garlic cloves" + ] + }, + { + "id": 4396, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "white onion", + "cilantro leaves", + "pinto beans", + "cotija", + "jalapeno chilies", + "roasting chickens", + "pork lard", + "romaine lettuce", + "radishes", + "rolls", + "juice", + "reduced sodium chicken broth", + "crema", + "garlic cloves" + ] + }, + { + "id": 44758, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "purple onion", + "new potatoes", + "flat leaf parsley", + "olive oil", + "salt" + ] + }, + { + "id": 15286, + "cuisine": "cajun_creole", + "ingredients": [ + "beef", + "fresh parsley", + "freshly ground pepper", + "cheese tortellini", + "olives", + "olive oil", + "ham" + ] + }, + { + "id": 25988, + "cuisine": "chinese", + "ingredients": [ + "soft tofu", + "stock", + "salt water", + "seasoning", + "scallions", + "shiitake", + "corn starch" + ] + }, + { + "id": 29861, + "cuisine": "thai", + "ingredients": [ + "wide rice noodles", + "large eggs", + "water", + "firm tofu", + "soy sauce", + "vegetable oil", + "light brown sugar", + "broccolini", + "garlic cloves" + ] + }, + { + "id": 13901, + "cuisine": "chinese", + "ingredients": [ + "jasmine rice", + "large eggs", + "salt", + "soy sauce", + "fresh ginger", + "vegetable oil", + "corn starch", + "brown sugar", + "water", + "green onions", + "rice vinegar", + "boneless chicken skinless thigh", + "sesame seeds", + "garlic", + "toasted sesame oil" + ] + }, + { + "id": 41931, + "cuisine": "spanish", + "ingredients": [ + "collard greens", + "garlic cloves", + "navy beans", + "fat free less sodium chicken broth", + "black pepper", + "chorizo sausage", + "fettucine", + "chopped onion" + ] + }, + { + "id": 32235, + "cuisine": "italian", + "ingredients": [ + "pesto", + "ground black pepper", + "bread", + "kosher salt" + ] + }, + { + "id": 42475, + "cuisine": "italian", + "ingredients": [ + "pepper", + "butter", + "plum tomatoes", + "olive oil", + "salt", + "water", + "garlic", + "fresh basil", + "parsley", + "spaghetti" + ] + }, + { + "id": 28114, + "cuisine": "thai", + "ingredients": [ + "jasmine rice", + "peanuts", + "ginger", + "salt", + "brown sugar", + "lime", + "chives", + "light coconut milk", + "creamy peanut butter", + "soy sauce", + "olive oil", + "red pepper", + "garlic", + "baby corn", + "pepper", + "pork chops", + "Thai red curry paste", + "cilantro leaves" + ] + }, + { + "id": 35361, + "cuisine": "italian", + "ingredients": [ + "dough", + "salt", + "olive oil", + "freshly ground pepper", + "dried thyme", + "goat cheese", + "cooking spray", + "sliced mushrooms" + ] + }, + { + "id": 30009, + "cuisine": "mexican", + "ingredients": [ + "water", + "corn tortillas", + "pepper", + "boneless skinless chicken breasts", + "onions", + "green chile", + "gravy", + "celery", + "shredded cheddar cheese", + "salt", + "garlic salt" + ] + }, + { + "id": 26422, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "salt", + "coriander", + "boneless chicken skinless thigh", + "vegetable oil", + "ghee", + "ground cumin", + "chili powder", + "ground coriander", + "ground turmeric", + "chopped tomatoes", + "garlic", + "onions" + ] + }, + { + "id": 17780, + "cuisine": "cajun_creole", + "ingredients": [ + "Johnsonville Smoked Sausage", + "water", + "worcestershire sauce", + "garlic cloves", + "tomato sauce", + "bay leaves", + "salt", + "fresh parsley", + "cooked rice", + "hot pepper sauce", + "chopped celery", + "dried kidney beans", + "pepper", + "fully cooked ham", + "chopped onion", + "garlic salt" + ] + }, + { + "id": 27586, + "cuisine": "cajun_creole", + "ingredients": [ + "creole seasoning", + "boiling water", + "shortening", + "cornmeal", + "lard", + "minced onion", + "white sugar" + ] + }, + { + "id": 43061, + "cuisine": "spanish", + "ingredients": [ + "sparkling sangria tradicional", + "orange", + "sangria" + ] + }, + { + "id": 12076, + "cuisine": "italian", + "ingredients": [ + "egg whites", + "almond extract", + "cake flour", + "confectioners sugar", + "ground cinnamon", + "rum", + "candied cherries", + "lemon juice", + "orange zest", + "sherry", + "butter", + "salt", + "white sugar", + "eggs", + "ricotta cheese", + "sweet chocolate", + "toasted almonds" + ] + }, + { + "id": 49232, + "cuisine": "vietnamese", + "ingredients": [ + "peeled fresh ginger", + "vegetable oil", + "chicken stock", + "garlic cloves", + "jasmine rice", + "chopped cilantro fresh" + ] + }, + { + "id": 36517, + "cuisine": "southern_us", + "ingredients": [ + "crab boil", + "corn", + "shrimp", + "sausage links", + "small red potato", + "salt" + ] + }, + { + "id": 13478, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "bacon", + "carrots", + "olive oil", + "garlic", + "frozen artichoke hearts", + "white onion", + "diced tomatoes", + "spaghetti", + "chicken stock", + "fresh green bean", + "salt", + "saffron" + ] + }, + { + "id": 14995, + "cuisine": "southern_us", + "ingredients": [ + "green onions", + "all-purpose flour", + "egg whites", + "coarse salt", + "onions", + "egg yolks", + "buttermilk", + "canola oil", + "baking soda", + "baking powder", + "cornmeal" + ] + }, + { + "id": 47138, + "cuisine": "indian", + "ingredients": [ + "water", + "cilantro", + "oil", + "tomatoes", + "garam masala", + "salt", + "masala", + "light cream", + "paneer", + "onions", + "sugar", + "fresh peas", + "ground almonds" + ] + }, + { + "id": 19142, + "cuisine": "chinese", + "ingredients": [ + "cabbage leaves", + "hoisin sauce", + "vegetable oil", + "boneless pork loin", + "sliced green onions", + "black pepper", + "peeled fresh ginger", + "dried shiitake mushrooms", + "corn starch", + "low sodium soy sauce", + "minced garlic", + "rice wine", + "chinese cabbage", + "wood ear mushrooms", + "sugar", + "large eggs", + "mandarin pancakes", + "dark sesame oil" + ] + }, + { + "id": 6225, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chili powder", + "ground turkey", + "Swanson Chicken Broth", + "dri oregano leaves, crush", + "chunky salsa", + "sugar", + "ground black pepper", + "whole kernel corn, drain", + "ground cumin", + "garlic powder", + "vegetable oil", + "onions" + ] + }, + { + "id": 22695, + "cuisine": "italian", + "ingredients": [ + "sea salt", + "sourdough bread", + "garlic cloves", + "olive oil", + "chopped fresh herbs", + "freshly ground pepper" + ] + }, + { + "id": 26232, + "cuisine": "thai", + "ingredients": [ + "lime zest", + "coconut oil", + "green curry paste", + "jalapeno chilies", + "garlic", + "carrots", + "coconut milk", + "fish sauce", + "lime juice", + "lemon grass", + "cilantro", + "purple onion", + "ramen", + "onions", + "kaffir lime leaves", + "water", + "thai basil", + "shallots", + "oyster mushrooms", + "ground white pepper", + "galangal", + "brown sugar", + "lemongrass", + "radishes", + "thai chile", + "salt", + "beansprouts" + ] + }, + { + "id": 4745, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "fresh parsley", + "dough", + "crushed red pepper", + "garlic", + "olive oil", + "salt" + ] + }, + { + "id": 49632, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "vanilla extract", + "rum", + "ice", + "milk", + "sweetened condensed milk", + "warm water", + "long-grain rice" + ] + }, + { + "id": 21649, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "green chilies", + "moong dal", + "urad dal", + "coriander", + "ginger", + "onions", + "baking soda", + "salt" + ] + }, + { + "id": 29987, + "cuisine": "british", + "ingredients": [ + "Angostura bitters", + "champagne", + "lemon peel", + "sugar" + ] + }, + { + "id": 9899, + "cuisine": "indian", + "ingredients": [ + "flour", + "paneer", + "garlic paste", + "capsicum", + "chili sauce", + "spring onions", + "salt", + "red chili peppers", + "red capsicum", + "oil" + ] + }, + { + "id": 27125, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "sesame oil", + "coconut milk", + "lime juice", + "salted roast peanuts", + "brown sugar", + "ginger", + "chopped cilantro fresh", + "shredded coleslaw mix", + "rice vermicelli" + ] + }, + { + "id": 11679, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "Tabasco Pepper Sauce", + "yellow onion", + "red bell pepper", + "celery ribs", + "large eggs", + "butter", + "fresh herbs", + "champagne grapes", + "chicken broth", + "french bread", + "turkey", + "shrimp", + "andouille sausage", + "vegetable oil", + "okra", + "chopped parsley" + ] + }, + { + "id": 7756, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger root", + "peanut oil", + "chicken", + "leeks", + "corn starch", + "pork tenderloin", + "garlic cloves", + "soy sauce", + "red pepper flakes", + "cashew nuts" + ] + }, + { + "id": 27721, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "wonton wrappers", + "scallions", + "sesame oil", + "salt", + "shiitake", + "napa cabbage", + "soy sauce", + "vegetable oil", + "firm tofu" + ] + }, + { + "id": 45181, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "flour", + "tomatoes", + "active dry yeast", + "fresh basil leaves", + "mozzarella cheese", + "extra-virgin olive oil", + "warm water", + "ground black pepper", + "oregano" + ] + }, + { + "id": 1387, + "cuisine": "italian", + "ingredients": [ + "sugar", + "butter", + "onions", + "fresh basil", + "olive oil", + "garlic", + "fettucine", + "pepper", + "heavy cream", + "tomato sauce", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 45899, + "cuisine": "korean", + "ingredients": [ + "sambal ulek", + "kirby cucumbers", + "corn starch", + "baking powder", + "all-purpose flour", + "club soda", + "eggs", + "sesame oil", + "scallions", + "soy sauce", + "garlic", + "chinese black vinegar" + ] + }, + { + "id": 14657, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "pork sausages", + "flour", + "seasoning salt", + "black pepper", + "chicken base" + ] + }, + { + "id": 31165, + "cuisine": "southern_us", + "ingredients": [ + "dark corn syrup", + "light molasses", + "baking powder", + "cake flour", + "vanilla ice cream", + "vegetable oil spray", + "large eggs", + "buttermilk", + "pecans", + "water", + "unsalted butter", + "bourbon whiskey", + "salt", + "sugar", + "baking soda", + "whole milk", + "vanilla extract" + ] + }, + { + "id": 40290, + "cuisine": "mexican", + "ingredients": [ + "active dry yeast", + "sugar", + "bread flour", + "warm water", + "shortening", + "salt" + ] + }, + { + "id": 42778, + "cuisine": "mexican", + "ingredients": [ + "taco bell home originals", + "green onions", + "black beans", + "baked tortilla chips", + "tomatoes", + "2% reduced-fat milk", + "Knudsen Light Sour Cream", + "iceberg lettuce" + ] + }, + { + "id": 39584, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "hoisin sauce", + "sesame oil", + "garlic cloves", + "bamboo shoots", + "low sodium soy sauce", + "honey", + "green onions", + "red wine vinegar", + "corn starch", + "light brown sugar", + "water", + "water chestnuts", + "vegetable oil", + "oyster sauce", + "butter lettuce", + "shiitake", + "boneless skinless chicken breasts", + "ginger", + "toasted sesame seeds" + ] + }, + { + "id": 21369, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "redfish", + "lemon wedge", + "seasoning" + ] + }, + { + "id": 42134, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "orange juice", + "boneless skinless chicken breast halves", + "large garlic cloves", + "low salt chicken broth", + "ground cumin", + "chili powder", + "dark brown sugar", + "dried oregano", + "stewed tomatoes", + "fresh lime juice" + ] + }, + { + "id": 28489, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "anchovy fillets", + "vidalia onion", + "cooking spray", + "olives", + "fresh thyme", + "thyme sprigs", + "olive oil", + "refrigerated pizza dough" + ] + }, + { + "id": 4259, + "cuisine": "british", + "ingredients": [ + "cream", + "orange juice", + "water", + "caster sugar", + "rhubarb", + "egg whites" + ] + }, + { + "id": 46492, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "garlic cloves", + "baby spinach", + "rice wine", + "canola oil", + "salt" + ] + }, + { + "id": 41116, + "cuisine": "japanese", + "ingredients": [ + "rice", + "Spring! Water" + ] + }, + { + "id": 22755, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "lemon juice", + "chili pepper", + "salt", + "cumin", + "fresh cilantro", + "garlic cloves", + "paprika", + "carrots" + ] + }, + { + "id": 12802, + "cuisine": "italian", + "ingredients": [ + "water", + "macaroni", + "chopped onion", + "dried parsley", + "kidney beans", + "garlic", + "green beans", + "corn kernel whole", + "dried basil", + "diced tomatoes", + "carrots", + "dried oregano", + "tomato sauce", + "beef bouillon granules", + "chopped celery", + "ground beef", + "cabbage" + ] + }, + { + "id": 28172, + "cuisine": "indian", + "ingredients": [ + "sugar", + "soy milk", + "active dry yeast", + "bread flour", + "warm water", + "salt", + "olive oil" + ] + }, + { + "id": 2737, + "cuisine": "greek", + "ingredients": [ + "light mayonnaise", + "cucumber", + "grated lemon zest", + "chopped fresh mint", + "ground black pepper", + "fresh lemon juice", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 42718, + "cuisine": "greek", + "ingredients": [ + "milk", + "salt", + "white sugar", + "eggs", + "baking powder", + "chopped walnuts", + "ground cinnamon", + "honey", + "all-purpose flour", + "orange zest", + "water", + "butter", + "lemon juice" + ] + }, + { + "id": 39014, + "cuisine": "indian", + "ingredients": [ + "salt", + "rice flour", + "onions", + "potatoes", + "green chilies", + "gram flour", + "curry leaves", + "cilantro leaves", + "carrots", + "ground turmeric", + "chili powder", + "oil", + "asafoetida powder" + ] + }, + { + "id": 36092, + "cuisine": "moroccan", + "ingredients": [ + "slivered almonds", + "dates", + "dried apricot", + "couscous", + "unsalted butter", + "vegetable broth", + "ground cinnamon", + "golden raisins" + ] + }, + { + "id": 48753, + "cuisine": "italian", + "ingredients": [ + "avocado", + "fresh lime juice", + "vegetable oil", + "canned chicken broth", + "fresh basil leaves", + "large garlic cloves" + ] + }, + { + "id": 8402, + "cuisine": "indian", + "ingredients": [ + "fresh curry leaves", + "cilantro", + "baby carrots", + "ground cumin", + "tumeric", + "garam masala", + "vegetable broth", + "onions", + "red chili peppers", + "yellow lentils", + "garlic", + "basmati rice", + "lime", + "ginger", + "black mustard seeds" + ] + }, + { + "id": 35858, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "dry bread crumbs", + "butter", + "whole milk ricotta cheese", + "golden beets", + "egg pasta", + "poppy seeds" + ] + }, + { + "id": 2810, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "jalapeno chilies", + "all-purpose flour", + "chopped garlic", + "chicken legs", + "fresh coriander", + "dry sherry", + "red bell pepper", + "cooked rice", + "curry powder", + "cream of coconut", + "fresh lime juice", + "chicken broth", + "black pepper", + "vegetable oil", + "gingerroot" + ] + }, + { + "id": 2776, + "cuisine": "french", + "ingredients": [ + "olive oil", + "salt", + "white sugar", + "black pepper", + "butter", + "lemon juice", + "eggs", + "grated parmesan cheese", + "all-purpose flour", + "boneless skinless chicken breast halves", + "minced garlic", + "dry sherry", + "chicken base" + ] + }, + { + "id": 33993, + "cuisine": "cajun_creole", + "ingredients": [ + "mayonaise", + "crabmeat", + "dressing", + "pimentos", + "scallions", + "avocado", + "sweet pickle", + "freshly ground pepper", + "capers", + "coarse salt", + "lemon juice" + ] + }, + { + "id": 9818, + "cuisine": "filipino", + "ingredients": [ + "ground black pepper", + "patis", + "chicken stock", + "garlic", + "onions", + "ginger", + "scallions", + "jasmine rice", + "salt", + "chicken" + ] + }, + { + "id": 29322, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "taco seasoning", + "avocado", + "salt", + "sour cream", + "garlic", + "brown lentils", + "pico de gallo", + "yellow onion", + "corn tortillas" + ] + }, + { + "id": 45712, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "onion flakes", + "soy sauce", + "vegetable oil", + "white vinegar", + "garlic powder", + "white sugar", + "water", + "worcestershire sauce" + ] + }, + { + "id": 23656, + "cuisine": "french", + "ingredients": [ + "ground cinnamon", + "semisweet chocolate", + "large egg whites", + "almond extract", + "sugar", + "large eggs", + "almonds", + "salt" + ] + }, + { + "id": 7634, + "cuisine": "mexican", + "ingredients": [ + "grated parmesan cheese", + "corn", + "monterey jack", + "mayonaise", + "corn chips", + "chopped green chilies" + ] + }, + { + "id": 42692, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "lemon", + "lamb", + "fresh parsley", + "phyllo dough", + "potatoes", + "beef broth", + "fresh mint", + "eggs", + "lemon zest", + "garlic", + "feta cheese crumbles", + "olive oil", + "butter", + "fresh oregano", + "cooked white rice" + ] + }, + { + "id": 32044, + "cuisine": "indian", + "ingredients": [ + "diced tomatoes", + "yellow split peas", + "oil", + "water", + "salt", + "ground coriander", + "tumeric", + "garlic", + "cayenne pepper", + "onions", + "butter", + "cilantro leaves", + "cumin seed" + ] + }, + { + "id": 28033, + "cuisine": "japanese", + "ingredients": [ + "cooking wine", + "scallions", + "soy sauce", + "sauce", + "bok choy", + "eggs", + "frozen corn", + "ramen", + "mushrooms", + "seaweed" + ] + }, + { + "id": 30063, + "cuisine": "russian", + "ingredients": [ + "white bread", + "ground meat", + "vegetable oil", + "bread crumbs", + "onions", + "salt" + ] + }, + { + "id": 4067, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "ground cumin", + "amchur", + "ground turmeric", + "kosher salt", + "italian eggplant", + "vegetable oil" + ] + }, + { + "id": 41713, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "enchilada sauce", + "quinoa", + "frozen corn", + "black beans", + "cilantro", + "chili powder", + "shredded cheese" + ] + }, + { + "id": 47298, + "cuisine": "cajun_creole", + "ingredients": [ + "mixed vegetables", + "puff pastry", + "milk", + "salt", + "rosemary sprigs", + "cajun seasoning", + "chicken", + "cream of chicken soup", + "garlic salt" + ] + }, + { + "id": 38106, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken breast", + "chopped cilantro fresh", + "olive oil", + "corn tortillas", + "garlic", + "ground cumin", + "salt and ground black pepper", + "onions" + ] + }, + { + "id": 46761, + "cuisine": "irish", + "ingredients": [ + "lime", + "cayenne pepper", + "mayonaise", + "flour tortillas", + "corned beef", + "plain yogurt", + "salt", + "prepared coleslaw", + "chopped cilantro fresh" + ] + }, + { + "id": 30284, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "dry white wine", + "thick-cut bacon", + "arborio rice", + "olive oil", + "cheese", + "pepper", + "chives", + "reduced sodium beef broth", + "grated parmesan cheese", + "onions" + ] + }, + { + "id": 5307, + "cuisine": "french", + "ingredients": [ + "large eggs", + "salt", + "unsalted butter", + "heavy cream", + "fresh lemon juice", + "Nutella", + "vanilla extract", + "sugar", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 3427, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "water chestnuts", + "bamboo shoots", + "fish sauce", + "fresh mushrooms", + "green bell pepper", + "boneless skinless chicken breasts", + "chicken broth", + "green curry paste", + "coconut milk" + ] + }, + { + "id": 22432, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "cucumber", + "water", + "sugar", + "white vinegar", + "purple onion" + ] + }, + { + "id": 26529, + "cuisine": "indian", + "ingredients": [ + "parboiled rice", + "jaggery", + "ground cardamom", + "coconut" + ] + }, + { + "id": 13010, + "cuisine": "korean", + "ingredients": [ + "daikon", + "carrots", + "green onions", + "ginger", + "chili flakes", + "sea salt", + "napa cabbage", + "garlic" + ] + }, + { + "id": 37518, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "whipping cream", + "pinenuts", + "capellini", + "grated parmesan cheese", + "fresh basil leaves" + ] + }, + { + "id": 21723, + "cuisine": "greek", + "ingredients": [ + "ground cloves", + "unsalted butter", + "all-purpose flour", + "honey", + "baking powder", + "orange juice", + "water", + "egg yolks", + "walnuts", + "sugar", + "baking soda", + "cinnamon" + ] + }, + { + "id": 44985, + "cuisine": "italian", + "ingredients": [ + "eggs", + "chopped green bell pepper", + "butter", + "white sugar", + "chopped tomatoes", + "lean ground beef", + "shredded mozzarella cheese", + "boiling water", + "tomato paste", + "garlic powder", + "vegetable oil", + "onions", + "dried oregano", + "cottage cheese", + "grated parmesan cheese", + "salt", + "spaghetti" + ] + }, + { + "id": 23693, + "cuisine": "filipino", + "ingredients": [ + "chicken broth", + "water", + "garlic", + "fish sauce", + "green onions", + "dried shiitake mushrooms", + "bean threads", + "pepper", + "achiote powder", + "onions", + "chicken legs", + "olive oil", + "salt" + ] + }, + { + "id": 10258, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "vegetable oil", + "garlic", + "kosher salt", + "jalapeno chilies", + "chile de arbol", + "cinnamon sticks", + "granulated sugar", + "ginger", + "yellow onion", + "coriander seeds", + "shredded cabbage", + "cilantro sprigs" + ] + }, + { + "id": 49083, + "cuisine": "mexican", + "ingredients": [ + "salt", + "ground cumin", + "water", + "steak", + "pepper", + "salsa", + "green bell pepper, slice", + "onions" + ] + }, + { + "id": 36828, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "vegetable oil", + "shredded cheddar cheese", + "frozen corn", + "black beans", + "garlic", + "tomatoes", + "flour tortillas", + "onions" + ] + }, + { + "id": 5284, + "cuisine": "southern_us", + "ingredients": [ + "all-purpose flour", + "brown sugar", + "fresh raspberries", + "rolled oats", + "white sugar", + "butter" + ] + }, + { + "id": 14388, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "unsalted butter", + "corn starch", + "milk", + "heavy cream", + "unsweetened cocoa powder", + "sugar", + "cold cut", + "chocolate wafer cookies", + "pure vanilla extract", + "large egg yolks", + "salt" + ] + }, + { + "id": 25423, + "cuisine": "japanese", + "ingredients": [ + "sake", + "gari", + "asparagus", + "vegetable oil", + "ginger", + "fresh lemon juice", + "sugar", + "water", + "mirin", + "wasabi powder", + "salt", + "center-cut salmon fillet", + "avocado", + "sushi rice", + "short-grain rice", + "sesame oil", + "ponzu", + "english cucumber", + "soy sauce", + "sesame seeds", + "green onions", + "lemon", + "rice vinegar" + ] + }, + { + "id": 9329, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "lime juice", + "cayenne", + "firm tofu", + "fresh turmeric", + "granulated garlic", + "fresh ginger", + "garlic", + "coconut milk", + "fennel seeds", + "brown sugar", + "olive oil", + "cracked black pepper", + "lentils", + "tomatoes", + "kosher salt", + "quinoa", + "salt", + "chopped cilantro" + ] + }, + { + "id": 37537, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "baking powder", + "salt", + "frozen peaches", + "cinnamon", + "orange juice", + "powdered sugar", + "vegetable oil", + "all-purpose flour", + "granulated sugar", + "vanilla extract", + "chopped pecans" + ] + }, + { + "id": 1101, + "cuisine": "chinese", + "ingredients": [ + "water", + "sesame oil", + "rice vinegar", + "hoisin sauce", + "roasted unsalted cashews", + "garlic cloves", + "ground black pepper", + "vegetable oil", + "scallions", + "soy sauce", + "boneless skinless chicken breasts", + "salt" + ] + }, + { + "id": 18223, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "ground black pepper", + "lemon rind", + "chicken stock", + "tumeric", + "peas", + "onions", + "ground ginger", + "artichoke hearts", + "salt", + "ground cumin", + "saffron threads", + "chicken legs", + "paprika", + "ground coriander" + ] + }, + { + "id": 30585, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "butter", + "whole milk", + "vanilla extract", + "mochiko", + "sweetened coconut flakes", + "baking powder", + "white sugar" + ] + }, + { + "id": 19982, + "cuisine": "cajun_creole", + "ingredients": [ + "pie crust", + "mayonaise", + "large eggs", + "salt", + "garlic cloves", + "smoked ham hocks", + "creole mustard", + "green bell pepper", + "olive oil", + "red beans", + "yellow onion", + "cooked white rice", + "chicken stock", + "black pepper", + "bay leaves", + "hot sauce", + "ham", + "celery ribs", + "andouille sausage", + "fresh thyme", + "paprika", + "scallions", + "fresh parsley" + ] + }, + { + "id": 9374, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "ground pepper", + "mixed greens", + "tomatoes", + "olive oil", + "salt", + "minced garlic", + "cannellini beans", + "sage", + "rosemary", + "balsamic vinegar" + ] + }, + { + "id": 27767, + "cuisine": "french", + "ingredients": [ + "black pepper", + "baked ham", + "salt", + "parsley sprigs", + "unsalted butter", + "lemon wedge", + "olive oil", + "veal cutlets", + "all-purpose flour", + "plain dry bread crumb", + "large eggs", + "gruyere cheese" + ] + }, + { + "id": 22511, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "chicken breasts", + "fresh parsley", + "mayonaise", + "freshly ground pepper", + "green onions", + "fresh lemon juice", + "fresh dill", + "salt" + ] + }, + { + "id": 25032, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "garlic", + "ground beef", + "fish sauce", + "thai basil", + "oyster sauce", + "brown sugar", + "thai chile", + "ground white pepper", + "eggs", + "spring water", + "purple onion" + ] + }, + { + "id": 15501, + "cuisine": "southern_us", + "ingredients": [ + "water", + "fresh chives", + "chicken broth", + "soft fresh goat cheese", + "quickcooking grits" + ] + }, + { + "id": 24071, + "cuisine": "japanese", + "ingredients": [ + "honey", + "hot water", + "2% reduced-fat milk", + "green tea powder" + ] + }, + { + "id": 32872, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "purple onion", + "fat", + "ground ginger", + "pork loin", + "ground coriander", + "dried apricot", + "salt", + "ground cumin", + "tumeric", + "lemon", + "pitted prunes" + ] + }, + { + "id": 43076, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "all-purpose flour", + "carrots", + "celery ribs", + "dried basil", + "sauce", + "pepper", + "frozen corn", + "biscuits", + "boneless skinless chicken breasts", + "chopped onion" + ] + }, + { + "id": 501, + "cuisine": "irish", + "ingredients": [ + "fresh chives", + "unsalted butter", + "toasted wheat germ", + "caraway seeds", + "whole wheat flour", + "buttermilk", + "smoked salmon", + "baking soda", + "salt", + "rolled oats", + "all purpose unbleached flour" + ] + }, + { + "id": 34012, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "cilantro sprigs", + "fresh lemon juice", + "mango", + "water", + "sweet paprika", + "chopped cilantro fresh", + "ground cumin", + "pinenuts", + "olive oil", + "garlic cloves", + "plain whole-milk yogurt", + "jasmine rice", + "cayenne pepper", + "fresh parsley", + "chicken" + ] + }, + { + "id": 9815, + "cuisine": "mexican", + "ingredients": [ + "water", + "ground sirloin", + "chipotles in adobo", + "black pepper", + "flour tortillas", + "chopped onion", + "tomato sauce", + "frozen whole kernel corn", + "salt", + "black beans", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 37544, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "milk", + "vanilla extract", + "cocoa", + "fresh cranberries", + "all-purpose flour", + "sugar", + "baking powder", + "salt", + "eggs", + "water", + "butter", + "fresh mint" + ] + }, + { + "id": 33815, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "littleneck clams", + "thyme", + "unsalted butter", + "shallots", + "garlic cloves", + "bread crumbs", + "dry white wine", + "freshly ground pepper", + "mussels", + "bay leaves", + "salt", + "medium shrimp" + ] + }, + { + "id": 4229, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "thai basil", + "dark brown sugar", + "corn starch", + "canola", + "boneless skinless chicken", + "chinese five-spice powder", + "sake", + "sesame oil", + "peanut oil", + "ground white pepper", + "large egg yolks", + "brown rice flour", + "garlic cloves" + ] + }, + { + "id": 4469, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "olive oil", + "shrimp", + "minced garlic", + "butter", + "dried basil", + "linguine", + "scallops", + "grated parmesan cheese" + ] + }, + { + "id": 9898, + "cuisine": "mexican", + "ingredients": [ + "vanilla ice cream", + "graham cracker crumbs", + "bartlett pears", + "lemon zest", + "corn starch", + "ground cinnamon", + "flour tortillas", + "chopped pecans", + "honey", + "vegetable oil", + "white sugar" + ] + }, + { + "id": 28109, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "salad", + "rotisserie chicken" + ] + }, + { + "id": 32587, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "sweet potatoes", + "ground allspice", + "ground cloves", + "large eggs", + "vanilla extract", + "ground cinnamon", + "granulated sugar", + "baking powder", + "sweetened condensed milk", + "pie dough", + "fine salt", + "all-purpose flour" + ] + }, + { + "id": 5216, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "coarse salt", + "garlic", + "shredded Monterey Jack cheese", + "lime", + "poblano", + "corn tortillas", + "cooked chicken", + "diced tomatoes", + "chopped cilantro fresh", + "chicken broth", + "grapeseed oil", + "chopped onion" + ] + }, + { + "id": 34849, + "cuisine": "russian", + "ingredients": [ + "warm water", + "large eggs", + "buttermilk", + "fresh parsley", + "ground black pepper", + "butter", + "garlic cloves", + "chicken thighs", + "ketchup", + "cooking oil", + "salt", + "onions", + "vinegar", + "all purpose unbleached flour", + "sour cream" + ] + }, + { + "id": 28602, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "vegetable oil", + "short-grain rice", + "kimchi", + "sesame seeds", + "scallions", + "eggs", + "sesame oil", + "chicken" + ] + }, + { + "id": 46706, + "cuisine": "cajun_creole", + "ingredients": [ + "black peppercorns", + "parsley", + "rib", + "chicken broth", + "cayenne", + "all-purpose flour", + "green bell pepper", + "vegetable oil", + "onions", + "scallion greens", + "short-grain rice", + "giblet" + ] + }, + { + "id": 8398, + "cuisine": "mexican", + "ingredients": [ + "pasta", + "taco seasoning mix", + "diced tomatoes", + "black beans", + "sliced black olives", + "salsa", + "green bell pepper", + "olive oil", + "salt", + "pepper", + "sweet corn kernels", + "onions" + ] + }, + { + "id": 19912, + "cuisine": "vietnamese", + "ingredients": [ + "lime", + "mint leaves", + "hot sauce", + "onions", + "fish sauce", + "lemon grass", + "sirloin steak", + "cinnamon sticks", + "black peppercorns", + "fresh ginger root", + "beef stock", + "green chilies", + "fresh basil leaves", + "fresh coriander", + "hoisin sauce", + "dried rice noodles", + "beansprouts" + ] + }, + { + "id": 21013, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "sunflower oil", + "coconut milk", + "garam masala", + "chickpeas", + "onions", + "eggplant", + "curry", + "chillies", + "tomatoes", + "brown mustard seeds", + "ground coriander" + ] + }, + { + "id": 31070, + "cuisine": "japanese", + "ingredients": [ + "salad greens", + "vegetable oil", + "garlic", + "ground black pepper", + "grapeseed oil", + "lemon juice", + "shiitake", + "lemon dressing", + "garlic chili sauce", + "soy sauce", + "lobster", + "sea salt" + ] + }, + { + "id": 36091, + "cuisine": "greek", + "ingredients": [ + "fresh spinach", + "nonfat yogurt", + "long-grain rice", + "olive oil", + "ground red pepper", + "feta cheese crumbles", + "water", + "lettuce leaves", + "lemon juice", + "tomatoes", + "garlic powder", + "fresh oregano", + "sliced green onions" + ] + }, + { + "id": 18645, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "finely chopped onion", + "garlic cloves", + "ground turmeric", + "fat free less sodium chicken broth", + "vegetable oil", + "mustard seeds", + "coriander seeds", + "salt", + "chopped cilantro fresh", + "black peppercorns", + "peeled fresh ginger", + "fresh lemon juice", + "large shrimp" + ] + }, + { + "id": 29258, + "cuisine": "italian", + "ingredients": [ + "grated lemon zest", + "sugar", + "fresh lemon juice", + "water", + "blackberries", + "rosewater" + ] + }, + { + "id": 12947, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "chunky salsa", + "chopped onion", + "white rice", + "oil" + ] + }, + { + "id": 10506, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "shallots", + "pork chops", + "cooked barley", + "fish sauce", + "large eggs", + "scallions", + "chile paste", + "vegetable oil" + ] + }, + { + "id": 37814, + "cuisine": "indian", + "ingredients": [ + "sugar", + "dates", + "cardamom", + "clove", + "fresh ginger", + "salt", + "red chili peppers", + "raisins", + "ground cinnamon", + "vinegar", + "blanched almonds" + ] + }, + { + "id": 43461, + "cuisine": "japanese", + "ingredients": [ + "vegetable oil", + "white sugar", + "sushi rice", + "rice vinegar", + "eggs", + "salt", + "black sesame seeds", + "flat leaf parsley" + ] + }, + { + "id": 10534, + "cuisine": "mexican", + "ingredients": [ + "salt", + "mexican cooking sauce", + "jumbo pasta shells", + "Mexican cheese blend", + "ground beef", + "diced tomatoes", + "chopped cilantro fresh" + ] + }, + { + "id": 8549, + "cuisine": "chinese", + "ingredients": [ + "boneless chicken skinless thigh", + "dry sherry", + "rice vinegar", + "corn starch", + "red chili peppers", + "baking powder", + "garlic", + "peanut oil", + "sugar", + "flour", + "ginger", + "low sodium chicken stock", + "soy sauce", + "sesame oil", + "salt", + "scallions" + ] + }, + { + "id": 38739, + "cuisine": "mexican", + "ingredients": [ + "brown rice", + "corn kernel whole", + "water", + "cheese", + "black beans", + "diced tomatoes", + "flour tortillas", + "pinto beans" + ] + }, + { + "id": 2420, + "cuisine": "southern_us", + "ingredients": [ + "mint sprigs", + "lemonade", + "fresh mint", + "crushed ice", + "water", + "white sugar" + ] + }, + { + "id": 5001, + "cuisine": "french", + "ingredients": [ + "large eggs", + "salt", + "sugar", + "whole milk", + "bittersweet chocolate", + "unflavored gelatin", + "dried apricot", + "fresh lemon juice", + "large egg yolks", + "heavy cream", + "apricots" + ] + }, + { + "id": 35587, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "sesame oil", + "white mushrooms", + "sugar", + "arrowroot", + "rice vinegar", + "chopped cilantro", + "chicken broth", + "bell pepper", + "garlic", + "baby corn", + "soy sauce", + "chicken breasts", + "peanut oil", + "onions" + ] + }, + { + "id": 34785, + "cuisine": "mexican", + "ingredients": [ + "reduced fat sharp cheddar cheese", + "refried beans", + "salsa", + "vegetable oil cooking spray" + ] + }, + { + "id": 48113, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "pita wedges", + "cucumber", + "plain yogurt", + "garlic cloves" + ] + }, + { + "id": 23255, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "cottage cheese", + "lean ground meat", + "crushed red pepper flakes", + "grated nutmeg", + "dried oregano", + "frozen chopped spinach", + "brown sugar", + "dried basil", + "grated parmesan cheese", + "pasta shells", + "shredded mozzarella cheese", + "fresh basil", + "pepper", + "large eggs", + "garlic", + "sauce", + "seasoning", + "pasta sauce", + "olive oil", + "meat", + "salt", + "onions" + ] + }, + { + "id": 15136, + "cuisine": "thai", + "ingredients": [ + "sugar", + "canned coconut milk", + "salt", + "pearl tapioca", + "corn kernels", + "corn starch", + "strawberries" + ] + }, + { + "id": 36823, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "extra-virgin olive oil", + "pancetta" + ] + }, + { + "id": 10876, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "garlic", + "ground black pepper", + "onions", + "water", + "salt", + "hot pepper sauce", + "chile sauce" + ] + }, + { + "id": 32239, + "cuisine": "indian", + "ingredients": [ + "milk", + "ginger", + "green cardamom", + "pepper", + "flour", + "cilantro leaves", + "cumin seed", + "water", + "seeds", + "lotus seeds", + "cashew nuts", + "pistachios", + "salt", + "green chilies" + ] + }, + { + "id": 19816, + "cuisine": "indian", + "ingredients": [ + "water", + "fenugreek seeds", + "ground cumin", + "tomatoes", + "black cumin seeds", + "mustard seeds", + "fennel seeds", + "vegetable oil", + "cumin seed", + "whitefish fillets", + "salt", + "ground turmeric" + ] + }, + { + "id": 251, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "mayonaise", + "garlic chili sauce" + ] + }, + { + "id": 42387, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "chopped fresh mint", + "apple juice", + "fresh lime juice", + "mint sprigs" + ] + }, + { + "id": 28112, + "cuisine": "italian", + "ingredients": [ + "bosc pears", + "fresh lemon juice", + "pinenuts", + "pecorino romano cheese", + "greens", + "prosciutto", + "extra-virgin olive oil", + "aged balsamic vinegar", + "dried tart cherries", + "seedless red grapes" + ] + }, + { + "id": 29415, + "cuisine": "italian", + "ingredients": [ + "fontina", + "shallots", + "freshly ground pepper", + "chicken stock", + "basil leaves", + "extra-virgin olive oil", + "prosciutto", + "balsamic vinegar", + "grape tomatoes", + "boneless skinless chicken breasts", + "salt" + ] + }, + { + "id": 5357, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "russet potatoes", + "kosher salt", + "black pepper", + "yellow onion", + "fresh rosemary", + "olive oil" + ] + }, + { + "id": 31585, + "cuisine": "french", + "ingredients": [ + "lower sodium chicken broth", + "lamb sausage", + "cooking spray", + "diced tomatoes", + "sausages", + "minced garlic", + "unsalted butter", + "cannellini beans", + "salt", + "thyme sprigs", + "clove", + "olive oil", + "finely chopped onion", + "dry white wine", + "cognac", + "pork sausages", + "baguette", + "ground black pepper", + "bay leaves", + "chopped celery", + "carrots" + ] + }, + { + "id": 27780, + "cuisine": "southern_us", + "ingredients": [ + "chicken legs", + "garlic powder", + "kosher salt", + "summer savory", + "brown sugar", + "all-purpose flour", + "water", + "chicken thighs" + ] + }, + { + "id": 38970, + "cuisine": "italian", + "ingredients": [ + "tallow", + "ground beef", + "paprika", + "anise seed", + "fennel seeds", + "salt" + ] + }, + { + "id": 20312, + "cuisine": "japanese", + "ingredients": [ + "dark soy sauce", + "fresh ginger", + "chopped garlic", + "soy sauce", + "sweet rice wine", + "brown sugar", + "agave nectar", + "water", + "white sugar" + ] + }, + { + "id": 19784, + "cuisine": "greek", + "ingredients": [ + "fresh rosemary", + "cooking spray", + "tzatziki", + "ground turkey breast", + "fresh oregano", + "pitas", + "salt", + "garlic cloves", + "feta cheese", + "grated lemon zest", + "ground lamb" + ] + }, + { + "id": 11107, + "cuisine": "southern_us", + "ingredients": [ + "cornbread", + "unsweetened almond milk", + "chop fine pecan", + "coarse sea salt", + "cumin seed", + "dukkah", + "coriander seeds", + "baking powder", + "fine sea salt", + "grated orange", + "coconut oil", + "baking soda", + "apple cider vinegar", + "flaxseed", + "yellow corn meal", + "water", + "black sesame seeds", + "all purpose unbleached flour", + "cashew nuts" + ] + }, + { + "id": 10061, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "diced tomatoes", + "chopped onion", + "canola oil", + "ground red pepper", + "chopped celery", + "thyme sprigs", + "chopped green bell pepper", + "smoked sausage", + "garlic cloves", + "lower sodium chicken broth", + "chicken breasts", + "salt", + "long grain white rice" + ] + }, + { + "id": 29470, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "kosher salt", + "buttermilk", + "butter", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 4704, + "cuisine": "italian", + "ingredients": [ + "peeled shrimp", + "olive oil", + "hot sauce", + "minced garlic", + "salt", + "grated romano cheese", + "fresh asparagus" + ] + }, + { + "id": 8819, + "cuisine": "spanish", + "ingredients": [ + "salmon fillets", + "sweet potatoes", + "onions", + "milk", + "freshly ground pepper", + "kosher salt", + "swiss cheese", + "eggs", + "olive oil", + "tarragon leaves" + ] + }, + { + "id": 19018, + "cuisine": "japanese", + "ingredients": [ + "tofu", + "mirin", + "scallions", + "minced garlic", + "shoyu", + "corn starch", + "chicken stock", + "sesame oil", + "oyster sauce", + "minced ginger", + "hot bean paste" + ] + }, + { + "id": 11283, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "penne pasta", + "tomatoes", + "garlic", + "fresh asparagus", + "pepper", + "salt", + "heavy cream", + "fresh mushrooms" + ] + }, + { + "id": 10460, + "cuisine": "french", + "ingredients": [ + "milk", + "green onions", + "freshly ground pepper", + "half & half", + "vegetable broth", + "artichok heart marin", + "baking potatoes", + "frozen artichoke hearts", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 663, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "butter", + "veal", + "all-purpose flour", + "beef", + "salt", + "mushrooms", + "fresh parsley" + ] + }, + { + "id": 17541, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "meat", + "corn tortillas" + ] + }, + { + "id": 17735, + "cuisine": "chinese", + "ingredients": [ + "pandanus leaf", + "sugar", + "potato flour", + "lotus seeds", + "water" + ] + }, + { + "id": 31609, + "cuisine": "vietnamese", + "ingredients": [ + "sandwich rolls", + "jicama", + "seasoned rice wine vinegar", + "fresh cilantro", + "purple onion", + "carrots", + "pepper", + "deli ham", + "mixed greens", + "chili paste", + "salt", + "cucumber" + ] + }, + { + "id": 32439, + "cuisine": "greek", + "ingredients": [ + "lemon", + "plain yogurt", + "garlic cloves", + "fennel bulb", + "fennel seeds", + "salt" + ] + }, + { + "id": 12689, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "green onions", + "chopped celery", + "chicken stock", + "flour", + "vegetable oil", + "chopped parsley", + "boneless chicken breast halves", + "Tabasco Pepper Sauce", + "green pepper", + "seasoning", + "bay leaves", + "large garlic cloves", + "onions" + ] + }, + { + "id": 15576, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "butter", + "guacamole", + "purple onion", + "flour tortillas", + "all purpose seasoning", + "flank steak", + "red bell pepper" + ] + }, + { + "id": 34864, + "cuisine": "cajun_creole", + "ingredients": [ + "mayonaise", + "cream of shrimp soup", + "catfish fillets", + "peeled shrimp", + "sliced green onions", + "butter", + "fresh parsley", + "seasoning", + "fresh mushrooms" + ] + }, + { + "id": 33752, + "cuisine": "jamaican", + "ingredients": [ + "corn", + "corn starch", + "nutmeg", + "vanilla", + "coconut milk", + "evaporated milk", + "cinnamon sticks", + "water", + "salt", + "sweetened condensed milk" + ] + }, + { + "id": 3595, + "cuisine": "italian", + "ingredients": [ + "Kahlua Liqueur", + "pound cake", + "unsweetened cocoa powder", + "water", + "whipped topping", + "sugar", + "cream cheese", + "instant espresso powder", + "fat" + ] + }, + { + "id": 28226, + "cuisine": "japanese", + "ingredients": [ + "canned black beans", + "salt", + "coconut milk", + "vegetable oil", + "scallions", + "chopped cilantro", + "A Taste of Thai Rice Noodles", + "yellow onion", + "thai green curry paste", + "sugar", + "mandarin oranges", + "beansprouts", + "chopped garlic" + ] + }, + { + "id": 32812, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "Old El Paso™ chopped green chiles", + "chopped onion", + "sliced green onions", + "olive oil", + "cilantro", + "red bell pepper", + "black beans", + "diced tomatoes", + "taco seasoning", + "avocado", + "lime slices", + "garlic", + "ground beef" + ] + }, + { + "id": 16435, + "cuisine": "indian", + "ingredients": [ + "chiles", + "peeled fresh ginger", + "salt", + "plum tomatoes", + "curry powder", + "low-sodium fat-free chicken broth", + "okra", + "reduced fat coconut milk", + "sea scallops", + "large garlic cloves", + "onions", + "black pepper", + "vegetable oil", + "cilantro leaves" + ] + }, + { + "id": 10450, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "salsa", + "shredded cheddar cheese", + "cilantro", + "frozen corn kernels", + "refried beans", + "garlic", + "sour cream", + "pico de gallo", + "vegetable oil", + "pizza doughs" + ] + }, + { + "id": 39494, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "ginger", + "garlic cloves", + "fresh cilantro", + "vegetable oil", + "salt", + "lemon juice", + "tumeric", + "onion powder", + "vegetable broth", + "lentils", + "garlic powder", + "diced tomatoes", + "cumin seed", + "chillies" + ] + }, + { + "id": 39646, + "cuisine": "french", + "ingredients": [ + "fresh ginger root", + "vanilla extract", + "eggs", + "unsalted butter", + "cocoa powder", + "bananas", + "salt", + "honey", + "egg whites", + "white sugar" + ] + }, + { + "id": 5025, + "cuisine": "russian", + "ingredients": [ + "chopped fresh chives", + "dry bread crumbs", + "pepper", + "butter", + "fresh parsley", + "eggs", + "vegetable oil", + "lemon juice", + "water", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 3141, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "pumpkin", + "salt", + "ground ginger", + "ground cloves", + "butter", + "sugar", + "refrigerated piecrusts", + "sauce", + "ground cinnamon", + "half & half", + "vanilla extract" + ] + }, + { + "id": 23584, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "jalapeno chilies", + "cilantro", + "sour cream", + "pico de gallo", + "lime", + "green onions", + "garlic", + "chicken", + "tomatoes", + "fresh cilantro", + "guacamole", + "cheese", + "onions", + "sugar", + "flour tortillas", + "red wine vinegar", + "salt" + ] + }, + { + "id": 19327, + "cuisine": "cajun_creole", + "ingredients": [ + "onion powder", + "cayenne pepper", + "dried thyme", + "crushed red pepper", + "black pepper", + "paprika", + "dried oregano", + "garlic powder", + "salt" + ] + }, + { + "id": 15932, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "low sodium chicken broth", + "pinto beans", + "jalapeno chilies", + "yellow onion", + "garlic", + "ground cumin" + ] + }, + { + "id": 40175, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "low sodium chicken broth", + "garlic", + "thin spaghetti", + "ground black pepper", + "green onions", + "heavy whipping cream", + "parmesan cheese", + "half & half", + "salt", + "white button mushrooms", + "grated parmesan cheese", + "bacon", + "flat leaf parsley" + ] + }, + { + "id": 5388, + "cuisine": "italian", + "ingredients": [ + "cottage cheese", + "whole wheat lasagna noodles", + "shredded mozzarella cheese", + "eggs", + "parmesan cheese", + "tomato basil sauce", + "garlic powder", + "garlic", + "salt and ground black pepper", + "lean ground beef", + "dried oregano" + ] + }, + { + "id": 48414, + "cuisine": "french", + "ingredients": [ + "parsnips", + "olive oil", + "white wine vinegar", + "freshly ground pepper", + "pie dough", + "yukon gold potatoes", + "all-purpose flour", + "fresh rosemary", + "kosher salt", + "fresh chevre", + "chopped fresh sage", + "sugar", + "sweet potatoes", + "purple onion", + "carrots" + ] + }, + { + "id": 16994, + "cuisine": "japanese", + "ingredients": [ + "butter", + "carrots", + "eggs", + "white rice", + "green peas", + "onions", + "soy sauce", + "scallions" + ] + }, + { + "id": 31749, + "cuisine": "irish", + "ingredients": [ + "butter", + "pasta sauce", + "bologna", + "onions", + "potatoes" + ] + }, + { + "id": 11662, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "strawberries", + "cinnamon", + "self rising flour", + "sugar", + "margarine" + ] + }, + { + "id": 176, + "cuisine": "japanese", + "ingredients": [ + "sesame oil", + "seaweed", + "soy sauce", + "rice vinegar", + "sugar", + "salt", + "sesame seeds", + "persian cucumber" + ] + }, + { + "id": 48374, + "cuisine": "italian", + "ingredients": [ + "shallots", + "extra-virgin olive oil", + "plum tomatoes", + "crushed red pepper flakes", + "salt", + "large garlic cloves", + "linguine", + "dry white wine", + "littleneck clams", + "flat leaf parsley" + ] + }, + { + "id": 29399, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "salsa", + "pepper", + "salt", + "chopped cilantro fresh", + "garlic", + "onions", + "lime", + "frozen corn", + "cumin" + ] + }, + { + "id": 43469, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "whipping cream", + "chopped onion", + "olive oil", + "crushed red pepper", + "crushed tomatoes", + "garlic", + "fresh basil", + "pecorino romano cheese", + "bow-tie pasta" + ] + }, + { + "id": 5566, + "cuisine": "russian", + "ingredients": [ + "chopped celery", + "freshly ground pepper", + "sour cream", + "homemade vegetable stock", + "dill", + "lemon juice", + "dried mushrooms", + "sugar", + "all-purpose flour", + "garlic cloves", + "flat leaf parsley", + "coarse salt", + "beets", + "hot water" + ] + }, + { + "id": 48958, + "cuisine": "french", + "ingredients": [ + "dried basil", + "garlic cloves", + "seasoned bread crumbs", + "grated parmesan cheese", + "plum tomatoes", + "olive oil", + "fresh parsley", + "pepper", + "salt" + ] + }, + { + "id": 35423, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "dry sherry", + "hot water", + "sugar", + "vegetable oil", + "oyster sauce", + "onions", + "dried black mushrooms", + "chicken breast halves", + "garlic cloves", + "fermented black beans", + "water", + "napa cabbage", + "corn starch" + ] + }, + { + "id": 46403, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "cucumber", + "eggs", + "salt", + "milk", + "all-purpose flour", + "vegetable oil" + ] + }, + { + "id": 15331, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "chili powder", + "onions", + "curry powder", + "flour", + "garlic cloves", + "tomato paste", + "ground black pepper", + "salt", + "olive oil", + "chicken breasts", + "coconut milk" + ] + }, + { + "id": 28082, + "cuisine": "cajun_creole", + "ingredients": [ + "granulated garlic", + "dried thyme", + "green onions", + "dry bread crumbs", + "sweet paprika", + "ground cayenne pepper", + "chopped garlic", + "mirlitons", + "kosher salt", + "large eggs", + "cracked black pepper", + "cayenne pepper", + "ground white pepper", + "medium shrimp", + "green bell pepper", + "dried basil", + "stuffing", + "salt", + "creole seasoning", + "celery seed", + "dried oregano", + "celery ribs", + "table salt", + "unsalted butter", + "onion powder", + "yellow onion", + "freshly ground pepper", + "flat leaf parsley" + ] + }, + { + "id": 48210, + "cuisine": "southern_us", + "ingredients": [ + "apple cider vinegar", + "black pepper", + "crushed red pepper", + "ketchup", + "worcestershire sauce", + "pork tenderloin", + "hot sauce" + ] + }, + { + "id": 41803, + "cuisine": "british", + "ingredients": [ + "brown sugar", + "green tomatoes", + "ground turmeric", + "cauliflower", + "curry powder", + "mustard powder", + "ground ginger", + "ground nutmeg", + "onions", + "white vinegar", + "ground cloves", + "all-purpose flour" + ] + }, + { + "id": 9020, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "salt", + "sugar", + "all purpose unbleached flour", + "grated lemon peel", + "baking powder", + "apricot jam", + "unsalted butter", + "Amaretti Cookies" + ] + }, + { + "id": 14503, + "cuisine": "mexican", + "ingredients": [ + "buffalo sauce", + "blue cheese dressing", + "corn tortillas", + "low-fat cream cheese", + "boneless skinless chicken breasts", + "canola oil" + ] + }, + { + "id": 1197, + "cuisine": "southern_us", + "ingredients": [ + "large egg whites", + "fresh lime juice", + "ice cubes", + "orange flower water", + "seltzer", + "half & half", + "gin", + "fresh lemon juice" + ] + }, + { + "id": 24657, + "cuisine": "italian", + "ingredients": [ + "sea salt", + "olive oil", + "cherry tomatoes", + "kalamata", + "eggplant" + ] + }, + { + "id": 32159, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "cognac", + "black peppercorns", + "vegetable oil", + "chicken broth", + "shallots", + "lamb rib chops", + "meat bones" + ] + }, + { + "id": 28260, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "dry white wine", + "fresh parsley", + "prosciutto", + "fresh mushrooms", + "fontina cheese", + "all-purpose flour", + "boneless skinless chicken breast halves", + "unsalted butter", + "ground white pepper" + ] + }, + { + "id": 33101, + "cuisine": "italian", + "ingredients": [ + "lobster", + "arborio rice", + "green peas", + "butter", + "lower sodium chicken broth" + ] + }, + { + "id": 13180, + "cuisine": "thai", + "ingredients": [ + "fresh turmeric", + "kosher salt", + "coriander seeds", + "shallots", + "ginger", + "coconut milk", + "fish sauce", + "lemongrass", + "egg noodles", + "vegetable oil", + "garlic cloves", + "chicken legs", + "store bought low sodium chicken stock", + "palm sugar", + "lime wedges", + "brown cardamom", + "lime leaves", + "lime zest", + "chinese mustard", + "chili", + "shrimp paste", + "cilantro", + "sliced shallots" + ] + }, + { + "id": 16719, + "cuisine": "vietnamese", + "ingredients": [ + "pork belly", + "ginger", + "broth", + "cooking oil", + "toasted sesame seeds", + "lemongrass", + "patis", + "holy basil", + "kaffir lime leaves", + "pandanus leaf", + "white sugar" + ] + }, + { + "id": 17503, + "cuisine": "italian", + "ingredients": [ + "water", + "ricotta cheese", + "sugar", + "olive oil", + "heavy whipping cream", + "figs", + "honey", + "salt", + "black pepper", + "egg yolks", + "champagne vinegar" + ] + }, + { + "id": 10083, + "cuisine": "italian", + "ingredients": [ + "pepper", + "shallots", + "olive oil", + "tomatoes", + "vine tomatoes" + ] + }, + { + "id": 12269, + "cuisine": "indian", + "ingredients": [ + "ketchup", + "ground pepper", + "chickpeas", + "curry powder", + "coarse salt", + "cinnamon sticks", + "ground cloves", + "lemon wedge", + "garlic cloves", + "olive oil", + "yellow onion", + "chopped cilantro" + ] + }, + { + "id": 30703, + "cuisine": "indian", + "ingredients": [ + "pita bread", + "peeled fresh ginger", + "grate lime peel", + "chopped cilantro fresh", + "olive oil", + "cracked black pepper", + "chopped fresh mint", + "ground lamb", + "tomatoes", + "zucchini", + "chopped onion", + "Madras curry powder", + "kosher salt", + "green onions", + "poblano chiles", + "plain whole-milk yogurt" + ] + }, + { + "id": 28008, + "cuisine": "mexican", + "ingredients": [ + "milk", + "parsley", + "onions", + "white hominy", + "butter", + "corn kernels", + "tomatillos", + "chopped cilantro fresh", + "fresh marjoram", + "fresh thyme leaves", + "roast red peppers, drain" + ] + }, + { + "id": 2049, + "cuisine": "japanese", + "ingredients": [ + "avocado", + "wasabi powder", + "crab meat", + "rice wine", + "fresh lemon juice", + "soy sauce", + "rice", + "asakusa nori", + "Alaskan king crab legs" + ] + }, + { + "id": 9679, + "cuisine": "french", + "ingredients": [ + "sea scallops", + "clam juice", + "shells", + "bouillon", + "osetra caviar", + "fine sea salt", + "chives", + "heavy cream", + "unsalted butter", + "lemon", + "ground white pepper" + ] + }, + { + "id": 42318, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cheese", + "ground beef", + "tomato sauce", + "medium egg noodles", + "salt", + "olives", + "cream style corn", + "garlic", + "onions", + "pepper", + "chili powder", + "green pepper" + ] + }, + { + "id": 41179, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "grated parmesan cheese", + "garlic", + "olive oil", + "cheese ravioli", + "onions", + "tomato sauce", + "low sodium chicken broth", + "flat leaf parsley", + "whole peeled tomatoes", + "chees fresh mozzarella" + ] + }, + { + "id": 39780, + "cuisine": "french", + "ingredients": [ + "chocolate baking bar", + "instant espresso", + "whipping cream" + ] + }, + { + "id": 31251, + "cuisine": "mexican", + "ingredients": [ + "frozen whole kernel corn", + "red bell pepper", + "jalapeno chilies", + "canola oil", + "salsa", + "Mexican cheese blend", + "corn tortillas" + ] + }, + { + "id": 42573, + "cuisine": "italian", + "ingredients": [ + "rocket leaves", + "prosciutto", + "chopped walnuts", + "sweet onion", + "ground black pepper", + "prebaked pizza crusts", + "sherry vinegar", + "pears", + "olive oil", + "provolone cheese" + ] + }, + { + "id": 46778, + "cuisine": "cajun_creole", + "ingredients": [ + "bread", + "giblet", + "ground cayenne pepper", + "oysters", + "salt", + "cooked white rice", + "pepper", + "chopped celery", + "chopped parsley", + "vegetable oil", + "chopped onion" + ] + }, + { + "id": 36773, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "ground black pepper", + "sage", + "dried thyme", + "loin", + "minced garlic", + "salt", + "olive oil", + "dark brown sugar" + ] + }, + { + "id": 43059, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "white cheddar cheese", + "garlic cloves", + "unsalted butter", + "freshly ground pepper", + "large shrimp", + "extra-virgin olive oil", + "grit quick", + "slab bacon", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 30470, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "lemon juice", + "pasta", + "lemon", + "spaghetti", + "minced garlic", + "links", + "arugula", + "olive oil", + "sausages" + ] + }, + { + "id": 2845, + "cuisine": "indian", + "ingredients": [ + "diced green chilies", + "cilantro leaves", + "ground cumin", + "curry powder", + "ground black pepper", + "couscous", + "garam masala", + "coconut milk", + "olive oil", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 22906, + "cuisine": "italian", + "ingredients": [ + "brown sugar", + "roma tomatoes", + "flat leaf parsley", + "oregano", + "water", + "salt", + "onions", + "extra lean ground beef", + "garlic", + "bay leaf", + "tomato paste", + "dried thyme", + "accent", + "spaghetti" + ] + }, + { + "id": 31197, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "salt", + "fresh parsley", + "olive oil", + "okra", + "dried thyme", + "cayenne pepper", + "onions", + "green bell pepper", + "garlic", + "diced tomatoes in juice" + ] + }, + { + "id": 38618, + "cuisine": "indian", + "ingredients": [ + "rice", + "salt", + "coconut", + "water", + "oil" + ] + }, + { + "id": 16665, + "cuisine": "italian", + "ingredients": [ + "ricotta salata", + "extra-virgin olive oil", + "beets", + "soy sauce", + "grapeseed oil", + "salt", + "white sandwich bread", + "whole grain mustard", + "black olives", + "fresh lemon juice", + "shallots", + "white wine vinegar", + "frisee" + ] + }, + { + "id": 19023, + "cuisine": "cajun_creole", + "ingredients": [ + "creole mustard", + "salt", + "olive oil", + "sugar", + "red wine vinegar" + ] + }, + { + "id": 46843, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "chop fine pecan", + "grated nutmeg", + "unsalted butter", + "ice water", + "lemon juice", + "peaches", + "fine salt", + "grated lemon zest", + "light brown sugar", + "granulated sugar", + "all-purpose flour", + "corn starch" + ] + }, + { + "id": 7437, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "baking powder", + "salt", + "pepper", + "baking potatoes", + "beer", + "ground red pepper", + "malt vinegar", + "kosher salt", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 40556, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "cheese", + "enchilada sauce", + "cilantro", + "taco seasoning", + "lean ground beef", + "green chilies", + "green onions", + "garlic", + "onions" + ] + }, + { + "id": 43584, + "cuisine": "moroccan", + "ingredients": [ + "spring roll wrappers", + "olive oil", + "harissa", + "fresh parsley", + "water", + "egg yolks", + "black olives", + "cumin", + "black pepper", + "potatoes", + "paprika", + "onions", + "fresh cilantro", + "egg roll wraps", + "salt", + "canola oil" + ] + }, + { + "id": 14357, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "regular soy sauce", + "pork shoulder", + "dark soy sauce", + "black bean sauce", + "garlic", + "honey", + "sesame oil", + "chinese rice wine", + "hoisin sauce", + "chinese five-spice powder" + ] + }, + { + "id": 41211, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "baguette" + ] + }, + { + "id": 22878, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "flour", + "paprika", + "diced bell pepper", + "water", + "parsley", + "diced celery", + "diced onions", + "crawfish", + "green onions", + "cayenne pepper", + "chicken bouillon", + "garlic powder", + "butter", + "chopped parsley" + ] + }, + { + "id": 21942, + "cuisine": "mexican", + "ingredients": [ + "confectioners sugar", + "pomegranate juice", + "fresh lime juice", + "tequila", + "triple sec", + "ice" + ] + }, + { + "id": 12212, + "cuisine": "chinese", + "ingredients": [ + "water", + "sesame oil", + "cooking oil", + "chicken", + "light soy sauce", + "ginger", + "dark soy sauce", + "Shaoxing wine" + ] + }, + { + "id": 37075, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "refried beans", + "onions", + "romaine lettuce", + "queso fresco", + "tomatoes", + "tortillas", + "skirt steak", + "cream", + "salsa" + ] + }, + { + "id": 13135, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "unsalted butter", + "juice", + "olive oil", + "garlic cloves", + "duck breasts", + "dry red wine", + "onions", + "rosemary", + "rich chicken stock", + "tagliatelle" + ] + }, + { + "id": 98, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "jasmine rice", + "onions", + "soy sauce", + "dashi", + "brown sugar", + "water", + "boneless chicken skinless thigh", + "rice wine" + ] + }, + { + "id": 26410, + "cuisine": "mexican", + "ingredients": [ + "green chilies", + "shredded Monterey Jack cheese", + "sour cream", + "butter" + ] + }, + { + "id": 7749, + "cuisine": "southern_us", + "ingredients": [ + "store bought low sodium chicken broth", + "coffee", + "grit quick", + "kosher salt", + "butter", + "ground black pepper", + "scallions", + "ham steak", + "vegetable oil" + ] + }, + { + "id": 18795, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "marinara sauce", + "garlic cloves", + "pepper", + "salt", + "fresh basil", + "ricotta cheese", + "frozen chopped spinach", + "grated parmesan cheese", + "jumbo pasta shells" + ] + }, + { + "id": 19765, + "cuisine": "mexican", + "ingredients": [ + "vanilla", + "unsalted butter", + "all-purpose flour", + "salt", + "chop fine pecan", + "confectioners sugar" + ] + }, + { + "id": 15613, + "cuisine": "french", + "ingredients": [ + "sugar", + "sour cherries", + "eau de vie" + ] + }, + { + "id": 46310, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "dried bonito flakes", + "konbu", + "water", + "watercress", + "soba noodles", + "enokitake", + "togarashi", + "Japanese soy sauce", + "pea pods", + "scallions" + ] + }, + { + "id": 5708, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "all-purpose flour", + "blackberries", + "ground cinnamon", + "butter", + "corn starch", + "cold water", + "baking powder", + "lemon juice", + "brown sugar", + "salt", + "boiling water" + ] + }, + { + "id": 44264, + "cuisine": "chinese", + "ingredients": [ + "jasmine rice", + "garlic", + "carrots", + "shallots", + "salt", + "cucumber", + "vegetable oil", + "cilantro leaves", + "chicken", + "tomatoes", + "ginger", + "scallions" + ] + }, + { + "id": 45203, + "cuisine": "vietnamese", + "ingredients": [ + "white pepper", + "garlic", + "fish sauce", + "egg whites", + "shrimp", + "cooking oil", + "salt", + "sugar", + "sugar cane" + ] + }, + { + "id": 9024, + "cuisine": "southern_us", + "ingredients": [ + "corn husks", + "heavy cream", + "chiles", + "whole milk", + "maple syrup", + "eggs", + "unsalted butter", + "salt", + "bread crumbs", + "chives", + "freshly ground pepper" + ] + }, + { + "id": 21442, + "cuisine": "vietnamese", + "ingredients": [ + "tomato paste", + "lemongrass", + "boneless beef short ribs", + "thai chile", + "kosher salt", + "thai basil", + "daikon", + "carrots", + "fish sauce", + "fresh ginger", + "beef stock", + "diced yellow onion", + "minced garlic", + "ground black pepper", + "star anise", + "canola oil" + ] + }, + { + "id": 16363, + "cuisine": "korean", + "ingredients": [ + "ground pepper", + "crushed red pepper", + "soy sauce", + "sesame oil", + "onions", + "sugar", + "pork tenderloin", + "garlic cloves", + "olive oil", + "ginger", + "toasted sesame seeds" + ] + }, + { + "id": 43271, + "cuisine": "southern_us", + "ingredients": [ + "whole wheat pastry flour", + "salt", + "carrots", + "canola oil", + "nonfat buttermilk", + "water", + "poultry seasoning", + "onions", + "reduced sodium chicken broth", + "all-purpose flour", + "celery", + "boneless chicken skinless thigh", + "baking soda", + "freshly ground pepper", + "frozen peas" + ] + }, + { + "id": 20192, + "cuisine": "korean", + "ingredients": [ + "fish sauce", + "napa cabbage", + "scallions", + "fresh ginger", + "garlic", + "chili flakes", + "chili powder", + "salt", + "water", + "daikon", + "pears" + ] + }, + { + "id": 17368, + "cuisine": "french", + "ingredients": [ + "sugar", + "baking soda", + "dark crème de cacao", + "cake flour", + "peppermint extract", + "large egg yolks", + "large eggs", + "vanilla extract", + "unsweetened cocoa powder", + "water", + "unsalted butter", + "light corn syrup", + "salt", + "vegetable oil spray", + "semisweet chocolate", + "whipping cream", + "chocolate curls" + ] + }, + { + "id": 37240, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "butter", + "flat leaf parsley", + "gyoza skins", + "crumbled ricotta salata cheese", + "poppy seeds", + "asparagus", + "pecorino romano cheese", + "water", + "ricotta cheese", + "salt" + ] + }, + { + "id": 40272, + "cuisine": "french", + "ingredients": [ + "golden brown sugar", + "vanilla beans", + "fresh raspberries", + "sugar", + "whipping cream", + "raspberry jam", + "large egg yolks" + ] + }, + { + "id": 8507, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "white bread", + "white sugar", + "orange liqueur", + "eggs", + "orange zest" + ] + }, + { + "id": 25845, + "cuisine": "southern_us", + "ingredients": [ + "french bread", + "chicken tenderloin", + "garlic powder", + "butter", + "salt", + "Velveeta", + "cajun seasoning", + "shredded sharp cheddar cheese", + "mixed vegetables", + "diced tomatoes" + ] + }, + { + "id": 37059, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "frozen whole kernel corn", + "salt", + "chopped cilantro fresh", + "lime rind", + "lettuce leaves", + "ripe olives", + "grape tomatoes", + "jalapeno chilies", + "poblano chiles", + "cider vinegar", + "purple onion", + "fresh lime juice" + ] + }, + { + "id": 44342, + "cuisine": "mexican", + "ingredients": [ + "lean ground beef", + "shredded cheese", + "green pepper", + "onions", + "salsa", + "oil", + "egg roll wrappers", + "taco seasoning" + ] + }, + { + "id": 30864, + "cuisine": "jamaican", + "ingredients": [ + "cider vinegar", + "green onions", + "carrots", + "granulated sugar", + "garlic", + "pepper", + "vegetable oil", + "green cabbage", + "dijon mustard", + "salt" + ] + }, + { + "id": 15658, + "cuisine": "thai", + "ingredients": [ + "sea salt", + "coconut milk", + "organic granulated sugar", + "sticky rice", + "mango" + ] + }, + { + "id": 42873, + "cuisine": "indian", + "ingredients": [ + "batter", + "ghee", + "cilantro leaves", + "onions" + ] + }, + { + "id": 37119, + "cuisine": "vietnamese", + "ingredients": [ + "golden brown sugar", + "ground pork", + "garlic cloves", + "sugar", + "shallots", + "thai chile", + "fresh lime juice", + "lemongrass", + "vegetable oil", + "persian cucumber", + "chopped cilantro fresh", + "fish sauce", + "lettuce leaves", + "grated carrot", + "ground white pepper" + ] + }, + { + "id": 33923, + "cuisine": "greek", + "ingredients": [ + "garlic", + "swordfish steaks", + "feta cheese crumbles", + "fresh spinach", + "fresh lemon juice", + "olive oil" + ] + }, + { + "id": 11501, + "cuisine": "cajun_creole", + "ingredients": [ + "satsuma juice", + "whole milk", + "satsumas", + "corn starch", + "large egg yolks", + "large eggs", + "sprinkles", + "cream cheese", + "nutmeg", + "unsalted butter", + "cinnamon", + "salt", + "confectioners sugar", + "sugar", + "granulated sugar", + "heavy cream", + "all-purpose flour" + ] + }, + { + "id": 25159, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "unsalted butter", + "buttermilk", + "chopped walnuts", + "large egg yolks", + "large eggs", + "salt", + "baking soda", + "baking powder", + "all-purpose flour", + "brown sugar", + "granulated sugar", + "heavy cream" + ] + }, + { + "id": 9703, + "cuisine": "greek", + "ingredients": [ + "eggs", + "lemon", + "ground beef", + "pepper", + "salt", + "ground lamb", + "granulated garlic", + "onion flakes", + "dried oregano", + "feta cheese", + "fresh mint" + ] + }, + { + "id": 7588, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "pepper", + "Mexican cheese blend", + "vegetable oil", + "sour cream", + "light brown sugar", + "black beans", + "cherry tomatoes", + "chili powder", + "scallions", + "chopped cilantro fresh", + "tomato sauce", + "lime juice", + "flour tortillas", + "salt", + "onions", + "avocado", + "cider vinegar", + "vegetable oil spray", + "lean ground beef", + "garlic cloves", + "romaine lettuce hearts" + ] + }, + { + "id": 21707, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "Japanese soy sauce", + "shiso", + "silken tofu", + "dried bonito flakes", + "peeled fresh ginger", + "toasted nori" + ] + }, + { + "id": 33594, + "cuisine": "moroccan", + "ingredients": [ + "red lentils", + "fresh cilantro", + "lemon", + "greek yogurt", + "fresh chile", + "ground cinnamon", + "chopped tomatoes", + "salt", + "onions", + "chicken stock", + "olive oil", + "ras el hanout", + "celery", + "ground cumin", + "brown sugar", + "ground black pepper", + "garlic cloves", + "coriander" + ] + }, + { + "id": 33371, + "cuisine": "indian", + "ingredients": [ + "water", + "green chilies", + "garlic paste", + "salt", + "ghee", + "whole wheat flour", + "oil", + "spinach", + "cilantro leaves" + ] + }, + { + "id": 40677, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "margarine", + "buttermilk", + "bread flour", + "vegetable oil", + "white sugar", + "whole wheat flour", + "salt" + ] + }, + { + "id": 37402, + "cuisine": "russian", + "ingredients": [ + "olive oil", + "lean ground beef", + "red bell pepper", + "ground black pepper", + "ground allspice", + "fresh parsley", + "hungarian paprika", + "salt", + "cooked white rice", + "tomato sauce", + "large eggs", + "garlic cloves", + "onions" + ] + }, + { + "id": 16303, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "parmesan cheese", + "basil", + "eggplant", + "ricotta cheese", + "lasagna noodles", + "goat cheese" + ] + }, + { + "id": 4203, + "cuisine": "italian", + "ingredients": [ + "Chianti", + "navel oranges" + ] + }, + { + "id": 354, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "fresh ginger root", + "ground red pepper", + "salt", + "ground turmeric", + "water", + "cilantro stems", + "garlic", + "white sugar", + "tomato purée", + "potatoes", + "vegetable oil", + "onions", + "tomatoes", + "garam masala", + "chile pepper", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 27717, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ground black pepper", + "napa cabbage", + "scallions", + "eggs", + "water", + "sesame oil", + "cilantro leaves", + "kosher salt", + "hoisin sauce", + "red pepper", + "carrots", + "vegetable oil cooking spray", + "fresh ginger", + "wonton wrappers", + "firm tofu" + ] + }, + { + "id": 24823, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "beef", + "onions", + "dried basil", + "stewed tomatoes", + "water", + "lean ground beef", + "dried oregano", + "tomato paste", + "olive oil", + "garlic" + ] + }, + { + "id": 43107, + "cuisine": "indian", + "ingredients": [ + "clove", + "water", + "chile pepper", + "cinnamon sticks", + "garlic paste", + "cooking oil", + "cardamom pods", + "ground turmeric", + "fenugreek leaves", + "garam masala", + "salt", + "onions", + "fresh spinach", + "ground red pepper", + "cumin seed", + "chicken" + ] + }, + { + "id": 12848, + "cuisine": "chinese", + "ingredients": [ + "black peppercorns", + "cinnamon", + "peanut oil", + "eggs", + "light soy sauce", + "orange juice", + "water", + "garlic", + "white sugar", + "dark soy sauce", + "star anise", + "pork spareribs" + ] + }, + { + "id": 16057, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "whole milk", + "onions", + "fontina", + "mascarpone", + "garlic cloves", + "fettucine", + "swiss chard", + "salt", + "black pepper", + "large eggs", + "rib" + ] + }, + { + "id": 17314, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "freshly ground pepper", + "salt", + "olive oil", + "okra" + ] + }, + { + "id": 45422, + "cuisine": "mexican", + "ingredients": [ + "bell pepper", + "diced tomatoes", + "ground beef", + "jalapeno chilies", + "tortilla chips", + "onions", + "cooked rice", + "lime wedges", + "taco seasoning", + "black beans", + "grating cheese", + "sour cream" + ] + }, + { + "id": 44198, + "cuisine": "korean", + "ingredients": [ + "olive oil", + "garlic", + "toasted sesame oil", + "fresh spinach", + "large eggs", + "english cucumber", + "soy sauce", + "red pepper flakes", + "carrots", + "top round steak", + "sesame seeds", + "Gochujang base", + "cooked white rice" + ] + }, + { + "id": 21283, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "vegetable oil", + "catfish fillets", + "hot pepper sauce", + "cayenne pepper", + "kosher salt", + "baking powder", + "white cornmeal", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 9488, + "cuisine": "indian", + "ingredients": [ + "fresh lemon juice", + "whole milk" + ] + }, + { + "id": 23488, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "fat free less sodium chicken broth", + "vegetable oil", + "ground coriander", + "ground cumin", + "slivered almonds", + "golden raisins", + "chopped onion", + "fresh parsley", + "boneless chicken skinless thigh", + "ground red pepper", + "brown lentils", + "basmati rice", + "ground cinnamon", + "water", + "salt", + "garlic cloves" + ] + }, + { + "id": 39157, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "recipe crumbles", + "spaghetti", + "olive oil", + "dry red wine", + "fresh parmesan cheese", + "chopped onion", + "minced garlic", + "baby spinach" + ] + }, + { + "id": 4178, + "cuisine": "italian", + "ingredients": [ + "baby portobello mushrooms", + "olive oil", + "butter", + "arborio rice", + "sweet onion", + "dry white wine", + "pepper", + "low sodium chicken broth", + "garlic cloves", + "fresh spinach", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 21736, + "cuisine": "greek", + "ingredients": [ + "pure vanilla extract", + "unsalted butter", + "all-purpose flour", + "honey", + "baking powder", + "walnuts", + "sugar", + "large eggs", + "sour cherries", + "baking soda", + "coarse salt", + "greek yogurt" + ] + }, + { + "id": 11446, + "cuisine": "irish", + "ingredients": [ + "all-purpose flour", + "butter", + "extra fine granulated sugar", + "lemon" + ] + }, + { + "id": 39326, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "minced garlic", + "cilantro", + "black beans", + "olive oil", + "corn tortillas", + "vidalia onion", + "lime", + "salt", + "tomatoes", + "shredded cheddar cheese", + "jalapeno chilies", + "cumin" + ] + }, + { + "id": 9411, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "celery heart", + "purple onion", + "fresh mint", + "lime juice", + "garlic", + "squid", + "canola oil", + "grape tomatoes", + "peanuts", + "buckwheat noodles", + "cucumber", + "sugar", + "ground pork", + "salt", + "bird chile" + ] + }, + { + "id": 47390, + "cuisine": "italian", + "ingredients": [ + "salt", + "olive oil", + "pepper", + "italian seasoning", + "boneless skinless chicken breasts" + ] + }, + { + "id": 47261, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "salt", + "toasted sesame seeds", + "eggs", + "sesame oil", + "juice", + "plain flour", + "spring onions", + "rice vinegar", + "chili flakes", + "vegetable oil", + "kimchi" + ] + }, + { + "id": 27621, + "cuisine": "mexican", + "ingredients": [ + "catalina dressing", + "doritos", + "taco seasoning reduced sodium", + "95% lean ground beef", + "tomatoes", + "iceberg lettuce", + "fat" + ] + }, + { + "id": 26286, + "cuisine": "indian", + "ingredients": [ + "water", + "black peppercorns", + "black tea leaves", + "clove", + "milk", + "sugar", + "cardamom pods" + ] + }, + { + "id": 14404, + "cuisine": "southern_us", + "ingredients": [ + "low-fat buttermilk", + "butter", + "sugar", + "cooking spray", + "all-purpose flour", + "baking soda", + "baking powder", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 35523, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "fresh lemon juice", + "cilantro leaves", + "salt", + "jalapeno chilies", + "yellow onion" + ] + }, + { + "id": 33380, + "cuisine": "irish", + "ingredients": [ + "water", + "butter", + "adobo sauce", + "reduced fat sharp cheddar cheese", + "cooking spray", + "salt", + "large eggs", + "non-fat sour cream", + "chipotle chile", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 34529, + "cuisine": "indian", + "ingredients": [ + "sugar", + "salted butter", + "garlic", + "milk", + "maida flour", + "wheat flour", + "warm water", + "yoghurt", + "salt", + "mint", + "active dry yeast", + "cilantro" + ] + }, + { + "id": 10808, + "cuisine": "russian", + "ingredients": [ + "semolina flour", + "canola oil", + "eggs", + "white sugar", + "all-purpose flour", + "cottage cheese" + ] + }, + { + "id": 7262, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "fat free milk", + "green peas", + "long-grain rice", + "curry powder", + "green onions", + "all-purpose flour", + "sugar", + "cooking spray", + "salt", + "medium shrimp", + "sweet onion", + "ground red pepper", + "roasted peanuts" + ] + }, + { + "id": 4706, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "hoisin sauce", + "hot sauce", + "ground ginger", + "garlic powder", + "red food coloring", + "baby back ribs", + "honey", + "onion powder", + "chinese five-spice powder", + "brandy", + "chopped fresh chives", + "dark sesame oil" + ] + }, + { + "id": 7538, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "chicken livers", + "kosher salt", + "hot sauce", + "buttermilk", + "canola oil", + "ground black pepper", + "poultry seasoning" + ] + }, + { + "id": 20232, + "cuisine": "indian", + "ingredients": [ + "eggs", + "rice", + "chili powder", + "onions", + "mint leaves", + "oil", + "tomatoes", + "salt", + "ground turmeric" + ] + }, + { + "id": 45764, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "salt", + "sage leaves", + "parmigiano reggiano cheese", + "all-purpose flour", + "large egg yolks", + "whole milk ricotta cheese", + "ground white pepper", + "kosher salt", + "cooked pumpkin", + "grated nutmeg" + ] + }, + { + "id": 6535, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "ground black pepper", + "red wine vinegar", + "garlic cloves", + "capers", + "dry white wine", + "heirloom tomatoes", + "thyme sprigs", + "fennel seeds", + "hand", + "lemon", + "bass fillets", + "olive oil", + "shallots", + "salt" + ] + }, + { + "id": 32914, + "cuisine": "italian", + "ingredients": [ + "rapid rise yeast", + "candy", + "milk", + "all-purpose flour", + "eggs", + "salt", + "white sugar", + "butter", + "anise extract" + ] + }, + { + "id": 9806, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "tortilla chips", + "monterey jack", + "taco seasoning mix", + "sour cream", + "seasoning salt", + "oil", + "green chile", + "diced tomatoes", + "onions" + ] + }, + { + "id": 11378, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "agave nectar", + "sweet rice flour", + "sugar", + "vanilla extract", + "water", + "salt", + "food colouring", + "red beans" + ] + }, + { + "id": 23075, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "olive oil", + "ground pork", + "green bell pepper", + "cajun seasoning", + "chicken livers", + "chicken broth", + "green onions", + "long-grain rice", + "water", + "bacon", + "onions" + ] + }, + { + "id": 6320, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "pecorino romano cheese", + "juice", + "sugar", + "large eggs", + "italian eggplant", + "flat leaf parsley", + "tomatoes", + "water", + "vegetable oil", + "garlic cloves", + "white sandwich bread", + "tomato paste", + "black pepper", + "whole milk", + "salt", + "long grain white rice" + ] + }, + { + "id": 17788, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "butter", + "frozen blueberries", + "baking powder", + "all-purpose flour", + "sugar", + "salt", + "eggs", + "2% reduced-fat milk" + ] + }, + { + "id": 31114, + "cuisine": "cajun_creole", + "ingredients": [ + "crab meat", + "dried basil", + "shrimp heads", + "all-purpose flour", + "okra", + "onions", + "black pepper", + "bay leaves", + "worcestershire sauce", + "cayenne pepper", + "celery", + "green bell pepper", + "dried thyme", + "vegetable oil", + "hot sauce", + "lemon juice", + "dried oregano", + "shrimp stock", + "crab", + "green onions", + "salt", + "creole seasoning", + "fresh parsley" + ] + }, + { + "id": 12940, + "cuisine": "chinese", + "ingredients": [ + "pork", + "chopped garlic", + "sesame oil", + "soy sauce", + "pepper flakes", + "fresh green bean" + ] + }, + { + "id": 19820, + "cuisine": "thai", + "ingredients": [ + "shallots", + "ground pork", + "orange peel", + "fish sauce", + "pineapple", + "shrimp", + "chopped garlic", + "palm sugar", + "cilantro", + "red bell pepper", + "vegetable oil", + "roasted peanuts", + "peppercorns" + ] + }, + { + "id": 47248, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "whipping cream", + "pancetta", + "dry white wine", + "juice", + "basil leaves", + "garlic cloves", + "penne", + "diced tomatoes" + ] + }, + { + "id": 17796, + "cuisine": "russian", + "ingredients": [ + "powdered sugar", + "Jell-O Gelatin", + "pastry", + "agar", + "sugar", + "egg whites", + "water", + "lemon" + ] + }, + { + "id": 39212, + "cuisine": "vietnamese", + "ingredients": [ + "pork", + "lime wedges", + "carrots", + "fish sauce", + "fresh ginger", + "salt", + "fresh mint", + "lettuce", + "black pepper", + "rice vermicelli", + "chili garlic paste", + "sugar", + "thai basil", + "cilantro leaves", + "rice paper" + ] + }, + { + "id": 11099, + "cuisine": "italian", + "ingredients": [ + "hard-boiled egg", + "sprinkles", + "confectioners sugar", + "olive oil", + "extra large eggs", + "cake yeast", + "eggs", + "whole milk", + "all-purpose flour", + "sugar", + "lemon", + "oil" + ] + }, + { + "id": 3351, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "prosciutto", + "cooking spray", + "crushed red pepper", + "part-skim mozzarella cheese", + "ground nutmeg", + "chicken breasts", + "salt", + "water", + "fresh parmesan cheese", + "large eggs", + "part-skim ricotta cheese", + "garlic cloves", + "garlic oil", + "swiss chard", + "ground black pepper", + "chopped fresh thyme", + "all-purpose flour" + ] + }, + { + "id": 24728, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "salt", + "sugar", + "baking powder", + "flour", + "cornmeal", + "baking soda", + "buttermilk" + ] + }, + { + "id": 19303, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "watercress", + "fresh shiitake mushrooms", + "firm tofu", + "peeled fresh ginger", + "rice vinegar", + "sugar", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 13434, + "cuisine": "italian", + "ingredients": [ + "walnut halves", + "fresh cilantro", + "garlic", + "pinenuts", + "fresh thyme", + "fresh lemon juice", + "black pepper", + "olive oil", + "salt", + "fresh basil", + "water", + "flaked" + ] + }, + { + "id": 41046, + "cuisine": "thai", + "ingredients": [ + "green onions", + "cilantro", + "fresh lime juice", + "fresh ginger", + "slaw mix", + "salt", + "jalapeno chilies", + "large garlic cloves", + "dry bread crumbs", + "pita bread", + "vegetable oil", + "peanut sauce", + "large shrimp" + ] + }, + { + "id": 49376, + "cuisine": "indian", + "ingredients": [ + "smoked haddock", + "green onions", + "bay leaf", + "eggs", + "curry powder", + "green peas", + "low-fat plain yogurt", + "milk", + "salt", + "pepper", + "butter", + "basmati rice" + ] + }, + { + "id": 33839, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "yellow onion", + "garlic salt", + "light sour cream", + "diced tomatoes", + "enchilada sauce", + "baby spinach", + "taco seasoning", + "white kidney beans", + "lime", + "shredded pepper jack cheese", + "corn tortillas" + ] + }, + { + "id": 18265, + "cuisine": "indian", + "ingredients": [ + "water", + "saffron threads", + "basmati rice", + "salt", + "clove" + ] + }, + { + "id": 30617, + "cuisine": "thai", + "ingredients": [ + "fresh ginger", + "cashew butter", + "coconut milk", + "sweet chili sauce", + "ground chicken breast", + "red curry paste", + "coconut oil", + "pumpkin purée", + "salt", + "gluten-free tamari", + "lime", + "cilantro", + "shredded zucchini" + ] + }, + { + "id": 34274, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "cheese", + "salad dressing", + "avocado", + "shredded reduced fat cheddar cheese", + "salsa", + "reduced fat ranch dressing", + "crisps", + "cilantro leaves", + "ripe olives", + "grape tomatoes", + "beef", + "pinto beans", + "corn kernel whole" + ] + }, + { + "id": 38114, + "cuisine": "thai", + "ingredients": [ + "sugar", + "lime juice", + "lime wedges", + "salt", + "fish sauce", + "water", + "mushrooms", + "light coconut milk", + "onions", + "chicken breast tenders", + "green curry paste", + "green peas", + "couscous", + "minced garlic", + "minced ginger", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 23824, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "milk", + "butter", + "all-purpose flour", + "ground cloves", + "baking powder", + "raisins", + "chopped pecans", + "pecan halves", + "ground nutmeg", + "lemon", + "hot water", + "ground cinnamon", + "orange", + "flaked coconut", + "cocktail cherries", + "white sugar" + ] + }, + { + "id": 5548, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "lime wedges", + "dark sesame oil", + "onions", + "fish sauce", + "ground red pepper", + "less sodium beef broth", + "beansprouts", + "rice stick noodles", + "peeled fresh ginger", + "thai chile", + "cinnamon sticks", + "pork tenderloin", + "star anise", + "garlic cloves", + "fresh basil leaves" + ] + }, + { + "id": 12275, + "cuisine": "indian", + "ingredients": [ + "milk", + "baking powder", + "melted butter", + "herbs", + "all-purpose flour", + "baking soda", + "salt", + "sugar", + "yoghurt" + ] + }, + { + "id": 49396, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "tortillas", + "salsa", + "corn tortillas", + "olive oil", + "guacamole", + "diced yellow onion", + "monterey jack", + "flat leaf spinach", + "jalapeno chilies", + "rotisserie chicken", + "chopped cilantro", + "water", + "garlic powder", + "chili powder", + "sour cream", + "ground cumin" + ] + }, + { + "id": 31450, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "garlic", + "chili powder", + "jelly", + "brown sugar", + "worcestershire sauce", + "baby back ribs", + "cider vinegar", + "purple onion" + ] + }, + { + "id": 39774, + "cuisine": "irish", + "ingredients": [ + "all-purpose flour", + "butter", + "salt", + "potatoes" + ] + }, + { + "id": 43363, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "hoisin sauce", + "rice vinegar", + "canola oil", + "water", + "boneless skinless chicken breasts", + "garlic cloves", + "fat free less sodium chicken broth", + "broccoli florets", + "salted peanuts", + "fresh ginger", + "crushed red pepper", + "corn starch" + ] + }, + { + "id": 36911, + "cuisine": "chinese", + "ingredients": [ + "chili flakes", + "chicken breast tenders", + "rice vinegar", + "corn starch", + "brown sugar", + "ginger", + "garlic cloves", + "toasted sesame oil", + "dark soy sauce", + "spices", + "peanut oil", + "red bell pepper", + "low sodium soy sauce", + "chinese rice wine", + "purple onion", + "lemon juice", + "snow peas" + ] + }, + { + "id": 9388, + "cuisine": "filipino", + "ingredients": [ + "water", + "salt", + "green beans", + "soy sauce", + "ginger", + "oyster sauce", + "brown sugar", + "ground pork", + "oil", + "onions", + "pepper", + "garlic", + "carrots" + ] + }, + { + "id": 15084, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "onions", + "curry powder", + "carrots", + "peeled deveined shrimp", + "salt", + "serrano chile", + "fresh ginger", + "coconut milk" + ] + }, + { + "id": 33126, + "cuisine": "italian", + "ingredients": [ + "bacon", + "tomato sauce", + "onions", + "pasta", + "diced tomatoes", + "water" + ] + }, + { + "id": 47383, + "cuisine": "italian", + "ingredients": [ + "dry vermouth", + "butter", + "fresh shiitake mushrooms", + "chopped fresh sage", + "mushrooms", + "whipping cream", + "shallots" + ] + }, + { + "id": 30818, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "ground pork", + "oyster sauce", + "bananas", + "garlic", + "spring roll wrappers", + "shallots", + "salt", + "water", + "thai chile" + ] + }, + { + "id": 21334, + "cuisine": "thai", + "ingredients": [ + "roasted cashews", + "Sriracha", + "fresh mint", + "romaine lettuce", + "purple onion", + "medium shrimp", + "sugar", + "carrots", + "chopped cilantro fresh", + "fish sauce", + "linguine", + "fresh lime juice" + ] + }, + { + "id": 12994, + "cuisine": "thai", + "ingredients": [ + "sugar", + "lemongrass", + "basil leaves", + "hot sauce", + "coconut milk", + "canola oil", + "coconut oil", + "lime juice", + "leaves", + "salt", + "long-grain rice", + "onions", + "tomatoes", + "white pepper", + "lime", + "tamari soy sauce", + "ground coriander", + "galangal", + "red chili peppers", + "canola", + "garlic", + "dried chickpeas", + "curry paste", + "ground cumin" + ] + }, + { + "id": 30340, + "cuisine": "italian", + "ingredients": [ + "kahlúa", + "unsweetened cocoa powder", + "part-skim ricotta cheese", + "sugar", + "ladyfingers", + "cream cheese" + ] + }, + { + "id": 39757, + "cuisine": "korean", + "ingredients": [ + "mirin", + "corn starch", + "chopped cilantro fresh", + "fresh ginger", + "flank steak", + "mung bean sprouts", + "canola oil", + "jalapeno chilies", + "toasted sesame oil", + "chopped garlic", + "reduced sodium soy sauce", + "baby spinach", + "toasted sesame seeds" + ] + }, + { + "id": 44641, + "cuisine": "thai", + "ingredients": [ + "lettuce", + "lime juice", + "chili powder", + "purple onion", + "beansprouts", + "fish sauce", + "fresh ginger root", + "lime wedges", + "garlic cloves", + "mint", + "lemongrass", + "sesame oil", + "skinless chicken breasts", + "lime leaves", + "red chili peppers", + "basil leaves", + "vegetable oil", + "cucumber" + ] + }, + { + "id": 27729, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "stewed tomatoes", + "onions", + "seasoning", + "kidney beans", + "taco seasoning", + "water", + "shoepeg corn", + "ground chuck", + "rotelle", + "pinto beans" + ] + }, + { + "id": 5136, + "cuisine": "chinese", + "ingredients": [ + "tofu", + "chopped leaves", + "sesame oil", + "garlic cloves", + "coriander", + "fresh red chili", + "egg noodles", + "ginger", + "beansprouts", + "golden caster sugar", + "lemongrass", + "red pepper", + "carrots", + "soy sauce", + "spring onions", + "rice vinegar", + "lime leaves" + ] + }, + { + "id": 41065, + "cuisine": "italian", + "ingredients": [ + "ricotta salata", + "extra-virgin olive oil", + "bucatini", + "capers", + "ground black pepper", + "fresh oregano", + "eggplant", + "salt", + "plum tomatoes", + "water", + "yellow bell pepper", + "garlic cloves" + ] + }, + { + "id": 11237, + "cuisine": "greek", + "ingredients": [ + "grape leaves", + "farro", + "lemon juice", + "kosher salt", + "extra-virgin olive oil", + "dried currants", + "crushed red pepper flakes", + "pepper", + "walnuts" + ] + }, + { + "id": 23887, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "tomatoes", + "cracked black pepper", + "fresh thyme", + "fresh rosemary", + "garlic" + ] + }, + { + "id": 36931, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "lime", + "curry", + "basmati rice", + "red chili peppers", + "prawns", + "fenugreek seeds", + "tumeric", + "fresh ginger root", + "purple onion", + "reduced fat coconut milk", + "fresh coriander", + "vegetable oil", + "black mustard seeds" + ] + }, + { + "id": 40960, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "white onion", + "ancho chile pepper", + "white vinegar", + "dried chile", + "kosher salt" + ] + }, + { + "id": 29718, + "cuisine": "british", + "ingredients": [ + "kosher salt", + "dry mustard", + "beef rib roast", + "black pepper", + "all-purpose flour" + ] + }, + { + "id": 35634, + "cuisine": "southern_us", + "ingredients": [ + "arborio rice", + "grated parmesan cheese", + "green peas", + "water", + "butter", + "crawfish", + "dry white wine", + "fennel bulb", + "fat free reduced sodium chicken broth" + ] + }, + { + "id": 32835, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "manchego cheese", + "red bliss potato", + "cabbage", + "spanish onion", + "red wine vinegar", + "poblano chiles", + "kosher salt", + "jalapeno chilies", + "roasted garlic", + "canola oil", + "olive oil", + "butter", + "corn tortillas" + ] + }, + { + "id": 43846, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "cooking spray", + "garlic chili sauce", + "hoisin sauce", + "salt", + "ketchup", + "peeled fresh ginger", + "chopped cilantro", + "pork tenderloin", + "garlic cloves" + ] + }, + { + "id": 4161, + "cuisine": "chinese", + "ingredients": [ + "water", + "Shaoxing wine", + "anise", + "stock", + "raw cane sugar", + "sesame oil", + "fine sea salt", + "fermented bean curd", + "pork ribs", + "daikon", + "fresh ginger", + "green onions", + "cilantro" + ] + }, + { + "id": 23902, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "miso paste", + "firm tofu", + "water", + "sherry", + "carrots", + "minced garlic", + "ground black pepper", + "chopped onion", + "frozen chopped spinach", + "olive oil", + "crushed garlic" + ] + }, + { + "id": 48327, + "cuisine": "japanese", + "ingredients": [ + "medium firm tofu", + "Japanese soy sauce", + "sardines", + "white sesame seeds", + "shiso leaves", + "canola oil" + ] + }, + { + "id": 36476, + "cuisine": "italian", + "ingredients": [ + "raspberries", + "butter", + "pepper flakes", + "olive oil", + "corn starch", + "pepper", + "salt", + "Estancia Pinot Noir", + "tuna steaks", + "toasted almonds" + ] + }, + { + "id": 22435, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "sweet potatoes", + "garlic", + "frozen spinach", + "water", + "cheese", + "fresh basil", + "butter", + "salt", + "frozen sweet corn", + "portabello mushroom" + ] + }, + { + "id": 17674, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "beef brisket", + "salt", + "soy sauce", + "sesame seeds", + "green onions", + "beansprouts", + "black pepper", + "gochugaru", + "sesame oil", + "beef bones", + "water", + "mung bean noodles", + "Gochujang base" + ] + }, + { + "id": 29746, + "cuisine": "italian", + "ingredients": [ + "water", + "garlic cloves", + "linguine", + "plum tomatoes", + "extra-virgin olive oil", + "fresh basil leaves", + "hot red pepper flakes", + "clams, well scrub" + ] + }, + { + "id": 31904, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "salt", + "butter", + "black pepper", + "1% low-fat milk", + "parmesan cheese", + "polenta" + ] + }, + { + "id": 48912, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "heavy cream", + "pepper", + "shallots", + "all-purpose flour", + "dried basil", + "butter", + "white wine", + "cooking oil", + "salt" + ] + }, + { + "id": 9557, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "pineapple", + "olive oil", + "avocado", + "purple onion", + "jicama" + ] + }, + { + "id": 46169, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "frozen corn", + "pinto beans", + "chopped cilantro fresh", + "spinach", + "diced tomatoes", + "yellow onion", + "sour cream", + "ground cumin", + "tomato paste", + "chili powder", + "salsa", + "juice", + "monterey jack", + "salt and ground black pepper", + "extra-virgin olive oil", + "garlic cloves", + "corn tortillas" + ] + }, + { + "id": 43443, + "cuisine": "japanese", + "ingredients": [ + "sweet rice", + "salt", + "honey", + "adzuki beans", + "raw sugar", + "water" + ] + }, + { + "id": 7657, + "cuisine": "indian", + "ingredients": [ + "salmon fillets", + "ground red pepper", + "fennel seeds", + "olive oil", + "english cucumber", + "kosher salt", + "cumin seed", + "black peppercorns", + "coriander seeds", + "raita" + ] + }, + { + "id": 4131, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "garlic", + "cumin seed", + "toor dal", + "garam masala", + "cilantro leaves", + "onions", + "tomatoes", + "chili powder", + "green chilies", + "coriander", + "water", + "salt", + "oil" + ] + }, + { + "id": 14875, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "espresso", + "ladyfingers", + "dark rum", + "bittersweet chocolate", + "large eggs", + "cognac", + "sugar", + "salt", + "unsweetened cocoa powder" + ] + }, + { + "id": 40105, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "crème fraîche", + "heavy whipping cream", + "kosher salt", + "whole milk", + "corn starch", + "large eggs", + "dark brown sugar", + "caramel sauce", + "unsalted butter", + "maldon sea salt", + "Scotch whisky" + ] + }, + { + "id": 38626, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "water", + "garlic", + "brussels sprouts", + "bacon", + "olive oil", + "salt" + ] + }, + { + "id": 7175, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "bay leaves", + "cayenne pepper", + "olive oil", + "apple cider vinegar", + "chicken thighs", + "low sodium soy sauce", + "shallots", + "dark brown sugar", + "ground black pepper", + "garlic" + ] + }, + { + "id": 6205, + "cuisine": "southern_us", + "ingredients": [ + "bacon slices", + "onions", + "pepper", + "garlic cloves", + "baby lima beans", + "salt", + "corn kernels", + "roast red peppers, drain" + ] + }, + { + "id": 49227, + "cuisine": "jamaican", + "ingredients": [ + "green plantains", + "hot pepper", + "plantains", + "gravy", + "salt", + "chips", + "vegetable oil", + "clove", + "meat", + "oil" + ] + }, + { + "id": 44639, + "cuisine": "chinese", + "ingredients": [ + "peeled fresh ginger", + "scallions", + "frozen peas", + "eggs", + "ground pork", + "carrots", + "vegetable oil", + "garlic cloves", + "soy sauce", + "rice vinegar", + "cooked white rice" + ] + }, + { + "id": 40787, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh parsley", + "clams", + "linguine", + "heavy cream", + "chopped garlic", + "fresh tomatoes", + "corn starch" + ] + }, + { + "id": 6437, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "daikon", + "dashi", + "scallions", + "soy sauce", + "dried bonito flakes", + "vegetable oil" + ] + }, + { + "id": 40882, + "cuisine": "irish", + "ingredients": [ + "water", + "butter", + "small red potato", + "dijon mustard", + "salt", + "onions", + "black pepper", + "dry white wine", + "garlic cloves", + "cabbage", + "milk", + "bacon", + "carrots" + ] + }, + { + "id": 47330, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "roasted peanuts", + "dried shrimp", + "chives", + "coconut milk", + "fish", + "bread", + "parsley", + "bay leaf", + "olive oil", + "shrimp", + "onions" + ] + }, + { + "id": 33732, + "cuisine": "spanish", + "ingredients": [ + "white wine", + "lemon wedge", + "flat leaf parsley", + "saffron threads", + "minced garlic", + "yellow bell pepper", + "mussels", + "olive oil", + "red bell pepper", + "pepper", + "clam juice" + ] + }, + { + "id": 48913, + "cuisine": "italian", + "ingredients": [ + "milk chocolate", + "coarse sea salt", + "unsweetened cocoa powder", + "earl grey tea leaves", + "granulated sugar", + "corn starch", + "candied orange peel", + "whole milk", + "confectioners sugar", + "unsalted butter", + "heavy cream" + ] + }, + { + "id": 27753, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium soy sauce", + "wine vinegar", + "vegetable oil", + "sesame seeds", + "large shrimp" + ] + }, + { + "id": 30317, + "cuisine": "southern_us", + "ingredients": [ + "2% reduced-fat milk", + "pasta", + "all-purpose flour", + "salt", + "mustard", + "shredded cheese" + ] + }, + { + "id": 26758, + "cuisine": "indian", + "ingredients": [ + "salt", + "shredded coconut", + "basmati rice", + "water", + "coconut milk" + ] + }, + { + "id": 30637, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "large eggs", + "all-purpose flour", + "water", + "baking powder", + "heavy whipping cream", + "unsalted butter", + "salt", + "fleur de sel", + "sugar", + "whole milk", + "peanut oil" + ] + }, + { + "id": 32323, + "cuisine": "thai", + "ingredients": [ + "mirin", + "red curry paste", + "unsweetened coconut milk", + "dry white wine", + "peeled fresh ginger", + "lemongrass", + "whipping cream" + ] + }, + { + "id": 38371, + "cuisine": "southern_us", + "ingredients": [ + "seasoning salt", + "vegetable oil", + "shredded Monterey Jack cheese", + "large eggs", + "shredded sharp cheddar cheese", + "shredded mild cheddar cheese", + "butter", + "black pepper", + "half & half", + "elbow macaroni" + ] + }, + { + "id": 27380, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "olive oil", + "diced tomatoes", + "freshly ground pepper", + "dried oregano", + "italian sausage", + "black pepper", + "fusilli", + "salt", + "garlic cloves", + "fresh basil", + "bay leaves", + "crushed red pepper flakes", + "shredded mozzarella cheese", + "tomato paste", + "dried basil", + "ricotta cheese", + "shredded parmesan cheese", + "onions" + ] + }, + { + "id": 39067, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "onion powder", + "elbow macaroni", + "red kidnei beans, rins and drain", + "green onions", + "salt", + "tomato paste", + "garlic powder", + "diced tomatoes", + "ground beef", + "jack cheese", + "chili powder", + "green chilies" + ] + }, + { + "id": 17723, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "crushed red pepper", + "white wine", + "cooking spray", + "dried oregano", + "tomato paste", + "finely chopped onion", + "garlic cloves", + "crushed tomatoes", + "balsamic vinegar" + ] + }, + { + "id": 3036, + "cuisine": "russian", + "ingredients": [ + "vinegar", + "walnuts", + "baking soda", + "poppy seeds", + "sour cream", + "sugar", + "flour", + "cocoa powder", + "unsalted butter", + "extra large eggs", + "sweetened condensed milk" + ] + }, + { + "id": 29708, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "light brown sugar", + "large eggs", + "cream ic peach", + "pecans", + "baking powder", + "pure vanilla extract", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 36385, + "cuisine": "southern_us", + "ingredients": [ + "tomato sauce", + "barbecue sauce", + "salt", + "carrots", + "frozen okra", + "extra-virgin olive oil", + "lima beans", + "onions", + "crushed tomatoes", + "baking potatoes", + "salsa", + "green beans", + "brown sugar", + "tomato juice", + "mutton", + "whole kernel corn, drain", + "italian seasoning" + ] + }, + { + "id": 38729, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "low sodium chicken broth", + "ground coriander", + "chopped cilantro", + "ground cumin", + "green bell pepper", + "corn kernels", + "garlic", + "corn tortillas", + "onions", + "chile powder", + "black beans", + "butter", + "poblano chiles", + "ground beef", + "cheddar cheese", + "olive oil", + "all-purpose flour", + "fresh lime juice", + "monterey jack" + ] + }, + { + "id": 28939, + "cuisine": "greek", + "ingredients": [ + "eggplant", + "walnuts", + "extra-virgin olive oil", + "fresh lemon juice", + "red wine vinegar", + "garlic cloves", + "sugar", + "salt" + ] + }, + { + "id": 2327, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "shredded Monterey Jack cheese", + "large flour tortillas", + "finely chopped onion", + "green chile", + "hot sauce" + ] + }, + { + "id": 44355, + "cuisine": "mexican", + "ingredients": [ + "Mexican beer", + "gin", + "fresh lemon juice" + ] + }, + { + "id": 21121, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "paprika", + "mayonaise", + "russet potatoes", + "olive oil", + "fresh lemon juice", + "kosher salt", + "clove garlic, fine chop" + ] + }, + { + "id": 43091, + "cuisine": "southern_us", + "ingredients": [ + "tomato sauce", + "diced tomatoes", + "carrots", + "celery ribs", + "black-eyed peas", + "garlic cloves", + "onions", + "pepper", + "stewed tomatoes", + "fresh parsley", + "fresh spinach", + "low-sodium fat-free chicken broth", + "ham" + ] + }, + { + "id": 39441, + "cuisine": "jamaican", + "ingredients": [ + "eggs", + "curry powder", + "salt", + "pepper", + "beef stock", + "onions", + "bread crumbs", + "dried thyme", + "minced beef", + "plain flour", + "water", + "butter" + ] + }, + { + "id": 529, + "cuisine": "mexican", + "ingredients": [ + "unsalted butter", + "chees fresco queso", + "lime", + "chili powder", + "cayenne pepper", + "serrano peppers", + "salt", + "corn kernels", + "low-fat mayonnaise" + ] + }, + { + "id": 35166, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "green onions", + "white vinegar", + "lime", + "medium shrimp", + "tomatoes", + "serrano peppers", + "fresh cilantro", + "cucumber" + ] + }, + { + "id": 47173, + "cuisine": "filipino", + "ingredients": [ + "bay leaves", + "chicken", + "black peppercorns", + "garlic", + "ginger", + "soy sauce", + "distilled malt vinegar" + ] + }, + { + "id": 7073, + "cuisine": "chinese", + "ingredients": [ + "white onion", + "chives", + "oyster sauce", + "light soy sauce", + "sesame oil", + "beansprouts", + "dark soy sauce", + "beef", + "vegetable oil", + "noodles", + "sugar", + "starch", + "salt" + ] + }, + { + "id": 3581, + "cuisine": "korean", + "ingredients": [ + "light brown sugar", + "olive oil", + "green onions", + "onions", + "soy sauce", + "beef", + "garlic cloves", + "cooked rice", + "chili paste", + "apples", + "kosher salt", + "bell pepper", + "toasted sesame oil" + ] + }, + { + "id": 22830, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "cabbage", + "minced ginger", + "salt", + "minced garlic", + "ground pork", + "flour", + "boiling water" + ] + }, + { + "id": 36919, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "baking powder", + "fresh lemon juice", + "sugar", + "unsalted butter", + "grated nutmeg", + "peaches", + "salt", + "corn starch", + "cider vinegar", + "flour", + "cream cheese" + ] + }, + { + "id": 31851, + "cuisine": "greek", + "ingredients": [ + "bread", + "purple onion", + "tomatoes", + "feta cheese crumbles", + "cheddar cheese", + "butter" + ] + }, + { + "id": 28961, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "mushrooms", + "carrots", + "cabbage", + "pepper", + "rice vermicelli", + "onions", + "sugar pea", + "vegetable oil", + "celery", + "hoisin sauce", + "garlic", + "chicken thighs" + ] + }, + { + "id": 45174, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "all-purpose flour", + "red bell pepper", + "sugar", + "vegetable oil", + "cumin seed", + "milk", + "salt", + "chopped pecans", + "yellow corn meal", + "baking powder", + "cayenne pepper" + ] + }, + { + "id": 13257, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "purple onion", + "celery ribs", + "black-eyed peas", + "red bell pepper", + "olive oil", + "salt", + "green bell pepper", + "red wine vinegar", + "chopped cilantro fresh" + ] + }, + { + "id": 5214, + "cuisine": "mexican", + "ingredients": [ + "lime", + "cinnamon sticks", + "sugar", + "rice", + "vanilla extract", + "lime juice", + "blanched almonds" + ] + }, + { + "id": 8140, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "roma tomatoes", + "chipotles in adobo", + "avocado", + "olive oil", + "penne pasta", + "corn", + "garlic", + "chopped cilantro", + "pinenuts", + "grated parmesan cheese", + "greek yogurt" + ] + }, + { + "id": 36645, + "cuisine": "mexican", + "ingredients": [ + "rub", + "pepper", + "olive oil", + "chipotle", + "chili powder", + "worcestershire sauce", + "salt", + "beer", + "chopped cilantro fresh", + "white vinegar", + "brown sugar", + "fresh cilantro", + "ground black pepper", + "sweet potatoes", + "balsamic vinegar", + "paprika", + "salsa", + "red bell pepper", + "tomatoes", + "crushed tomatoes", + "garlic powder", + "flour tortillas", + "apple cider vinegar", + "apple cider", + "maple syrup", + "garlic cloves", + "ground cumin", + "light brown sugar", + "kosher salt", + "lime", + "beef brisket", + "green onions", + "lemon", + "dry mustard", + "cayenne pepper", + "chipotles in adobo" + ] + }, + { + "id": 45173, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "evaporated cane juice", + "garlic", + "ground turmeric", + "chili pepper", + "cilantro", + "black mustard seeds", + "fennel seeds", + "masoor dal", + "ginger", + "ghee", + "chiles", + "lemon", + "salt", + "cumin" + ] + }, + { + "id": 9066, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "coriander seeds", + "ginger", + "chili sauce", + "chicken stock", + "fresh cilantro", + "hoisin sauce", + "purple onion", + "onions", + "clove", + "chili pepper", + "base", + "star anise", + "beansprouts", + "fish sauce", + "lime", + "chicken breasts", + "dried rice noodles" + ] + }, + { + "id": 39491, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "red miso", + "sugar", + "tamari soy sauce", + "toasted sesame seeds", + "vegetable oil", + "toasted sesame oil", + "kale", + "scallions", + "tenderloin steaks" + ] + }, + { + "id": 32079, + "cuisine": "italian", + "ingredients": [ + "pepper", + "purple onion", + "grape tomatoes", + "balsamic vinegar", + "dried rosemary", + "tomatoes", + "olive oil", + "salt", + "sugar", + "cheese" + ] + }, + { + "id": 2844, + "cuisine": "greek", + "ingredients": [ + "phyllo dough", + "garlic", + "eggs", + "green onions", + "fresh parsley", + "olive oil", + "feta cheese crumbles", + "spinach", + "ricotta cheese", + "onions" + ] + }, + { + "id": 44387, + "cuisine": "mexican", + "ingredients": [ + "sweet italian sausag links, cut into", + "prepar salsa", + "flour tortillas", + "Country Crock® Spread", + "large eggs", + "sour cream", + "queso blanco" + ] + }, + { + "id": 9718, + "cuisine": "mexican", + "ingredients": [ + "lime", + "jalapeno chilies", + "salt", + "ground cumin", + "taco shells", + "hot pepper sauce", + "garlic", + "mahi mahi fillets", + "black beans", + "honey", + "vegetable oil", + "crème fraîche", + "pepper", + "red cabbage", + "purple onion", + "chopped cilantro" + ] + }, + { + "id": 496, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "frozen okra", + "all-purpose flour", + "okra pods", + "andouille sausage", + "smoked sausage", + "freshly ground pepper", + "green bell pepper", + "unsalted butter", + "yellow onion", + "celery ribs", + "boneless chicken skinless thigh", + "salt", + "garlic cloves" + ] + }, + { + "id": 21499, + "cuisine": "italian", + "ingredients": [ + "sugar", + "merlot", + "sweet cherries", + "water", + "ice cubes", + "navel oranges" + ] + }, + { + "id": 21503, + "cuisine": "british", + "ingredients": [ + "frozen raspberries", + "vanilla", + "raspberry jam", + "egg yolks", + "poundcake", + "nutmeg", + "cream sherry", + "whipping cream", + "sugar", + "whole milk", + "corn starch" + ] + }, + { + "id": 15392, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "garlic cloves", + "brown sugar", + "salt", + "fresh basil", + "balsamic vinegar", + "olive oil", + "freshly ground pepper" + ] + }, + { + "id": 44874, + "cuisine": "french", + "ingredients": [ + "blueberry pie filling", + "whipped topping", + "eggs", + "powdered vanilla pudding mix", + "cold milk", + "milk", + "biscuit baking mix", + "strawberries" + ] + }, + { + "id": 24511, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "graham cracker crumbs", + "ground beef", + "olive oil", + "canned tomatoes", + "onions", + "pepper", + "garlic", + "fresh parsley", + "eggs", + "grated parmesan cheese", + "salt", + "spaghetti" + ] + }, + { + "id": 40669, + "cuisine": "cajun_creole", + "ingredients": [ + "heavy cream", + "pecan halves", + "vanilla", + "light brown sugar", + "light corn syrup", + "butter", + "salt" + ] + }, + { + "id": 34550, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "shallots", + "chili sauce", + "red bell pepper", + "water", + "salt", + "garlic cloves", + "jasmine rice", + "vegetable oil", + "dark brown sugar", + "green onions", + "rice vinegar", + "carrots" + ] + }, + { + "id": 21392, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "onions", + "olive oil", + "carrots", + "water", + "chili powder", + "mature cheddar", + "chopped tomatoes", + "low-fat natural yogurt" + ] + }, + { + "id": 30079, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "fresh cilantro", + "diced tomatoes", + "salt", + "onions", + "black pepper", + "chili paste", + "raw cashews", + "garlic cloves", + "cumin", + "water", + "russet potatoes", + "vegetable broth", + "lemon juice", + "tumeric", + "garam masala", + "ginger", + "ground coriander", + "frozen peas" + ] + }, + { + "id": 27458, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "butternut squash", + "chopped cilantro fresh", + "fresh ginger", + "salt", + "curry powder", + "butter", + "basmati rice", + "minced onion", + "fat" + ] + }, + { + "id": 28940, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "green bell pepper", + "crushed red pepper", + "dried oregano", + "fresh basil", + "shallots", + "sliced mushrooms", + "bone-in chicken breast halves", + "tomato basil sauce" + ] + }, + { + "id": 45600, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "fresh thyme", + "scotch bonnet chile", + "whole allspice", + "shallots", + "dark brown sugar", + "black peppercorns", + "dark rum", + "garlic", + "ground nutmeg", + "lime wedges", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 21502, + "cuisine": "spanish", + "ingredients": [ + "ground cinnamon", + "vanilla extract", + "large eggs", + "heavy cream", + "sugar", + "cinnamon sticks" + ] + }, + { + "id": 14806, + "cuisine": "greek", + "ingredients": [ + "frozen chopped spinach", + "large eggs", + "salt", + "fresh parsley", + "large egg whites", + "1% low-fat milk", + "garlic cloves", + "phyllo dough", + "cooking spray", + "fresh oregano", + "ground black pepper", + "purple onion", + "feta cheese crumbles" + ] + }, + { + "id": 16800, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "freshly ground pepper", + "capers", + "extra-virgin olive oil", + "flat leaf parsley", + "fillet red snapper", + "salt", + "shallots", + "lemon juice" + ] + }, + { + "id": 30661, + "cuisine": "southern_us", + "ingredients": [ + "vanilla extract", + "eggs", + "white sugar", + "whole milk" + ] + }, + { + "id": 23708, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "boneless skinless chicken breasts", + "corn starch", + "soy sauce", + "honey", + "garlic", + "canola oil", + "water", + "red pepper flakes", + "onions", + "ketchup", + "sesame seeds", + "salt" + ] + }, + { + "id": 27617, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "sugar", + "butter", + "self rising flour", + "milk" + ] + }, + { + "id": 1374, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "pitted kalamata olives", + "crushed red pepper", + "low salt chicken broth", + "fresh rosemary", + "extra-virgin olive oil", + "garlic cloves", + "dry white wine", + "roasting chickens" + ] + }, + { + "id": 40654, + "cuisine": "indian", + "ingredients": [ + "green chilies", + "ground turmeric", + "chana dal", + "mustard seeds", + "dry coconut", + "oil", + "bottle gourd", + "urad dal", + "onions" + ] + }, + { + "id": 9548, + "cuisine": "indian", + "ingredients": [ + "water", + "oil", + "salt", + "gram flour" + ] + }, + { + "id": 4908, + "cuisine": "southern_us", + "ingredients": [ + "large egg yolks", + "whipping cream", + "walnut pieces", + "whole milk", + "cayenne pepper", + "ground black pepper", + "salt", + "golden brown sugar", + "vegetable oil" + ] + }, + { + "id": 12523, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "vegetable oil", + "sour cream", + "chile powder", + "minced onion", + "salt", + "Mexican cheese blend", + "diced chicken", + "corn tortillas", + "garlic powder", + "chile pepper", + "sliced mushrooms" + ] + }, + { + "id": 2946, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "garlic salt", + "boneless skinless chicken breasts", + "grated parmesan cheese", + "italian salad dressing", + "parsley flakes", + "plain breadcrumbs" + ] + }, + { + "id": 32536, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "pork sausages", + "unsalted butter", + "salsa", + "shredded cheddar cheese", + "chili powder", + "large eggs", + "corn tortillas" + ] + }, + { + "id": 13838, + "cuisine": "indian", + "ingredients": [ + "bananas", + "ice cubes", + "greek yogurt", + "cold milk", + "ground cardamom", + "sugar" + ] + }, + { + "id": 35920, + "cuisine": "moroccan", + "ingredients": [ + "golden raisins", + "salt", + "ground cinnamon", + "whole wheat couscous", + "ground turmeric", + "ground red pepper", + "carrots", + "water", + "vegetable broth", + "ground cumin" + ] + }, + { + "id": 45103, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "flour", + "salt", + "garlic powder", + "onion salt", + "cocoa", + "vegetable oil", + "tomato sauce", + "chili powder", + "ground cumin" + ] + }, + { + "id": 40316, + "cuisine": "mexican", + "ingredients": [ + "cinnamon", + "hot sauce", + "pork shoulder", + "lime", + "salt", + "beer", + "cumin", + "black pepper", + "garlic", + "cayenne pepper", + "oregano", + "chili powder", + "salsa", + "orange juice" + ] + }, + { + "id": 469, + "cuisine": "spanish", + "ingredients": [ + "mixed spice", + "whole peeled tomatoes", + "peas", + "grated lemon zest", + "grated orange", + "tomato paste", + "curry powder", + "bay leaves", + "pitted olives", + "onions", + "octopuses", + "olive oil", + "red wine", + "salt", + "white sugar", + "pepper", + "potatoes", + "garlic", + "fresh mint" + ] + }, + { + "id": 41982, + "cuisine": "mexican", + "ingredients": [ + "pickled jalapenos", + "bacon", + "lime", + "salt", + "corn", + "cilantro", + "avocado", + "diced red onions" + ] + }, + { + "id": 29916, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "bacon slices", + "carrots", + "spinach", + "kosher salt", + "fresh oregano", + "bread crumb fresh", + "grated nutmeg", + "flat leaf parsley", + "ground cloves", + "flank steak", + "garlic cloves" + ] + }, + { + "id": 20619, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "jalapeno chilies", + "salt", + "olives", + "halibut fillets", + "vegetable oil", + "garlic cloves", + "lime", + "dry white wine", + "yellow onion", + "olive oil", + "diced tomatoes", + "chopped parsley" + ] + }, + { + "id": 6616, + "cuisine": "mexican", + "ingredients": [ + "milk", + "whole kernel corn, drain", + "chile pepper", + "whole peeled tomatoes", + "shredded cheddar cheese", + "all-purpose flour" + ] + }, + { + "id": 49605, + "cuisine": "italian", + "ingredients": [ + "water", + "sugar", + "fresh lime juice", + "light coconut milk", + "lime rind" + ] + }, + { + "id": 6161, + "cuisine": "mexican", + "ingredients": [ + "strawberries", + "lime juice", + "fresh mint", + "water", + "blueberries", + "agave nectar", + "ice" + ] + }, + { + "id": 1039, + "cuisine": "chinese", + "ingredients": [ + "low sodium chicken broth", + "coarse salt", + "garlic cloves", + "soy sauce", + "unsalted cashews", + "rice vinegar", + "cooked white rice", + "sugar", + "peeled fresh ginger", + "dry sherry", + "corn starch", + "boneless, skinless chicken breast", + "vegetable oil", + "scallions" + ] + }, + { + "id": 12753, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil cooking spray", + "sweet potatoes", + "olive oil", + "garlic cloves", + "finely chopped fresh parsley", + "grated orange", + "pepper", + "salt" + ] + }, + { + "id": 19576, + "cuisine": "southern_us", + "ingredients": [ + "ground chipotle chile pepper", + "shredded sharp cheddar cheese", + "pimentos", + "cream cheese", + "garlic powder", + "salt", + "mayonaise", + "cheese spread", + "freshly ground pepper" + ] + }, + { + "id": 25530, + "cuisine": "french", + "ingredients": [ + "sweet cherries", + "salt", + "powdered sugar", + "fresh orange juice", + "grated orange", + "cooking spray", + "cream cheese, soften", + "brown sugar", + "crepes" + ] + }, + { + "id": 45503, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "mushrooms", + "sea salt", + "garlic cloves", + "free-range eggs", + "fresh ginger root", + "sesame oil", + "minced beef", + "ground white pepper", + "light soy sauce", + "spring onions", + "cornflour", + "chinese leaf", + "Shaoxing wine", + "vegetable stock", + "oil", + "toasted sesame oil" + ] + }, + { + "id": 48477, + "cuisine": "french", + "ingredients": [ + "chervil", + "crème fraîche", + "potatoes", + "sea salt", + "ground black pepper" + ] + }, + { + "id": 22029, + "cuisine": "mexican", + "ingredients": [ + "chile pepper", + "garlic cloves", + "romaine lettuce leaves", + "chopped cilantro fresh", + "chicken broth", + "salt", + "tomatillos", + "onions" + ] + }, + { + "id": 45975, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "salt", + "mustard seeds", + "red chili peppers", + "cumin seed", + "tumeric", + "green chilies", + "bottle gourd", + "curry leaves", + "chili powder", + "lentils" + ] + }, + { + "id": 17966, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "large egg whites", + "grated lemon zest", + "corn starch", + "soy sauce", + "sesame oil", + "garlic cloves", + "sugar", + "boneless skinless chicken breasts", + "peanut oil", + "white sesame seeds", + "minced ginger", + "lemon slices", + "fresh lemon juice" + ] + }, + { + "id": 46329, + "cuisine": "french", + "ingredients": [ + "coconut", + "sweetened coconut flakes", + "salt", + "large egg whites" + ] + }, + { + "id": 35237, + "cuisine": "russian", + "ingredients": [ + "eggs", + "balsamic vinegar", + "dill weed", + "potatoes", + "cucumber", + "fresh leav spinach", + "salt", + "white sugar", + "sorrel", + "green onions", + "sour cream" + ] + }, + { + "id": 5068, + "cuisine": "jamaican", + "ingredients": [ + "fresh cilantro", + "pineapple", + "ground allspice", + "salmon fillets", + "olive oil", + "salt", + "ground cumin", + "canned black beans", + "cinnamon", + "cayenne pepper", + "dried thyme", + "purple onion", + "mango" + ] + }, + { + "id": 19766, + "cuisine": "spanish", + "ingredients": [ + "bacon", + "medjool date" + ] + }, + { + "id": 19508, + "cuisine": "irish", + "ingredients": [ + "salt", + "eggs", + "tomatoes", + "black pudding", + "bacon" + ] + }, + { + "id": 31105, + "cuisine": "french", + "ingredients": [ + "mussels", + "ground black pepper", + "shallots", + "littleneck clams", + "kosher salt", + "fennel bulb", + "Italian parsley leaves", + "olive oil", + "dry white wine", + "razor clams", + "cockles", + "unsalted butter", + "yukon gold potatoes", + "garlic cloves" + ] + }, + { + "id": 2652, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "parmigiano reggiano cheese", + "butter", + "garlic cloves", + "steel-cut oats", + "olive oil", + "butternut squash", + "salt", + "cremini mushrooms", + "ground black pepper", + "dry white wine", + "chopped fresh sage", + "diced onions", + "water", + "cooking spray", + "cracked black pepper" + ] + }, + { + "id": 18162, + "cuisine": "italian", + "ingredients": [ + "salt", + "Italian bread", + "extra-virgin olive oil", + "dried oregano", + "garlic cloves" + ] + }, + { + "id": 35062, + "cuisine": "mexican", + "ingredients": [ + "ground pepper", + "garlic cloves", + "cooked chicken breasts", + "tomatoes", + "coarse salt", + "fresh lime juice", + "avocado", + "chili powder", + "corn tortillas", + "monterey jack", + "olive oil", + "purple onion", + "fresh parsley" + ] + }, + { + "id": 36062, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "white onion", + "long grain white rice", + "water", + "reduced sodium chicken broth", + "large garlic cloves" + ] + }, + { + "id": 19184, + "cuisine": "italian", + "ingredients": [ + "water", + "dried sage", + "purple onion", + "table salt", + "olive oil", + "coarse salt", + "scallions", + "active dry yeast", + "shallots", + "yellow onion", + "sugar", + "freshly grated parmesan", + "all purpose unbleached flour" + ] + }, + { + "id": 17116, + "cuisine": "thai", + "ingredients": [ + "cauliflower", + "orange", + "red cabbage", + "Bragg Liquid Aminos", + "mung bean sprouts", + "almond butter", + "fresh ginger", + "thai chile", + "cucumber", + "tumeric", + "young coconut meat", + "basil leaves", + "carrots", + "curry powder", + "peanuts", + "garlic", + "coconut water" + ] + }, + { + "id": 15573, + "cuisine": "french", + "ingredients": [ + "cream sherry", + "cinnamon sticks", + "honey", + "bosc pears" + ] + }, + { + "id": 41377, + "cuisine": "italian", + "ingredients": [ + "sliced almonds", + "amaretti", + "dark brown sugar", + "cream of tartar", + "instant espresso powder", + "heavy cream", + "unsweetened cocoa powder", + "sugar", + "unsalted butter", + "light corn syrup", + "pure vanilla extract", + "large egg whites", + "amaretto", + "bittersweet chocolate" + ] + }, + { + "id": 29071, + "cuisine": "russian", + "ingredients": [ + "fennel seeds", + "parsley leaves", + "sea salt", + "olive oil", + "balsamic vinegar", + "onions", + "smoked streaky bacon", + "red cabbage", + "apples", + "ground black pepper", + "butter" + ] + }, + { + "id": 3028, + "cuisine": "thai", + "ingredients": [ + "sugar pea", + "peeled fresh ginger", + "red curry paste", + "fresh basil", + "asparagus", + "yellow bell pepper", + "peanut oil", + "rice sticks", + "lime wedges", + "chopped onion", + "brown sugar", + "pork tenderloin", + "light coconut milk", + "garlic cloves" + ] + }, + { + "id": 39261, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "cornmeal", + "shortening", + "sour milk", + "eggs", + "salt", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 41958, + "cuisine": "mexican", + "ingredients": [ + "ground chipotle chile pepper", + "corn tortillas", + "Wish-Bone Italian Dressing", + "cabbage", + "lime juice", + "chopped cilantro fresh", + "cod", + "hellmann' or best food real mayonnais" + ] + }, + { + "id": 36719, + "cuisine": "chinese", + "ingredients": [ + "lean ground turkey", + "cooking spray", + "onions", + "egg substitute", + "ground pork", + "water chestnuts, drained and chopped", + "wonton wrappers", + "ground ginger", + "reduced sodium soy sauce", + "sweet and sour sauce" + ] + }, + { + "id": 23347, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "extra-virgin olive oil", + "granny smith apples", + "stuffing", + "ham", + "chicken stock", + "fennel bulb", + "freshly ground pepper", + "kosher salt", + "leeks", + "sliced green onions" + ] + }, + { + "id": 47190, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "beef stock", + "star anise", + "basmati rice", + "olive oil", + "muscovado sugar", + "chinese five-spice powder", + "red chili peppers", + "spring onions", + "braising beef", + "plain flour", + "fresh ginger root", + "dry sherry", + "garlic cloves" + ] + }, + { + "id": 31367, + "cuisine": "italian", + "ingredients": [ + "dijon mustard", + "fresh lemon juice", + "fresh dill", + "salt", + "heirloom tomatoes", + "ground black pepper", + "grated lemon zest" + ] + }, + { + "id": 1915, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "yellow corn meal", + "salt", + "olive oil", + "green tomatoes" + ] + }, + { + "id": 39893, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "green chilies", + "smoked sausage", + "ground black pepper", + "long grain white rice", + "onion soup mix", + "beef broth" + ] + }, + { + "id": 34804, + "cuisine": "southern_us", + "ingredients": [ + "egg yolks", + "all-purpose flour", + "white sugar", + "white cake mix", + "butter", + "hot water", + "egg whites", + "raisins", + "chopped pecans", + "flaked coconut", + "chopped walnuts" + ] + }, + { + "id": 18831, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "chopped cilantro fresh", + "garlic cloves", + "white onion", + "plum tomatoes" + ] + }, + { + "id": 42231, + "cuisine": "french", + "ingredients": [ + "fresh thyme", + "dry sherry", + "ground allspice", + "heavy cream", + "salt", + "sugar", + "bacon", + "bacon fat", + "shallots", + "garlic", + "chicken livers" + ] + }, + { + "id": 22514, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger root", + "pork tenderloin", + "garlic puree", + "ginger purée", + "hoisin sauce", + "dry sherry", + "corn starch", + "chicken stock", + "Sriracha", + "red pepper flakes", + "garlic cloves", + "soy sauce", + "broccoli florets", + "peanut oil" + ] + }, + { + "id": 22393, + "cuisine": "spanish", + "ingredients": [ + "chiles", + "bay leaves", + "yellow onion", + "flat leaf parsley", + "unsalted vegetable stock", + "yukon gold potatoes", + "garlic cloves", + "chili pepper", + "dry white wine", + "tuna fillets", + "piment despelette", + "saffron threads", + "olive oil", + "salt", + "ground white pepper" + ] + }, + { + "id": 24305, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "non-fat sour cream", + "fresh corn", + "grated parmesan cheese", + "reduced fat mayonnaise", + "vegetable oil cooking spray", + "chili powder", + "lime", + "salt" + ] + }, + { + "id": 2598, + "cuisine": "french", + "ingredients": [ + "hazelnuts", + "large eggs", + "salt", + "kahlúa", + "unsalted butter", + "whole milk", + "sugar", + "semisweet chocolate", + "vanilla extract", + "large egg yolks", + "half & half", + "all-purpose flour" + ] + }, + { + "id": 43105, + "cuisine": "greek", + "ingredients": [ + "milk", + "green pepper", + "chives", + "olive oil", + "greek yogurt", + "salt" + ] + }, + { + "id": 42210, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "pimentos", + "salt", + "hazelnuts", + "large garlic cloves", + "ancho chile pepper", + "white bread", + "water", + "extra-virgin olive oil", + "hot red pepper flakes", + "red wine vinegar", + "blanched almonds" + ] + }, + { + "id": 28926, + "cuisine": "indian", + "ingredients": [ + "food colouring", + "ground cardamom", + "water", + "cashew nuts", + "sugar", + "ghee", + "maida flour" + ] + }, + { + "id": 16881, + "cuisine": "british", + "ingredients": [ + "baking soda", + "dates", + "salt", + "light brown sugar", + "large eggs", + "heavy cream", + "orange zest", + "pure vanilla extract", + "unsalted butter", + "whipped cream", + "all-purpose flour", + "sugar", + "baking powder", + "light corn syrup" + ] + }, + { + "id": 24273, + "cuisine": "italian", + "ingredients": [ + "water", + "extra-virgin olive oil", + "cannellini beans", + "fresh lemon juice", + "ground black pepper", + "salt", + "baguette", + "large garlic cloves", + "flat leaf parsley" + ] + }, + { + "id": 30541, + "cuisine": "mexican", + "ingredients": [ + "picante sauce", + "chili powder", + "salad dressing", + "garlic powder", + "reduced-fat sour cream", + "olive oil", + "chile pepper", + "chopped cilantro fresh", + "black beans", + "hot pepper sauce", + "salt" + ] + }, + { + "id": 7039, + "cuisine": "italian", + "ingredients": [ + "spinach", + "ricotta", + "plain flour", + "parsley leaves", + "vegan parmesan cheese", + "olive oil", + "garlic cloves", + "eggs", + "grated nutmeg", + "arugula" + ] + }, + { + "id": 3002, + "cuisine": "chinese", + "ingredients": [ + "peeled fresh ginger", + "boneless pork loin", + "sugar", + "star anise", + "long-grain rice", + "low sodium soy sauce", + "green onions", + "chopped onion", + "water", + "dry red wine", + "garlic cloves" + ] + }, + { + "id": 7327, + "cuisine": "italian", + "ingredients": [ + "hot pepper sauce", + "asiago", + "uncooked ziti", + "marinara sauce", + "ground turkey breast", + "salt", + "part-skim mozzarella cheese", + "cooking spray" + ] + }, + { + "id": 19529, + "cuisine": "korean", + "ingredients": [ + "pepper", + "granulated sugar", + "sirloin steak", + "dark brown sugar", + "noodles", + "soy sauce", + "ground pepper", + "sesame oil", + "yellow onion", + "toasted sesame oil", + "spinach leaves", + "sesame seeds", + "fresh shiitake mushrooms", + "salt", + "red bell pepper", + "olive oil", + "green onions", + "garlic", + "carrots" + ] + }, + { + "id": 8190, + "cuisine": "italian", + "ingredients": [ + "pepper", + "large garlic cloves", + "chopped parsley", + "olive oil", + "white beans", + "italian seasoning", + "kale", + "salt", + "plum tomatoes", + "low sodium chicken broth", + "yellow onion" + ] + }, + { + "id": 40759, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "garlic", + "tahini", + "fresh parsley", + "peanuts", + "fresh lemon juice", + "pita rounds", + "ground red pepper", + "ground cumin" + ] + }, + { + "id": 38302, + "cuisine": "vietnamese", + "ingredients": [ + "tumeric", + "peanut oil", + "onions", + "lettuce", + "water", + "beansprouts", + "sweet chili sauce", + "rice flour", + "spearmint", + "button mushrooms", + "coconut milk" + ] + }, + { + "id": 14489, + "cuisine": "french", + "ingredients": [ + "red wine vinegar", + "shallots", + "black peppercorns", + "salt" + ] + }, + { + "id": 32733, + "cuisine": "korean", + "ingredients": [ + "kimchi juice", + "Gochujang base", + "eggs", + "jalapeno chilies", + "onions", + "pepper", + "kimchi", + "cooked rice", + "sesame oil" + ] + }, + { + "id": 3126, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "peanut oil", + "chicken stock", + "peanuts", + "sesame oil", + "noodles", + "minced garlic", + "szechwan peppercorns", + "sesame paste", + "sugar", + "hot chili oil", + "ginger" + ] + }, + { + "id": 28695, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "extra-virgin olive oil", + "freshly ground pepper", + "cuban peppers", + "beefsteak tomatoes", + "anchovy fillets", + "fresh lemon juice", + "cannellini beans", + "salt", + "garlic cloves", + "eggplant", + "basil", + "bocconcini", + "country bread" + ] + }, + { + "id": 6070, + "cuisine": "korean", + "ingredients": [ + "ground black pepper", + "garlic", + "pears", + "mirin", + "juice", + "radishes", + "oil", + "sugar", + "ginger", + "beef ribs" + ] + }, + { + "id": 29709, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "sesame seeds", + "sesame oil", + "kale leaves", + "kosher salt", + "ground black pepper", + "garlic", + "radish sprouts", + "chili flakes", + "shiitake", + "miso", + "scallions", + "chicken broth", + "fresh ginger", + "extra firm tofu", + "yellow onion", + "soba" + ] + }, + { + "id": 6371, + "cuisine": "british", + "ingredients": [ + "sour cream", + "heavy cream", + "confectioners sugar" + ] + }, + { + "id": 18020, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "skirt steak", + "balsamic vinegar", + "fresh lime juice", + "cracked black pepper", + "onions", + "flour tortillas", + "cilantro leaves" + ] + }, + { + "id": 19397, + "cuisine": "mexican", + "ingredients": [ + "soy sauce", + "honey", + "fresh blueberries", + "red pepper flakes", + "sweet corn", + "fresh cilantro", + "peaches", + "barbecue sauce", + "salt", + "corn tortillas", + "avocado", + "lime", + "tortillas", + "boneless skinless chicken breasts", + "rice vinegar", + "pepper", + "olive oil", + "jalapeno chilies", + "purple onion", + "garlic cloves" + ] + }, + { + "id": 26144, + "cuisine": "indian", + "ingredients": [ + "soy sauce", + "paneer", + "Sriracha", + "roasted sesame seeds", + "scallions", + "garlic" + ] + }, + { + "id": 40287, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "milk", + "chili powder", + "green chile", + "cooked chicken", + "Campbell's Condensed Cheddar Cheese Soup", + "Pace Chunky Salsa" + ] + }, + { + "id": 35677, + "cuisine": "indian", + "ingredients": [ + "rice", + "cumin", + "urad dal", + "oil", + "poha", + "green chilies", + "salt", + "onions" + ] + }, + { + "id": 1562, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "purple onion", + "fennel seeds", + "red wine vinegar", + "chopped fresh mint", + "whole wheat french bread", + "lump crab meat", + "salt", + "tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 9540, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "cooking spray", + "crushed red pepper", + "low sodium soy sauce", + "mirin", + "flank steak", + "sesame seeds", + "green onions", + "cabbage", + "minced garlic", + "peeled fresh ginger", + "dark sesame oil" + ] + }, + { + "id": 29687, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "sesame oil", + "beansprouts", + "japanese rice", + "zucchini", + "carrots", + "shiitake", + "fried eggs", + "spinach", + "meat", + "cucumber" + ] + }, + { + "id": 37889, + "cuisine": "southern_us", + "ingredients": [ + "caraway seeds", + "extra-virgin olive oil", + "self rising flour", + "fresh dill", + "whole milk" + ] + }, + { + "id": 13855, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "salt", + "ground cumin", + "spinach", + "ginger", + "cooking fat", + "coriander powder", + "yellow onion", + "pepper", + "garlic", + "ground turmeric" + ] + }, + { + "id": 4691, + "cuisine": "indian", + "ingredients": [ + "chicken broth", + "pepper", + "red curry paste", + "granny smith apples", + "olive oil", + "boneless skinless chicken breast halves", + "ground cinnamon", + "sweet onion", + "red bell pepper", + "plain yogurt", + "salt" + ] + }, + { + "id": 39879, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "ricotta", + "kosher salt", + "grated parmesan cheese", + "large eggs", + "sauce", + "large egg yolks", + "all-purpose flour" + ] + }, + { + "id": 3695, + "cuisine": "spanish", + "ingredients": [ + "water", + "garlic cloves", + "onions", + "dry sherry", + "red bell pepper", + "red wine vinegar", + "cucumber", + "plum tomatoes", + "country white bread", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 9401, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "chees fresh mozzarella", + "red bell pepper", + "spinach", + "shallots", + "garlic cloves", + "Italian cheese", + "balsamic vinegar", + "fresh lemon juice", + "fresh basil", + "cooking spray", + "salt", + "shiitake mushroom caps" + ] + }, + { + "id": 27739, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "ground pepper", + "hot sauce", + "fresh cilantro", + "coarse salt", + "corn tortillas", + "tilapia fillets", + "red cabbage", + "sour cream", + "lime", + "extra-virgin olive oil" + ] + }, + { + "id": 9192, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "provolone cheese", + "salad", + "grated parmesan cheese", + "fresh parsley", + "celery ribs", + "sliced black olives", + "red bell pepper", + "pepper", + "salami", + "crostini" + ] + }, + { + "id": 19725, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "minced meat", + "all-purpose flour", + "bay leaf", + "pepper", + "butter", + "garlic cloves", + "onions", + "ground cinnamon", + "whole milk", + "cayenne pepper", + "fresh parsley", + "clove", + "eggplant", + "salt", + "waxy potatoes" + ] + }, + { + "id": 14648, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "green mango", + "green chilies", + "curry leaves", + "water", + "garlic", + "mustard seeds", + "coconut oil", + "coconut", + "salt", + "onions", + "red chili peppers", + "seeds", + "cumin seed" + ] + }, + { + "id": 37623, + "cuisine": "italian", + "ingredients": [ + "beans", + "fresh thyme leaves", + "fresh basil leaves", + "prosciutto", + "large garlic cloves", + "kosher salt", + "napa cabbage", + "parmigiano reggiano cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 32608, + "cuisine": "british", + "ingredients": [ + "butter", + "whole milk", + "strawberry yogurt", + "all-purpose flour", + "baking powder" + ] + }, + { + "id": 35435, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "epazote", + "garlic cloves", + "dried oregano", + "vegetable oil", + "pumpkin seeds", + "onions", + "tomatillos", + "cumin seed", + "chopped cilantro fresh", + "jalapeno chilies", + "salt", + "fresh parsley" + ] + }, + { + "id": 14381, + "cuisine": "mexican", + "ingredients": [ + "tomato purée", + "butter", + "salt", + "taco seasoning", + "panko breadcrumbs", + "pepper", + "garlic", + "hot sauce", + "ground beef", + "black beans", + "cheese", + "salsa", + "oil", + "corn", + "pasta shells", + "goat cheese", + "onions" + ] + }, + { + "id": 34035, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "sweet onion", + "garlic cloves", + "avocado", + "pepper", + "salt", + "fresh lime juice", + "ketchup", + "lime wedges", + "shrimp", + "saltines", + "water", + "hot sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 24186, + "cuisine": "mexican", + "ingredients": [ + "plain yogurt", + "half & half", + "garlic", + "cayenne pepper", + "ground cumin", + "ground cinnamon", + "flour tortillas", + "vegetable oil", + "cilantro leaves", + "chopped cilantro", + "ground cloves", + "jalapeno chilies", + "buttermilk", + "yellow onion", + "paneer cheese", + "frozen spinach", + "fresh ginger", + "mint leaves", + "salt", + "lemon juice" + ] + }, + { + "id": 14855, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "berries", + "self rising flour", + "milk", + "butter" + ] + }, + { + "id": 19497, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "fresh mushrooms", + "butter-margarine blend", + "salt", + "marsala wine", + "cracked black pepper", + "veal", + "all-purpose flour" + ] + }, + { + "id": 18367, + "cuisine": "irish", + "ingredients": [ + "tea bags", + "boiling water", + "Irish whiskey", + "milk", + "white sugar" + ] + }, + { + "id": 29546, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "green pepper", + "sour cream", + "black beans", + "chicken breasts", + "fresh mushrooms", + "corn niblets", + "rice", + "lime", + "salsa", + "shredded cheese" + ] + }, + { + "id": 6236, + "cuisine": "italian", + "ingredients": [ + "water", + "sour cream", + "sugar", + "whipping cream", + "unflavored gelatin", + "balsamic vinegar", + "raspberries", + "vanilla extract" + ] + }, + { + "id": 39693, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "large eggs", + "non stick spray", + "Sriracha", + "wonton wrappers", + "lobster", + "cream cheese" + ] + }, + { + "id": 42469, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "shallots", + "fresh lemon juice", + "unsalted butter", + "extra-virgin olive oil", + "freshly grated parmesan", + "chopped fresh thyme", + "soft goat's cheese", + "large eggs", + "mesclun" + ] + }, + { + "id": 47593, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "slaw", + "radishes", + "chopped onion", + "lower sodium chicken broth", + "ground black pepper", + "large garlic cloves", + "canola oil", + "green chile", + "lime", + "pork tenderloin", + "dried oregano", + "ground cloves", + "white hominy", + "crushed red pepper", + "ground cumin" + ] + }, + { + "id": 31509, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ginger", + "toasted sesame oil", + "greens", + "yu choy", + "scallions", + "onions", + "kosher salt", + "garlic", + "bok choy", + "chicken", + "chiles", + "rice noodles", + "shrimp", + "peppercorns" + ] + }, + { + "id": 2324, + "cuisine": "italian", + "ingredients": [ + "parmigiano-reggiano cheese", + "zucchini", + "olive oil", + "lemon rind", + "ground black pepper", + "fresh lemon juice", + "kosher salt", + "field lettuce" + ] + }, + { + "id": 35071, + "cuisine": "italian", + "ingredients": [ + "bread, cut into italian loaf", + "cooking spray", + "sweet italian sausage", + "cheddar cheese", + "zucchini", + "1% low-fat milk", + "roasted red peppers", + "green onions", + "pepper", + "large eggs", + "salt" + ] + }, + { + "id": 1895, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "plums", + "pancake", + "five spice", + "spring onions", + "duck", + "fresh ginger", + "salt", + "orange zest", + "sugar", + "chili powder", + "cucumber" + ] + }, + { + "id": 33865, + "cuisine": "indian", + "ingredients": [ + "water", + "extra-virgin olive oil", + "onions", + "curry leaves", + "garam masala", + "green chilies", + "saffron", + "cauliflower", + "garbanzo beans", + "salt", + "coriander", + "tomatoes", + "chili oil", + "sweet mustard" + ] + }, + { + "id": 3328, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "dijon mustard", + "Melba toast", + "garlic powder", + "paprika", + "dried oregano", + "organic chicken", + "light mayonnaise", + "nonstick spray", + "ground black pepper", + "cayenne pepper" + ] + }, + { + "id": 24833, + "cuisine": "italian", + "ingredients": [ + "all-purpose flour", + "extra large eggs", + "extra-virgin olive oil" + ] + }, + { + "id": 37728, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "green chilies", + "reduced fat monterey jack cheese", + "chunky", + "plum tomatoes", + "black beans", + "tortilla chips", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 5768, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "extra-virgin olive oil", + "fresh lemon juice", + "tomatoes", + "dried thyme", + "purple onion", + "fresh parsley", + "pepper", + "garlic", + "feta cheese crumbles", + "flatbread", + "boneless skinless chicken breasts", + "greek style plain yogurt", + "dried oregano" + ] + }, + { + "id": 7448, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "shredded cheddar cheese", + "chopped pecans", + "saltines", + "onion powder", + "egg substitute", + "dried parsley" + ] + }, + { + "id": 33186, + "cuisine": "mexican", + "ingredients": [ + "colby cheese", + "chopped onion", + "lean ground beef", + "garlic salt", + "flour tortillas", + "enchilada sauce", + "vegetable oil" + ] + }, + { + "id": 12131, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "ground almonds", + "cinnamon", + "flour", + "butter" + ] + }, + { + "id": 35738, + "cuisine": "irish", + "ingredients": [ + "plain yogurt", + "muesli", + "honey" + ] + }, + { + "id": 47586, + "cuisine": "mexican", + "ingredients": [ + "coconut oil", + "garlic", + "ground cumin", + "cheddar cheese", + "spaghetti squash", + "fresh spinach", + "yellow onion", + "sea salt", + "roasted tomatoes" + ] + }, + { + "id": 24377, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "baking soda", + "white sugar", + "water", + "ground almonds", + "ground cloves", + "all-purpose flour", + "unsweetened cocoa powder", + "honey", + "confectioners sugar" + ] + }, + { + "id": 17400, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "large eggs", + "salt", + "grated parmesan cheese", + "grits", + "pepper", + "Tabasco Pepper Sauce" + ] + }, + { + "id": 10223, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "flat leaf parsley", + "tomatoes", + "pecorino romano cheese", + "mussels", + "dry white wine", + "chopped garlic", + "crusty bread", + "extra-virgin olive oil" + ] + }, + { + "id": 14955, + "cuisine": "southern_us", + "ingredients": [ + "seasoning", + "pickling salt", + "water", + "white vinegar", + "watermelon", + "sugar", + "lemon" + ] + }, + { + "id": 28732, + "cuisine": "southern_us", + "ingredients": [ + "blueberries", + "butter", + "peaches", + "blackberries", + "vanilla" + ] + }, + { + "id": 6295, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "hoisin sauce", + "balsamic vinegar", + "beansprouts", + "chicken broth", + "sesame seeds", + "green onions", + "pitted prunes", + "eggs", + "swiss chard", + "sesame oil", + "carrots", + "sushi rice", + "mushrooms", + "beef rib short", + "onions" + ] + }, + { + "id": 12721, + "cuisine": "indian", + "ingredients": [ + "whole milk", + "lemon juice", + "salt" + ] + }, + { + "id": 1292, + "cuisine": "spanish", + "ingredients": [ + "spinach", + "garlic cloves", + "raisins", + "olive oil", + "pinenuts" + ] + }, + { + "id": 13936, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "baby spinach", + "mozzarella cheese", + "prepared pasta sauce", + "pesto", + "grated parmesan cheese", + "water", + "ricotta cheese" + ] + }, + { + "id": 37061, + "cuisine": "indian", + "ingredients": [ + "green bell pepper", + "peas", + "shrimp", + "olive oil", + "cayenne pepper", + "tumeric", + "garlic", + "chopped cilantro", + "tomato paste", + "fresh ginger", + "lemon juice" + ] + }, + { + "id": 20141, + "cuisine": "irish", + "ingredients": [ + "black pepper", + "fennel bulb", + "yellow onion", + "parsnips", + "ground nutmeg", + "Italian parsley leaves", + "brussels sprouts", + "kosher salt", + "sweet potatoes", + "celery", + "fresh spinach", + "unsalted butter", + "vegetable broth" + ] + }, + { + "id": 32879, + "cuisine": "italian", + "ingredients": [ + "eggs", + "garlic powder", + "italian seasoning", + "bread crumbs", + "salt", + "frozen chopped spinach", + "Italian cheese", + "ground turkey", + "ketchup", + "ground black pepper" + ] + }, + { + "id": 27194, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "cilantro", + "corn tortillas", + "half & half", + "green pepper", + "plum tomatoes", + "jalapeno chilies", + "cheese", + "onions", + "olive oil", + "butter", + "red bell pepper" + ] + }, + { + "id": 12795, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "corn tortillas", + "shredded cheddar cheese", + "salt", + "chicken", + "condensed cream of chicken soup", + "garlic", + "onions", + "chili powder", + "sour cream" + ] + }, + { + "id": 39885, + "cuisine": "italian", + "ingredients": [ + "canned low sodium chicken broth", + "dry white wine", + "onions", + "arborio rice", + "olive oil", + "salt", + "dried porcini mushrooms", + "butter", + "boiling water", + "spinach", + "grated parmesan cheese", + "cognac" + ] + }, + { + "id": 12490, + "cuisine": "southern_us", + "ingredients": [ + "water", + "cooking oil", + "salt", + "swiss chard", + "garlic", + "ham", + "black-eyed peas", + "Tabasco Pepper Sauce", + "scallions", + "canned low sodium chicken broth", + "ground black pepper", + "white wine vinegar" + ] + }, + { + "id": 48619, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "cayenne pepper", + "pork butt", + "ground black pepper", + "liquid", + "dried oregano", + "coarse salt", + "garlic cloves", + "ground cumin", + "diced tomatoes", + "chipotle peppers" + ] + }, + { + "id": 36717, + "cuisine": "korean", + "ingredients": [ + "fresh shiitake mushrooms", + "dark brown sugar", + "toasted sesame oil", + "kosher salt", + "baby spinach", + "garlic cloves", + "noodles", + "soy sauce", + "vegetable oil", + "scallions", + "toasted sesame seeds", + "ground black pepper", + "yellow onion", + "carrots" + ] + }, + { + "id": 18017, + "cuisine": "vietnamese", + "ingredients": [ + "boneless chicken skinless thigh", + "Sriracha", + "bamboo shoots", + "minced garlic", + "oil", + "kosher salt", + "peanut sauce", + "Madras curry powder", + "sugar", + "chile paste", + "sliced shallots" + ] + }, + { + "id": 25055, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "dried shiitake mushrooms", + "water", + "ginger", + "chicken", + "short-grain rice", + "cheese", + "cilantro", + "scallions" + ] + }, + { + "id": 25440, + "cuisine": "southern_us", + "ingredients": [ + "country ham", + "coca-cola" + ] + }, + { + "id": 24706, + "cuisine": "russian", + "ingredients": [ + "white vinegar", + "minced garlic", + "worcestershire sauce", + "carrots", + "sugar", + "lean ground beef", + "paprika", + "fresh parsley", + "green cabbage", + "low sodium chicken broth", + "sea salt", + "bay leaf", + "no-salt-added diced tomatoes", + "vegetable oil", + "yellow onion", + "long grain white rice" + ] + }, + { + "id": 49027, + "cuisine": "moroccan", + "ingredients": [ + "prunes", + "extra-virgin olive oil", + "honey", + "lamb loin chops", + "mixed spice", + "salt", + "ground black pepper" + ] + }, + { + "id": 41287, + "cuisine": "indian", + "ingredients": [ + "Indian spice", + "tempeh", + "cherry tomatoes", + "fresh herbs", + "black beans", + "salsa", + "coconut oil", + "asparagus", + "cooked quinoa" + ] + }, + { + "id": 42601, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "pepper", + "buttermilk", + "pesto", + "pork tenderloin", + "salt", + "sugar", + "dijon mustard", + "rapid rise yeast", + "pecan halves", + "warm water", + "butter", + "biscuit mix" + ] + }, + { + "id": 13468, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "lemon juice", + "brown sugar", + "worcestershire sauce", + "whiskey", + "steak sauce", + "onion powder", + "garlic salt", + "hot pepper sauce", + "flavoring" + ] + }, + { + "id": 28697, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "ice water", + "vegetable shortening", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 13317, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "lime", + "Thai red curry paste", + "fish sauce", + "rice noodles", + "coconut milk", + "mint", + "sesame oil", + "rotisserie chicken", + "sugar", + "cilantro" + ] + }, + { + "id": 20041, + "cuisine": "spanish", + "ingredients": [ + "white bread", + "jalapeno chilies", + "extra-virgin olive oil", + "garlic cloves", + "plum tomatoes", + "jumbo shrimp", + "dry sherry", + "salt", + "red bell pepper", + "hungarian sweet paprika", + "cooking spray", + "white wine vinegar", + "fresh lemon juice", + "mussels", + "water", + "littleneck clams", + "blanched almonds", + "flat leaf parsley" + ] + }, + { + "id": 28382, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "large eggs", + "spinach", + "black pepper", + "garlic cloves", + "soy sauce", + "salt", + "fresh spinach", + "olive oil", + "onions" + ] + }, + { + "id": 33162, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "water", + "ancho powder", + "rosemary sprigs", + "chuck roast", + "cocoa powder", + "ground coffee", + "garlic powder", + "salt", + "ground cinnamon", + "kosher salt", + "flour", + "freshly ground pepper" + ] + }, + { + "id": 39373, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "honey", + "garlic", + "boneless chicken skinless thigh", + "rice wine", + "scallions", + "sake", + "fresh ginger", + "salt", + "water", + "sesame oil" + ] + }, + { + "id": 29645, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "granulated sugar", + "cracked black pepper", + "canola oil", + "water", + "ground red pepper", + "salt", + "turbinado", + "ground black pepper", + "paprika", + "pork shoulder boston butt", + "cider vinegar", + "cooking spray", + "crushed red pepper" + ] + }, + { + "id": 10867, + "cuisine": "french", + "ingredients": [ + "pepper", + "butter", + "onions", + "flour", + "garlic", + "dried basil", + "red wine", + "leg of veal", + "shallots", + "chopped parsley" + ] + }, + { + "id": 49161, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "poblano chiles", + "salsa verde", + "roasting chickens", + "chopped cilantro fresh", + "Emmenthal", + "sour cream", + "purple onion", + "corn tortillas" + ] + }, + { + "id": 42743, + "cuisine": "thai", + "ingredients": [ + "cilantro stems", + "garlic cloves", + "cooking spray", + "sea salt", + "coriander seeds", + "vegetable oil", + "white peppercorns", + "low sodium soy sauce", + "chicken breast halves", + "chicken leg quarters" + ] + }, + { + "id": 1957, + "cuisine": "french", + "ingredients": [ + "russet potatoes", + "bay leaf", + "fresh thyme", + "chopped onion", + "chives", + "low salt chicken broth", + "olive oil", + "large garlic cloves" + ] + }, + { + "id": 32537, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "lime", + "napa cabbage", + "cheese", + "creamy peanut butter", + "pepper", + "peanuts", + "cilantro", + "rice vinegar", + "carrots", + "sweet chili sauce", + "olive oil", + "whole wheat tortillas", + "salt", + "garlic cloves", + "brown sugar", + "sweet onion", + "boneless skinless chicken breasts", + "ginger", + "canned coconut milk", + "cumin" + ] + }, + { + "id": 15309, + "cuisine": "chinese", + "ingredients": [ + "lime", + "vegetable oil", + "chili sauce", + "asian fish sauce", + "soy sauce", + "rice noodles", + "chinese cabbage", + "chopped cilantro fresh", + "lime wedges", + "cilantro sprigs", + "garlic cloves", + "peeled fresh ginger", + "ground pork", + "scallions" + ] + }, + { + "id": 28286, + "cuisine": "southern_us", + "ingredients": [ + "sea salt", + "olive oil", + "rib", + "freshly ground pepper", + "barbecue sauce" + ] + }, + { + "id": 15039, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "cinnamon sticks", + "green cardamom pods", + "curry", + "canola oil", + "sugar", + "onions", + "clove", + "salt" + ] + }, + { + "id": 45772, + "cuisine": "french", + "ingredients": [ + "nutmeg", + "butter cooking spray", + "minced onion", + "salt", + "shallots", + "pepper", + "button mushrooms" + ] + }, + { + "id": 22746, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "salt", + "boneless skinless chicken breasts", + "ground cumin", + "cooking spray", + "salsa", + "shredded cheddar cheese", + "garlic" + ] + }, + { + "id": 11089, + "cuisine": "korean", + "ingredients": [ + "fresh spinach", + "soybean sprouts", + "minced garlic", + "doenzang", + "pepper", + "scallions", + "clams", + "salt" + ] + }, + { + "id": 43920, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "basil leaves", + "olive oil", + "mustard seeds", + "lime", + "yellow onion", + "green chile", + "potatoes", + "ground turmeric" + ] + }, + { + "id": 37175, + "cuisine": "greek", + "ingredients": [ + "manchego cheese", + "extra-virgin olive oil", + "fresh lemon juice", + "tomatoes", + "mint leaves", + "salt", + "pepper", + "lemon", + "chickpeas", + "cherries", + "garlic", + "arugula" + ] + }, + { + "id": 17921, + "cuisine": "filipino", + "ingredients": [ + "butter", + "pepper", + "onions", + "eggs", + "salt", + "roma tomatoes" + ] + }, + { + "id": 24274, + "cuisine": "indian", + "ingredients": [ + "butter", + "low salt chicken broth", + "finely chopped onion", + "apple juice", + "veal chops", + "garlic cloves", + "whipping cream", + "Madras curry powder" + ] + }, + { + "id": 19100, + "cuisine": "japanese", + "ingredients": [ + "superfine sugar", + "ice cubes", + "liqueur", + "water", + "melon", + "fresh lime juice" + ] + }, + { + "id": 971, + "cuisine": "italian", + "ingredients": [ + "dinner rolls", + "basil leaves", + "hot Italian sausages", + "roma tomatoes", + "fresh mozzarella", + "onions", + "bell pepper", + "extra-virgin olive oil", + "italian seasoning", + "minced garlic", + "balsamic vinegar", + "ground beef" + ] + }, + { + "id": 40294, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "baby spinach", + "frozen peas", + "prosciutto", + "bow-tie pasta", + "black pepper", + "shallots", + "fresh basil leaves", + "feta cheese", + "garlic" + ] + }, + { + "id": 16613, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "onion powder", + "corn tortillas", + "boneless skinless chicken breasts", + "cheese", + "garlic powder", + "paprika", + "cumin", + "tomato sauce", + "chili powder", + "salt" + ] + }, + { + "id": 15314, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "cooking oil", + "salt", + "low salt chicken broth", + "red kidney beans", + "dried thyme", + "large garlic cloves", + "green pepper", + "pepper", + "bay leaves", + "cayenne pepper", + "cooked white rice", + "ham steak", + "finely chopped onion", + "chopped celery", + "scallions" + ] + }, + { + "id": 43343, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "thai basil", + "jalapeno chilies", + "lime wedges", + "shrimp", + "bok choy", + "lime juice", + "Sriracha", + "whole cloves", + "cinnamon", + "beansprouts", + "soy sauce", + "lemon peel", + "low sodium chicken broth", + "rice noodles", + "chili garlic paste", + "onions", + "black peppercorns", + "coriander seeds", + "hoisin sauce", + "sesame oil", + "cilantro", + "ginger root" + ] + }, + { + "id": 8085, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cheese", + "balsamic vinegar", + "ground black pepper", + "olive oil flavored cooking spray", + "radicchio", + "salt" + ] + }, + { + "id": 29974, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "pink peppercorns", + "mace", + "butter", + "yellow onion", + "corn kernels", + "whole milk", + "salt", + "unsalted butter", + "buttermilk", + "white cornmeal" + ] + }, + { + "id": 44410, + "cuisine": "italian", + "ingredients": [ + "penne", + "bay leaves", + "crushed red pepper", + "red bell pepper", + "olive oil", + "dry red wine", + "garlic cloves", + "fat free less sodium chicken broth", + "pecorino romano cheese", + "purple onion", + "flat leaf parsley", + "crushed tomatoes", + "yellow bell pepper", + "salt", + "ground lamb" + ] + }, + { + "id": 29949, + "cuisine": "cajun_creole", + "ingredients": [ + "green olives", + "kaiser rolls", + "extra-virgin olive oil", + "flat leaf parsley", + "pepper", + "butter", + "hot sauce", + "boiling water", + "butter lettuce", + "chopped fresh thyme", + "garlic", + "giardiniera", + "sun-dried tomatoes", + "old bay seasoning", + "grouper" + ] + }, + { + "id": 27796, + "cuisine": "mexican", + "ingredients": [ + "half & half", + "salt", + "corn tortillas", + "minced garlic", + "chile pepper", + "margarine", + "shredded Monterey Jack cheese", + "chicken stock", + "chili powder", + "all-purpose flour", + "chicken", + "ground black pepper", + "vegetable oil", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 33030, + "cuisine": "french", + "ingredients": [ + "butter", + "water", + "bread flour", + "sugar", + "salt", + "active dry yeast" + ] + }, + { + "id": 38094, + "cuisine": "chinese", + "ingredients": [ + "dry white wine", + "soy sauce", + "garlic cloves", + "fillet red snapper", + "sesame oil", + "peeled fresh ginger", + "chopped cilantro fresh" + ] + }, + { + "id": 30345, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "onions", + "zucchini", + "corn kernel whole", + "green bell pepper", + "white sugar", + "vegetable oil", + "monterey jack" + ] + }, + { + "id": 14762, + "cuisine": "greek", + "ingredients": [ + "garlic cloves", + "couscous", + "olive oil", + "feta cheese crumbles", + "fresh spinach", + "fresh lemon juice", + "salt", + "red bell pepper" + ] + }, + { + "id": 3140, + "cuisine": "italian", + "ingredients": [ + "baking soda", + "salt", + "white chocolate", + "large eggs", + "dried cranberries", + "sugar", + "unsalted butter", + "all-purpose flour", + "sliced almonds", + "vanilla extract", + "unsweetened cocoa powder" + ] + }, + { + "id": 36964, + "cuisine": "british", + "ingredients": [ + "eggs", + "salt", + "water", + "beef drippings", + "all-purpose flour", + "milk" + ] + }, + { + "id": 29238, + "cuisine": "thai", + "ingredients": [ + "chicken breast tenders", + "salt", + "fish sauce", + "vegetable oil", + "onions", + "roasted red peppers", + "red curry paste", + "black pepper", + "light coconut milk", + "chopped cilantro fresh" + ] + }, + { + "id": 4447, + "cuisine": "japanese", + "ingredients": [ + "cremini mushrooms", + "firm silken tofu", + "crushed red pepper", + "soy sauce", + "vegetable oil", + "sodium free chicken broth", + "sugar", + "ramen noodles", + "salt", + "fresh spinach", + "fresh ginger", + "garlic", + "scallions" + ] + }, + { + "id": 32986, + "cuisine": "italian", + "ingredients": [ + "ground round", + "pepper", + "garlic", + "frozen chopped spinach", + "tomato sauce", + "egg whites", + "nonfat ricotta cheese", + "dough", + "vegetable oil cooking spray", + "grated parmesan cheese", + "nonfat cottage cheese", + "fennel seeds", + "bread crumbs", + "reduced fat provolone cheese" + ] + }, + { + "id": 24486, + "cuisine": "greek", + "ingredients": [ + "sea salt", + "greek yogurt", + "dill", + "garlic", + "olive oil", + "cucumber" + ] + }, + { + "id": 39287, + "cuisine": "greek", + "ingredients": [ + "frozen chopped spinach", + "garlic powder", + "feta cheese crumbles", + "phyllo dough", + "salt", + "melted butter", + "processed cheese", + "white vinegar", + "pepper", + "shredded mozzarella cheese" + ] + }, + { + "id": 33957, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "yoghurt", + "diced tomatoes", + "cayenne pepper", + "ground cinnamon", + "ground black pepper", + "butter", + "garlic", + "chopped cilantro fresh", + "garam masala", + "boneless skinless chicken breasts", + "paprika", + "lemon juice", + "tomato sauce", + "jalapeno chilies", + "heavy cream", + "salt", + "ground cumin" + ] + }, + { + "id": 220, + "cuisine": "jamaican", + "ingredients": [ + "fresh coriander", + "potatoes", + "bay leaf", + "ground nutmeg", + "pumpkin", + "chicken stock", + "low-fat buttermilk", + "garlic cloves", + "dried thyme", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 17366, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "bay leaves", + "white vinegar", + "beef shank", + "granulated white sugar", + "water", + "garlic", + "whole peppercorn", + "cooking oil" + ] + }, + { + "id": 11970, + "cuisine": "chinese", + "ingredients": [ + "tomatoes", + "top sirloin steak", + "soy sauce", + "corn starch", + "green bell pepper", + "purple onion", + "ground ginger", + "vegetable oil", + "white sugar" + ] + }, + { + "id": 44582, + "cuisine": "french", + "ingredients": [ + "grape tomatoes", + "watercress", + "dijon mustard", + "salt", + "red wine vinegar", + "freshly ground pepper", + "salad greens", + "extra-virgin olive oil" + ] + }, + { + "id": 44449, + "cuisine": "mexican", + "ingredients": [ + "sliced black olives", + "sour cream", + "tomatoes", + "salsa", + "green onions", + "shredded cheddar cheese", + "cream cheese" + ] + }, + { + "id": 28379, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "cilantro", + "garlic cloves", + "onions", + "canola oil", + "lime", + "egg yolks", + "cayenne pepper", + "chipotles in adobo", + "cabbage", + "olive oil", + "habanero", + "filet", + "adobo sauce", + "mango", + "cider vinegar", + "ground black pepper", + "salt", + "corn tortillas", + "cumin" + ] + }, + { + "id": 12163, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "fresh orange juice", + "onions", + "avocado", + "lime wedges", + "garlic cloves", + "boneless pork shoulder", + "ground pepper", + "cilantro leaves", + "milk", + "coarse salt", + "corn tortillas" + ] + }, + { + "id": 2267, + "cuisine": "british", + "ingredients": [ + "demerara sugar", + "whole milk", + "marmalade", + "ground ginger", + "unsalted butter", + "golden raisins", + "bread", + "sugar", + "dark rum", + "eggs", + "egg yolks", + "heavy cream" + ] + }, + { + "id": 17451, + "cuisine": "jamaican", + "ingredients": [ + "shortening", + "water", + "flour", + "margarine", + "cold water", + "white onion", + "dried thyme", + "lean ground beef", + "bread crumbs", + "curry powder", + "beef stock", + "oil", + "eggs", + "pepper", + "ground black pepper", + "salt" + ] + }, + { + "id": 20384, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "olive oil", + "lime juice", + "garlic cloves", + "kosher salt", + "serrano peppers", + "fresh cilantro", + "pepitas" + ] + }, + { + "id": 15961, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "chili powder", + "ground coriander", + "onions", + "zucchini", + "coarse sea salt", + "oil", + "baking soda", + "lemon", + "cumin seed", + "ground cumin", + "water", + "flour", + "salt", + "fresh mint" + ] + }, + { + "id": 28098, + "cuisine": "greek", + "ingredients": [ + "red potato", + "artichoke hearts", + "leeks", + "pepper", + "large eggs", + "chopped fresh mint", + "bread crumbs", + "feta cheese", + "salt", + "olive oil", + "grated parmesan cheese", + "dried oregano" + ] + }, + { + "id": 5729, + "cuisine": "chinese", + "ingredients": [ + "salt", + "szechwan peppercorns" + ] + }, + { + "id": 15055, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "eggplant", + "fine sea salt", + "onions", + "fresh ginger", + "red pepper flakes", + "mustard seeds", + "coconut oil", + "garam masala", + "cumin seed", + "full fat coconut milk", + "garlic", + "chopped cilantro" + ] + }, + { + "id": 4335, + "cuisine": "greek", + "ingredients": [ + "plain yogurt", + "red wine vinegar", + "fresh lemon juice", + "flatbread", + "ground black pepper", + "extra-virgin olive oil", + "cucumber", + "fresh dill", + "boneless skinless chicken breasts", + "purple onion", + "dried oregano", + "tomatoes", + "dried thyme", + "kalamata", + "feta cheese crumbles" + ] + }, + { + "id": 43032, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "extra firm tofu", + "sprinkles", + "ground white pepper", + "red chili peppers", + "sesame oil", + "rice vinegar", + "sugar", + "spring onions", + "garlic", + "panko breadcrumbs", + "low sodium soy sauce", + "sesame seeds", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 38176, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "peeled fresh ginger", + "snow peas", + "bell pepper", + "garlic cloves", + "lo mein noodles", + "vegetable oil", + "cremini mushrooms", + "pork tenderloin", + "toasted sesame oil" + ] + }, + { + "id": 7110, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "grated parmesan cheese", + "salt", + "dried basil", + "heavy cream", + "italian seasoning", + "pepper", + "boneless skinless chicken breasts", + "penne pasta", + "chicken broth", + "olive oil", + "garlic" + ] + }, + { + "id": 1761, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "pancetta", + "green beans", + "chopped fresh sage", + "sea salt", + "fleur de sel" + ] + }, + { + "id": 27695, + "cuisine": "mexican", + "ingredients": [ + "clove", + "pasilla chiles", + "sesame seeds", + "Mexican oregano", + "garlic", + "cumin seed", + "flavoring", + "french rolls", + "plantains", + "black peppercorns", + "water", + "boneless turkey breast", + "large garlic cloves", + "mexican chocolate", + "pepitas", + "ancho chile pepper", + "plum tomatoes", + "piloncillo", + "white onion", + "almonds", + "tomatillos", + "fine sea salt", + "allspice berries", + "lard", + "canela", + "bread", + "pecans", + "dried thyme", + "mulato chiles", + "anise", + "roasted peanuts", + "low salt chicken broth", + "corn tortillas", + "canola oil" + ] + }, + { + "id": 43857, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "paprika", + "ground black pepper", + "whole milk", + "sharp cheddar cheese", + "large eggs", + "salt", + "hot pepper sauce", + "quickcooking grits", + "garlic cloves" + ] + }, + { + "id": 19677, + "cuisine": "southern_us", + "ingredients": [ + "bread mix", + "garlic", + "margarine", + "fresh parsley", + "chopped green bell pepper", + "salt", + "poultry seasoning", + "eggs", + "chopped celery", + "chopped onion", + "chicken broth", + "dried sage", + "dry bread crumbs", + "sausages" + ] + }, + { + "id": 7531, + "cuisine": "italian", + "ingredients": [ + "garlic cloves", + "parsley", + "grated lemon peel" + ] + }, + { + "id": 32694, + "cuisine": "cajun_creole", + "ingredients": [ + "melted butter", + "milk", + "fish broth", + "Tabasco Pepper Sauce", + "carrots", + "corn flour", + "white flour", + "baking soda", + "chives", + "salt", + "thyme", + "eggs", + "olive oil", + "bay leaves", + "heavy cream", + "shrimp", + "corn kernel whole", + "tomato paste", + "white wine", + "granulated sugar", + "baking powder", + "chopped onion", + "corn starch" + ] + }, + { + "id": 22139, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "cheese tortellini", + "lean ground beef", + "marinara sauce", + "fresh mushrooms", + "italian sausage", + "diced tomatoes" + ] + }, + { + "id": 17327, + "cuisine": "italian", + "ingredients": [ + "ricotta salata", + "large garlic cloves", + "grape tomatoes", + "olive oil", + "mesclun", + "honey", + "salt", + "black pepper", + "lemon", + "country bread" + ] + }, + { + "id": 21216, + "cuisine": "irish", + "ingredients": [ + "ground black pepper", + "ground allspice", + "milk", + "yellow onion", + "pork blood", + "salt", + "pinhead oatmeal", + "fresh pork fat" + ] + }, + { + "id": 17276, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "mozzarella cheese", + "ricotta", + "red bell pepper", + "romano cheese", + "ground veal", + "carrots", + "prepared lasagne", + "tomatoes", + "olive oil", + "garlic cloves", + "onions", + "eggs", + "mushrooms", + "fresh parsley leaves", + "fresh basil leaves" + ] + }, + { + "id": 31264, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "coarse salt", + "large eggs", + "russet potatoes", + "grated parmesan cheese", + "all-purpose flour", + "marinara sauce" + ] + }, + { + "id": 6182, + "cuisine": "spanish", + "ingredients": [ + "baguette", + "potatoes", + "onions", + "clove", + "unsalted butter", + "garlic cloves", + "cabbage", + "parsley sprigs", + "fresh thyme", + "California bay leaves", + "water", + "white beans", + "smoked ham hocks" + ] + }, + { + "id": 23748, + "cuisine": "italian", + "ingredients": [ + "bread", + "sugar", + "rosemary", + "extra-virgin olive oil", + "flour for dusting", + "flat leaf parsley", + "tomato paste", + "dried porcini mushrooms", + "ground veal", + "garlic cloves", + "spaghettini", + "pure olive oil", + "skim milk", + "large eggs", + "salt", + "thyme", + "onions", + "chicken stock", + "italian tomatoes", + "shallots", + "freshly ground pepper", + "hot water" + ] + }, + { + "id": 26161, + "cuisine": "italian", + "ingredients": [ + "lemon extract", + "vanilla extract", + "white sugar", + "vegetable oil", + "orange juice", + "eggs", + "almond extract", + "anise extract", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 8905, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "shredded Monterey Jack cheese", + "sliced black olives", + "onions", + "picante sauce", + "sour cream", + "flour tortillas", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 11096, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "Mexican oregano", + "fresh orange juice", + "dried guajillo chiles", + "cola", + "chiles", + "caramels", + "Mexican beer", + "dark brown sugar", + "fresh lime juice", + "white corn tortillas", + "orange", + "vegetable oil", + "garlic", + "ancho chile pepper", + "black pepper", + "distilled vinegar", + "pineapple", + "cumin seed", + "pork shoulder" + ] + }, + { + "id": 33159, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "large garlic cloves", + "onions", + "chiles", + "vegetable oil", + "cucumber", + "chicken", + "minced ginger", + "coarse salt", + "greek yogurt", + "fennel seeds", + "lime wedges", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 21171, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "fresh ginger root", + "cayenne pepper", + "fresh pineapple", + "lime juice", + "jalapeno chilies", + "sour cream", + "ground cumin", + "olive oil", + "salt", + "chopped cilantro fresh", + "pepper", + "flour tortillas", + "mahi mahi fillets", + "mango" + ] + }, + { + "id": 22769, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "red wine vinegar", + "tomato sauce", + "fennel bulb", + "red bell pepper", + "fresh basil", + "eggplant", + "large garlic cloves", + "pitted kalamata olives", + "golden raisins" + ] + }, + { + "id": 17599, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "salt", + "diced tomatoes", + "onions", + "crushed red pepper", + "bacon", + "long-grain rice" + ] + }, + { + "id": 13500, + "cuisine": "italian", + "ingredients": [ + "capers", + "extra-virgin olive oil", + "garlic cloves", + "prosciutto", + "anchovy fillets", + "grated lemon peel", + "grated orange peel", + "ficelle", + "fresh lemon juice", + "fresh basil", + "chees fresh mozzarella", + "Niçoise olives" + ] + }, + { + "id": 43588, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "cooking spray", + "ground black pepper", + "roasted garlic", + "fresh parmesan cheese", + "salt", + "tomatoes", + "zucchini", + "chopped onion" + ] + }, + { + "id": 21285, + "cuisine": "italian", + "ingredients": [ + "butter", + "chopped walnuts", + "baking powder", + "all-purpose flour", + "eggs", + "vanilla extract", + "ground cinnamon", + "raisins", + "white sugar" + ] + }, + { + "id": 32301, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "bacon slices", + "large eggs", + "shredded sharp cheddar cheese", + "biscuits", + "butter", + "salt", + "sweet onion", + "whipping cream" + ] + }, + { + "id": 45090, + "cuisine": "mexican", + "ingredients": [ + "tomato purée", + "whole kernel corn, drain", + "water", + "ground beef", + "tomato sauce", + "pinto beans", + "taco seasoning mix", + "onions" + ] + }, + { + "id": 30319, + "cuisine": "italian", + "ingredients": [ + "red pepper", + "fresh basil leaves", + "pecorino cheese", + "blanched almonds", + "fennel seeds", + "extra-virgin olive oil", + "serrano chile", + "mint leaves", + "garlic cloves" + ] + }, + { + "id": 6085, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "mint leaves", + "water", + "mint sprigs", + "white wine", + "lemon", + "peaches", + "whipping cream" + ] + }, + { + "id": 11691, + "cuisine": "italian", + "ingredients": [ + "mussels", + "dried basil", + "garlic", + "sliced mushrooms", + "dried oregano", + "fettucine", + "sliced carrots", + "chopped onion", + "cornmeal", + "tomatoes", + "dry white wine", + "salt", + "red bell pepper", + "black pepper", + "crushed red pepper flakes", + "low salt chicken broth", + "fresh parsley" + ] + }, + { + "id": 19200, + "cuisine": "indian", + "ingredients": [ + "finely chopped onion", + "oil", + "chat masala", + "salt", + "dough", + "chili powder", + "garam masala", + "cilantro leaves" + ] + }, + { + "id": 16840, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "green onions", + "salt", + "oil", + "pepper", + "red pepper flakes", + "all-purpose flour", + "ginger root", + "soy sauce", + "boneless skinless chicken breasts", + "rice vinegar", + "corn starch", + "eggs", + "water", + "garlic", + "orange juice" + ] + }, + { + "id": 20787, + "cuisine": "southern_us", + "ingredients": [ + "vanilla extract", + "quick-cooking oats", + "white sugar", + "milk", + "peanut butter", + "butter", + "unsweetened cocoa powder" + ] + }, + { + "id": 9644, + "cuisine": "french", + "ingredients": [ + "large eggs", + "salt", + "sugar", + "butter", + "fresh parsley", + "chopped fresh chives", + "all-purpose flour", + "water", + "1% low-fat milk" + ] + }, + { + "id": 27908, + "cuisine": "french", + "ingredients": [ + "fresh leav spinach", + "grated parmesan cheese", + "butter", + "garlic cloves", + "ground black pepper", + "shallots", + "part-skim ricotta cheese", + "olive oil", + "leeks", + "whipping cream", + "red bell pepper", + "large eggs", + "swiss cheese", + "salt" + ] + }, + { + "id": 1585, + "cuisine": "southern_us", + "ingredients": [ + "cheese", + "onions", + "eggs", + "sour cream", + "bacon drippings", + "oil", + "corn", + "cornmeal" + ] + }, + { + "id": 4845, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "chopped cilantro", + "tomatoes", + "jalapeno chilies", + "lime juice", + "white onion", + "fine salt" + ] + }, + { + "id": 17396, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "sausage casings", + "chile pepper", + "shredded cheddar cheese", + "purple onion", + "eggs", + "cooking spray" + ] + }, + { + "id": 33618, + "cuisine": "spanish", + "ingredients": [ + "ground pepper", + "garlic", + "low salt chicken broth", + "chorizo sausage", + "kosher salt", + "boneless skinless chicken breasts", + "rice", + "medium shrimp", + "fresh rosemary", + "roasted red peppers", + "yellow onion", + "chopped parsley", + "olive oil", + "diced tomatoes", + "spanish paprika", + "saffron" + ] + }, + { + "id": 6497, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "cayenne", + "ginger", + "peanut butter", + "coriander", + "kosher salt", + "sesame oil", + "rice vinegar", + "rice flour", + "chicken wings", + "garlic powder", + "vegetable oil", + "all-purpose flour", + "coconut milk", + "soy sauce", + "green onions", + "dipping sauces", + "garlic cloves" + ] + }, + { + "id": 23329, + "cuisine": "french", + "ingredients": [ + "sugar", + "whole milk", + "Grand Marnier", + "large egg yolks", + "vanilla", + "large egg whites", + "oil of orange", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 38951, + "cuisine": "chinese", + "ingredients": [ + "sea scallops", + "salt", + "ground white pepper", + "won ton wrappers", + "ground pork", + "corn starch", + "napa cabbage leaves", + "dried shiitake mushrooms", + "sugar", + "sesame oil", + "carrots" + ] + }, + { + "id": 19833, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "sesame oil", + "salad oil", + "chicken stock", + "water", + "cayenne pepper", + "tofu", + "pepper", + "ground pork", + "potato starch", + "leeks", + "red miso" + ] + }, + { + "id": 25130, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "pork tenderloin", + "star anise", + "soy sauce", + "cinnamon", + "ground white pepper", + "sugar", + "sesame oil", + "pineapple juice", + "dark soy sauce", + "vegetable oil spray", + "sea salt" + ] + }, + { + "id": 46563, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "minced garlic", + "ground black pepper", + "ground red pepper", + "diced celery", + "diced onions", + "green bell pepper", + "dried thyme", + "bay leaves", + "salt", + "sliced green onions", + "chicken broth", + "dried basil", + "seafood seasoning", + "diced tomatoes", + "shrimp", + "fennel seeds", + "sole fillet", + "olive oil", + "dry white wine", + "hot sauce" + ] + }, + { + "id": 6835, + "cuisine": "southern_us", + "ingredients": [ + "warm water", + "salt", + "sugar", + "vegetable oil", + "pecan halves", + "dry yeast", + "chopped pecans", + "ground cinnamon", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 19469, + "cuisine": "indian", + "ingredients": [ + "seeds", + "oil", + "salt", + "black gram", + "rice" + ] + }, + { + "id": 37950, + "cuisine": "italian", + "ingredients": [ + "eggs", + "lasagna noodles", + "red pepper flakes", + "shredded mozzarella cheese", + "onions", + "crushed tomatoes", + "whole milk ricotta cheese", + "extra-virgin olive oil", + "flat leaf parsley", + "oregano", + "tomato sauce", + "grated parmesan cheese", + "basil", + "sausage meat", + "chopped fresh mint", + "tomato paste", + "ground black pepper", + "fresh mozzarella", + "salt", + "ground beef", + "chopped garlic" + ] + }, + { + "id": 11838, + "cuisine": "indian", + "ingredients": [ + "mild curry paste", + "onions", + "chickpeas", + "cherry tomatoes", + "basmati rice", + "spinach", + "lemon juice" + ] + }, + { + "id": 29282, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "mirin", + "napa cabbage", + "savoy cabbage", + "cod fillets", + "vegetable oil", + "snow peas", + "white miso", + "peeled fresh ginger", + "garlic cloves", + "water", + "tahini", + "seasoned rice wine vinegar" + ] + }, + { + "id": 15937, + "cuisine": "chinese", + "ingredients": [ + "lime juice", + "green onions", + "garlic", + "pork butt", + "hawaiian sweet rolls", + "hoisin sauce", + "pineapple", + "chili sauce", + "fish sauce", + "honey", + "sesame oil", + "pineapple juice", + "soy sauce", + "red cabbage", + "ginger", + "chinese five-spice powder" + ] + }, + { + "id": 15656, + "cuisine": "italian", + "ingredients": [ + "reduced fat cheddar cheese", + "cooking spray", + "chopped cilantro fresh", + "large egg whites", + "salt", + "black pepper", + "green onions", + "grape tomatoes", + "large eggs", + "frozen corn" + ] + }, + { + "id": 26077, + "cuisine": "indian", + "ingredients": [ + "green chile", + "heavy cream", + "salt", + "ghee", + "cayenne", + "urad dal", + "ground coriander", + "tomatoes", + "vegetable oil", + "garlic", + "cumin seed", + "asafoetida", + "ginger", + "yellow onion", + "ground cumin" + ] + }, + { + "id": 14140, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "cinnamon", + "ground coriander", + "onions", + "tumeric", + "cooking oil", + "garlic", + "chopped cilantro", + "ground cumin", + "ground black pepper", + "peas", + "lemon juice", + "boiling potatoes", + "plain yogurt", + "whole milk", + "salt", + "ground beef" + ] + }, + { + "id": 2865, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "unsalted butter", + "salt", + "pepper", + "shallots", + "sage", + "parmesan cheese", + "wonton skins", + "nutmeg", + "butternut squash", + "ricotta" + ] + }, + { + "id": 45047, + "cuisine": "spanish", + "ingredients": [ + "hot red pepper flakes", + "garlic cloves", + "oloroso sherry", + "olive oil", + "red bell pepper", + "cooked ham", + "fresh parsley leaves", + "crusty bread", + "salt", + "large shrimp" + ] + }, + { + "id": 18073, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime juice", + "flour", + "oil", + "pepper", + "diced red onions", + "salt", + "ground cumin", + "tilapia fillets", + "jalapeno chilies", + "cayenne pepper", + "tomatoes", + "beer batter", + "cilantro", + "corn tortillas" + ] + }, + { + "id": 28884, + "cuisine": "cajun_creole", + "ingredients": [ + "catfish fillets", + "garlic powder", + "chili powder", + "black pepper", + "ground red pepper", + "dried oregano", + "yellow corn meal", + "cooking spray", + "onion powder", + "seasoning salt", + "lemon wedge", + "ground cumin" + ] + }, + { + "id": 16658, + "cuisine": "italian", + "ingredients": [ + "orange", + "whole milk", + "all purpose unbleached flour", + "purple grapes", + "pure vanilla extract", + "large eggs", + "butter", + "extra-virgin olive oil", + "unsalted butter", + "baking powder", + "sea salt", + "sugar", + "flour", + "lemon", + "confectioners sugar" + ] + }, + { + "id": 32209, + "cuisine": "italian", + "ingredients": [ + "water", + "vanilla ice cream", + "olive oil", + "figs", + "butter", + "honey" + ] + }, + { + "id": 12392, + "cuisine": "mexican", + "ingredients": [ + "red potato", + "cooking spray", + "beef broth", + "chopped cilantro", + "won ton wrappers", + "cilantro sprigs", + "garlic cloves", + "cold water", + "finely chopped onion", + "salt", + "corn starch", + "black pepper", + "top sirloin", + "ground allspice", + "ground cumin" + ] + }, + { + "id": 6736, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "butter", + "milk", + "noodles", + "water", + "dried parsley", + "chicken bouillon", + "garlic powder" + ] + }, + { + "id": 23594, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "brown sugar", + "vegetable oil", + "warm water", + "salt", + "eggs", + "flour" + ] + }, + { + "id": 21122, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "diced tomatoes", + "hot sauce", + "chopped cilantro fresh", + "pepper", + "potatoes", + "garlic", + "fat skimmed chicken broth", + "clams", + "low-fat vegetarian chili with beans", + "peas", + "frozen corn kernels", + "lime juice", + "chili powder", + "salt", + "onions" + ] + }, + { + "id": 17643, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "parsley", + "cheese", + "large eggs" + ] + }, + { + "id": 2891, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "milk", + "buttermilk", + "peanut oil", + "sugar", + "green tomatoes", + "salt", + "cream cheese, soften", + "fresh basil", + "basil leaves", + "paprika", + "garlic cloves", + "bacon drippings", + "pepper", + "tomatillos", + "goat cheese" + ] + }, + { + "id": 38213, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "ground black pepper", + "garlic", + "tomato paste", + "whole wheat flour", + "chili powder", + "onions", + "ground ginger", + "olive oil", + "boneless skinless chicken breasts", + "cilantro leaves", + "kosher salt", + "garam masala", + "light coconut milk" + ] + }, + { + "id": 33637, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "manchego cheese", + "red pepper", + "garlic cloves", + "olive oil", + "zucchini", + "purple onion", + "olives", + "bread crumb fresh", + "ground black pepper", + "basil", + "flat leaf parsley", + "tomatoes", + "eggplant", + "flour", + "salt", + "chorizo sausage" + ] + }, + { + "id": 39012, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "salt", + "cucumber", + "white vinegar", + "chopped green bell pepper", + "chopped onion", + "water", + "hot sauce", + "dried oregano", + "tomatoes", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 18440, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "cumin", + "fresh cilantro", + "salt", + "minced garlic", + "tomatoes with juice", + "lime", + "chopped onion" + ] + }, + { + "id": 33587, + "cuisine": "jamaican", + "ingredients": [ + "ground ginger", + "dried thyme", + "onion powder", + "ground allspice", + "dried chives", + "ground nutmeg", + "fine sea salt", + "ground cinnamon", + "garlic powder", + "cracked black pepper", + "ground coriander", + "light brown sugar", + "ground cloves", + "ground red pepper", + "onion flakes" + ] + }, + { + "id": 17455, + "cuisine": "british", + "ingredients": [ + "frozen pastry puff sheets", + "pork", + "beaten eggs", + "dijon mustard" + ] + }, + { + "id": 6548, + "cuisine": "southern_us", + "ingredients": [ + "canned black beans", + "seasoned bread crumbs", + "prepared horseradish", + "jalapeno chilies", + "chili powder", + "buttermilk", + "purple onion", + "salsa", + "crispy rice cereal", + "chicken", + "eggs", + "kosher salt", + "milk", + "cream of chicken soup", + "hard-boiled egg", + "Tabasco Pepper Sauce", + "garlic", + "cilantro leaves", + "creole seasoning", + "long grain white rice", + "mustard", + "black pepper", + "shredded cheddar cheese", + "ground black pepper", + "low sodium chicken broth", + "onion powder", + "paprika", + "salt", + "green pepper", + "boneless skinless chicken breast halves", + "mayonaise", + "cider vinegar", + "garlic powder", + "boneless chicken breast halves", + "boneless skinless chicken breasts", + "butter", + "chopped celery", + "all-purpose flour", + "scallions", + "corn kernel whole" + ] + }, + { + "id": 32327, + "cuisine": "italian", + "ingredients": [ + "white onion", + "dry white wine", + "salt", + "arborio rice", + "unsalted butter", + "butter", + "parmesan cheese", + "vegetable stock", + "pesto", + "parmigiano reggiano cheese", + "cracked black pepper" + ] + }, + { + "id": 15067, + "cuisine": "mexican", + "ingredients": [ + "cilantro", + "lime", + "salt", + "avocado", + "purple onion", + "jalapeno chilies" + ] + }, + { + "id": 30716, + "cuisine": "southern_us", + "ingredients": [ + "frozen lemonade concentrate", + "fresh mint", + "tea bags", + "bourbon whiskey", + "cold water", + "water", + "sugar", + "citrus slices" + ] + }, + { + "id": 31993, + "cuisine": "italian", + "ingredients": [ + "warm water", + "all purpose unbleached flour", + "salt", + "active dry yeast" + ] + }, + { + "id": 41468, + "cuisine": "mexican", + "ingredients": [ + "cocktail cherries", + "ice", + "kirschenliqueur", + "kirschwasser", + "rye whiskey", + "chocolate", + "mezcal" + ] + }, + { + "id": 10546, + "cuisine": "irish", + "ingredients": [ + "white onion", + "vegetable broth", + "salt and ground black pepper", + "carrots", + "olive oil", + "garlic", + "dried sage", + "celery" + ] + }, + { + "id": 31351, + "cuisine": "jamaican", + "ingredients": [ + "scotch bonnet chile", + "thyme sprigs", + "water", + "scallions", + "black pepper", + "salt", + "allspice", + "shell-on shrimp", + "garlic cloves" + ] + }, + { + "id": 3218, + "cuisine": "italian", + "ingredients": [ + "asiago", + "cayenne pepper", + "ground black pepper" + ] + }, + { + "id": 12032, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "bay leaves", + "garlic cloves", + "juniper berries", + "extra-virgin olive oil", + "boneless pork shoulder roast", + "dry white wine", + "sage", + "whole milk", + "fine sea salt" + ] + }, + { + "id": 2368, + "cuisine": "southern_us", + "ingredients": [ + "mustard", + "olive oil", + "chili powder", + "salt", + "onions", + "chicken stock", + "dried thyme", + "large eggs", + "dry red wine", + "flat leaf parsley", + "mashed potatoes", + "shiitake", + "bacon", + "all-purpose flour", + "dried oregano", + "boneless chicken skinless thigh", + "ground black pepper", + "paprika", + "garlic cloves" + ] + }, + { + "id": 44319, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "sugar", + "meyer lemon", + "water" + ] + }, + { + "id": 7228, + "cuisine": "southern_us", + "ingredients": [ + "water", + "butter", + "roast", + "cayenne pepper", + "ground black pepper", + "salt", + "brown sugar", + "apple cider vinegar" + ] + }, + { + "id": 17628, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "vegetable oil", + "firm tofu", + "soy sauce", + "sesame oil", + "rice vinegar", + "tomatoes", + "mirin", + "purple onion", + "sesame seeds", + "garlic", + "chopped cilantro" + ] + }, + { + "id": 45834, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "button mushrooms", + "ground black pepper", + "vegetable oil", + "onions", + "quick oats", + "salt", + "warm water", + "ground sirloin", + "all-purpose flour" + ] + }, + { + "id": 42320, + "cuisine": "spanish", + "ingredients": [ + "frozen lemonade concentrate", + "seedless red grapes", + "seedless green grape", + "peach vodka", + "white peaches", + "white sugar", + "dry white wine" + ] + }, + { + "id": 540, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "nori", + "white rice", + "water", + "salt" + ] + }, + { + "id": 6932, + "cuisine": "british", + "ingredients": [ + "pastry", + "Pale Ale", + "salt", + "onions", + "dried thyme", + "garlic", + "fresh mushrooms", + "potatoes", + "beef stew meat", + "fresh parsley", + "pepper", + "worcestershire sauce", + "all-purpose flour" + ] + }, + { + "id": 37342, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "freshly ground pepper", + "salt", + "white sandwich bread", + "mayonaise", + "orange juice", + "grated orange", + "dry mustard", + "Madras curry powder" + ] + }, + { + "id": 16025, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "queso asadero", + "garlic", + "chayotes", + "yellow squash", + "chili powder", + "salt", + "zucchini", + "vegetable oil", + "cayenne pepper", + "pepper", + "jicama", + "purple onion", + "ground cumin" + ] + }, + { + "id": 5202, + "cuisine": "french", + "ingredients": [ + "brewed coffee", + "chocolate morsels", + "sliced pears", + "apples", + "kahlúa", + "angel food cake", + "sweetened condensed milk", + "mini marshmallows", + "pound cake" + ] + }, + { + "id": 48152, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "stewed tomatoes", + "chopped parsley", + "tomato paste", + "ground black pepper", + "firm tofu", + "frozen chopped spinach", + "olive oil", + "salt", + "fresh basil", + "lasagna noodles", + "chopped onion" + ] + }, + { + "id": 25810, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "ground pepper", + "parsley", + "hot sauce", + "steak", + "milk", + "large eggs", + "salt", + "oil", + "minced garlic", + "cayenne", + "buttermilk", + "sauce", + "chicken stock", + "garlic powder", + "shallots", + "all-purpose flour", + "corn starch" + ] + }, + { + "id": 35723, + "cuisine": "greek", + "ingredients": [ + "chicken broth", + "lemon", + "pepper", + "cold water", + "orzo pasta", + "eggs", + "salt" + ] + }, + { + "id": 44368, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "black-eyed peas", + "diced onions", + "sugar", + "collard greens", + "vegetable oil", + "chopped cooked ham", + "pepper" + ] + }, + { + "id": 25263, + "cuisine": "irish", + "ingredients": [ + "fine sea salt", + "salted butter", + "corn starch", + "sugar", + "all-purpose flour", + "vanilla extract" + ] + }, + { + "id": 1743, + "cuisine": "greek", + "ingredients": [ + "grated orange peel", + "unsalted butter", + "cinnamon sticks", + "sugar", + "whole milk", + "semolina flour", + "large eggs", + "phyllo pastry", + "water", + "vanilla extract" + ] + }, + { + "id": 28156, + "cuisine": "mexican", + "ingredients": [ + "water", + "strawberries", + "jack cheese", + "frozen corn", + "tamales", + "sliced olives", + "rice", + "frozen limeade", + "salsa" + ] + }, + { + "id": 37611, + "cuisine": "chinese", + "ingredients": [ + "ginger", + "bird chile", + "spring onions", + "garlic cloves", + "light soy sauce", + "cilantro leaves", + "wood ear mushrooms", + "sesame oil", + "chinese black vinegar" + ] + }, + { + "id": 45861, + "cuisine": "russian", + "ingredients": [ + "large eggs", + "salt", + "vegetable oil", + "sour cream", + "potatoes", + "all-purpose flour", + "pepper", + "whipping cream", + "caviar" + ] + }, + { + "id": 44607, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "cajun seasoning", + "peanut oil", + "fresh parsley", + "ground red pepper", + "all-purpose flour", + "red bell pepper", + "potatoes", + "bacon", + "garlic cloves", + "onions", + "chicken broth", + "chicken breasts", + "hot sauce", + "celery" + ] + }, + { + "id": 28725, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "large garlic cloves", + "soy sauce", + "sesame oil", + "snow peas", + "hot red pepper flakes", + "peeled fresh ginger", + "frozen peas", + "sugar pea", + "vegetable oil" + ] + }, + { + "id": 36537, + "cuisine": "irish", + "ingredients": [ + "mini marshmallows", + "brown sugar", + "cereal", + "butter", + "popped popcorn", + "sprinkles" + ] + }, + { + "id": 10711, + "cuisine": "mexican", + "ingredients": [ + "cinnamon sticks", + "honey", + "almond extract", + "tequila" + ] + }, + { + "id": 43646, + "cuisine": "filipino", + "ingredients": [ + "caster sugar", + "Edam", + "plain flour", + "evaporated milk", + "water", + "eggs", + "baking powder" + ] + }, + { + "id": 18168, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "fresh mozzarella", + "flour for dusting", + "tomato sauce", + "mushrooms", + "garlic", + "spinach leaves", + "unsalted butter", + "sea salt", + "olive oil", + "fresh thyme leaves", + "pizza doughs" + ] + }, + { + "id": 9216, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "bay scallops", + "bottled clam juice", + "garlic cloves", + "tomatoes", + "olive oil", + "shrimp", + "penne", + "whipping cream" + ] + }, + { + "id": 16496, + "cuisine": "italian", + "ingredients": [ + "capers", + "diced red onions", + "eggplant", + "red wine vinegar", + "tomatoes", + "ground black pepper", + "fresh mint", + "olive oil", + "crumbled ricotta salata cheese" + ] + }, + { + "id": 29536, + "cuisine": "italian", + "ingredients": [ + "eggs", + "lasagna noodles", + "fresh parsley", + "pasta sauce", + "lean ground beef", + "part-skim mozzarella", + "grated parmesan cheese", + "water", + "ricotta cheese" + ] + }, + { + "id": 1742, + "cuisine": "chinese", + "ingredients": [ + "molasses", + "fat skimmed chicken broth", + "dark soy sauce", + "granulated sugar", + "bone in chicken thighs", + "fresh ginger", + "salad oil", + "rock sugar", + "salt", + "sliced green onions" + ] + }, + { + "id": 23932, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "ground turmeric", + "green cabbage", + "pimentos", + "celery seed", + "cider vinegar", + "mustard seeds", + "green bell pepper", + "vegetable oil", + "onions" + ] + }, + { + "id": 34552, + "cuisine": "greek", + "ingredients": [ + "orange", + "whole milk", + "phyllo dough", + "unsalted butter", + "orange juice", + "eggs", + "semolina", + "vanilla extract", + "water", + "granulated sugar" + ] + }, + { + "id": 29864, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "apples", + "chicken broth", + "butternut squash", + "Italian cheese blend", + "salt and ground black pepper", + "garlic", + "milk", + "butter", + "onions" + ] + }, + { + "id": 49378, + "cuisine": "greek", + "ingredients": [ + "lemon", + "cumin", + "olive oil", + "salt", + "garlic", + "tahini", + "chickpeas" + ] + }, + { + "id": 44292, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "rotelle", + "cumin", + "fresh cilantro", + "long-grain rice", + "kosher salt", + "garlic", + "canola oil", + "low sodium chicken broth", + "onions" + ] + }, + { + "id": 26165, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "salt", + "dried oregano", + "ground black pepper", + "fresh oregano", + "beef stock", + "garlic cloves", + "baking potatoes", + "lemon juice", + "ground black pepper", + "fresh oregano", + "beef stock", + "garlic cloves", + "baking potatoes", + "lemon juice", + "olive oil", + "salt", + "dried oregano" + ] + }, + { + "id": 23379, + "cuisine": "japanese", + "ingredients": [ + "cider vinegar", + "large garlic cloves", + "light brown sugar", + "mirin", + "rib pork chops", + "gingerroot", + "soy sauce", + "vegetable oil" + ] + }, + { + "id": 14754, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "coarse salt", + "potatoes", + "onions", + "large eggs", + "garlic cloves", + "vegetable oil" + ] + }, + { + "id": 28849, + "cuisine": "thai", + "ingredients": [ + "water", + "peeled fresh ginger", + "chopped celery", + "ground coriander", + "sugar", + "olive oil", + "ground red pepper", + "all-purpose flour", + "fresh lime juice", + "tomato paste", + "fresh cilantro", + "dry white wine", + "salt", + "garlic cloves", + "lime rind", + "reduced fat milk", + "light coconut milk", + "chopped onion", + "medium shrimp" + ] + }, + { + "id": 11622, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "active dry yeast", + "buttermilk", + "dark brown sugar", + "light brown sugar", + "kosher salt", + "egg yolks", + "maple syrup", + "chopped pecans", + "sugar", + "flour", + "vanilla extract", + "softened butter", + "ground cinnamon", + "milk", + "lemon", + "cream cheese", + "confectioners sugar" + ] + }, + { + "id": 30419, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "shiitake", + "salt", + "garlic cloves", + "coconut oil", + "napa cabbage", + "yellow onion", + "spring roll wrappers", + "sesame oil", + "rice vinegar", + "carrots", + "kale", + "ginger", + "scallions" + ] + }, + { + "id": 11172, + "cuisine": "korean", + "ingredients": [ + "dried kelp", + "green onions", + "Gochujang base", + "broth", + "stew", + "water", + "red pepper flakes", + "onions", + "soy sauce", + "anchovies", + "dried shiitake mushrooms", + "coriander", + "tofu", + "minced garlic", + "marinade", + "pork shoulder" + ] + }, + { + "id": 25991, + "cuisine": "thai", + "ingredients": [ + "cold water", + "fresh cilantro", + "low sodium chicken broth", + "tamarind paste", + "fish sauce", + "reduced-sodium tamari sauce", + "salted roast peanuts", + "beansprouts", + "wide rice noodles", + "olive oil", + "green onions", + "corn starch", + "light brown sugar", + "white pepper", + "Sriracha", + "garlic", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 11010, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "peanut oil", + "onions", + "salt", + "carrots", + "shredded coconut", + "cumin seed", + "cabbage", + "curry leaves", + "green chilies", + "mustard seeds" + ] + }, + { + "id": 28333, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "shredded Monterey Jack cheese", + "black olives", + "taco sauce", + "onions", + "soup" + ] + }, + { + "id": 36505, + "cuisine": "vietnamese", + "ingredients": [ + "ginger", + "english cucumber", + "black pepper", + "purple onion", + "steak", + "soy sauce", + "avocado oil", + "carrots", + "parsley", + "rolls", + "chillies" + ] + }, + { + "id": 35390, + "cuisine": "french", + "ingredients": [ + "olive oil", + "salt", + "brown sugar", + "cooking spray", + "dried rosemary", + "dry yeast", + "all-purpose flour", + "warm water", + "yukon gold potatoes" + ] + }, + { + "id": 49371, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "scallions", + "duck breasts", + "mirin", + "sugar", + "peanut oil", + "sake", + "dashi powder", + "toasted sesame seeds" + ] + }, + { + "id": 13062, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "baking powder", + "lard", + "kosher salt", + "garlic cloves", + "dried oregano", + "boneless pork shoulder", + "ground black pepper", + "hot water", + "masa harina", + "guajillo chiles", + "cinnamon", + "chipotles in adobo" + ] + }, + { + "id": 31330, + "cuisine": "indian", + "ingredients": [ + "warm water", + "baking powder", + "all-purpose flour", + "active dry yeast", + "garlic", + "plain yogurt", + "butter", + "chopped cilantro fresh", + "eggs", + "honey", + "salt" + ] + }, + { + "id": 20808, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "lime wedges", + "black beans", + "jalapeno chilies", + "cilantro", + "garlic cloves", + "salt", + "corn tortillas", + "lime", + "guacamole", + "purple onion", + "sour cream", + "pepper jack", + "paprika", + "salsa", + "cumin" + ] + }, + { + "id": 40325, + "cuisine": "vietnamese", + "ingredients": [ + "brewed coffee", + "ice cubes", + "sweetened condensed milk", + "ground coffee" + ] + }, + { + "id": 41122, + "cuisine": "indian", + "ingredients": [ + "chicken stock", + "mild olive oil", + "purple onion", + "green pepper", + "cucumber", + "tomato purée", + "fresh ginger root", + "cilantro leaves", + "garlic cloves", + "coriander", + "tomatoes", + "lime juice", + "salt", + "green chilies", + "onions", + "cooked rice", + "garam masala", + "skinless chicken breasts", + "lemon juice" + ] + }, + { + "id": 24104, + "cuisine": "thai", + "ingredients": [ + "pepper", + "fresh ginger", + "salt", + "basmati rice", + "lime", + "cilantro", + "ground coriander", + "curry powder", + "garlic powder", + "cayenne pepper", + "ground cumin", + "light brown sugar", + "light soy sauce", + "light coconut milk", + "chicken thighs" + ] + }, + { + "id": 7859, + "cuisine": "japanese", + "ingredients": [ + "honey", + "chives", + "corn starch", + "brown sugar", + "mirin", + "ginger", + "low sodium soy sauce", + "sesame seeds", + "flank steak", + "water", + "Sriracha", + "garlic cloves" + ] + }, + { + "id": 27889, + "cuisine": "moroccan", + "ingredients": [ + "extra-virgin olive oil", + "carrots", + "lemon juice", + "harissa paste", + "coriander" + ] + }, + { + "id": 6456, + "cuisine": "italian", + "ingredients": [ + "sugar", + "olive oil", + "bay leaves", + "crushed red pepper", + "spaghetti", + "tomato paste", + "kosher salt", + "grated parmesan cheese", + "ground thyme", + "ground beef", + "white wine", + "parmesan cheese", + "parsley", + "yellow onion", + "ground oregano", + "green bell pepper", + "crushed tomatoes", + "marinara sauce", + "garlic", + "fresh parsley" + ] + }, + { + "id": 37113, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "milk", + "salt", + "ground turmeric", + "tomatoes", + "water", + "seeds", + "cinnamon sticks", + "curry leaves", + "black pepper", + "fresh ginger", + "green chilies", + "canola oil", + "eggs", + "curry powder", + "garlic", + "onions" + ] + }, + { + "id": 40218, + "cuisine": "italian", + "ingredients": [ + "eggs", + "vanilla extract", + "white sugar", + "ricotta cheese", + "chocolate candy bars", + "milk", + "all-purpose flour", + "shortening", + "salt" + ] + }, + { + "id": 23513, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "chuck steaks", + "black pepper", + "fresh oregano", + "chopped garlic", + "lemon zest", + "fresh lemon juice", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 18495, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "water", + "ground black pepper", + "ground thyme", + "canola oil", + "black pepper", + "olive oil", + "flour", + "salt", + "soy sauce", + "honey", + "ground sage", + "paprika", + "ground ginger", + "minced garlic", + "ground nutmeg", + "boneless skinless chicken breasts", + "cayenne pepper" + ] + }, + { + "id": 18351, + "cuisine": "mexican", + "ingredients": [ + "corn", + "ranch dressing", + "green bell pepper", + "tomato juice", + "ground beef", + "taco seasoning mix", + "diced tomatoes", + "black beans", + "sliced black olives", + "onions" + ] + }, + { + "id": 29491, + "cuisine": "japanese", + "ingredients": [ + "chicken stock", + "green onions", + "boneless skinless chicken breast halves", + "water", + "fresh mushrooms", + "fresh ginger root", + "carrots", + "soy sauce", + "garlic", + "snow peas" + ] + }, + { + "id": 17202, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "purple onion", + "marinade", + "carrots", + "white onion", + "cracked black pepper", + "poblano chiles", + "flank steak", + "salt" + ] + }, + { + "id": 19588, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "coffee" + ] + }, + { + "id": 8409, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "peanut oil", + "chile powder", + "onion powder", + "ground cumin", + "chicken breasts", + "garlic puree", + "lime juice", + "worcestershire sauce" + ] + }, + { + "id": 29000, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "spices", + "lemongrass", + "salt", + "pepper", + "chicken meat", + "fish sauce", + "flour" + ] + }, + { + "id": 18679, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "salt", + "saffron", + "unsalted butter", + "boiling water", + "sweet onion", + "cardamom pods", + "clove", + "cinnamon", + "basmati rice" + ] + }, + { + "id": 5376, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "half & half", + "olive oil", + "arugula", + "vidalia onion", + "salt", + "fettucine", + "ground black pepper", + "large shrimp" + ] + }, + { + "id": 30650, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "baking powder", + "wildflower honey", + "large eggs", + "all-purpose flour", + "stone-ground cornmeal", + "buttermilk", + "canola oil" + ] + }, + { + "id": 33026, + "cuisine": "french", + "ingredients": [ + "firmly packed light brown sugar", + "vanilla extract", + "almond liqueur", + "whipping cream", + "fresh mint", + "sugar", + "fresh raspberries", + "egg yolks", + "toasted almonds" + ] + }, + { + "id": 23722, + "cuisine": "vietnamese", + "ingredients": [ + "eggs", + "cooking oil", + "Massaman curry paste", + "carrots", + "water", + "green onions", + "salt", + "puff pastry", + "chicken stock", + "lemongrass", + "shallots", + "yellow onion", + "chicken", + "pepper", + "potatoes", + "garlic", + "coconut milk" + ] + }, + { + "id": 37302, + "cuisine": "vietnamese", + "ingredients": [ + "brown sugar", + "lime juice", + "chicken thigh fillets", + "cilantro", + "carrots", + "chillies", + "minced garlic", + "chili", + "vegetable oil", + "oil", + "beansprouts", + "soy sauce", + "lemongrass", + "lime wedges", + "rice vinegar", + "cucumber", + "white sugar", + "fish sauce", + "water", + "mint leaves", + "shredded lettuce", + "garlic cloves", + "vermicelli noodles" + ] + }, + { + "id": 10825, + "cuisine": "korean", + "ingredients": [ + "cider vinegar", + "brown sugar", + "red pepper flakes", + "soy sauce", + "sirloin steak", + "ground ginger", + "minced garlic" + ] + }, + { + "id": 38703, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "fresh basil leaves", + "kosher salt", + "garlic", + "pinenuts", + "extra-virgin olive oil", + "ground black pepper", + "walnuts" + ] + }, + { + "id": 27455, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "flour", + "chopped celery", + "finely chopped onion", + "bacon", + "carrots", + "corn", + "heavy cream", + "cayenne pepper", + "chicken broth", + "potatoes", + "garlic", + "red bell pepper" + ] + }, + { + "id": 4185, + "cuisine": "italian", + "ingredients": [ + "sugar", + "fresh mozzarella", + "chicken stock", + "unsalted butter", + "paprika", + "cherry tomatoes", + "sea salt", + "fresh basil", + "boneless skinless chicken breasts", + "garlic" + ] + }, + { + "id": 11674, + "cuisine": "italian", + "ingredients": [ + "honey", + "cantaloupe", + "white wine", + "fresh mint", + "prosciutto" + ] + }, + { + "id": 13738, + "cuisine": "french", + "ingredients": [ + "chicken broth", + "fresh thyme", + "salt", + "white onion", + "cheese slices", + "fresh parsley", + "beef", + "butter", + "french baguette", + "dry white wine", + "freshly ground pepper" + ] + }, + { + "id": 3585, + "cuisine": "southern_us", + "ingredients": [ + "salad", + "pepper", + "mayonaise", + "spicy brown mustard", + "pickles", + "salt", + "eggs", + "baking potatoes" + ] + }, + { + "id": 16835, + "cuisine": "italian", + "ingredients": [ + "honey", + "cream cheese, soften", + "fresh rosemary", + "dry sherry", + "gorgonzola", + "baguette", + "salted roasted pecans", + "butter", + "bartlett pears" + ] + }, + { + "id": 44067, + "cuisine": "indian", + "ingredients": [ + "vegetables", + "scallions", + "chopped cilantro fresh", + "kosher salt", + "all-purpose flour", + "greek yogurt", + "eggs", + "ground black pepper", + "lemon juice", + "ground cumin", + "milk", + "ground coriander", + "onions" + ] + }, + { + "id": 11017, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "bay leaves", + "lime wedges", + "cumin seed", + "dal", + "water", + "shallots", + "salt", + "cinnamon sticks", + "minced garlic", + "peeled fresh ginger", + "cauliflower florets", + "carrots", + "ground turmeric", + "olive oil", + "brown mustard seeds", + "cilantro leaves", + "nigella seeds" + ] + }, + { + "id": 43583, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "lemon wedge", + "dried oregano", + "rub", + "dried thyme", + "salt", + "granulated garlic", + "olive oil", + "lamb loin chops", + "dried basil", + "lemon" + ] + }, + { + "id": 17161, + "cuisine": "russian", + "ingredients": [ + "powdered sugar", + "raisins", + "phyllo pastry", + "unsalted butter", + "caramel ice cream", + "granny smith apples", + "walnuts", + "sugar", + "salt" + ] + }, + { + "id": 10701, + "cuisine": "filipino", + "ingredients": [ + "jasmine rice", + "garlic", + "chayotes", + "soy sauce", + "ginger", + "carrots", + "tomatoes", + "cilantro", + "coconut vinegar", + "yukon gold potatoes", + "yellow onion", + "ground beef" + ] + }, + { + "id": 38833, + "cuisine": "chinese", + "ingredients": [ + "chili flakes", + "water", + "lime", + "tamari soy sauce", + "chinese five-spice powder", + "black pepper", + "lemongrass", + "sesame oil", + "yellow onion", + "greens", + "fish sauce", + "lime juice", + "fresh ginger", + "broccoli", + "garlic cloves", + "fresh coriander", + "orange", + "sea salt", + "beef rib short" + ] + }, + { + "id": 32058, + "cuisine": "filipino", + "ingredients": [ + "vegetable oil", + "sugar", + "bananas", + "lumpia skins" + ] + }, + { + "id": 20531, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "red pepper flakes", + "red bell pepper", + "sausage links", + "green bell pepper, slice", + "yellow onion", + "olive oil", + "salt", + "dried oregano", + "marsala wine", + "bell pepper", + "garlic cloves" + ] + }, + { + "id": 16732, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "extra-virgin olive oil", + "coarse salt", + "fresh basil leaves", + "lemon", + "spaghetti", + "ground black pepper", + "pasta water" + ] + }, + { + "id": 7459, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "garlic", + "ground cumin", + "vegetable oil", + "coriander", + "chopped tomatoes", + "cocoa powder" + ] + }, + { + "id": 22856, + "cuisine": "japanese", + "ingredients": [ + "unseasoned breadcrumbs", + "ground pork", + "chicken stock", + "black pepper", + "onions", + "soy sauce", + "salt", + "cabbage leaves", + "fresh ginger" + ] + }, + { + "id": 21522, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "ground pepper", + "paprika", + "dri leav thyme", + "onions", + "no-salt-added diced tomatoes", + "low sodium chicken broth", + "salt", + "bay leaf", + "long grain white rice", + "green bell pepper", + "hot pepper sauce", + "garlic", + "red bell pepper", + "dried leaves oregano", + "olive oil", + "smoked ham", + "cayenne pepper", + "medium shrimp" + ] + }, + { + "id": 397, + "cuisine": "moroccan", + "ingredients": [ + "aleppo pepper", + "dry white wine", + "crème fraîche", + "kosher salt", + "fresh thyme leaves", + "grana", + "reduced sodium chicken broth", + "chives", + "lemon rind", + "saffron threads", + "finely chopped onion", + "butter", + "carnaroli rice" + ] + }, + { + "id": 29574, + "cuisine": "italian", + "ingredients": [ + "pesto", + "black olives", + "artichoke hearts", + "salad dressing", + "cherry tomatoes", + "bow-tie pasta", + "green olives", + "parmesan cheese" + ] + }, + { + "id": 31529, + "cuisine": "russian", + "ingredients": [ + "brown sugar", + "olive oil", + "carrots", + "ketchup", + "bay leaves", + "onions", + "pork", + "cabbage head", + "sour cream", + "pepper", + "salt" + ] + }, + { + "id": 2006, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "cilantro leaves", + "garlic cloves", + "fresh ginger", + "vegetable oil", + "ground coriander", + "ground turmeric", + "tomatoes", + "chana dal", + "green chilies", + "onions", + "garam masala", + "salt", + "cumin seed" + ] + }, + { + "id": 8319, + "cuisine": "japanese", + "ingredients": [ + "tawny port", + "eggs", + "fresh lemon juice", + "simple syrup", + "rye" + ] + }, + { + "id": 11918, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "stewing beef", + "beef stock", + "garlic cloves", + "cumin", + "crushed tomatoes", + "ground black pepper", + "cayenne pepper", + "onions", + "tumeric", + "garam masala", + "salt", + "smoked paprika", + "fresh cilantro", + "lemon zest", + "oil", + "coriander" + ] + }, + { + "id": 22601, + "cuisine": "spanish", + "ingredients": [ + "raspberries", + "pink grapefruit", + "grapes", + "mint leaves", + "plain yogurt", + "extra-virgin olive oil", + "honey" + ] + }, + { + "id": 33020, + "cuisine": "mexican", + "ingredients": [ + "salt", + "garlic cloves", + "olive oil", + "tamarind paste", + "chipotles in adobo", + "rum", + "dark brown sugar", + "adobo sauce", + "water", + "sauce", + "shrimp" + ] + }, + { + "id": 27001, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "milk", + "sour cream", + "soy sauce", + "rice vinegar", + "sugar", + "salt", + "canned tuna", + "avocado", + "sushi rice", + "lemon juice" + ] + }, + { + "id": 17461, + "cuisine": "indian", + "ingredients": [ + "eggs", + "curry powder", + "chili powder", + "all-purpose flour", + "cinnamon sticks", + "ginger paste", + "warm water", + "chicken breasts", + "curry", + "oil", + "onions", + "sugar", + "lime", + "spices", + "cardamom pods", + "coconut milk", + "tomato paste", + "pepper", + "capsicum", + "salt", + "carrots", + "ground turmeric" + ] + }, + { + "id": 39117, + "cuisine": "thai", + "ingredients": [ + "coconut oil", + "thai basil", + "ginger", + "green chilies", + "ground cumin", + "kaffir lime leaves", + "lemongrass", + "shallots", + "salt", + "red bell pepper", + "white pepper", + "zucchini", + "garlic", + "ground coriander", + "coconut sugar", + "lime", + "shoyu", + "cilantro leaves", + "coconut milk" + ] + }, + { + "id": 39686, + "cuisine": "mexican", + "ingredients": [ + "lemon zest", + "salt", + "ground cloves", + "raisins", + "long grain white rice", + "eggs", + "whole milk", + "cinnamon sticks", + "water", + "vanilla", + "sweetened condensed milk" + ] + }, + { + "id": 803, + "cuisine": "british", + "ingredients": [ + "flour", + "heavy cream", + "white vinegar", + "vegetable oil", + "salt", + "egg yolks", + "ground pork", + "white onion", + "vegetable shortening" + ] + }, + { + "id": 12255, + "cuisine": "greek", + "ingredients": [ + "capers", + "cracked black pepper", + "feta cheese crumbles", + "nonfat greek yogurt", + "cayenne pepper", + "chopped garlic", + "olive oil", + "salt", + "fresh parsley", + "grated parmesan cheese", + "fresh lemon juice" + ] + }, + { + "id": 9821, + "cuisine": "french", + "ingredients": [ + "mussels", + "olive oil", + "heavy cream", + "white wine", + "shallots", + "kosher salt", + "parsley", + "crusty bread", + "unsalted butter", + "garlic" + ] + }, + { + "id": 32788, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "lemon juice", + "dried oregano", + "mozzarella cheese", + "salami", + "ripe olives", + "pepperoni slices", + "olive oil", + "Italian bread", + "pepper", + "pimento stuffed olives", + "fresh parsley" + ] + }, + { + "id": 22346, + "cuisine": "indian", + "ingredients": [ + "moong dal", + "ground cardamom", + "dates", + "cashew nuts", + "sugarcane juice", + "ghee", + "rice" + ] + }, + { + "id": 11889, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "salt", + "olive oil", + "seasoning salt", + "cabbage", + "chicken broth", + "butter" + ] + }, + { + "id": 43557, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "fat", + "tomato paste", + "water", + "chili powder", + "onions", + "minced garlic", + "green onions", + "cooked white rice", + "white button mushrooms", + "olive oil", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 1459, + "cuisine": "french", + "ingredients": [ + "parsley sprigs", + "onions", + "dry white wine", + "olive oil", + "mussels", + "lemon wedge" + ] + }, + { + "id": 36780, + "cuisine": "mexican", + "ingredients": [ + "red cabbage", + "carrots", + "parsley leaves", + "salt", + "anise seed", + "jicama", + "fresh lime juice", + "dijon mustard", + "vegetable oil" + ] + }, + { + "id": 7489, + "cuisine": "russian", + "ingredients": [ + "turnips", + "flanken short ribs", + "large garlic cloves", + "beets", + "chopped parsley", + "cabbage", + "water", + "lemon", + "butter oil", + "sour cream", + "celery root", + "parsnips", + "potatoes", + "dill", + "carrots", + "broth", + "tomato paste", + "ground black pepper", + "coarse sea salt", + "allspice berries", + "onions" + ] + }, + { + "id": 5423, + "cuisine": "russian", + "ingredients": [ + "prepared horseradish", + "beets" + ] + }, + { + "id": 45609, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "egg yolks", + "grated lemon zest", + "water", + "large eggs", + "grated nutmeg", + "ground black pepper", + "salt", + "ricotta", + "parmigiano reggiano cheese", + "all-purpose flour" + ] + }, + { + "id": 14634, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "garlic cloves", + "lemon", + "kosher salt", + "cucumber", + "ground black pepper", + "greek yogurt" + ] + }, + { + "id": 12271, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "milk", + "boudin", + "canola oil", + "flour" + ] + }, + { + "id": 6465, + "cuisine": "chinese", + "ingredients": [ + "canned chicken broth", + "wheat", + "greens", + "fresh ginger", + "duck", + "water", + "salt", + "chinese rice wine", + "yu choy", + "scallions" + ] + }, + { + "id": 3362, + "cuisine": "moroccan", + "ingredients": [ + "fresh coriander", + "vegetable oil", + "ground beef", + "allspice", + "sugar", + "active dry yeast", + "garlic", + "onions", + "semolina flour", + "water", + "paprika", + "fresh parsley", + "pepper", + "flour", + "salt", + "cumin" + ] + }, + { + "id": 11174, + "cuisine": "italian", + "ingredients": [ + "white wine", + "cooking spray", + "dried oregano", + "ground black pepper", + "crushed red pepper", + "crushed tomatoes", + "balsamic vinegar", + "tomato paste", + "finely chopped onion", + "garlic cloves" + ] + }, + { + "id": 42145, + "cuisine": "jamaican", + "ingredients": [ + "clove", + "fresh ginger root", + "sugar", + "hot water", + "cream of tartar", + "rum", + "lime juice" + ] + }, + { + "id": 42531, + "cuisine": "jamaican", + "ingredients": [ + "dried thyme", + "grated nutmeg", + "garlic cloves", + "soy sauce", + "vegetable oil", + "scallions", + "chicken", + "ground black pepper", + "berries", + "onions", + "pepper", + "salt", + "chinese five-spice powder" + ] + }, + { + "id": 15816, + "cuisine": "southern_us", + "ingredients": [ + "reduced sodium chicken broth", + "rabbit", + "California bay leaves", + "tomatoes", + "cayenne", + "frozen corn", + "green bell pepper", + "vegetable oil", + "garlic cloves", + "frozen lima beans", + "all-purpose flour", + "onions" + ] + }, + { + "id": 19124, + "cuisine": "southern_us", + "ingredients": [ + "jalapeno chilies", + "ham hock", + "black peppercorns", + "salt", + "bay leaf", + "garlic", + "flat leaf parsley", + "black-eyed peas", + "freshly ground pepper", + "onions" + ] + }, + { + "id": 1305, + "cuisine": "cajun_creole", + "ingredients": [ + "brown sugar", + "balsamic vinegar", + "salt", + "onions", + "stock", + "sun-dried tomatoes", + "dry mustard", + "celery", + "tomatoes", + "black beans", + "cajun seasoning", + "ground meat", + "green bell pepper", + "bay leaves", + "garlic", + "kidney" + ] + }, + { + "id": 20025, + "cuisine": "italian", + "ingredients": [ + "granulated sugar", + "ground almonds", + "chopped almonds", + "almond extract", + "egg whites", + "white sugar" + ] + }, + { + "id": 12430, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "anchovy fillets", + "capers", + "kalamata", + "marinara sauce", + "large shrimp", + "black pepper", + "linguine" + ] + }, + { + "id": 38910, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "eggplant", + "coarse salt", + "red bell pepper", + "water", + "zucchini", + "extra-virgin olive oil", + "ground cinnamon", + "yellow squash", + "shallots", + "freshly ground pepper", + "minced garlic", + "bananas", + "currant" + ] + }, + { + "id": 31681, + "cuisine": "brazilian", + "ingredients": [ + "açai", + "coconut water", + "granola", + "bananas", + "shredded coconut", + "strawberries" + ] + }, + { + "id": 27996, + "cuisine": "greek", + "ingredients": [ + "anise", + "honey", + "feta cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 1903, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "salt", + "rotini", + "chicken broth", + "radicchio", + "lemon juice", + "pork cutlets", + "olive oil", + "garlic cloves", + "kosher salt", + "freshly ground pepper", + "frozen peas" + ] + }, + { + "id": 29185, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "onions", + "french baguette", + "garlic", + "tomatoes", + "ground black pepper", + "dried oregano", + "mozzarella cheese", + "salt" + ] + }, + { + "id": 45865, + "cuisine": "korean", + "ingredients": [ + "sugar", + "napa cabbage", + "fresh ginger", + "red pepper", + "kosher salt", + "daikon", + "fish sauce", + "spring onions", + "garlic" + ] + }, + { + "id": 9022, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "yukon gold potatoes", + "garlic cloves", + "kosher salt", + "ground red pepper", + "aged Manchego cheese", + "fresh parsley", + "black pepper", + "cooking spray", + "extra-virgin olive oil", + "red bell pepper", + "sherry vinegar", + "shallots", + "blanched almonds", + "dried oregano" + ] + }, + { + "id": 43790, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "paprika", + "ground turmeric", + "potatoes", + "cumin seed", + "ground cumin", + "garam masala", + "salt", + "ginger paste", + "cauliflower", + "vegetable oil", + "chopped cilantro fresh" + ] + }, + { + "id": 40462, + "cuisine": "chinese", + "ingredients": [ + "oil", + "reduced sodium soy sauce", + "asparagus", + "toasted sesame seeds", + "sesame oil" + ] + }, + { + "id": 1718, + "cuisine": "italian", + "ingredients": [ + "(14.5 oz.) diced tomatoes", + "white beans", + "fennel", + "celery", + "water", + "Italian turkey sausage", + "sage leaves", + "garlic" + ] + }, + { + "id": 31383, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "chorizo", + "salt", + "onions", + "eggs", + "boneless chicken skinless thigh", + "banana leaves", + "red bell pepper", + "green bell pepper", + "pepper", + "garlic", + "coconut milk", + "chicken broth", + "glutinous rice", + "raisins", + "oil", + "ground turmeric" + ] + }, + { + "id": 8767, + "cuisine": "southern_us", + "ingredients": [ + "prepared horseradish", + "vegetable oil", + "salt", + "cucumber", + "garlic powder", + "onion powder", + "vegetable broth", + "cayenne pepper", + "milk", + "ground black pepper", + "fresh green bean", + "dry bread crumbs", + "eggs", + "buttermilk ranch dressing", + "wasabi powder", + "all-purpose flour" + ] + }, + { + "id": 35796, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "mozzarella cheese", + "Italian seasoned breadcrumbs", + "risotto", + "vegetable oil", + "large eggs" + ] + }, + { + "id": 34058, + "cuisine": "greek", + "ingredients": [ + "eggs", + "ground nutmeg", + "all-purpose flour", + "milk", + "butter", + "shortening", + "baking powder", + "white sugar", + "ground cinnamon", + "sesame seeds", + "vanilla extract" + ] + }, + { + "id": 45854, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "baby spinach", + "sweet italian sausage", + "grated parmesan cheese", + "crushed red pepper", + "onions", + "sun-dried tomatoes", + "extra-virgin olive oil", + "gemelli", + "basil leaves", + "salt" + ] + }, + { + "id": 38225, + "cuisine": "filipino", + "ingredients": [ + "water", + "sweetened condensed milk", + "sticky rice", + "semisweet chocolate", + "kosher salt", + "heavy cream" + ] + }, + { + "id": 32744, + "cuisine": "spanish", + "ingredients": [ + "parsley flakes", + "marinara sauce", + "celery", + "eggplant", + "freshly ground pepper", + "tomato paste", + "garlic powder", + "oil", + "spanish onion", + "salt", + "canola oil" + ] + }, + { + "id": 25392, + "cuisine": "jamaican", + "ingredients": [ + "green bell pepper", + "ground cloves", + "dried thyme", + "cayenne", + "ground allspice", + "coconut milk", + "cremini mushrooms", + "black beans", + "fresh ginger", + "sea salt", + "jerk sauce", + "seitan", + "coconut oil", + "molasses", + "honey", + "fresh thyme", + "garlic cloves", + "basmati rice", + "ground cinnamon", + "soy sauce", + "water", + "ground nutmeg", + "yellow onion", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 12324, + "cuisine": "chinese", + "ingredients": [ + "water", + "sesame oil", + "chinese five-spice powder", + "large eggs", + "ginger", + "panko breadcrumbs", + "hoisin sauce", + "large garlic cloves", + "meatloaf", + "soy sauce", + "water chestnuts", + "scallions" + ] + }, + { + "id": 25413, + "cuisine": "japanese", + "ingredients": [ + "cooking spray", + "garlic cloves", + "ground black pepper", + "rice vinegar", + "sake", + "miso", + "brown sugar", + "green onions", + "skirt steak" + ] + }, + { + "id": 2189, + "cuisine": "vietnamese", + "ingredients": [ + "white pepper", + "salt", + "fish sauce", + "opo squash", + "canola oil", + "water", + "yellow onion", + "boneless chicken skinless thigh", + "cilantro" + ] + }, + { + "id": 33225, + "cuisine": "indian", + "ingredients": [ + "crushed garlic", + "ground turmeric", + "ginger root", + "low fat plain yoghurt", + "chicken" + ] + }, + { + "id": 36123, + "cuisine": "mexican", + "ingredients": [ + "fresh spinach", + "white hominy", + "red bell pepper", + "ground cumin", + "olive oil", + "large garlic cloves", + "onions", + "chili", + "chili powder", + "corn tortillas", + "tawny port", + "pinto beans", + "dried oregano" + ] + }, + { + "id": 7263, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "jalapeno chilies", + "freshly ground pepper", + "canola oil", + "flour tortillas", + "beer", + "onions", + "water", + "frozen corn", + "garlic cloves", + "black beans", + "coarse salt", + "scallions", + "ground cumin" + ] + }, + { + "id": 1359, + "cuisine": "moroccan", + "ingredients": [ + "large garlic cloves", + "ground cumin", + "cornish game hens", + "cayenne pepper", + "peeled fresh ginger", + "ground coriander", + "salt" + ] + }, + { + "id": 321, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "fresh coriander", + "garam masala", + "vegetable oil", + "cumin seed", + "grated coconut", + "lime", + "brown mustard seeds", + "light coconut milk", + "basmati rice", + "red chili peppers", + "water", + "ground black pepper", + "sea salt", + "onions", + "fresh curry leaves", + "fresh ginger", + "chili powder", + "garlic", + "fish" + ] + }, + { + "id": 11312, + "cuisine": "mexican", + "ingredients": [ + "water", + "eggs", + "pitted olives", + "chile powder", + "pepperidge farm puff pastry", + "shredded cheddar cheese", + "Pace Chunky Salsa" + ] + }, + { + "id": 41997, + "cuisine": "russian", + "ingredients": [ + "bread crumbs", + "ground pork", + "onions", + "eggs", + "garlic powder", + "chopped parsley", + "olive oil", + "salt", + "mayonaise", + "ground pepper", + "ground turkey" + ] + }, + { + "id": 7770, + "cuisine": "french", + "ingredients": [ + "tangerine", + "fresh lemon juice", + "powdered sugar", + "large egg yolks", + "tangerine juice", + "sugar", + "unsalted butter", + "cream of tartar", + "large egg whites", + "corn starch" + ] + }, + { + "id": 5396, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "garlic", + "chipotles in adobo", + "pico de gallo", + "olive oil", + "rice", + "ground cumin", + "lime juice", + "salt", + "monterey jack", + "beans", + "boneless skinless chicken breasts", + "poblano chiles" + ] + }, + { + "id": 40276, + "cuisine": "indian", + "ingredients": [ + "serrano peppers", + "salt", + "garlic cloves", + "canola oil", + "halibut fillets", + "green onions", + "cream cheese", + "greek yogurt", + "garam masala", + "butter", + "cumin seed", + "chopped fresh mint", + "sugar", + "peeled fresh ginger", + "cilantro leaves", + "fresh lemon juice" + ] + }, + { + "id": 25801, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "soy sauce", + "sea salt", + "fresh lemon juice", + "kaffir lime leaves", + "chiles", + "lemon", + "garlic", + "fish sauce", + "spring onions", + "banana leaves", + "lemon juice", + "fresh red chili", + "coconut oil", + "butter", + "loosely packed fresh basil leaves", + "fish" + ] + }, + { + "id": 22545, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "garlic powder", + "cayenne pepper", + "mustard", + "seasoning salt", + "onion powder", + "cornflakes", + "pepper", + "parmesan cheese", + "chicken fingers", + "melted butter", + "honey", + "paprika", + "italian seasoning" + ] + }, + { + "id": 29941, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "breadstick", + "boneless skinless chicken breast halves", + "caesar salad dressing", + "romaine lettuce" + ] + }, + { + "id": 9305, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "papad", + "curds", + "ground cumin", + "pepper", + "paneer", + "corn flour", + "bread crumbs", + "chili powder", + "oil", + "garam masala", + "salt", + "chaat masala" + ] + }, + { + "id": 20987, + "cuisine": "french", + "ingredients": [ + "garlic cloves", + "capers", + "flat anchovy", + "extra-virgin olive oil", + "brine cured green olives" + ] + }, + { + "id": 6909, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "garlic", + "ground turkey", + "cremini mushrooms", + "low sodium tomato sauce", + "shredded mozzarella cheese", + "eggplant", + "purple onion", + "dried oregano", + "low-fat cottage cheese", + "canned tomatoes", + "garlic salt" + ] + }, + { + "id": 29856, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "pimentos", + "chopped onion", + "medium shrimp", + "dried basil", + "stewed tomatoes", + "garlic cloves", + "andouille sausage", + "ground red pepper", + "long-grain rice", + "olive oil", + "chopped celery", + "bay leaf" + ] + }, + { + "id": 10625, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "salt", + "chopped cilantro fresh", + "green bell pepper", + "vegetable oil", + "lean steak", + "flour tortillas", + "fresh lime juice", + "pepper", + "lemon", + "onions" + ] + }, + { + "id": 5233, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "vinaigrette", + "tortellini", + "mozzarella cheese", + "cheese" + ] + }, + { + "id": 3787, + "cuisine": "southern_us", + "ingredients": [ + "barbecue sauce", + "orange juice", + "pepper", + "all-purpose flour", + "garlic", + "dried oregano", + "olive oil", + "pork roast" + ] + }, + { + "id": 24536, + "cuisine": "italian", + "ingredients": [ + "boneless skinless chicken breasts", + "basil pesto sauce", + "low-fat mozzarella cheese", + "salt", + "ground black pepper" + ] + }, + { + "id": 40823, + "cuisine": "thai", + "ingredients": [ + "fine sea salt", + "water", + "coconut milk", + "acorn squash", + "unsalted butter", + "curry paste" + ] + }, + { + "id": 7417, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "dry roasted peanuts", + "rice wine", + "crushed red pepper", + "canola oil", + "sugar", + "boneless chicken breast", + "vegetable broth", + "szechuan sauce", + "tomato paste", + "reduced sodium soy sauce", + "sesame oil", + "rice vinegar", + "chicken", + "sugar pea", + "arrowroot", + "garlic", + "scallions" + ] + }, + { + "id": 37318, + "cuisine": "indian", + "ingredients": [ + "mint sauce", + "milk", + "yoghurt", + "garam masala" + ] + }, + { + "id": 5274, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "red beans", + "celery ribs", + "andouille sausage", + "garlic cloves", + "green bell pepper", + "creole seasoning", + "chicken broth", + "water", + "onions" + ] + }, + { + "id": 2051, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "jalapeno chilies", + "chopped cilantro fresh", + "green chile", + "salt", + "green onions" + ] + }, + { + "id": 15003, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "Ritz Crackers", + "apple cider vinegar", + "olive oil", + "colby jack cheese", + "pork shoulder", + "water", + "barbecue sauce", + "cayenne pepper", + "brown sugar", + "garlic powder", + "onion powder" + ] + }, + { + "id": 21780, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "corn tortillas", + "shredded Monterey Jack cheese", + "minced garlic", + "bacon", + "onions", + "jalapeno chilies", + "ground beef", + "olive oil", + "salt", + "plum tomatoes" + ] + }, + { + "id": 16751, + "cuisine": "italian", + "ingredients": [ + "vegetables", + "italian seasoning", + "mayonaise", + "butter", + "hamburger buns", + "garlic cloves", + "cheese slices" + ] + }, + { + "id": 41265, + "cuisine": "greek", + "ingredients": [ + "green onions", + "cream cheese", + "hummus", + "kalamata", + "feta cheese crumbles", + "fresh parsley", + "diced tomatoes", + "lemon juice", + "dill weed", + "garlic", + "cucumber" + ] + }, + { + "id": 28437, + "cuisine": "french", + "ingredients": [ + "eggs", + "unsalted butter", + "white sugar", + "milk", + "salt", + "egg bread", + "vanilla extract", + "ground cinnamon", + "ground nutmeg", + "all-purpose flour" + ] + }, + { + "id": 5329, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "jalapeno chilies", + "salt", + "ground cumin", + "pepper flakes", + "ground nutmeg", + "paprika", + "ground allspice", + "garlic powder", + "ground thyme", + "cayenne pepper", + "ground cinnamon", + "ground black pepper", + "onion flakes", + "dried parsley" + ] + }, + { + "id": 14960, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "fusilli", + "fresh parsley", + "ground black pepper", + "garlic cloves", + "parmigiano-reggiano cheese", + "cooking spray", + "fresh lemon juice", + "prosciutto", + "extra-virgin olive oil", + "frozen peas" + ] + }, + { + "id": 28623, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "mushrooms", + "dry red wine", + "thyme sprigs", + "black pepper", + "leeks", + "bacon", + "roasting chickens", + "fat free less sodium chicken broth", + "bay leaves", + "sea salt", + "garlic cloves", + "calvados", + "parsley", + "all-purpose flour" + ] + }, + { + "id": 47336, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "chees fresh mozzarella", + "aged balsamic vinegar", + "green tomatoes", + "panko breadcrumbs", + "eggs", + "basil", + "canola oil", + "parmesan cheese", + "salt" + ] + }, + { + "id": 46342, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "ground pepper", + "sesame oil", + "peanut oil", + "celery", + "soy sauce", + "chicken breasts", + "garlic", + "corn starch", + "bamboo shoots", + "baby bok choy", + "water chestnuts", + "napa cabbage", + "oil", + "onions", + "chicken stock", + "wide egg noodles", + "fresh shiitake mushrooms", + "salt", + "beansprouts" + ] + }, + { + "id": 28151, + "cuisine": "southern_us", + "ingredients": [ + "frozen whipped topping", + "chopped pecans", + "mini marshmallows", + "Jell-O Gelatin", + "sour cream", + "crushed pineapples in juice" + ] + }, + { + "id": 13089, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "clam juice", + "chopped cilantro fresh", + "green onions", + "fresh lime juice", + "fish sauce", + "garlic cloves", + "serrano chile", + "peeled fresh ginger", + "mahi mahi fillets" + ] + }, + { + "id": 46400, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "rice vinegar", + "avocado", + "brown rice", + "carrots", + "wasabi paste", + "baby spinach", + "nori sheets", + "crab meat", + "raw honey", + "english cucumber" + ] + }, + { + "id": 6449, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "spaghetti", + "roasted almonds", + "Italian parsley leaves", + "ground black pepper", + "extra-virgin olive oil", + "kosher salt", + "chopped fresh chives" + ] + }, + { + "id": 36243, + "cuisine": "italian", + "ingredients": [ + "salt", + "butter", + "italian seasoning", + "water", + "cornmeal", + "garlic" + ] + }, + { + "id": 37018, + "cuisine": "french", + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "french bread", + "salt", + "firmly packed light brown sugar", + "egg whites", + "butter", + "cinnamon sticks", + "vegetable oil cooking spray", + "large eggs", + "creme anglaise", + "ground allspice", + "light brown sugar", + "sliced almonds", + "reduced fat milk", + "vanilla extract", + "nonfat evaporated milk" + ] + }, + { + "id": 47201, + "cuisine": "italian", + "ingredients": [ + "sugar", + "purple onion", + "fresh basil", + "olive oil", + "minced garlic", + "thyme", + "grape tomatoes", + "grated parmesan cheese" + ] + }, + { + "id": 32419, + "cuisine": "chinese", + "ingredients": [ + "corn", + "corn starch", + "chicken stock", + "cream style corn", + "sliced chicken", + "pepper", + "sesame oil", + "water", + "salt" + ] + }, + { + "id": 48046, + "cuisine": "chinese", + "ingredients": [ + "spring roll skins", + "beaten eggs", + "beansprouts", + "dark soy sauce", + "vegetable oil", + "corn starch", + "vegetables", + "chinese celery cabbage", + "shao hsing wine", + "chicken broth", + "shredded carrots", + "shrimp", + "minced pork" + ] + }, + { + "id": 29717, + "cuisine": "greek", + "ingredients": [ + "caster sugar", + "red wine vinegar", + "salt", + "dried parsley", + "olive oil", + "garlic", + "bay leaf", + "pepper", + "red wine", + "cinnamon sticks", + "dried oregano", + "chicken stock", + "chopped tomatoes", + "lamb shoulder", + "onions" + ] + }, + { + "id": 34871, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "rice wine", + "coca-cola", + "ground black pepper", + "garlic", + "light soy sauce", + "sesame oil", + "green onions", + "beef rib short" + ] + }, + { + "id": 27756, + "cuisine": "filipino", + "ingredients": [ + "cooking oil", + "chayotes", + "ground black pepper", + "salt", + "ground pork", + "onions", + "tomatoes", + "garlic" + ] + }, + { + "id": 40244, + "cuisine": "french", + "ingredients": [ + "butter", + "dried rosemary", + "minced garlic", + "white sugar", + "warm water", + "salt", + "active dry yeast", + "bread flour" + ] + }, + { + "id": 27237, + "cuisine": "italian", + "ingredients": [ + "lemon wedge", + "sardines", + "olive oil", + "garlic cloves", + "dry white wine", + "flat leaf parsley", + "linguine" + ] + }, + { + "id": 27207, + "cuisine": "mexican", + "ingredients": [ + "cream cheese", + "chipotles in adobo", + "sour cream", + "cheese", + "chopped cilantro fresh" + ] + }, + { + "id": 23964, + "cuisine": "vietnamese", + "ingredients": [ + "reduced sodium soy sauce", + "rice", + "hot water", + "almond butter", + "sesame oil", + "carrots", + "fresh lime juice", + "brown sugar", + "extra firm tofu", + "garlic chili sauce", + "fresh mint", + "fresh cilantro", + "dipping sauces", + "corn starch", + "vermicelli noodles" + ] + }, + { + "id": 6220, + "cuisine": "french", + "ingredients": [ + "raspberries", + "sugar" + ] + }, + { + "id": 22852, + "cuisine": "brazilian", + "ingredients": [ + "superfine sugar", + "crushed ice", + "lime wedges", + "lime", + "cachaca" + ] + }, + { + "id": 20548, + "cuisine": "thai", + "ingredients": [ + "water", + "chopped cilantro fresh", + "mussels", + "coconut milk", + "green curry paste", + "lime rind", + "fresh lime juice" + ] + }, + { + "id": 25545, + "cuisine": "vietnamese", + "ingredients": [ + "sesame oil", + "pepper", + "salt", + "pork belly", + "cooking wine", + "sesame seeds" + ] + }, + { + "id": 12156, + "cuisine": "southern_us", + "ingredients": [ + "bacon drippings", + "all-purpose flour", + "water", + "tomato paste", + "salt and ground black pepper" + ] + }, + { + "id": 24867, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "dried fettuccine", + "grated parmesan cheese" + ] + }, + { + "id": 1137, + "cuisine": "french", + "ingredients": [ + "olive oil", + "garlic cloves", + "baking potatoes", + "arugula", + "white bread", + "heavy cream", + "plum tomatoes", + "leeks", + "low salt chicken broth" + ] + }, + { + "id": 10389, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "broccoli florets", + "crushed red pepper", + "green beans", + "fettucine", + "asparagus", + "green peas", + "chopped onion", + "fresh basil", + "parmigiano reggiano cheese", + "garlic", + "corn starch", + "olive oil", + "half & half", + "salt" + ] + }, + { + "id": 18598, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "lemon", + "water", + "cooking spray", + "dried oregano", + "unsalted butter", + "sea salt", + "orange", + "free-range chickens" + ] + }, + { + "id": 46663, + "cuisine": "indian", + "ingredients": [ + "whitefish fillets", + "brown lentils", + "tomato purée", + "mango chutney", + "lime", + "onions", + "medium curry powder", + "vegetable oil" + ] + }, + { + "id": 25863, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "corn kernels", + "salt", + "coriander", + "tomatoes", + "onion powder", + "sour cream", + "ground cumin", + "tomato paste", + "jalapeno chilies", + "scallions", + "boiling water", + "black beans", + "grating cheese", + "couscous" + ] + }, + { + "id": 9515, + "cuisine": "cajun_creole", + "ingredients": [ + "creole seasoning", + "butter", + "worcestershire sauce", + "pecan halves" + ] + }, + { + "id": 25008, + "cuisine": "japanese", + "ingredients": [ + "matcha", + "soy milk", + "maple syrup", + "black beans", + "cake flour", + "powdered sugar", + "baking powder", + "soy sauce", + "vegetable oil" + ] + }, + { + "id": 36346, + "cuisine": "irish", + "ingredients": [ + "eggs", + "salt", + "baking powder", + "sour cream", + "baking soda", + "all-purpose flour", + "caraway seeds", + "raisins", + "white sugar" + ] + }, + { + "id": 28829, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "freshly ground pepper", + "olive oil", + "kosher salt", + "thyme sprigs", + "sea scallops" + ] + }, + { + "id": 17472, + "cuisine": "mexican", + "ingredients": [ + "chopped green chilies", + "salsa", + "whipping cream", + "corn tortillas", + "cooked chicken", + "oil", + "salt", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 34121, + "cuisine": "chinese", + "ingredients": [ + "winter melon", + "sea salt", + "water", + "coriander", + "stock", + "ground white pepper", + "bacon" + ] + }, + { + "id": 38830, + "cuisine": "southern_us", + "ingredients": [ + "water", + "cracked black pepper", + "dumplings", + "canola oil", + "chicken stock", + "flour", + "poultry seasoning", + "fresh parsley", + "eggs", + "butter", + "carrots", + "onions", + "boneless chicken breast", + "salt", + "celery" + ] + }, + { + "id": 1913, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "onion powder", + "garlic cloves", + "honey", + "salt", + "ground cumin", + "lime", + "ground chicken breast", + "monterey jack", + "olive oil", + "green chilies" + ] + }, + { + "id": 4173, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "jam" + ] + }, + { + "id": 19535, + "cuisine": "italian", + "ingredients": [ + "eggs", + "water", + "grated parmesan cheese", + "garlic", + "onions", + "tomato purée", + "ground black pepper", + "butter", + "grated nutmeg", + "fresh basil", + "olive oil", + "flour", + "salt", + "spinach", + "cayenne", + "lemon", + "ricotta" + ] + }, + { + "id": 24762, + "cuisine": "greek", + "ingredients": [ + "cod", + "olive oil", + "onions", + "tomatoes", + "salt", + "water", + "ground cayenne pepper", + "tomato paste", + "potatoes" + ] + }, + { + "id": 44276, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "tomatillos", + "yellow onion", + "corn tortillas", + "lime", + "salt", + "sour cream", + "cumin", + "jack cheese", + "garlic", + "ground allspice", + "dried oregano", + "chicken stock", + "cooked chicken", + "cilantro leaves", + "poblano chiles" + ] + }, + { + "id": 11644, + "cuisine": "french", + "ingredients": [ + "olive oil", + "salt", + "olives", + "fresh rosemary", + "cooking spray", + "carrots", + "ground black pepper", + "small red potato", + "plum tomatoes", + "rosemary sprigs", + "chopped fresh thyme", + "chicken thighs" + ] + }, + { + "id": 45556, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "water", + "dried apricot", + "paprika", + "garlic cloves", + "couscous", + "black peppercorns", + "coriander seeds", + "butternut squash", + "chopped onion", + "leg of lamb", + "green bell pepper", + "Anaheim chile", + "peeled fresh ginger", + "cumin seed", + "cinnamon sticks", + "tomatoes", + "fresh cilantro", + "cooking spray", + "salt", + "carrots" + ] + }, + { + "id": 22068, + "cuisine": "chinese", + "ingredients": [ + "asparagus", + "ginger", + "carrots", + "soy sauce", + "sesame oil", + "broccoli", + "mint", + "hoisin sauce", + "garlic", + "sliced mushrooms", + "lo mein noodles", + "vegetable oil", + "scallions" + ] + }, + { + "id": 15408, + "cuisine": "chinese", + "ingredients": [ + "water", + "salt", + "garlic cloves", + "ginger root", + "green bell pepper", + "pineapple rings", + "pork meat", + "hot water", + "eggs", + "spring onions", + "tomato ketchup", + "corn starch", + "sugar", + "cooking wine", + "oil", + "red bell pepper" + ] + }, + { + "id": 32720, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "marinade", + "garlic", + "scallions", + "chinese rice wine", + "hoisin sauce", + "ground sichuan pepper", + "sauce", + "chinese black vinegar", + "light soy sauce", + "sesame oil", + "unsalted dry roast peanuts", + "corn starch", + "sugar", + "boneless skinless chicken breasts", + "ginger", + "peanut oil" + ] + }, + { + "id": 1956, + "cuisine": "italian", + "ingredients": [ + "cheese", + "fresh parsley", + "fresh chives", + "salt", + "crushed red pepper", + "olive oil", + "fresh lemon juice" + ] + }, + { + "id": 6126, + "cuisine": "korean", + "ingredients": [ + "fish sauce", + "green onions", + "sesame seeds", + "garlic", + "soy sauce", + "sesame oil", + "pepper flakes", + "eggplant" + ] + }, + { + "id": 14980, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "butter", + "all-purpose flour", + "egg yolks", + "extra-virgin olive oil", + "onions", + "grated parmesan cheese", + "diced tomatoes", + "elbow macaroni", + "milk", + "lean ground beef", + "garlic", + "dried oregano" + ] + }, + { + "id": 20969, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cooked bacon", + "peaches", + "salt", + "lime juice", + "purple onion", + "jalapeno chilies", + "chopped cilantro" + ] + }, + { + "id": 420, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "red bell pepper", + "garlic", + "sea salt" + ] + }, + { + "id": 46872, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "yoghurt", + "garlic", + "sweet paprika", + "baby spinach leaves", + "lemon", + "salt", + "arugula", + "slivered almonds", + "pomegranate molasses", + "purple onion", + "carrots", + "olive oil", + "dates", + "chickpeas", + "ground cumin" + ] + }, + { + "id": 24223, + "cuisine": "italian", + "ingredients": [ + "flat leaf parsley", + "garlic cloves", + "salt", + "lemon zest" + ] + }, + { + "id": 22016, + "cuisine": "italian", + "ingredients": [ + "smoked salmon", + "ground black pepper", + "garlic", + "spaghetti", + "cream", + "dry white wine", + "lemon juice", + "pinenuts", + "lemon zest", + "salt", + "olive oil", + "shallots", + "fresh parsley" + ] + }, + { + "id": 39554, + "cuisine": "cajun_creole", + "ingredients": [ + "worcestershire sauce", + "dried rosemary", + "water", + "fresh lemon juice", + "black pepper", + "paprika", + "unsalted butter", + "large shrimp" + ] + }, + { + "id": 2599, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "water", + "mirin", + "sea salt", + "garlic cloves", + "kosher salt", + "unsalted butter", + "roasted pistachios", + "rice vinegar", + "canola oil", + "microgreens", + "radishes", + "shichimi togarashi", + "oil", + "dashi powder", + "sherry vinegar", + "enokitake", + "oyster mushrooms", + "jerusalem artichokes" + ] + }, + { + "id": 25136, + "cuisine": "italian", + "ingredients": [ + "smoked turkey", + "jelly", + "brie cheese", + "melted butter", + "bread slices" + ] + }, + { + "id": 23508, + "cuisine": "french", + "ingredients": [ + "fennel seeds", + "vegetables", + "olive oil", + "salt", + "dried thyme", + "ground black pepper", + "coriander seeds", + "rack of lamb" + ] + }, + { + "id": 15424, + "cuisine": "indian", + "ingredients": [ + "saffron threads", + "garlic powder", + "cinnamon sticks", + "ground cumin", + "ground ginger", + "cardamom seeds", + "boiling water", + "clove", + "vegetable shortening", + "onions", + "plain yogurt", + "salt", + "long grain white rice" + ] + }, + { + "id": 34585, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "jalapeno chilies", + "scallions", + "ground black pepper", + "purple onion", + "celery", + "kosher salt", + "baked ham", + "chopped parsley", + "dijon mustard", + "gherkins" + ] + }, + { + "id": 8017, + "cuisine": "chinese", + "ingredients": [ + "peeled fresh ginger", + "garlic", + "scallions", + "black pepper", + "dry sherry", + "gyoza wrappers", + "flour", + "ground pork", + "low sodium chicken stock", + "soy sauce", + "vegetable oil", + "salt", + "toasted sesame oil" + ] + }, + { + "id": 24951, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "garlic cloves", + "cooked turkey", + "chickpeas", + "chipotles in adobo", + "olive oil", + "chopped onion", + "sliced green onions", + "grape tomatoes", + "salt", + "rich turkey stock" + ] + }, + { + "id": 17459, + "cuisine": "chinese", + "ingredients": [ + "water", + "vegetable oil", + "soy sauce", + "thai basil", + "garlic", + "red chili peppers", + "fresh ginger", + "dry sherry", + "boneless chicken skinless thigh", + "sesame oil", + "white sugar" + ] + }, + { + "id": 38780, + "cuisine": "italian", + "ingredients": [ + "dried pasta", + "bay leaf", + "tomatoes", + "pecorino romano cheese", + "chiles", + "freshly ground pepper", + "guanciale", + "dry white wine" + ] + }, + { + "id": 24961, + "cuisine": "italian", + "ingredients": [ + "chicken breasts", + "dried basil", + "penne pasta", + "pasta sauce", + "garlic", + "olive oil", + "chees mozzarella stick" + ] + }, + { + "id": 44691, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "feta cheese", + "extra-virgin olive oil", + "fresh lemon juice", + "fresh basil", + "kosher salt", + "red wine vinegar", + "pearl barley", + "boneless skinless chicken breast halves", + "fat free less sodium chicken broth", + "fresh thyme", + "grated lemon zest", + "cucumber", + "grape tomatoes", + "olive oil", + "yellow bell pepper", + "garlic cloves" + ] + }, + { + "id": 49673, + "cuisine": "chinese", + "ingredients": [ + "baby bok choy", + "green onions", + "ginger", + "peanut oil", + "dark soy sauce", + "water", + "napa cabbage", + "dried shiitake mushrooms", + "wood ear mushrooms", + "bean threads", + "lily flowers", + "sesame oil", + "salt", + "carrots", + "sugar", + "light soy sauce", + "gluten", + "fresh mushrooms", + "bamboo shoots" + ] + }, + { + "id": 2542, + "cuisine": "mexican", + "ingredients": [ + "seedless green grape", + "chile pepper", + "kosher salt", + "pears", + "white onion", + "fresh lime juice", + "avocado", + "pomegranate seeds" + ] + }, + { + "id": 14635, + "cuisine": "british", + "ingredients": [ + "sugar", + "baking powder", + "all-purpose flour", + "pure maple syrup", + "baking soda", + "heavy cream", + "figs", + "unsalted butter", + "salt", + "large egg yolks", + "buttermilk" + ] + }, + { + "id": 31896, + "cuisine": "southern_us", + "ingredients": [ + "dried thyme", + "dry bread crumbs", + "onions", + "eggs", + "garlic", + "shrimp", + "mirlitons", + "olive oil", + "ham", + "pepper", + "salt", + "fresh parsley" + ] + }, + { + "id": 46845, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "ramps", + "garlic chives", + "salt", + "chopped cilantro fresh", + "olive oil", + "serrano", + "avocado", + "bacon", + "fresh lime juice" + ] + }, + { + "id": 36821, + "cuisine": "japanese", + "ingredients": [ + "rice vinegar", + "radishes", + "cucumber", + "salt" + ] + }, + { + "id": 24166, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "curry powder", + "tahini", + "chickpeas", + "frozen peas", + "tomato paste", + "chili pepper", + "chopped tomatoes", + "butternut squash", + "fresh lemon juice", + "kosher salt", + "sweet onion", + "potatoes", + "garlic cloves", + "ground cumin", + "coconut oil", + "water", + "garam masala", + "ginger", + "bay leaf" + ] + }, + { + "id": 45427, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "baby spinach", + "garlic", + "cumin seed", + "fenugreek leaves", + "garam masala", + "double cream", + "salt", + "onions", + "tomatoes", + "coriander seeds", + "butter", + "paneer", + "ghee", + "chili flakes", + "vegetable oil", + "lemon", + "green chilies" + ] + }, + { + "id": 33578, + "cuisine": "jamaican", + "ingredients": [ + "vanilla extract", + "water", + "carrots", + "ground nutmeg", + "low-fat milk", + "condensed milk" + ] + }, + { + "id": 13568, + "cuisine": "vietnamese", + "ingredients": [ + "light soy sauce", + "corn starch", + "fish sauce", + "large eggs", + "mung bean sprouts", + "ground black pepper", + "celery", + "kosher salt", + "chicken breasts", + "canola oil" + ] + }, + { + "id": 21648, + "cuisine": "italian", + "ingredients": [ + "pasta", + "garlic cloves", + "olive oil", + "fresh spinach", + "vegan parmesan cheese", + "chestnut mushrooms" + ] + }, + { + "id": 40639, + "cuisine": "greek", + "ingredients": [ + "green bell pepper", + "finely chopped fresh parsley", + "purple onion", + "bay leaf", + "black pepper", + "cooking spray", + "salt", + "onions", + "olive oil", + "button mushrooms", + "fresh lemon juice", + "cherry tomatoes", + "boneless skinless chicken breasts", + "tzatziki", + "dried oregano" + ] + }, + { + "id": 5371, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "prosecco", + "butter", + "flat leaf parsley", + "homemade chicken broth", + "grated parmesan cheese", + "risotto rice", + "olive oil", + "oyster mushrooms", + "onions" + ] + }, + { + "id": 19852, + "cuisine": "mexican", + "ingredients": [ + "onions", + "garlic", + "cumin", + "tomato sauce", + "dried oregano", + "chipotle peppers" + ] + }, + { + "id": 43193, + "cuisine": "vietnamese", + "ingredients": [ + "black pepper", + "garlic", + "fish sauce", + "lemongrass", + "chopped cilantro", + "mint", + "kosher salt", + "corn starch", + "ground chicken", + "granulated sugar", + "onions" + ] + }, + { + "id": 7279, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "low sodium chicken broth", + "ground black pepper", + "garlic", + "freshly grated parmesan", + "dry white wine", + "arborio rice", + "unsalted butter", + "onions" + ] + }, + { + "id": 6279, + "cuisine": "moroccan", + "ingredients": [ + "green olives", + "olive oil", + "chickpeas", + "coriander", + "tumeric", + "butter", + "chopped parsley", + "chicken stock", + "white pepper", + "salt", + "onions", + "preserved lemon", + "fresh ginger", + "bone-in chicken breasts", + "saffron" + ] + }, + { + "id": 33407, + "cuisine": "southern_us", + "ingredients": [ + "fresh basil", + "quickcooking grits", + "ground black pepper", + "goat cheese", + "water", + "salt", + "finely chopped fresh parsley" + ] + }, + { + "id": 26086, + "cuisine": "southern_us", + "ingredients": [ + "frozen orange juice concentrate", + "vanilla", + "milk", + "sugar" + ] + }, + { + "id": 11940, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "butter", + "white sugar", + "water", + "grated lemon zest", + "phyllo dough", + "vanilla extract", + "honey", + "mixed nuts" + ] + }, + { + "id": 12504, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "whipped topping", + "1% low-fat chocolate milk", + "vanilla extract", + "almond extract", + "bittersweet chocolate", + "sugar", + "salt" + ] + }, + { + "id": 16770, + "cuisine": "russian", + "ingredients": [ + "white bread", + "ground black pepper", + "garlic cloves", + "ground chuck", + "dry bread crumbs", + "canola oil", + "mayonaise", + "unsalted butter", + "onions", + "kosher salt", + "dill" + ] + }, + { + "id": 41235, + "cuisine": "italian", + "ingredients": [ + "large garlic cloves", + "pinenuts", + "fresh basil leaves", + "freshly grated parmesan", + "extra-virgin olive oil" + ] + }, + { + "id": 31955, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "extra firm tofu", + "green peas", + "ground cumin", + "cauliflower", + "garam masala", + "ginger", + "plum tomatoes", + "fresh cilantro", + "potatoes", + "salt", + "olive oil", + "dry mustard", + "garlic cloves" + ] + }, + { + "id": 36048, + "cuisine": "irish", + "ingredients": [ + "ground black pepper", + "peas", + "spring onions", + "fresh parsley", + "milk", + "butter", + "potatoes", + "salt" + ] + }, + { + "id": 37594, + "cuisine": "mexican", + "ingredients": [ + "green olives", + "green onions", + "heavy cream", + "corn tortillas", + "chicken broth", + "shredded mild cheddar cheese", + "butter", + "all-purpose flour", + "ground cumin", + "cherry tomatoes", + "chile pepper", + "salt", + "shredded Monterey Jack cheese", + "spanish onion", + "chicken breasts", + "garlic", + "canola oil" + ] + }, + { + "id": 41041, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "corn husks", + "salt", + "syrup", + "vegetable shortening", + "masa", + "solid pack pumpkin", + "baking powder", + "crushed pineapple", + "light brown sugar", + "milk", + "raisins" + ] + }, + { + "id": 36999, + "cuisine": "southern_us", + "ingredients": [ + "water", + "cornmeal", + "Quinoa Flour", + "salt", + "green tomatoes", + "ground flaxseed", + "black pepper", + "corn starch" + ] + }, + { + "id": 21357, + "cuisine": "italian", + "ingredients": [ + "sugar", + "mozzarella cheese", + "fresh shiitake mushrooms", + "soft fresh goat cheese", + "fresh chives", + "grated parmesan cheese", + "extra-virgin olive oil", + "kosher salt", + "gluten flour", + "chanterelle", + "warm water", + "active dry yeast", + "all purpose unbleached flour", + "bread flour" + ] + }, + { + "id": 31485, + "cuisine": "chinese", + "ingredients": [ + "unsweetened coconut milk", + "chinese rice wine", + "green onions", + "salt", + "unsweetened shredded dried coconut", + "minced ginger", + "garlic", + "lobster tails", + "chicken broth", + "water", + "vegetable oil", + "corn starch", + "seasoning", + "black bean garlic sauce", + "sesame oil", + "long-grain rice" + ] + }, + { + "id": 26877, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "extra firm tofu", + "cilantro", + "creamy peanut butter", + "avocado", + "Sriracha", + "chives", + "garlic", + "carrots", + "honey", + "lettuce leaves", + "extra-virgin olive oil", + "fresh lemon juice", + "warm water", + "hoisin sauce", + "sea salt", + "rice vinegar", + "rice paper" + ] + }, + { + "id": 47985, + "cuisine": "cajun_creole", + "ingredients": [ + "frozen lemonade concentrate", + "light rum", + "lemon slices", + "club soda", + "sugarcane sticks", + "crushed ice", + "hot sauce" + ] + }, + { + "id": 11894, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "salt", + "garlic", + "chile pepper", + "olive oil", + "cilantro leaves" + ] + }, + { + "id": 15960, + "cuisine": "french", + "ingredients": [ + "orange", + "bittersweet chocolate", + "sugar", + "salt", + "unsweetened cocoa powder", + "silken tofu", + "Grand Marnier", + "vanilla extract", + "grated orange" + ] + }, + { + "id": 24650, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "shelled shrimp", + "bay leaf", + "celery ribs", + "Spike Seasoning", + "hot sauce", + "white pepper", + "garlic", + "onions", + "celery salt", + "chopped tomatoes", + "lemon juice" + ] + }, + { + "id": 7827, + "cuisine": "french", + "ingredients": [ + "cooking spray", + "sliced carrots", + "garlic cloves", + "beef shoulder roast", + "riesling", + "pork blade steaks", + "thyme sprigs", + "black pepper", + "bay leaves", + "sea salt", + "onions", + "clove", + "leeks", + "parsley", + "small red potato" + ] + }, + { + "id": 12525, + "cuisine": "southern_us", + "ingredients": [ + "creole mustard", + "black pepper", + "lettuce leaves", + "lemon juice", + "yellow corn meal", + "large egg whites", + "hot sauce", + "reduced fat mayonnaise", + "catfish fillets", + "bread crumb fresh", + "hoagie rolls", + "corn starch", + "tomatoes", + "cooking spray", + "creole seasoning" + ] + }, + { + "id": 40601, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "peeled fresh ginger", + "peanut oil", + "mung bean sprouts", + "water", + "rice noodles", + "oyster sauce", + "chopped garlic", + "sugar", + "sesame oil", + "scallions", + "snow peas", + "chicken stock", + "light soy sauce", + "barbecued pork", + "corn starch" + ] + }, + { + "id": 27491, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "thai chile", + "scallions", + "water", + "vegetable oil", + "rice vinegar", + "toasted sesame seeds", + "kosher salt", + "sesame oil", + "garlic", + "corn starch", + "light brown sugar", + "eggplant", + "ginger", + "rice" + ] + }, + { + "id": 3736, + "cuisine": "spanish", + "ingredients": [ + "arborio rice", + "asparagus", + "chopped onion", + "chicken thighs", + "fat free less sodium chicken broth", + "green peas", + "garlic cloves", + "large shrimp", + "hungarian sweet paprika", + "vegetable oil", + "Italian turkey sausage", + "plum tomatoes", + "saffron threads", + "ground black pepper", + "salt", + "red bell pepper", + "dried rosemary" + ] + }, + { + "id": 4563, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "cooked chicken", + "garlic powder", + "green chilies", + "pepper", + "salt", + "cheddar cheese", + "tortillas" + ] + }, + { + "id": 26465, + "cuisine": "japanese", + "ingredients": [ + "chili flakes", + "potatoes", + "diced tomatoes", + "salt", + "roux", + "pepper", + "butter", + "garlic", + "carrots", + "white onion", + "flour", + "ginger", + "oil", + "chicken", + "chicken stock", + "curry powder", + "worcestershire sauce", + "curry", + "onions" + ] + }, + { + "id": 24314, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "red pepper flakes", + "corn starch", + "szechwan peppercorns", + "chile bean paste", + "pork sausages", + "green onions", + "dried Thai chili", + "fermented black beans", + "fish sauce", + "vegetable oil", + "firm tofu" + ] + }, + { + "id": 15208, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "water", + "ground red pepper", + "fresh onion", + "sugar", + "egg whites", + "1% low-fat milk", + "vegetable oil cooking spray", + "shredded extra sharp cheddar cheese", + "summer squash", + "garlic cloves", + "black pepper", + "pimentos", + "salt" + ] + }, + { + "id": 33308, + "cuisine": "indian", + "ingredients": [ + "ravva", + "cumin seed", + "toor dal", + "curry leaves", + "seeds", + "mustard seeds", + "poha", + "urad dal split", + "basmati rice", + "asafoetida", + "salt", + "ghee" + ] + }, + { + "id": 30744, + "cuisine": "indian", + "ingredients": [ + "potatoes", + "fresh mint", + "curry powder", + "fat skimmed chicken broth", + "tomatoes", + "salt", + "nonfat yogurt", + "lentils" + ] + }, + { + "id": 19763, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "sweet chili sauce", + "chicken thighs", + "chicken stock", + "onions", + "pepper" + ] + }, + { + "id": 24550, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "garlic", + "vodka", + "chicken tenderloin", + "toasted sesame oil", + "soy sauce", + "green onions", + "broccoli", + "mirin", + "ginger", + "spaghetti" + ] + }, + { + "id": 42122, + "cuisine": "chinese", + "ingredients": [ + "baking soda", + "garlic", + "soy sauce", + "Shaoxing wine", + "chicken", + "sweet soy sauce", + "dark sesame oil", + "thai basil", + "ginger" + ] + }, + { + "id": 49402, + "cuisine": "southern_us", + "ingredients": [ + "black peppercorns", + "bay leaves", + "dried oregano", + "hot red pepper flakes", + "mustard seeds", + "dried chives", + "sea salt", + "ground ginger", + "pickling spices", + "celery seed" + ] + }, + { + "id": 41327, + "cuisine": "southern_us", + "ingredients": [ + "reduced fat cream cheese", + "egg whites", + "deveined shrimp", + "milk", + "quickcooking grits", + "lemon juice", + "reduced sodium chicken broth", + "chopped fresh chives", + "salt", + "parmesan cheese", + "butter", + "fresh parsley" + ] + }, + { + "id": 25498, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "garlic", + "onions", + "zucchini", + "herb seasoning", + "tomatoes", + "extra-virgin olive oil", + "feta cheese crumbles", + "ground black pepper", + "spaghetti squash" + ] + }, + { + "id": 5403, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "baby zucchini", + "ground black pepper", + "kosher salt", + "garlic cloves" + ] + }, + { + "id": 5993, + "cuisine": "indian", + "ingredients": [ + "grape tomatoes", + "olive oil", + "purple onion", + "tumeric", + "garam masala", + "coriander", + "red chili powder", + "water", + "garlic", + "cumin", + "spinach", + "eggplant", + "salt" + ] + }, + { + "id": 41954, + "cuisine": "thai", + "ingredients": [ + "vegetables", + "salt", + "white sesame seeds", + "bell pepper", + "garlic cloves", + "fresh basil leaves", + "sugar", + "seeds", + "fresh mint", + "unsalted butter", + "dried rice noodles", + "fresh lime juice" + ] + }, + { + "id": 231, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "green chilies", + "corn tortillas", + "eggs", + "vegetable oil", + "red bell pepper", + "milk", + "enchilada sauce", + "cheddar cheese", + "fresh mushrooms", + "monterey jack" + ] + }, + { + "id": 46252, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "water", + "vegetable oil", + "hot sauce", + "ground beef", + "chicken broth", + "minced garlic", + "self rising flour", + "salt", + "peanut oil", + "green bell pepper", + "garlic powder", + "sprite", + "cayenne pepper", + "onions", + "light sour cream", + "black pepper", + "mild sausage", + "white rice", + "baking mix", + "chicken" + ] + }, + { + "id": 48978, + "cuisine": "filipino", + "ingredients": [ + "white sugar", + "evaporated milk", + "sticky rice", + "water", + "unsweetened cocoa powder" + ] + }, + { + "id": 32096, + "cuisine": "thai", + "ingredients": [ + "Thai fish sauce", + "thai green curry paste", + "sugar", + "coconut milk", + "lime wedges", + "fillets", + "cooked rice", + "red bell pepper", + "fresh basil leaves" + ] + }, + { + "id": 37158, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "crushed garlic", + "salad dressing", + "boneless skinless chicken breast halves", + "pepper", + "salt", + "fresh parsley", + "white wine", + "cajun seasoning", + "red bell pepper", + "plum tomatoes", + "olive oil", + "fresh mushrooms", + "onions" + ] + }, + { + "id": 37534, + "cuisine": "brazilian", + "ingredients": [ + "olive oil", + "cilantro leaves", + "kosher salt", + "flank steak", + "serrano chile", + "ground black pepper", + "garlic cloves", + "lime juice", + "purple onion", + "ground cumin" + ] + }, + { + "id": 20625, + "cuisine": "french", + "ingredients": [ + "haricots verts", + "white wine", + "bay leaves", + "basil", + "champagne vinegar", + "black peppercorns", + "whole grain mustard", + "watercress", + "garlic cloves", + "salmon fillets", + "roma tomatoes", + "sea salt", + "flat leaf parsley", + "eggs", + "kosher salt", + "new potatoes", + "extra-virgin olive oil", + "olives" + ] + }, + { + "id": 10893, + "cuisine": "southern_us", + "ingredients": [ + "chili sauce", + "ground red pepper", + "fresh lemon juice", + "olive oil", + "garlic cloves", + "worcestershire sauce", + "shrimp" + ] + }, + { + "id": 14534, + "cuisine": "chinese", + "ingredients": [ + "rice vinegar", + "garlic chili sauce", + "honey", + "scallions", + "ramen", + "soy sauce", + "dark sesame oil", + "Chinese egg noodles", + "cilantro stems", + "sesame paste" + ] + }, + { + "id": 45963, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cooked chicken", + "lime juice", + "chopped cilantro fresh", + "mayonaise", + "salt", + "green onions" + ] + }, + { + "id": 5790, + "cuisine": "mexican", + "ingredients": [ + "water", + "chili powder", + "black olives", + "fresh lime juice", + "ground cumin", + "tomatoes", + "garlic powder", + "crushed red pepper flakes", + "taco seasoning", + "oregano", + "avocado", + "corn kernels", + "lean ground beef", + "salt", + "chopped cilantro", + "pepper", + "green leaf lettuce", + "extra-virgin olive oil", + "smoked paprika", + "cumin" + ] + }, + { + "id": 26847, + "cuisine": "greek", + "ingredients": [ + "red potato", + "ground black pepper", + "fresh lemon juice", + "kosher salt", + "fresh thyme leaves", + "fresh oregano leaves", + "lemon zest", + "chicken", + "greek seasoning", + "olive oil", + "garlic" + ] + }, + { + "id": 48584, + "cuisine": "irish", + "ingredients": [ + "sugar", + "large eggs", + "all-purpose flour", + "powdered sugar", + "baking soda", + "baking powder", + "gingersnap crumbs", + "coffee granules", + "cooking spray", + "margarine", + "walnut halves", + "low-fat buttermilk", + "salt", + "hot water" + ] + }, + { + "id": 48994, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "zucchini", + "celery stick", + "olive oil", + "anchovies", + "butter", + "baguette", + "vegetables" + ] + }, + { + "id": 12823, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "paneer", + "fenugreek leaves", + "unsalted butter", + "heavy cream", + "onions", + "honey", + "cinnamon", + "cilantro leaves", + "spinach", + "whole peeled tomatoes", + "ginger" + ] + }, + { + "id": 34565, + "cuisine": "vietnamese", + "ingredients": [ + "heavy cream", + "warm water", + "sweetened condensed milk", + "unflavored gelatin", + "vanilla extract", + "instant espresso powder" + ] + }, + { + "id": 16612, + "cuisine": "moroccan", + "ingredients": [ + "whole peeled tomatoes", + "lemon", + "couscous", + "sliced almonds", + "parsley", + "greek yogurt", + "parsnips", + "golden raisins", + "purple onion", + "turnips", + "sweet potatoes", + "ras el hanout" + ] + }, + { + "id": 17458, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "sake", + "butter", + "clams", + "green onions", + "soy sauce", + "rice vinegar" + ] + }, + { + "id": 33804, + "cuisine": "thai", + "ingredients": [ + "water", + "zucchini", + "lime wedges", + "tamari soy sauce", + "cashew nuts", + "chili", + "red cabbage", + "yellow bell pepper", + "carrots", + "lime", + "agave nectar", + "cilantro", + "ground coriander", + "kelp noodles", + "sesame seeds", + "spring onions", + "garlic", + "ginger root" + ] + }, + { + "id": 24279, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "purple onion", + "cucumber", + "whole peeled tomatoes", + "salt", + "chopped cilantro", + "avocado", + "jalapeno chilies", + "hot sauce", + "medium shrimp", + "ketchup", + "chopped celery", + "juice" + ] + }, + { + "id": 42672, + "cuisine": "japanese", + "ingredients": [ + "water", + "sugar", + "red food coloring", + "red bean paste", + "leaves", + "glutinous rice" + ] + }, + { + "id": 15929, + "cuisine": "jamaican", + "ingredients": [ + "scallions", + "garlic", + "thyme", + "pepper", + "shrimp", + "oil" + ] + }, + { + "id": 17108, + "cuisine": "greek", + "ingredients": [ + "capers", + "tenderloin", + "fresh oregano", + "ground white pepper", + "minced garlic", + "sea salt", + "garlic cloves", + "fresh parsley", + "rosemary sprigs", + "chopped fresh thyme", + "filet", + "greek yogurt", + "sherry vinegar", + "extra-virgin olive oil", + "fresh lemon juice", + "chopped fresh mint" + ] + }, + { + "id": 36818, + "cuisine": "indian", + "ingredients": [ + "plain low-fat yogurt" + ] + }, + { + "id": 16500, + "cuisine": "mexican", + "ingredients": [ + "beef", + "garlic", + "onions", + "stock", + "lemon", + "ground coriander", + "chili powder", + "salt", + "ground cumin", + "chopped tomatoes", + "ginger", + "oil" + ] + }, + { + "id": 15624, + "cuisine": "indian", + "ingredients": [ + "water", + "potatoes", + "salt", + "mustard seeds", + "cumin", + "kidney beans", + "green peas", + "ground coriander", + "onions", + "garbanzo beans", + "tomatoes with juice", + "carrots", + "ground turmeric", + "olive oil", + "chili powder", + "frozen corn kernels", + "coconut milk" + ] + }, + { + "id": 42867, + "cuisine": "vietnamese", + "ingredients": [ + "baguette", + "Sriracha", + "cilantro", + "tamari soy sauce", + "cucumber", + "mayonaise", + "lime", + "jalapeno chilies", + "garlic", + "rice vinegar", + "minced ginger", + "extra firm tofu", + "cracked black pepper", + "salt", + "sugar", + "olive oil", + "daikon", + "white wine vinegar", + "carrots" + ] + }, + { + "id": 10847, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "chow mein noodles", + "corn flour", + "chicken stock", + "green peas", + "carrots", + "clove", + "vegetable oil", + "oyster sauce", + "mushrooms", + "chinese cabbage", + "shrimp" + ] + }, + { + "id": 13682, + "cuisine": "southern_us", + "ingredients": [ + "cornbread", + "sugar", + "self rising flour", + "chopped celery", + "onions", + "chicken broth", + "ground black pepper", + "baking powder", + "bacon grease", + "eggs", + "ground sage", + "vegetable oil", + "Italian bread", + "yellow corn meal", + "milk", + "hard-boiled egg", + "salt", + "chicken thighs" + ] + }, + { + "id": 6075, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "salt", + "dried minced onion", + "crushed red pepper flakes", + "celery seed", + "white sugar", + "red beans", + "ham hock", + "bay leaf", + "smoked sausage", + "ground cayenne pepper", + "ground cumin" + ] + }, + { + "id": 40585, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "freshly ground pepper", + "tomatoes", + "fresh oregano", + "corn tortillas", + "coarse salt", + "scallions", + "black beans", + "goat cheese" + ] + }, + { + "id": 18044, + "cuisine": "indian", + "ingredients": [ + "clove", + "cardamom pods", + "vegetable oil", + "cinnamon sticks", + "milk", + "long-grain rice", + "saffron threads", + "salt" + ] + }, + { + "id": 18167, + "cuisine": "italian", + "ingredients": [ + "garlic", + "plum tomatoes", + "fresh basil", + "fresh parsley", + "brie cheese", + "olive oil", + "onions" + ] + }, + { + "id": 47801, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "peach slices", + "mint leaves", + "simple syrup", + "lemon" + ] + }, + { + "id": 33784, + "cuisine": "cajun_creole", + "ingredients": [ + "powdered sugar", + "large eggs", + "kosher salt", + "heavy cream", + "sugar", + "butter", + "active dry yeast", + "bread flour" + ] + }, + { + "id": 21867, + "cuisine": "thai", + "ingredients": [ + "pork", + "salt", + "pumpkin", + "Thai fish sauce", + "black pepper", + "cilantro leaves", + "scallion greens", + "shallots", + "coconut milk" + ] + }, + { + "id": 17325, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "cajun seasoning", + "green pepper", + "condensed cream of chicken soup", + "green onions", + "condensed cream of mushroom soup", + "monterey jack", + "garlic powder", + "2% reduced-fat milk", + "red bell pepper", + "reduced sodium chicken broth", + "boneless skinless chicken breasts", + "bow-tie pasta" + ] + }, + { + "id": 44416, + "cuisine": "cajun_creole", + "ingredients": [ + "low sodium vegetable broth", + "worcestershire sauce", + "fresh lemon juice", + "dried oregano", + "olive oil", + "cayenne pepper", + "chopped parsley", + "Heinz Chili Sauce", + "garlic", + "smoked paprika", + "liquid smoke", + "butter", + "sauce", + "frozen cod fillets" + ] + }, + { + "id": 34432, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "shallots", + "rice vinegar", + "frozen mixed thawed vegetables,", + "eggs", + "shredded cabbage", + "chile pepper", + "firm tofu", + "canola oil", + "pork", + "green onions", + "salt", + "crabmeat", + "water", + "sesame oil", + "all-purpose flour", + "beansprouts" + ] + }, + { + "id": 37732, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "roasted tomatoes", + "cheddar cheese", + "chicken breasts", + "green chilies", + "pepper", + "cilantro", + "sour cream", + "flour tortillas", + "salsa", + "onions" + ] + }, + { + "id": 36707, + "cuisine": "mexican", + "ingredients": [ + "clove", + "chicken breast halves", + "garlic", + "ground cumin", + "water", + "avocado leaves", + "ancho chile pepper", + "guajillo chiles", + "cinnamon", + "salt", + "ground black pepper", + "banana leaves", + "dried oregano" + ] + }, + { + "id": 16691, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "chili paste", + "balsamic vinegar", + "corn starch", + "ground ginger", + "dry roasted peanuts", + "zucchini", + "garlic", + "red bell pepper", + "sugar", + "water", + "hoisin sauce", + "skinless chicken breasts", + "canola oil", + "soy sauce", + "ground black pepper", + "sesame oil", + "scallions" + ] + }, + { + "id": 34707, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "ground black pepper", + "ciabatta", + "orange bell pepper", + "extra-virgin olive oil", + "cucumber", + "capers", + "radicchio", + "salt", + "fresh basil leaves", + "honey", + "red wine vinegar", + "anchovy fillets" + ] + }, + { + "id": 15135, + "cuisine": "italian", + "ingredients": [ + "butter", + "italian seasoning", + "frozen broccoli florets", + "onions", + "water", + "2% reduced-fat milk", + "boneless skinless chicken breasts", + "knorr italian side creami garlic shell" + ] + }, + { + "id": 41068, + "cuisine": "french", + "ingredients": [ + "yellow corn meal", + "large eggs", + "dressing", + "milk", + "sea salt", + "sugar", + "all purpose unbleached flour", + "salad", + "unsalted butter", + "apples" + ] + }, + { + "id": 10227, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "ginger", + "mustard seeds", + "asafoetida", + "fenugreek", + "green chilies", + "vinegar", + "salt", + "tumeric", + "lemon", + "mustard oil" + ] + }, + { + "id": 22199, + "cuisine": "italian", + "ingredients": [ + "butter", + "confectioners sugar", + "milk", + "vanilla extract", + "eggs", + "sprinkles", + "white sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 41212, + "cuisine": "southern_us", + "ingredients": [ + "water", + "granulated sugar", + "all-purpose flour", + "chipotle chile", + "ground black pepper", + "buttermilk", + "garlic cloves", + "collard greens", + "baking soda", + "fine salt", + "yellow onion", + "kosher salt", + "unsalted butter", + "bacon" + ] + }, + { + "id": 16507, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "sea salt", + "ground cumin", + "nonfat plain greek yogurt", + "fresh mint", + "zucchini", + "fresh lemon juice", + "olive oil", + "tandoori seasoning", + "center-cut salmon fillet" + ] + }, + { + "id": 43633, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "olive oil", + "lemon", + "cayenne pepper", + "onions", + "ground cumin", + "pepper", + "sesame seeds", + "paprika", + "garlic cloves", + "plum tomatoes", + "chicken legs", + "fresh ginger", + "sea salt", + "chickpeas", + "boiling water", + "chicken stock", + "honey", + "chicken breasts", + "cilantro leaves", + "lemon juice", + "saffron" + ] + }, + { + "id": 16892, + "cuisine": "mexican", + "ingredients": [ + "chopped green bell pepper", + "non-fat sour cream", + "garlic cloves", + "chorizo sausage", + "black turtle beans", + "chili powder", + "ground allspice", + "serrano chile", + "fat free less sodium chicken broth", + "cooking spray", + "chopped onion", + "red bell pepper", + "ground cumin", + "poblano peppers", + "diced tomatoes", + "anasazi beans", + "dried oregano" + ] + }, + { + "id": 47416, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "feta cheese", + "i can't believ it' not butter! made with olive oil spread", + "kalamata", + "prebaked pizza crusts", + "dri oregano leaves, crush", + "fresh spinach leaves, rins and pat dry", + "garlic" + ] + }, + { + "id": 28553, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "vinegar", + "garlic cloves", + "ground cumin", + "clove", + "sugar", + "salt", + "onions", + "tomato paste", + "fresh ginger", + "oil", + "chicken", + "ground paprika", + "dry mustard", + "dried red chile peppers" + ] + }, + { + "id": 25030, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cornmeal", + "vegetable oil cooking spray", + "salt", + "warm water", + "all-purpose flour", + "dry yeast" + ] + }, + { + "id": 20549, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "boneless skinless chicken breasts", + "Niçoise olives", + "chicken broth", + "olive oil", + "butter", + "thyme", + "pancetta", + "pepper", + "shallots", + "garlic cloves", + "tomatoes", + "dry white wine", + "salt" + ] + }, + { + "id": 25595, + "cuisine": "italian", + "ingredients": [ + "whole milk", + "salt", + "sugar", + "whipping cream", + "unflavored gelatin", + "sauterne", + "black mission figs", + "honey", + "vanilla extract" + ] + }, + { + "id": 26712, + "cuisine": "italian", + "ingredients": [ + "capers", + "Italian parsley leaves", + "olive oil", + "orange rind", + "baguette", + "goat cheese", + "green olives", + "ground black pepper" + ] + }, + { + "id": 28646, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "butter", + "stone-ground cornmeal", + "all-purpose flour", + "shortening", + "buttermilk" + ] + }, + { + "id": 16968, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "lemon grass", + "coconut milk", + "sambal ulek", + "water", + "garlic", + "red chili peppers", + "ginger", + "fresh lime juice", + "fish sauce", + "thai basil", + "shrimp" + ] + }, + { + "id": 47561, + "cuisine": "russian", + "ingredients": [ + "ground black pepper", + "red wine vinegar", + "garlic cloves", + "onions", + "parsnips", + "vegetable oil", + "beets", + "bay leaf", + "celery ribs", + "beef", + "salt", + "carrots", + "marjoram", + "savoy cabbage", + "leeks", + "dill", + "sour cream" + ] + }, + { + "id": 23194, + "cuisine": "cajun_creole", + "ingredients": [ + "celery salt", + "chili flakes", + "white pepper", + "minced garlic", + "chili powder", + "paprika", + "anchovy fillets", + "fresh basil", + "pitted black olives", + "kosher salt", + "olive oil", + "balsamic vinegar", + "salt", + "plum tomatoes", + "pasta", + "brown sugar", + "scallops", + "dried basil", + "onion powder", + "cracked black pepper", + "smoked paprika", + "capers", + "cajun spice mix", + "pepper", + "garlic powder", + "ground thyme", + "cayenne pepper", + "dried oregano" + ] + }, + { + "id": 48317, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "green olives", + "roasted red peppers", + "fresh parsley", + "fresh basil", + "part-skim mozzarella cheese", + "fresh lemon juice", + "hearts of palm", + "freshly ground pepper", + "dried rosemary" + ] + }, + { + "id": 20012, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "low salt chicken broth", + "Anaheim chile", + "whipping cream", + "serrano chilies", + "large garlic cloves", + "fresh lime juice", + "green onions", + "cilantro leaves" + ] + }, + { + "id": 41577, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "sliced black olives", + "sour cream", + "avocado", + "refried beans", + "green onions", + "tomatoes", + "taco seasoning mix", + "lean ground beef", + "water", + "flour tortillas", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 27121, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "olive oil", + "lemon", + "chicken stock cubes", + "chillies", + "low-fat milk", + "ground cloves", + "yoghurt", + "light coconut milk", + "ground coriander", + "bread flour", + "red chili peppers", + "garam masala", + "ginger", + "ground almonds", + "onions", + "ground cumin", + "plain flour", + "fresh coriander", + "boneless skinless chicken breasts", + "garlic", + "smoked paprika", + "plum tomatoes" + ] + }, + { + "id": 9333, + "cuisine": "southern_us", + "ingredients": [ + "half & half", + "whipping cream", + "sugar", + "butter", + "corn starch", + "refrigerated piecrusts", + "vanilla extract", + "egg yolks", + "sweetened coconut flakes", + "toasted coconut" + ] + }, + { + "id": 2047, + "cuisine": "thai", + "ingredients": [ + "seedless cucumber", + "peanut sauce", + "olive oil", + "boneless skinless chicken breast halves", + "whole wheat tortillas", + "chopped cilantro fresh", + "pepper", + "salt" + ] + }, + { + "id": 46504, + "cuisine": "indian", + "ingredients": [ + "ghee", + "green chilies", + "cumin", + "ginger piece", + "onions", + "oil", + "green gram" + ] + }, + { + "id": 30749, + "cuisine": "jamaican", + "ingredients": [ + "black peppercorns", + "lime", + "chopped fresh thyme", + "peanut oil", + "ketchup", + "vinegar", + "ground allspice", + "soy sauce", + "fresh ginger", + "garlic", + "ground cinnamon", + "pepper", + "green onions", + "dark brown sugar" + ] + }, + { + "id": 252, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "chipotles in adobo", + "avocado", + "salt", + "onions", + "chicken broth", + "cilantro leaves", + "tomatoes", + "corn tortillas" + ] + }, + { + "id": 35861, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh corn", + "vegetable oil", + "cayenne pepper", + "milk", + "salt", + "eggs", + "baking powder", + "all-purpose flour", + "cooked ham", + "purple onion" + ] + }, + { + "id": 38957, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "diced tomatoes", + "chicken broth", + "kosher salt", + "cumin", + "guajillo chiles", + "garlic", + "sugar", + "olive oil" + ] + }, + { + "id": 5413, + "cuisine": "southern_us", + "ingredients": [ + "water", + "granulated sugar", + "toasted pumpkinseeds", + "toasted pecans", + "unsalted butter", + "salt", + "cayenne", + "light corn syrup", + "baking soda", + "cinnamon" + ] + }, + { + "id": 21116, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "pastry cream", + "frozen pastry puff sheets", + "all-purpose flour", + "cream of tartar", + "milk chocolate", + "unsalted butter", + "heavy cream", + "unflavored gelatin", + "kosher salt", + "large eggs", + "vanilla extract", + "sugar", + "large egg yolks", + "whole milk", + "corn starch" + ] + }, + { + "id": 46521, + "cuisine": "japanese", + "ingredients": [ + "water", + "bell pepper", + "butter", + "spinach", + "miso paste", + "sesame oil", + "minced ginger", + "crimini mushrooms", + "yellow onion", + "black pepper", + "cherries", + "sliced carrots" + ] + }, + { + "id": 47239, + "cuisine": "chinese", + "ingredients": [ + "low sodium teriyaki sauce", + "chicken breast tenders", + "stir fry vegetable blend", + "crushed red pepper", + "sesame oil" + ] + }, + { + "id": 24355, + "cuisine": "indian", + "ingredients": [ + "chickpea flour", + "coriander powder", + "green chilies", + "ground turmeric", + "coriander seeds", + "salt", + "oil", + "whole wheat flour", + "chili powder", + "cumin seed", + "garam masala", + "cilantro leaves", + "ghee" + ] + }, + { + "id": 6373, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "black olives", + "tomatoes", + "green onions", + "taco seasoning", + "tortillas", + "salsa", + "water", + "cheese", + "ground beef" + ] + }, + { + "id": 45702, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "ricotta", + "rosemary sprigs", + "all-purpose flour", + "large eggs", + "unsalted butter", + "grated nutmeg" + ] + }, + { + "id": 25443, + "cuisine": "french", + "ingredients": [ + "honey", + "piecrust", + "pears", + "goat cheese", + "dried thyme" + ] + }, + { + "id": 3851, + "cuisine": "italian", + "ingredients": [ + "artichoke hearts", + "turkey salami", + "fresh basil", + "ground black pepper", + "provolone cheese", + "prosciutto", + "mushrooms", + "minced garlic", + "roasted red peppers" + ] + }, + { + "id": 10641, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "milk", + "butter", + "corn starch", + "dark chocolate", + "espresso powder", + "cookies", + "salt", + "unsweetened cocoa powder", + "eggs", + "warm water", + "egg yolks", + "vanilla", + "OREO® Cookies", + "sugar", + "mini marshmallows", + "heavy cream", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 3216, + "cuisine": "irish", + "ingredients": [ + "ground ginger", + "sultana", + "Guinness Beer", + "raisins", + "mixed peel", + "ground cinnamon", + "bread crumbs", + "lemon", + "apples", + "nutmeg", + "ground cloves", + "butter", + "currant", + "self raising flour", + "eggs", + "orange", + "dates", + "dark muscovado sugar" + ] + }, + { + "id": 34997, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "plum sauce", + "clove garlic, fine chop", + "all-purpose flour", + "oyster sauce", + "red bell pepper", + "eggs", + "water", + "pork tenderloin", + "salt", + "scallions", + "corn starch", + "soy sauce", + "cooking oil", + "pineapple", + "tomato ketchup", + "Lea & Perrins Worcestershire Sauce", + "green bell pepper", + "baking soda", + "rice wine", + "rice vinegar", + "oil", + "corn flour" + ] + }, + { + "id": 40993, + "cuisine": "greek", + "ingredients": [ + "baking potatoes", + "sliced almonds", + "garlic cloves", + "bread crumbs", + "extra-virgin olive oil", + "water", + "fresh lemon juice" + ] + }, + { + "id": 1503, + "cuisine": "brazilian", + "ingredients": [ + "garlic cloves", + "vegetable oil", + "onions", + "salt", + "long grain white rice", + "chicken broth", + "hot water" + ] + }, + { + "id": 19822, + "cuisine": "italian", + "ingredients": [ + "hazelnuts", + "flour", + "baking soda", + "salt", + "espresso powder", + "baking powder", + "sugar", + "large eggs", + "cocoa powder" + ] + }, + { + "id": 38638, + "cuisine": "mexican", + "ingredients": [ + "milk", + "chicken fingers", + "tomatoes", + "cream of chicken soup", + "red bell pepper", + "cream style corn", + "enchilada sauce", + "black beans", + "frozen corn", + "onions" + ] + }, + { + "id": 10234, + "cuisine": "french", + "ingredients": [ + "loaves", + "extra-virgin olive oil", + "herbes de provence", + "tomatoes", + "romaine lettuce leaves", + "garlic cloves", + "boneless skinless chicken breasts", + "purple onion", + "capers", + "anchovy paste", + "fresh lemon juice" + ] + }, + { + "id": 3650, + "cuisine": "indian", + "ingredients": [ + "instant rice", + "deveined shrimp", + "mustard seeds", + "canola oil", + "curry powder", + "salt", + "onions", + "black pepper", + "light coconut milk", + "frozen peas and carrots", + "ground cinnamon", + "ground red pepper", + "hot water", + "chopped cilantro fresh" + ] + }, + { + "id": 37185, + "cuisine": "french", + "ingredients": [ + "grated orange peel", + "large eggs", + "honey", + "all-purpose flour", + "sugar", + "vanilla extract", + "melted butter", + "unsalted butter", + "orange flower water" + ] + }, + { + "id": 24796, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic", + "sugar", + "jalapeno chilies", + "cilantro leaves", + "ground black pepper", + "purple onion", + "kosher salt", + "diced tomatoes", + "tortilla chips" + ] + }, + { + "id": 38438, + "cuisine": "italian", + "ingredients": [ + "brandy", + "butter", + "fresh parsley", + "canned low sodium chicken broth", + "cooking oil", + "salt", + "fettucine", + "ground black pepper", + "heavy cream", + "turkey breast cutlets", + "mushrooms", + "scallions" + ] + }, + { + "id": 6358, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "chilli paste", + "onion rings", + "ginger paste", + "warm water", + "yoghurt", + "rice", + "cashew nuts", + "garlic paste", + "coriander powder", + "kasuri methi", + "onions", + "ground cumin", + "fresh coriander", + "boneless chicken", + "ground cardamom", + "saffron" + ] + }, + { + "id": 25145, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed brown sugar", + "salt", + "butter", + "chopped pecans", + "large eggs", + "all-purpose flour", + "vanilla extract", + "cream cheese, soften" + ] + }, + { + "id": 17952, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "grated nutmeg", + "whole cloves", + "ground ginger", + "white peppercorns" + ] + }, + { + "id": 44043, + "cuisine": "british", + "ingredients": [ + "cream of tartar", + "cream", + "egg whites", + "salt", + "wine", + "vanilla beans", + "cinnamon", + "nutmeg", + "crumbles", + "dried tart cherries", + "cardamom pods", + "sugar", + "cherries", + "chocolate" + ] + }, + { + "id": 12816, + "cuisine": "cajun_creole", + "ingredients": [ + "pork tenderloin", + "orange juice", + "creole seasoning", + "dijon mustard", + "thyme sprigs" + ] + }, + { + "id": 18469, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "shallots", + "green chilies", + "black vinegar", + "light soy sauce", + "cayenne pepper", + "corn starch", + "eggplant", + "chili bean paste", + "ginger root", + "sugar", + "salt", + "garlic cloves" + ] + }, + { + "id": 17463, + "cuisine": "jamaican", + "ingredients": [ + "vanilla", + "nutmeg", + "sweetened condensed milk", + "cold water", + "carrots", + "jamaican rum" + ] + }, + { + "id": 48553, + "cuisine": "italian", + "ingredients": [ + "water", + "Sicilian olives", + "salt", + "red bell pepper", + "cooking spray", + "white wine vinegar", + "garlic cloves", + "ground black pepper", + "extra-virgin olive oil", + "squid", + "capers", + "basil leaves", + "purple onion", + "fresh lemon juice" + ] + }, + { + "id": 30959, + "cuisine": "italian", + "ingredients": [ + "refrigerated pizza dough", + "mozzarella cheese", + "fresh basil", + "sauce", + "part-skim mozzarella cheese" + ] + }, + { + "id": 31211, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "large eggs", + "extra-virgin olive oil", + "tuna packed in olive oil", + "Boston lettuce", + "radishes", + "chopped fresh thyme", + "freshly ground pepper", + "haricots verts", + "cherry tomatoes", + "dry white wine", + "white wine vinegar", + "red potato", + "dijon mustard", + "shallots", + "Niçoise olives" + ] + }, + { + "id": 36329, + "cuisine": "italian", + "ingredients": [ + "eggs", + "chopped fresh chives", + "purple onion", + "organic tomato", + "diced tomatoes", + "minced garlic", + "fresh thyme leaves", + "grated parmesan cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 1699, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "dried basil", + "basil", + "nonfat ricotta cheese", + "romano cheese", + "finely chopped onion", + "jumbo pasta shells", + "tomato sauce", + "olive oil", + "salt", + "italian seasoning", + "pepperoni slices", + "whole milk ricotta cheese", + "garlic cloves" + ] + }, + { + "id": 23277, + "cuisine": "southern_us", + "ingredients": [ + "andouille sausage", + "cracked black pepper", + "cayenne pepper", + "large shrimp", + "chicken stock", + "unsalted butter", + "white cheddar cheese", + "smoked paprika", + "sliced green onions", + "pepper", + "extra-virgin olive oil", + "garlic cloves", + "cumin", + "fontina cheese", + "lemon", + "salt", + "grits" + ] + }, + { + "id": 8303, + "cuisine": "french", + "ingredients": [ + "clove", + "water", + "blueberries", + "crème de cassis", + "beaujolais", + "blackberries", + "sugar", + "mint sprigs", + "cinnamon sticks", + "raspberries", + "strawberries" + ] + }, + { + "id": 20259, + "cuisine": "southern_us", + "ingredients": [ + "lemon juice", + "juice", + "sugar" + ] + }, + { + "id": 25106, + "cuisine": "japanese", + "ingredients": [ + "honey", + "carrots", + "pure vanilla extract", + "cardamom seeds", + "full fat coconut milk", + "water", + "salt" + ] + }, + { + "id": 16730, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "unsalted butter", + "flour tortillas (not low fat)", + "cinnamon" + ] + }, + { + "id": 18748, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "molasses", + "whipped cream", + "ground cinnamon", + "mace", + "salt", + "eggs", + "unsalted butter", + "yellow corn meal", + "milk", + "raisins" + ] + }, + { + "id": 16928, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "garlic", + "cheese tortellini", + "olive oil", + "broccoli", + "vegetable broth" + ] + }, + { + "id": 8177, + "cuisine": "moroccan", + "ingredients": [ + "preserved lemon", + "yukon gold potatoes", + "chickpeas", + "turnips", + "vegetables", + "florets", + "onions", + "fronds", + "raisins", + "carrots", + "tomatoes", + "fennel bulb", + "sea salt" + ] + }, + { + "id": 16663, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "kosher salt", + "cake", + "ice water", + "shrimp", + "rice paper", + "soy sauce", + "lime", + "sesame oil", + "yellow onion", + "boiling water", + "black pepper", + "sambal olek", + "rice noodles", + "scallions", + "mango", + "chiles", + "water", + "meat", + "cilantro", + "cucumber" + ] + }, + { + "id": 38929, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "eggs", + "cream style corn", + "whole kernel corn, drain", + "milk", + "all-purpose flour", + "sugar", + "butter" + ] + }, + { + "id": 27613, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "chicken", + "all-purpose flour", + "salt", + "ground black pepper", + "Hidden Valley® Original Ranch Salad® Dressing & Seasoning Mix" + ] + }, + { + "id": 14455, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "coriander powder", + "green chilies", + "tomatoes", + "fresh ginger", + "crushed garlic", + "ground turmeric", + "curry leaves", + "water", + "chili powder", + "onions", + "eggs", + "garam masala", + "salt" + ] + }, + { + "id": 47577, + "cuisine": "chinese", + "ingredients": [ + "broccoli florets", + "crushed red pepper flakes", + "canola oil", + "ketchup", + "slaw mix", + "pork loin chops", + "sugar", + "ramen noodles", + "garlic cloves", + "reduced sodium soy sauce", + "worcestershire sauce", + "bamboo shoots" + ] + }, + { + "id": 9986, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "mung beans", + "onions", + "spinach", + "light soy sauce", + "salt", + "pork cubes", + "water", + "roma tomatoes", + "fish sauce", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 50, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "purple onion", + "ground cumin", + "garam masala", + "paprika", + "greek yogurt", + "tumeric", + "lemon", + "garlic cloves", + "chili powder", + "ginger", + "chicken thighs" + ] + }, + { + "id": 39116, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "vegetable oil", + "onions", + "fish sauce", + "lime wedges", + "fresh lime juice", + "mussels", + "ketchup", + "red curry paste", + "fresh basil", + "fresh ginger root", + "coconut milk" + ] + }, + { + "id": 31135, + "cuisine": "mexican", + "ingredients": [ + "tomato juice", + "garlic cloves", + "chipotle chile", + "jalape", + "plum tomatoes", + "peaches", + "chopped cilantro fresh", + "chili", + "chopped onion" + ] + }, + { + "id": 33703, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "kosher salt", + "bay leaves", + "paprika", + "okra", + "chopped garlic", + "andouille sausage", + "ground black pepper", + "chopped fresh thyme", + "hot sauce", + "low salt chicken broth", + "boneless chicken skinless thigh", + "file powder", + "worcestershire sauce", + "cayenne pepper", + "onions", + "green bell pepper", + "steamed rice", + "vegetable oil", + "all-purpose flour", + "scallions" + ] + }, + { + "id": 21093, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "milk", + "green tomatoes", + "salt", + "pepper", + "flour", + "bacon", + "cornmeal", + "sugar", + "garlic powder", + "butter", + "bacon grease", + "white bread", + "shredded cheddar cheese", + "chives", + "paprika", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 25060, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "fresh lime juice", + "salt", + "onions", + "tomatoes", + "cilantro leaves", + "garlic", + "chipotles in adobo" + ] + }, + { + "id": 30211, + "cuisine": "chinese", + "ingredients": [ + "water", + "ginger", + "corn starch", + "brown sugar", + "green onions", + "sauce", + "hoisin sauce", + "garlic", + "steak", + "soy sauce", + "sesame oil", + "oil" + ] + }, + { + "id": 43599, + "cuisine": "cajun_creole", + "ingredients": [ + "chocolate syrup", + "whipping cream", + "banana bread", + "pecans", + "dark rum", + "dark brown sugar", + "bananas", + "chocolate ice cream", + "vanilla ice cream", + "sweetened coconut flakes", + "chocolate chip cookie dough ice cream" + ] + }, + { + "id": 4746, + "cuisine": "italian", + "ingredients": [ + "sugar", + "dried basil", + "lean ground beef", + "Philadelphia Cream Cheese", + "bay leaf", + "eggs", + "pepper", + "zucchini", + "diced tomatoes", + "red bell pepper", + "dried oregano", + "tomato paste", + "mozzarella cheese", + "olive oil", + "ricotta cheese", + "salt", + "onions", + "tomato sauce", + "water", + "grated parmesan cheese", + "garlic", + "pasta sheets" + ] + }, + { + "id": 44104, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dry white wine", + "fresh lemon juice", + "chicken stock", + "lean bacon", + "salt", + "pea shoots", + "parmigiano reggiano cheese", + "freshly ground pepper", + "arborio rice", + "unsalted butter", + "peas", + "onions" + ] + }, + { + "id": 34116, + "cuisine": "russian", + "ingredients": [ + "milk", + "crème fraîche", + "fresh dill", + "large eggs", + "all-purpose flour", + "smoked salmon", + "unsalted butter", + "buckwheat flour", + "kosher salt", + "baking powder" + ] + }, + { + "id": 24576, + "cuisine": "italian", + "ingredients": [ + "boneless skinless chicken breasts", + "mozzarella cheese", + "prepar pesto", + "roma tomatoes" + ] + }, + { + "id": 38115, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "extra-virgin olive oil", + "spaghettini", + "parmigiano reggiano cheese", + "garlic cloves", + "crushed red pepper", + "flat leaf parsley" + ] + }, + { + "id": 3669, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "vanilla", + "sweetened condensed milk", + "self rising flour", + "whipped topping", + "granulated sugar", + "cream cheese", + "butter", + "chopped pecans" + ] + }, + { + "id": 22364, + "cuisine": "japanese", + "ingredients": [ + "light soy sauce", + "egg yolks", + "soy sauce", + "mirin", + "corn starch", + "sugar", + "dashi", + "all-purpose flour", + "water", + "cooking oil", + "green beans" + ] + }, + { + "id": 45334, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "crackers", + "seasoning salt", + "sour cream", + "condensed cream of chicken soup", + "condensed cream of mushroom soup", + "boneless skinless chicken breast halves", + "egg noodles", + "onions" + ] + }, + { + "id": 16700, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "sliced apples", + "raw sugar", + "apple juice", + "chopped pecans", + "pure vanilla extract", + "evaporated milk", + "whipped cream", + "beaten eggs", + "corn starch", + "coconut flakes", + "butter", + "whipped cream cheese", + "graham cracker pie crust", + "pecans", + "cinnamon", + "sea salt", + "fresh lemon juice" + ] + }, + { + "id": 22771, + "cuisine": "indian", + "ingredients": [ + "sugar", + "peeled fresh ginger", + "cumin seed", + "plain whole-milk yogurt", + "green cardamom pods", + "water", + "purple onion", + "cinnamon sticks", + "canola oil", + "red chili peppers", + "mahimahi", + "garlic cloves", + "ground turmeric", + "clove", + "coriander seeds", + "salt", + "bay leaf" + ] + }, + { + "id": 12697, + "cuisine": "vietnamese", + "ingredients": [ + "Conimex Wok Olie", + "Conimex Woksaus Specials Vietnamese Gember Knoflook", + "eggplant", + "onions", + "jasmine rice", + "basil", + "chicken breasts" + ] + }, + { + "id": 44771, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "water", + "whole kernel corn, drain", + "black beans", + "rice", + "lime juice", + "ground cumin" + ] + }, + { + "id": 5111, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "frozen corn kernels", + "onions", + "spinach", + "salt", + "ginger root", + "cream style corn", + "garlic cloves", + "fish sauce", + "beef broth", + "ground beef" + ] + }, + { + "id": 38932, + "cuisine": "italian", + "ingredients": [ + "lemon wedge", + "chopped celery", + "low salt chicken broth", + "cannellini beans", + "extra-virgin olive oil", + "carrots", + "dry white wine", + "artichokes", + "country bread", + "fresh basil", + "pecorino romano cheese", + "chopped onion", + "thyme sprigs" + ] + }, + { + "id": 35016, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "salt", + "blackberries", + "sugar", + "lemon", + "blueberries", + "cinnamon", + "all-purpose flour", + "unsalted butter", + "buttermilk", + "orange juice" + ] + }, + { + "id": 28761, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "ham", + "apple cider vinegar", + "dijon mustard", + "ground ginger", + "pineapple juice" + ] + }, + { + "id": 36455, + "cuisine": "italian", + "ingredients": [ + "chicken legs", + "water", + "fresh thyme leaves", + "freshly ground pepper", + "onions", + "fresh oregano leaves", + "parmesan cheese", + "salt", + "croutons", + "green bell pepper", + "olive oil", + "diced tomatoes", + "garlic cloves", + "spaghetti", + "chicken broth", + "white wine", + "bay leaves", + "fresh mushrooms", + "carrots" + ] + }, + { + "id": 19423, + "cuisine": "spanish", + "ingredients": [ + "white beans", + "chorizo sausage", + "bacon", + "sausages", + "bay leaves", + "garlic cloves", + "salt", + "onions" + ] + }, + { + "id": 45759, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "curry powder", + "ground turmeric", + "black pepper", + "coconut milk", + "sweet chili sauce", + "chicken drumsticks", + "minced garlic", + "coriander" + ] + }, + { + "id": 44875, + "cuisine": "southern_us", + "ingredients": [ + "louisiana hot sauce", + "ground black pepper", + "celery", + "seasoning salt", + "all-purpose flour", + "italian seasoning", + "chicken gizzards", + "bay leaves", + "onions", + "celery salt", + "garlic powder", + "oil", + "ground cumin" + ] + }, + { + "id": 41113, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "yellow onion", + "mung bean sprouts", + "canola oil", + "cilantro", + "okra", + "fresh pineapple", + "kosher salt", + "filet", + "cooked white rice", + "ground cumin", + "vietnamese fish sauce", + "tamarind concentrate", + "plum tomatoes" + ] + }, + { + "id": 36554, + "cuisine": "french", + "ingredients": [ + "swiss cheese", + "onions", + "grated parmesan cheese", + "all-purpose flour", + "water", + "butter", + "french bread", + "beef broth" + ] + }, + { + "id": 12727, + "cuisine": "filipino", + "ingredients": [ + "milk", + "carrots", + "pineapple chunks", + "bell pepper", + "chicken", + "tomatoes", + "cooking oil", + "onions", + "fish sauce", + "garlic" + ] + }, + { + "id": 18133, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "pork tenderloin", + "ancho chile pepper", + "sugar", + "cider vinegar", + "large garlic cloves", + "dried oregano", + "ground cloves", + "olive oil", + "salt", + "ground cumin", + "fat free less sodium chicken broth", + "cooking spray", + "boiling water" + ] + }, + { + "id": 18115, + "cuisine": "indian", + "ingredients": [ + "ground chicken breast", + "yellow onion", + "ground nutmeg", + "garlic", + "greek yogurt", + "ground cinnamon", + "Italian parsley leaves", + "cayenne pepper", + "ground black pepper", + "salt", + "allspice" + ] + }, + { + "id": 39627, + "cuisine": "mexican", + "ingredients": [ + "whole wheat tortillas", + "crumbled gorgonzola", + "avocado", + "sharp cheddar cheese", + "buffalo sauce", + "chicken", + "olive oil", + "scallions" + ] + }, + { + "id": 15359, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "chile negro", + "garlic", + "corn tortillas", + "chili", + "stout", + "beef broth", + "adobo sauce", + "lime", + "apple cider vinegar", + "purple onion", + "chipotle peppers", + "olive oil", + "cilantro", + "chuck steaks" + ] + }, + { + "id": 36360, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "lime", + "low sodium chicken stock", + "straw mushrooms", + "thai chile", + "galangal", + "fish sauce", + "shallots", + "chopped cilantro", + "tomatoes", + "lemongrass", + "raw prawn", + "canola oil" + ] + }, + { + "id": 28378, + "cuisine": "southern_us", + "ingredients": [ + "grated orange peel", + "baking powder", + "salt", + "unsalted butter", + "ice cream", + "sour cream", + "yellow corn meal", + "large eggs", + "vanilla extract", + "sugar cubes", + "sugar", + "compote", + "all-purpose flour" + ] + }, + { + "id": 21525, + "cuisine": "italian", + "ingredients": [ + "basil pesto sauce", + "fresh basil leaves", + "firm tofu", + "cherry tomatoes", + "crumbled gorgonzola" + ] + }, + { + "id": 29566, + "cuisine": "filipino", + "ingredients": [ + "sesame seeds", + "salt", + "chicken pieces", + "eggs", + "green onions", + "corn starch", + "sugar", + "shoyu", + "ajinomoto", + "flour", + "garlic cloves" + ] + }, + { + "id": 41297, + "cuisine": "jamaican", + "ingredients": [ + "green cabbage", + "eggplant", + "scotch bonnet chile", + "okra pods", + "water", + "green onions", + "ground allspice", + "thyme sprigs", + "green bell pepper", + "sweet potatoes", + "salt", + "carrots", + "unsweetened coconut milk", + "corn kernels", + "vegetable oil", + "garlic cloves", + "onions" + ] + }, + { + "id": 25318, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "mirin", + "sesame oil", + "Gochujang base", + "canola oil", + "sushi rice", + "peeled fresh ginger", + "salt", + "kimchi", + "granny smith apples", + "large eggs", + "light corn syrup", + "garlic cloves", + "water", + "green onions", + "rice vinegar", + "skirt steak" + ] + }, + { + "id": 34422, + "cuisine": "moroccan", + "ingredients": [ + "lacinato kale", + "lemon", + "hemp seeds", + "ground cumin", + "ground black pepper", + "apples", + "raw almond", + "oil cured olives", + "sea salt", + "carrots", + "golden raisins", + "extra-virgin olive oil", + "ground turmeric" + ] + }, + { + "id": 1543, + "cuisine": "cajun_creole", + "ingredients": [ + "light mayonnaise", + "yellow bell pepper", + "Italian bread", + "lettuce leaves", + "cajun seasoning", + "garlic cloves", + "basil leaves", + "vegetable oil", + "salt", + "capers", + "soft shelled crabs", + "purple onion", + "cornmeal" + ] + }, + { + "id": 12505, + "cuisine": "vietnamese", + "ingredients": [ + "ground cloves", + "shallots", + "salt", + "ground coriander", + "eggs", + "ground black pepper", + "cinnamon", + "ground allspice", + "pork shoulder", + "fish sauce", + "egg yolks", + "bacon", + "cognac", + "ground cumin", + "ground nutmeg", + "crushed garlic", + "fresh pork fat", + "chicken livers" + ] + }, + { + "id": 20930, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "salt", + "avocado", + "cilantro", + "green onions", + "lemon juice", + "olive oil", + "garlic" + ] + }, + { + "id": 1512, + "cuisine": "mexican", + "ingredients": [ + "extra-virgin olive oil", + "ground coriander", + "chopped cilantro fresh", + "low sodium chicken broth", + "yellow onion", + "sour cream", + "ground cumin", + "black beans", + "salt", + "carrots", + "oregano", + "large garlic cloves", + "cayenne pepper", + "fresh lime juice" + ] + }, + { + "id": 49188, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime juice", + "cilantro", + "sour cream", + "brown sugar", + "flour tortillas", + "cheese", + "skirt steak", + "soy sauce", + "bell pepper", + "garlic", + "cumin", + "chile powder", + "white onion", + "lime wedges", + "salsa", + "canola oil" + ] + }, + { + "id": 25199, + "cuisine": "italian", + "ingredients": [ + "baking powder", + "all-purpose flour", + "eggs", + "ricotta cheese", + "white sugar", + "vegetable oil", + "confectioners sugar", + "honey", + "vanilla extract" + ] + }, + { + "id": 2753, + "cuisine": "italian", + "ingredients": [ + "prego fresh mushroom italian sauce", + "onions", + "shredded mozzarella cheese", + "grated parmesan cheese", + "pasta", + "ground beef" + ] + }, + { + "id": 33889, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "salt", + "fresh thyme leaves", + "spanish paprika", + "pork tenderloin", + "salsa", + "fresh rosemary", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 29593, + "cuisine": "greek", + "ingredients": [ + "garlic", + "plain yogurt", + "english cucumber", + "white vinegar", + "salt", + "extra-virgin olive oil" + ] + }, + { + "id": 45229, + "cuisine": "british", + "ingredients": [ + "chicken stock", + "large eggs", + "salt", + "milk", + "worcestershire sauce", + "onions", + "plain flour", + "vegetable oil", + "sausages", + "coarse ground mustard", + "bacon" + ] + }, + { + "id": 22378, + "cuisine": "french", + "ingredients": [ + "pepper", + "salt", + "shredded swiss cheese", + "dry vermouth", + "whipping cream", + "milk", + "corn starch" + ] + }, + { + "id": 10362, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "unsalted butter", + "salt", + "fresh lime juice", + "chicken stock", + "boneless chicken skinless thigh", + "extra-virgin olive oil", + "red bell pepper", + "chipotle chile", + "yellow bell pepper", + "freshly ground pepper", + "green bell pepper", + "minced garlic", + "purple onion", + "poblano chiles" + ] + }, + { + "id": 23367, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "olive oil", + "chopped fresh chives", + "all-purpose flour", + "ground cayenne pepper", + "mozzarella cheese", + "grated parmesan cheese", + "garlic", + "cream cheese", + "eggs", + "salt and ground black pepper", + "butter", + "chopped onion", + "fresh parsley", + "water", + "egg whites", + "salt", + "fresh mushrooms" + ] + }, + { + "id": 6405, + "cuisine": "italian", + "ingredients": [ + "pesto", + "asparagus", + "fresh basil", + "fresh parmesan cheese", + "oil", + "minced garlic", + "zucchini", + "yellow squash", + "cheese tortellini" + ] + }, + { + "id": 13371, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "garlic", + "red kidney beans", + "cajun seasoning", + "salt", + "water", + "smoked sausage", + "seasoning", + "butter", + "bay leaf" + ] + }, + { + "id": 12221, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "salt", + "peanut oil", + "chopped cilantro fresh", + "bay leaves", + "chopped onion", + "garlic cloves", + "plum tomatoes", + "garam masala", + "chickpeas", + "cumin seed", + "plain whole-milk yogurt", + "water", + "peeled fresh ginger", + "cardamom pods", + "cinnamon sticks" + ] + }, + { + "id": 5590, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "vegetable oil", + "tomato purée", + "mushrooms", + "frozen spinach", + "soft tofu", + "garlic salt", + "italian style seasoning", + "garlic" + ] + }, + { + "id": 33424, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "chili powder", + "salsa", + "ground cumin", + "roasted red peppers", + "garlic", + "scallions", + "lime", + "coarse salt", + "tortilla chips", + "avocado", + "chicken breasts", + "cilantro leaves", + "pinto beans" + ] + }, + { + "id": 48892, + "cuisine": "mexican", + "ingredients": [ + "milk", + "Bisquick Baking Mix", + "eggs", + "Mexican cheese blend", + "garlic powder", + "green chile", + "Old El Paso™ Thick 'n Chunky salsa" + ] + }, + { + "id": 2205, + "cuisine": "french", + "ingredients": [ + "cider vinegar", + "honey", + "gruyere cheese", + "Heinz Chili Sauce", + "green onions", + "ham", + "melted butter", + "dried thyme", + "boneless skinless chicken breasts", + "pepper", + "olive oil", + "salt" + ] + }, + { + "id": 44550, + "cuisine": "indian", + "ingredients": [ + "baby lima beans", + "boneless skinless chicken breasts", + "salt", + "coconut milk", + "curry powder", + "fat free reduced sodium chicken broth", + "yellow onion", + "potatoes", + "diced tomatoes", + "baby carrots", + "pepper", + "parsley", + "hot sauce", + "cumin" + ] + }, + { + "id": 31773, + "cuisine": "mexican", + "ingredients": [ + "butter", + "hot water", + "salsa", + "diced tomatoes", + "boneless skinless chicken breasts", + "rice" + ] + }, + { + "id": 27834, + "cuisine": "southern_us", + "ingredients": [ + "hot pepper sauce", + "all-purpose flour", + "garlic powder", + "paprika", + "vegetable oil", + "cayenne pepper", + "salt and ground black pepper", + "buttermilk", + "chicken" + ] + }, + { + "id": 13349, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "adobo sauce", + "fresh cilantro", + "purple onion", + "green bell pepper", + "fresh tarragon", + "balsamic vinegar", + "salt" + ] + }, + { + "id": 45812, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "vanilla extract", + "kosher salt", + "granulated sugar", + "unsalted butter", + "thick-cut bacon", + "dry roasted peanuts", + "light corn syrup" + ] + }, + { + "id": 5826, + "cuisine": "southern_us", + "ingredients": [ + "shredded extra sharp cheddar cheese", + "milk", + "salt", + "fresh chives", + "baking powder", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 16031, + "cuisine": "filipino", + "ingredients": [ + "black peppercorns", + "palm vinegar", + "garlic", + "bay leaf", + "soy sauce", + "lard", + "boneless pork shoulder", + "patis", + "cooked white rice" + ] + }, + { + "id": 19579, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "salt", + "cumin", + "water", + "margarine", + "pepper", + "yellow split peas", + "clove", + "cayenne", + "onions" + ] + }, + { + "id": 29277, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "prepared mustard", + "sweet onion", + "salt", + "pepper", + "red wine vinegar", + "tomatoes", + "olive oil", + "fresh basil leaves" + ] + }, + { + "id": 7203, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "cumin", + "black beans", + "long-grain rice", + "chicken broth", + "salt", + "pepper", + "chunky salsa" + ] + }, + { + "id": 6773, + "cuisine": "british", + "ingredients": [ + "eggs", + "cayenne", + "curry powder", + "pink salmon", + "olive oil", + "chopped parsley", + "cooked rice", + "salt" + ] + }, + { + "id": 5816, + "cuisine": "french", + "ingredients": [ + "reduced fat milk", + "shredded sharp cheddar cheese", + "ham", + "baking potatoes", + "all-purpose flour", + "ground black pepper", + "butter", + "garlic cloves", + "cooking spray", + "salt", + "onions" + ] + }, + { + "id": 32936, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "tomato paste", + "garlic cloves", + "olive oil", + "fresh basil" + ] + }, + { + "id": 14271, + "cuisine": "thai", + "ingredients": [ + "lite coconut milk", + "cilantro", + "red curry paste", + "lemongrass", + "deveined shrimp", + "canola oil", + "minced ginger", + "button mushrooms", + "basmati rice", + "chicken broth", + "peanuts", + "salt" + ] + }, + { + "id": 36456, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "salt", + "masa harina", + "vegetable oil", + "masa dough", + "baking powder", + "all-purpose flour", + "tomatoes", + "chees fresco queso", + "poblano chiles" + ] + }, + { + "id": 19780, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "chopped cilantro fresh", + "chopped onion", + "salt" + ] + }, + { + "id": 27085, + "cuisine": "spanish", + "ingredients": [ + "brandy", + "cherries", + "salt", + "yeast", + "eggs", + "orange", + "unbleached flour", + "lemon rind", + "water", + "egg whites", + "candied fruit", + "sugar", + "milk", + "butter", + "orange rind" + ] + }, + { + "id": 27173, + "cuisine": "thai", + "ingredients": [ + "boneless chicken skinless thigh", + "thai basil", + "green onions", + "ginger", + "oil", + "lime juice", + "asian pear", + "sesame oil", + "garlic", + "toasted sesame seeds", + "spinach", + "orange", + "jalapeno chilies", + "fried eggs", + "salsa", + "soy sauce", + "steamed rice", + "bawang goreng", + "cilantro", + "orange juice" + ] + }, + { + "id": 36955, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "boneless skinless chicken breasts", + "fresh lime juice", + "lemongrass", + "thai chile", + "lime rind", + "light coconut milk", + "chopped cilantro fresh", + "peeled fresh ginger", + "Thai fish sauce" + ] + }, + { + "id": 24595, + "cuisine": "spanish", + "ingredients": [ + "clams", + "valencia rice", + "dry white wine", + "onions", + "chicken broth", + "olive oil", + "green beans", + "mussels", + "water", + "garlic cloves", + "chorizo sausage", + "saffron threads", + "tomatoes", + "prawns", + "chicken pieces" + ] + }, + { + "id": 31792, + "cuisine": "japanese", + "ingredients": [ + "milk", + "chili powder", + "fenugreek seeds", + "cashew nuts", + "cottage cheese", + "fresh ginger", + "green peas", + "garlic cloves", + "tomato purée", + "honey", + "butter", + "oil", + "ground cumin", + "cream", + "garam masala", + "salt", + "onions" + ] + }, + { + "id": 27452, + "cuisine": "southern_us", + "ingredients": [ + "pork belly", + "chanterelle", + "pepper", + "canola oil", + "kosher salt", + "dark brown sugar", + "table salt", + "farro" + ] + }, + { + "id": 24074, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "dry white wine", + "mahi mahi fillets", + "soy sauce", + "unsalted butter", + "lemon", + "shiso", + "fresh ginger root", + "shallots", + "ground white pepper", + "kosher salt", + "black sesame seeds", + "heavy cream", + "canola oil" + ] + }, + { + "id": 35679, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "mint leaves", + "onions", + "black peppercorns", + "Vietnamese coriander", + "rice vinegar", + "red chili peppers", + "bawang goreng", + "cabbage", + "fish sauce", + "peanuts", + "skinless chicken breasts" + ] + }, + { + "id": 17986, + "cuisine": "cajun_creole", + "ingredients": [ + "white bread", + "cooking spray", + "vegetable oil", + "pickle relish", + "large egg whites", + "ground red pepper", + "worcestershire sauce", + "creole mustard", + "garlic powder", + "light mayonnaise", + "turkey breast", + "fat free yogurt", + "green onions", + "cajun seasoning" + ] + }, + { + "id": 31212, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "cilantro leaves", + "urad dal", + "shrimp", + "parboiled rice", + "oil", + "salt" + ] + }, + { + "id": 3510, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "sweet onion", + "kosher salt", + "freshly ground pepper", + "fresh basil", + "extra-virgin olive oil", + "baguette", + "garlic cloves" + ] + }, + { + "id": 21106, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "carrots", + "celery ribs", + "garlic cloves", + "dried oregano", + "fine sea salt", + "flat leaf parsley", + "octopuses", + "fresh lemon juice" + ] + }, + { + "id": 7645, + "cuisine": "italian", + "ingredients": [ + "water", + "large eggs", + "chopped celery", + "green beans", + "black pepper", + "low sodium tomato juice", + "cooking spray", + "chopped onion", + "dried oregano", + "ground round", + "dried basil", + "grated parmesan cheese", + "beef broth", + "dried parsley", + "seasoned bread crumbs", + "chopped green bell pepper", + "vegetable oil", + "carrots" + ] + }, + { + "id": 32382, + "cuisine": "indian", + "ingredients": [ + "chili flakes", + "seeds", + "garlic", + "black salt", + "fresh pineapple", + "mushrooms", + "cracked black pepper", + "oil", + "chaat masala", + "ground cumin", + "fresh coriander", + "red capsicum", + "salt", + "onions", + "chicken", + "pepper", + "chili powder", + "paneer", + "lemon juice", + "olives" + ] + }, + { + "id": 5406, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "garlic", + "fava beans", + "whole wheat penne pasta", + "grated parmesan cheese", + "baby broccoli", + "olive oil", + "crushed red pepper flakes" + ] + }, + { + "id": 126, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "chopped fresh thyme", + "onions", + "eggs", + "smoked bacon", + "grated Gruyère cheese", + "milk", + "garlic", + "black pepper", + "shiitake", + "white mushrooms" + ] + }, + { + "id": 42482, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "crushed ice", + "bourbon whiskey", + "mint leaves", + "mint", + "Spring! Water" + ] + }, + { + "id": 49110, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "diced tomatoes", + "onions", + "chicken broth", + "garlic powder", + "salt", + "dried basil", + "cilantro", + "chicken", + "tomato sauce", + "red pepper", + "rotisserie chicken" + ] + }, + { + "id": 9118, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "coarse sea salt", + "red bell pepper", + "grits", + "chili", + "chili powder", + "garlic", + "corn grits", + "collard greens", + "vinegar", + "extra-virgin olive oil", + "flat leaf parsley", + "greens", + "fresh ginger", + "vegetable stock", + "cayenne pepper", + "cashew nuts" + ] + }, + { + "id": 33591, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "cream style corn", + "cayenne pepper", + "onions", + "cold water", + "crushed tomatoes", + "salt", + "ground beef", + "pepper", + "garlic", + "corn tortillas", + "American cheese", + "chili powder", + "corn starch", + "ground cumin" + ] + }, + { + "id": 14551, + "cuisine": "mexican", + "ingredients": [ + "sour cream", + "cheddar cheese", + "cream of mushroom soup", + "green chile", + "corn tortillas", + "cream of chicken soup", + "cooked chicken breasts" + ] + }, + { + "id": 7954, + "cuisine": "chinese", + "ingredients": [ + "water", + "green onions", + "cilantro leaves", + "pork sausages", + "red chili peppers", + "vegetable oil spray", + "vegetable oil", + "rice flour", + "soy sauce", + "peeled fresh ginger", + "daikon", + "dried shrimp", + "sesame seeds", + "sesame oil", + "hot chili sauce" + ] + }, + { + "id": 29070, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "salt", + "olive oil", + "fresh oregano", + "honey", + "all-purpose flour", + "water", + "fresh thyme" + ] + }, + { + "id": 5927, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "gingerroot", + "sake", + "boneless skinless chicken breasts", + "leeks", + "soy sauce", + "garlic cloves" + ] + }, + { + "id": 35104, + "cuisine": "jamaican", + "ingredients": [ + "brown sugar", + "lime rind", + "bananas", + "butter", + "sugar", + "coconut", + "dark rum", + "salt", + "toasted pecans", + "lime juice", + "flour", + "vanilla extract", + "eggs", + "skim milk", + "baking soda", + "baking powder", + "cream cheese" + ] + }, + { + "id": 32590, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "white wine vinegar", + "spaghetti", + "cherry tomatoes", + "garden peas", + "freshly ground pepper", + "olive oil", + "red pepper", + "asparagus spears", + "dried basil", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 1142, + "cuisine": "moroccan", + "ingredients": [ + "white onion", + "lemon wedge", + "garlic", + "tumeric", + "fresh ginger", + "cinnamon", + "carrots", + "red lentils", + "fresh cilantro", + "vegetable stock", + "salt", + "tomato sauce", + "ground black pepper", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 31564, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed light brown sugar", + "ground black pepper", + "salt", + "cider vinegar", + "onion powder", + "ground cumin", + "ketchup", + "ground red pepper", + "sauce", + "garlic powder", + "butter" + ] + }, + { + "id": 36303, + "cuisine": "indian", + "ingredients": [ + "cream", + "chili powder", + "salt", + "tomatoes", + "lime juice", + "ginger", + "fresh coriander", + "butter", + "chicken pieces", + "sugar", + "garam masala", + "garlic" + ] + }, + { + "id": 48810, + "cuisine": "southern_us", + "ingredients": [ + "lime juice", + "Sriracha", + "vegetable oil", + "freshly ground pepper", + "unsweetened coconut milk", + "fresh ginger", + "large eggs", + "salt", + "Madras curry powder", + "sugar", + "beef", + "lime wedges", + "all-purpose flour", + "milk", + "brewed coffee", + "garlic", + "onions" + ] + }, + { + "id": 44754, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "baking powder", + "unsalted butter", + "all-purpose flour", + "buttermilk" + ] + }, + { + "id": 45191, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "green onions", + "white vinegar", + "ground black pepper", + "water", + "sesame oil", + "sugar", + "zucchini" + ] + }, + { + "id": 8862, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "flat anchovy", + "Italian parsley leaves", + "pimento stuffed olives", + "large garlic cloves", + "spaghetti" + ] + }, + { + "id": 48777, + "cuisine": "chinese", + "ingredients": [ + "honey", + "sesame oil", + "corn starch", + "jalapeno chilies", + "rice vinegar", + "japanese eggplants", + "soy sauce", + "rice wine", + "scallions", + "fresh ginger", + "garlic", + "canola oil" + ] + }, + { + "id": 26526, + "cuisine": "indian", + "ingredients": [ + "plain flour", + "chili powder", + "ground turmeric", + "coriander seeds", + "salt", + "whitefish fillets", + "vegetable oil", + "fennel seeds", + "garam masala", + "garlic cloves" + ] + }, + { + "id": 47418, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "vegetable oil", + "salt", + "basmati rice", + "water chestnuts", + "cajun seasoning", + "ham hock", + "chicken stock", + "bay leaves", + "garlic", + "onions", + "black-eyed peas", + "napa cabbage", + "cayenne pepper" + ] + }, + { + "id": 47146, + "cuisine": "italian", + "ingredients": [ + "cold water", + "extra-virgin olive oil", + "olive oil", + "garlic cloves", + "black peppercorns", + "salt", + "sage leaves", + "cannellini beans", + "plum tomatoes" + ] + }, + { + "id": 12911, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "soy sauce", + "ginger", + "dark soy sauce", + "meat", + "ground black pepper", + "dark brown sugar" + ] + }, + { + "id": 42242, + "cuisine": "french", + "ingredients": [ + "eggs", + "brie cheese", + "frozen pastry puff sheets", + "crackers", + "slivered almonds", + "apricot jam", + "crumbled blue cheese" + ] + }, + { + "id": 29284, + "cuisine": "spanish", + "ingredients": [ + "water", + "pork tenderloin", + "extra-virgin olive oil", + "smoked paprika", + "dried oregano", + "olive oil", + "dry white wine", + "all-purpose flour", + "serrano ham", + "tomatoes", + "large eggs", + "baking powder", + "garlic cloves", + "fresh parsley", + "sweet onion", + "cooking spray", + "salt", + "red bell pepper", + "saffron" + ] + }, + { + "id": 4916, + "cuisine": "japanese", + "ingredients": [ + "chicken stock", + "cracked black pepper", + "dashi kombu", + "salt", + "pepper", + "ginger", + "japanese rice", + "cooked chicken", + "scallions" + ] + }, + { + "id": 45353, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "sesame oil", + "corn starch", + "black pepper", + "garlic", + "sambal ulek", + "water", + "rice vinegar", + "soy sauce", + "ginger" + ] + }, + { + "id": 24376, + "cuisine": "italian", + "ingredients": [ + "cold water", + "vin santo", + "orange blossom honey", + "sugar", + "vanilla extract", + "pinenuts", + "sauce", + "unflavored gelatin", + "whipping cream" + ] + }, + { + "id": 19076, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "bay leaves", + "hot Italian sausages", + "fresh rosemary", + "grated parmesan cheese", + "button mushrooms", + "onions", + "olive oil", + "dry white wine", + "hot water", + "rosemary sprigs", + "half & half", + "beef broth", + "rigatoni" + ] + }, + { + "id": 402, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "potatoes", + "oil", + "ground turmeric", + "garlic paste", + "garam masala", + "green chilies", + "mustard seeds", + "water", + "salt", + "lemon juice", + "ground cumin", + "spinach", + "coriander powder", + "cumin seed", + "onions" + ] + }, + { + "id": 42208, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "apricots", + "unflavored gelatin", + "whipping cream", + "biscuits", + "water", + "powdered sugar", + "fresh raspberries" + ] + }, + { + "id": 16873, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "jasmine rice", + "extra firm tofu", + "broccoli", + "soy sauce", + "lime", + "garlic", + "red bell pepper", + "coconut oil", + "water", + "vegetable broth", + "yellow onion", + "unsweetened coconut milk", + "sugar pea", + "ground pepper", + "salt", + "curry paste" + ] + }, + { + "id": 13535, + "cuisine": "thai", + "ingredients": [ + "jasmine rice", + "cilantro leaves", + "ground white pepper", + "green onions", + "oil", + "light soy sauce", + "crabmeat", + "white sugar", + "eggs", + "salt", + "garlic cloves" + ] + }, + { + "id": 46276, + "cuisine": "moroccan", + "ingredients": [ + "tomato purée", + "sweet potatoes", + "raisins", + "salt", + "pepper", + "spices", + "ginger", + "ground lamb", + "tumeric", + "crushed garlic", + "paprika", + "coriander", + "chicken stock", + "olive oil", + "cinnamon", + "purple onion", + "ground cumin" + ] + }, + { + "id": 18169, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "salt", + "smoked bacon", + "white sugar", + "water", + "pinto beans", + "finely chopped onion" + ] + }, + { + "id": 19772, + "cuisine": "indian", + "ingredients": [ + "unsalted butter" + ] + }, + { + "id": 18958, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "barbecue sauce", + "freshly ground pepper", + "whole grain mustard", + "apple cider vinegar", + "pork shoulder", + "honey", + "green onions", + "carrots", + "green cabbage", + "beef", + "rolls" + ] + }, + { + "id": 37051, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "penne pasta", + "fresh basil", + "crushed red pepper", + "garlic cloves", + "tomatoes", + "zucchini", + "chopped onion", + "olive oil", + "salt" + ] + }, + { + "id": 39608, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "worcestershire sauce", + "chili sauce", + "brown sugar", + "catsup", + "dry mustard", + "fresh lemon juice", + "water", + "paprika", + "freshly ground pepper", + "molasses", + "butter", + "salt", + "onions" + ] + }, + { + "id": 38401, + "cuisine": "korean", + "ingredients": [ + "water", + "sea salt", + "napa cabbage", + "garlic", + "radishes", + "ginger", + "sugar", + "red pepper flakes", + "scallions" + ] + }, + { + "id": 49269, + "cuisine": "italian", + "ingredients": [ + "ground fennel", + "ground black pepper", + "long grain brown rice", + "mozzarella cheese", + "salt", + "oregano", + "green bell pepper", + "grated parmesan cheese", + "onions", + "olive oil", + "sweet italian sausage" + ] + }, + { + "id": 16253, + "cuisine": "italian", + "ingredients": [ + "bread", + "shallots", + "cherry tomatoes", + "crushed red pepper", + "fresh marjoram", + "balsamic vinegar", + "olive oil", + "marjoram" + ] + }, + { + "id": 47857, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "chickpeas", + "tomatoes", + "parsley", + "onions", + "cooking oil", + "coconut milk", + "kosher salt", + "garlic", + "basmati rice" + ] + }, + { + "id": 1828, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "kosher salt", + "fresh lemon juice", + "ground black pepper" + ] + }, + { + "id": 33852, + "cuisine": "moroccan", + "ingredients": [ + "prunes", + "honey", + "ground cinnamon", + "kosher wine", + "cooking liquid" + ] + }, + { + "id": 2697, + "cuisine": "filipino", + "ingredients": [ + "water", + "evaporated milk", + "granulated sugar", + "sweet rice", + "bittersweet chocolate" + ] + }, + { + "id": 26547, + "cuisine": "jamaican", + "ingredients": [ + "lime peel", + "condensed milk", + "cold water", + "soursop" + ] + }, + { + "id": 18284, + "cuisine": "chinese", + "ingredients": [ + "chicken wings", + "curry powder", + "garlic", + "oyster sauce", + "red chili peppers", + "spring onions", + "salt", + "beansprouts", + "dressing", + "soy sauce", + "vegetable oil", + "chili sauce", + "onions", + "plain flour", + "water", + "cornflour", + "chinese five-spice powder", + "noodles" + ] + }, + { + "id": 18505, + "cuisine": "mexican", + "ingredients": [ + "black olives", + "corn kernels", + "corn tortillas", + "chili beans", + "salsa", + "baby spinach" + ] + }, + { + "id": 31034, + "cuisine": "italian", + "ingredients": [ + "heavy cream", + "grated parmesan cheese", + "fresh parsley", + "garlic", + "butter" + ] + }, + { + "id": 18013, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "flour", + "cilantro", + "sour cream", + "cumin", + "green chile", + "garlic powder", + "chili powder", + "salsa", + "chipotles in adobo", + "chicken", + "avocado", + "shredded cheddar cheese", + "green onions", + "vegetable broth", + "corn tortillas", + "canola oil", + "black beans", + "jalapeno chilies", + "diced tomatoes", + "shredded cheese", + "adobo sauce", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 47733, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "zucchini", + "butter", + "salt", + "fresh rosemary", + "finely chopped onion", + "mushrooms", + "garlic", + "pepper", + "grated parmesan cheese", + "extra-virgin olive oil", + "eggs", + "veal", + "dry white wine", + "chopped celery" + ] + }, + { + "id": 28505, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "red pepper", + "flour tortillas", + "sour cream", + "salsa verde", + "shredded lettuce", + "cooked chicken" + ] + }, + { + "id": 28840, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "plums", + "grated orange peel", + "unsalted butter", + "fresh lemon juice", + "ground nutmeg", + "crème fraîche", + "sugar", + "frozen pastry puff sheets", + "grated lemon peel" + ] + }, + { + "id": 48763, + "cuisine": "mexican", + "ingredients": [ + "dried black beans", + "olive oil", + "chili powder", + "roasted tomatoes", + "kosher salt", + "sweet potatoes", + "garlic cloves", + "dried oregano", + "chipotle chile", + "quinoa", + "ground coriander", + "onions", + "fresh cilantro", + "green onions", + "sour cream" + ] + }, + { + "id": 12775, + "cuisine": "chinese", + "ingredients": [ + "baking soda", + "onion powder", + "sauce", + "ground white pepper", + "soy sauce", + "flour", + "red preserved bean curd", + "chinese five-spice powder", + "sugar", + "pork ribs", + "sesame oil", + "peanut oil", + "garlic powder", + "Shaoxing wine", + "maple syrup", + "corn starch" + ] + }, + { + "id": 29018, + "cuisine": "moroccan", + "ingredients": [ + "chili flakes", + "lamb stew meat", + "couscous", + "tumeric", + "paprika", + "spinach", + "diced tomatoes", + "onions", + "ground cinnamon", + "garbanzo beans", + "garlic" + ] + }, + { + "id": 13304, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "green pepper", + "olive oil", + "anise", + "ground turkey", + "seasoning", + "low fat mozzarella", + "flavoring", + "finely chopped onion", + "garlic", + "ground beef" + ] + }, + { + "id": 34655, + "cuisine": "french", + "ingredients": [ + "parmesan cheese", + "extra-virgin olive oil", + "thyme sprigs", + "large egg yolks", + "sea salt", + "garlic cloves", + "plum tomatoes", + "water", + "unsalted butter", + "fine sea salt", + "fresh basil leaves", + "olive oil", + "egg yolks", + "all-purpose flour", + "greens" + ] + }, + { + "id": 49050, + "cuisine": "french", + "ingredients": [ + "firmly packed light brown sugar", + "egg whites", + "eggs", + "raspberries", + "reduced fat cream cheese", + "vanilla extract", + "light brown sugar", + "skim milk", + "corn starch" + ] + }, + { + "id": 43429, + "cuisine": "french", + "ingredients": [ + "grapes", + "whipping cream", + "ground allspice", + "grated orange peel", + "large egg yolks", + "strawberries", + "cognac", + "orange", + "vanilla extract", + "orange juice", + "sugar", + "light corn syrup", + "blueberries" + ] + }, + { + "id": 26163, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "ciabatta", + "coarse salt", + "red bell pepper", + "prosciutto", + "freshly ground pepper", + "extra-virgin olive oil", + "arugula" + ] + }, + { + "id": 27059, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "dry white wine", + "all-purpose flour", + "water", + "lemon", + "flat leaf parsley", + "unsalted butter", + "salt", + "black pepper", + "veal cutlets", + "fresh lemon juice" + ] + }, + { + "id": 41595, + "cuisine": "indian", + "ingredients": [ + "white vinegar", + "water", + "carrots", + "chiles", + "sea salt", + "green cardamom pods", + "fresh ginger", + "sugar", + "garlic cloves" + ] + }, + { + "id": 17380, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "cooked chicken", + "corn starch", + "sugar", + "butter", + "onions", + "soy sauce", + "chow mein noodles", + "vegetables", + "diced celery" + ] + }, + { + "id": 4810, + "cuisine": "chinese", + "ingredients": [ + "spareribs", + "vegetable oil", + "corn starch", + "light soy sauce", + "sauce", + "rape", + "essence", + "ground ginger", + "Shaoxing wine", + "garlic cloves" + ] + }, + { + "id": 12040, + "cuisine": "filipino", + "ingredients": [ + "ground ginger", + "ground black pepper", + "cumin seed", + "soy sauce", + "salt", + "pork butt roast", + "brown sugar", + "vegetable oil", + "onions", + "lime", + "ground coriander" + ] + }, + { + "id": 45029, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "heavy cream", + "carrots", + "olive oil", + "purple onion", + "ground beef", + "tomatoes", + "ground pork", + "celery", + "coarse salt", + "freshly ground pepper", + "rigatoni" + ] + }, + { + "id": 30537, + "cuisine": "italian", + "ingredients": [ + "pepper", + "fresh mozzarella", + "Italian bread", + "tomatoes", + "basil leaves", + "purple onion", + "olive oil", + "garlic", + "green olives", + "balsamic vinegar", + "salt" + ] + }, + { + "id": 39462, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "cake mix", + "vanilla", + "light corn syrup", + "chopped pecans", + "melted butter", + "dark brown sugar" + ] + }, + { + "id": 30822, + "cuisine": "british", + "ingredients": [ + "water", + "basil leaves", + "all-purpose flour", + "beef tenderloin steaks", + "pie pastry", + "dry red wine", + "sauce", + "eggs", + "grated parmesan cheese", + "salt", + "fresh mushrooms", + "olive oil", + "butter", + "beef broth" + ] + }, + { + "id": 6725, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "kosher salt", + "file powder", + "worcestershire sauce", + "creole seasoning", + "canola oil", + "shucked oysters", + "hot pepper sauce", + "bay leaves", + "all-purpose flour", + "pheasant", + "andouille sausage", + "ground black pepper", + "cooking spray", + "chopped celery", + "garlic cloves", + "sliced green onions", + "fat free less sodium chicken broth", + "chopped green bell pepper", + "butter", + "yellow onion", + "herbes de provence" + ] + }, + { + "id": 32045, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "olive oil", + "basil dried leaves", + "onions", + "water", + "bacon", + "penne pasta", + "pepper", + "red pepper flakes", + "salt", + "chicken bouillon", + "cannellini beans", + "garlic", + "dried oregano" + ] + }, + { + "id": 44628, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh flounder fillets", + "garlic", + "onions", + "butter", + "green pepper", + "dried thyme", + "cayenne pepper", + "tomatoes", + "dry red wine", + "lemon juice" + ] + }, + { + "id": 14562, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "fat free less sodium chicken broth", + "crushed red pepper", + "fresh parmesan cheese", + "arugula", + "tomatoes", + "cheese tortellini" + ] + }, + { + "id": 305, + "cuisine": "italian", + "ingredients": [ + "finely chopped fresh parsley", + "salt", + "prosciutto", + "cooking spray", + "cavatappi", + "parmigiano reggiano cheese", + "garlic cloves", + "ground black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 18534, + "cuisine": "indian", + "ingredients": [ + "pepper", + "green chilies", + "masala", + "tumeric", + "potatoes", + "ghee", + "fresh coriander", + "cumin seed", + "fresh curry leaves", + "salt", + "onions" + ] + }, + { + "id": 1496, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "oyster sauce", + "minced garlic", + "ground pork", + "dumpling skins", + "green onions", + "salt", + "medium shrimp", + "water chestnuts, drained and chopped", + "watercress", + "ground white pepper" + ] + }, + { + "id": 35975, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "salt", + "skirt steak", + "lime", + "garlic cloves", + "pepper", + "orange juice", + "cilantro", + "corn tortillas" + ] + }, + { + "id": 1075, + "cuisine": "indian", + "ingredients": [ + "water", + "grated nutmeg", + "ground turmeric", + "new potatoes", + "cumin seed", + "ground cumin", + "jalapeno chilies", + "ground coriander", + "canola oil", + "spinach", + "salt", + "black mustard seeds" + ] + }, + { + "id": 43581, + "cuisine": "irish", + "ingredients": [ + "dri leav rosemari", + "russet potatoes", + "cilantro leaves", + "pico de gallo", + "ground black pepper", + "diced tomatoes", + "thick-cut bacon", + "dri thyme leaves, crush", + "sea salt", + "greek yogurt", + "olive oil", + "green onions", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 12537, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "green cardamom pods", + "whole milk", + "large egg yolks", + "sugar", + "whipping cream" + ] + }, + { + "id": 44151, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "vegetable oil", + "white sugar", + "eggs", + "water", + "corn starch", + "white vinegar", + "food colouring", + "salt", + "boneless skinless chicken breast halves", + "pineapple chunks", + "self rising flour", + "ground white pepper" + ] + }, + { + "id": 26905, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "coffee granules", + "vanilla extract", + "sugar", + "whipped cream", + "milk", + "heavy cream", + "eggs", + "cinnamon", + "hot water" + ] + }, + { + "id": 18640, + "cuisine": "thai", + "ingredients": [ + "green onions", + "cream cheese", + "fresh lime juice", + "reduced fat firm tofu", + "cilantro sprigs", + "garlic cloves", + "chopped cilantro fresh", + "light mayonnaise", + "dark sesame oil", + "medium shrimp", + "peeled fresh ginger", + "peeled shrimp", + "Thai fish sauce" + ] + }, + { + "id": 13961, + "cuisine": "southern_us", + "ingredients": [ + "cold water", + "granulated sugar", + "all-purpose flour", + "firmly packed light brown sugar", + "butter", + "peaches", + "salt", + "ground cinnamon", + "large eggs" + ] + }, + { + "id": 12455, + "cuisine": "mexican", + "ingredients": [ + "bell pepper", + "garlic", + "ground cumin", + "lime", + "flank steak", + "yellow onion", + "jalapeno chilies", + "salt", + "olive oil", + "vegetable oil", + "chopped cilantro fresh" + ] + }, + { + "id": 48447, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "enchilada sauce", + "refried beans", + "corn tortillas" + ] + }, + { + "id": 13412, + "cuisine": "french", + "ingredients": [ + "capers", + "hot pepper sauce", + "purple onion", + "fresh lemon juice", + "honey", + "extra-virgin olive oil", + "grated lemon zest", + "ground black pepper", + "white wine vinegar", + "garlic cloves", + "fresh dill", + "dijon mustard", + "salt", + "boiling water" + ] + }, + { + "id": 35324, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chili powder", + "avocado", + "lime", + "corn", + "salt", + "mayonaise", + "grated parmesan cheese" + ] + }, + { + "id": 4920, + "cuisine": "jamaican", + "ingredients": [ + "dried thyme", + "salt", + "sugar", + "ground black pepper", + "ground allspice", + "ground nutmeg", + "cayenne pepper", + "ground cloves", + "onion powder" + ] + }, + { + "id": 15021, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "lime", + "rice noodles", + "chopped cilantro", + "water", + "dried arbol chile", + "cumin seed", + "serrano chile", + "tumeric", + "fresh ginger", + "salt", + "clarified butter", + "pigeon peas", + "coriander seeds", + "hot water" + ] + }, + { + "id": 47494, + "cuisine": "mexican", + "ingredients": [ + "boneless beef round steak", + "beef broth", + "shredded pepper jack cheese", + "onions", + "frozen whole kernel corn", + "celery", + "black beans", + "salsa", + "chopped cilantro fresh" + ] + }, + { + "id": 28686, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "fresh cilantro", + "salt", + "peeled shrimp", + "pickling liquid", + "fresh lime juice" + ] + }, + { + "id": 42644, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "salt", + "nori", + "sesame oil", + "fresh tofu", + "spring onions", + "broccoli", + "water", + "wonton wrappers", + "wood ear mushrooms" + ] + }, + { + "id": 31554, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "bay leaves", + "creole seasoning", + "onions", + "andouille sausage", + "diced tomatoes", + "shrimp", + "green bell pepper", + "green onions", + "garlic cloves", + "sliced green onions", + "celery ribs", + "dried thyme", + "all-purpose flour", + "flat leaf parsley" + ] + }, + { + "id": 16704, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "shrimp", + "freshly ground pepper", + "extra-virgin olive oil", + "fresh lime juice", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 39181, + "cuisine": "mexican", + "ingredients": [ + "pasta", + "shredded cheese", + "cream cheese", + "water", + "ground beef", + "taco seasoning" + ] + }, + { + "id": 10054, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "green bell pepper", + "olive oil", + "spanish chorizo", + "onions", + "arborio rice", + "kosher salt", + "parsley", + "shrimp", + "tomatoes", + "minced garlic", + "littleneck clams", + "red bell pepper", + "mussels", + "reduced sodium chicken broth", + "dry white wine", + "spanish paprika" + ] + }, + { + "id": 16858, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "kosher salt", + "chicken wings", + "ground black pepper", + "sugar", + "vegetable oil" + ] + }, + { + "id": 33194, + "cuisine": "russian", + "ingredients": [ + "vodka", + "all-purpose flour", + "butter", + "hazelnuts", + "confectioners sugar", + "salt" + ] + }, + { + "id": 7669, + "cuisine": "french", + "ingredients": [ + "fresh thyme", + "fine sea salt", + "celery ribs", + "bay leaves", + "carrots", + "leeks", + "garlic cloves", + "cold water", + "red wine vinegar", + "white peppercorns" + ] + }, + { + "id": 12835, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cuban peppers", + "tortillas", + "lime wedges", + "cilantro leaves", + "chipotles in adobo", + "eggs", + "honey", + "zucchini", + "garlic", + "celery", + "monterey jack", + "chicken chorizo sausages", + "hominy", + "crema mexican", + "salt", + "bay leaf", + "ground cumin", + "chicken stock", + "pepper", + "radishes", + "diced tomatoes", + "thyme leaves", + "onions" + ] + }, + { + "id": 40199, + "cuisine": "filipino", + "ingredients": [ + "powdered milk", + "all-purpose flour", + "butter", + "white sugar", + "baking powder", + "corn starch", + "eggs", + "salt" + ] + }, + { + "id": 31686, + "cuisine": "italian", + "ingredients": [ + "mini pepperoni slices", + "Pillsbury™ Refrigerated Crescent Dinner Rolls", + "mild Italian sausage", + "shredded mozzarella cheese", + "pizza sauce" + ] + }, + { + "id": 2010, + "cuisine": "italian", + "ingredients": [ + "fresh sage", + "shallots", + "garlic cloves", + "kosher salt", + "butter", + "fresh parsley", + "baby portobello mushrooms", + "potato gnocchi", + "flat leaf parsley", + "parmesan cheese", + "freshly ground pepper" + ] + }, + { + "id": 8761, + "cuisine": "mexican", + "ingredients": [ + "honey", + "vegetable oil", + "salt", + "chile sauce", + "molasses", + "garlic powder", + "diced tomatoes", + "ground cayenne pepper", + "ground cumin", + "water", + "chili powder", + "dried pinto beans", + "boiling water", + "tomato purée", + "kidney beans", + "textured soy protein", + "chopped onion", + "dried oregano" + ] + }, + { + "id": 10367, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "coarse salt", + "fresh lemon juice", + "dry white wine", + "all-purpose flour", + "unsalted butter", + "salt", + "flat leaf parsley", + "chicken cutlets", + "freshly ground pepper" + ] + }, + { + "id": 9888, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "vegetable oil", + "freshly ground pepper", + "buttermilk", + "cornmeal", + "whole okra", + "all-purpose flour" + ] + }, + { + "id": 45373, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "ground cumin", + "boneless chuck roast", + "salt", + "pepper", + "garlic", + "diced green chilies", + "dried oregano" + ] + }, + { + "id": 30228, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "soy milk", + "baking powder", + "baking soda", + "vegan butter", + "vinegar", + "salt" + ] + }, + { + "id": 31937, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "cooking spray", + "minced garlic", + "salt", + "french baguette", + "cracked black pepper", + "tomatoes", + "crumbled blue cheese", + "light cream cheese" + ] + }, + { + "id": 3231, + "cuisine": "french", + "ingredients": [ + "water", + "sliced carrots", + "jerusalem artichokes", + "diced onions", + "leeks", + "garlic cloves", + "potatoes", + "salt", + "celery root", + "granny smith apples", + "bay leaves", + "thyme sprigs" + ] + }, + { + "id": 16735, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "garlic", + "oven-ready lasagna noodles", + "ground nutmeg", + "baby spinach", + "all-purpose flour", + "cream cheese with chives", + "milk", + "boneless skinless chicken breasts", + "salt", + "nonstick spray", + "ground black pepper", + "butter", + "shredded mozzarella cheese", + "frozen artichoke hearts" + ] + }, + { + "id": 38434, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "unsalted butter", + "salt", + "butter beans", + "arborio rice", + "ground black pepper", + "buttermilk", + "low salt chicken broth", + "olive oil", + "grated parmesan cheese", + "chopped onion", + "swiss chard", + "dry white wine", + "okra" + ] + }, + { + "id": 30406, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "fine salt", + "all-purpose flour", + "light brown sugar", + "unsalted butter", + "heavy cream", + "blackberries", + "peaches", + "baking powder", + "sour cream", + "vanilla beans", + "granulated sugar", + "sanding sugar" + ] + }, + { + "id": 47456, + "cuisine": "italian", + "ingredients": [ + "red pepper", + "garlic cloves", + "extra-virgin olive oil", + "basil", + "plum tomatoes", + "unflavored gelatin", + "salt" + ] + }, + { + "id": 48330, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chili powder", + "tomatoes", + "flour tortillas", + "sour cream", + "picante sauce", + "cayenne pepper", + "colby cheese", + "potatoes", + "chopped cilantro fresh" + ] + }, + { + "id": 36148, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "vanilla beans", + "whipping cream", + "tropical fruits", + "sugar", + "peeled fresh ginger" + ] + }, + { + "id": 31073, + "cuisine": "mexican", + "ingredients": [ + "grape tomatoes", + "avocado", + "queso fresco", + "lime", + "eggs", + "cilantro" + ] + }, + { + "id": 44343, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "evaporated milk", + "raisins", + "long grain white rice", + "water", + "whole milk", + "cinnamon sticks", + "sugar", + "lemon peel", + "salt", + "sweetened condensed milk", + "vanilla beans", + "lemon", + "canela" + ] + }, + { + "id": 28525, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "vegetable oil", + "beansprouts", + "egg yolks", + "Gochujang base", + "water", + "cilantro", + "kimchi", + "tofu", + "fresh shiitake mushrooms", + "scallions" + ] + }, + { + "id": 47213, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "unsalted butter", + "fresh lemon juice", + "bread crumbs", + "chicken breasts", + "black pepper", + "dijon mustard", + "curry powder", + "salt" + ] + }, + { + "id": 32195, + "cuisine": "southern_us", + "ingredients": [ + "fresh corn", + "rice vinegar", + "plum tomatoes", + "purple onion", + "okra pods", + "olive oil", + "freshly ground pepper", + "chopped garlic", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 3724, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "double cream", + "muscovado sugar", + "fresh raspberries", + "base", + "free range egg", + "dark chocolate", + "butter", + "golden syrup" + ] + }, + { + "id": 32024, + "cuisine": "spanish", + "ingredients": [ + "sweet onion", + "tomatoes", + "garlic cloves", + "pepper", + "cucumber", + "salt" + ] + }, + { + "id": 17738, + "cuisine": "mexican", + "ingredients": [ + "Velveeta Cheese Spread", + "tortilla chips", + "salsa", + "ground beef" + ] + }, + { + "id": 34373, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "freshly ground pepper", + "large garlic cloves", + "flat leaf parsley", + "anchovy fillets", + "spaghetti", + "grated parmesan cheese", + "fresh lemon juice" + ] + }, + { + "id": 38103, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "salt", + "onions", + "dried thyme", + "boneless skinless chicken breasts", + "lemon juice", + "ground cumin", + "white vinegar", + "ground black pepper", + "fresh mushrooms", + "dried oregano", + "cherry tomatoes", + "garlic", + "red bell pepper" + ] + }, + { + "id": 10354, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "crushed tomatoes", + "spanish chorizo", + "angel hair", + "parsley", + "medium shrimp", + "tomato paste", + "olive oil", + "garlic cloves", + "reduced sodium chicken broth", + "salt", + "onions" + ] + }, + { + "id": 21911, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "garlic", + "low sodium soy sauce", + "flank steak", + "corn starch", + "green onions", + "dark brown sugar", + "water", + "vegetable oil" + ] + }, + { + "id": 2372, + "cuisine": "spanish", + "ingredients": [ + "water", + "all-purpose flour", + "baking potatoes", + "garlic cloves", + "olive oil", + "chopped onion", + "black pepper", + "salt", + "fresh parsley" + ] + }, + { + "id": 11452, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "lemon", + "carrots", + "cooked chicken breasts", + "baby spinach leaves", + "grated parmesan cheese", + "fatfree lowsodium chicken broth", + "bay leaf", + "dried thyme", + "orzo pasta", + "fresh lemon juice", + "onions", + "salt and ground black pepper", + "garlic", + "celery", + "dried oregano" + ] + }, + { + "id": 43338, + "cuisine": "vietnamese", + "ingredients": [ + "pineapple chunks", + "lime juice", + "roma tomatoes", + "beansprouts", + "anise basil", + "tamarind pulp", + "fat skimmed chicken broth", + "asian fish sauce", + "sugar", + "chili paste", + "shallots", + "salad oil", + "serrano chilies", + "minced garlic", + "rice paddy herb", + "shrimp" + ] + }, + { + "id": 40551, + "cuisine": "cajun_creole", + "ingredients": [ + "egg yolks", + "Praline Liqueur", + "sugar", + "whipping cream" + ] + }, + { + "id": 19590, + "cuisine": "japanese", + "ingredients": [ + "green chard", + "firm tofu", + "white miso", + "water", + "nori", + "green onions" + ] + }, + { + "id": 11647, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "bell pepper", + "worcestershire sauce", + "hot sauce", + "celery", + "pepper", + "green onions", + "garlic", + "rice", + "andouille sausage", + "bay leaves", + "diced tomatoes", + "creole seasoning", + "onions", + "tomato paste", + "cayenne", + "butter", + "salt", + "shrimp" + ] + }, + { + "id": 26433, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "sugar", + "Amaretti Cookies", + "marsala wine", + "strawberries", + "whipping cream" + ] + }, + { + "id": 35769, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "flour", + "1% low-fat milk", + "extra lean ground beef", + "parmesan cheese", + "basil", + "salt", + "orange juice concentrate", + "crushed tomatoes", + "cinnamon", + "garlic", + "black pepper", + "lasagna noodles", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 46032, + "cuisine": "filipino", + "ingredients": [ + "olive oil", + "worcestershire sauce", + "onions", + "seasoning", + "flour", + "garlic", + "ground black pepper", + "beef tenderloin", + "minced garlic", + "butter", + "sliced mushrooms" + ] + }, + { + "id": 40875, + "cuisine": "mexican", + "ingredients": [ + "chili", + "tomatoes", + "purple onion", + "cotija", + "corn tortillas", + "asadero" + ] + }, + { + "id": 41008, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "hoisin sauce", + "five-spice powder", + "honey", + "dark sesame oil", + "lower sodium chicken broth", + "lower sodium soy sauce", + "pork shoulder boston butt", + "minced garlic", + "peeled fresh ginger" + ] + }, + { + "id": 19233, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "zucchini", + "fresh parsley", + "olive oil", + "penne pasta", + "crushed tomatoes", + "chopped fresh thyme", + "onions", + "fresh rosemary", + "eggplant", + "garlic cloves" + ] + }, + { + "id": 38074, + "cuisine": "french", + "ingredients": [ + "dried plum", + "chicken breast halves", + "salt", + "fresh parsley", + "ground black pepper", + "chicken drumsticks", + "yellow onion", + "dried rosemary", + "bay leaves", + "bacon slices", + "carrots", + "dried thyme", + "red wine", + "all-purpose flour", + "chicken thighs" + ] + }, + { + "id": 14522, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "vanilla extract", + "baking powder", + "white sugar", + "milk", + "all-purpose flour", + "eggs", + "butter", + "key lime juice" + ] + }, + { + "id": 30876, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "heavy whipping cream", + "sugar", + "vanilla extract", + "tangerine", + "salt", + "large eggs", + "tangerine juice" + ] + }, + { + "id": 22182, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "radishes", + "rice vinegar", + "shiitake mushroom caps", + "sandwiches", + "kosher salt", + "jalapeno chilies", + "konbu", + "vegan mayonnaise", + "sake", + "water", + "cilantro leaves", + "garlic chili sauce", + "soy sauce", + "mirin", + "scallions", + "mung bean sprouts" + ] + }, + { + "id": 38627, + "cuisine": "italian", + "ingredients": [ + "parsley flakes", + "hot water", + "grated parmesan cheese", + "italian seasoning", + "shredded cheddar cheese", + "Bisquick Baking Mix", + "butter", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 33726, + "cuisine": "british", + "ingredients": [ + "India Pale Ale", + "warm water", + "russet potatoes", + "cod", + "vegetable oil", + "kosher salt", + "all-purpose flour" + ] + }, + { + "id": 6663, + "cuisine": "mexican", + "ingredients": [ + "cantaloupe", + "green chile", + "fresh lime juice", + "fresh basil", + "salt", + "sweet onion" + ] + }, + { + "id": 34291, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "sun-dried tomatoes", + "roast red peppers, drain", + "goat cheese", + "pita bread rounds", + "fresh basil leaves" + ] + }, + { + "id": 28057, + "cuisine": "thai", + "ingredients": [ + "tapioca starch", + "toasted sesame seeds", + "salt", + "mango", + "white rice", + "white sugar", + "water", + "coconut milk" + ] + }, + { + "id": 49093, + "cuisine": "french", + "ingredients": [ + "white bread", + "flour", + "red wine", + "oil", + "onions", + "veal stock", + "pepper", + "butter", + "salt", + "bay leaf", + "eggs", + "mushrooms", + "bacon", + "garlic cloves", + "celery ribs", + "black peppercorns", + "parsley", + "bouquet garni", + "carrots" + ] + }, + { + "id": 43925, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "ground pork", + "onions", + "vegetable oil", + "oyster sauce", + "eggplant", + "salt", + "pepper", + "garlic" + ] + }, + { + "id": 36793, + "cuisine": "thai", + "ingredients": [ + "water", + "green onions", + "cilantro leaves", + "eggs", + "palm sugar", + "ground pork", + "shrimp", + "fish sauce", + "pickled radish", + "garlic", + "canola oil", + "lime juice", + "rice noodles", + "tamarind concentrate" + ] + }, + { + "id": 3186, + "cuisine": "vietnamese", + "ingredients": [ + "wakame", + "red chili peppers", + "miso", + "english cucumber", + "fresh lime juice", + "mushroom soy sauce", + "fish sauce", + "water", + "rice vermicelli", + "garlic cloves", + "fresh basil leaves", + "five spice", + "kosher salt", + "daikon", + "oil", + "onions", + "chicken", + "sugar", + "lemongrass", + "garlic", + "red bell pepper", + "peppercorns" + ] + }, + { + "id": 40235, + "cuisine": "mexican", + "ingredients": [ + "tomato salsa", + "cream cheese, soften", + "goat cheese", + "pinenuts", + "chopped cilantro fresh" + ] + }, + { + "id": 1941, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "crushed red pepper", + "fresh rosemary", + "yukon gold potatoes", + "garlic cloves", + "refrigerated pizza dough", + "chopped fresh sage", + "mozzarella cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 21385, + "cuisine": "indian", + "ingredients": [ + "silver", + "raisins", + "saffron threads", + "milk", + "basmati rice", + "green cardamom pods", + "light cream", + "sliced almonds", + "jaggery" + ] + }, + { + "id": 46365, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "peeled fresh ginger", + "dark sesame oil", + "corn starch", + "shiitake mushroom caps", + "water", + "black", + "chinese five-spice powder", + "baby corn", + "jasmine rice", + "green onions", + "peanut oil", + "red bell pepper", + "sesame seeds", + "rounds", + "garlic cloves", + "green soybeans" + ] + }, + { + "id": 3224, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "olive oil", + "bay leaves", + "garlic", + "chicken pieces", + "white vinegar", + "chili", + "ground sage", + "ground thyme", + "orange juice", + "molasses", + "ground nutmeg", + "green onions", + "cilantro leaves", + "peppercorns", + "lime juice", + "ground black pepper", + "cinnamon", + "ground allspice" + ] + }, + { + "id": 6001, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "rubbed sage", + "eggs", + "buttermilk", + "finely chopped onion", + "chopped celery", + "butter", + "self-rising cornmeal" + ] + }, + { + "id": 10423, + "cuisine": "chinese", + "ingredients": [ + "vinegar", + "cold water", + "tomato ketchup", + "cornflour", + "sugar" + ] + }, + { + "id": 45436, + "cuisine": "british", + "ingredients": [ + "black pepper", + "vegetable oil", + "all-purpose flour", + "fresh rosemary", + "milk", + "beef stock cubes", + "banger", + "melted butter", + "kosher salt", + "balsamic vinegar", + "yellow onion", + "eggs", + "fresh thyme", + "garlic" + ] + }, + { + "id": 10746, + "cuisine": "southern_us", + "ingredients": [ + "all-purpose flour", + "baking powder", + "white sugar", + "skim milk", + "margarine", + "peach slices" + ] + }, + { + "id": 44171, + "cuisine": "british", + "ingredients": [ + "yellow corn meal", + "cayenne", + "all-purpose flour", + "sugar", + "large eggs", + "cheddar cheese", + "unsalted butter", + "double-acting baking powder", + "milk", + "salt" + ] + }, + { + "id": 17295, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "baking powder", + "all-purpose flour", + "granulated sugar", + "buttermilk", + "baking soda", + "butter", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 48813, + "cuisine": "italian", + "ingredients": [ + "milk", + "butter", + "pancetta", + "dry white wine", + "cheese", + "flour", + "peas", + "thin spaghetti", + "cooked chicken", + "sliced mushrooms" + ] + }, + { + "id": 29135, + "cuisine": "indian", + "ingredients": [ + "chili flakes", + "mint leaves", + "green chilies", + "black pepper", + "salt", + "oil", + "asafoetida", + "teas", + "curds", + "potatoes", + "cilantro leaves", + "mustard seeds" + ] + }, + { + "id": 12373, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "vegetable oil", + "thai basil", + "roasted chili paste", + "garlic", + "clams", + "jalapeno chilies" + ] + }, + { + "id": 37254, + "cuisine": "french", + "ingredients": [ + "bay leaves", + "lentilles du puy", + "clove", + "hazelnut oil", + "ground black pepper", + "carrots", + "sea salt", + "onions" + ] + }, + { + "id": 1834, + "cuisine": "british", + "ingredients": [ + "sugar", + "salt", + "lard", + "milk", + "all-purpose flour", + "water", + "jam", + "active dry yeast", + "clotted cream" + ] + }, + { + "id": 46513, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "vermouth", + "flat leaf parsley", + "cherry tomatoes", + "kalamata", + "dried oregano", + "mozzarella cheese", + "cheese tortellini", + "onions", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 48361, + "cuisine": "southern_us", + "ingredients": [ + "lime zest", + "large eggs", + "salt", + "onions", + "green bell pepper", + "heavy cream", + "sour cream", + "cooked rice", + "vegetable oil", + "okra", + "chopped cilantro fresh", + "black pepper", + "cake flour", + "fresh lime juice" + ] + }, + { + "id": 45761, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "small curd cottage cheese", + "American cheese", + "grated parmesan cheese", + "cheddar cheese", + "lasagna noodles", + "mozzarella cheese" + ] + }, + { + "id": 25238, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "salsa", + "green onions", + "long grain white rice", + "black beans", + "shredded cheese", + "chili powder", + "chicken" + ] + }, + { + "id": 13427, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "rice", + "dried thyme", + "coconut milk", + "water", + "oil", + "red kidney beans", + "garlic", + "onions" + ] + }, + { + "id": 42596, + "cuisine": "chinese", + "ingredients": [ + "lo mein noodles", + "sesame oil", + "sliced mushrooms", + "snow peas", + "soy sauce", + "Sriracha", + "scallions", + "bok choy", + "granulated sugar", + "garlic", + "beansprouts", + "canola oil", + "fresh ginger", + "dry white wine", + "carrots", + "chopped cilantro fresh" + ] + }, + { + "id": 5060, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "vegetable oil", + "eggs", + "mushrooms", + "beansprouts", + "water chestnuts", + "green pepper", + "soy sauce", + "green onions", + "celery" + ] + }, + { + "id": 36393, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "yellow corn meal", + "all-purpose flour", + "sugar", + "salt" + ] + }, + { + "id": 13145, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "olive oil", + "brown mustard seeds", + "salt", + "canola oil", + "mozzarella cheese", + "cherries", + "butter", + "ear of corn", + "black pepper", + "sun-dried tomatoes", + "Tabasco Pepper Sauce", + "all-purpose flour", + "sliced green onions", + "curry leaves", + "pepper", + "shallots", + "heavy cream", + "garlic cloves" + ] + }, + { + "id": 37777, + "cuisine": "italian", + "ingredients": [ + "sugar", + "baking powder", + "strawberries", + "flour", + "whipped cream", + "unsalted butter", + "cinnamon", + "eggs", + "whole milk", + "salt" + ] + }, + { + "id": 40947, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "dipping sauces", + "carrots", + "greens", + "lime juice", + "tapioca", + "persian cucumber", + "lime leaves", + "water", + "ginger", + "cilantro leaves", + "red bell pepper", + "garlic paste", + "green onions", + "light coconut milk", + "creamy peanut butter", + "toasted sesame seeds" + ] + }, + { + "id": 42166, + "cuisine": "irish", + "ingredients": [ + "orange", + "butter", + "onions", + "sultana", + "red cabbage", + "salt", + "mixed spice", + "muscovado sugar", + "cooking apples", + "ground black pepper", + "white wine vinegar" + ] + }, + { + "id": 33003, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "cheddar cheese", + "taco seasoning mix", + "jalapeno chilies", + "salt", + "onions", + "canola oil", + "white vinegar", + "brown sugar", + "lime", + "roma tomatoes", + "cilantro", + "red bell pepper", + "mango", + "mango salsa", + "fresh cilantro", + "agave nectar", + "diced tomatoes", + "garlic cloves", + "cumin", + "chicken broth", + "white onion", + "olive oil", + "boneless skinless chicken breasts", + "cayenne pepper", + "long grain white rice" + ] + }, + { + "id": 2283, + "cuisine": "mexican", + "ingredients": [ + "guacamole", + "chorizo", + "oil", + "refried black beans", + "yellow onion", + "pepper jack", + "corn tortillas" + ] + }, + { + "id": 46957, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "chocolate spread", + "butter", + "toasted almonds", + "roasted hazelnuts", + "cooking spray", + "toasted walnuts", + "phyllo dough", + "honey", + "salt", + "water", + "roasted pistachios", + "cinnamon sticks" + ] + }, + { + "id": 23767, + "cuisine": "italian", + "ingredients": [ + "garlic", + "unsalted butter", + "french bread", + "flat leaf parsley" + ] + }, + { + "id": 17747, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "olive oil", + "toast", + "cooked ham", + "paprika", + "hollandaise sauce", + "large eggs", + "parsley sprigs", + "sauce" + ] + }, + { + "id": 35140, + "cuisine": "irish", + "ingredients": [ + "sugar", + "vanilla extract", + "Baileys Irish Cream Liqueur", + "marshmallow creme", + "evaporated milk", + "margarine", + "morsels", + "instant coffee" + ] + }, + { + "id": 2765, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "low sodium chicken broth", + "yellow onion", + "frozen peas", + "ground black pepper", + "garlic", + "fresh lime juice", + "olive oil", + "chili powder", + "long-grain rice", + "cumin", + "jalapeno chilies", + "salt", + "chopped cilantro" + ] + }, + { + "id": 4829, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "cracked black pepper", + "white wine vinegar", + "olive oil", + "garlic", + "cherry tomatoes", + "cheese", + "artichoke hearts", + "black olives" + ] + }, + { + "id": 35280, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "salt", + "baking powder", + "lard", + "sugar", + "all-purpose flour", + "buttermilk", + "bread flour" + ] + }, + { + "id": 43375, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "baguette", + "tomatoes", + "chopped fresh herbs", + "savory" + ] + }, + { + "id": 5609, + "cuisine": "vietnamese", + "ingredients": [ + "sambal ulek", + "fresh ginger", + "lettuce leaves", + "garlic cloves", + "chopped cilantro", + "tomato paste", + "soy sauce", + "jalapeno chilies", + "rice wine", + "hot water", + "sugar", + "ground black pepper", + "ground sirloin", + "corn starch", + "asian fish sauce", + "grape leaves", + "unsalted roasted peanuts", + "mint leaves", + "vegetable oil", + "fresh lime juice" + ] + }, + { + "id": 47123, + "cuisine": "japanese", + "ingredients": [ + "large eggs", + "water", + "salt", + "vegetable oil", + "superfine sugar" + ] + }, + { + "id": 41137, + "cuisine": "korean", + "ingredients": [ + "water", + "cracked black pepper", + "dark brown sugar", + "chili paste", + "garlic", + "reduced-sodium tamari sauce", + "ginger", + "corn starch", + "sesame oil", + "rice vinegar" + ] + }, + { + "id": 31761, + "cuisine": "french", + "ingredients": [ + "granulated sugar", + "confectioners sugar", + "milk", + "vanilla extract", + "bittersweet chocolate", + "large egg whites", + "salt", + "large egg yolks", + "all-purpose flour" + ] + }, + { + "id": 11891, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "onion powder", + "freshly ground pepper", + "chopped cilantro fresh", + "olive oil", + "salsa", + "garlic cloves", + "ground cumin", + "kosher salt", + "purple onion", + "scallions", + "skirt steak", + "green cabbage", + "flour tortillas", + "spanish paprika", + "fresh lime juice" + ] + }, + { + "id": 48872, + "cuisine": "mexican", + "ingredients": [ + "sunflower oil", + "smoked paprika", + "kidney beans", + "cumin seed", + "fresh tomato salsa", + "cheddar cheese", + "cilantro leaves", + "sour cream", + "flour tortillas", + "garlic cloves", + "onions" + ] + }, + { + "id": 27957, + "cuisine": "mexican", + "ingredients": [ + "lime", + "simple syrup", + "7 Up", + "lemon", + "grenadine", + "wine", + "lime wedges", + "blanco tequila", + "orange", + "bitters", + "fresh lime juice" + ] + }, + { + "id": 22605, + "cuisine": "italian", + "ingredients": [ + "sugar", + "whipping cream", + "Cointreau Liqueur", + "strawberries", + "mascarpone", + "vanilla extract", + "ladyfingers", + "strawberry preserves", + "orange juice" + ] + }, + { + "id": 47867, + "cuisine": "mexican", + "ingredients": [ + "water", + "salt", + "ground cumin", + "green onions", + "chopped cilantro fresh", + "jalapeno chilies", + "low sodium pinto beans", + "reduced fat monterey jack cheese", + "chili powder", + "meat sauce" + ] + }, + { + "id": 41605, + "cuisine": "thai", + "ingredients": [ + "boneless chicken skinless thigh", + "dark sesame oil", + "ginger paste", + "chicken broth", + "water chestnuts", + "beansprouts", + "minced garlic", + "corn starch", + "sweet chili sauce", + "bell pepper", + "canola oil" + ] + }, + { + "id": 28435, + "cuisine": "filipino", + "ingredients": [ + "crab meat", + "water", + "salt", + "eggs", + "seafood base", + "corn starch", + "chicken broth", + "corn kernels", + "imitation crab meat", + "pepper", + "green onions" + ] + }, + { + "id": 46882, + "cuisine": "southern_us", + "ingredients": [ + "coarse salt", + "garlic powder", + "italian seasoning", + "pepper", + "butter", + "potatoes" + ] + }, + { + "id": 43926, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "carrots", + "chopped garlic", + "tomato sauce", + "cannellini beans", + "onions", + "chicken broth", + "ditalini pasta", + "celery", + "olive oil", + "basil dried leaves", + "dried parsley" + ] + }, + { + "id": 20949, + "cuisine": "brazilian", + "ingredients": [ + "strawberries", + "frozen banana", + "honey", + "goji berries", + "unsweetened vanilla almond milk", + "blueberries", + "açai", + "toasted almonds" + ] + }, + { + "id": 30824, + "cuisine": "indian", + "ingredients": [ + "confectioners sugar", + "milk", + "chickpea flour", + "ghee", + "ground cardamom" + ] + }, + { + "id": 26918, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "enchilada sauce", + "black beans", + "baby spinach", + "onions", + "vegetable oil", + "corn tortillas", + "refried beans", + "frozen corn", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 39050, + "cuisine": "italian", + "ingredients": [ + "anise seed", + "paprika", + "vegetable oil", + "salt", + "ground black pepper", + "ground pork", + "fennel seeds", + "red pepper flakes", + "garlic salt" + ] + }, + { + "id": 23543, + "cuisine": "japanese", + "ingredients": [ + "ground black pepper", + "honey", + "vegetable oil", + "low sodium soy sauce", + "boneless skinless chicken breasts", + "fresh ginger", + "scallions" + ] + }, + { + "id": 20462, + "cuisine": "mexican", + "ingredients": [ + "paprika", + "olive oil", + "unsweetened cocoa powder", + "water", + "salt", + "instant espresso powder", + "ground cumin" + ] + }, + { + "id": 40302, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "baking powder", + "cherry pie filling", + "unsalted butter", + "salt", + "milk", + "vanilla extract", + "white sugar", + "egg whites", + "all-purpose flour" + ] + }, + { + "id": 6970, + "cuisine": "italian", + "ingredients": [ + "red wine vinegar", + "fresh basil", + "fresh oregano", + "olive oil", + "tagliatelle", + "tomatoes", + "shredded parmesan cheese" + ] + }, + { + "id": 2706, + "cuisine": "mexican", + "ingredients": [ + "crema mexicana", + "anise", + "peanut oil", + "squash", + "honey", + "salt", + "cinnamon sticks", + "water", + "vegetable broth", + "garlic cloves", + "roasted pumpkin seeds", + "chopped onion", + "poblano chiles" + ] + }, + { + "id": 17370, + "cuisine": "mexican", + "ingredients": [ + "reduced fat cheddar cheese", + "cooked chicken breasts", + "flour tortillas", + "refried beans", + "sliced green onions", + "40% less sodium taco seasoning", + "salsa" + ] + }, + { + "id": 20353, + "cuisine": "mexican", + "ingredients": [ + "pepper jack", + "scallions", + "corn kernels", + "salt", + "corn tortillas", + "vegetable oil", + "enchilada sauce", + "whole milk", + "garlic cloves" + ] + }, + { + "id": 38204, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "plain yogurt", + "peeled fresh ginger", + "cilantro sprigs", + "sour cream", + "mango", + "unsweetened shredded dried coconut", + "bananas", + "mango chutney", + "garlic cloves", + "onions", + "unsweetened coconut milk", + "toasted peanuts", + "steamed white rice", + "vegetable oil", + "low salt chicken broth", + "frozen peas", + "ground cinnamon", + "curry powder", + "boneless skinless chicken breasts", + "all-purpose flour", + "unsweetened applesauce", + "ground cumin" + ] + }, + { + "id": 30828, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "unsalted butter", + "frozen peas", + "arborio rice", + "freshly grated parmesan", + "mint sprigs", + "olive oil", + "dry white wine", + "chicken broth", + "ground black pepper", + "yellow onion" + ] + }, + { + "id": 40540, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "cream cheese", + "basil leaves", + "dried parsley", + "marinara sauce", + "shredded mozzarella cheese", + "dried thyme", + "cheese" + ] + }, + { + "id": 40253, + "cuisine": "italian", + "ingredients": [ + "pineapple chunks", + "pizza sauce", + "cooked ham", + "pita bread", + "monterey jack" + ] + }, + { + "id": 4290, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "watercress", + "dashi", + "large eggs", + "chicken", + "Japanese soy sauce", + "mushrooms", + "sake", + "lemon zest", + "large shrimp" + ] + }, + { + "id": 19061, + "cuisine": "italian", + "ingredients": [ + "lower sodium chicken broth", + "finely chopped onion", + "diced tomatoes", + "salt", + "baguette", + "dry white wine", + "chopped celery", + "fresh parsley", + "black pepper", + "cannellini beans", + "littleneck clams", + "garlic cloves", + "olive oil", + "clam juice", + "crushed red pepper", + "dried oregano" + ] + }, + { + "id": 8785, + "cuisine": "cajun_creole", + "ingredients": [ + "shrimp stock", + "cooking oil", + "hot sauce", + "thyme", + "kosher salt", + "cracked black pepper", + "okra", + "andouille sausage", + "cajun seasoning", + "chopped onion", + "roux", + "chopped green bell pepper", + "chopped celery", + "shrimp" + ] + }, + { + "id": 49044, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "light corn syrup", + "pie crust", + "salted butter", + "salt", + "pecans", + "vanilla extract", + "ground cinnamon", + "granulated sugar" + ] + }, + { + "id": 40443, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "pinto beans", + "bacon", + "chicken broth", + "salt", + "mustard greens" + ] + }, + { + "id": 23864, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "dry white wine", + "heavy cream", + "rigatoni", + "grated parmesan cheese", + "crimini mushrooms", + "yellow onion", + "olive oil", + "boneless skinless chicken breasts", + "garlic", + "fresh basil", + "low sodium chicken broth", + "butter", + "fresh parsley" + ] + }, + { + "id": 4627, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cracked black pepper", + "chicken", + "lemon wedge" + ] + }, + { + "id": 30165, + "cuisine": "southern_us", + "ingredients": [ + "jalapeno chilies", + "canned tomatoes", + "celery", + "andouille sausage", + "deveined shrimp", + "green pepper", + "chicken stock", + "vegetable oil", + "all-purpose flour", + "onions", + "kosher salt", + "cracked black pepper", + "okra" + ] + }, + { + "id": 21916, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "onion powder", + "garlic powder", + "salt", + "olive oil", + "red wine vinegar", + "pepper", + "prepared mustard", + "dried oregano" + ] + }, + { + "id": 39672, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "kosher salt", + "lemon", + "boneless skinless chicken breasts", + "rosemary", + "extra-virgin olive oil" + ] + }, + { + "id": 13679, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "light cream", + "salt", + "white onion", + "butter", + "orecchiette", + "chicken stock", + "parmigiano reggiano cheese", + "frozen peas", + "DeLallo Extra Virgin Olive Oil", + "pepper", + "garlic" + ] + }, + { + "id": 21943, + "cuisine": "cajun_creole", + "ingredients": [ + "crawfish", + "cajun seasoning", + "all-purpose flour", + "water", + "garlic", + "long grain white rice", + "pepper", + "butter", + "onions", + "tomato sauce", + "green onions", + "salt" + ] + }, + { + "id": 28722, + "cuisine": "mexican", + "ingredients": [ + "sliced tomatoes", + "lime", + "low sodium chicken broth", + "cayenne pepper", + "cumin", + "pepper", + "boneless chicken breast", + "garlic", + "tequila", + "tumeric", + "olive oil", + "lime slices", + "long-grain rice", + "fresh cilantro", + "jalapeno chilies", + "salt", + "onions" + ] + }, + { + "id": 19015, + "cuisine": "japanese", + "ingredients": [ + "mashed potatoes", + "mushrooms", + "ham", + "water", + "barbecue sauce", + "mayonaise", + "shredded cabbage", + "flour", + "oil" + ] + }, + { + "id": 38111, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "tomatillos", + "chopped cilantro fresh", + "olive oil", + "chopped onion", + "pepper", + "salt", + "chile pepper", + "lemon juice" + ] + }, + { + "id": 28704, + "cuisine": "mexican", + "ingredients": [ + "unsalted butter", + "tortilla chips", + "cheddar cheese", + "canned tomatoes", + "onions", + "chili", + "all-purpose flour", + "Jarlsberg", + "beer" + ] + }, + { + "id": 2497, + "cuisine": "italian", + "ingredients": [ + "potatoes", + "beef", + "oregano", + "pancetta", + "butter", + "grated parmesan cheese" + ] + }, + { + "id": 3559, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "brandy", + "olive oil", + "apples", + "fresh parsley", + "great northern beans", + "baby lima beans", + "diced tomatoes", + "rubbed sage", + "tomatoes", + "ground cloves", + "leeks", + "country style bread", + "fresh rosemary", + "canned chicken broth", + "large garlic cloves", + "sausages" + ] + }, + { + "id": 18463, + "cuisine": "italian", + "ingredients": [ + "capers", + "vegetable oil", + "extra-virgin olive oil", + "eggs", + "dijon mustard", + "worcestershire sauce", + "hot pepper sauce", + "carpaccio", + "fresh lemon juice", + "pepper", + "lemon", + "salt" + ] + }, + { + "id": 49323, + "cuisine": "british", + "ingredients": [ + "milk", + "beaten eggs", + "butter", + "plain flour", + "salt" + ] + }, + { + "id": 35537, + "cuisine": "indian", + "ingredients": [ + "whole milk", + "ground cardamom", + "pistachios", + "part-skim ricotta cheese", + "sugar", + "vanilla extract", + "cooking spray", + "salt" + ] + }, + { + "id": 33833, + "cuisine": "french", + "ingredients": [ + "fresh orange juice", + "sugar", + "grated orange", + "tea bags", + "boiling water", + "grapefruit juice" + ] + }, + { + "id": 13201, + "cuisine": "indian", + "ingredients": [ + "red lentils", + "curry powder", + "salt", + "frozen peas", + "water", + "large garlic cloves", + "onions", + "ground cumin", + "hot red pepper flakes", + "vegetable oil", + "carrots", + "ground turmeric", + "spinach leaves", + "peeled fresh ginger", + "cumin seed", + "chopped cilantro fresh" + ] + }, + { + "id": 27015, + "cuisine": "italian", + "ingredients": [ + "romaine lettuce", + "ground black pepper", + "white wine vinegar", + "olive oil", + "pimentos", + "salt", + "pepperoni slices", + "grated parmesan cheese", + "purple onion", + "artichoke hearts", + "black olives" + ] + }, + { + "id": 29703, + "cuisine": "brazilian", + "ingredients": [ + "lime juice", + "cucumber", + "kiwi", + "ice cubes", + "pisco", + "cachaca", + "white wine", + "green grape", + "liqueur", + "sage leaves", + "apples", + "soda water" + ] + }, + { + "id": 14192, + "cuisine": "italian", + "ingredients": [ + "cherries", + "amaretto", + "creme anglaise", + "semisweet chocolate", + "whipping cream", + "slivered almonds", + "chocolate shavings" + ] + }, + { + "id": 32592, + "cuisine": "chinese", + "ingredients": [ + "malt syrup", + "ginger", + "spring onions", + "duck", + "caster sugar", + "star anise", + "red wine vinegar" + ] + }, + { + "id": 14984, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "garlic cloves", + "butter", + "oregano", + "rosemary", + "cayenne pepper", + "french bread", + "shrimp" + ] + }, + { + "id": 43653, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "yukon gold potatoes", + "garlic cloves", + "onions", + "chilcostle chile", + "whole cloves", + "cumin seed", + "chayotes", + "plum tomatoes", + "low sodium chicken broth", + "fresh green bean", + "dried guajillo chiles", + "chopped cilantro fresh", + "america", + "corn oil", + "allspice berries", + "squash", + "masa harina" + ] + }, + { + "id": 37780, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "salt", + "water", + "large eggs", + "unsweetened cocoa powder", + "sugar", + "semisweet chocolate", + "all-purpose flour", + "large egg yolks", + "whole milk" + ] + }, + { + "id": 10183, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "Johnsonville Hot & Spicy Breakfast Links", + "shredded pepper jack cheese", + "garlic cloves", + "olive oil", + "chili powder", + "tortilla chips", + "chopped cilantro fresh", + "eggs", + "hot pepper sauce", + "salt", + "green chilies", + "milk", + "green onions", + "chopped onion", + "red bell pepper" + ] + }, + { + "id": 2595, + "cuisine": "greek", + "ingredients": [ + "bell pepper", + "olive oil", + "italian seasoning", + "feta cheese", + "crushed garlic" + ] + }, + { + "id": 24616, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "lime", + "fenugreek seeds", + "asafoetida", + "paneer", + "clarified butter", + "green bell pepper", + "hungarian paprika", + "onions", + "fenugreek leaves", + "coriander seeds", + "red bell pepper" + ] + }, + { + "id": 34330, + "cuisine": "thai", + "ingredients": [ + "shallots", + "fresh lime juice", + "sugar", + "fresh mint", + "asian eggplants", + "cilantro leaves", + "asian fish sauce", + "bibb lettuce", + "bird chile" + ] + }, + { + "id": 43753, + "cuisine": "southern_us", + "ingredients": [ + "turbinado", + "unsalted butter", + "honey", + "buttermilk", + "kosher salt", + "baking powder", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 27614, + "cuisine": "mexican", + "ingredients": [ + "pozole", + "pork" + ] + }, + { + "id": 22342, + "cuisine": "spanish", + "ingredients": [ + "fish fillets", + "olive oil", + "fish stock", + "onions", + "pinenuts", + "ground black pepper", + "sweet paprika", + "saffron threads", + "minced garlic", + "garden peas", + "flat leaf parsley", + "bread crumb fresh", + "chopped tomatoes", + "salt" + ] + }, + { + "id": 7507, + "cuisine": "filipino", + "ingredients": [ + "eggplant", + "banana peppers", + "whitefish fillets", + "ginger", + "water", + "salt", + "bitter melon", + "vinegar" + ] + }, + { + "id": 15088, + "cuisine": "irish", + "ingredients": [ + "irish cream liqueur", + "kosher salt", + "milk chocolate", + "confectioners sugar" + ] + }, + { + "id": 18940, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salt", + "lime juice", + "cayenne", + "minced garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 42753, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "chopped fresh thyme", + "olive oil", + "fresh oregano", + "fresh rosemary", + "rabbit", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 20890, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "crushed red pepper", + "tomatoes", + "butter", + "tomato paste", + "shallots", + "garlic cloves", + "vodka", + "heavy cream" + ] + }, + { + "id": 17057, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "vegetable oil", + "lentils", + "ground black pepper", + "salt", + "fresh parsley", + "water", + "garlic", + "ground beef", + "eggs", + "grated parmesan cheese", + "Italian seasoned breadcrumbs", + "long grain white rice" + ] + }, + { + "id": 29447, + "cuisine": "southern_us", + "ingredients": [ + "prosciutto", + "butter", + "garlic cloves", + "dry white wine", + "diced tomatoes", + "corn grits", + "chopped fresh chives", + "large garlic cloves", + "fresh parsley", + "chicken stock", + "shallots", + "whipping cream", + "large shrimp" + ] + }, + { + "id": 38073, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "oil", + "extra-virgin olive oil", + "pepper", + "salt", + "red wine vinegar" + ] + }, + { + "id": 21806, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "whole wheat pasta", + "garlic", + "olive oil", + "white beans", + "diced tomatoes" + ] + }, + { + "id": 31492, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "frozen whole kernel corn", + "chili powder", + "garlic cloves", + "shredded cheddar cheese", + "cooking spray", + "salt", + "green chile", + "ground turkey breast", + "diced tomatoes", + "ground cumin", + "refried beans", + "green onions", + "chopped onion" + ] + }, + { + "id": 41586, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "asparagus", + "fresh shiitake mushrooms", + "olive oil", + "parmigiano reggiano cheese", + "water", + "unsalted butter", + "shallots", + "arborio rice", + "artichoke hearts", + "dry white wine" + ] + }, + { + "id": 41437, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "cheese", + "oven-ready lasagna noodles", + "ground black pepper", + "all-purpose flour", + "evaporated skim milk", + "cooking spray", + "margarine", + "ground nutmeg", + "salt", + "cooked chicken breasts" + ] + }, + { + "id": 7195, + "cuisine": "italian", + "ingredients": [ + "water", + "anchovy fillets", + "crushed red pepper", + "spaghettini", + "extra-virgin olive oil", + "escarole", + "pecorino romano cheese", + "garlic cloves" + ] + }, + { + "id": 16001, + "cuisine": "korean", + "ingredients": [ + "light brown sugar", + "cake", + "carrots", + "soy sauce", + "sesame oil", + "sesame", + "rice wine", + "onions", + "fresh ginger", + "garlic" + ] + }, + { + "id": 19516, + "cuisine": "british", + "ingredients": [ + "sugar", + "whipping cream", + "raspberry jam", + "unsalted butter", + "all-purpose flour", + "rose water", + "salt", + "powdered sugar", + "baking powder" + ] + }, + { + "id": 25475, + "cuisine": "moroccan", + "ingredients": [ + "turkey mince", + "onions", + "orange", + "cinnamon", + "chicken stock", + "chili powder", + "coriander", + "olive oil", + "couscous" + ] + }, + { + "id": 30200, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "buttermilk", + "sage leaves", + "baking soda", + "cornmeal", + "sugar", + "salt", + "fresh sage", + "unsalted butter" + ] + }, + { + "id": 18375, + "cuisine": "mexican", + "ingredients": [ + "store bought low sodium chicken stock", + "tortillas", + "chees fresco queso", + "onions", + "kosher salt", + "ground black pepper", + "poblano chilies", + "frozen corn kernels", + "ground cumin", + "tomatoes", + "olive oil", + "chips", + "cilantro leaves", + "dried oregano", + "avocado", + "lime", + "chipotle", + "garlic", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 40807, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "cayenne", + "grated lemon zest", + "cumin", + "lime juice", + "garlic", + "chicken pieces", + "lime rind", + "serrano peppers", + "lemon juice", + "grated orange", + "orange", + "salt", + "oregano" + ] + }, + { + "id": 44339, + "cuisine": "thai", + "ingredients": [ + "sesame seeds", + "mango", + "sugar", + "coconut cream", + "salt", + "glutinous rice", + "coconut milk" + ] + }, + { + "id": 24532, + "cuisine": "british", + "ingredients": [ + "sugar", + "flour", + "heavy cream", + "baking soda", + "butter", + "salt", + "water", + "baking powder", + "vanilla", + "brown sugar", + "large eggs", + "dates" + ] + }, + { + "id": 27228, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "dried rosemary", + "cooking spray", + "large egg whites", + "bread dough" + ] + }, + { + "id": 49014, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "water", + "garlic", + "cucumber", + "bone in skin on chicken thigh", + "mint", + "ground black pepper", + "cumin seed", + "bay leaf", + "basmati rice", + "ground ginger", + "garam masala", + "salt", + "cinnamon sticks", + "serrano chile", + "plain yogurt", + "cilantro", + "oil", + "onions", + "saffron" + ] + }, + { + "id": 35270, + "cuisine": "italian", + "ingredients": [ + "capers", + "milk", + "extra-virgin olive oil", + "pitted kalamata olives", + "parsley", + "plum tomatoes", + "bread", + "kosher salt", + "ground pork", + "dried oregano", + "parmigiano-reggiano cheese", + "large eggs", + "ground beef" + ] + }, + { + "id": 3471, + "cuisine": "mexican", + "ingredients": [ + "low sodium taco seasoning", + "cream cheese", + "taco sauce", + "jumbo pasta shells", + "ground beef", + "cheddar cheese", + "green onions", + "sour cream", + "jack cheese", + "salsa" + ] + }, + { + "id": 11773, + "cuisine": "chinese", + "ingredients": [ + "honey", + "spices", + "corn starch", + "reduced sodium soy sauce", + "peanut oil", + "toasted sesame oil", + "fresh ginger", + "beef sirloin", + "red bell pepper", + "orange", + "Shaoxing wine", + "scallions" + ] + }, + { + "id": 13250, + "cuisine": "cajun_creole", + "ingredients": [ + "thin deli ham", + "genoa salami", + "salad", + "deli rolls", + "cheese slices" + ] + }, + { + "id": 5385, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "decorating sugars", + "softened butter", + "white sugar", + "ground cinnamon", + "milk", + "salt", + "confectioners sugar", + "melted butter", + "active dry yeast", + "all-purpose flour", + "sour cream", + "warm water", + "vanilla extract", + "chopped pecans" + ] + }, + { + "id": 27880, + "cuisine": "thai", + "ingredients": [ + "jasmine rice", + "light coconut milk", + "dark brown sugar", + "baby spinach leaves", + "jalapeno chilies", + "red curry paste", + "fresh basil leaves", + "fish sauce", + "finely chopped onion", + "salt", + "fresh lime juice", + "lower sodium beef broth", + "beef stew meat", + "garlic cloves" + ] + }, + { + "id": 10836, + "cuisine": "mexican", + "ingredients": [ + "chives", + "cheddar cheese", + "crème fraîche", + "tomato salsa", + "jalapeno chilies", + "corn tortillas" + ] + }, + { + "id": 32977, + "cuisine": "mexican", + "ingredients": [ + "biscuits", + "chili", + "oil", + "shredded cheddar cheese", + "shredded lettuce", + "olives", + "tomatoes", + "lean ground beef", + "sour cream", + "avocado", + "water", + "taco seasoning" + ] + }, + { + "id": 17078, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "mushrooms", + "garlic", + "thyme", + "grated parmesan cheese", + "red pepper flakes", + "shredded mozzarella cheese", + "dried oregano", + "eggs", + "basil leaves", + "cracked black pepper", + "oven-ready lasagna noodles", + "zucchini", + "ricotta cheese", + "salt", + "onions" + ] + }, + { + "id": 21353, + "cuisine": "italian", + "ingredients": [ + "eggs", + "ground beef", + "ground black pepper", + "italian seasoned dry bread crumbs", + "ketchup", + "onions", + "salt", + "italian seasoning" + ] + }, + { + "id": 40863, + "cuisine": "italian", + "ingredients": [ + "cantaloupe", + "water", + "fresh lemon juice", + "egg whites", + "granulated sugar" + ] + }, + { + "id": 5099, + "cuisine": "brazilian", + "ingredients": [ + "dried black beans", + "linguica", + "vegetable oil", + "salt", + "sauce", + "bay leaf", + "corned beef", + "tomatoes", + "water", + "parsley leaves", + "garlic", + "yellow onion", + "beer", + "boiling water", + "white vinegar", + "white onion", + "olive oil", + "bacon", + "salt pork", + "rice", + "onions", + "canola oil", + "collard greens", + "orange", + "bay leaves", + "crushed red pepper", + "cayenne pepper", + "ham hock", + "long grain white rice" + ] + }, + { + "id": 9383, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "unsalted butter", + "shallots", + "maple syrup", + "cornmeal", + "brown sugar", + "honey", + "brewed coffee", + "bacon", + "yellow onion", + "eggs", + "water", + "granulated sugar", + "buttermilk", + "all-purpose flour", + "fresh chives", + "baking soda", + "baking powder", + "salt", + "garlic cloves" + ] + }, + { + "id": 47729, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "ginger", + "tomato sauce", + "coriander powder", + "onions", + "clove", + "garam masala", + "cumin seed", + "drummettes", + "chili powder", + "ground turmeric" + ] + }, + { + "id": 17779, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "jicama", + "salt", + "ground black pepper", + "Best Food's Mayonnaise with Lime Juice", + "ground cumin", + "lime juice", + "slaw mix", + "chopped cilantro fresh", + "jalapeno chilies", + "chees fresco queso" + ] + }, + { + "id": 3312, + "cuisine": "italian", + "ingredients": [ + "sugar", + "cooking spray", + "red bell pepper", + "shiitake", + "fresh oregano", + "onions", + "olive oil", + "salt", + "fresh parsley", + "dough", + "ground black pepper", + "goat cheese" + ] + }, + { + "id": 25542, + "cuisine": "thai", + "ingredients": [ + "water", + "thai green curry paste", + "unsweetened coconut milk", + "vegetable oil", + "chopped cilantro fresh", + "sweet potatoes", + "onions", + "minced garlic", + "red bell pepper", + "snow peas" + ] + }, + { + "id": 36867, + "cuisine": "filipino", + "ingredients": [ + "white vinegar", + "garlic powder", + "chicken", + "black pepper", + "bay leaf", + "low sodium soy sauce", + "vegetable oil", + "minced garlic", + "onions" + ] + }, + { + "id": 3888, + "cuisine": "greek", + "ingredients": [ + "pepper", + "pork tenderloin medallions", + "all-purpose flour", + "chicken stock", + "lemon zest", + "garlic", + "olive oil", + "dry red wine", + "fresh rosemary", + "sliced kalamata olives", + "salt" + ] + }, + { + "id": 36056, + "cuisine": "italian", + "ingredients": [ + "pepper", + "extra-virgin olive oil", + "fresh basil", + "beefsteak tomatoes", + "kosher salt", + "dried fettuccine", + "sweet onion", + "bocconcini" + ] + }, + { + "id": 17508, + "cuisine": "mexican", + "ingredients": [ + "plain yogurt", + "garbanzo beans", + "cucumber", + "diced onions", + "kidney beans", + "shredded lettuce", + "corn tortilla chips", + "chopped tomatoes", + "salt", + "milk", + "guacamole" + ] + }, + { + "id": 22945, + "cuisine": "mexican", + "ingredients": [ + "lime", + "purple onion", + "tomatoes", + "cilantro", + "avocado", + "jalapeno chilies", + "cooked shrimp", + "kosher salt", + "black olives" + ] + }, + { + "id": 15299, + "cuisine": "thai", + "ingredients": [ + "sugar pea", + "peanuts", + "green onions", + "garlic", + "canola oil", + "lettuce", + "pepper", + "chunky peanut butter", + "cilantro", + "salt", + "sweet chili sauce", + "tortillas", + "chicken breasts", + "crushed red pepper", + "soy sauce", + "sweet onion", + "shredded cabbage", + "ginger", + "carrots" + ] + }, + { + "id": 32974, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "fresh lemon juice", + "pitted kalamata olives", + "extra-virgin olive oil", + "cucumber", + "fresh dill", + "lettuce leaves", + "feta cheese crumbles", + "pitas", + "salt", + "plum tomatoes" + ] + }, + { + "id": 39241, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "crust", + "mayonaise", + "chips", + "freshly ground pepper", + "vegetable oil cooking spray", + "baby arugula", + "hot sauce", + "kosher salt", + "buttermilk" + ] + }, + { + "id": 47403, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "extra-virgin olive oil", + "grated lemon zest", + "capers", + "whole wheat flour", + "salt", + "fresh basil", + "olive oil", + "crushed red pepper", + "garlic cloves", + "water", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 26406, + "cuisine": "indian", + "ingredients": [ + "peeled fresh ginger", + "fresh lemon juice", + "zucchini", + "purple onion", + "plum tomatoes", + "eggplant", + "large garlic cloves", + "chopped fresh mint", + "chili", + "vegetable oil", + "mustard seeds" + ] + }, + { + "id": 35279, + "cuisine": "southern_us", + "ingredients": [ + "chocolate syrup", + "chocolate shavings", + "Godiva Chocolate Liqueur", + "liqueur", + "milk", + "whipped cream", + "marshmallow vodka" + ] + }, + { + "id": 7689, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "flour tortillas", + "extra-virgin olive oil", + "cilantro leaves", + "monterey jack", + "honey", + "ground chicken breast", + "purple onion", + "sour cream", + "lime", + "swiss cheese", + "garlic", + "ground coriander", + "ground cumin", + "hominy", + "tomatillos", + "salt", + "serrano chile" + ] + }, + { + "id": 11000, + "cuisine": "italian", + "ingredients": [ + "sugar", + "bittersweet chocolate", + "salt", + "whole milk", + "corn starch" + ] + }, + { + "id": 48679, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "marinara sauce", + "basil", + "smoked paprika", + "eggs", + "milk", + "butter", + "garlic", + "onions", + "pepper", + "chili powder", + "ground pork", + "ground beef", + "sugar", + "grated parmesan cheese", + "red wine", + "salt" + ] + }, + { + "id": 2292, + "cuisine": "italian", + "ingredients": [ + "manchego cheese", + "garlic cloves", + "fava beans", + "extra-virgin olive oil", + "fresh tarragon", + "fresh lime juice", + "baguette", + "salt" + ] + }, + { + "id": 8554, + "cuisine": "italian", + "ingredients": [ + "white vinegar", + "vegetable oil", + "italian seasoning", + "feta cheese", + "freshly ground pepper", + "red cabbage", + "garlic cloves", + "water", + "salt" + ] + }, + { + "id": 19394, + "cuisine": "greek", + "ingredients": [ + "fat free yogurt", + "tahini", + "leg of lamb", + "chilegarlic sauce", + "purple onion", + "pitas", + "sliced cucumber", + "plum tomatoes", + "ground black pepper", + "salt" + ] + }, + { + "id": 26462, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "cayenne pepper", + "kosher salt", + "canola oil", + "low-fat buttermilk", + "boneless chicken skinless thigh", + "all-purpose flour" + ] + }, + { + "id": 23148, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "vegetable oil", + "hot sauce", + "green bell pepper", + "garlic", + "onions", + "fresh corn", + "butter", + "freshly ground pepper", + "sugar", + "salt" + ] + }, + { + "id": 46777, + "cuisine": "mexican", + "ingredients": [ + "smoked salmon", + "salt", + "corn tortillas", + "avocado", + "butter", + "juice", + "pepper", + "salsa", + "tomatoes", + "cheese", + "sour cream" + ] + }, + { + "id": 40210, + "cuisine": "italian", + "ingredients": [ + "heavy cream", + "pepper", + "salt", + "tomato sauce", + "basil", + "red pepper flakes" + ] + }, + { + "id": 12817, + "cuisine": "italian", + "ingredients": [ + "flour", + "garlic", + "garlic salt", + "pepper", + "butter", + "lemon juice", + "angel hair", + "chicken breasts", + "salt", + "grated parmesan cheese", + "lemon", + "heavy whipping cream" + ] + }, + { + "id": 28259, + "cuisine": "southern_us", + "ingredients": [ + "lime juice", + "sea salt", + "maple syrup", + "coconut oil", + "dates", + "vanilla", + "pecans", + "large eggs", + "sweetened coconut flakes", + "sweetened condensed milk", + "sugar", + "heavy cream", + "crust" + ] + }, + { + "id": 28391, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "cooked chicken", + "shredded Monterey Jack cheese", + "olive oil", + "sour cream", + "flour tortillas", + "onions", + "milk", + "all-purpose flour" + ] + }, + { + "id": 6356, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "extra-virgin olive oil", + "chopped onion", + "gluten-free breadcrumbs", + "pepper jack", + "salt", + "pepitas", + "oregano", + "black-eyed peas", + "garlic", + "smoked paprika", + "adobo sauce", + "gluten-free rolled oats", + "hot sauce", + "red bell pepper", + "cumin" + ] + }, + { + "id": 14087, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "garlic cloves", + "fresh cilantro", + "grapeseed oil", + "fresh lime juice", + "white onion", + "tomatillos", + "flat leaf parsley", + "jalapeno chilies", + "freshly ground pepper" + ] + }, + { + "id": 32155, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "sesame oil", + "chopped fresh mint", + "angel hair", + "cooking oil", + "scallions", + "fresh ginger", + "salt", + "asian fish sauce", + "sliced almonds", + "jalapeno chilies", + "ground beef" + ] + }, + { + "id": 32948, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "chickpeas", + "tahini", + "finely chopped fresh parsley", + "lemon juice", + "kosher salt", + "garlic" + ] + }, + { + "id": 1685, + "cuisine": "greek", + "ingredients": [ + "potatoes", + "olive oil", + "fresh parsley", + "black pepper", + "purple onion", + "zucchini", + "plum tomatoes" + ] + }, + { + "id": 17234, + "cuisine": "irish", + "ingredients": [ + "tomato paste", + "olive oil", + "butter", + "salt", + "carrots", + "black pepper", + "red wine vinegar", + "1% low-fat milk", + "rubbed sage", + "pot roast", + "mushrooms", + "paprika", + "all-purpose flour", + "broth", + "low-fat sour cream", + "baking potatoes", + "dry red wine", + "garlic cloves" + ] + }, + { + "id": 33654, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "star anise", + "chuck", + "rock sugar", + "ginger", + "beef marrow", + "rice sticks", + "yellow onion", + "sea salt", + "beef sirloin" + ] + }, + { + "id": 23780, + "cuisine": "french", + "ingredients": [ + "fresh dill", + "salt", + "fat free cream cheese", + "prepared horseradish", + "fresh lemon juice", + "water", + "freshly ground pepper", + "purple onion", + "pink salmon" + ] + }, + { + "id": 30383, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "ground black pepper", + "butter", + "maple syrup", + "ground coriander", + "serrano chile", + "coconut oil", + "zucchini", + "cilantro", + "root vegetables", + "carrots", + "fresh basil", + "honey", + "shallots", + "white rice", + "ground allspice", + "fresh mint", + "lime", + "lettuce leaves", + "peas", + "dark sesame oil", + "shrimp" + ] + }, + { + "id": 15539, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "garlic", + "diced tomatoes", + "lime", + "cilantro leaves" + ] + }, + { + "id": 44178, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "rib", + "garlic cloves", + "pizza doughs", + "fontina", + "escarole" + ] + }, + { + "id": 22240, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "avocado", + "watercress", + "celery ribs", + "lettuce leaves", + "vinaigrette dressing", + "bread slices" + ] + }, + { + "id": 25301, + "cuisine": "italian", + "ingredients": [ + "capers", + "dry white wine", + "salt", + "chicken broth", + "artichoke hearts", + "lemon", + "flat leaf parsley", + "olive oil", + "yukon gold potatoes", + "halibut", + "green olives", + "ground black pepper", + "large garlic cloves" + ] + }, + { + "id": 36058, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "garlic cloves", + "chopped cilantro fresh", + "tomatoes", + "green onions", + "fresh lime juice", + "avocado", + "lime slices", + "low salt chicken broth", + "dried oregano", + "olive oil", + "tortilla chips", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 9190, + "cuisine": "irish", + "ingredients": [ + "water", + "salt", + "chicken bouillon", + "green peas", + "chopped onion", + "chopped cooked ham", + "sliced carrots", + "pearl barley", + "black pepper", + "chopped celery", + "bay leaf" + ] + }, + { + "id": 14149, + "cuisine": "indian", + "ingredients": [ + "dry roasted peanuts", + "basmati rice", + "green peas", + "salt", + "water", + "ground turmeric" + ] + }, + { + "id": 32110, + "cuisine": "mexican", + "ingredients": [ + "canned black beans", + "olive oil", + "ground beef", + "Old El Paso™ taco seasoning mix", + "cilantro leaves", + "refrigerated buttermilk biscuits", + "Mexican cheese blend", + "tomato sauce", + "corn kernels", + "enchilada sauce" + ] + }, + { + "id": 48890, + "cuisine": "korean", + "ingredients": [ + "fish sauce", + "napa cabbage", + "carrots", + "chile powder", + "peeled fresh ginger", + "garlic cloves", + "sugar", + "sea salt", + "shrimp", + "light soy sauce", + "scallions" + ] + }, + { + "id": 17075, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "olive oil", + "fresh parsley", + "bread", + "garlic cloves", + "pancetta", + "grated parmesan cheese" + ] + }, + { + "id": 29867, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "peaches", + "butter", + "vegetable oil cooking spray", + "large eggs", + "all-purpose flour", + "firmly packed brown sugar", + "granulated sugar", + "salt", + "ground cinnamon", + "milk", + "baking powder", + "chopped pecans" + ] + }, + { + "id": 14879, + "cuisine": "japanese", + "ingredients": [ + "ground fennel", + "tumeric", + "water", + "coriander powder", + "flour", + "worcestershire sauce", + "cocoa powder", + "onions", + "ground cinnamon", + "ground cloves", + "garam masala", + "coffee", + "chili powder", + "peas", + "ground cardamom", + "tomato paste", + "soy sauce", + "garlic powder", + "beef", + "beef stock", + "ginger", + "oil", + "ground cumin", + "brown sugar", + "minced garlic", + "ground black pepper", + "potatoes", + "butter", + "salt", + "carrots" + ] + }, + { + "id": 18840, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "barbecue sauce", + "brown sugar", + "ground black pepper", + "chili powder", + "honey", + "ground red pepper", + "pork", + "dijon mustard", + "paprika" + ] + }, + { + "id": 27743, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "butter", + "white sugar", + "flour", + "salt", + "baking powder", + "cornmeal", + "baking soda", + "buttermilk" + ] + }, + { + "id": 48383, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "salt", + "large eggs", + "water", + "all-purpose flour" + ] + }, + { + "id": 29183, + "cuisine": "indian", + "ingredients": [ + "water", + "zucchini", + "red bell pepper", + "fresh lime juice", + "eggplant", + "salt", + "sour cream", + "cashew nuts", + "dried currants", + "vegetable oil spray", + "cilantro leaves", + "couscous", + "plain whole-milk yogurt", + "curry powder", + "corn oil", + "chutney", + "onions" + ] + }, + { + "id": 11115, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "medium shrimp", + "Knorr® Pasta Sides™ - Alfredo", + "baby spinach", + "cherry tomatoes", + "oil" + ] + }, + { + "id": 31797, + "cuisine": "chinese", + "ingredients": [ + "white onion", + "gingerroot", + "asparagus spears", + "chili paste", + "oyster sauce", + "olive oil", + "garlic cloves", + "sesame oil", + "corn starch" + ] + }, + { + "id": 49381, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "water", + "butter", + "oil", + "celery", + "chicken broth", + "cheddar cheese", + "parsley", + "garlic", + "thyme", + "grits", + "andouille sausage", + "green onions", + "heavy cream", + "shrimp", + "onions", + "tomatoes", + "pepper", + "cajun seasoning", + "salt", + "red bell pepper" + ] + }, + { + "id": 4736, + "cuisine": "southern_us", + "ingredients": [ + "diced tomatoes", + "potatoes", + "frozen corn kernels", + "baby lima beans", + "beef stew meat", + "butter", + "okra" + ] + }, + { + "id": 2795, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "purple onion", + "chopped garlic", + "olive oil", + "Italian bread", + "pitted kalamata olives", + "provolone cheese", + "genoa salami", + "pitted green olives", + "fresh basil leaves" + ] + }, + { + "id": 32011, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "basmati rice", + "green onions", + "base", + "water", + "bacon slices" + ] + }, + { + "id": 34389, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "grated parmesan cheese", + "salt", + "large shrimp", + "olive oil", + "fusilli", + "fresh parsley", + "ground pepper", + "whipping cream", + "boneless skinless chicken breast halves", + "bread crumbs", + "dry white wine", + "cayenne pepper" + ] + }, + { + "id": 19584, + "cuisine": "italian", + "ingredients": [ + "anchovy paste", + "rotini", + "black pepper", + "salt", + "fresh dill", + "extra-virgin olive oil", + "onions", + "feta cheese", + "red bell pepper" + ] + }, + { + "id": 17211, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "self rising flour", + "milk" + ] + }, + { + "id": 11287, + "cuisine": "italian", + "ingredients": [ + "red wine vinegar", + "all-purpose flour", + "large garlic cloves", + "butter", + "fresh parsley", + "canned beef broth", + "calf liver" + ] + }, + { + "id": 18068, + "cuisine": "greek", + "ingredients": [ + "dried thyme", + "sauce", + "fresh parsley", + "plain yogurt", + "finely chopped onion", + "lemon juice", + "pepper", + "pork tenderloin", + "cucumber", + "tomatoes", + "garlic powder", + "garlic cloves", + "onions" + ] + }, + { + "id": 41454, + "cuisine": "mexican", + "ingredients": [ + "red pepper", + "sweet corn", + "cumin", + "ground black pepper", + "salt", + "chillies", + "tomatoes", + "garlic", + "cucumber", + "red wine vinegar", + "green pepper", + "coriander" + ] + }, + { + "id": 17298, + "cuisine": "indian", + "ingredients": [ + "water", + "brown sugar", + "cumin seed", + "tamarind extract", + "dates" + ] + }, + { + "id": 47922, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "frozen pastry puff sheets", + "garlic cloves", + "green bell pepper", + "large eggs", + "all-purpose flour", + "chicken", + "dried thyme", + "bay leaves", + "shrimp", + "tomatoes", + "frozen okra", + "vegetable oil", + "onions" + ] + }, + { + "id": 33609, + "cuisine": "french", + "ingredients": [ + "bone-in chicken breast halves", + "mushrooms", + "white wine vinegar", + "dark beer", + "flat leaf parsley", + "ground black pepper", + "butter", + "salt", + "carrots", + "bone in chicken thighs", + "fresh thyme", + "chicken drumsticks", + "all-purpose flour", + "greek yogurt", + "canola oil", + "juniper berries", + "shallots", + "chopped celery", + "dry gin", + "bay leaf" + ] + }, + { + "id": 49109, + "cuisine": "british", + "ingredients": [ + "heavy cream", + "blackberries", + "confectioners sugar", + "ginger", + "lime juice", + "borage" + ] + }, + { + "id": 44234, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "fresh cilantro", + "garlic cloves", + "black beans", + "cilantro", + "medium whole wheat tortillas", + "cheddar cheese", + "refried beans", + "sour cream", + "picante sauce", + "salsa" + ] + }, + { + "id": 15270, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "beef broth", + "italian plum tomatoes", + "zucchini", + "cooked italian meatballs", + "orzo" + ] + }, + { + "id": 37130, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "garlic", + "fresh mint", + "white onion", + "stewed tomatoes", + "fat skimmed chicken broth", + "vegetable oil", + "frozen corn kernels", + "long grain white rice", + "chili powder", + "salt", + "chicken thighs" + ] + }, + { + "id": 21435, + "cuisine": "indian", + "ingredients": [ + "chicken stock", + "salt", + "boneless skinless chicken breast halves", + "cayenne", + "garlic cloves", + "lime", + "cilantro leaves", + "basmati rice", + "sweetened coconut flakes", + "coconut milk" + ] + }, + { + "id": 28699, + "cuisine": "indian", + "ingredients": [ + "nutmeg", + "red chili powder", + "butter", + "salt", + "green chilies", + "onions", + "tomato purée", + "water", + "kasuri methi", + "green cardamom", + "oil", + "tomatoes", + "garlic paste", + "ginger", + "rajma", + "cumin seed", + "clove", + "low fat cream", + "cinnamon", + "urad dal", + "brown cardamom", + "bay leaf" + ] + }, + { + "id": 47247, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper flakes", + "ground turkey", + "fresh basil", + "grated parmesan cheese", + "fresh oregano", + "eggs", + "lasagna noodles", + "garlic", + "onions", + "crushed tomatoes", + "ricotta cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 22309, + "cuisine": "italian", + "ingredients": [ + "vodka", + "lemon", + "sugar" + ] + }, + { + "id": 42913, + "cuisine": "thai", + "ingredients": [ + "fresh coriander", + "spring onions", + "firm tofu", + "chili flakes", + "fresh ginger", + "garlic", + "carrots", + "tomatoes", + "water", + "rice noodles", + "oil", + "coconut sugar", + "peanuts", + "tamari soy sauce", + "mung bean sprouts" + ] + }, + { + "id": 21432, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "chopped cilantro fresh", + "coarse salt", + "tomatoes", + "serrano chile" + ] + }, + { + "id": 11467, + "cuisine": "filipino", + "ingredients": [ + "water", + "oil", + "fresh spinach", + "garlic", + "green papaya", + "fish sauce", + "ginger", + "onions", + "chicken bones", + "salt" + ] + }, + { + "id": 33134, + "cuisine": "southern_us", + "ingredients": [ + "water", + "baking powder", + "salt", + "large eggs", + "buttermilk", + "blackberries", + "granulated sugar", + "butter", + "all-purpose flour", + "yellow corn meal", + "dark rum", + "vanilla extract" + ] + }, + { + "id": 46441, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "large garlic cloves", + "fresh basil leaves", + "capers", + "dry white wine", + "squid", + "pinenuts", + "raisins", + "campanelle", + "lemon zest", + "extra-virgin olive oil", + "serrano chile" + ] + }, + { + "id": 14300, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "olive oil", + "freshly ground pepper", + "saffron threads", + "tumeric", + "cilantro sprigs", + "onions", + "ground ginger", + "parsley sprigs", + "salt", + "chicken", + "preserved lemon", + "kalamata", + "garlic cloves" + ] + }, + { + "id": 43274, + "cuisine": "southern_us", + "ingredients": [ + "raspberries", + "all purpose unbleached flour", + "unsalted butter", + "salt", + "baking soda", + "buttermilk", + "sugar", + "baking powder" + ] + }, + { + "id": 49250, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "cherry tomatoes", + "fresh mozzarella", + "black pepper", + "parmesan cheese", + "angel hair", + "olive oil", + "salt", + "minced garlic", + "green onions" + ] + }, + { + "id": 24703, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "tortillas", + "salt", + "oil", + "ground cumin", + "diced green chilies", + "jalapeno chilies", + "taco seasoning", + "sour cream", + "tomatoes", + "Mexican cheese blend", + "cilantro", + "scallions", + "onions", + "refried beans", + "bell pepper", + "salsa", + "enchilada sauce" + ] + }, + { + "id": 26751, + "cuisine": "cajun_creole", + "ingredients": [ + "white rum", + "blue curaçao", + "peaches" + ] + }, + { + "id": 30925, + "cuisine": "italian", + "ingredients": [ + "eggs", + "mascarpone", + "sugar", + "amaretto", + "ladyfingers", + "coffee", + "cocoa" + ] + }, + { + "id": 29508, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "corn starch", + "salmon fillets", + "black sesame seeds", + "orange juice", + "sake", + "water", + "crushed red pepper", + "fresh lime juice", + "sugar", + "lemon wedge", + "vegetable slaw" + ] + }, + { + "id": 34374, + "cuisine": "chinese", + "ingredients": [ + "sugar pea", + "boneless skinless chicken breasts", + "corn starch", + "roasted cashews", + "minced ginger", + "red pepper flakes", + "chicken broth", + "minced garlic", + "rice wine", + "red bell pepper", + "soy sauce", + "canola", + "salt" + ] + }, + { + "id": 18076, + "cuisine": "brazilian", + "ingredients": [ + "lime juice", + "fresh mint", + "apple juice", + "apples", + "cachaca", + "ice cubes", + "champagne" + ] + }, + { + "id": 10638, + "cuisine": "italian", + "ingredients": [ + "nutmeg", + "parmesan cheese", + "salt", + "black pepper", + "flour", + "fettuccine pasta", + "broccoli florets", + "garlic cloves", + "chicken stock", + "olive oil", + "1% low-fat milk" + ] + }, + { + "id": 5606, + "cuisine": "greek", + "ingredients": [ + "hamburger buns", + "sun-dried tomatoes", + "greek style plain yogurt", + "ground turkey", + "bread crumbs", + "fresh lemon", + "dried dill", + "dried oregano", + "frozen spinach", + "pepper", + "purple onion", + "feta cheese crumbles", + "eggs", + "minced garlic", + "salt", + "cucumber" + ] + }, + { + "id": 24324, + "cuisine": "southern_us", + "ingredients": [ + "salad greens", + "chopped walnuts", + "prepared horseradish", + "frozen okra", + "diced celery", + "tomatoes", + "vinaigrette" + ] + }, + { + "id": 35715, + "cuisine": "chinese", + "ingredients": [ + "ground chicken", + "cracker crumbs", + "fresh basil", + "grated parmesan cheese", + "ricotta cheese", + "eggs", + "minced onion", + "parsley", + "ketchup", + "whole cloves", + "shredded mozzarella cheese" + ] + }, + { + "id": 11493, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "all-purpose flour", + "flounder fillets", + "yellow corn meal", + "paprika", + "peanut oil", + "ground red pepper", + "tartar sauce", + "garlic powder", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 23721, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "corn muffin", + "kosher salt", + "heavy cream", + "large eggs", + "softened butter", + "shredded cheddar cheese", + "bacon" + ] + }, + { + "id": 41283, + "cuisine": "southern_us", + "ingredients": [ + "green onions", + "red bell pepper", + "olive oil", + "chees fresco queso", + "crawfish", + "butter", + "fajita seasoning mix", + "flour tortillas", + "cayenne pepper" + ] + }, + { + "id": 27503, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "cooking spray", + "ground cinnamon", + "water", + "ground cloves", + "sugar", + "vanilla extract" + ] + }, + { + "id": 7633, + "cuisine": "british", + "ingredients": [ + "shaved chocolate", + "unsalted butter", + "dulce de leche", + "instant espresso powder", + "heavy cream", + "powdered sugar", + "peanuts", + "granulated sugar", + "graham crackers", + "bananas", + "vanilla extract" + ] + }, + { + "id": 16777, + "cuisine": "french", + "ingredients": [ + "shell steak", + "cognac", + "fennel seeds", + "vegetable oil", + "green peppercorns", + "unsalted butter", + "white peppercorns", + "black peppercorns", + "heavy cream" + ] + }, + { + "id": 28417, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "flour", + "butter", + "pepper", + "Tabasco Pepper Sauce", + "paprika", + "mozzarella cheese", + "chicken breasts", + "heavy cream", + "thin spaghetti", + "olive oil", + "cajun seasoning" + ] + }, + { + "id": 36271, + "cuisine": "italian", + "ingredients": [ + "sea salt", + "bread", + "garlic", + "olive oil" + ] + }, + { + "id": 44615, + "cuisine": "filipino", + "ingredients": [ + "large eggs", + "condensed milk", + "raisins", + "butter", + "brown sugar", + "sweetened coconut flakes" + ] + }, + { + "id": 19491, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "salt", + "ground red pepper", + "egg whites", + "mixed nuts", + "sugar", + "flaked coconut" + ] + }, + { + "id": 36762, + "cuisine": "french", + "ingredients": [ + "baby arugula", + "lemon wedge", + "anchovy paste", + "cherry tomatoes", + "shallots", + "basil", + "chopped garlic", + "salmon fillets", + "hard-boiled egg", + "yukon gold potatoes", + "extra-virgin olive oil", + "pitted kalamata olives", + "basil leaves", + "red wine vinegar", + "green beans" + ] + }, + { + "id": 7091, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "vegetable oil", + "ground pecans", + "large eggs", + "buttermilk", + "yellow corn meal", + "cajun seasoning", + "grated parmesan cheese", + "paprika" + ] + }, + { + "id": 47708, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "center cut pork chops", + "purple onion", + "chopped garlic", + "fresh basil", + "fresh oregano", + "red wine vinegar", + "plum tomatoes" + ] + }, + { + "id": 49196, + "cuisine": "mexican", + "ingredients": [ + "cooked brown rice", + "bell pepper", + "cayenne pepper", + "onions", + "tomato purée", + "water", + "extra-virgin olive oil", + "sour cream", + "sugar", + "garlic powder", + "salt", + "tomato soup", + "white vinegar", + "black pepper", + "chili powder", + "shredded cheese", + "cumin" + ] + }, + { + "id": 38533, + "cuisine": "greek", + "ingredients": [ + "hot red pepper flakes", + "cider vinegar", + "cinnamon", + "fresh lemon juice", + "soy sauce", + "minced onion", + "grated nutmeg", + "ground lamb", + "sugar", + "water", + "anchovy paste", + "fresh mint", + "bread crumbs", + "large eggs", + "garlic cloves" + ] + }, + { + "id": 46314, + "cuisine": "mexican", + "ingredients": [ + "sour cream", + "refried beans", + "monterey jack", + "salsa" + ] + }, + { + "id": 40709, + "cuisine": "jamaican", + "ingredients": [ + "chicken wings", + "salt", + "baking powder", + "jerk sauce" + ] + }, + { + "id": 29575, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "butter", + "salt", + "quickcooking grits", + "deveined shrimp", + "pepper", + "bacon", + "smoked cheddar cheese", + "green onions", + "garlic" + ] + }, + { + "id": 22356, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "large eggs", + "vanilla extract", + "ground nutmeg", + "butter", + "pie dough", + "sweet potatoes", + "pumpkin pie spice", + "brown sugar", + "reduced fat milk", + "salt" + ] + }, + { + "id": 37687, + "cuisine": "japanese", + "ingredients": [ + "gari", + "mirin", + "dried shiitake mushrooms", + "large shrimp", + "sugar", + "vegetable oil spray", + "lettuce leaves", + "asparagus spears", + "sushi rice", + "reduced sodium soy sauce", + "salt", + "bamboo shoots", + "dashi", + "large eggs", + "carrots" + ] + }, + { + "id": 39204, + "cuisine": "british", + "ingredients": [ + "salt", + "unsalted butter", + "sweetened condensed milk", + "bananas", + "heavy whipping cream", + "graham cracker crumbs" + ] + }, + { + "id": 20620, + "cuisine": "italian", + "ingredients": [ + "cream of chicken soup", + "cream cheese", + "chicken breasts", + "water", + "italian salad dressing" + ] + }, + { + "id": 34088, + "cuisine": "mexican", + "ingredients": [ + "red wine vinegar", + "dried oregano", + "pork", + "garlic", + "chili powder", + "salt", + "paprika", + "ground cumin" + ] + }, + { + "id": 35443, + "cuisine": "chinese", + "ingredients": [ + "pork belly", + "vegetable oil", + "corn starch", + "dark soy sauce", + "rice wine", + "garlic cloves", + "fresh ginger", + "star anise", + "club soda", + "clove", + "chenpi", + "scallions" + ] + }, + { + "id": 6102, + "cuisine": "chinese", + "ingredients": [ + "ginger", + "skinless chicken breasts", + "red chili peppers", + "cooking wine", + "coriander", + "fresh red chili", + "garlic", + "scallions", + "soy sauce", + "salt", + "peppercorns" + ] + }, + { + "id": 2213, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "garlic", + "red pepper flakes", + "oil", + "olive oil", + "salt", + "red wine" + ] + }, + { + "id": 35376, + "cuisine": "french", + "ingredients": [ + "cooking spray", + "kosher salt", + "baking potatoes", + "chopped fresh thyme", + "unsalted butter", + "white truffle oil" + ] + }, + { + "id": 24218, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "garlic cloves", + "extra-virgin olive oil", + "shallots", + "oregano", + "hot Italian sausages" + ] + }, + { + "id": 6341, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "chopped onion", + "ground cumin", + "pigeon peas", + "green onions", + "garlic cloves", + "olive oil", + "salt", + "flat leaf parsley", + "water", + "parboiled rice", + "canadian bacon" + ] + }, + { + "id": 25382, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "large eggs", + "light corn syrup", + "baking soda", + "buttermilk", + "salt", + "sugar", + "baking powder", + "cake flour", + "pure vanilla extract", + "unsalted butter", + "heavy cream" + ] + }, + { + "id": 21083, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "taco seasoning", + "pepper jack", + "tortillas", + "monterey jack", + "rice" + ] + }, + { + "id": 8400, + "cuisine": "indian", + "ingredients": [ + "ground red pepper", + "boneless pork loin", + "chopped cilantro fresh", + "garam masala", + "salt", + "garlic cloves", + "ground cumin", + "tomatoes", + "dry red wine", + "chopped onion", + "basmati rice", + "peeled fresh ginger", + "all-purpose flour", + "mustard seeds" + ] + }, + { + "id": 5983, + "cuisine": "indian", + "ingredients": [ + "chili", + "pappadams", + "garlic cloves", + "chicken broth", + "wafer", + "gingerroot", + "coriander", + "red lentils", + "coriander seeds", + "canned tomatoes", + "onions", + "tumeric", + "vegetable oil", + "cuminseed", + "ground cumin" + ] + }, + { + "id": 48690, + "cuisine": "spanish", + "ingredients": [ + "mayonaise", + "balsamic vinegar", + "black pepper", + "garlic salt", + "tuna packed in water", + "red bell pepper", + "avocado", + "green onions" + ] + }, + { + "id": 27064, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "salt", + "white sugar", + "active dry yeast", + "margarine", + "milk", + "all-purpose flour", + "egg yolks", + "cocoa powder" + ] + }, + { + "id": 2074, + "cuisine": "jamaican", + "ingredients": [ + "dried chives", + "onion powder", + "ground allspice", + "dried thyme", + "grated nutmeg", + "ground cinnamon", + "garlic powder", + "cayenne pepper", + "black pepper", + "salt", + "dark brown sugar" + ] + }, + { + "id": 19109, + "cuisine": "spanish", + "ingredients": [ + "arborio rice", + "bay leaves", + "garlic cloves", + "onions", + "saffron threads", + "zucchini", + "hot Italian sausages", + "fresh parsley", + "tomatoes", + "paprika", + "low salt chicken broth", + "chicken thighs", + "olive oil", + "salt", + "red bell pepper", + "large shrimp" + ] + }, + { + "id": 31909, + "cuisine": "french", + "ingredients": [ + "pie dough", + "apple jelly", + "ground nutmeg", + "brown sugar", + "vanilla beans", + "granny smith apples", + "crème fraîche" + ] + }, + { + "id": 45061, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "garlic", + "enchilada sauce", + "coriander", + "corn", + "chili powder", + "taco seasoning", + "onions", + "chicken breasts", + "black olives", + "corn tortillas", + "cumin", + "lime juice", + "colby jack cheese", + "salt", + "ground beef", + "italian seasoning" + ] + }, + { + "id": 38575, + "cuisine": "french", + "ingredients": [ + "pepper", + "ground black pepper", + "vegetable oil", + "salt", + "cold water", + "minced garlic", + "grated parmesan cheese", + "ricotta cheese", + "sauce", + "eggs", + "light cream", + "swiss cheese", + "crepes", + "frozen chopped spinach", + "milk", + "flour", + "butter" + ] + }, + { + "id": 41285, + "cuisine": "southern_us", + "ingredients": [ + "coarse salt", + "hot sauce", + "onions", + "bacon", + "juice", + "butter", + "garlic cloves", + "grits", + "ground pepper", + "diced tomatoes", + "shrimp" + ] + }, + { + "id": 5301, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "pasilla chiles", + "radishes", + "garlic", + "low salt chicken broth", + "cooked chicken breasts", + "slivered almonds", + "sesame seeds", + "shredded lettuce", + "unsalted pumpkinseed kernels", + "onions", + "vegetable oil cooking spray", + "water", + "mulato chiles", + "chopped onion", + "corn tortillas", + "ground cumin", + "ground cinnamon", + "ground cloves", + "semisweet chocolate", + "salt", + "ancho chile pepper", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 21500, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "ground beef", + "chili powder", + "onions", + "enchilada sauce", + "ground cumin", + "corn tortillas" + ] + }, + { + "id": 18312, + "cuisine": "spanish", + "ingredients": [ + "chili flakes", + "extra-virgin olive oil", + "sea salt", + "lemon juice", + "black pepper", + "garlic cloves", + "button mushrooms", + "flat leaf parsley" + ] + }, + { + "id": 24513, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "italian plum tomatoes", + "penne rigate", + "prosciutto", + "juice", + "sugar", + "purple onion" + ] + }, + { + "id": 24179, + "cuisine": "vietnamese", + "ingredients": [ + "egg whites", + "vegetable oil", + "garlic cloves", + "fresh lime juice", + "fish sauce", + "peeled fresh ginger", + "sauce", + "corn starch", + "chopped cilantro fresh", + "lettuce leaves", + "sea bass fillets", + "garlic chili sauce", + "cooked shrimp", + "sugar", + "sesame oil", + "crabmeat", + "red bell pepper" + ] + }, + { + "id": 29009, + "cuisine": "french", + "ingredients": [ + "butter", + "fresh parsley leaves", + "onions", + "crusty bread", + "chopped celery", + "escargot", + "black peppercorns", + "red wine", + "carrots", + "chopped garlic", + "ground black pepper", + "salt", + "bay leaf" + ] + }, + { + "id": 6313, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "fine sea salt", + "basmati rice", + "clove", + "ground black pepper", + "coconut milk", + "vegetables", + "chutney", + "ground cinnamon", + "cooking oil", + "onions" + ] + }, + { + "id": 11977, + "cuisine": "mexican", + "ingredients": [ + "crema", + "unsalted butter", + "reposado", + "kosher salt", + "scallions", + "shell-on shrimp" + ] + }, + { + "id": 35001, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "fresh lime juice", + "purple onion", + "salt", + "black beans" + ] + }, + { + "id": 18903, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "bacon", + "kale leaves", + "ground black pepper", + "crushed red pepper", + "cider vinegar", + "garlic", + "onions", + "chicken broth", + "mustard greens", + "salt" + ] + }, + { + "id": 30182, + "cuisine": "spanish", + "ingredients": [ + "chicken stock", + "roma tomatoes", + "chopped parsley", + "pimento stuffed green olives", + "minced garlic", + "extra-virgin olive oil", + "onions", + "kosher salt", + "dry white wine", + "bay leaf", + "saffron threads", + "short-grain rice", + "freshly ground pepper", + "bone in skin on chicken thigh" + ] + }, + { + "id": 37868, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "butter", + "onions", + "celery ribs", + "half & half", + "creamy peanut butter", + "peanuts", + "all-purpose flour", + "chicken broth", + "ground red pepper", + "garlic cloves" + ] + }, + { + "id": 32440, + "cuisine": "italian", + "ingredients": [ + "salt", + "olive oil", + "fresh basil leaves", + "pepper", + "bow-tie pasta", + "garlic", + "plum tomatoes" + ] + }, + { + "id": 22811, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "dijon mustard", + "extra-virgin olive oil", + "prosciutto", + "balsamic vinegar", + "salt", + "ground black pepper", + "chees fresh mozzarella", + "rotini", + "yellow squash", + "zucchini", + "purple onion" + ] + }, + { + "id": 30660, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "zucchini", + "broccoli", + "corn tortillas", + "pepper", + "olive oil", + "salt", + "carrots", + "milk", + "button mushrooms", + "enchilada sauce", + "water", + "butter", + "potato flakes" + ] + }, + { + "id": 5410, + "cuisine": "russian", + "ingredients": [ + "arrowroot", + "jelli strawberri", + "raspberries", + "strawberries", + "sugar", + "vanilla", + "blackberries", + "water", + "blackcurrant syrup" + ] + }, + { + "id": 5667, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "cannellini beans", + "carrots", + "applewood smoked bacon", + "parmigiano-reggiano cheese", + "ground black pepper", + "organic vegetable broth", + "onions", + "olive oil", + "butternut squash", + "sliced mushrooms", + "italian seasoning", + "fresh spinach", + "unsalted butter", + "garlic cloves", + "cooked chicken breasts" + ] + }, + { + "id": 29188, + "cuisine": "spanish", + "ingredients": [ + "bone-in chicken breast halves", + "rice", + "ground red pepper", + "ground cumin", + "cooking spray", + "fresh lime juice", + "chili powder" + ] + }, + { + "id": 40964, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "Sriracha", + "red pepper flakes", + "corn starch", + "chicken stock", + "black pepper", + "boneless skinless chicken breasts", + "rice vinegar", + "onions", + "ketchup", + "large eggs", + "worcestershire sauce", + "red bell pepper", + "green bell pepper", + "garlic powder", + "vegetable oil", + "oyster sauce" + ] + }, + { + "id": 15387, + "cuisine": "thai", + "ingredients": [ + "curry powder", + "ginger", + "lime leaves", + "vegetable oil", + "coconut cream", + "orange zest", + "shallots", + "Thai red curry paste", + "large shrimp", + "frozen orange juice concentrate", + "butter", + "chayotes" + ] + }, + { + "id": 47161, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "garlic", + "lime", + "salt", + "tomatoes", + "purple onion", + "ground black pepper" + ] + }, + { + "id": 3041, + "cuisine": "italian", + "ingredients": [ + "kalamata", + "anchovy fillets", + "dried oregano", + "red pepper flakes", + "purple onion", + "spaghetti", + "extra-virgin olive oil", + "fresh parsley", + "tomatoes with juice", + "garlic cloves" + ] + }, + { + "id": 47275, + "cuisine": "korean", + "ingredients": [ + "garlic powder", + "onion powder", + "pepper", + "barbecue sauce", + "salt", + "olive oil", + "chili powder", + "mango", + "extra firm tofu", + "pineapple" + ] + }, + { + "id": 28685, + "cuisine": "spanish", + "ingredients": [ + "fresh parmesan cheese", + "cooking spray", + "chopped onion", + "fat free less sodium chicken broth", + "chopped green bell pepper", + "salt", + "red bell pepper", + "dried tarragon leaves", + "sherry vinegar", + "paprika", + "garlic cloves", + "olive oil", + "potatoes", + "dry bread crumbs" + ] + }, + { + "id": 41317, + "cuisine": "brazilian", + "ingredients": [ + "crushed tomatoes", + "garlic", + "medium shrimp", + "green bell pepper", + "cooking oil", + "long-grain rice", + "onions", + "unsweetened coconut milk", + "ground black pepper", + "salt", + "fresh parsley", + "water", + "red pepper flakes", + "lemon juice" + ] + }, + { + "id": 35367, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "herbs", + "ground black pepper", + "idaho potatoes", + "salted butter", + "coarse salt", + "cold water", + "parsley leaves", + "extra-virgin olive oil" + ] + }, + { + "id": 19937, + "cuisine": "southern_us", + "ingredients": [ + "light molasses", + "salt", + "high-fructose corn syrup", + "pepper", + "onion powder", + "dark brown sugar", + "ground ginger", + "soda", + "orange juice", + "grated lemon peel", + "garlic powder", + "worcestershire sauce", + "lemon juice" + ] + }, + { + "id": 18649, + "cuisine": "thai", + "ingredients": [ + "fresh coriander", + "coconut milk", + "red curry paste", + "cauliflower florets", + "snow peas", + "fish sauce", + "skinless chicken breasts" + ] + }, + { + "id": 46401, + "cuisine": "french", + "ingredients": [ + "parmesan cheese", + "leeks", + "anchovy fillets", + "celery ribs", + "grated parmesan cheese", + "extra-virgin olive oil", + "small white beans", + "yellow squash", + "low sodium chicken broth", + "garlic", + "fresh basil leaves", + "zucchini", + "coarse salt", + "freshly ground pepper" + ] + }, + { + "id": 21547, + "cuisine": "indian", + "ingredients": [ + "cooked rice", + "red chili peppers", + "cayenne", + "cilantro", + "garlic cloves", + "tumeric", + "fresh ginger", + "butternut squash", + "tamarind paste", + "fennel seeds", + "chiles", + "coriander seeds", + "shallots", + "cumin seed", + "long pepper", + "water", + "cooking oil", + "salt", + "coconut milk" + ] + }, + { + "id": 24976, + "cuisine": "filipino", + "ingredients": [ + "tomato sauce", + "potatoes", + "grating cheese", + "garlic cloves", + "water", + "bay leaves", + "pineapple juice", + "onions", + "pepper", + "bell pepper", + "salt", + "carrots", + "tomato paste", + "beef", + "Tabasco Pepper Sauce", + "liver" + ] + }, + { + "id": 3929, + "cuisine": "vietnamese", + "ingredients": [ + "shredded coconut", + "black rice", + "sesame seeds", + "peanuts", + "water" + ] + }, + { + "id": 8239, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "cracked black pepper", + "provolone cheese", + "dried oregano", + "olive oil", + "pitted olives", + "fresh parsley", + "cooked ham", + "garlic", + "lemon juice", + "sliced salami", + "lettuce leaves", + "ciabatta", + "pimento stuffed green olives" + ] + }, + { + "id": 48445, + "cuisine": "japanese", + "ingredients": [ + "pistachios", + "carrots", + "sugar", + "nonfat dry milk powder", + "slivered almonds", + "whole milk ricotta cheese", + "unsalted butter", + "ground cardamom" + ] + }, + { + "id": 30472, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "baking powder", + "white cornmeal", + "half & half", + "softened butter", + "vegetable oil", + "boiling water" + ] + }, + { + "id": 14046, + "cuisine": "filipino", + "ingredients": [ + "pork", + "vegetable oil", + "onions", + "soy sauce", + "garlic", + "rice paper", + "ground black pepper", + "salt", + "green cabbage", + "spring onions", + "carrots" + ] + }, + { + "id": 13972, + "cuisine": "italian", + "ingredients": [ + "finely chopped onion", + "butter", + "flat leaf parsley", + "olive oil", + "mushrooms", + "salt", + "seasoned bread crumbs", + "cooking spray", + "pecorino romano cheese", + "ground black pepper", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 32418, + "cuisine": "greek", + "ingredients": [ + "phyllo dough", + "2% low-fat cottage cheese", + "chopped onion", + "frozen chopped spinach", + "large eggs", + "all-purpose flour", + "feta cheese", + "butter cooking spray", + "garlic cloves", + "ground black pepper", + "salt" + ] + }, + { + "id": 47549, + "cuisine": "vietnamese", + "ingredients": [ + "hero rolls", + "cilantro leaves", + "carrots", + "flank steak", + "scallions", + "water", + "rice vinegar", + "sugar", + "red pepper flakes", + "garlic cloves" + ] + }, + { + "id": 6596, + "cuisine": "cajun_creole", + "ingredients": [ + "Johnsonville Andouille Fully Cooked Sausage", + "cajun seasoning", + "onions", + "large eggs", + "green pepper", + "pepper jack", + "salsa", + "Klondike Rose red skin potato", + "Pompeian Canola Oil and Extra Virgin Olive Oil" + ] + }, + { + "id": 22457, + "cuisine": "indian", + "ingredients": [ + "large egg whites", + "ground black pepper", + "dipping sauces", + "ground turmeric", + "panko", + "vegetable oil", + "fresh lemon juice", + "ground cumin", + "baking soda", + "flour", + "salt", + "club soda", + "garam masala", + "cauliflower florets", + "ground cayenne pepper" + ] + }, + { + "id": 40985, + "cuisine": "japanese", + "ingredients": [ + "sake", + "mirin", + "water", + "low sodium soy sauce", + "fresh ginger", + "sugar", + "corn starch" + ] + }, + { + "id": 4435, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "non-fat sour cream", + "diced tomatoes with garlic and onion", + "red bell pepper", + "water", + "flank steak", + "salsa", + "garlic cloves", + "ground cumin", + "jalapeno chilies", + "salt", + "ground coriander", + "onions", + "fresh cilantro", + "chili powder", + "green pepper", + "corn starch" + ] + }, + { + "id": 42906, + "cuisine": "mexican", + "ingredients": [ + "pork sirloin roast", + "jalapeno chilies", + "cilantro leaves", + "olive oil", + "butter", + "Hatch Green Chiles", + "kosher salt", + "tomatillos", + "yellow onion", + "ground black pepper", + "garlic" + ] + }, + { + "id": 17937, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "garlic cloves", + "pasta", + "grated parmesan cheese", + "pancetta", + "olive oil", + "eggs", + "salt" + ] + }, + { + "id": 7980, + "cuisine": "filipino", + "ingredients": [ + "green onions", + "salt", + "soy sauce", + "butter", + "eggs", + "vegetable oil", + "long-grain rice", + "pepper", + "garlic" + ] + }, + { + "id": 41294, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "sesame oil", + "carrots", + "medium shrimp uncook", + "napa cabbage", + "soy sauce", + "rice noodles", + "green onions", + "garlic chili sauce" + ] + }, + { + "id": 13115, + "cuisine": "southern_us", + "ingredients": [ + "cream", + "green onions", + "all-purpose flour", + "tomatoes", + "grated parmesan cheese", + "butter", + "pasta", + "crawfish", + "cajun seasoning", + "green bell pepper", + "processed cheese", + "garlic" + ] + }, + { + "id": 27457, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "foie gras", + "pears", + "olive oil", + "salt", + "salad greens", + "extra-virgin olive oil", + "fennel", + "freshly ground pepper" + ] + }, + { + "id": 22567, + "cuisine": "thai", + "ingredients": [ + "red chili powder", + "water", + "thai basil", + "shallots", + "garlic", + "cumin seed", + "couscous", + "chicken", + "tomatoes", + "brown sugar", + "lime", + "coriander powder", + "ginger", + "cilantro leaves", + "red bell pepper", + "onions", + "kaffir lime leaves", + "soy sauce", + "green curry paste", + "mushrooms", + "green peas", + "green chilies", + "coconut milk", + "ground turmeric", + "clove", + "fish sauce", + "lemongrass", + "garam masala", + "cilantro", + "salt", + "oil", + "galangal" + ] + }, + { + "id": 48421, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "cooking spray", + "red bell pepper", + "capers", + "ground black pepper", + "salt", + "fresh parmesan cheese", + "baking potatoes", + "fresh parsley", + "large egg whites", + "large eggs", + "chopped onion" + ] + }, + { + "id": 16228, + "cuisine": "chinese", + "ingredients": [ + "water", + "all-purpose flour", + "vegetable oil", + "milk", + "golden syrup", + "eggs", + "cake flour" + ] + }, + { + "id": 36618, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "white wine", + "heavy cream", + "dry bread crumbs", + "mustard", + "ketchup", + "leeks", + "salt", + "armagnac", + "eggs", + "pepper", + "merluza", + "shrimp", + "mayonaise", + "olive oil", + "garlic", + "Piment d'Espelette" + ] + }, + { + "id": 25609, + "cuisine": "russian", + "ingredients": [ + "saffron threads", + "unsalted butter", + "all-purpose flour", + "water", + "whole milk", + "active dry yeast", + "salt", + "sugar", + "large eggs" + ] + }, + { + "id": 26494, + "cuisine": "thai", + "ingredients": [ + "meatballs", + "dipping sauces", + "scallions", + "bird chile", + "lime", + "sea salt", + "coconut cream", + "coconut milk", + "thai basil", + "ginger", + "cucumber salad", + "ground turkey", + "sugar", + "lime wedges", + "rice", + "oil", + "ground beef" + ] + }, + { + "id": 24783, + "cuisine": "japanese", + "ingredients": [ + "wasabi", + "light soy sauce", + "purple onion", + "smoked salmon", + "brown rice", + "nori sheets", + "avocado", + "sesame seeds", + "carrots", + "lime", + "extra-virgin olive oil", + "cucumber" + ] + }, + { + "id": 13343, + "cuisine": "italian", + "ingredients": [ + "honey", + "soft goat's cheese", + "balsamic vinegar", + "prosciutto", + "figs" + ] + }, + { + "id": 33849, + "cuisine": "chinese", + "ingredients": [ + "seasoned rice wine vinegar", + "frozen peas", + "vegetable oil", + "scallions", + "soy sauce", + "cumin seed", + "cilantro sprigs", + "cooked white rice" + ] + }, + { + "id": 724, + "cuisine": "mexican", + "ingredients": [ + "corn husks", + "garlic cloves", + "black pepper", + "purple onion", + "monterey jack", + "crema mexican", + "poblano chiles", + "olive oil", + "salt" + ] + }, + { + "id": 5602, + "cuisine": "mexican", + "ingredients": [ + "top round steak", + "olive oil", + "chunky salsa", + "water", + "rotini", + "black beans", + "crushed garlic", + "taco seasoning mix", + "chopped cilantro fresh" + ] + }, + { + "id": 44195, + "cuisine": "spanish", + "ingredients": [ + "garlic cloves", + "coarse salt", + "fresh lemon juice", + "extra-virgin olive oil" + ] + }, + { + "id": 14658, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "olive oil", + "baking potatoes", + "chopped onion", + "fresh parsley", + "water", + "half & half", + "salt", + "red bell pepper", + "black pepper", + "chopped green bell pepper", + "crushed red pepper", + "garlic cloves", + "grated orange", + "fennel seeds", + "dried thyme", + "dry white wine", + "grouper", + "bay leaf" + ] + }, + { + "id": 2403, + "cuisine": "thai", + "ingredients": [ + "mint leaves", + "ground pork", + "cilantro leaves", + "lime juice", + "vegetable oil", + "purple onion", + "long-grain rice", + "sugar", + "lettuce leaves", + "thai chile", + "freshly ground pepper", + "thai basil", + "large garlic cloves", + "salt", + "asian fish sauce" + ] + }, + { + "id": 13956, + "cuisine": "italian", + "ingredients": [ + "water", + "stewed tomatoes", + "onions", + "spinach", + "beef stock cubes", + "carrots", + "italian seasoning", + "tomato sauce", + "peas", + "ground beef", + "ground black pepper", + "elbow macaroni", + "chopped garlic" + ] + }, + { + "id": 19405, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "red wine vinegar", + "garlic cloves", + "plantains", + "ancho", + "dried thyme", + "rendered bacon fat", + "boiling water", + "stew meat", + "ground black pepper", + "yellow onion", + "dried oregano", + "reduced sodium chicken broth", + "worcestershire sauce", + "bay leaf" + ] + }, + { + "id": 17753, + "cuisine": "italian", + "ingredients": [ + "wild garlic", + "sea salt", + "olive oil", + "ground black pepper", + "fresh pasta" + ] + }, + { + "id": 27997, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "olive oil", + "salt", + "mozzarella cheese", + "garlic", + "fresh basil leaves", + "tomato sauce", + "grated parmesan cheese", + "onions", + "pepper", + "shells" + ] + }, + { + "id": 49163, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "sesame seeds", + "red pepper flakes", + "scallions", + "soy sauce", + "boneless skinless chicken breasts", + "garlic", + "panko breadcrumbs", + "pepper", + "sesame oil", + "salt", + "canola oil", + "honey", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 30320, + "cuisine": "indian", + "ingredients": [ + "chiles", + "sesame seeds", + "marinade", + "curry", + "peppercorns", + "garlic paste", + "water", + "kashmiri chile", + "spices", + "cumin seed", + "clove", + "grated coconut", + "coriander seeds", + "vegetable oil", + "salt", + "chicken", + "tumeric", + "red chile powder", + "bay leaves", + "cinnamon", + "onions" + ] + }, + { + "id": 40002, + "cuisine": "french", + "ingredients": [ + "baguette", + "fresh thyme", + "beef broth", + "ground pepper", + "dry sherry", + "bay leaf", + "water", + "low sodium chicken broth", + "yellow onion", + "table salt", + "unsalted butter", + "gruyere cheese" + ] + }, + { + "id": 1883, + "cuisine": "cajun_creole", + "ingredients": [ + "hot pepper sauce", + "dri leav thyme", + "onions", + "fat free less sodium chicken broth", + "cajun seasoning", + "red bell pepper", + "andouille sausage", + "cooking spray", + "long-grain rice", + "kidney beans", + "salt", + "fresh parsley" + ] + }, + { + "id": 16547, + "cuisine": "italian", + "ingredients": [ + "1% low-fat cottage cheese", + "cooking spray", + "1% low-fat milk", + "freshly ground pepper", + "frozen chopped spinach", + "fresh parmesan cheese", + "sliced carrots", + "all-purpose flour", + "red bell pepper", + "part-skim mozzarella cheese", + "shredded swiss cheese", + "salt", + "garlic cloves", + "pepper", + "lasagna noodles", + "vegetable oil", + "broccoli", + "sliced green onions" + ] + }, + { + "id": 42433, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "olive oil", + "diced tomatoes", + "garlic cloves", + "lower sodium chicken broth", + "butternut squash", + "crushed red pepper", + "ground cinnamon", + "ground black pepper", + "paprika", + "chopped cilantro fresh", + "beef shoulder roast", + "shallots", + "salt" + ] + }, + { + "id": 39806, + "cuisine": "italian", + "ingredients": [ + "baking powder", + "walnuts", + "unsalted butter", + "vanilla extract", + "sugar", + "raisins", + "boiling water", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 46348, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "orange juice", + "grated orange", + "fresh basil", + "purple onion", + "red bell pepper", + "white wine vinegar", + "garlic cloves", + "nectarines", + "sugar", + "salt", + "fresh lime juice" + ] + }, + { + "id": 41141, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "garlic", + "chicken thighs", + "half & half", + "red bell pepper", + "canola oil", + "seasoning", + "beef smoked sausage", + "onions", + "white wine", + "corn starch", + "noodles" + ] + }, + { + "id": 21972, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "red wine", + "fresh parsley", + "tomatoes", + "zucchini", + "beef broth", + "dried oregano", + "pasta", + "water", + "garlic", + "fresh basil leaves", + "sausage casings", + "sliced carrots", + "chopped onion" + ] + }, + { + "id": 13471, + "cuisine": "southern_us", + "ingredients": [ + "vanilla extract", + "light brown sugar", + "chopped pecans", + "margarine", + "butter" + ] + }, + { + "id": 7670, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "white sandwich bread", + "water", + "thyme", + "squabs", + "crust", + "unsalted butter", + "chopped parsley" + ] + }, + { + "id": 49602, + "cuisine": "italian", + "ingredients": [ + "bread crumb fresh", + "large garlic cloves", + "ground black pepper", + "flat leaf parsley", + "olive oil", + "salt", + "lemon wedge", + "large shrimp" + ] + }, + { + "id": 33376, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "veal", + "round steaks", + "italian seasoning", + "garlic powder", + "garlic", + "dried parsley", + "olive oil", + "whole peeled tomatoes", + "bay leaf", + "ground black pepper", + "sweet italian sausage", + "dried oregano" + ] + }, + { + "id": 11765, + "cuisine": "korean", + "ingredients": [ + "pork belly", + "minced ginger", + "kimchi", + "tofu", + "minced garlic", + "scallions", + "pepper", + "salt", + "hot red pepper flakes", + "water", + "juice" + ] + }, + { + "id": 19635, + "cuisine": "japanese", + "ingredients": [ + "sea salt", + "toasted sesame seeds", + "anchovies", + "scallions", + "dried bonito flakes", + "udon", + "konbu" + ] + }, + { + "id": 6111, + "cuisine": "italian", + "ingredients": [ + "pesto", + "chees fresh mozzarella", + "fresh lime juice", + "heirloom tomatoes", + "extra-virgin olive oil", + "red wine vinegar", + "orzo", + "large shrimp", + "zucchini", + "yellow bell pepper", + "fresh basil leaves" + ] + }, + { + "id": 12889, + "cuisine": "japanese", + "ingredients": [ + "wasabi", + "sushi rice", + "agave nectar", + "nori sheets", + "natural peanut butter", + "water", + "rice vinegar", + "avocado", + "gari", + "salt", + "soy sauce", + "sesame seeds", + "salted peanuts" + ] + }, + { + "id": 21037, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "ground black pepper", + "garlic", + "boneless skinless chicken breast halves", + "capers", + "butter", + "fresh lemon juice", + "olive oil", + "paprika", + "fresh parsley", + "angel hair", + "dry white wine", + "all-purpose flour" + ] + }, + { + "id": 45988, + "cuisine": "thai", + "ingredients": [ + "taro", + "white sugar", + "coconut cream", + "palm sugar", + "coconut milk", + "salt" + ] + }, + { + "id": 6709, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "ground beef", + "water", + "instant white rice", + "shredded cheddar cheese", + "shredded lettuce", + "chunky salsa", + "Campbell's Condensed Tomato Soup", + "tortilla chips" + ] + }, + { + "id": 46946, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "ginger", + "onions", + "tofu", + "garam masala", + "garlic cloves", + "curry powder", + "vegetable stock", + "mustard seeds", + "frozen spinach", + "garlic powder", + "salt" + ] + }, + { + "id": 46676, + "cuisine": "mexican", + "ingredients": [ + "brown rice", + "green chilies", + "black beans", + "cilantro", + "chunky salsa", + "shredded cheddar cheese", + "greek style plain yogurt", + "boneless skinless chicken breasts", + "frozen corn" + ] + }, + { + "id": 9357, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "cilantro", + "grape tomatoes", + "corn", + "ground cumin", + "kosher salt", + "purple onion", + "black pepper", + "lime" + ] + }, + { + "id": 43295, + "cuisine": "southern_us", + "ingredients": [ + "lager", + "vegetable oil", + "lump crab meat", + "baking powder", + "corn starch", + "kosher salt", + "chopped fresh chives", + "all-purpose flour", + "mascarpone", + "shallots" + ] + }, + { + "id": 7778, + "cuisine": "chinese", + "ingredients": [ + "white vinegar", + "olive oil", + "brown rice", + "toasted sesame oil", + "brown sugar", + "flour", + "low sodium chicken stock", + "low sodium soy sauce", + "vegetables", + "salt", + "toasted sesame seeds", + "pepper", + "boneless skinless chicken breasts", + "garlic cloves" + ] + }, + { + "id": 11122, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "dry sherry", + "scallions", + "black peppercorns", + "peeled fresh ginger", + "garlic", + "cinnamon sticks", + "soy sauce", + "star anise", + "carrots", + "canned low sodium chicken broth", + "boneless skinless chicken breasts", + "salt" + ] + }, + { + "id": 7699, + "cuisine": "italian", + "ingredients": [ + "salt and ground black pepper", + "garlic", + "pizza crust", + "shredded swiss cheese", + "cornmeal", + "olive oil", + "fresh mozzarella", + "pears", + "prosciutto", + "all-purpose flour" + ] + }, + { + "id": 8148, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "flour tortillas", + "salt", + "chicken broth", + "Herdez Salsa Verde", + "diced tomatoes", + "ground cumin", + "garlic powder", + "potatoes", + "yellow onion", + "Herdez Salsa Casera", + "ground black pepper", + "beef stew meat" + ] + }, + { + "id": 43958, + "cuisine": "french", + "ingredients": [ + "pepper", + "all-purpose flour", + "eggs", + "lemon", + "fresh parsley", + "chicken broth", + "butter", + "corn starch", + "white wine", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 48208, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "orange liqueur", + "ice cubes", + "lime wedges", + "white tequila", + "grapefruit juice", + "lime", + "club soda" + ] + }, + { + "id": 5578, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "seasoned rice wine vinegar", + "sesame oil", + "salt", + "sesame seeds", + "english cucumber" + ] + }, + { + "id": 14462, + "cuisine": "italian", + "ingredients": [ + "pasta", + "purple onion", + "grated parmesan cheese", + "red bell pepper", + "sliced black olives", + "salad dressing", + "salami" + ] + }, + { + "id": 6303, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "vegetable oil", + "salt", + "chicken broth", + "ground black pepper", + "garlic", + "chopped onion", + "boneless pork shoulder", + "garlic powder", + "bacon", + "creole seasoning", + "water", + "cayenne", + "chopped celery" + ] + }, + { + "id": 16580, + "cuisine": "filipino", + "ingredients": [ + "ground black pepper", + "salt", + "garlic", + "vinegar", + "green chilies", + "soy sauce", + "milkfish" + ] + }, + { + "id": 34430, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "flank steak", + "garlic cloves", + "ground black pepper", + "colby jack cheese", + "sour cream", + "guacamole", + "cilantro", + "cumin", + "lime", + "french fries", + "salt" + ] + }, + { + "id": 8686, + "cuisine": "italian", + "ingredients": [ + "sugar", + "lemon", + "large eggs", + "all-purpose flour", + "unsalted pistachios", + "vanilla extract", + "baking powder", + "lemon juice" + ] + }, + { + "id": 16181, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "cream of chicken soup", + "sour cream", + "angel hair", + "Mexican cheese", + "cooked chicken", + "cream of mushroom soup" + ] + }, + { + "id": 16557, + "cuisine": "indian", + "ingredients": [ + "carbonated water", + "fresh lime juice", + "ice cubes", + "cane sugar", + "ground ginger", + "ground cardamom", + "fine sea salt" + ] + }, + { + "id": 45500, + "cuisine": "italian", + "ingredients": [ + "pizza crust", + "plum tomatoes", + "ground pepper", + "mozzarella cheese", + "basil pesto sauce", + "coarse salt" + ] + }, + { + "id": 16356, + "cuisine": "spanish", + "ingredients": [ + "vegetable oil", + "salt", + "boiling potatoes", + "large eggs", + "garlic", + "onions", + "saffron threads", + "large garlic cloves", + "garlic cloves", + "canola oil", + "large egg yolks", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 32831, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "raisins", + "couscous", + "butternut squash", + "peas", + "cumin", + "olive oil", + "paprika", + "chicken thighs", + "chicken broth", + "cinnamon", + "salt" + ] + }, + { + "id": 29263, + "cuisine": "chinese", + "ingredients": [ + "broccoli stems", + "garlic cloves", + "chicken stock", + "sunflower oil", + "cashew nuts", + "lemon", + "fillets", + "clear honey", + "cornflour" + ] + }, + { + "id": 44564, + "cuisine": "italian", + "ingredients": [ + "pearl onions", + "zucchini", + "carrots", + "dried parsley", + "kidney beans", + "vegetable broth", + "celery", + "dried basil", + "macaroni", + "green beans", + "crushed tomatoes", + "vegetable bouillon", + "garlic", + "bay leaf" + ] + }, + { + "id": 37875, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "spices", + "flat leaf parsley", + "lamb fillet", + "fresh oregano", + "mint leaves", + "lemon", + "vine ripened tomatoes", + "garlic cloves" + ] + }, + { + "id": 11511, + "cuisine": "mexican", + "ingredients": [ + "water", + "poblano peppers", + "portabello mushroom", + "garlic", + "cayenne pepper", + "eggs", + "feta cheese", + "cinnamon", + "cilantro", + "salt", + "ground cumin", + "tomato sauce", + "roasted red peppers", + "whole wheat tortillas", + "extra-virgin olive oil", + "yellow onion", + "nutmeg", + "milk", + "chili powder", + "paprika", + "purple onion", + "sour cream" + ] + }, + { + "id": 9390, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "cooking spray", + "beef broth", + "noodles", + "minced garlic", + "baby spinach", + "carrots", + "sake", + "green onions", + "rounds", + "honey", + "crushed red pepper", + "shiitake mushroom caps" + ] + }, + { + "id": 2023, + "cuisine": "southern_us", + "ingredients": [ + "water", + "heavy cream", + "carrots", + "fresh tomatoes", + "brewed coffee", + "salt", + "celery", + "ground black pepper", + "garlic", + "flat leaf parsley", + "tomato sauce", + "butter", + "chopped onion", + "white sugar" + ] + }, + { + "id": 5007, + "cuisine": "italian", + "ingredients": [ + "fresh sage", + "butter", + "veal", + "dry white wine", + "prosciutto" + ] + }, + { + "id": 33510, + "cuisine": "russian", + "ingredients": [ + "canned chopped tomatoes", + "beets", + "low-fat sour cream", + "russet potatoes", + "fresh parsley", + "green cabbage", + "lemon wedge", + "fresh lemon juice", + "olive oil", + "vegetable broth", + "onions" + ] + }, + { + "id": 4970, + "cuisine": "french", + "ingredients": [ + "sugar", + "large eggs", + "salt", + "red anjou pears", + "butter", + "phyllo dough", + "almonds", + "vanilla extract", + "apple jelly", + "cooking spray" + ] + }, + { + "id": 20622, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "butter", + "juice", + "cooked rice", + "flour tortillas", + "salt", + "canned corn", + "mozzarella cheese", + "cilantro", + "onions", + "black pepper", + "bell pepper", + "oil", + "cumin" + ] + }, + { + "id": 10273, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "water", + "sesame oil", + "corn starch", + "eggs", + "white pepper", + "green onions", + "sauce", + "chicken pieces", + "white vinegar", + "soy sauce", + "flour", + "salt", + "ginger root", + "sugar", + "minced garlic", + "rice wine", + "oil" + ] + }, + { + "id": 23738, + "cuisine": "indian", + "ingredients": [ + "condensed milk", + "pistachios", + "carrots", + "rose water", + "lemon juice", + "whole milk", + "ghee" + ] + }, + { + "id": 46806, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "bay leaves", + "canned tomatoes", + "okra pods", + "hot pepper sauce", + "green onions", + "kale leaves", + "frozen okra", + "red beans", + "salt", + "dried oregano", + "green bell pepper", + "steamed white rice", + "vegetable broth", + "freshly ground pepper" + ] + }, + { + "id": 24817, + "cuisine": "british", + "ingredients": [ + "baking soda", + "all-purpose flour", + "ground cinnamon", + "buttermilk", + "cream of tartar", + "butter", + "milk", + "salt" + ] + }, + { + "id": 21583, + "cuisine": "southern_us", + "ingredients": [ + "green onions", + "fresh parsley", + "creole mustard", + "light mayonnaise", + "ground red pepper", + "nonfat yogurt", + "garlic cloves" + ] + }, + { + "id": 2901, + "cuisine": "italian", + "ingredients": [ + "worcestershire sauce", + "garlic cloves", + "ground black pepper", + "salt", + "extra-virgin olive oil", + "red wine vinegar", + "maple syrup" + ] + }, + { + "id": 7582, + "cuisine": "southern_us", + "ingredients": [ + "white bread", + "large egg whites", + "vegetable oil", + "crackers", + "table salt", + "low-fat buttermilk", + "poultry seasoning", + "chicken stock", + "ground sage", + "butter", + "white cornmeal", + "black pepper", + "self rising flour", + "celery" + ] + }, + { + "id": 13279, + "cuisine": "korean", + "ingredients": [ + "ground black pepper", + "wonton wrappers", + "firm tofu", + "green onions", + "asian rice noodles", + "cabbage", + "zucchini", + "garlic", + "toasted sesame oil", + "eggs", + "vegetable oil", + "salt" + ] + }, + { + "id": 27143, + "cuisine": "italian", + "ingredients": [ + "white rum", + "chopped almonds", + "grated lemon zest", + "large egg yolks", + "angel food cake", + "drambuie", + "powdered sugar", + "reduced fat milk", + "grenadine syrup", + "semisweet chocolate", + "all-purpose flour", + "cognac" + ] + }, + { + "id": 4604, + "cuisine": "japanese", + "ingredients": [ + "tofu", + "white miso", + "water", + "sauce", + "sugar", + "baby spinach", + "sesame seeds" + ] + }, + { + "id": 23727, + "cuisine": "southern_us", + "ingredients": [ + "jalapeno chilies", + "garlic", + "water", + "bacon", + "onions", + "black-eyed peas", + "diced tomatoes", + "chili powder", + "salt" + ] + }, + { + "id": 8801, + "cuisine": "japanese", + "ingredients": [ + "cooking wine", + "water", + "soy sauce", + "mirin" + ] + }, + { + "id": 5192, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "granulated sugar", + "light brown sugar", + "shortening", + "buttermilk", + "white cake mix", + "large eggs", + "ground cinnamon", + "vanilla glaze" + ] + }, + { + "id": 31046, + "cuisine": "russian", + "ingredients": [ + "candied orange peel", + "milk", + "granulated sugar", + "almond extract", + "lemon juice", + "pure vanilla extract", + "warm water", + "large egg yolks", + "rum", + "all-purpose flour", + "slivered almonds", + "active dry yeast", + "large eggs", + "salt", + "powdered sugar", + "water", + "unsalted butter", + "golden raisins", + "ground cardamom" + ] + }, + { + "id": 48834, + "cuisine": "chinese", + "ingredients": [ + "celery ribs", + "pepper", + "mushrooms", + "oyster sauce", + "onions", + "green bell pepper", + "water chestnuts", + "salt", + "bok choy", + "snow peas", + "chicken broth", + "water", + "vegetable oil", + "corn starch", + "bamboo shoots", + "soy sauce", + "pork tenderloin", + "garlic cloves", + "mung bean sprouts" + ] + }, + { + "id": 7376, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "light corn syrup", + "pecans", + "flour", + "eggs", + "pies", + "vanilla", + "brown sugar", + "refrigerated piecrusts" + ] + }, + { + "id": 9973, + "cuisine": "british", + "ingredients": [ + "brussels sprouts", + "bacon fat", + "minced garlic", + "onions", + "mashed potatoes", + "ham", + "butter" + ] + }, + { + "id": 30132, + "cuisine": "mexican", + "ingredients": [ + "low-fat sour cream", + "egg substitute", + "roasted red peppers", + "chopped cilantro fresh", + "corn mix muffin", + "diced green chilies", + "enchilada sauce", + "cheddar cheese", + "fresh cilantro", + "green onions", + "black beans", + "corn", + "salsa" + ] + }, + { + "id": 11786, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "grated parmesan cheese", + "olive oil", + "Knorr Chicken Stock Pots", + "cream", + "egg yolks", + "ground black pepper", + "spaghetti" + ] + }, + { + "id": 42159, + "cuisine": "korean", + "ingredients": [ + "napa cabbage", + "sauce", + "rice powder", + "ginger", + "shrimp", + "table salt", + "pineapple", + "scallions", + "hot pepper", + "garlic", + "onions" + ] + }, + { + "id": 9564, + "cuisine": "french", + "ingredients": [ + "flat leaf parsley", + "unsalted butter", + "water", + "fingerling potatoes" + ] + }, + { + "id": 30396, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "oregano", + "tomato sauce", + "shredded parmesan cheese", + "part-skim mozzarella", + "extra-virgin olive oil", + "kosher salt", + "pizza doughs" + ] + }, + { + "id": 28170, + "cuisine": "indian", + "ingredients": [ + "toasted unsweetened coconut", + "red pepper", + "cilantro leaves", + "coconut milk", + "ground ginger", + "baby spinach", + "garlic", + "chickpeas", + "sweet potatoes", + "ginger", + "yellow onion", + "sun-dried tomatoes", + "lemon", + "salt", + "oil" + ] + }, + { + "id": 20888, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "bourbon whiskey", + "cinnamon sticks", + "water", + "simple syrup", + "brandy", + "vanilla extract", + "whole milk", + "grated nutmeg" + ] + }, + { + "id": 18418, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "baking powder", + "kosher salt", + "large eggs", + "buttermilk", + "yellow corn meal", + "granulated sugar", + "all purpose unbleached flour", + "baking soda", + "corn oil" + ] + }, + { + "id": 4587, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "salt", + "peeled fresh ginger", + "ground turmeric", + "vegetable oil", + "ground cumin", + "sugar", + "garlic cloves" + ] + }, + { + "id": 10597, + "cuisine": "southern_us", + "ingredients": [ + "flavored vodka", + "lemonade", + "ice", + "apricot brandy" + ] + }, + { + "id": 29594, + "cuisine": "french", + "ingredients": [ + "shallots", + "champagne vinegar", + "ground black pepper", + "fresh parsley", + "pink peppercorns" + ] + }, + { + "id": 7213, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "grated parmesan cheese", + "spaghetti", + "pasta sauce", + "olive oil", + "basil", + "large egg whites", + "chicken breast halves", + "italian seasoning", + "black pepper", + "part-skim mozzarella cheese", + "all-purpose flour" + ] + }, + { + "id": 29204, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "whole milk ricotta cheese", + "garlic cloves", + "sea salt", + "parmigiano", + "baby arugula", + "pizza doughs" + ] + }, + { + "id": 33266, + "cuisine": "italian", + "ingredients": [ + "diced tomatoes", + "olive oil", + "polenta", + "cannellini beans", + "sausages" + ] + }, + { + "id": 43560, + "cuisine": "british", + "ingredients": [ + "salt", + "lard", + "Equal Sweetener", + "eggs" + ] + }, + { + "id": 45028, + "cuisine": "indian", + "ingredients": [ + "fat free yogurt", + "cooking spray", + "chopped fresh mint", + "fennel bulb", + "cucumber", + "seasoned bread crumbs", + "cracked black pepper", + "boneless skinless chicken breast halves", + "olive oil", + "salt" + ] + }, + { + "id": 36429, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "ground red pepper", + "mustard seeds", + "tomato sauce", + "garam masala", + "red wine vinegar", + "chopped cilantro fresh", + "fat free less sodium chicken broth", + "pork tenderloin", + "diced tomatoes", + "canola oil", + "garlic powder", + "brown rice", + "onions" + ] + }, + { + "id": 36752, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "extra-virgin olive oil", + "chili pepper flakes", + "pasta", + "garlic" + ] + }, + { + "id": 7187, + "cuisine": "thai", + "ingredients": [ + "sugar pea", + "shallots", + "juice", + "brown sugar", + "lime", + "cilantro leaves", + "dried shrimp", + "chiles", + "basil leaves", + "toasted pine nuts", + "lobster meat", + "fish sauce", + "kosher salt", + "garlic", + "cucumber" + ] + }, + { + "id": 31024, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "fleur de sel", + "baking powder", + "salt", + "baking soda", + "cake flour", + "lard", + "butter", + "all-purpose flour" + ] + }, + { + "id": 36654, + "cuisine": "french", + "ingredients": [ + "shallots", + "all-purpose flour", + "garlic cloves", + "fresh thyme", + "pitted green olives", + "chopped onion", + "bay leaf", + "dry white wine", + "sea salt", + "duck", + "dried fig", + "ground black pepper", + "red wine vinegar", + "grated lemon zest", + "thyme sprigs" + ] + }, + { + "id": 46692, + "cuisine": "brazilian", + "ingredients": [ + "granulated sugar", + "lime", + "cachaca" + ] + }, + { + "id": 28300, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "chorizo", + "crema mexican", + "tomatillos", + "corn tortillas", + "cotija", + "vegetables", + "lime wedges", + "cilantro leaves", + "onions", + "eggs", + "refried beans", + "jalapeno chilies", + "garlic", + "chopped cilantro", + "kosher salt", + "poblano peppers", + "vegetable oil", + "roasting chickens" + ] + }, + { + "id": 28622, + "cuisine": "chinese", + "ingredients": [ + "gai lan", + "sesame oil", + "rice", + "kosher salt", + "chile bean paste", + "pork", + "garlic", + "sugar", + "ginger" + ] + }, + { + "id": 12154, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "grapes", + "turkey", + "chicken broth", + "butter", + "sage leaves", + "orange slices", + "rubbed sage" + ] + }, + { + "id": 43053, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "grated parmesan cheese", + "water", + "oyster sauce", + "minced garlic", + "Maggi", + "fish sauce", + "unsalted butter", + "noodles" + ] + }, + { + "id": 18785, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "heavy cream", + "gran marnier", + "vanilla beans", + "large eggs", + "salt", + "sugar", + "granulated sugar", + "fresh orange juice", + "natural pistachios", + "large egg yolks", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 15307, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning", + "taco sauce", + "sour cream", + "shredded cheese", + "wonton wrappers", + "ground beef" + ] + }, + { + "id": 10253, + "cuisine": "korean", + "ingredients": [ + "sake", + "sesame seeds", + "tamari soy sauce", + "black pepper", + "sesame oil", + "pear juice", + "green onions", + "beef rib short", + "honey", + "garlic" + ] + }, + { + "id": 36685, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "lemon rind", + "chopped cilantro fresh", + "pork tenderloin", + "paprika", + "lemon pepper", + "jalapeno chilies", + "salt", + "cucumber", + "avocado", + "tomatillos", + "fresh lemon juice", + "ground cumin" + ] + }, + { + "id": 36158, + "cuisine": "indian", + "ingredients": [ + "pepper", + "cayenne", + "chopped cilantro fresh", + "pomegranate seeds", + "cucumber", + "lime juice", + "salt", + "ground cumin", + "sugar", + "garbanzo beans", + "onions" + ] + }, + { + "id": 39636, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh rosemary", + "ground red pepper", + "fresh lemon juice", + "ground black pepper", + "lemon", + "chopped garlic", + "dried thyme", + "butter", + "large shrimp", + "hot pepper sauce", + "worcestershire sauce" + ] + }, + { + "id": 7516, + "cuisine": "italian", + "ingredients": [ + "pepper", + "red wine vinegar", + "croutons", + "parmesan cheese", + "garlic cloves", + "dijon mustard", + "hearts of romaine", + "olive oil", + "anchovy fillets", + "lemon juice" + ] + }, + { + "id": 24527, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "coarse salt", + "large eggs", + "onions", + "russet potatoes" + ] + }, + { + "id": 15499, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "cornflour", + "ajinomoto", + "chicken stock", + "spring onions", + "chili sauce", + "chicken", + "egg noodles", + "salt", + "beansprouts", + "tomato sauce", + "mixed vegetables", + "oil" + ] + }, + { + "id": 940, + "cuisine": "italian", + "ingredients": [ + "green bell pepper, slice", + "oil", + "pinenuts", + "cooked chicken", + "onions", + "barbecue sauce", + "red bell pepper", + "pizza crust", + "shredded mozzarella cheese", + "dried oregano" + ] + }, + { + "id": 10283, + "cuisine": "indian", + "ingredients": [ + "Thai red curry paste", + "butternut squash", + "onions", + "haricots verts", + "coconut cream", + "sunflower oil", + "naan" + ] + }, + { + "id": 33642, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "parmesan cheese", + "butter", + "fat free milk", + "polenta" + ] + }, + { + "id": 1959, + "cuisine": "mexican", + "ingredients": [ + "hot pepper sauce", + "salt", + "pepper", + "worcestershire sauce", + "black beans", + "boneless chicken breast halves", + "jumbo pasta shells", + "corn kernels", + "tomatoes with juice" + ] + }, + { + "id": 49515, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "olive oil", + "chicken breasts", + "long-grain rice", + "water", + "ground red pepper", + "yellow bell pepper", + "medium shrimp", + "fat free less sodium chicken broth", + "finely chopped onion", + "diced tomatoes", + "red bell pepper", + "green bell pepper", + "dried thyme", + "turkey kielbasa", + "hot sauce", + "fresh parsley" + ] + }, + { + "id": 37460, + "cuisine": "italian", + "ingredients": [ + "fennel", + "linguine", + "fresh lemon juice", + "olive oil", + "kalamata", + "garlic cloves", + "fennel bulb", + "crushed red pepper", + "medium shrimp", + "asiago", + "grated lemon zest", + "plum tomatoes" + ] + }, + { + "id": 12631, + "cuisine": "southern_us", + "ingredients": [ + "all-purpose flour", + "buttermilk", + "large eggs", + "self-rising cornmeal", + "bacon" + ] + }, + { + "id": 28192, + "cuisine": "indian", + "ingredients": [ + "water", + "garlic", + "mustard seeds", + "red cabbage", + "salt", + "ground turmeric", + "bay leaves", + "cumin seed", + "canola oil", + "coconut", + "curry", + "serrano chile" + ] + }, + { + "id": 13472, + "cuisine": "italian", + "ingredients": [ + "lime", + "salt", + "lemon", + "olive oil", + "large shrimp", + "black pepper", + "linguine" + ] + }, + { + "id": 38034, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "crushed red pepper", + "clams", + "chili powder", + "cream cheese", + "sun-dried tomatoes", + "salt", + "pepper", + "garlic", + "dried parsley" + ] + }, + { + "id": 2569, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "cream cheese", + "chives", + "quickcooking grits", + "ground white pepper", + "asiago" + ] + }, + { + "id": 41362, + "cuisine": "southern_us", + "ingredients": [ + "roast beef deli meat", + "sauce", + "cheese", + "deli rolls", + "bell pepper", + "onions", + "margarine" + ] + }, + { + "id": 48099, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "jalapeno chilies", + "garlic", + "lime", + "vegetable oil", + "allspice", + "cider vinegar", + "bay leaves", + "salt", + "sugar", + "dried thyme", + "cinnamon" + ] + }, + { + "id": 37136, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "zucchini", + "ground allspice", + "ground cayenne pepper", + "chicken broth", + "olive oil", + "yellow bell pepper", + "ground coriander", + "chopped fresh mint", + "ground ginger", + "orange", + "golden raisins", + "orange juice", + "couscous", + "ground cloves", + "low sodium garbanzo beans", + "purple onion", + "ground cardamom", + "ground cumin" + ] + }, + { + "id": 32183, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "red enchilada sauce", + "Old El Paso™ chopped green chiles", + "monterey jack", + "Pillsbury™ Refrigerated Crescent Dinner Rolls", + "ground beef", + "diced tomatoes", + "green chile", + "ground beef", + "diced tomatoes", + "refrigerated crescent rolls", + "monterey jack", + "avocado", + "red enchilada sauce" + ] + }, + { + "id": 40720, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "ground black pepper", + "garlic cloves", + "collard greens", + "apple cider vinegar", + "thick-cut bacon", + "sugar", + "hot sauce", + "kosher salt", + "yellow onion" + ] + }, + { + "id": 19093, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "all-purpose flour", + "eggs", + "baking powder", + "milk", + "shortening", + "salt" + ] + }, + { + "id": 4340, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "garam masala", + "salt", + "minced garlic", + "ginger", + "ghee", + "fenugreek leaves", + "heavy cream", + "bay leaf", + "water", + "urad dal", + "asafetida" + ] + }, + { + "id": 37911, + "cuisine": "mexican", + "ingredients": [ + "peeled shrimp", + "processed cheese", + "worcestershire sauce", + "mayonaise", + "crabmeat" + ] + }, + { + "id": 18858, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "purple onion", + "lime juice", + "jalapeno chilies", + "corn tortilla chips", + "roma tomatoes", + "fish", + "lime", + "cilantro" + ] + }, + { + "id": 45736, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chipotle peppers", + "light sour cream", + "low-fat cheddar", + "plum tomatoes", + "cooking spray", + "onions", + "egg substitute", + "green chilies", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 16682, + "cuisine": "greek", + "ingredients": [ + "sugar", + "chopped tomatoes", + "egg yolks", + "red wine", + "minced beef", + "milk", + "ground black pepper", + "vegetable oil", + "sea salt", + "bay leaf", + "nutmeg", + "olive oil", + "parmigiano reggiano cheese", + "cinnamon", + "garlic", + "tomato purée", + "eggplant", + "flour", + "butter", + "purple onion" + ] + }, + { + "id": 46570, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "onions", + "pasta", + "mozzarella cheese", + "tomato sauce", + "italian sausage", + "garlic cloves" + ] + }, + { + "id": 24488, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "tuna steaks", + "lemon juice", + "vegetable oil cooking spray", + "oliv pit ripe", + "feta cheese crumbles", + "pepper", + "bow-tie pasta", + "roasted red peppers", + "garlic cloves" + ] + }, + { + "id": 27660, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "green onions", + "salsa", + "ground cumin", + "refried beans", + "shredded lettuce", + "ground coriander", + "shredded cheddar cheese", + "chili powder", + "cream cheese", + "guacamole", + "pitted olives", + "sour cream" + ] + }, + { + "id": 16401, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "boneless skinless chicken breasts", + "preshred low fat mozzarella chees", + "large eggs", + "dry bread crumbs", + "parmesan cheese", + "salt", + "marinara sauce", + "fresh oregano" + ] + }, + { + "id": 11180, + "cuisine": "chinese", + "ingredients": [ + "chicken breasts", + "garlic", + "fresh ginger root", + "red pepper", + "noodles", + "honey", + "lemon", + "carrots", + "mushrooms", + "Flora Cuisine" + ] + }, + { + "id": 8534, + "cuisine": "chinese", + "ingredients": [ + "orange", + "duck", + "water", + "coarse sea salt", + "honey", + "chinese five-spice powder", + "black peppercorns", + "fresh ginger", + "mushroom soy sauce" + ] + }, + { + "id": 17834, + "cuisine": "southern_us", + "ingredients": [ + "fat free milk", + "salt", + "water", + "cooking spray", + "yellow corn meal", + "large eggs", + "grits", + "large egg whites", + "butter" + ] + }, + { + "id": 15030, + "cuisine": "indian", + "ingredients": [ + "coconut", + "green chilies", + "curry leaves", + "urad dal", + "mustard seeds", + "gram dal", + "oil", + "water", + "salt" + ] + }, + { + "id": 40571, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "diced tomatoes", + "black beans", + "chicken breasts", + "cumin", + "chicken stock", + "quinoa", + "crushed red pepper", + "corn", + "chili powder" + ] + }, + { + "id": 29427, + "cuisine": "french", + "ingredients": [ + "fresh brussels sprouts", + "bay leaves", + "boiling water", + "pearl onions", + "butter", + "pepper", + "roasted chestnuts", + "turkey broth", + "salt" + ] + }, + { + "id": 30870, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "water", + "cooking spray", + "whole wheat couscous", + "garlic cloves", + "chicken thighs", + "ground ginger", + "fat free less sodium chicken broth", + "ground nutmeg", + "chicken drumsticks", + "ground coriander", + "onions", + "slivered almonds", + "honey", + "golden raisins", + "crushed red pepper", + "carrots", + "ground turmeric", + "black pepper", + "olive oil", + "chicken breast halves", + "salt", + "fresh parsley", + "ground cumin" + ] + }, + { + "id": 9770, + "cuisine": "french", + "ingredients": [ + "water", + "red wine vinegar", + "chopped onion", + "ground black pepper", + "lemon", + "garlic cloves", + "romaine lettuce", + "cooking spray", + "salt", + "tomatoes", + "cod fillets", + "extra-virgin olive oil" + ] + }, + { + "id": 27099, + "cuisine": "french", + "ingredients": [ + "yellow corn meal", + "sea salt", + "water", + "dry yeast", + "warm water", + "all-purpose flour" + ] + }, + { + "id": 39124, + "cuisine": "southern_us", + "ingredients": [ + "lemon wedge", + "vegetable oil cooking spray", + "creole seasoning", + "low-fat buttermilk", + "catfish fillets", + "cornflake cereal" + ] + }, + { + "id": 19272, + "cuisine": "indian", + "ingredients": [ + "chicken broth", + "cilantro", + "salt", + "curry powder", + "garlic", + "carrots", + "chicken breasts", + "chopped celery", + "ghee", + "tomatoes", + "ginger", + "coconut cream" + ] + }, + { + "id": 35799, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "smoked sausage", + "fresh parsley leaves", + "green onions", + "yellow onion", + "long grain white rice", + "ground black pepper", + "salt", + "ham", + "water", + "Tabasco Pepper Sauce", + "garlic cloves" + ] + }, + { + "id": 45737, + "cuisine": "vietnamese", + "ingredients": [ + "green cabbage", + "serrano peppers", + "garlic", + "brown sugar", + "rice noodles", + "rice vinegar", + "fish sauce", + "boneless skinless chicken breasts", + "cilantro leaves", + "lime juice", + "vegetable oil", + "carrots" + ] + }, + { + "id": 13404, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "purple onion", + "hothouse cucumber", + "chili", + "fresh lime juice", + "sugar", + "garlic cloves", + "salted roast peanuts", + "chopped fresh mint" + ] + }, + { + "id": 45515, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "hand", + "crushed red pepper flakes", + "chopped parsley", + "garlic bread", + "red wine", + "yellow onion", + "chuck", + "olive oil", + "grated parmesan cheese", + "garlic", + "bay leaf", + "pinenuts", + "ground black pepper", + "raisins", + "juice" + ] + }, + { + "id": 44687, + "cuisine": "southern_us", + "ingredients": [ + "cream style corn", + "salt", + "corn kernel whole", + "crawfish", + "butter", + "creole seasoning", + "pepper sauce", + "green onions", + "all-purpose flour", + "condensed cream of potato soup", + "milk", + "worcestershire sauce", + "onions" + ] + }, + { + "id": 39969, + "cuisine": "mexican", + "ingredients": [ + "spinach", + "olive oil", + "potatoes", + "salt", + "celery", + "shredded Monterey Jack cheese", + "avocado", + "water", + "zucchini", + "epazote", + "red bell pepper", + "dried oregano", + "tomato paste", + "dried basil", + "whole peeled tomatoes", + "garlic", + "corn tortillas", + "chicken", + "green bell pepper", + "ground black pepper", + "bay leaves", + "carrots", + "onions", + "ground cumin" + ] + }, + { + "id": 4751, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "button mushrooms", + "firm tofu", + "baby spinach", + "garlic", + "corn starch", + "dark soy sauce", + "chili oil", + "salt", + "fermented black beans", + "vegetable oil", + "vegetable broth", + "scallions" + ] + }, + { + "id": 22071, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "large eggs", + "corn starch", + "sugar", + "garlic powder", + "apple cider vinegar", + "kosher salt", + "boneless skinless chicken breasts", + "soy sauce", + "ground black pepper", + "vegetable oil" + ] + }, + { + "id": 8132, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "brown sugar", + "garlic", + "tomatoes", + "chile pepper", + "corn starch", + "green bell pepper", + "cilantro", + "onions", + "tomato paste", + "water", + "salt" + ] + }, + { + "id": 6264, + "cuisine": "italian", + "ingredients": [ + "sugar", + "parmesan cheese", + "butter", + "soft fresh goat cheese", + "eggs", + "large egg yolks", + "chopped fresh thyme", + "garlic cloves", + "fresh green peas", + "olive oil", + "ground black pepper", + "all-purpose flour", + "water", + "mascarpone", + "salt", + "heavy whipping cream" + ] + }, + { + "id": 43181, + "cuisine": "mexican", + "ingredients": [ + "olives", + "pita rounds", + "coarse salt" + ] + }, + { + "id": 38941, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "baking powder", + "chinese five-spice powder", + "eggs", + "water", + "all-purpose flour", + "white pepper", + "salt", + "chicken legs", + "garlic powder", + "peanut oil" + ] + }, + { + "id": 13000, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "garam masala", + "onions", + "water", + "green chilies", + "chopped cilantro fresh", + "coriander seeds", + "cumin seed", + "ground turmeric", + "minced garlic", + "ginger", + "chicken thighs" + ] + }, + { + "id": 19382, + "cuisine": "thai", + "ingredients": [ + "quinoa", + "english cucumber", + "chopped cilantro", + "sugar", + "crushed red pepper flakes", + "carrots", + "mint", + "vegetable oil", + "scallions", + "asian fish sauce", + "lime juice", + "salt", + "red bell pepper" + ] + }, + { + "id": 19057, + "cuisine": "vietnamese", + "ingredients": [ + "rice stick noodles", + "star anise", + "rib eye steaks", + "green onions", + "fresh mint", + "serrano chilies", + "cilantro leaves", + "beef", + "low salt chicken broth" + ] + }, + { + "id": 35590, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "eggs", + "espresso", + "lady fingers", + "sugar", + "cocoa powder" + ] + }, + { + "id": 19682, + "cuisine": "chinese", + "ingredients": [ + "white onion", + "peas", + "stock", + "fresh ginger", + "celery", + "pepper", + "carrots", + "soy sauce", + "shiitake", + "bamboo shoots" + ] + }, + { + "id": 38842, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "olive oil", + "garlic cloves", + "celery ribs", + "kale", + "cannellini beans", + "fresh rosemary", + "whole peeled tomatoes", + "carrots", + "pancetta", + "bread crumbs", + "grated parmesan cheese", + "onions" + ] + }, + { + "id": 41059, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "chopped cilantro fresh", + "black pepper", + "purple onion", + "fresh lime juice", + "green bell pepper", + "jalapeno chilies", + "grouper", + "plum tomatoes", + "lime rind", + "cooking spray", + "red bell pepper" + ] + }, + { + "id": 31963, + "cuisine": "indian", + "ingredients": [ + "fresh lemon juice", + "salt", + "serrano chile", + "cilantro leaves", + "vegetable oil", + "fresh mint" + ] + }, + { + "id": 13455, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "cheddar cheese", + "enchilada sauce", + "seasoning", + "salt", + "boneless chicken breast" + ] + }, + { + "id": 27841, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "radishes", + "seasoned rice wine vinegar", + "garlic cloves", + "snow peas", + "salad", + "fresh ginger", + "red cabbage", + "english cucumber", + "red bell pepper", + "dressing", + "fresh cilantro", + "Sriracha", + "peanut butter", + "carrots", + "dried mango", + "peanuts", + "sesame oil", + "scallions", + "fresh mint" + ] + }, + { + "id": 43378, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil", + "shrimp", + "eggs", + "salt", + "fresh parsley", + "tomatoes", + "buttermilk", + "cornmeal", + "pepper", + "all-purpose flour" + ] + }, + { + "id": 1717, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "fresh ginger root", + "black mustard seeds", + "ground cumin", + "liquid aminos", + "bay leaves", + "basmati rice", + "asafoetida", + "mung beans", + "chopped cilantro fresh", + "water", + "fenugreek seeds", + "ground turmeric" + ] + }, + { + "id": 40708, + "cuisine": "korean", + "ingredients": [ + "fish sauce", + "ground black pepper", + "wonton wrappers", + "garlic", + "dumplings", + "ground lamb", + "minced garlic", + "rice cakes", + "lamb shoulder chops", + "firm tofu", + "onions", + "eggs", + "water", + "green onions", + "ground pork", + "seaweed", + "broth", + "pepper", + "radishes", + "lemon", + "salt", + "mung bean sprouts" + ] + }, + { + "id": 35202, + "cuisine": "brazilian", + "ingredients": [ + "minced garlic", + "salt", + "quick cooking brown rice", + "chopped bacon", + "canned black beans", + "low sodium chicken broth", + "ground cumin", + "olive oil", + "chopped onion" + ] + }, + { + "id": 36413, + "cuisine": "filipino", + "ingredients": [ + "quail eggs", + "salt", + "sugar", + "frozen meatballs", + "corn starch", + "water", + "oil", + "soy sauce", + "refrigerated biscuits" + ] + }, + { + "id": 28944, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "mustard greens", + "salt", + "onions", + "turnips", + "pepper", + "crushed red pepper", + "diced celery", + "turnip greens", + "bacon slices", + "garlic cloves", + "chicken broth", + "potatoes", + "purple onion", + "carrots" + ] + }, + { + "id": 42126, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "eggplant", + "milk", + "rotelle", + "seasoned bread crumbs", + "grated parmesan cheese", + "olive oil", + "shredded mozzarella cheese" + ] + }, + { + "id": 2320, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "purple onion", + "scallions", + "tomato sauce", + "fresh ginger", + "red wine vinegar", + "rice vinegar", + "sugar", + "sweet & sour stir fry sauce", + "pineapple", + "pineapple juice", + "minced garlic", + "vegetable oil", + "salt" + ] + }, + { + "id": 3071, + "cuisine": "italian", + "ingredients": [ + "semolina flour", + "salt", + "active dry yeast", + "white sugar", + "warm water", + "all-purpose flour", + "olive oil" + ] + }, + { + "id": 18521, + "cuisine": "italian", + "ingredients": [ + "semolina flour", + "italian seasoning", + "garlic powder", + "eggs", + "salt", + "olive oil" + ] + }, + { + "id": 10333, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "olive oil", + "fresh parsley", + "sugar", + "chopped onion", + "tomatoes", + "salt", + "black pepper", + "okra pods" + ] + }, + { + "id": 26460, + "cuisine": "french", + "ingredients": [ + "salmon fillets", + "shallots", + "ground white pepper", + "tomatoes", + "leeks", + "salt", + "olive oil", + "butter", + "chervil", + "dry white wine", + "crème fraîche" + ] + }, + { + "id": 2798, + "cuisine": "southern_us", + "ingredients": [ + "Praline Liqueur", + "dark rum", + "mashed banana", + "lemon juice", + "light brown sugar", + "bananas", + "cinnamon", + "salt", + "butter pecan cake mix", + "water", + "vegetable oil", + "vanilla extract", + "powdered sugar", + "large eggs", + "butter", + "dark brown sugar" + ] + }, + { + "id": 40833, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "ground black pepper", + "parsley", + "salt", + "thyme", + "olive oil", + "yoghurt", + "garlic", + "yellow onion", + "white mushrooms", + "baking soda", + "baking powder", + "leek tops", + "carrots", + "chicken thighs", + "white wine", + "bay leaves", + "butter", + "all-purpose flour", + "cinnamon sticks" + ] + }, + { + "id": 45987, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "ground black pepper", + "cooking wine", + "light soy sauce", + "broccoli florets", + "oyster sauce", + "minced ginger", + "cooking oil", + "yellow onion", + "garlic powder", + "flank steak", + "corn starch" + ] + }, + { + "id": 19107, + "cuisine": "korean", + "ingredients": [ + "red chili peppers", + "shrimp paste", + "pears", + "red chili powder", + "radishes", + "garlic", + "fresh ginger", + "napa cabbage", + "sugar", + "green onions", + "salt" + ] + }, + { + "id": 28535, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "dijon mustard", + "onions", + "fresh coriander", + "garlic", + "black pepper", + "green onions", + "boneless skinless chicken breast halves", + "mild curry powder", + "fresh ginger", + "coconut milk" + ] + }, + { + "id": 42376, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "chicken broth", + "cilantro", + "onions", + "tomato paste", + "butter", + "rice", + "lime juice", + "garlic", + "cumin" + ] + }, + { + "id": 37103, + "cuisine": "cajun_creole", + "ingredients": [ + "lump crab meat", + "finely chopped onion", + "chopped celery", + "chopped parsley", + "cayenne", + "vegetable oil", + "all-purpose flour", + "oysters", + "file powder", + "salt", + "medium shrimp", + "chopped green bell pepper", + "fish stock", + "scallions" + ] + }, + { + "id": 3656, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "salt", + "sun-dried tomatoes", + "butter", + "squid", + "ricotta cheese", + "dry bread crumbs", + "sesame seeds", + "garlic", + "dried oregano" + ] + }, + { + "id": 49003, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "salt", + "soy sauce", + "mirin", + "boneless chicken thighs", + "enokitake", + "eggs", + "shiitake", + "shrimp" + ] + }, + { + "id": 26987, + "cuisine": "chinese", + "ingredients": [ + "garlic oil", + "spring onions", + "cilantro leaves", + "caster sugar", + "vinegar", + "wonton wrappers", + "minced pork", + "dark soy sauce", + "light soy sauce", + "sesame oil", + "shao hsing wine", + "pepper", + "water chestnuts", + "salt", + "coriander" + ] + }, + { + "id": 42705, + "cuisine": "greek", + "ingredients": [ + "fresh lemon", + "cayenne pepper", + "eggplant", + "extra-virgin olive oil", + "fresh parsley", + "paprika", + "garlic cloves", + "tahini", + "salt", + "cumin" + ] + }, + { + "id": 25358, + "cuisine": "italian", + "ingredients": [ + "butter", + "sweet italian sausage", + "arborio rice", + "extra-virgin olive oil", + "saffron", + "crushed red pepper flakes", + "chopped parsley", + "grated parmesan cheese", + "purple onion" + ] + }, + { + "id": 33873, + "cuisine": "greek", + "ingredients": [ + "plain low-fat yogurt", + "chopped fresh mint", + "salt", + "cucumber", + "white pepper" + ] + }, + { + "id": 42179, + "cuisine": "moroccan", + "ingredients": [ + "chicken breast halves", + "all-purpose flour", + "cinnamon sticks", + "almonds", + "extra-virgin olive oil", + "low salt chicken broth", + "ground ginger", + "shallots", + "cayenne pepper", + "chopped cilantro fresh", + "tumeric", + "dates", + "fresh lemon juice", + "ground cumin" + ] + }, + { + "id": 11712, + "cuisine": "vietnamese", + "ingredients": [ + "celery leaves", + "palm sugar", + "large garlic cloves", + "cilantro leaves", + "fresh lime juice", + "green cabbage", + "lemongrass", + "green onions", + "salted roast peanuts", + "fresh lemon juice", + "chopped cilantro fresh", + "kaffir lime leaves", + "olive oil", + "daikon", + "thai chile", + "coarse kosher salt", + "plum tomatoes", + "fish sauce", + "yardlong beans", + "grated carrot", + "persian cucumber", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 39208, + "cuisine": "cajun_creole", + "ingredients": [ + "plain flour", + "evaporated milk", + "shortening", + "yeast", + "eggs", + "salt", + "sugar" + ] + }, + { + "id": 7580, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "salt", + "pepper", + "diced tomatoes", + "large shrimp", + "sugar", + "olive oil", + "frozen corn", + "diced onions", + "lime juice", + "garlic" + ] + }, + { + "id": 13776, + "cuisine": "italian", + "ingredients": [ + "gelatin", + "sugar", + "heavy cream", + "fruit" + ] + }, + { + "id": 33334, + "cuisine": "southern_us", + "ingredients": [ + "hot sauce", + "whipped cream cheese", + "mullet" + ] + }, + { + "id": 20358, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "water", + "sugar", + "ground allspice", + "ground cinnamon", + "lemon", + "ground cloves", + "beets" + ] + }, + { + "id": 23078, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "white cornmeal", + "buttermilk", + "butter", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 12452, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "salt", + "seasoning", + "prosciutto", + "boneless skinless chicken breast halves", + "sage leaves", + "olive oil", + "all-purpose flour", + "marsala wine", + "ground black pepper" + ] + }, + { + "id": 18853, + "cuisine": "italian", + "ingredients": [ + "eggs", + "small curd cottage cheese", + "grated parmesan cheese", + "salt", + "dried oregano", + "crushed tomatoes", + "minced onion", + "ground pork", + "fresh parsley", + "tomato sauce", + "ground black pepper", + "lean ground beef", + "shredded mozzarella cheese", + "dried basil", + "lasagna noodles", + "garlic", + "white sugar" + ] + }, + { + "id": 32572, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "ground red pepper", + "fresh lemon juice", + "ground cumin", + "oil cured olives", + "quinoa", + "fresh orange juice", + "flat leaf parsley", + "water", + "large garlic cloves", + "red bell pepper", + "fat free less sodium chicken broth", + "pistachios", + "extra-virgin olive oil", + "chopped cilantro fresh" + ] + }, + { + "id": 17425, + "cuisine": "greek", + "ingredients": [ + "sugar", + "purple onion", + "romaine lettuce", + "extra-virgin olive oil", + "olives", + "beefsteak tomatoes", + "cucumber", + "radicchio", + "fresh lemon juice" + ] + }, + { + "id": 10651, + "cuisine": "french", + "ingredients": [ + "swiss cheese", + "bread slices", + "celery ribs", + "beef broth", + "butter", + "onions", + "bay leaves", + "low salt chicken broth" + ] + }, + { + "id": 40904, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "diced tomatoes", + "capers", + "large garlic cloves", + "onions", + "fresh basil", + "red wine vinegar", + "juice", + "eggplant", + "toasted pine nuts" + ] + }, + { + "id": 8898, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "vegetable oil cooking spray", + "ground coriander", + "salmon fillets", + "coarse salt", + "low-fat plain yogurt", + "ground black pepper", + "tumeric", + "cayenne pepper" + ] + }, + { + "id": 9165, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "bean paste", + "ginger", + "scallions", + "sesame seeds", + "sesame oil", + "chile bean paste", + "soy sauce", + "szechwan peppercorns", + "salted roast peanuts", + "onions", + "peanuts", + "rabbit", + "peanut oil" + ] + }, + { + "id": 34302, + "cuisine": "italian", + "ingredients": [ + "romaine lettuce", + "fresh parmesan cheese", + "worcestershire sauce", + "fresh lemon juice", + "water", + "large eggs", + "garlic cloves", + "olive oil", + "red wine vinegar", + "croutons", + "pepper", + "dijon mustard", + "anchovy paste" + ] + }, + { + "id": 5013, + "cuisine": "greek", + "ingredients": [ + "pasta", + "chopped green bell pepper", + "olive oil flavored cooking spray", + "fillet red snapper", + "garlic cloves", + "pitted kalamata olives", + "purple onion", + "dried oregano", + "ground black pepper", + "lemon juice" + ] + }, + { + "id": 18698, + "cuisine": "mexican", + "ingredients": [ + "stock", + "lime", + "salt", + "ancho chile pepper", + "chili pepper", + "pork ribs", + "tortilla chips", + "dried oregano", + "lettuce", + "fresh cilantro", + "chili powder", + "sour cream", + "pork", + "radishes", + "sweet corn", + "onions" + ] + }, + { + "id": 18474, + "cuisine": "mexican", + "ingredients": [ + "slivered almonds", + "ground black pepper", + "vegetable oil", + "all-purpose flour", + "tomatoes", + "chipotle chile", + "baking powder", + "raisins", + "lard", + "warm water", + "boneless country pork ribs", + "large garlic cloves", + "masa dough", + "ground cinnamon", + "white onion", + "apple cider vinegar", + "salt", + "masa harina" + ] + }, + { + "id": 30494, + "cuisine": "thai", + "ingredients": [ + "tumeric", + "lemongrass", + "ground nutmeg", + "cinnamon", + "ground coriander", + "garlic cloves", + "curry paste", + "lime rind", + "ground pepper", + "sweet potatoes", + "maple syrup", + "oil", + "coconut milk", + "soy sauce", + "lime", + "extra firm tofu", + "fresh green bean", + "scallions", + "red bell pepper", + "cumin", + "ground cloves", + "fresh ginger root", + "shallots", + "roasted peanuts", + "cardamom", + "dried red chile peppers" + ] + }, + { + "id": 15567, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "carrots", + "onions", + "garlic", + "celery", + "fryer chickens", + "dumplings", + "dried parsley", + "chicken broth", + "salt", + "bay leaf" + ] + }, + { + "id": 32256, + "cuisine": "cajun_creole", + "ingredients": [ + "white wine", + "parsley", + "garlic", + "thyme", + "kale", + "cinnamon", + "creole seasoning", + "celery", + "bell pepper", + "butter", + "oil", + "onions", + "andouille sausage", + "sweet potatoes", + "heavy cream", + "shrimp" + ] + }, + { + "id": 3983, + "cuisine": "vietnamese", + "ingredients": [ + "minced garlic", + "beef", + "canola oil", + "fish sauce", + "light soy sauce", + "thai chile", + "chile paste", + "red pepper flakes", + "kosher salt", + "honey", + "scallions" + ] + }, + { + "id": 2819, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "zucchini", + "green onions", + "olive oil", + "Swanson Vegetable Broth", + "arborio rice", + "asparagus", + "mushrooms", + "pepper", + "grated parmesan cheese", + "baby carrots" + ] + }, + { + "id": 1980, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "dark sesame oil", + "salt", + "sugar pea", + "toasted sesame seeds", + "sugar", + "rice vinegar" + ] + }, + { + "id": 7058, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "whole wheat tortillas", + "garlic", + "dark sesame oil", + "beansprouts", + "Sriracha", + "crushed red pepper flakes", + "salt", + "cucumber", + "water", + "cilantro", + "purple onion", + "beef rib short", + "low sodium soy sauce", + "vegetable oil", + "ginger", + "rice vinegar", + "greek yogurt" + ] + }, + { + "id": 14579, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "baby spinach", + "olive oil", + "yellow onion", + "kosher salt", + "clove garlic, fine chop", + "sausage casings", + "grated parmesan cheese", + "gnocchi" + ] + }, + { + "id": 37523, + "cuisine": "filipino", + "ingredients": [ + "eggplant", + "onions", + "eggs", + "salt", + "tomatoes", + "garlic", + "pepper", + "oil" + ] + }, + { + "id": 8333, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "marinara sauce", + "garlic cloves", + "part-skim mozzarella cheese", + "salt", + "pepper", + "extra-virgin olive oil", + "rigatoni", + "italian sausage", + "parmesan cheese", + "yellow onion" + ] + }, + { + "id": 8804, + "cuisine": "italian", + "ingredients": [ + "sugar", + "salt", + "fresh rosemary", + "dry yeast", + "warm water", + "all-purpose flour", + "olive oil" + ] + }, + { + "id": 8706, + "cuisine": "mexican", + "ingredients": [ + "fresh spinach", + "corn tortillas", + "salsa", + "light sour cream", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 47582, + "cuisine": "brazilian", + "ingredients": [ + "sea salt", + "marjoram leaves", + "red pepper flakes", + "cilantro leaves", + "steak", + "olive oil", + "cracked black pepper", + "red bell pepper", + "Italian parsley leaves", + "garlic cloves", + "champagne vinegar" + ] + }, + { + "id": 26375, + "cuisine": "southern_us", + "ingredients": [ + "country ham", + "baking soda", + "salt", + "warm water", + "baking powder", + "mustard", + "active dry yeast", + "buttermilk", + "sugar", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 34986, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "cayenne pepper", + "onions", + "Johnsonville Andouille", + "bay leaves", + "celery", + "light red kidney beans", + "garlic", + "cooked white rice", + "olive oil", + "green pepper" + ] + }, + { + "id": 41349, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "vanilla extract", + "eggs", + "flour", + "peanut butter", + "ground cinnamon", + "baking soda", + "salted peanuts", + "firmly packed brown sugar", + "butter", + "confectioners sugar" + ] + }, + { + "id": 13239, + "cuisine": "greek", + "ingredients": [ + "fresh spinach", + "eggs", + "water", + "grated parmesan cheese", + "butter", + "feta cheese crumbles", + "semolina flour", + "salt and ground black pepper", + "parsley", + "dill", + "olive oil", + "green onions", + "all-purpose flour", + "spearmint", + "milk", + "leeks", + "salt", + "white sugar" + ] + }, + { + "id": 20375, + "cuisine": "mexican", + "ingredients": [ + "honey", + "chees fresco queso", + "ground cumin", + "radishes", + "pumpkin seeds", + "olive oil", + "white wine vinegar", + "butter lettuce", + "jicama", + "chopped cilantro fresh" + ] + }, + { + "id": 25397, + "cuisine": "japanese", + "ingredients": [ + "yellow squash", + "chopped garlic", + "salmon", + "scallions", + "soy sauce", + "salt", + "pepper", + "nori" + ] + }, + { + "id": 36161, + "cuisine": "indian", + "ingredients": [ + "chicken broth", + "yellow squash", + "paprika", + "cayenne pepper", + "fresh parsley", + "ground ginger", + "black pepper", + "zucchini", + "canned tomatoes", + "red bell pepper", + "chopped fresh mint", + "turnips", + "ground cinnamon", + "olive oil", + "garlic", + "lemon juice", + "onions", + "caraway seeds", + "honey", + "cornish game hens", + "salt", + "chopped cilantro", + "ground cumin" + ] + }, + { + "id": 31721, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "bok choy", + "soy sauce", + "salt", + "butter", + "water", + "oyster sauce" + ] + }, + { + "id": 141, + "cuisine": "mexican", + "ingredients": [ + "salt", + "shortening", + "boiling water", + "all-purpose flour", + "whole wheat bread flour" + ] + }, + { + "id": 12464, + "cuisine": "british", + "ingredients": [ + "baking soda", + "dates", + "all-purpose flour", + "brown sugar", + "baking powder", + "vanilla extract", + "eggs", + "dark rum", + "heavy cream", + "ground allspice", + "water", + "butter", + "salt" + ] + }, + { + "id": 26785, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "cayenne pepper", + "butter", + "salad dressing", + "garlic powder", + "lemon pepper", + "catfish fillets", + "salt" + ] + }, + { + "id": 14751, + "cuisine": "greek", + "ingredients": [ + "sage leaves", + "dried fig", + "prosciutto", + "feta cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 40997, + "cuisine": "irish", + "ingredients": [ + "sugar", + "vegetable oil", + "all-purpose flour", + "carrots", + "ground black pepper", + "beef stew meat", + "beer", + "bay leaf", + "water", + "baking potatoes", + "beef broth", + "thyme sprigs", + "turnips", + "leeks", + "salt", + "fresh lemon juice", + "fresh parsley" + ] + }, + { + "id": 10585, + "cuisine": "mexican", + "ingredients": [ + "salt", + "water", + "potato flakes", + "all-purpose flour", + "olive oil" + ] + }, + { + "id": 7743, + "cuisine": "thai", + "ingredients": [ + "water", + "coconut cream", + "superfine sugar", + "corn kernels", + "tapioca flour", + "salt" + ] + }, + { + "id": 27013, + "cuisine": "filipino", + "ingredients": [ + "brown sugar", + "vinegar", + "chopped onion", + "black pepper", + "spring onions", + "pork shoulder", + "pineapple chunks", + "water", + "salt", + "soy sauce", + "bay leaves", + "garlic cloves" + ] + }, + { + "id": 42181, + "cuisine": "chinese", + "ingredients": [ + "spring roll skins", + "basil leaves", + "garlic", + "fish sauce", + "finely chopped onion", + "chives", + "oil", + "cooked rice", + "soy sauce", + "green onions", + "salt", + "sugar", + "serrano peppers", + "pineapple rings", + "medium shrimp" + ] + }, + { + "id": 42568, + "cuisine": "thai", + "ingredients": [ + "pepper", + "shredded carrots", + "light coconut milk", + "canola oil", + "peanuts", + "green onions", + "garlic cloves", + "sweet onion", + "shredded cabbage", + "salt", + "sweet chili sauce", + "flour tortillas", + "boneless skinless chicken breasts", + "chopped cilantro fresh" + ] + }, + { + "id": 47938, + "cuisine": "greek", + "ingredients": [ + "pita bread", + "coarse salt", + "hothouse cucumber", + "plain yogurt", + "fresh lemon juice", + "olive oil", + "sour cream", + "fresh dill", + "garlic cloves" + ] + }, + { + "id": 43930, + "cuisine": "mexican", + "ingredients": [ + "melted butter", + "milk", + "baking powder", + "brown sugar", + "whole wheat flour", + "salt", + "eggs", + "lime", + "cinnamon", + "shredded coconut", + "flour" + ] + }, + { + "id": 11572, + "cuisine": "mexican", + "ingredients": [ + "reduced fat shredded cheese", + "guacamole", + "taco seasoning", + "nonfat greek yogurt", + "sea salt", + "chicken", + "flour tortillas", + "salsa", + "lime", + "green onions", + "chopped cilantro" + ] + }, + { + "id": 238, + "cuisine": "italian", + "ingredients": [ + "boneless skinless chicken breast halves", + "basil pesto sauce", + "prosciutto" + ] + }, + { + "id": 41846, + "cuisine": "cajun_creole", + "ingredients": [ + "large egg yolks", + "green onions", + "cilantro sprigs", + "fresh lemon juice", + "mayonaise", + "ground black pepper", + "grapeseed oil", + "dill tips", + "fresh cilantro", + "dijon mustard", + "fresh tarragon", + "mixed greens", + "fresh dill", + "panko", + "butter", + "crabmeat", + "grated lemon peel" + ] + }, + { + "id": 11713, + "cuisine": "thai", + "ingredients": [ + "chili flakes", + "bread crumbs", + "salt", + "chopped cilantro", + "brown sugar", + "green onions", + "peanut butter", + "fish sauce", + "pepper", + "red curry paste", + "eggs", + "ground chicken", + "sesame oil", + "coconut milk" + ] + }, + { + "id": 24813, + "cuisine": "italian", + "ingredients": [ + "baking powder", + "salt", + "milk", + "butter", + "lemon juice", + "eggs", + "ricotta cheese", + "all-purpose flour", + "lemon zest", + "vanilla extract", + "white sugar" + ] + }, + { + "id": 8964, + "cuisine": "italian", + "ingredients": [ + "eggs", + "polenta", + "prosciutto", + "pesto sauce", + "white vinegar", + "butter" + ] + }, + { + "id": 13047, + "cuisine": "greek", + "ingredients": [ + "pita bread rounds", + "sour cream", + "allspice", + "lemon pepper", + "boneless skinless chicken breast halves", + "garlic", + "onions", + "plain yogurt", + "cucumber", + "dried oregano" + ] + }, + { + "id": 33742, + "cuisine": "thai", + "ingredients": [ + "light brown sugar", + "thai basil", + "red bell pepper", + "curry paste", + "sugar pea", + "shallots", + "lime leaves", + "soy sauce", + "extra firm tofu", + "coconut milk", + "kosher salt", + "vegetable oil", + "fresh lime juice" + ] + }, + { + "id": 12778, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "salt", + "romano cheese", + "butter", + "dried parsley", + "milk", + "garlic", + "boneless skinless chicken breast halves", + "condensed cream of chicken soup", + "ground black pepper", + "bow-tie pasta" + ] + }, + { + "id": 34213, + "cuisine": "spanish", + "ingredients": [ + "bay leaves", + "garlic", + "onions", + "octopuses", + "parsley", + "salt", + "pimenton", + "almonds", + "fish stock", + "rice", + "italian tomatoes", + "dry white wine", + "sweet pepper", + "saffron" + ] + }, + { + "id": 41421, + "cuisine": "italian", + "ingredients": [ + "burrata", + "diced tomatoes", + "garlic cloves", + "fettucine", + "cooking spray", + "crushed red pepper", + "ground black pepper", + "extra-virgin olive oil", + "grape tomatoes", + "baby spinach", + "salt" + ] + }, + { + "id": 39407, + "cuisine": "greek", + "ingredients": [ + "grape tomatoes", + "coarse salt", + "fresh parsley", + "ground pepper", + "fresh chevre", + "olive oil", + "red wine vinegar", + "shallots", + "bulgur" + ] + }, + { + "id": 4505, + "cuisine": "chinese", + "ingredients": [ + "homemade chicken broth", + "large eggs", + "white pepper", + "corn starch", + "tomatoes", + "salt", + "water" + ] + }, + { + "id": 49465, + "cuisine": "moroccan", + "ingredients": [ + "lamb seasoning", + "spices", + "lamb shoulder", + "prunes", + "water", + "ginger", + "onions", + "pepper", + "sea salt", + "carrots", + "fresh rosemary", + "dried apricot", + "garlic" + ] + }, + { + "id": 33866, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "sofrito", + "eggs", + "onions", + "ground beef", + "empanada wrappers", + "adobo seasoning" + ] + }, + { + "id": 17495, + "cuisine": "chinese", + "ingredients": [ + "chicken bouillon", + "wonton wrappers", + "shrimp", + "fish sauce", + "water", + "leg quarters", + "yellow chives", + "pork", + "sesame oil", + "ham", + "stock", + "white pepper", + "salt", + "corn starch" + ] + }, + { + "id": 41397, + "cuisine": "french", + "ingredients": [ + "pepper", + "butter", + "ground nutmeg", + "all-purpose flour", + "milk", + "salt", + "shallots", + "garlic cloves" + ] + }, + { + "id": 22775, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "butter", + "sliced mushrooms", + "cream", + "grated parmesan cheese", + "garlic", + "olive oil", + "linguine", + "fresh parsley", + "crawfish", + "green onions", + "salt" + ] + }, + { + "id": 45562, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "firmly packed brown sugar", + "vanilla extract", + "brandy", + "whipping cream" + ] + }, + { + "id": 1302, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "jicama", + "salt", + "red bell pepper", + "ground black pepper", + "crushed red pepper flakes", + "rice vinegar", + "olive oil", + "chili powder", + "cilantro leaves", + "fresh lime juice", + "red cabbage", + "purple onion", + "carrots" + ] + }, + { + "id": 20029, + "cuisine": "chinese", + "ingredients": [ + "honey", + "boneless skinless chicken breasts", + "broccoli", + "ketchup", + "sesame seeds", + "crushed red pepper flakes", + "cooked quinoa", + "soy sauce", + "fresh ginger", + "sesame oil", + "corn starch", + "water", + "hoisin sauce", + "garlic", + "onions" + ] + }, + { + "id": 46933, + "cuisine": "jamaican", + "ingredients": [ + "fresh ginger", + "vegetable oil", + "cornmeal", + "pepper", + "sweet potatoes", + "salt", + "flour", + "butter", + "fresh parsley", + "curry powder", + "boneless skinless chicken breasts", + "cayenne pepper" + ] + }, + { + "id": 3098, + "cuisine": "irish", + "ingredients": [ + "leeks", + "heavy cream", + "celery", + "salt and ground black pepper", + "vegetable stock", + "yellow onion", + "shredded cheddar cheese", + "green onions", + "garlic", + "potatoes", + "butter", + "baby carrots" + ] + }, + { + "id": 25954, + "cuisine": "southern_us", + "ingredients": [ + "large egg yolks", + "fresh lemon juice", + "salt", + "buttermilk", + "heavy whipping cream", + "sugar", + "crème fraîche" + ] + }, + { + "id": 24824, + "cuisine": "irish", + "ingredients": [ + "water", + "potato flakes", + "parsnips", + "leeks", + "onions", + "turnips", + "potatoes", + "carrots", + "pepper", + "salt" + ] + }, + { + "id": 40701, + "cuisine": "french", + "ingredients": [ + "beef stock", + "red wine", + "onions", + "ground black pepper", + "parsley", + "cognac", + "mushrooms", + "bouquet garni", + "glace de viande", + "slab bacon", + "shallots", + "salt", + "chicken" + ] + }, + { + "id": 34787, + "cuisine": "thai", + "ingredients": [ + "pepper", + "zucchini", + "salt", + "bok choy", + "olive oil", + "crushed red pepper flakes", + "cilantro leaves", + "onions", + "shiitake", + "ginger", + "red bell pepper", + "thai basil", + "garlic", + "coconut milk" + ] + }, + { + "id": 4313, + "cuisine": "southern_us", + "ingredients": [ + "ground cloves", + "granulated sugar", + "cake flour", + "ground cinnamon", + "crystallized ginger", + "glazed pecans", + "dark brown sugar", + "ground ginger", + "molasses", + "large eggs", + "salt", + "pecans", + "unsalted butter", + "heavy cream", + "unsweetened cocoa powder" + ] + }, + { + "id": 38939, + "cuisine": "italian", + "ingredients": [ + "garlic", + "vinaigrette dressing", + "dried oregano", + "white sugar", + "dried basil" + ] + }, + { + "id": 17344, + "cuisine": "italian", + "ingredients": [ + "sugar", + "coarse salt", + "fresh rosemary", + "freshly grated parmesan", + "warm water", + "all-purpose flour", + "table salt", + "instant yeast" + ] + }, + { + "id": 13494, + "cuisine": "italian", + "ingredients": [ + "vidalia onion", + "dijon mustard", + "flank steak", + "linguine", + "olive oil", + "beef stock", + "portabello mushroom", + "white wine", + "italian style seasoning", + "asiago", + "garlic", + "tomatoes", + "salt and ground black pepper", + "dry white wine", + "worcestershire sauce" + ] + }, + { + "id": 41969, + "cuisine": "japanese", + "ingredients": [ + "miso paste", + "peeled fresh ginger", + "carrots", + "soy sauce", + "radishes", + "soba noodles", + "kosher salt", + "large eggs", + "scallions", + "ground black pepper", + "vegetable oil", + "fresh lime juice" + ] + }, + { + "id": 31600, + "cuisine": "irish", + "ingredients": [ + "tomatoes", + "pickled jalapenos", + "dijon mustard", + "butter", + "salt", + "brown sugar", + "Guinness Beer", + "flour", + "cilantro", + "sour cream", + "sausage casings", + "pepper", + "potatoes", + "worcestershire sauce", + "oil", + "avocado", + "cheddar cheese", + "cayenne", + "green onions", + "garlic", + "onions" + ] + }, + { + "id": 30190, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "beef tenderloin steaks", + "green peppercorns", + "cracked black pepper", + "brandy", + "whipping cream", + "butter" + ] + }, + { + "id": 10422, + "cuisine": "french", + "ingredients": [ + "frozen pastry puff sheets", + "sliced almonds", + "apricots", + "granulated sugar", + "confectioners sugar" + ] + }, + { + "id": 42422, + "cuisine": "italian", + "ingredients": [ + "peperoncini", + "extra-virgin olive oil", + "large shrimp", + "red pepper flakes", + "salt", + "dry white wine", + "garlic", + "sea salt", + "flat leaf parsley" + ] + }, + { + "id": 28038, + "cuisine": "french", + "ingredients": [ + "Belgian endive", + "light mayonnaise", + "shrimp", + "prepared horseradish", + "purple onion", + "pickle relish", + "hot pepper sauce", + "lemon juice", + "fresh dill", + "lemon", + "chopped parsley" + ] + }, + { + "id": 6670, + "cuisine": "thai", + "ingredients": [ + "thai basil", + "salt", + "simple syrup", + "white rum", + "juice" + ] + }, + { + "id": 25014, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garbanzo beans", + "purple onion", + "chaat masala", + "water", + "agave nectar", + "roasted peanuts", + "pepper", + "corn husks", + "cilantro leaves", + "mango", + "lime", + "mint leaves", + "english cucumber" + ] + }, + { + "id": 36139, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "ground black pepper", + "bay leaves", + "cubed ham", + "onions", + "boneless chicken skinless thigh", + "bell pepper", + "red pepper", + "long-grain rice", + "andouille sausage", + "parsley leaves", + "basil leaves", + "beer", + "italian sausage", + "white pepper", + "seafood seasoning", + "garlic", + "thyme leaves" + ] + }, + { + "id": 26428, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "coarse salt", + "asparagus", + "scallions", + "olive oil", + "pizza doughs", + "black pepper", + "grated parmesan cheese" + ] + }, + { + "id": 18671, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "extra-virgin olive oil", + "feta cheese crumbles", + "whole wheat pita", + "chickpeas", + "fresh parsley", + "romaine lettuce", + "purple onion", + "cucumber", + "capers", + "diced tomatoes", + "fresh lemon juice", + "dried oregano" + ] + }, + { + "id": 26468, + "cuisine": "jamaican", + "ingredients": [ + "unsweetened coconut milk", + "fresh ginger", + "onions", + "pepper", + "ground black pepper", + "canola oil", + "kosher salt", + "kidney beans", + "long grain white rice", + "water", + "scallions" + ] + }, + { + "id": 6198, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "raisins", + "juice", + "penne", + "macaroni", + "salt", + "cheddar cheese", + "pepper", + "pineapple", + "carrots", + "mayonaise", + "chicken breasts", + "pineapple juice" + ] + }, + { + "id": 16590, + "cuisine": "italian", + "ingredients": [ + "sponge cake", + "white sugar", + "coffee ice cream", + "espresso beans", + "coffee liqueur", + "brewed espresso", + "water", + "ice cream" + ] + }, + { + "id": 49608, + "cuisine": "italian", + "ingredients": [ + "milk", + "vegetable oil", + "fontina cheese", + "unsalted butter", + "onions", + "pasta", + "freshly grated parmesan", + "all-purpose flour", + "tumeric", + "parsley leaves" + ] + }, + { + "id": 21523, + "cuisine": "italian", + "ingredients": [ + "condensed cream of chicken soup", + "grated parmesan cheese", + "boiling water", + "eggs", + "shredded cheddar cheese", + "fresh parsley", + "frozen chopped spinach", + "cottage cheese", + "sour cream", + "italian seasoning", + "manicotti shells", + "milk", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 19505, + "cuisine": "mexican", + "ingredients": [ + "corn tortilla chips", + "large eggs", + "chees fresh mozzarella", + "cherry tomatoes", + "baby spinach", + "onions", + "black pepper", + "leeks", + "salt", + "olive oil", + "lemon" + ] + }, + { + "id": 19614, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "purple onion", + "chopped cilantro fresh", + "large flour tortillas", + "sharp cheddar cheese", + "chili powder", + "frozen corn kernels", + "ground cumin", + "olive oil", + "large garlic cloves", + "chicken fingers" + ] + }, + { + "id": 27318, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "flour tortillas", + "sauce", + "ground cumin", + "fresh cilantro", + "non-fat sour cream", + "juice", + "tilapia fillets", + "cinnamon", + "garlic cloves", + "chipotle chile", + "olive oil", + "salt", + "greens" + ] + }, + { + "id": 17488, + "cuisine": "filipino", + "ingredients": [ + "shredded cheddar cheese", + "raisins", + "onions", + "boiled eggs", + "large eggs", + "salt", + "unseasoned breadcrumbs", + "ground black pepper", + "ground pork", + "sweet relish", + "hot dogs", + "carrots" + ] + }, + { + "id": 41647, + "cuisine": "mexican", + "ingredients": [ + "chili", + "lime wedges", + "sour cream", + "ancho", + "roma tomatoes", + "salt", + "corn tortillas", + "manchego cheese", + "garlic", + "salad oil", + "eggs", + "chicken breast halves", + "chopped onion", + "chopped cilantro fresh" + ] + }, + { + "id": 40373, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "crushed red pepper", + "kosher salt", + "buttermilk", + "corn starch", + "black pepper", + "flour", + "peanut oil", + "garlic powder", + "paprika", + "chicken" + ] + }, + { + "id": 3114, + "cuisine": "southern_us", + "ingredients": [ + "vanilla wafer crumbs", + "semi-sweet chocolate morsels", + "bourbon whiskey", + "confectioners sugar", + "light corn syrup", + "white sugar", + "chopped pecans" + ] + }, + { + "id": 45836, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "ground black pepper", + "garlic", + "onions", + "crushed tomatoes", + "worcestershire sauce", + "salt", + "olive oil", + "paprika", + "fresh parsley", + "water", + "cod fillets", + "dry pasta", + "chopped cilantro fresh" + ] + }, + { + "id": 6668, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "salsa", + "monterey jack", + "lime juice", + "diced tomatoes", + "sour cream", + "sliced black olives", + "prepared guacamole", + "refried beans", + "onion tops", + "chopped cilantro fresh" + ] + }, + { + "id": 33389, + "cuisine": "cajun_creole", + "ingredients": [ + "bottled clam juice", + "vegetable oil", + "cayenne pepper", + "fresh parsley", + "bay leaves", + "garlic", + "red bell pepper", + "bone in skin on chicken thigh", + "low sodium chicken broth", + "diced tomatoes", + "shrimp", + "onions", + "andouille sausage", + "fresh thyme leaves", + "salt", + "celery", + "long grain white rice" + ] + }, + { + "id": 34551, + "cuisine": "brazilian", + "ingredients": [ + "pepper", + "chicken thigh fillets", + "salt", + "onions", + "prawns", + "diced tomatoes", + "peanut oil", + "chiles", + "shrimp paste", + "ginger", + "coconut milk", + "lime", + "crushed garlic", + "cilantro leaves", + "cashew nuts" + ] + }, + { + "id": 18458, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "potatoes", + "oregano", + "olive oil", + "salt", + "pepper", + "basil", + "ginger paste", + "garam masala", + "cayenne pepper" + ] + }, + { + "id": 6659, + "cuisine": "jamaican", + "ingredients": [ + "kosher salt", + "olive oil", + "cinnamon", + "garlic cloves", + "lime juice", + "ground black pepper", + "yellow onion", + "low sodium soy sauce", + "dried thyme", + "green onions", + "ground coriander", + "pepper", + "ground nutmeg", + "chicken drumsticks", + "allspice" + ] + }, + { + "id": 48050, + "cuisine": "french", + "ingredients": [ + "butternut squash", + "dark brown sugar", + "bread", + "salt", + "olive oil", + "chopped fresh sage", + "shallots", + "ground white pepper" + ] + }, + { + "id": 12912, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "shallots", + "purple onion", + "cucumber", + "low sodium soy sauce", + "cooking spray", + "red wine vinegar", + "hot sauce", + "tomatoes", + "ground black pepper", + "balsamic vinegar", + "salt", + "fresh basil leaves", + "sourdough bread", + "flank steak", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 37940, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed light brown sugar", + "vanilla extract", + "butter", + "light corn syrup", + "pecan halves", + "whipping cream" + ] + }, + { + "id": 10636, + "cuisine": "french", + "ingredients": [ + "cocoa", + "baking powder", + "light corn syrup", + "semi-sweet chocolate morsels", + "powdered sugar", + "coffee", + "butter", + "cake flour", + "eggs", + "brewed coffee", + "instant coffee", + "vanilla", + "sugar", + "egg yolks", + "heavy cream", + "salt" + ] + }, + { + "id": 7903, + "cuisine": "chinese", + "ingredients": [ + "honey", + "boneless skinless chicken breasts", + "hot sauce", + "sweet chili sauce", + "ground black pepper", + "buttermilk", + "mayonaise", + "panko", + "vegetable oil", + "corn starch", + "kosher salt", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 27673, + "cuisine": "southern_us", + "ingredients": [ + "chicken breasts", + "cream of mushroom soup", + "black pepper", + "buttermilk", + "butter", + "seasoning salt", + "all-purpose flour" + ] + }, + { + "id": 44128, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "grated lemon zest", + "dried oregano", + "black peppercorns", + "coriander seeds", + "smoked paprika", + "olive oil", + "garlic cloves", + "yellow mustard seeds", + "crushed red pepper flakes", + "pork shoulder boston butt" + ] + }, + { + "id": 15079, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "rotelle", + "cream of chicken soup", + "shredded mozzarella cheese", + "tortillas", + "non-fat sour cream", + "chicken breasts", + "onions" + ] + }, + { + "id": 39353, + "cuisine": "filipino", + "ingredients": [ + "pasta sauce", + "cooking oil", + "salt", + "shredded cheddar cheese", + "ground pork", + "onions", + "pepper", + "hot dogs", + "beef broth", + "minced garlic", + "luncheon meat", + "noodles" + ] + }, + { + "id": 11518, + "cuisine": "irish", + "ingredients": [ + "vegetable oil", + "all-purpose flour", + "low sodium beef broth", + "large eggs", + "dry red wine", + "fresh mushrooms", + "onions", + "pepper", + "worcestershire sauce", + "dry bread crumbs", + "ground beef", + "prepared mustard", + "salt", + "garlic cloves" + ] + }, + { + "id": 2893, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "garlic powder", + "yellow onion", + "black pepper", + "italian style stewed tomatoes", + "cumin", + "collard greens", + "hominy", + "ham hock", + "water", + "red pepper flakes" + ] + }, + { + "id": 3663, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "white beans", + "chili powder", + "yellow onion", + "chicken broth", + "vegetable broth", + "cumin", + "pork", + "salt" + ] + }, + { + "id": 8256, + "cuisine": "mexican", + "ingredients": [ + "fresh lime", + "purple onion", + "jalapeno chilies", + "roma tomatoes", + "kosher salt", + "cilantro" + ] + }, + { + "id": 19486, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "salt", + "celery", + "green bell pepper", + "golden raisins", + "ham", + "Sriracha", + "rice vinegar", + "olive oil", + "parsley", + "carrots" + ] + }, + { + "id": 3654, + "cuisine": "irish", + "ingredients": [ + "kale", + "scallions", + "pepper", + "yukon gold potatoes", + "green cabbage", + "unsalted butter", + "milk", + "salt" + ] + }, + { + "id": 7491, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "salsa", + "ground beef", + "fresh cilantro", + "flour tortillas", + "Mexican cheese", + "sliced black olives", + "taco seasoning", + "sliced green onions", + "kidney beans", + "frozen corn", + "sour cream" + ] + }, + { + "id": 26592, + "cuisine": "mexican", + "ingredients": [ + "ground sirloin", + "salsa", + "shredded reduced fat cheddar cheese", + "reduced-fat sour cream", + "whole kernel corn, drain", + "brown rice", + "chopped onion", + "chopped green bell pepper", + "cracked black pepper", + "iceberg lettuce" + ] + }, + { + "id": 2764, + "cuisine": "brazilian", + "ingredients": [ + "mayonaise", + "lemon", + "red bell pepper", + "orange bell pepper", + "shrimp", + "dried oregano", + "plain yogurt", + "scallions", + "ground cayenne pepper", + "spices", + "ground white pepper", + "ground cumin" + ] + }, + { + "id": 13721, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "dried thyme", + "vegetable oil", + "ground coriander", + "bone in skin on chicken thigh", + "kosher salt", + "asadero", + "garlic", + "chipotles in adobo", + "ground cumin", + "store bought low sodium chicken stock", + "lime wedges", + "cilantro leaves", + "onions", + "curly kale", + "ground black pepper", + "russet potatoes", + "sour cream", + "plum tomatoes" + ] + }, + { + "id": 14717, + "cuisine": "southern_us", + "ingredients": [ + "red potato", + "coarse salt", + "crab boil", + "corn husks", + "lemon", + "shrimp", + "water", + "butter", + "beef sausage", + "hot pepper sauce", + "garlic", + "onions" + ] + }, + { + "id": 19719, + "cuisine": "indian", + "ingredients": [ + "pistachio nuts", + "evaporated milk", + "nonfat ricotta cheese", + "granulated sugar", + "saffron", + "green cardamom" + ] + }, + { + "id": 38672, + "cuisine": "indian", + "ingredients": [ + "chiles", + "extra firm tofu", + "paprika", + "cumin seed", + "basmati rice", + "fresh ginger", + "apple cider vinegar", + "paneer", + "chopped cilantro", + "ground cumin", + "coconut oil", + "full fat coconut milk", + "sea salt", + "ground coriander", + "onions", + "crushed tomatoes", + "green onions", + "garlic", + "mustard seeds", + "ground turmeric" + ] + }, + { + "id": 4722, + "cuisine": "southern_us", + "ingredients": [ + "cold water", + "water", + "tea bags", + "fresh mint", + "sugar", + "ice cubes", + "lemon juice" + ] + }, + { + "id": 20140, + "cuisine": "chinese", + "ingredients": [ + "large eggs", + "sugar", + "black tea leaves", + "soy sauce", + "star anise", + "water", + "salt" + ] + }, + { + "id": 41699, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "freshly ground pepper", + "quickcooking grits", + "chicken broth", + "salt", + "shredded extra sharp cheddar cheese" + ] + }, + { + "id": 35971, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "feta cheese crumbles", + "black pepper", + "ground red pepper", + "angel hair", + "chopped green bell pepper", + "medium shrimp", + "minced garlic", + "diced tomatoes" + ] + }, + { + "id": 39055, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "garlic", + "shrimp", + "chopped bell pepper", + "chopped onion", + "black pepper", + "salt", + "tomatoes", + "Tabasco Pepper Sauce", + "diced celery" + ] + }, + { + "id": 38429, + "cuisine": "mexican", + "ingredients": [ + "knorr chicken flavor bouillon cube", + "onions", + "garlic", + "chopped cilantro fresh", + "zucchini", + "boneless skinless chicken breast halves", + "sour cream" + ] + }, + { + "id": 4457, + "cuisine": "french", + "ingredients": [ + "coarse salt", + "bay leaf", + "clove", + "cornichons", + "white vinegar", + "fresh tarragon", + "peppercorns", + "pearl onions", + "garlic" + ] + }, + { + "id": 16631, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "olive oil", + "mustard greens", + "onions", + "corn mix muffin", + "dijon mustard", + "meat tenderizer", + "milk", + "cooking spray", + "biscuit mix", + "ham steak", + "Mexican cheese blend", + "roasted garlic" + ] + }, + { + "id": 42822, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "lemon juice", + "capers", + "dry white wine", + "all-purpose flour", + "turkey breast tenderloins", + "salt", + "flat leaf parsley", + "pepper", + "lemon wedge", + "garlic cloves" + ] + }, + { + "id": 46772, + "cuisine": "mexican", + "ingredients": [ + "tilapia fillets", + "cooking spray", + "low-fat yogurt", + "low sodium soy sauce", + "shredded coleslaw mix", + "salt", + "pepper", + "honey", + "dark sesame oil", + "lime juice", + "peeled fresh ginger", + "corn tortillas" + ] + }, + { + "id": 23807, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "chopped walnuts", + "french bread", + "candy", + "water", + "cinnamon sticks", + "brown sugar", + "raisins" + ] + }, + { + "id": 35365, + "cuisine": "french", + "ingredients": [ + "chopped tomatoes", + "salt", + "spinach", + "shredded swiss cheese", + "large eggs", + "pepper", + "butter" + ] + }, + { + "id": 9994, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "light soy sauce", + "sesame oil", + "oyster sauce", + "chicken stock", + "white pepper", + "yardlong beans", + "coarse salt", + "ground beef", + "warm water", + "ground black pepper", + "vegetable oil", + "corn starch", + "dark soy sauce", + "soy bean paste", + "soya bean", + "garlic", + "onions" + ] + }, + { + "id": 20359, + "cuisine": "moroccan", + "ingredients": [ + "preserved lemon", + "crushed red pepper flakes", + "cinnamon sticks", + "ground turmeric", + "kosher salt", + "extra-virgin olive oil", + "couscous", + "chicken", + "picholine olives", + "ginger", + "flat leaf parsley", + "saffron", + "chicken stock", + "ground black pepper", + "garlic cloves", + "onions", + "ground cumin" + ] + }, + { + "id": 18025, + "cuisine": "mexican", + "ingredients": [ + "sweet chili sauce", + "oil", + "canned jalapeno peppers", + "wonton wrappers", + "smoked paprika", + "light cream cheese" + ] + }, + { + "id": 16429, + "cuisine": "japanese", + "ingredients": [ + "pork", + "cooking oil", + "soba noodles", + "sake", + "dashi", + "ginger", + "toasted sesame seeds", + "light soy sauce", + "shallots", + "carrots", + "sugar", + "mirin", + "garlic", + "cabbage" + ] + }, + { + "id": 16883, + "cuisine": "mexican", + "ingredients": [ + "mozzarella cheese", + "parsley", + "rotisserie chicken", + "unsalted butter", + "salt", + "pepper", + "purple onion", + "sour cream", + "cheddar cheese", + "flour tortillas", + "salsa" + ] + }, + { + "id": 46590, + "cuisine": "french", + "ingredients": [ + "orange juice concentrate", + "garlic cloves", + "fresh chives", + "fresh parsley", + "salmon fillets", + "fresh lemon juice", + "nonfat yogurt", + "grated orange" + ] + }, + { + "id": 40057, + "cuisine": "southern_us", + "ingredients": [ + "brandy", + "garlic powder", + "worcestershire sauce", + "ground ginger", + "kosher salt", + "peaches", + "chopped onion", + "ground cloves", + "ground black pepper", + "tomato ketchup", + "brown sugar", + "cider vinegar", + "butter", + "ground cayenne pepper" + ] + }, + { + "id": 30064, + "cuisine": "russian", + "ingredients": [ + "frozen raspberries", + "sugar", + "cold water", + "corn starch", + "milk" + ] + }, + { + "id": 25120, + "cuisine": "southern_us", + "ingredients": [ + "cayenne", + "okra", + "salt", + "canola oil", + "buttermilk", + "cornmeal", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 33006, + "cuisine": "indian", + "ingredients": [ + "butter", + "curds", + "garlic paste", + "salt", + "maida flour", + "baking powder", + "cilantro leaves" + ] + }, + { + "id": 37036, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "garlic powder", + "salt", + "pepper", + "jalapeno chilies", + "yellow peppers", + "ground chipotle chile pepper", + "tortillas", + "pork shoulder", + "olive oil", + "onion powder", + "oregano" + ] + }, + { + "id": 14567, + "cuisine": "mexican", + "ingredients": [ + "hamburger buns", + "cider vinegar", + "large garlic cloves", + "cumin seed", + "plum tomatoes", + "clove", + "guajillo chiles", + "rib pork chops", + "cilantro leaves", + "ancho chile pepper", + "black peppercorns", + "white onion", + "vegetable oil", + "rolls", + "papalo", + "avocado", + "chipotle chile", + "string cheese", + "salt", + "cinnamon sticks", + "dried oregano" + ] + }, + { + "id": 11950, + "cuisine": "greek", + "ingredients": [ + "roasted red peppers", + "greek seasoning", + "garlic cloves", + "low-fat plain yogurt", + "feta cheese crumbles", + "fresh dill" + ] + }, + { + "id": 8309, + "cuisine": "british", + "ingredients": [ + "water", + "salt", + "cabbage", + "rutabaga", + "potatoes", + "fresh parsley", + "beef shank", + "carrots", + "pepper", + "leeks", + "onions" + ] + }, + { + "id": 23634, + "cuisine": "mexican", + "ingredients": [ + "fresh oregano leaves", + "salt", + "pepper", + "corn tortillas", + "white onion", + "salsa", + "olive oil", + "chicken" + ] + }, + { + "id": 45453, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "chopped green bell pepper", + "salt", + "shredded mozzarella cheese", + "italian seasoning", + "olive oil", + "tomatoes with juice", + "creole seasoning", + "white sugar", + "water", + "worcestershire sauce", + "cayenne pepper", + "fresh parsley", + "chuck", + "tomato sauce", + "garlic powder", + "chopped celery", + "chopped onion", + "dried oregano" + ] + }, + { + "id": 11228, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "olive oil", + "leeks", + "garlic", + "thyme", + "tomatoes", + "grated parmesan cheese", + "ground red pepper", + "elbow macaroni", + "fresh parsley", + "red kidney beans", + "zucchini", + "shredded cabbage", + "salt", + "celery", + "water", + "low sodium chicken broth", + "basil", + "carrots", + "oregano" + ] + }, + { + "id": 7944, + "cuisine": "mexican", + "ingredients": [ + "fresh lime juice", + "ice cubes", + "mango", + "liqueur", + "tequila" + ] + }, + { + "id": 3854, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "bean paste", + "oil", + "Shaoxing wine", + "garlic", + "pork belly", + "ginger", + "sugar", + "leeks", + "green pepper" + ] + }, + { + "id": 37482, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "flour", + "cilantro", + "oil", + "ground beef", + "eggs", + "corn", + "chili powder", + "salsa", + "sour cream", + "milk", + "baking powder", + "salt", + "enchilada sauce", + "cumin", + "sugar", + "diced green chilies", + "lime wedges", + "shredded cheese", + "cornmeal" + ] + }, + { + "id": 18654, + "cuisine": "mexican", + "ingredients": [ + "chopped cilantro fresh", + "green onions", + "cooked chicken breasts" + ] + }, + { + "id": 29201, + "cuisine": "moroccan", + "ingredients": [ + "wine", + "rack of lamb", + "coarse sea salt", + "honey", + "ras el hanout" + ] + }, + { + "id": 45980, + "cuisine": "indian", + "ingredients": [ + "shallots", + "cumin seed", + "curry leaves", + "salt", + "coriander", + "yoghurt", + "green chilies", + "mango", + "cold water", + "ginger", + "mustard seeds" + ] + }, + { + "id": 9348, + "cuisine": "chinese", + "ingredients": [ + "vinegar", + "chili oil", + "pork loin chops", + "soy sauce", + "large eggs", + "corn starch", + "bamboo shoots", + "cold water", + "extra firm tofu", + "scallions", + "toasted sesame oil", + "shiitake", + "low sodium chicken broth", + "ground white pepper" + ] + }, + { + "id": 38734, + "cuisine": "mexican", + "ingredients": [ + "shortening", + "salt", + "baking powder", + "water", + "all-purpose flour", + "vegetable oil" + ] + }, + { + "id": 42665, + "cuisine": "cajun_creole", + "ingredients": [ + "cooking oil", + "chopped celery", + "ground cumin", + "black-eyed peas", + "red pepper flakes", + "carrots", + "lean ground meat", + "ginger", + "mustard seeds", + "minced garlic", + "beef stock", + "rice" + ] + }, + { + "id": 42298, + "cuisine": "italian", + "ingredients": [ + "all-purpose flour", + "dough" + ] + }, + { + "id": 6228, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "Mexican oregano", + "ground cumin", + "grape tomatoes", + "sherry vinegar", + "fresh lime juice", + "white onion", + "garlic cloves", + "chipotle chile", + "pork tenderloin", + "chopped cilantro fresh" + ] + }, + { + "id": 13986, + "cuisine": "japanese", + "ingredients": [ + "sliced cucumber", + "green beans", + "eggs", + "salt", + "ikura", + "japanese rice", + "sliced carrots", + "cooked shrimp", + "sugar", + "rice vinegar", + "nori" + ] + }, + { + "id": 44746, + "cuisine": "british", + "ingredients": [ + "eggs", + "vanilla", + "bread", + "raisins", + "half & half", + "softened butter", + "sugar", + "salt" + ] + }, + { + "id": 48226, + "cuisine": "french", + "ingredients": [ + "whipping cream", + "granulated sugar", + "Cointreau Liqueur", + "powdered sugar", + "strawberries" + ] + }, + { + "id": 36790, + "cuisine": "japanese", + "ingredients": [ + "white miso", + "cereal flakes", + "wasabi powder", + "canola oil", + "pecans", + "salt", + "agave nectar", + "nori" + ] + }, + { + "id": 26993, + "cuisine": "japanese", + "ingredients": [ + "lime", + "sesame oil", + "soba noodles", + "cremini mushrooms", + "fresh ginger", + "red pepper flakes", + "garlic cloves", + "wakame", + "flat leaf spinach", + "vegetable oil", + "scallions", + "soy sauce", + "shiitake", + "vegetable broth", + "chopped cilantro" + ] + }, + { + "id": 8571, + "cuisine": "mexican", + "ingredients": [ + "reduced fat sharp cheddar cheese", + "grated parmesan cheese", + "brown rice", + "sliced mushrooms", + "olive oil", + "cooking spray", + "salt", + "dried oregano", + "low-fat sour cream", + "flour tortillas", + "chili powder", + "flat leaf parsley", + "diced onions", + "tomato juice", + "cooked chicken", + "enchilada sauce", + "ground cumin" + ] + }, + { + "id": 30982, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "coriander seeds", + "double cream", + "green cardamom", + "garlic cloves", + "tumeric", + "bay leaves", + "ginger", + "cumin seed", + "cashew nuts", + "fresh tomatoes", + "cassia cinnamon", + "turkey", + "green chilies", + "onions", + "clove", + "fresh coriander", + "chili powder", + "salt", + "oil" + ] + }, + { + "id": 24422, + "cuisine": "thai", + "ingredients": [ + "haricots verts", + "fresh cilantro", + "maifun", + "ground coriander", + "baby corn", + "pepper", + "ginger piece", + "paprika", + "garlic cloves", + "ground cumin", + "lemongrass", + "jalapeno chilies", + "salt", + "shrimp", + "soy sauce", + "lime", + "vegetable oil", + "scallions", + "coconut milk" + ] + }, + { + "id": 31791, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "salt", + "tomatoes", + "salmon steaks", + "cooking oil", + "onions", + "eggs", + "garlic" + ] + }, + { + "id": 24318, + "cuisine": "filipino", + "ingredients": [ + "water", + "crab", + "salt" + ] + }, + { + "id": 29608, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "large garlic cloves", + "red bell pepper", + "pepper", + "spanish chorizo", + "onions", + "canned chicken broth", + "salt", + "fresh parsley", + "olive oil", + "long-grain rice" + ] + }, + { + "id": 44684, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sirloin steak", + "corn flour", + "curly kale", + "sesame oil", + "purple onion", + "rice wine", + "garlic", + "chillies", + "black bean sauce", + "sunflower oil", + "ginger root" + ] + }, + { + "id": 35445, + "cuisine": "french", + "ingredients": [ + "broccoli", + "hard-boiled egg", + "grated parmesan cheese", + "dry bread crumbs", + "butter" + ] + }, + { + "id": 3881, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "ground pork", + "garlic cloves", + "cold water", + "leeks", + "peanut oil", + "fermented black beans", + "soft tofu", + "chili bean paste", + "corn starch", + "chicken stock", + "szechwan peppercorns", + "scallions", + "white sugar" + ] + }, + { + "id": 18306, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "large eggs", + "vegetable oil", + "freeze-dried strawberries", + "unsalted butter", + "cake", + "vanilla extract", + "strawberries", + "buttercream frosting", + "whole milk", + "heavy cream", + "all-purpose flour", + "buttermilk biscuits", + "granulated sugar", + "baking powder", + "salt" + ] + }, + { + "id": 19264, + "cuisine": "filipino", + "ingredients": [ + "brown sugar", + "pepper", + "garlic", + "pork belly", + "vinegar", + "oil", + "chiles", + "water", + "salt", + "fish sauce", + "pork blood", + "ginger", + "onions" + ] + }, + { + "id": 53, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "paprika", + "ground red pepper", + "dried oregano", + "garlic powder", + "salt", + "black pepper", + "onion powder" + ] + }, + { + "id": 27761, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "vegetable oil", + "ground allspice", + "chicken wings", + "jalapeno chilies", + "salt", + "garlic cloves", + "soy sauce", + "Tabasco Pepper Sauce", + "grated nutmeg", + "onions", + "dried thyme", + "cinnamon", + "scallions" + ] + }, + { + "id": 26260, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "vegetable broth", + "fresh lime juice", + "vegetable oil spray", + "poblano chilies", + "garlic cloves", + "avocado", + "vegetable oil", + "cumin seed", + "chopped cilantro fresh", + "finely chopped onion", + "diced tomatoes", + "corn tortillas" + ] + }, + { + "id": 35106, + "cuisine": "indian", + "ingredients": [ + "poppy seeds", + "green chilies", + "onions", + "coriander powder", + "garlic", + "coconut milk", + "ground cumin", + "tomatoes", + "ginger", + "oil", + "ground turmeric", + "chili powder", + "cilantro leaves", + "chicken pieces" + ] + }, + { + "id": 22500, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "honey", + "fresh orange juice", + "cooked shrimp", + "corn kernels", + "roasted pumpkin seeds", + "scallions", + "cherry tomatoes", + "jicama", + "fresh lime juice", + "kosher salt", + "olive oil", + "frozen corn", + "ground cumin" + ] + }, + { + "id": 12985, + "cuisine": "mexican", + "ingredients": [ + "pasta", + "cherry tomatoes", + "red pepper", + "corn", + "garlic powder", + "salt", + "black beans", + "olive oil", + "cilantro", + "lime", + "Mexican oregano", + "green pepper" + ] + }, + { + "id": 33047, + "cuisine": "greek", + "ingredients": [ + "kalamata olive halves", + "cucumber", + "cherry tomatoes", + "lemon juice", + "kosher salt", + "dill", + "sour cream", + "orzo", + "feta cheese crumbles" + ] + }, + { + "id": 28102, + "cuisine": "mexican", + "ingredients": [ + "pickled jalapenos", + "ground black pepper", + "potatoes", + "beef broth", + "chopped cilantro fresh", + "lime", + "radishes", + "diced tomatoes", + "chayotes", + "water", + "beef shank", + "vegetable oil", + "carrots", + "cabbage", + "corn husks", + "finely chopped onion", + "salt", + "onions" + ] + }, + { + "id": 28859, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "vegetable oil", + "mirin", + "toasted sesame seeds", + "white miso", + "scallions", + "sake", + "chinese eggplants" + ] + }, + { + "id": 18916, + "cuisine": "french", + "ingredients": [ + "eggs", + "salt", + "semisweet chocolate", + "confectioners sugar", + "unsalted butter", + "all-purpose flour", + "cream of tartar", + "vanilla extract", + "white sugar" + ] + }, + { + "id": 16394, + "cuisine": "mexican", + "ingredients": [ + "cinnamon", + "sugar", + "apple pie filling", + "butter", + "tortillas" + ] + }, + { + "id": 40226, + "cuisine": "mexican", + "ingredients": [ + "whole cloves", + "salt", + "tequila", + "black peppercorns", + "lemon", + "cumin seed", + "white vinegar", + "achiote", + "orange juice", + "pepper", + "garlic", + "allspice berries" + ] + }, + { + "id": 42725, + "cuisine": "thai", + "ingredients": [ + "bean threads", + "sugar", + "vegetable oil", + "Asian sweet chili sauce", + "fresh basil leaves", + "chiles", + "cherry tomatoes", + "beansprouts", + "fresh lime juice", + "toasted peanuts", + "cooked chicken", + "fresh mint", + "medium shrimp", + "fish sauce", + "lime", + "cilantro leaves", + "sliced shallots", + "hothouse cucumber" + ] + }, + { + "id": 27697, + "cuisine": "italian", + "ingredients": [ + "eggs", + "mascarpone", + "marsala wine", + "sugar", + "unsweetened cocoa powder", + "ladyfingers", + "coffee" + ] + }, + { + "id": 33845, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "garlic cloves", + "rigatoni", + "green bell pepper", + "crushed red pepper", + "red bell pepper", + "olive oil", + "feta cheese crumbles", + "pitted kalamata olives", + "salt", + "onions" + ] + }, + { + "id": 13928, + "cuisine": "cajun_creole", + "ingredients": [ + "catfish fillets", + "roasted red peppers", + "garlic cloves", + "fresh parsley", + "olive oil", + "lettuce leaves", + "shrimp", + "tomatoes", + "jalapeno chilies", + "lemon juice", + "sliced green onions", + "creole mustard", + "french sandwich rolls", + "creole seasoning", + "reduced fat mayonnaise" + ] + }, + { + "id": 43565, + "cuisine": "mexican", + "ingredients": [ + "sweet potatoes", + "ground cumin", + "no-salt-added diced tomatoes", + "baby spinach", + "no-salt-added black beans", + "curry powder", + "corn tortillas" + ] + }, + { + "id": 22055, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "spring onions", + "Gochujang base", + "chili flakes", + "sesame seeds", + "vegetable oil", + "minced garlic", + "sesame oil", + "pork fillet", + "brown sugar", + "mirin", + "ginger" + ] + }, + { + "id": 16830, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "all-purpose flour", + "vegetable oil", + "cube steaks", + "milk", + "oil", + "black pepper", + "salt" + ] + }, + { + "id": 19450, + "cuisine": "korean", + "ingredients": [ + "minced ginger", + "sesame oil", + "tripe", + "minced garlic", + "cooking oil", + "all-purpose flour", + "kosher salt", + "roasted sesame seeds", + "kochujang", + "water", + "green onions", + "yellow onion" + ] + }, + { + "id": 3525, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "summer squash", + "red bell pepper", + "eggplant", + "low sodium chicken broth", + "penne pasta", + "salt and ground black pepper", + "Alfredo sauce", + "shredded mozzarella cheese", + "olive oil", + "grated parmesan cheese", + "dry bread crumbs", + "onions" + ] + }, + { + "id": 33331, + "cuisine": "italian", + "ingredients": [ + "broccoli rabe", + "crushed red pepper flakes", + "olive oil", + "whole wheat rotini pasta", + "garlic cloves", + "drippings", + "grated parmesan cheese", + "hot Italian sausages", + "salt and ground black pepper", + "diced tomatoes" + ] + }, + { + "id": 37211, + "cuisine": "mexican", + "ingredients": [ + "baking powder", + "spinach", + "gluten free all purpose flour", + "salt", + "water", + "oil" + ] + }, + { + "id": 14845, + "cuisine": "italian", + "ingredients": [ + "water", + "diced tomatoes", + "garlic cloves", + "fresh basil", + "cannellini beans", + "chopped onion", + "olive oil", + "crushed red pepper", + "orecchiette", + "parmesan cheese", + "broccoli" + ] + }, + { + "id": 20893, + "cuisine": "italian", + "ingredients": [ + "pepper", + "ricotta cheese", + "frozen chopped spinach", + "large eggs", + "pasta shells", + "ground nutmeg", + "turkey sausage", + "tomato sauce", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 38468, + "cuisine": "chinese", + "ingredients": [ + "pork", + "sesame oil", + "flour for dusting", + "black pepper", + "ginger", + "black vinegar", + "soy sauce", + "wonton wrappers", + "corn starch", + "garlic chives", + "mushroom powder", + "salt" + ] + }, + { + "id": 31510, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "vegetable oil", + "chicken thighs", + "soy sauce", + "green onions", + "salt", + "five-spice powder", + "sugar", + "peeled fresh ginger", + "dry sherry", + "chopped cilantro fresh", + "minced garlic", + "sesame oil", + "bean sauce" + ] + }, + { + "id": 33016, + "cuisine": "brazilian", + "ingredients": [ + "ground cinnamon", + "olive oil", + "beef", + "salt", + "capers", + "ground black pepper", + "garlic", + "onions", + "green olives", + "chopped tomatoes", + "bay leaves", + "green pepper", + "ground cloves", + "hot pepper sauce", + "white wine vinegar" + ] + }, + { + "id": 26216, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "cooked chicken", + "salt", + "dried oregano", + "chicken broth", + "zucchini", + "garlic", + "onions", + "roasted red peppers", + "crushed red pepper flakes", + "light cream cheese", + "olive oil", + "grated parmesan cheese", + "pasta shells", + "fresh basil leaves" + ] + }, + { + "id": 5803, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "panko", + "cheese tortellini", + "freshly grated parmesan", + "vegetable oil", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 27437, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "corn starch", + "dry white wine", + "plum tomatoes", + "egg whites", + "spaghettini", + "fresh basil", + "large garlic cloves", + "large shrimp" + ] + }, + { + "id": 23375, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "grated parmesan cheese", + "unsalted butter", + "chicken broth", + "dry white wine", + "finely chopped onion" + ] + }, + { + "id": 30262, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "yellow onion", + "butter cooking spray", + "french rolls", + "light mayonnaise", + "creole seasoning", + "tomatoes", + "shredded lettuce", + "large shrimp" + ] + }, + { + "id": 41223, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "pasta sauce", + "cheese sticks", + "melted butter", + "biscuit dough", + "garlic powder", + "italian seasoning" + ] + }, + { + "id": 9861, + "cuisine": "chinese", + "ingredients": [ + "cooking oil", + "cornflour", + "vanilla essence", + "egg yolks", + "confectioners sugar", + "powdered milk", + "all-purpose flour", + "milk", + "butter" + ] + }, + { + "id": 11525, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "hot sauce", + "chopped cilantro fresh", + "ketchup", + "salt", + "shrimp", + "lump crab meat", + "clamato juice", + "bottled clam juice", + "california avocado", + "fresh lime juice" + ] + }, + { + "id": 1003, + "cuisine": "moroccan", + "ingredients": [ + "finely chopped onion", + "ground cumin", + "paprika", + "minced garlic", + "ground pork", + "ground black pepper", + "salt" + ] + }, + { + "id": 45820, + "cuisine": "brazilian", + "ingredients": [ + "pepper", + "butter", + "paprika", + "corn flour", + "bananas", + "worcestershire sauce", + "salt", + "onions", + "olive oil", + "sirloin steak", + "garlic", + "chopped parsley", + "tomatoes", + "parsley", + "bacon", + "beef broth" + ] + }, + { + "id": 16275, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "fresh thyme leaves", + "white arborio rice", + "parmesan cheese", + "dry white wine", + "fresh mushrooms", + "leeks", + "salt", + "dried mushrooms", + "ground black pepper", + "shallots", + "liquid" + ] + }, + { + "id": 40767, + "cuisine": "southern_us", + "ingredients": [ + "active dry yeast", + "all-purpose flour", + "shortening", + "vegetable oil", + "white sugar", + "eggs", + "evaporated milk", + "confectioners sugar", + "warm water", + "salt" + ] + }, + { + "id": 1408, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "prepar salsa", + "chili beans", + "chopped tomatoes", + "sour cream", + "taco seasoning mix", + "tortilla chips", + "french dressing", + "lean ground beef", + "iceberg lettuce" + ] + }, + { + "id": 49080, + "cuisine": "indian", + "ingredients": [ + "grape tomatoes", + "grated parmesan cheese", + "dark brown sugar", + "olive oil", + "green onions", + "frozen peas", + "large eggs", + "salt", + "ground cumin", + "curry powder", + "peeled fresh ginger", + "garlic cloves" + ] + }, + { + "id": 47081, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "eggs", + "self-rising cornmeal", + "buttermilk", + "honey" + ] + }, + { + "id": 45539, + "cuisine": "spanish", + "ingredients": [ + "water", + "pineapple", + "fresh mint", + "sugar", + "egg yolks", + "ground allspice", + "honey", + "whipping cream", + "sour cream", + "unflavored gelatin", + "frozen pastry puff sheets", + "kiwi fruits", + "mango" + ] + }, + { + "id": 11843, + "cuisine": "jamaican", + "ingredients": [ + "chicken stock", + "frozen okra", + "cream of coconut", + "onions", + "fresh spinach", + "red pepper", + "shrimp", + "rosemary", + "garlic", + "thyme leaves", + "green bell pepper", + "lime slices", + "salt", + "marjoram" + ] + }, + { + "id": 39508, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "sesame oil", + "toasted sesame seeds", + "sugar", + "green onions", + "fresh lemon juice", + "walnut halves", + "asian pear", + "garlic cloves", + "soy sauce", + "rice wine", + "beef heart" + ] + }, + { + "id": 22482, + "cuisine": "russian", + "ingredients": [ + "water", + "white rice", + "onions", + "chicken breasts", + "cayenne pepper", + "ground black pepper", + "salt", + "ketchup", + "butter", + "carrots" + ] + }, + { + "id": 2285, + "cuisine": "thai", + "ingredients": [ + "sugar", + "mushrooms", + "roasted peanuts", + "carrots", + "lime", + "shallots", + "scallions", + "beansprouts", + "Sriracha", + "rice noodles", + "garlic cloves", + "asian fish sauce", + "frozen sweet peas", + "large eggs", + "vegetable oil", + "oyster sauce" + ] + }, + { + "id": 24452, + "cuisine": "irish", + "ingredients": [ + "smoked sausage", + "potatoes", + "yellow onion", + "water", + "salt", + "bacon" + ] + }, + { + "id": 16624, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "purple onion", + "ground coriander", + "ground turmeric", + "ground ginger", + "vegetable oil", + "brown rice flour", + "mustard seeds", + "whole wheat flour", + "rice vinegar", + "cumin seed", + "ground cumin", + "water", + "garlic", + "cayenne pepper", + "white sugar" + ] + }, + { + "id": 24551, + "cuisine": "italian", + "ingredients": [ + "leeks", + "garlic cloves", + "olive oil", + "butter", + "risotto rice", + "vegetable stock", + "chopped parsley", + "grated parmesan cheese", + "button mushrooms" + ] + }, + { + "id": 15456, + "cuisine": "french", + "ingredients": [ + "lemon curd", + "reduced fat milk", + "grated lemon zest", + "powdered sugar", + "granulated sugar", + "all-purpose flour", + "large egg whites", + "cooking spray", + "fresh lemon juice", + "cream of tartar", + "large egg yolks", + "salt" + ] + }, + { + "id": 21652, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "fresh cilantro", + "green onions", + "garlic cloves", + "white onion", + "dijon mustard", + "sea salt", + "canola oil", + "sugar", + "feta cheese", + "queso fresco", + "dried oregano", + "tomatoes", + "cider vinegar", + "jalapeno chilies", + "nopales" + ] + }, + { + "id": 6973, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "diced tomatoes", + "olive oil", + "minced garlic", + "penne pasta", + "bacon" + ] + }, + { + "id": 48478, + "cuisine": "indian", + "ingredients": [ + "granulated sugar", + "orange flower water", + "cinnamon sticks", + "raw pistachios", + "ground tumeric", + "ground cardamom", + "basmati rice", + "dried barberries", + "raisins", + "oil", + "raw almond", + "orange", + "salt", + "carrots", + "saffron" + ] + }, + { + "id": 18256, + "cuisine": "japanese", + "ingredients": [ + "white miso", + "Japanese turnips", + "mirin", + "unsalted butter", + "water" + ] + }, + { + "id": 32126, + "cuisine": "vietnamese", + "ingredients": [ + "pepper", + "garlic powder", + "crushed red pepper", + "fat", + "fish sauce", + "lime juice", + "cilantro", + "coconut aminos", + "coriander", + "water", + "cinnamon", + "salt", + "cucumber", + "pork", + "honey", + "ginger", + "spaghetti squash" + ] + }, + { + "id": 19226, + "cuisine": "southern_us", + "ingredients": [ + "lemon", + "ginger", + "pineapple", + "sweet potatoes" + ] + }, + { + "id": 30786, + "cuisine": "jamaican", + "ingredients": [ + "curry powder", + "potatoes", + "coconut milk", + "chicken broth", + "crystallized ginger", + "garlic cloves", + "lime", + "oil", + "onions", + "pepper sauce", + "boneless chicken breast", + "carrots" + ] + }, + { + "id": 6577, + "cuisine": "italian", + "ingredients": [ + "sugar", + "olive oil", + "shallots", + "water", + "cooking spray", + "salt", + "black pepper", + "fresh parmesan cheese", + "1% low-fat milk", + "cherry tomatoes", + "dry white wine", + "polenta" + ] + }, + { + "id": 31487, + "cuisine": "mexican", + "ingredients": [ + "mexican chocolate", + "unsalted butter", + "cream sweeten whip", + "large eggs" + ] + }, + { + "id": 31083, + "cuisine": "mexican", + "ingredients": [ + "cilantro", + "salsa", + "corn tortillas", + "chees fresco queso", + "freshly ground pepper", + "canola oil", + "eggs", + "salt", + "scallions", + "chiles", + "crème fraîche", + "poblano chiles" + ] + }, + { + "id": 23179, + "cuisine": "chinese", + "ingredients": [ + "double-dark soi sauc", + "chicken breasts", + "peanut oil", + "ground black pepper", + "sesame oil", + "onions", + "sugar", + "rice wine", + "garlic cloves", + "white rice vinegar", + "salt" + ] + }, + { + "id": 30172, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "extra large eggs", + "olive oil", + "green onions", + "phyllo pastry", + "fresh dill", + "unsalted butter", + "plain breadcrumbs", + "frozen chopped spinach", + "ground black pepper", + "salt" + ] + }, + { + "id": 13008, + "cuisine": "irish", + "ingredients": [ + "herbs", + "carrots", + "pepper", + "cider", + "diced onions", + "potatoes", + "pork sausages", + "lean bacon", + "garlic" + ] + }, + { + "id": 3701, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "coconut", + "peeled fresh ginger", + "vegetable broth", + "chopped cilantro fresh", + "green cardamom pods", + "baby spinach leaves", + "garam masala", + "large garlic cloves", + "carrots", + "ground cumin", + "kaffir lime leaves", + "golden brown sugar", + "russet potatoes", + "salt", + "serrano chile", + "tomato paste", + "sweet potatoes & yams", + "ground black pepper", + "sunflower oil", + "onions" + ] + }, + { + "id": 37634, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "salt", + "tomatoes", + "sherry vinegar", + "ground cumin", + "baguette", + "garlic cloves", + "green bell pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 32979, + "cuisine": "italian", + "ingredients": [ + "sugar", + "eggplant", + "flour", + "oregano", + "eggs", + "mozzarella cheese", + "parmesan cheese", + "basil", + "bread crumbs", + "garlic powder", + "red wine", + "tomato purée", + "olive oil", + "marinara sauce", + "salt" + ] + }, + { + "id": 10695, + "cuisine": "irish", + "ingredients": [ + "celery ribs", + "light mayonnaise", + "pecans", + "lemon juice", + "dried cherry", + "gala apples", + "spinach leaves", + "peanut butter" + ] + }, + { + "id": 26862, + "cuisine": "italian", + "ingredients": [ + "vegetable bouillon", + "garlic cloves", + "chicken broth", + "stewed tomatoes", + "water", + "cheese", + "frozen chopped spinach", + "parmesan cheese" + ] + }, + { + "id": 37441, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "corn husks", + "vegetable oil", + "garlic cloves", + "ancho chile pepper", + "masa", + "pork shoulder roast", + "bay leaves", + "salt", + "cinnamon sticks", + "broth", + "tomatoes", + "coriander seeds", + "baking powder", + "cumin seed", + "dried guajillo chiles", + "oregano", + "water", + "jalapeno chilies", + "vegetable shortening", + "carrots", + "onions" + ] + }, + { + "id": 23238, + "cuisine": "thai", + "ingredients": [ + "green onions", + "rice", + "fish sauce", + "cilantro", + "spearmint", + "shallots", + "chillies", + "lime", + "ground pork" + ] + }, + { + "id": 26811, + "cuisine": "mexican", + "ingredients": [ + "sea salt", + "cumin", + "diced green chilies", + "ground turkey", + "chili powder", + "onions", + "cilantro" + ] + }, + { + "id": 30188, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "salt", + "baking powder", + "orange zest", + "unsalted butter", + "all-purpose flour", + "demerara sugar", + "cinnamon" + ] + }, + { + "id": 31339, + "cuisine": "japanese", + "ingredients": [ + "cold water", + "salmon", + "bonito flakes", + "white wine vinegar", + "noodles", + "soy sauce", + "mirin", + "baby radishes", + "konbu", + "sugar", + "shiitake", + "ginger", + "scallions", + "eggs", + "dashi", + "leeks", + "soba noodles" + ] + }, + { + "id": 33187, + "cuisine": "brazilian", + "ingredients": [ + "green onions", + "salt", + "fresh parsley", + "ground black pepper", + "butter", + "cream cheese", + "bread crumbs", + "boneless skinless chicken breasts", + "all-purpose flour", + "onions", + "egg whites", + "beef stock cubes", + "garlic cloves" + ] + }, + { + "id": 4492, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "jalapeno chilies", + "garlic", + "fresh mint", + "lettuce", + "lime", + "vegetable oil", + "new york strip steaks", + "lemongrass", + "shallots", + "cilantro leaves", + "light brown sugar", + "cherry tomatoes", + "crushed red pepper flakes", + "rice" + ] + }, + { + "id": 33563, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "flat leaf parsley", + "salt", + "plum tomatoes", + "blanched almonds", + "garlic", + "spaghetti" + ] + }, + { + "id": 23125, + "cuisine": "french", + "ingredients": [ + "large eggs", + "bacon", + "freshly ground pepper", + "baguette", + "large garlic cloves", + "peanut oil", + "shallots", + "white wine vinegar", + "frisee", + "red wine vinegar", + "salt" + ] + }, + { + "id": 36102, + "cuisine": "southern_us", + "ingredients": [ + "unbaked pie crusts", + "rum", + "melted butter", + "ground nutmeg", + "white sugar", + "ground cinnamon", + "evaporated milk", + "salt", + "eggs", + "sweet potatoes" + ] + }, + { + "id": 46712, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "yellow bell pepper", + "red bell pepper", + "olive oil", + "salsa", + "cheddar cheese", + "purple onion", + "boneless skinless chicken breasts", + "taco seasoning" + ] + }, + { + "id": 8588, + "cuisine": "thai", + "ingredients": [ + "pepper", + "boneless skinless chicken breasts", + "chopped cilantro fresh", + "sugar pea", + "green onions", + "thai green curry paste", + "fresh basil", + "olive oil", + "salt", + "evaporated skim milk", + "coconut extract", + "fresh ginger", + "fatfree lowsodium chicken broth" + ] + }, + { + "id": 42276, + "cuisine": "brazilian", + "ingredients": [ + "pepper", + "jalapeno chilies", + "sweet paprika", + "fresh lime juice", + "halibut fillets", + "stewed tomatoes", + "shrimp", + "fresh cilantro", + "fish stock", + "garlic cloves", + "onions", + "green bell pepper", + "olive oil", + "salt", + "red bell pepper" + ] + }, + { + "id": 2541, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "sweet white miso", + "water", + "littleneck clams", + "dashi", + "red miso", + "soy sauce", + "green onions" + ] + }, + { + "id": 30975, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "vegetable oil", + "corn tortillas", + "tomatoes", + "garlic cloves", + "cooked chicken breasts", + "tomato paste", + "shredded sharp cheddar cheese", + "chopped cilantro fresh", + "diced onions", + "jalapeno chilies", + "low salt chicken broth", + "ground cumin" + ] + }, + { + "id": 8945, + "cuisine": "korean", + "ingredients": [ + "sesame oil", + "rice", + "kim chee", + "oil", + "beef", + "Gochujang base", + "toasted sesame seeds", + "bacon", + "scallions" + ] + }, + { + "id": 28862, + "cuisine": "chinese", + "ingredients": [ + "vinegar", + "vegetable oil", + "fresh ginger", + "szechwan peppercorns", + "toasted sesame seeds", + "chicken stock", + "rice wine", + "salt", + "pork spare ribs", + "sesame oil", + "browning" + ] + }, + { + "id": 6000, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "water", + "onions", + "green bell pepper", + "creole seasoning", + "red kidney beans", + "white rice", + "andouille sausage", + "garlic cloves" + ] + }, + { + "id": 33666, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "parmigiano reggiano cheese", + "fine sea salt", + "dough", + "ground black pepper", + "extra-virgin olive oil", + "water", + "whole milk ricotta cheese", + "garlic cloves", + "parmigiano-reggiano cheese", + "large eggs", + "grated lemon zest" + ] + }, + { + "id": 28457, + "cuisine": "filipino", + "ingredients": [ + "oil", + "plantains", + "garlic powder", + "salt" + ] + }, + { + "id": 30364, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "ground black pepper", + "salt", + "olive oil", + "Italian parsley leaves", + "eggs", + "dry white wine", + "spaghetti", + "parmesan cheese", + "garlic" + ] + }, + { + "id": 46909, + "cuisine": "mexican", + "ingredients": [ + "instant rice", + "zucchini", + "onions", + "water", + "taco seasoning", + "corn", + "ground turkey", + "shredded cheddar cheese", + "stewed tomatoes" + ] + }, + { + "id": 32337, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "flour tortillas (not low fat)", + "chunky salsa", + "canned black beans", + "chopped cilantro fresh", + "pepper jack", + "ground cumin" + ] + }, + { + "id": 14157, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "honey", + "boneless skinless chicken breasts", + "chopped onion", + "chipotles in adobo", + "kosher salt", + "ground black pepper", + "paprika", + "greek yogurt", + "oregano", + "black pepper", + "olive oil", + "parsley", + "garlic cloves", + "fresh parsley", + "lime", + "radishes", + "sweet corn", + "corn tortillas", + "ground cumin" + ] + }, + { + "id": 8421, + "cuisine": "mexican", + "ingredients": [ + "corn husks", + "liquid", + "vegetable shortening", + "masa harina", + "baking powder", + "carnitas", + "salt" + ] + }, + { + "id": 25851, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "avocado", + "purple onion", + "coarse salt", + "lime", + "cilantro leaves" + ] + }, + { + "id": 42562, + "cuisine": "mexican", + "ingredients": [ + "baking powder", + "cornmeal", + "water", + "salt", + "masa harina", + "butter", + "splenda no calorie sweetener", + "frozen whole kernel corn", + "heavy whipping cream" + ] + }, + { + "id": 42138, + "cuisine": "irish", + "ingredients": [ + "whipping cream", + "baking powder", + "all-purpose flour", + "sugar", + "salt", + "butter" + ] + }, + { + "id": 3643, + "cuisine": "mexican", + "ingredients": [ + "bread", + "red chili peppers", + "tomatoes", + "spring onions", + "avocado", + "beans", + "french dressing", + "tuna" + ] + }, + { + "id": 620, + "cuisine": "mexican", + "ingredients": [ + "lower sodium chicken broth", + "ground red pepper", + "chopped onion", + "ground cumin", + "jalapeno chilies", + "salt", + "shredded Monterey Jack cheese", + "olive oil", + "no-salt-added black beans", + "garlic cloves", + "tomatoes", + "cooking spray", + "spanish chorizo", + "sliced green onions" + ] + }, + { + "id": 44033, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lobster", + "salt", + "arborio rice", + "unsalted butter", + "meat", + "garlic cloves", + "fennel", + "leeks", + "cognac", + "white wine", + "lemon zest", + "lobster stock", + "fresh chervil" + ] + }, + { + "id": 25328, + "cuisine": "italian", + "ingredients": [ + "broccoli rabe", + "garlic cloves", + "romano cheese", + "extra-virgin olive oil", + "italian sausage", + "red pepper flakes", + "orecchiette", + "baking soda", + "salt" + ] + }, + { + "id": 22018, + "cuisine": "italian", + "ingredients": [ + "vanilla beans", + "heavy whipping cream", + "bittersweet chocolate chips", + "whole milk", + "sugar", + "large egg yolks", + "kosher salt", + "vegetable oil" + ] + }, + { + "id": 7945, + "cuisine": "french", + "ingredients": [ + "semisweet chocolate", + "salt", + "pure vanilla extract", + "whipped cream", + "and fat free half half", + "egg whites", + "chocolate curls", + "sugar", + "reduced-fat sour cream" + ] + }, + { + "id": 34721, + "cuisine": "chinese", + "ingredients": [ + "chicken breasts", + "cornflour", + "oil", + "brown sugar", + "pineapple", + "salt", + "coriander", + "tomato purée", + "red pepper", + "garlic", + "onions", + "soy sauce", + "ginger", + "rice" + ] + }, + { + "id": 19024, + "cuisine": "greek", + "ingredients": [ + "sugar", + "unsalted butter", + "fresh lemon juice", + "ground cinnamon", + "water", + "orange flower water", + "pitted date", + "almond extract", + "phyllo pastry", + "grated orange peel", + "honey", + "orange juice" + ] + }, + { + "id": 32622, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "green onions", + "ground beef", + "fresh ginger", + "crushed red pepper flakes", + "soy sauce", + "sesame oil", + "cooked rice", + "sesame seeds", + "garlic" + ] + }, + { + "id": 44305, + "cuisine": "vietnamese", + "ingredients": [ + "caster sugar", + "cracked black pepper", + "garlic cloves", + "cabbage", + "sugar", + "peanuts", + "cilantro leaves", + "fresh mint", + "lime juice", + "vietnamese fish sauce", + "carrots", + "red chili peppers", + "boneless skinless chicken breasts", + "rice vinegar", + "onions" + ] + }, + { + "id": 38123, + "cuisine": "russian", + "ingredients": [ + "milk", + "baking yeast", + "eggs", + "hard-boiled egg", + "plain flour", + "unsalted butter", + "cabbage", + "caster sugar", + "salt" + ] + }, + { + "id": 49121, + "cuisine": "japanese", + "ingredients": [ + "ajwain", + "baking powder", + "ground cumin", + "red chili powder", + "water", + "salt", + "black pepper", + "garlic", + "moong dal", + "flour", + "oil" + ] + }, + { + "id": 39676, + "cuisine": "italian", + "ingredients": [ + "porterhouse steaks", + "olive oil", + "salt" + ] + }, + { + "id": 41222, + "cuisine": "british", + "ingredients": [ + "meringue", + "strawberries", + "double cream", + "blueberries" + ] + }, + { + "id": 19219, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "butter", + "chopped fresh mint", + "plain dry bread crumb", + "fresh parsley", + "ground lamb", + "ground cinnamon", + "dry red wine", + "long grain white rice", + "grated parmesan cheese", + "onions" + ] + }, + { + "id": 47360, + "cuisine": "british", + "ingredients": [ + "eggs", + "baking powder", + "vanilla extract", + "ground cinnamon", + "pitted date", + "heavy cream", + "brown sugar", + "butter", + "salt", + "brandy", + "spiced rum", + "all-purpose flour" + ] + }, + { + "id": 36252, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "unsalted butter", + "ground black pepper", + "kosher salt", + "fresh lemon juice" + ] + }, + { + "id": 14190, + "cuisine": "indian", + "ingredients": [ + "yellow onion", + "ground black pepper", + "long grain white rice", + "olive oil", + "brown lentils", + "salt", + "ground cumin" + ] + }, + { + "id": 24460, + "cuisine": "moroccan", + "ingredients": [ + "mint", + "olive oil", + "fresh parsley", + "chicken broth", + "mixed spice", + "bell pepper", + "bread crumbs", + "zucchini", + "ground lamb", + "eggs", + "kosher salt", + "fregola" + ] + }, + { + "id": 26724, + "cuisine": "french", + "ingredients": [ + "sugar", + "large eggs", + "unsalted butter", + "vanilla extract", + "hazelnuts", + "frozen pastry puff sheets", + "semisweet chocolate", + "all-purpose flour" + ] + }, + { + "id": 35708, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "flour", + "batter", + "apples", + "rolled oats", + "chips", + "unsalted butter" + ] + }, + { + "id": 38349, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "lemon wedge", + "cayenne pepper", + "cumin", + "fresh cilantro", + "garlic", + "smoked paprika", + "tomato paste", + "fresh ginger", + "salt", + "chicken thighs", + "plain yogurt", + "vegetable oil", + "lemon juice" + ] + }, + { + "id": 16174, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "pot roast", + "pepperoncini", + "au jus mix", + "ranch dressing" + ] + }, + { + "id": 12400, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "unsalted butter", + "garlic cloves", + "cremini mushrooms", + "reduced sodium chicken broth", + "dry white wine", + "flat leaf parsley", + "arborio rice", + "black pepper", + "parmigiano reggiano cheese", + "hot water", + "soy sauce", + "olive oil", + "salt", + "onions" + ] + }, + { + "id": 12941, + "cuisine": "french", + "ingredients": [ + "sage leaves", + "boneless chuck roast", + "extra-virgin olive oil", + "sage", + "rosemary sprigs", + "bay leaves", + "thyme sprigs", + "warm water", + "sea salt", + "onions", + "dried plum", + "ground black pepper", + "baby carrots" + ] + }, + { + "id": 8719, + "cuisine": "italian", + "ingredients": [ + "lacinato kale", + "reduced sodium chicken stock", + "olive oil", + "chopped garlic", + "dry white wine", + "kosher salt", + "fresh lemon juice" + ] + }, + { + "id": 12662, + "cuisine": "spanish", + "ingredients": [ + "clove", + "red wine", + "club soda", + "honey", + "apples", + "peeled fresh ginger", + "cinnamon sticks", + "apple schnapps", + "navel oranges" + ] + }, + { + "id": 37565, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "ground nutmeg", + "ground allspice", + "sorghum molasses", + "salt", + "ground cloves", + "apples", + "white sugar", + "ground cinnamon", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 11826, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "Mexican cheese blend", + "lime wedges", + "black beans", + "crema mexican", + "corn tortillas", + "avocado", + "olive oil", + "cooking spray", + "black pepper", + "large eggs", + "cilantro leaves" + ] + }, + { + "id": 12220, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "garlic cloves", + "melted butter", + "green onions", + "fresh ginger", + "onions", + "brown sugar", + "chicken breasts" + ] + }, + { + "id": 27522, + "cuisine": "russian", + "ingredients": [ + "ground black pepper", + "purple onion", + "fresh lemon juice", + "beef", + "salt", + "bamboo shoots", + "bell pepper", + "dill", + "mild olive oil", + "bay leaves", + "garlic cloves" + ] + }, + { + "id": 1680, + "cuisine": "chinese", + "ingredients": [ + "shiitake", + "tamari soy sauce", + "chinese five-spice powder", + "frozen peas", + "chicken broth", + "vegetable oil", + "freshly ground pepper", + "pork loin chops", + "large eggs", + "salt", + "carrots", + "long grain white rice", + "fresh ginger", + "garlic", + "scallions", + "red bell pepper" + ] + }, + { + "id": 36280, + "cuisine": "spanish", + "ingredients": [ + "sea salt flakes", + "almonds", + "olive oil", + "smoked paprika" + ] + }, + { + "id": 41330, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "potatoes", + "vegetable stock", + "garlic", + "carrots", + "celery", + "turnips", + "pepper", + "harissa", + "diced tomatoes", + "cumin seed", + "ginger root", + "cumin", + "dried fruit", + "sweet potatoes", + "cinnamon", + "salt", + "cinnamon sticks", + "chopped cilantro", + "mint", + "sun-dried tomatoes", + "shallots", + "paprika", + "oil", + "chopped parsley", + "saffron" + ] + }, + { + "id": 25220, + "cuisine": "indian", + "ingredients": [ + "chile powder", + "cream", + "garam masala", + "cilantro", + "cayenne pepper", + "almond milk", + "boneless chicken skinless thigh", + "honey", + "paprika", + "yellow onion", + "lemon juice", + "cumin", + "tomatoes", + "minced ginger", + "cinnamon", + "salt", + "ground cardamom", + "ground turmeric", + "virgin olive oil", + "pepper", + "yoghurt", + "ginger", + "garlic cloves", + "coriander" + ] + }, + { + "id": 1731, + "cuisine": "filipino", + "ingredients": [ + "black peppercorns", + "garlic", + "bay leaves", + "soy sauce", + "bone in chicken thighs", + "cane vinegar" + ] + }, + { + "id": 47193, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "heavy whipping cream", + "light brown sugar", + "salt", + "buttermilk", + "self rising flour", + "butter flavor vegetable shortening" + ] + }, + { + "id": 47402, + "cuisine": "british", + "ingredients": [ + "brandy", + "large eggs", + "sea salt", + "light brown sugar", + "baking soda", + "whipped cream", + "all-purpose flour", + "pitted date", + "baking powder", + "vanilla extract", + "sugar", + "unsalted butter", + "heavy cream" + ] + }, + { + "id": 19633, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "flour tortillas", + "salt", + "lime juice", + "lime wedges", + "chopped cilantro fresh", + "minced garlic", + "green onions", + "shrimp", + "jack cheese", + "olive oil", + "tomato salsa" + ] + }, + { + "id": 20768, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "jack cheese", + "flour tortillas", + "shredded lettuce", + "sauce", + "sour cream", + "ground cumin", + "chile powder", + "green chile", + "refried beans", + "chili powder", + "salt", + "rotisserie chicken", + "chopped cilantro fresh", + "ground cinnamon", + "kosher salt", + "jalapeno chilies", + "garlic", + "rice", + "onions", + "chicken broth", + "sugar", + "unsalted butter", + "vegetable oil", + "yellow onion", + "garlic cloves", + "cumin" + ] + }, + { + "id": 9509, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "chicken breasts", + "saltines", + "ground red pepper", + "all-purpose flour", + "large eggs", + "salt", + "milk", + "baking powder", + "peanut oil" + ] + }, + { + "id": 15466, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "salt", + "cherry tomatoes", + "linguine", + "fresh parsley", + "fresh basil", + "red wine vinegar", + "garlic cloves", + "olive oil", + "crushed red pepper", + "fresh basil leaves" + ] + }, + { + "id": 3832, + "cuisine": "french", + "ingredients": [ + "olive oil", + "purple onion", + "fresh parsley", + "french bread", + "sherry wine", + "fresh thyme", + "salt", + "pepper", + "gruyere cheese", + "low sodium beef broth" + ] + }, + { + "id": 27921, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "chili powder", + "cilantro", + "rice", + "ground beef", + "Mexican cheese blend", + "diced tomatoes", + "salt", + "pinto beans", + "cumin", + "chicken broth", + "flour tortillas", + "paprika", + "frozen corn", + "sour cream", + "salsa verde", + "butter", + "garlic", + "enchilada sauce", + "onions" + ] + }, + { + "id": 38964, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "coconut oil", + "ginger", + "dried red chile peppers", + "curry leaves", + "shallots", + "mustard seeds", + "grated coconut", + "urad dal" + ] + }, + { + "id": 9948, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "dried parsley", + "pepper", + "salt", + "olive oil", + "tilapia", + "paprika" + ] + }, + { + "id": 291, + "cuisine": "italian", + "ingredients": [ + "grated romano cheese", + "boneless skinless chicken breast halves", + "fresh leav spinach", + "garlic", + "olive oil", + "penne pasta", + "pesto", + "alfredo sauce mix" + ] + }, + { + "id": 21461, + "cuisine": "indian", + "ingredients": [ + "salt", + "prawns", + "onions", + "coconut", + "ground cayenne pepper", + "vegetable oil", + "ground turmeric" + ] + }, + { + "id": 3713, + "cuisine": "french", + "ingredients": [ + "flour", + "sugar", + "butter", + "egg whites", + "baking chocolate", + "egg yolks" + ] + }, + { + "id": 39225, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "vodka", + "lemon peel", + "florets", + "scallions", + "toasted sesame seeds", + "sugar", + "fresh ginger", + "baking powder", + "all-purpose flour", + "corn starch", + "wine", + "kosher salt", + "extra firm tofu", + "garlic", + "lemon juice", + "store bought low sodium vegetable stock", + "soy sauce", + "black bean sauce", + "vegetable oil", + "broccoli", + "toasted sesame oil" + ] + }, + { + "id": 42129, + "cuisine": "indian", + "ingredients": [ + "daikon", + "cumin", + "chaat masala", + "lime juice" + ] + }, + { + "id": 47269, + "cuisine": "italian", + "ingredients": [ + "salt", + "red bell pepper", + "olive oil", + "garlic cloves", + "orecchiette", + "pitted kalamata olives", + "Italian turkey sausage", + "dried oregano", + "ground black pepper", + "feta cheese crumbles" + ] + }, + { + "id": 891, + "cuisine": "spanish", + "ingredients": [ + "dry red wine", + "ice", + "orange", + "Grand Marnier", + "club soda", + "peaches", + "orange juice", + "sugar", + "lemon slices", + "green apples" + ] + }, + { + "id": 29003, + "cuisine": "russian", + "ingredients": [ + "pepper", + "salt", + "eggs", + "russet potatoes", + "canned peas and carrots", + "dill pickles", + "white onion", + "low-fat mayonnaise" + ] + }, + { + "id": 49709, + "cuisine": "mexican", + "ingredients": [ + "shallots", + "salt", + "red", + "basil", + "tomato ketchup", + "pepper", + "vine tomatoes" + ] + }, + { + "id": 13969, + "cuisine": "spanish", + "ingredients": [ + "balsamic vinegar", + "foccacia", + "red bell pepper", + "capers", + "extra-virgin olive oil", + "mango chutney", + "chopped fresh mint" + ] + }, + { + "id": 39479, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "bow-tie pasta", + "chicken breast strips", + "garlic powder", + "fresh basil leaves", + "fat-free reduced-sodium chicken broth", + "Philadelphia Cream Cheese" + ] + }, + { + "id": 48941, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "vanilla extract", + "milk", + "lemon juice", + "caster sugar", + "cream cheese", + "cornflour" + ] + }, + { + "id": 33999, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "cardamom pods", + "onions", + "black peppercorns", + "cinnamon", + "dal", + "clove", + "plain yogurt", + "cumin seed", + "basmati rice", + "green chile", + "salt", + "ghee" + ] + }, + { + "id": 4422, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "peeled fresh ginger", + "fat free less sodium beef broth", + "cardamom pods", + "fresh basil leaves", + "rice stick noodles", + "baby bok choy", + "sirloin steak", + "thai chile", + "beansprouts", + "brown sugar", + "lime wedges", + "star anise", + "garlic cloves", + "snow peas", + "clove", + "water", + "less sodium soy sauce", + "yellow onion", + "fresh mint" + ] + }, + { + "id": 48455, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "butter", + "okra", + "chicken broth", + "bay leaves", + "salt", + "onions", + "black pepper", + "green onions", + "green pepper", + "chicken", + "cayenne", + "diced tomatoes", + "celery" + ] + }, + { + "id": 46199, + "cuisine": "vietnamese", + "ingredients": [ + "clove", + "white onion", + "fresh ginger", + "hoisin sauce", + "eye of round steak", + "dried rice noodles", + "beansprouts", + "fish sauce", + "lime", + "Sriracha", + "beef base", + "purple onion", + "cinnamon sticks", + "mint", + "water", + "yellow rock sugar", + "oxtails", + "star anise", + "Italian basil", + "fennel seeds", + "kosher salt", + "coriander seeds", + "jalapeno chilies", + "cilantro", + "cardamom pods", + "bird chile" + ] + }, + { + "id": 41798, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "purple onion", + "sliced mushrooms", + "chicken stock", + "ground black pepper", + "salt", + "low-fat mozzarella cheese", + "baby spinach leaves", + "grated parmesan cheese", + "penne pasta", + "minced garlic", + "red pepper flakes", + "Italian turkey sausage" + ] + }, + { + "id": 2211, + "cuisine": "japanese", + "ingredients": [ + "miso", + "mirin", + "soy sauce", + "blade steak", + "sesame oil" + ] + }, + { + "id": 7425, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "baking powder", + "long-grain rice", + "water", + "banana leaves", + "grated coconut", + "butter", + "eggs", + "evaporated milk", + "salt" + ] + }, + { + "id": 9496, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "bell pepper", + "garlic", + "onions", + "olive oil", + "red pepper flakes", + "cilantro leaves", + "cumin", + "black beans", + "chili powder", + "salt", + "oregano", + "cooked brown rice", + "roma tomatoes", + "paprika", + "frozen corn" + ] + }, + { + "id": 17758, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "cooking spray", + "salt", + "cooked chicken breasts", + "white bread", + "unsalted butter", + "dry sherry", + "cream cheese", + "ground black pepper", + "mushrooms", + "all-purpose flour", + "fat free less sodium chicken broth", + "finely chopped onion", + "chopped celery", + "cooked vermicelli" + ] + }, + { + "id": 41022, + "cuisine": "filipino", + "ingredients": [ + "cooking oil", + "green beans", + "chili", + "ground pork", + "onions", + "shrimp paste", + "coconut milk", + "ground black pepper", + "garlic" + ] + }, + { + "id": 24705, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "flank steak", + "fresh orange juice", + "purple onion", + "vermicelli noodles", + "fish sauce", + "mint leaves", + "cilantro", + "garlic", + "fresh lime juice", + "honey", + "diced tomatoes", + "ginger", + "dark sesame oil", + "serrano chile", + "low sodium soy sauce", + "enokitake", + "mint sprigs", + "cilantro sprigs", + "grapefruit" + ] + }, + { + "id": 39017, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "tomato purée", + "cumin seed", + "salt", + "ketchup", + "onions" + ] + }, + { + "id": 766, + "cuisine": "filipino", + "ingredients": [ + "ground black pepper", + "sweet and sour sauce", + "mung bean sprouts", + "spring roll wrappers", + "ground pork", + "garlic", + "frozen peas", + "water", + "grated carrot", + "sauce", + "cooking oil", + "dipping sauces", + "onions" + ] + }, + { + "id": 33592, + "cuisine": "korean", + "ingredients": [ + "coarse sea salt", + "rice vinegar", + "sesame seeds", + "ginger", + "Thai fish sauce", + "caster sugar", + "red pepper", + "chinese cabbage", + "spring onions", + "garlic", + "cabbage" + ] + }, + { + "id": 36473, + "cuisine": "italian", + "ingredients": [ + "whole wheat spaghettini", + "lemon", + "harissa paste", + "garlic", + "kale", + "extra-virgin olive oil", + "pinenuts", + "oil-cured black olives", + "fine sea salt" + ] + }, + { + "id": 33966, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "salt", + "chop fine pecan", + "grated lemon zest", + "milk", + "butter", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 44910, + "cuisine": "indian", + "ingredients": [ + "clove", + "large eggs", + "yellow split peas", + "onions", + "fresh cilantro", + "garlic", + "cinnamon sticks", + "green cardamom pods", + "fresh ginger", + "salt", + "ground beef", + "red chili peppers", + "vegetable oil", + "black cardamom pods" + ] + }, + { + "id": 8957, + "cuisine": "southern_us", + "ingredients": [ + "spinach", + "large egg whites", + "low salt chicken broth", + "reduced fat sharp cheddar cheese", + "pepper", + "quickcooking grits", + "country ham", + "garlic powder", + "skim milk", + "cooking spray" + ] + }, + { + "id": 41016, + "cuisine": "chinese", + "ingredients": [ + "water", + "broccoli florets", + "oyster sauce", + "chinese rice wine", + "beef", + "garlic", + "red bell pepper", + "brown sugar", + "fresh ginger", + "crushed red pepper flakes", + "corn starch", + "soy sauce", + "water chestnuts", + "rice vinegar", + "onions" + ] + }, + { + "id": 15533, + "cuisine": "jamaican", + "ingredients": [ + "pepper sauce", + "molasses", + "garlic powder", + "pickapeppa sauce", + "tomato sauce", + "cider vinegar", + "salt", + "ground ginger", + "soy sauce", + "dried thyme", + "ground allspice", + "liquid smoke", + "brown sugar", + "black pepper", + "onion powder" + ] + }, + { + "id": 35134, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "cream cheese frosting", + "large eggs", + "crushed pineapples in juice", + "vegetable oil cooking spray", + "ground nutmeg", + "vanilla extract", + "thyme sprigs", + "soft-wheat flour", + "baking soda", + "vegetable oil", + "chopped pecans", + "sugar", + "bananas", + "salt" + ] + }, + { + "id": 27057, + "cuisine": "chinese", + "ingredients": [ + "all-purpose flour", + "water", + "dumplings" + ] + }, + { + "id": 49281, + "cuisine": "mexican", + "ingredients": [ + "water", + "fresh oregano", + "large garlic cloves", + "dried oregano", + "smoked bacon", + "onions", + "posole", + "salt" + ] + }, + { + "id": 48029, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "unsalted butter", + "all-purpose flour", + "kasseri", + "eggplant", + "salt", + "kosher salt", + "whole milk", + "fresh lemon juice", + "water", + "lamb shoulder" + ] + }, + { + "id": 28478, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "green onions", + "lime juice", + "tomatoes", + "chopped cilantro fresh", + "knorr garlic minicub" + ] + }, + { + "id": 3819, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "white sugar", + "granny smith apples", + "brown sugar", + "pie crust", + "butter" + ] + }, + { + "id": 20011, + "cuisine": "french", + "ingredients": [ + "sugar", + "cold water", + "armagnac", + "prunes", + "fresh orange juice" + ] + }, + { + "id": 9708, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "anchovy paste", + "turkey breast cutlets", + "chives", + "dry white wine", + "all-purpose flour", + "olive oil", + "shallots" + ] + }, + { + "id": 36602, + "cuisine": "japanese", + "ingredients": [ + "rice vinegar", + "short-grain rice", + "sugar", + "salt" + ] + }, + { + "id": 41419, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "linguine", + "oregano", + "peeled tomatoes", + "extra-virgin olive oil", + "flat leaf parsley", + "Robert Mondavi Fume Blanc", + "garlic", + "littleneck clams", + "coarse kosher salt" + ] + }, + { + "id": 4778, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "basil", + "fresh herbs", + "beansprouts", + "tumeric", + "lettuce leaves", + "salt", + "rice flour", + "mint", + "shiitake", + "garlic", + "nuoc cham", + "coconut milk", + "sugar", + "green onions", + "oil", + "shrimp" + ] + }, + { + "id": 5963, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "salt", + "lime juice", + "adobo sauce", + "pepper", + "shrimp", + "garlic", + "cumin" + ] + }, + { + "id": 19578, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "fresh parsley", + "bread crumbs", + "garlic", + "grated parmesan cheese", + "spaghetti", + "olive oil", + "anchovy fillets" + ] + }, + { + "id": 22626, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "freshly ground pepper", + "chicken", + "manicotti shells", + "onions", + "fresh basil", + "shredded mozzarella cheese", + "spinach", + "garlic salt" + ] + }, + { + "id": 44642, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "baking soda", + "buttermilk", + "bacon fat", + "kosher salt", + "baking powder", + "cracked black pepper", + "cayenne pepper", + "eggs", + "sambal chile paste", + "paprika", + "all-purpose flour", + "honey", + "vegetable oil", + "garlic", + "onions" + ] + }, + { + "id": 44502, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "cracked black pepper", + "dried oregano", + "olive oil", + "cayenne pepper", + "cumin", + "brown sugar", + "chili powder", + "pork roast", + "granulated garlic", + "onion powder", + "smoked paprika" + ] + }, + { + "id": 38435, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "red wine", + "beef broth", + "celery", + "fresh basil", + "vegetable oil", + "garlic", + "carrots", + "dried oregano", + "baby spinach leaves", + "russet potatoes", + "salt", + "rotini", + "tomato paste", + "black beans", + "diced tomatoes", + "hot Italian sausages", + "onions" + ] + }, + { + "id": 16366, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "dried oregano", + "black pepper", + "paprika", + "ground red pepper", + "white pepper", + "salt" + ] + }, + { + "id": 5021, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "broccoli florets", + "onions", + "brown sugar", + "garlic powder", + "corn starch", + "water", + "mixed vegetables", + "ground ginger", + "olive oil", + "vegetable broth" + ] + }, + { + "id": 47747, + "cuisine": "cajun_creole", + "ingredients": [ + "crab", + "bay leaves", + "creole seasoning", + "crawfish", + "lemon", + "cider vinegar", + "small new potatoes", + "corn husks", + "cayenne pepper" + ] + }, + { + "id": 41250, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "salt", + "sugar", + "baking powder", + "eggs", + "egg yolks", + "all-purpose flour", + "fresh chives", + "buttermilk" + ] + }, + { + "id": 7863, + "cuisine": "irish", + "ingredients": [ + "cream of tartar", + "butter", + "milk", + "all-purpose flour", + "sugar", + "salt", + "white vinegar", + "baking soda" + ] + }, + { + "id": 554, + "cuisine": "italian", + "ingredients": [ + "dough", + "olive oil flavored cooking spray", + "prosciutto", + "grated parmesan cheese", + "fresh rosemary" + ] + }, + { + "id": 32661, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "balsamic vinegar", + "salt", + "onions", + "brown sugar", + "ground black pepper", + "tomatoes with juice", + "anchovy fillets", + "tomato paste", + "mozzarella cheese", + "grated parmesan cheese", + "garlic", + "red bell pepper", + "capers", + "eggplant", + "red wine vinegar", + "fresh oregano" + ] + }, + { + "id": 17452, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "Shaoxing wine", + "baby carrots", + "oyster sauce", + "dark soy sauce", + "water", + "chili oil", + "oil", + "red bell pepper", + "soy sauce", + "sesame oil", + "scallions", + "corn starch", + "green bell pepper", + "beef", + "garlic", + "garlic chili sauce" + ] + }, + { + "id": 6524, + "cuisine": "italian", + "ingredients": [ + "salt and ground black pepper", + "fresh basil", + "extra-virgin olive oil", + "tomatoes", + "balsamic vinegar", + "mozzarella cheese" + ] + }, + { + "id": 36288, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "sage", + "cold water", + "parmigiano reggiano cheese", + "unsalted butter", + "rosemary", + "polenta" + ] + }, + { + "id": 45902, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "clove garlic, fine chop", + "low-fat greek yogurt", + "cucumber" + ] + }, + { + "id": 9410, + "cuisine": "italian", + "ingredients": [ + "vanilla extract", + "strawberries", + "whole milk ricotta cheese", + "grated lemon zest", + "large eggs", + "dry bread crumbs", + "granulated sugar", + "all-purpose flour", + "sour cream" + ] + }, + { + "id": 6227, + "cuisine": "vietnamese", + "ingredients": [ + "leaves", + "shrimp", + "tapioca flour", + "salt", + "sugar", + "purple onion", + "pepper", + "Maggi" + ] + }, + { + "id": 20765, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "shredded carrots", + "rice vinegar", + "sliced green onions", + "sugar", + "fresh ginger", + "salt", + "chinese five-spice powder", + "baguette", + "chili paste", + "cilantro leaves", + "chopped garlic", + "cooked turkey", + "shredded cabbage", + "rolls" + ] + }, + { + "id": 21634, + "cuisine": "italian", + "ingredients": [ + "warm water", + "fresh mozzarella", + "freshly ground pepper", + "sun-dried tomatoes", + "salt", + "sugar", + "baby arugula", + "all-purpose flour", + "active dry yeast", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 43825, + "cuisine": "french", + "ingredients": [ + "brandy", + "lemon", + "sugar", + "whole cloves", + "orange", + "cinnamon sticks", + "brewed coffee", + "orange liqueur" + ] + }, + { + "id": 11457, + "cuisine": "italian", + "ingredients": [ + "nutmeg", + "fresh parmesan cheese", + "lemon juice", + "black pepper", + "flour", + "no salt added chicken broth", + "olive oil", + "boneless skinless chicken breasts", + "whole grain pasta", + "frozen spinach", + "low-fat cottage cheese", + "large garlic cloves", + "dried oregano" + ] + }, + { + "id": 42334, + "cuisine": "vietnamese", + "ingredients": [ + "romaine lettuce", + "olive oil", + "jalapeno chilies", + "chicken breasts", + "salt", + "pepper", + "vinegar", + "green onions", + "tap water", + "chopped cilantro", + "fish sauce", + "lime juice", + "shredded carrots", + "light mayonnaise", + "crushed red pepper", + "sugar", + "radishes", + "sliced cucumber", + "garlic", + "rice vinegar" + ] + }, + { + "id": 3926, + "cuisine": "korean", + "ingredients": [ + "extract", + "stevia", + "carrots", + "shiitake", + "shirataki", + "garlic chili sauce", + "toasted sesame seeds", + "sweet onion", + "baby spinach", + "scallions", + "toasted sesame oil", + "ground black pepper", + "tamari soy sauce", + "lemon juice" + ] + }, + { + "id": 15857, + "cuisine": "italian", + "ingredients": [ + "eggs", + "cracked black pepper", + "vegetable oil", + "all-purpose flour", + "baking powder", + "salt", + "butter" + ] + }, + { + "id": 24008, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "flour", + "garlic", + "corn tortillas", + "sugar", + "large egg yolks", + "lime wedges", + "beer", + "cabbage", + "lime zest", + "olive oil", + "Mexican oregano", + "salt", + "cumin", + "black pepper", + "cod cheeks", + "vegetable oil", + "dried guajillo chiles" + ] + }, + { + "id": 11697, + "cuisine": "indian", + "ingredients": [ + "fennel", + "vegetable oil", + "ground cumin", + "ground ginger", + "potatoes", + "cardamom", + "clove", + "garam masala", + "salt", + "asafoetida", + "yoghurt", + "chillies" + ] + }, + { + "id": 6172, + "cuisine": "vietnamese", + "ingredients": [ + "lime", + "rice vinegar", + "fish sauce", + "shallots", + "light brown sugar", + "ground black pepper", + "bone-in pork chops", + "kosher salt", + "vegetable oil" + ] + }, + { + "id": 25891, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "chili paste", + "sesame oil", + "fresh ginger", + "green onions", + "rice vinegar", + "soy sauce", + "pork tenderloin", + "worcestershire sauce", + "chicken broth", + "shiitake", + "corn oil", + "corn starch" + ] + }, + { + "id": 15283, + "cuisine": "french", + "ingredients": [ + "sugar", + "whole milk", + "large egg yolks", + "orange liqueur", + "vanilla beans", + "whipping cream", + "grated orange peel", + "semisweet chocolate" + ] + }, + { + "id": 43967, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "ground black pepper", + "kosher salt", + "red pepper flakes", + "parmesan cheese", + "spaghetti" + ] + }, + { + "id": 46188, + "cuisine": "mexican", + "ingredients": [ + "clove", + "homemade chicken stock", + "peanuts", + "raisins", + "garlic cloves", + "corn tortillas", + "tomatoes", + "guajillo chiles", + "french bread", + "mexican chocolate", + "hot water", + "onions", + "pecans", + "sesame seeds", + "tomatillos", + "blanched almonds", + "ancho chile pepper", + "plantains", + "black peppercorns", + "dried thyme", + "dried cascabel chile", + "peanut oil", + "cinnamon sticks", + "dried oregano" + ] + }, + { + "id": 34730, + "cuisine": "italian", + "ingredients": [ + "sugar", + "butter", + "sesame seeds", + "all-purpose flour", + "eggs", + "baking powder", + "anise extract", + "milk", + "salt" + ] + }, + { + "id": 5344, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "corned beef", + "kosher salt", + "fresh parsley", + "eggs", + "yukon gold potatoes", + "ground black pepper", + "onions" + ] + }, + { + "id": 5444, + "cuisine": "french", + "ingredients": [ + "salt", + "freshly ground pepper", + "reduced fat milk", + "grated Gruyère cheese", + "unsalted butter", + "grated nutmeg", + "all-purpose flour" + ] + }, + { + "id": 35494, + "cuisine": "british", + "ingredients": [ + "large eggs", + "fine sea salt", + "vanilla beans", + "golden raisins", + "apricot jam", + "sugar", + "whole milk", + "rolls", + "unsalted butter", + "heavy cream", + "confectioners sugar" + ] + }, + { + "id": 38061, + "cuisine": "japanese", + "ingredients": [ + "zucchini", + "toasted sesame seeds", + "soy sauce", + "teriyaki sauce", + "vegetable oil", + "ground black pepper", + "onions" + ] + }, + { + "id": 32524, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "sliced shallots", + "green mango", + "lime", + "thai chile" + ] + }, + { + "id": 25579, + "cuisine": "russian", + "ingredients": [ + "sugar", + "large eggs", + "vanilla extract", + "corn starch", + "large egg yolks", + "whole milk", + "salt", + "hazelnuts", + "dried apricot", + "cake flour", + "powdered sugar", + "unsalted butter", + "baking powder", + "apricot preserves" + ] + }, + { + "id": 25247, + "cuisine": "chinese", + "ingredients": [ + "jasmine rice", + "salt", + "chicken bouillon", + "fresh ginger", + "eggs", + "light soy sauce", + "canola oil", + "white pepper", + "chicken breasts" + ] + }, + { + "id": 4825, + "cuisine": "southern_us", + "ingredients": [ + "cooked rice", + "butter", + "water", + "onions", + "pepper", + "salt", + "chicken legs", + "seasoning salt" + ] + }, + { + "id": 21512, + "cuisine": "italian", + "ingredients": [ + "almond extract", + "bananas", + "blanched almonds", + "large egg whites", + "yellow food coloring", + "granulated sugar", + "confectioners sugar" + ] + }, + { + "id": 9485, + "cuisine": "russian", + "ingredients": [ + "pepper", + "sour cream", + "eggs", + "butter", + "onions", + "bread crumbs", + "salt", + "white bread", + "milk", + "ground beef" + ] + }, + { + "id": 40498, + "cuisine": "irish", + "ingredients": [ + "tomato paste", + "beef brisket", + "dill", + "brown sugar", + "chopped celery", + "carrots", + "black peppercorns", + "stout", + "chopped onion", + "clove", + "water", + "beef broth" + ] + }, + { + "id": 31263, + "cuisine": "mexican", + "ingredients": [ + "salt", + "finely chopped onion", + "chopped cilantro fresh", + "jalapeno chilies", + "plum tomatoes", + "garlic powder", + "fresh lime juice" + ] + }, + { + "id": 2882, + "cuisine": "italian", + "ingredients": [ + "eggs", + "part-skim mozzarella cheese", + "shredded zucchini", + "pasta sauce", + "grated parmesan cheese", + "fresh parsley", + "manicotti shells", + "ground nutmeg", + "sour cream", + "pepper", + "salt", + "italian salad dressing" + ] + }, + { + "id": 22377, + "cuisine": "southern_us", + "ingredients": [ + "chicken bouillon", + "fresh thyme", + "all-purpose flour", + "fresh sage", + "milk", + "garlic", + "onions", + "pepper", + "crushed red pepper flakes", + "fresh parsley", + "green bell pepper", + "unsalted butter", + "salt", + "pork sausages" + ] + }, + { + "id": 25401, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "slaw mix", + "purple onion", + "jalapeno chilies", + "plums", + "pepper", + "cilantro", + "salt", + "lime juice", + "garlic" + ] + }, + { + "id": 6682, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "navel oranges", + "chopped pecans", + "sugar", + "whole milk", + "all-purpose flour", + "bananas", + "cinnamon", + "gran marnier", + "large eggs", + "salt" + ] + }, + { + "id": 31536, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "chili powder", + "shrimp", + "ground cumin", + "pepper", + "guacamole", + "sweet paprika", + "chipotle sauce", + "pico de gallo", + "bell pepper", + "salt", + "onions", + "garlic powder", + "chicken breasts", + "ground coriander", + "olives" + ] + }, + { + "id": 24295, + "cuisine": "indian", + "ingredients": [ + "fish sauce", + "sea salt", + "curry powder", + "coconut milk", + "black pepper", + "garlic chili sauce", + "chicken wings", + "honey" + ] + }, + { + "id": 23597, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "provolone cheese", + "sundried tomato pesto", + "butter", + "sandwich bread", + "eggplant", + "veggies" + ] + }, + { + "id": 1723, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "extra firm tofu", + "scallions", + "lime", + "vegetable broth", + "coconut milk", + "fresh cilantro", + "vegetable oil", + "baby corn", + "kaffir lime leaves", + "shiitake", + "broccoli", + "galangal" + ] + }, + { + "id": 9621, + "cuisine": "greek", + "ingredients": [ + "garlic", + "chicken pieces", + "olive oil", + "fresh oregano", + "kosher salt", + "greek style plain yogurt", + "fresh parsley", + "red pepper flakes", + "lemon juice" + ] + }, + { + "id": 49199, + "cuisine": "southern_us", + "ingredients": [ + "sweet potatoes", + "eggs", + "heavy cream", + "pie crust", + "spices", + "brown sugar", + "salt" + ] + }, + { + "id": 13332, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "salt", + "unsalted butter", + "chicken stock", + "all-purpose flour" + ] + }, + { + "id": 20528, + "cuisine": "moroccan", + "ingredients": [ + "dried apricot", + "couscous", + "olive oil", + "chicken breasts", + "coriander", + "fresh ginger root", + "chickpeas", + "chicken stock", + "harissa paste", + "onions" + ] + }, + { + "id": 18650, + "cuisine": "japanese", + "ingredients": [ + "tumeric", + "yoghurt", + "cilantro leaves", + "onions", + "tomatoes", + "coriander powder", + "bhindi", + "cumin seed", + "red chili peppers", + "chili powder", + "roasted peanuts", + "garlic paste", + "potatoes", + "salt", + "oil" + ] + }, + { + "id": 36962, + "cuisine": "japanese", + "ingredients": [ + "dried fish flakes", + "red pepper flakes", + "dashi", + "rice vinegar", + "mirin", + "tangerine", + "shoyu" + ] + }, + { + "id": 33123, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "seeds", + "curry", + "cinnamon sticks", + "sugar", + "crushed red pepper flakes", + "rice vinegar", + "onions", + "green chile", + "pineapple", + "salt", + "coconut milk", + "fresh ginger", + "garlic", + "mustard seeds", + "ground turmeric" + ] + }, + { + "id": 24498, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "ground red pepper", + "garlic cloves", + "green bell pepper", + "cajun seasoning", + "cream of mushroom soup", + "celery ribs", + "green onions", + "long-grain rice", + "onions", + "crawfish", + "butter", + "fresh parsley" + ] + }, + { + "id": 29102, + "cuisine": "brazilian", + "ingredients": [ + "cold water", + "lemon", + "lime", + "sweetened condensed milk", + "agave nectar", + "spices" + ] + }, + { + "id": 49431, + "cuisine": "greek", + "ingredients": [ + "salt", + "olive oil", + "hummus", + "golden beets", + "pitas" + ] + }, + { + "id": 25761, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "pepper", + "lemon zest", + "balsamic vinegar", + "garlic cloves", + "snow peas", + "lime zest", + "red chili peppers", + "olive oil", + "sesame oil", + "cayenne pepper", + "beansprouts", + "duck breasts", + "honey", + "shallots", + "red wine vinegar", + "carrots", + "orange zest", + "chicken stock", + "soy sauce", + "sesame seeds", + "vegetable oil", + "rolls", + "ginger root" + ] + }, + { + "id": 19952, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil cooking spray", + "turkey breakfast sausage", + "salt", + "cream of tartar", + "egg substitute", + "quickcooking grits", + "dried chives", + "dijon mustard", + "light cream cheese", + "pepper", + "egg whites", + "no salt added chicken broth" + ] + }, + { + "id": 34608, + "cuisine": "russian", + "ingredients": [ + "eggs", + "flour", + "tart apples", + "sugar" + ] + }, + { + "id": 13643, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "butter", + "kosher salt", + "chopped fresh chives", + "all-purpose flour", + "walnut halves", + "large eggs", + "large garlic cloves", + "ground black pepper", + "baking potatoes", + "boiling water" + ] + }, + { + "id": 18555, + "cuisine": "italian", + "ingredients": [ + "whole milk", + "butter", + "yukon gold potatoes", + "mascarpone", + "sauce" + ] + }, + { + "id": 2041, + "cuisine": "italian", + "ingredients": [ + "eggs", + "all-purpose flour", + "baking powder", + "anise extract", + "baking soda", + "softened butter", + "salt", + "white sugar" + ] + }, + { + "id": 38269, + "cuisine": "korean", + "ingredients": [ + "anchovies", + "shrimp", + "dried kelp", + "sea salt", + "red chili peppers", + "green onions", + "chopped garlic", + "water", + "soybean sprouts" + ] + }, + { + "id": 23223, + "cuisine": "french", + "ingredients": [ + "flour", + "apples", + "milk", + "raisins", + "confectioners sugar", + "sugar", + "butter", + "salt", + "large eggs", + "vanilla" + ] + }, + { + "id": 24206, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "chopped onion", + "salt", + "bay leaf", + "chopped celery", + "okra", + "water", + "cayenne pepper", + "smoked ham hocks" + ] + }, + { + "id": 46805, + "cuisine": "italian", + "ingredients": [ + "garlic", + "french baguette", + "plum tomatoes", + "fresh basil", + "purple onion", + "ground black pepper" + ] + }, + { + "id": 44538, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "baking powder", + "white flour", + "salt", + "sugar", + "butter", + "cream of tartar", + "milk", + "wheat flour" + ] + }, + { + "id": 21963, + "cuisine": "korean", + "ingredients": [ + "sweet rice", + "ginseng", + "salt", + "chicken", + "eggs", + "fresh ginger", + "garlic", + "nuts", + "pepper", + "sesame oil", + "yellow onion", + "water", + "dates", + "scallions" + ] + }, + { + "id": 9328, + "cuisine": "french", + "ingredients": [ + "kalamata", + "garlic cloves", + "capers", + "anchovy fillets", + "fresh basil leaves", + "extra-virgin olive oil", + "chicken thighs", + "dry white wine", + "Niçoise olives", + "plum tomatoes" + ] + }, + { + "id": 40097, + "cuisine": "chinese", + "ingredients": [ + "flank steak", + "water", + "corn starch", + "brown sugar", + "ginger", + "soy sauce", + "garlic" + ] + }, + { + "id": 3153, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked chicken", + "green pepper", + "celery ribs", + "smoked sausage", + "garlic cloves", + "diced tomatoes", + "creole seasoning", + "olive oil", + "cayenne pepper", + "onions" + ] + }, + { + "id": 18383, + "cuisine": "indian", + "ingredients": [ + "chili", + "salt", + "bulb", + "garam masala", + "lemon juice", + "coconut oil", + "shredded cabbage", + "onions", + "sesame seeds", + "cumin seed" + ] + }, + { + "id": 14188, + "cuisine": "chinese", + "ingredients": [ + "shiitake", + "canola oil", + "boneless chop pork", + "garlic", + "broccoli florets", + "fresh ginger", + "oyster sauce" + ] + }, + { + "id": 21384, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "baking powder", + "eggs", + "granulated sugar", + "cake flour", + "baking soda", + "bourbon whiskey", + "light brown sugar", + "unsalted butter", + "buttermilk" + ] + }, + { + "id": 21592, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "vegetable gumbo mixture", + "chicken broth", + "frozen corn", + "pork", + "lima beans", + "cooked chicken" + ] + }, + { + "id": 14891, + "cuisine": "chinese", + "ingredients": [ + "fresh chives", + "extra-virgin olive oil", + "boiling water", + "low sodium soy sauce", + "green tea", + "garlic cloves", + "honey", + "salt", + "chiles", + "peeled fresh ginger", + "fresh lemon juice" + ] + }, + { + "id": 27315, + "cuisine": "southern_us", + "ingredients": [ + "tomato paste", + "apple cider vinegar", + "dark brown sugar", + "ground black pepper", + "apple cider", + "yellow mustard seeds", + "smoked pork neck bones", + "dijon mustard", + "salt" + ] + }, + { + "id": 35158, + "cuisine": "spanish", + "ingredients": [ + "shortening", + "cinnamon", + "water", + "salt", + "ground cinnamon", + "active dry yeast", + "all-purpose flour", + "sugar", + "vanilla extract" + ] + }, + { + "id": 33368, + "cuisine": "italian", + "ingredients": [ + "water", + "finely chopped onion", + "fine sea salt", + "olive oil", + "dry white wine", + "kale", + "parmigiano reggiano cheese", + "garlic cloves", + "arborio rice", + "unsalted butter", + "low-sodium fat-free chicken broth" + ] + }, + { + "id": 46168, + "cuisine": "italian", + "ingredients": [ + "sugar", + "diced tomatoes", + "olive oil", + "garlic", + "red pepper flakes", + "dried oregano", + "kosher salt", + "linguine" + ] + }, + { + "id": 39281, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "green curry paste", + "sea salt", + "greek yogurt", + "fresh spinach", + "garam masala", + "bulgur", + "tumeric", + "fresh ginger", + "garlic", + "coconut milk", + "water", + "butter", + "lentils" + ] + }, + { + "id": 6997, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "ground black pepper", + "ground cayenne pepper", + "cotija", + "sirloin steak", + "ground cumin", + "mayonaise", + "kaiser rolls", + "garlic salt", + "avocado", + "refried beans", + "shredded lettuce" + ] + }, + { + "id": 8620, + "cuisine": "british", + "ingredients": [ + "cold water", + "suet", + "salt", + "braising steak", + "flour", + "onions", + "tomato purée", + "self rising flour", + "dried mixed herbs", + "pepper", + "beef stock" + ] + }, + { + "id": 2415, + "cuisine": "italian", + "ingredients": [ + "peeled tomatoes", + "fresh basil leaves", + "chicken broth", + "large garlic cloves" + ] + }, + { + "id": 18808, + "cuisine": "greek", + "ingredients": [ + "fresh basil", + "minced garlic", + "olive oil", + "purple onion", + "dried oregano", + "pitted kalamata olives", + "Spike Seasoning", + "dijon mustard", + "feta cheese crumbles", + "red wine vinaigrette", + "water", + "ground black pepper", + "frozen basil", + "Balsamico Bianco", + "beans", + "dried thyme", + "fresh green bean", + "roasted tomatoes" + ] + }, + { + "id": 49706, + "cuisine": "indian", + "ingredients": [ + "low-fat plain yogurt", + "vegetable oil", + "fresh lemon juice", + "peeled fresh ginger", + "salt", + "ground cumin", + "tumeric", + "paprika", + "chicken", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 43634, + "cuisine": "greek", + "ingredients": [ + "mint", + "lamb", + "ground cumin", + "honey", + "cucumber", + "pomegranate seeds", + "garlic cloves", + "shallots", + "greek yogurt" + ] + }, + { + "id": 16503, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "avocado", + "lemon juice", + "evaporated milk", + "ice cubes" + ] + }, + { + "id": 17558, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh chives", + "parmesan cheese", + "hot sauce", + "onions", + "pepper", + "chopped celery", + "shrimp", + "seasoned bread crumbs", + "dry white wine", + "garlic cloves", + "mirlitons", + "olive oil", + "salt", + "red bell pepper" + ] + }, + { + "id": 26311, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "guajillo", + "corn tortillas", + "tomatoes", + "radishes", + "vegetable oil", + "freshly ground pepper", + "monterey jack", + "white onion", + "large eggs", + "queso fresco", + "garlic cloves", + "hungarian sweet paprika", + "honey", + "lime wedges", + "tortilla chips", + "chopped cilantro fresh" + ] + }, + { + "id": 40232, + "cuisine": "cajun_creole", + "ingredients": [ + "butter", + "milk", + "cream cheese", + "powdered sugar", + "frozen bread dough", + "lemon extract", + "confectioners sugar" + ] + }, + { + "id": 28883, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "salt", + "sage leaves", + "minced onion", + "water", + "carrots", + "chicken stock", + "extra-virgin olive oil" + ] + }, + { + "id": 37001, + "cuisine": "thai", + "ingredients": [ + "lime", + "rice noodles", + "canola oil", + "brown sugar", + "marinara sauce", + "garlic cloves", + "eggs", + "reduced sodium soy sauce", + "cilantro leaves", + "dry roasted peanuts", + "Asian chili sauce", + "uncook medium shrimp, peel and devein" + ] + }, + { + "id": 47150, + "cuisine": "filipino", + "ingredients": [ + "milk", + "all-purpose flour", + "sugar", + "vanilla", + "water", + "salt", + "eggs", + "baking powder" + ] + }, + { + "id": 41870, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "enchilada sauce", + "ground chuck", + "purple onion", + "corn tortillas", + "green chile", + "black olives", + "sour cream", + "shredded lettuce", + "sharp cheddar cheese", + "cream of mushroom soup" + ] + }, + { + "id": 47883, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "all-purpose flour", + "unsweetened cocoa powder", + "evaporated milk", + "vanilla extract", + "confectioners sugar", + "mini marshmallows", + "salt", + "white sugar", + "eggs", + "butter", + "chopped walnuts" + ] + }, + { + "id": 32561, + "cuisine": "italian", + "ingredients": [ + "top sirloin steak", + "yellow bell pepper", + "salt", + "kosher salt", + "cracked black pepper", + "purple onion", + "capers", + "red wine vinegar", + "crushed red pepper", + "chopped fresh thyme", + "extra-virgin olive oil", + "fresh oregano" + ] + }, + { + "id": 23664, + "cuisine": "british", + "ingredients": [ + "sugar", + "salt", + "whole milk", + "baking powder", + "suet", + "all-purpose flour" + ] + }, + { + "id": 42473, + "cuisine": "brazilian", + "ingredients": [ + "crushed ice", + "lime", + "cachaca", + "fruit puree", + "simple syrup" + ] + }, + { + "id": 40564, + "cuisine": "southern_us", + "ingredients": [ + "minced garlic", + "whipping cream", + "whole milk", + "salt", + "quickcooking grits", + "margarine", + "water", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 1840, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "water", + "grated parmesan cheese", + "yellow bell pepper", + "dried oregano", + "green bell pepper", + "orange bell pepper", + "diced tomatoes", + "shredded mozzarella cheese", + "eggs", + "olive oil", + "ricotta cheese", + "yellow onion", + "black pepper", + "lasagna noodles", + "crushed red pepper flakes", + "red bell pepper" + ] + }, + { + "id": 32562, + "cuisine": "chinese", + "ingredients": [ + "salt", + "chinese wolfberries", + "white peppercorns", + "water", + "white radish", + "dates", + "chicken" + ] + }, + { + "id": 20190, + "cuisine": "japanese", + "ingredients": [ + "chicken stock", + "frozen peas", + "shoyu", + "salt", + "eggs" + ] + }, + { + "id": 26208, + "cuisine": "italian", + "ingredients": [ + "onions", + "spaghetti, cook and drain", + "ragu", + "ground beef" + ] + }, + { + "id": 26030, + "cuisine": "irish", + "ingredients": [ + "buttermilk", + "eggs", + "wholemeal flour", + "plain flour", + "salt", + "bicarbonate of soda" + ] + }, + { + "id": 26016, + "cuisine": "italian", + "ingredients": [ + "basil pesto sauce", + "diced tomatoes", + "baby spinach leaves", + "angel hair", + "sour cream" + ] + }, + { + "id": 40886, + "cuisine": "spanish", + "ingredients": [ + "peaches", + "white wine", + "club soda", + "peach nectar", + "orange" + ] + }, + { + "id": 26028, + "cuisine": "russian", + "ingredients": [ + "sugar", + "oil", + "raisins", + "baking powder", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 35823, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "marinade", + "oyster sauce", + "yellow chives", + "sugar", + "black mushrooms", + "salt", + "ground white pepper", + "wine", + "water", + "ginger", + "corn starch", + "pork", + "egg noodles", + "oil", + "beansprouts" + ] + }, + { + "id": 12880, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "vanilla extract", + "half & half" + ] + }, + { + "id": 8280, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "bean sauce", + "cucumber", + "sugar", + "salt", + "scallions", + "radishes", + "soba noodles", + "soy sauce", + "rice vinegar", + "carrots" + ] + }, + { + "id": 1549, + "cuisine": "thai", + "ingredients": [ + "firmly packed light brown sugar", + "green onions", + "red bell pepper", + "light soy sauce", + "yellow bell pepper", + "snow peas", + "lime zest", + "basil leaves", + "creamy peanut butter", + "pork tenderloin", + "crushed red pepper" + ] + }, + { + "id": 3325, + "cuisine": "mexican", + "ingredients": [ + "fresh shiitake mushrooms", + "chocolate morsels", + "soy sauce", + "beef broth", + "olive oil", + "garlic cloves", + "dry red wine" + ] + }, + { + "id": 19825, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "red wine vinegar", + "fresh lemon juice", + "water", + "Italian parsley leaves", + "pimento stuffed green olives", + "sugar", + "roasted red peppers", + "dried salted codfish", + "celery ribs", + "olive oil", + "kalamata", + "fresh basil leaves" + ] + }, + { + "id": 29424, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "fresh basil leaves", + "tomato sauce", + "salt", + "unsalted butter", + "fillet red snapper", + "freshly ground pepper" + ] + }, + { + "id": 22103, + "cuisine": "mexican", + "ingredients": [ + "cremini mushrooms", + "unsalted butter", + "sweet corn", + "monterey jack", + "lime", + "half & half", + "corn tortillas", + "pepper", + "poblano peppers", + "sour cream", + "avocado", + "olive oil", + "salt", + "adobo sauce" + ] + }, + { + "id": 43664, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "butter", + "water", + "sweet italian sausage", + "yellow corn meal", + "asiago", + "salami" + ] + }, + { + "id": 40322, + "cuisine": "cajun_creole", + "ingredients": [ + "lemon", + "creole seasoning", + "extra-virgin olive oil", + "ground pepper", + "salt", + "worcestershire sauce", + "shrimp" + ] + }, + { + "id": 515, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "frozen broccoli", + "pasta", + "crushed red pepper flakes", + "grated parmesan cheese", + "italian sausage", + "garlic" + ] + }, + { + "id": 3384, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "whole cloves", + "diced tomatoes", + "cumin seed", + "ground turmeric", + "fresh ginger", + "boneless skinless chicken breasts", + "cilantro leaves", + "onions", + "yellow mustard seeds", + "half & half", + "curry", + "garlic cloves", + "canola oil", + "coriander seeds", + "sea salt", + "cayenne pepper", + "Madras curry powder" + ] + }, + { + "id": 28010, + "cuisine": "southern_us", + "ingredients": [ + "potatoes", + "green peas", + "chopped garlic", + "white wine", + "butter", + "sliced mushrooms", + "pepper", + "paprika", + "chopped parsley", + "white pepper", + "boneless skinless chicken breasts", + "salt" + ] + }, + { + "id": 46035, + "cuisine": "spanish", + "ingredients": [ + "beefsteak tomatoes", + "garlic cloves", + "sherry vinegar", + "yellow bell pepper", + "onions", + "olive oil", + "navel oranges", + "cucumber", + "chopped fresh chives", + "hot sauce" + ] + }, + { + "id": 47027, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "flour tortillas", + "purple onion", + "garlic cloves", + "monterey jack", + "olive oil", + "chili powder", + "salsa", + "sour cream", + "fresh cilantro", + "chicken breasts", + "salt", + "red bell pepper", + "ground cumin", + "avocado", + "poblano peppers", + "red pepper flakes", + "yellow onion", + "yellow peppers" + ] + }, + { + "id": 35452, + "cuisine": "french", + "ingredients": [ + "fresh lavender", + "toasted baguette", + "sea salt", + "lavender honey", + "fresh thyme leaves", + "duck", + "black peppercorns", + "dry red wine", + "low salt chicken broth" + ] + }, + { + "id": 31131, + "cuisine": "chinese", + "ingredients": [ + "dough", + "green onions", + "garlic bulb", + "cooking oil", + "duck", + "white vinegar", + "pepper", + "sauce", + "kosher salt", + "ginger" + ] + }, + { + "id": 18642, + "cuisine": "japanese", + "ingredients": [ + "light cream or half and half", + "lipton green tea bag", + "dark corn syrup", + "eggs", + "water", + "sugar" + ] + }, + { + "id": 43382, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "raisins", + "butter", + "all-purpose flour", + "baking powder", + "salt", + "sugar", + "buttermilk" + ] + }, + { + "id": 17998, + "cuisine": "filipino", + "ingredients": [ + "low sodium soy sauce", + "ground black pepper", + "carrots", + "tomato sauce", + "garlic", + "ground beef", + "green bell pepper", + "potatoes", + "red bell pepper", + "water", + "salt", + "onions" + ] + }, + { + "id": 17212, + "cuisine": "indian", + "ingredients": [ + "water", + "fresh lime juice", + "sugar", + "salt", + "white onion", + "fresh mint", + "green chile", + "cilantro sprigs" + ] + }, + { + "id": 31153, + "cuisine": "russian", + "ingredients": [ + "sea salt", + "whey", + "water", + "beets" + ] + }, + { + "id": 19524, + "cuisine": "southern_us", + "ingredients": [ + "crushed red pepper", + "ground pepper", + "vinegar", + "ginger ale" + ] + }, + { + "id": 43092, + "cuisine": "moroccan", + "ingredients": [ + "chicken broth", + "zucchini", + "whole wheat couscous", + "onions", + "clove", + "garbanzo beans", + "cinnamon", + "ground cayenne pepper", + "crushed tomatoes", + "vegetable oil", + "carrots", + "tumeric", + "bay leaves", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 11067, + "cuisine": "chinese", + "ingredients": [ + "mushrooms", + "cooking wine", + "canola oil", + "dark soy sauce", + "ginger", + "roasting chickens", + "sesame oil", + "salt", + "sugar", + "garlic", + "corn starch" + ] + }, + { + "id": 38746, + "cuisine": "brazilian", + "ingredients": [ + "papaya", + "hemp seeds", + "raspberries", + "bananas", + "chia seeds", + "açai", + "coconut cream", + "almond butter", + "granola" + ] + }, + { + "id": 16116, + "cuisine": "japanese", + "ingredients": [ + "udon" + ] + }, + { + "id": 38201, + "cuisine": "thai", + "ingredients": [ + "long beans", + "palm sugar", + "carrots", + "scallops", + "skinless chicken breasts", + "kaffir lime", + "fish sauce", + "red curry paste", + "coconut milk", + "water", + "oil" + ] + }, + { + "id": 14182, + "cuisine": "french", + "ingredients": [ + "half & half", + "vanilla extract", + "vanilla beans", + "whipped cream", + "sugar", + "instant coffee", + "egg yolks", + "heavy cream" + ] + }, + { + "id": 1587, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "zucchini", + "mushrooms", + "purple onion", + "dried oregano", + "olive oil", + "grated parmesan cheese", + "red pepper flakes", + "carrots", + "yellow squash", + "large eggs", + "ricotta cheese", + "shredded mozzarella cheese", + "parmesan cheese", + "marinara sauce", + "garlic", + "red bell pepper" + ] + }, + { + "id": 5828, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "penne pasta", + "sour cream", + "olive oil", + "red pepper", + "garlic cloves", + "cumin", + "shredded cheddar cheese", + "chili powder", + "red enchilada sauce", + "onions", + "diced green chilies", + "salt", + "enchilada sauce" + ] + }, + { + "id": 38308, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "olive oil", + "red pepper", + "green chilies", + "beans", + "ground black pepper", + "garlic", + "yellow peppers", + "red chili peppers", + "chopped tomatoes", + "sea salt", + "onions", + "fresh coriander", + "sweet potatoes", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 48821, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "ice water", + "cayenne pepper", + "shredded Monterey Jack cheese", + "sugar", + "large eggs", + "salt", + "onions", + "tomato paste", + "unsalted butter", + "garlic", + "low sodium beef broth", + "ground cumin", + "ground cloves", + "lean ground beef", + "all-purpose flour", + "dried oregano" + ] + }, + { + "id": 4196, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "green lentil", + "diced tomatoes", + "ground cayenne pepper", + "pasta", + "water", + "meat", + "purple onion", + "chopped cilantro fresh", + "eggs", + "ground black pepper", + "chopped celery", + "onions", + "ground ginger", + "garbanzo beans", + "lemon", + "margarine", + "ground turmeric" + ] + }, + { + "id": 21711, + "cuisine": "french", + "ingredients": [ + "warm water", + "dry yeast", + "walnut oil", + "yellow corn meal", + "whole wheat flour", + "salt", + "sugar", + "fat free milk", + "chopped walnuts", + "large egg whites", + "cooking spray", + "bread flour" + ] + }, + { + "id": 8805, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "boneless skinless chicken breasts", + "fatfree lowsodium chicken broth", + "peanuts", + "unsalted dry roast peanuts", + "carrots", + "fresh ginger", + "garlic", + "garlic chili sauce", + "green bell pepper", + "hoisin sauce", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 1310, + "cuisine": "british", + "ingredients": [ + "milk", + "sunflower oil", + "sliced mushrooms", + "tumeric", + "cherry tomatoes", + "salt", + "eggs", + "rosemary", + "purple onion", + "pepper", + "gluten", + "sausages" + ] + }, + { + "id": 11445, + "cuisine": "mexican", + "ingredients": [ + "ground chuck", + "garlic powder", + "poblano", + "red bell pepper", + "green chile", + "pepper", + "jalapeno chilies", + "garlic", + "cumin", + "chicken broth", + "white onion", + "roma tomatoes", + "ancho powder", + "onions", + "chiles", + "olive oil", + "flour", + "salt" + ] + }, + { + "id": 26434, + "cuisine": "italian", + "ingredients": [ + "parmigiano-reggiano cheese", + "diced tomatoes", + "dried oregano", + "shallots", + "garlic cloves", + "balsamic vinegar", + "fresh basil leaves", + "olive oil", + "crushed red pepper" + ] + }, + { + "id": 22749, + "cuisine": "italian", + "ingredients": [ + "pepper", + "balsamic vinegar", + "white sugar", + "olive oil", + "salt", + "dried basil", + "garlic", + "dried oregano", + "eggplant", + "dried parsley" + ] + }, + { + "id": 6683, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "purple onion", + "Knorr® Fiesta Sides™ - Mexican Rice", + "large tomato", + "boneless sirloin steak", + "I Can't Believe It's Not Butter!® Spread" + ] + }, + { + "id": 11907, + "cuisine": "thai", + "ingredients": [ + "coconut oil", + "sesame oil", + "garlic cloves", + "lime", + "ginger", + "chia seeds", + "sesame seeds", + "tamari soy sauce", + "chili flakes", + "thai basil", + "peanut butter" + ] + }, + { + "id": 11590, + "cuisine": "chinese", + "ingredients": [ + "potato starch", + "lemongrass", + "garbanzo beans", + "napa cabbage", + "scallions", + "gluten free soy sauce", + "kosher salt", + "fresh ginger", + "arrowroot starch", + "rice vinegar", + "chicken thighs", + "millet flour", + "mo hanh", + "plum sauce", + "dipping sauces", + "chinese five-spice powder", + "minced garlic", + "peanuts", + "sesame oil", + "xanthan gum", + "boiling water" + ] + }, + { + "id": 9865, + "cuisine": "spanish", + "ingredients": [ + "jumbo shrimp", + "whole peeled tomatoes", + "littleneck clams", + "onions", + "frozen sweet peas", + "kosher salt", + "lemon wedge", + "sweet paprika", + "dried oregano", + "saffron threads", + "spanish rice", + "lobster", + "extra-virgin olive oil", + "chicken thighs", + "chicken legs", + "ground black pepper", + "Italian parsley leaves", + "garlic cloves", + "chorizo sausage" + ] + }, + { + "id": 39660, + "cuisine": "chinese", + "ingredients": [ + "herbs", + "garlic cloves", + "spices", + "boneless skinless chicken breasts", + "brown sugar", + "chili oil" + ] + }, + { + "id": 42350, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "salt", + "capers", + "basil", + "diced tomatoes", + "filet", + "pepper", + "garlic" + ] + }, + { + "id": 49409, + "cuisine": "mexican", + "ingredients": [ + "lager", + "garlic", + "ground cumin", + "ground black pepper", + "vegetable oil", + "chipotles in adobo", + "poblano peppers", + "tomatillos", + "onions", + "lamb stew meat", + "salt" + ] + }, + { + "id": 41717, + "cuisine": "mexican", + "ingredients": [ + "cream of chicken soup", + "shredded cheese", + "chicken breasts", + "onions", + "flour tortillas", + "cream of mushroom soup", + "tomatoes", + "butter" + ] + }, + { + "id": 2103, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "daikon", + "beef rib short", + "pepper", + "bone broth", + "salt", + "carrots", + "fish sauce", + "asian pear", + "ginger", + "garlic cloves", + "coconut", + "green onions", + "rice vinegar" + ] + }, + { + "id": 26690, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "water", + "all-purpose flour", + "warm water", + "salt", + "spring onions" + ] + }, + { + "id": 25548, + "cuisine": "french", + "ingredients": [ + "saffron threads", + "olive oil", + "rockfish", + "garlic cloves", + "fennel seeds", + "fish stock", + "yellow onion", + "herbes de provence", + "cod", + "red pepper flakes", + "salt", + "shrimp", + "fish fillets", + "tomatoes with juice", + "halibut" + ] + }, + { + "id": 28902, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "salt", + "baby spinach", + "peanut oil", + "sesame oil", + "rice vinegar", + "sesame seeds", + "shoyu" + ] + }, + { + "id": 44166, + "cuisine": "chinese", + "ingredients": [ + "green cabbage", + "green onions", + "corn starch", + "won ton wrappers", + "salt", + "medium shrimp", + "lean ground pork", + "dry sherry", + "low salt chicken broth", + "water chestnuts", + "gingerroot" + ] + }, + { + "id": 32570, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "baking powder", + "vanilla", + "sugar", + "cinnamon", + "salt", + "baking soda", + "buttermilk", + "water", + "butter", + "all-purpose flour" + ] + }, + { + "id": 11783, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vegetable oil", + "all-purpose flour", + "ground cinnamon", + "bananas", + "vanilla extract", + "crushed pineapple", + "baking soda", + "butter", + "cream cheese", + "powdered sugar", + "large eggs", + "salt", + "chopped pecans" + ] + }, + { + "id": 15095, + "cuisine": "italian", + "ingredients": [ + "sugar", + "grated lemon zest", + "blackberries", + "fresh blueberries", + "fresh raspberries", + "mint leaves", + "fresh lemon juice", + "limoncello", + "strawberries" + ] + }, + { + "id": 40397, + "cuisine": "greek", + "ingredients": [ + "honey", + "shallots", + "english cucumber", + "fresh basil", + "dijon mustard", + "cracked black pepper", + "feta cheese crumbles", + "olive oil", + "sea salt", + "fresh lemon juice", + "cherry tomatoes", + "orzo pasta", + "purple onion" + ] + }, + { + "id": 6919, + "cuisine": "french", + "ingredients": [ + "water", + "large eggs", + "dry red wine", + "lardons", + "tomato paste", + "olive oil", + "parsley", + "garlic cloves", + "thyme sprigs", + "baguette", + "unsalted butter", + "bacon", + "California bay leaves", + "white vinegar", + "veal demi-glace", + "shallots", + "all-purpose flour", + "frisee" + ] + }, + { + "id": 13515, + "cuisine": "indian", + "ingredients": [ + "milk", + "confectioners sugar", + "saffron threads", + "yellow food coloring", + "plain yogurt", + "ground cardamom", + "pistachio nuts" + ] + }, + { + "id": 41079, + "cuisine": "filipino", + "ingredients": [ + "garlic", + "coconut milk", + "water", + "tilapia", + "onions", + "tomatoes", + "salt", + "bok choy", + "ginger", + "green chilies" + ] + }, + { + "id": 31156, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "green onions", + "Gochujang base", + "pepper flakes", + "sesame seeds", + "ginger", + "onions", + "lettuce", + "pork belly", + "sesame oil", + "green chilies", + "brown sugar", + "ground black pepper", + "garlic" + ] + }, + { + "id": 7828, + "cuisine": "british", + "ingredients": [ + "pepper", + "lean ground beef", + "beef broth", + "italian seasoning", + "tomato paste", + "milk", + "salt", + "fresh parsley", + "shredded cheddar cheese", + "butter", + "carrots", + "ground cinnamon", + "potatoes", + "all-purpose flour", + "onions" + ] + }, + { + "id": 1542, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "milk", + "grated parmesan cheese", + "table salt", + "ground black pepper", + "all-purpose flour", + "nutmeg", + "broccoli rabe", + "garlic", + "pasta", + "mozzarella cheese", + "unsalted butter" + ] + }, + { + "id": 48807, + "cuisine": "southern_us", + "ingredients": [ + "biscuits", + "all-purpose flour", + "milk", + "pork sausages" + ] + }, + { + "id": 31014, + "cuisine": "french", + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "butter", + "garlic cloves", + "dried thyme", + "chicken breasts", + "ground allspice", + "low-fat sour cream", + "finely chopped onion", + "port", + "chicken livers", + "black pepper", + "cooking spray", + "salt", + "fat free cream cheese" + ] + }, + { + "id": 38446, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "soft taco size flour tortillas", + "chopped cilantro fresh", + "chicken broth", + "flour", + "salt", + "diced green chilies", + "butter", + "jack cheese", + "cooked chicken", + "sour cream" + ] + }, + { + "id": 46847, + "cuisine": "southern_us", + "ingredients": [ + "sharp cheddar cheese", + "butter", + "boiling water", + "large eggs", + "ham", + "cayenne pepper", + "grits" + ] + }, + { + "id": 5273, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "leeks", + "garlic cloves", + "white kidney beans", + "lime juice", + "peeled fresh ginger", + "pepitas", + "water", + "pumpkin", + "salt", + "serrano chile", + "brown sugar", + "olive oil", + "light coconut milk", + "chopped cilantro fresh" + ] + }, + { + "id": 43614, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "soy sauce", + "minced garlic", + "sugar", + "toasted sesame oil" + ] + }, + { + "id": 30505, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "sea salt", + "Madras curry powder", + "fresh basil", + "honey", + "fresh mint", + "white peaches", + "ground black pepper", + "champagne vinegar", + "mozzarella cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 40068, + "cuisine": "mexican", + "ingredients": [ + "lime", + "ground black pepper", + "vine ripened tomatoes", + "kosher salt", + "taco seasoning mix", + "green onions", + "sour cream", + "avocado", + "refried beans", + "sliced black olives", + "purple onion", + "shredded cheddar cheese", + "garlic powder", + "lean ground beef", + "chopped cilantro fresh" + ] + }, + { + "id": 26965, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "onions", + "whipping cream", + "monterey jack", + "butter", + "cooked chicken breasts", + "green chile", + "cream cheese" + ] + }, + { + "id": 33949, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh oregano", + "chicken thighs", + "crushed red pepper", + "fresh mushrooms", + "plum tomatoes", + "pinot noir", + "chopped onion", + "cooked vermicelli", + "black pepper", + "salt", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 31057, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "mushrooms", + "salt", + "thyme", + "stock", + "leeks", + "red wine", + "carrots", + "onions", + "beef", + "parsley", + "salt pork", + "celery", + "flour", + "butter", + "garlic cloves", + "bay leaf" + ] + }, + { + "id": 27183, + "cuisine": "brazilian", + "ingredients": [ + "fat free less sodium chicken broth", + "chopped green bell pepper", + "clam juice", + "garlic cloves", + "large shrimp", + "olive oil", + "green onions", + "light coconut milk", + "fresh lime juice", + "tomatoes", + "ground black pepper", + "ground red pepper", + "salt", + "bay leaf", + "fresh cilantro", + "finely chopped onion", + "sea bass fillets", + "red bell pepper" + ] + }, + { + "id": 20627, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "unsalted butter", + "fresh shiitake mushrooms", + "all-purpose flour", + "corn kernels", + "whole milk", + "whipping cream", + "poblano chiles", + "melted butter", + "queso manchego", + "corn oil", + "fine sea salt", + "chopped garlic", + "fresh cilantro", + "large eggs", + "cilantro sprigs", + "garlic cloves" + ] + }, + { + "id": 3849, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "maple syrup", + "baking soda", + "buttermilk", + "sliced green onions", + "chicken breast tenders", + "butter", + "all-purpose flour", + "large eggs", + "salt" + ] + }, + { + "id": 15224, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "bacon slices", + "pepper", + "smoked cheddar cheese", + "cheddar cheese", + "pimentos", + "sugar", + "salt" + ] + }, + { + "id": 14171, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic cloves", + "vegetable oil", + "plum tomatoes", + "fresh coriander", + "scallions", + "chili", + "fresh lime juice" + ] + }, + { + "id": 9137, + "cuisine": "chinese", + "ingredients": [ + "crushed red pepper flakes", + "roasted peanuts", + "chopped cilantro fresh", + "fresh ginger root", + "tamari soy sauce", + "beansprouts", + "napa cabbage", + "capellini", + "toasted sesame oil", + "low sodium vegetable broth", + "garlic", + "peanut oil" + ] + }, + { + "id": 36967, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "salt", + "water", + "cornmeal", + "butter" + ] + }, + { + "id": 48070, + "cuisine": "italian", + "ingredients": [ + "sugar", + "ruby red grapefruit", + "campari" + ] + }, + { + "id": 6639, + "cuisine": "italian", + "ingredients": [ + "fava beans", + "dry white wine", + "garlic cloves", + "water", + "sea salt", + "black pepper", + "chopped fresh thyme", + "fresh parsley", + "fresh basil", + "pearl onions", + "extra-virgin olive oil" + ] + }, + { + "id": 36927, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "feta cheese crumbles", + "shallots", + "dried oregano", + "boneless chicken breast halves", + "low salt chicken broth", + "crushed tomatoes", + "brine-cured black olives" + ] + }, + { + "id": 15111, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "pitted kalamata olives", + "balsamic vinegar", + "fresh basil", + "bell pepper", + "black pepper", + "chopped fresh thyme" + ] + }, + { + "id": 30718, + "cuisine": "moroccan", + "ingredients": [ + "table salt", + "ground black pepper", + "chicken thighs", + "prunes", + "water", + "oil", + "slivered almonds", + "cinnamon", + "toasted sesame seeds", + "tumeric", + "honey", + "onions" + ] + }, + { + "id": 24394, + "cuisine": "italian", + "ingredients": [ + "pesto sauce", + "flour", + "thyme", + "water", + "basil", + "mozzarella cheese", + "egg yolks", + "chicken", + "milk", + "salt" + ] + }, + { + "id": 19176, + "cuisine": "korean", + "ingredients": [ + "water", + "sea salt", + "sugar", + "potatoes", + "onions", + "red chili powder", + "sesame seeds", + "green chilies", + "red chili peppers", + "green leaf lettuce", + "chopped garlic" + ] + }, + { + "id": 23479, + "cuisine": "british", + "ingredients": [ + "grated parmesan cheese", + "cake flour", + "coarse salt", + "olive oil", + "whipping cream", + "baking powder", + "onions" + ] + }, + { + "id": 1644, + "cuisine": "british", + "ingredients": [ + "whipping cream", + "pomegranate juice", + "strawberries", + "meringue nests", + "caster sugar" + ] + }, + { + "id": 46447, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "black olives", + "dried oregano", + "pasta sauce", + "lean ground beef", + "shredded mozzarella cheese", + "mushrooms", + "frozen corn kernels", + "italian seasoning", + "ground black pepper", + "green peas", + "onions" + ] + }, + { + "id": 11182, + "cuisine": "chinese", + "ingredients": [ + "lemongrass", + "salt and ground black pepper", + "oxtails", + "scallions", + "brown sugar", + "fresh ginger", + "beef stock", + "star anise", + "clove", + "lime", + "regular soy sauce", + "vegetable oil", + "garlic cloves", + "jasmine rice", + "shiitake", + "Shaoxing wine", + "thai chile" + ] + }, + { + "id": 33888, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "pepper", + "ground pork", + "carrots", + "ketchup", + "potatoes", + "salt", + "tomato sauce", + "water", + "garlic", + "onions", + "frozen sweet peas", + "quail eggs", + "raisins", + "oil" + ] + }, + { + "id": 39928, + "cuisine": "southern_us", + "ingredients": [ + "dark corn syrup", + "light corn syrup", + "baking soda", + "salted peanuts", + "water", + "vanilla extract", + "sugar", + "butter" + ] + }, + { + "id": 14613, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "ground black pepper", + "buttermilk", + "cayenne pepper", + "fresh parsley", + "creole mustard", + "olive oil", + "green onions", + "paprika", + "lemon juice", + "yellow corn meal", + "prepared horseradish", + "green tomatoes", + "garlic", + "medium shrimp", + "ketchup", + "minced onion", + "worcestershire sauce", + "mixed greens" + ] + }, + { + "id": 44719, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "finely chopped onion", + "kosher salt", + "italian seasoning mix", + "crushed tomatoes", + "extra-virgin olive oil", + "tomato sauce", + "honey", + "smoked sausage" + ] + }, + { + "id": 31404, + "cuisine": "chinese", + "ingredients": [ + "celery ribs", + "ginger", + "Yakisoba noodles", + "white sugar", + "soy sauce", + "oil", + "corn starch", + "crimini mushrooms", + "garlic cloves", + "mung bean sprouts", + "green cabbage", + "rice vinegar", + "carrots", + "snow peas" + ] + }, + { + "id": 34332, + "cuisine": "british", + "ingredients": [ + "granulated sugar", + "whipping cream", + "sherry wine", + "raspberries", + "almond extract", + "salt", + "toasted slivered almonds", + "ladyfingers", + "egg yolks", + "vanilla extract", + "corn starch", + "milk", + "butter", + "strawberries" + ] + }, + { + "id": 23821, + "cuisine": "italian", + "ingredients": [ + "egg whites", + "white sugar", + "brewed coffee", + "kirschwasser", + "mascarpone", + "heavy cream", + "ladyfingers", + "egg yolks", + "unsweetened cocoa powder" + ] + }, + { + "id": 17968, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "unsalted butter", + "salt", + "parmigiano reggiano cheese", + "semolina", + "whole milk" + ] + }, + { + "id": 10548, + "cuisine": "french", + "ingredients": [ + "sliced almonds", + "salt", + "olive oil", + "tilapia fillets", + "all-purpose flour", + "butter" + ] + }, + { + "id": 20772, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "water", + "peeled fresh ginger", + "salt", + "fresh lime juice", + "cooked rice", + "fat free less sodium chicken broth", + "cooking spray", + "crushed red pepper", + "garlic cloves", + "low sodium soy sauce", + "lime rind", + "pork tenderloin", + "light coconut milk", + "all-purpose flour", + "sugar pea", + "honey", + "sesame oil", + "rice vinegar" + ] + }, + { + "id": 19059, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "unsalted butter", + "whole milk", + "all purpose unbleached flour", + "molasses", + "egg yolks", + "ice water", + "salt", + "table salt", + "granulated sugar", + "bourbon whiskey", + "vanilla extract", + "ground nutmeg", + "sweet potatoes", + "vegetable shortening", + "dark brown sugar" + ] + }, + { + "id": 47902, + "cuisine": "brazilian", + "ingredients": [ + "shortening", + "flour", + "salt", + "onions", + "eggs", + "ground black pepper", + "sherry", + "oil", + "tomato paste", + "hearts of palm", + "egg yolks", + "beer", + "plum tomatoes", + "tumeric", + "unsalted butter", + "butter", + "shrimp" + ] + }, + { + "id": 32171, + "cuisine": "indian", + "ingredients": [ + "sugar", + "all-purpose flour", + "milk", + "water", + "oil", + "salt" + ] + }, + { + "id": 23400, + "cuisine": "british", + "ingredients": [ + "milk", + "butter", + "vanilla essence", + "egg whites", + "lemon", + "powdered sugar", + "self rising flour", + "double cream", + "caster sugar", + "rum", + "salt" + ] + }, + { + "id": 6796, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "dry red wine", + "spaghetti", + "sausage links", + "boneless skinless chicken breasts", + "juice", + "sugar", + "heavy cream", + "onions", + "green bell pepper", + "olive oil", + "garlic cloves", + "oregano" + ] + }, + { + "id": 10194, + "cuisine": "french", + "ingredients": [ + "olive oil", + "chopped fresh thyme", + "cream cheese", + "large eggs", + "whipping cream", + "fresh lemon juice", + "smoked salmon", + "leeks", + "dry bread crumbs", + "frozen pastry puff sheets", + "cheese", + "soft fresh goat cheese" + ] + }, + { + "id": 48416, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "ciabatta", + "cooked shrimp", + "ground black pepper", + "white beans", + "fresh basil leaves", + "fresh rosemary", + "garlic", + "garlic chili sauce", + "chicken stock", + "extra-virgin olive oil", + "fresh lemon juice", + "arugula" + ] + }, + { + "id": 28458, + "cuisine": "italian", + "ingredients": [ + "sugar", + "garlic powder", + "ground turkey", + "eggs", + "bread crumbs", + "white wine vinegar", + "onions", + "tomatoes", + "ketchup", + "basil", + "rotini", + "spinach", + "minced garlic", + "beef broth", + "italian seasoning" + ] + }, + { + "id": 41296, + "cuisine": "indian", + "ingredients": [ + "nutmeg", + "garlic powder", + "green cardamom", + "clove", + "mace", + "red food coloring", + "cumin seed", + "black peppercorns", + "cinnamon", + "brown cardamom", + "ground ginger", + "coriander seeds", + "salt", + "methi" + ] + }, + { + "id": 42342, + "cuisine": "vietnamese", + "ingredients": [ + "rice stick noodles", + "lemon grass", + "cilantro leaves", + "beansprouts", + "red chili peppers", + "cinnamon", + "firm tofu", + "peppercorns", + "fish sauce", + "lime wedges", + "chili sauce", + "fresh parsley", + "fresh ginger", + "salt", + "oyster sauce" + ] + }, + { + "id": 26131, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "red pepper flakes", + "boneless skinless chicken breast halves", + "vegetables", + "shredded mozzarella cheese", + "basil dried leaves", + "spaghetti" + ] + }, + { + "id": 25487, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "green onions", + "ground pork", + "chili sauce", + "water", + "szechwan peppercorns", + "garlic", + "corn starch", + "soy sauce", + "bean paste", + "ginger", + "oil", + "eggplant", + "sesame oil", + "chili bean paste", + "fermented black beans" + ] + }, + { + "id": 38914, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "ground red pepper", + "all-purpose flour", + "garlic powder", + "sandwich buns", + "tomatoes", + "vegetable oil", + "tartar sauce", + "catfish fillets", + "lettuce leaves", + "salt" + ] + }, + { + "id": 18363, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "bow-tie pasta", + "shallots", + "asparagus", + "bread crumb fresh", + "blue cheese" + ] + }, + { + "id": 29223, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "diced tomatoes", + "yellow onion", + "dried oregano", + "taco shells", + "cheese", + "garlic cloves", + "dried lentils", + "vegetable broth", + "oil", + "ground cumin", + "lettuce", + "chili powder", + "salsa", + "sour cream" + ] + }, + { + "id": 29373, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "ground pork", + "fresh pineapple", + "chiles", + "chinese sausage", + "rice vinegar", + "jasmine rice", + "hoisin sauce", + "scallions", + "low sodium soy sauce", + "fresh ginger", + "cilantro leaves", + "canola oil" + ] + }, + { + "id": 39493, + "cuisine": "japanese", + "ingredients": [ + "chili flakes", + "bonito flakes", + "shrimp", + "tentacles", + "sesame seeds", + "salt", + "chopped cilantro", + "eggs", + "jalapeno chilies", + "coconut aminos", + "coconut oil", + "coconut flour", + "beansprouts" + ] + }, + { + "id": 6706, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "butternut squash", + "salt", + "dried thyme", + "paprika", + "shrimp", + "unsalted butter", + "whipping cream", + "curry powder", + "ground red pepper", + "yellow onion" + ] + }, + { + "id": 14764, + "cuisine": "french", + "ingredients": [ + "pastry shell", + "camembert", + "chopped walnuts", + "vinaigrette", + "field lettuce", + "gala apples" + ] + }, + { + "id": 1049, + "cuisine": "mexican", + "ingredients": [ + "fillet red snapper", + "shredded cabbage", + "ground coriander", + "fresh lime juice", + "ground cumin", + "garlic powder", + "reduced-fat sour cream", + "smoked paprika", + "fat-free mayonnaise", + "lime rind", + "ground red pepper", + "garlic cloves", + "chopped cilantro fresh", + "cooking spray", + "salt", + "corn tortillas", + "sliced green onions" + ] + }, + { + "id": 44438, + "cuisine": "french", + "ingredients": [ + "lemon juice", + "minced garlic", + "cayenne", + "mayonaise" + ] + }, + { + "id": 44291, + "cuisine": "filipino", + "ingredients": [ + "baking powder", + "Edam", + "grated coconut", + "salt", + "melted butter", + "beaten eggs", + "coconut milk", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 46017, + "cuisine": "chinese", + "ingredients": [ + "dates", + "confectioners sugar", + "sugar", + "all-purpose flour", + "eggs", + "salt", + "baking powder", + "chopped walnuts" + ] + }, + { + "id": 39647, + "cuisine": "french", + "ingredients": [ + "great northern beans", + "fresh thyme", + "diced tomatoes in juice", + "water", + "dry white wine", + "onions", + "minced garlic", + "butternut squash", + "fresh parsley", + "fresh rosemary", + "olive oil", + "fresh oregano", + "bone in chicken thighs" + ] + }, + { + "id": 149, + "cuisine": "southern_us", + "ingredients": [ + "honey mustard", + "seasoning salt", + "chili powder", + "paprika", + "tomato sauce", + "ground black pepper", + "butter", + "lemon juice", + "brown sugar", + "garlic powder", + "red wine vinegar", + "hot sauce", + "ketchup", + "ground red pepper", + "worcestershire sauce" + ] + }, + { + "id": 28848, + "cuisine": "indian", + "ingredients": [ + "prawns", + "onions", + "curry paste", + "chopped tomatoes", + "coriander" + ] + }, + { + "id": 46860, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "pecorino romano cheese", + "fresh parsley", + "chicken stock", + "grated parmesan cheese", + "bow-tie pasta", + "prosciutto", + "whipping cream", + "frozen peas", + "fontina cheese", + "butter", + "baby carrots" + ] + }, + { + "id": 39008, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "parmesan cheese", + "ground beef", + "dried oregano", + "tomato sauce", + "dried basil", + "red wine", + "onions", + "tomato paste", + "crushed tomatoes", + "whole wheat spaghetti", + "fresh parsley", + "black pepper", + "olive oil", + "salt", + "meat sauce" + ] + }, + { + "id": 22072, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "boneless chicken", + "lemon juice", + "eggs", + "plain yogurt", + "green chilies", + "curry leaves", + "white flour", + "salt", + "ground turmeric", + "red chili powder", + "garam masala", + "oil" + ] + }, + { + "id": 27094, + "cuisine": "japanese", + "ingredients": [ + "water", + "red bean paste", + "flour", + "brown sugar", + "baking powder", + "eggs", + "honey" + ] + }, + { + "id": 39526, + "cuisine": "mexican", + "ingredients": [ + "cilantro", + "onions", + "tomatoes", + "taco seasoning", + "chickpeas", + "lime", + "garlic cloves" + ] + }, + { + "id": 48934, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "flour", + "olive oil", + "steak", + "milk", + "salt", + "eggs", + "garlic powder", + "steak seasoning" + ] + }, + { + "id": 19112, + "cuisine": "italian", + "ingredients": [ + "fronds", + "dijon mustard", + "lemon", + "fennel bulb", + "red wine vinegar", + "fresh parsley", + "prosciutto", + "chopped fresh thyme", + "frisee", + "olive oil", + "shallots", + "artichokes" + ] + }, + { + "id": 46516, + "cuisine": "southern_us", + "ingredients": [ + "mint", + "bourbon whiskey", + "water", + "fresh mint", + "sugar", + "sparkling wine", + "earl grey tea bags", + "fresh lime juice" + ] + }, + { + "id": 22215, + "cuisine": "mexican", + "ingredients": [ + "corn oil", + "yellow onion", + "Mexican cheese blend", + "salt", + "chiles", + "chili powder", + "flour tortillas", + "rice vinegar" + ] + }, + { + "id": 35620, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "vegetable oil", + "cilantro leaves", + "sour cream", + "lime juice", + "ancho powder", + "carrots", + "black beans", + "coarse salt", + "liquid", + "ground cumin", + "reduced sodium vegetable broth", + "honey", + "purple onion", + "country bread" + ] + }, + { + "id": 7361, + "cuisine": "chinese", + "ingredients": [ + "ground black pepper", + "cooked white rice", + "soy sauce", + "butter", + "eggs", + "vegetable oil", + "onions", + "water", + "chicken meat" + ] + }, + { + "id": 44980, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic", + "grated parmesan cheese", + "cavatelli", + "chicken broth", + "extra-virgin olive oil", + "onions", + "frozen broccoli florets", + "crushed red pepper" + ] + }, + { + "id": 47057, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "chili powder", + "ground coriander", + "olive oil", + "salt", + "ground beef", + "water", + "paprika", + "couscous", + "ground black pepper", + "ground caraway", + "onions" + ] + }, + { + "id": 26945, + "cuisine": "brazilian", + "ingredients": [ + "black pepper", + "ground nutmeg", + "whole milk", + "water", + "egg yolks", + "cayenne pepper", + "parmesan cheese", + "starch", + "kosher salt", + "large eggs", + "extra-virgin olive oil" + ] + }, + { + "id": 17704, + "cuisine": "mexican", + "ingredients": [ + "corn", + "sharp cheddar cheese", + "black beans", + "salsa", + "chili powder", + "water", + "green chilies" + ] + }, + { + "id": 1878, + "cuisine": "southern_us", + "ingredients": [ + "andouille sausage", + "green onions", + "garlic", + "chopped onion", + "low-fat milk", + "white bread", + "ground black pepper", + "cajun seasoning", + "salt", + "red bell pepper", + "sugar", + "baking powder", + "chopped celery", + "thyme", + "chicken broth", + "large eggs", + "butter", + "all-purpose flour", + "cornmeal" + ] + }, + { + "id": 33167, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "ground nutmeg", + "ground coriander", + "ground cloves", + "ground red pepper", + "ground cinnamon", + "ground black pepper", + "ground cumin", + "saffron threads", + "kosher salt", + "ground allspice" + ] + }, + { + "id": 8928, + "cuisine": "filipino", + "ingredients": [ + "powdered milk", + "sugar", + "coconut milk", + "evaporated milk", + "corn starch" + ] + }, + { + "id": 20715, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "escarole", + "dried currants", + "unsalted butter", + "chopped walnuts", + "rib", + "swiss chard", + "gyoza wrappers", + "flat leaf parsley", + "minced garlic", + "lemon zest", + "fresh lemon juice", + "onions" + ] + }, + { + "id": 13546, + "cuisine": "french", + "ingredients": [ + "eggs", + "clarified butter", + "salt", + "melted butter", + "all-purpose flour", + "milk" + ] + }, + { + "id": 1418, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "butter", + "peanut oil", + "parmesan cheese", + "salt", + "milk", + "kalamata", + "rice flour", + "large eggs", + "rice" + ] + }, + { + "id": 7849, + "cuisine": "chinese", + "ingredients": [ + "minced onion", + "dark brown sugar", + "garlic", + "vinegar", + "chillies", + "ground ginger", + "plums" + ] + }, + { + "id": 5661, + "cuisine": "chinese", + "ingredients": [ + "chicken wings", + "sesame oil", + "sesame seeds", + "rice vinegar", + "soy sauce", + "garlic", + "peeled fresh ginger" + ] + }, + { + "id": 22343, + "cuisine": "japanese", + "ingredients": [ + "garam masala", + "butter", + "cayenne pepper", + "chicken thighs", + "kosher salt", + "flour", + "tonkatsu sauce", + "carrots", + "ketchup", + "ground black pepper", + "peas", + "oil", + "water", + "yukon gold potatoes", + "apples", + "onions" + ] + }, + { + "id": 964, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "cheese", + "thyme leaves", + "broccoli florets", + "penne pasta", + "oregano leaves", + "grated parmesan cheese", + "salt", + "cooked chicken breasts", + "rosemary leaves", + "and fat free half half" + ] + }, + { + "id": 44109, + "cuisine": "chinese", + "ingredients": [ + "water chestnuts", + "salt", + "pepper", + "sesame oil", + "onions", + "eggs", + "spring onions", + "oil", + "fish paste", + "cornflour" + ] + }, + { + "id": 9326, + "cuisine": "spanish", + "ingredients": [ + "hot red pepper flakes", + "garlic cloves", + "extra-virgin olive oil", + "baby spinach", + "thick-cut bacon", + "chickpeas" + ] + }, + { + "id": 35518, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "cooking oil", + "goat cheese", + "dried tarragon leaves", + "eggplant", + "salt", + "eggs", + "olive oil", + "grated parmesan cheese", + "onions", + "sugar", + "ground black pepper", + "dry bread crumbs" + ] + }, + { + "id": 32861, + "cuisine": "greek", + "ingredients": [ + "ground nutmeg", + "kefalotyri", + "eggs", + "freshly ground pepper", + "filo dough", + "unsalted butter", + "chopped fresh mint", + "spinach", + "feta cheese crumbles" + ] + }, + { + "id": 18800, + "cuisine": "thai", + "ingredients": [ + "straw mushrooms", + "thai chile", + "kaffir lime leaves", + "fresh cilantro", + "chicken broth", + "lime juice", + "medium shrimp", + "fish sauce", + "chile paste" + ] + }, + { + "id": 4241, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "french baguette", + "butter", + "pepper", + "garlic", + "grated parmesan cheese" + ] + }, + { + "id": 28571, + "cuisine": "italian", + "ingredients": [ + "sugar", + "dark rum", + "unsweetened cocoa powder", + "mascarpone", + "vanilla extract", + "water", + "heavy cream", + "ladyfingers", + "egg yolks", + "brewed espresso" + ] + }, + { + "id": 1086, + "cuisine": "cajun_creole", + "ingredients": [ + "chiles", + "green pepper", + "tomatoes", + "boneless skinless chicken breasts", + "onions", + "tomato paste", + "olive oil", + "cream of mushroom soup", + "cooked rice", + "smoked sausage" + ] + }, + { + "id": 8779, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "green peas", + "organic vegetable broth", + "Madras curry powder", + "fat free yogurt", + "butter", + "all-purpose flour", + "red bell pepper", + "large shrimp", + "peeled fresh ginger", + "salt", + "garlic cloves", + "basmati rice", + "water", + "diced tomatoes", + "chopped onion", + "coconut milk" + ] + }, + { + "id": 7722, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "feta cheese crumbles", + "boneless skinless chicken breasts", + "fresh spinach", + "chicken" + ] + }, + { + "id": 31795, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "kidney beans", + "garlic", + "dried oregano", + "chicken bouillon", + "vegetable oil", + "long-grain rice", + "hot sausage", + "bay leaves", + "yellow onion", + "sliced green onions", + "dried thyme", + "cajun seasoning", + "celery" + ] + }, + { + "id": 34561, + "cuisine": "japanese", + "ingredients": [ + "water", + "vanilla extract", + "egg yolks", + "white sugar", + "milk", + "lemon juice", + "adzuki beans", + "heavy cream" + ] + }, + { + "id": 33851, + "cuisine": "mexican", + "ingredients": [ + "roasted red peppers", + "shredded mozzarella cheese", + "kalamata", + "fresh parsley", + "bacon pieces", + "feta cheese crumbles", + "tortillas", + "Land O Lakes® Butter" + ] + }, + { + "id": 27274, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "chopped onion", + "chile powder", + "beef broth", + "masa harina", + "salt", + "dark beer", + "jalapeno chilies", + "lean beef", + "ground cumin" + ] + }, + { + "id": 3194, + "cuisine": "chinese", + "ingredients": [ + "unsalted butter", + "kosher salt", + "rice vinegar", + "chicken wings", + "vegetable oil", + "honey", + "hot chili sauce" + ] + }, + { + "id": 40356, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "onions", + "pepper", + "garlic cloves", + "olive oil", + "fresh lime juice", + "vegetable oil cooking spray", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 10683, + "cuisine": "indian", + "ingredients": [ + "mint leaves", + "kosher salt", + "cumin seed", + "water", + "greek style plain yogurt" + ] + }, + { + "id": 35234, + "cuisine": "indian", + "ingredients": [ + "channa dal", + "green chilies", + "cashew nuts", + "fresh curry leaves", + "urad dal", + "oil", + "asafetida", + "red chili peppers", + "ginger", + "cumin seed", + "basmati rice", + "coconut", + "salt", + "mustard seeds" + ] + }, + { + "id": 30830, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "dry mustard", + "celery seed", + "napa cabbage", + "carrots", + "sugar", + "extra-virgin olive oil", + "hungarian paprika", + "white wine vinegar" + ] + }, + { + "id": 49230, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "crumbled cornbread", + "pepper", + "salt", + "green onions", + "mayonaise", + "bacon slices" + ] + }, + { + "id": 10758, + "cuisine": "southern_us", + "ingredients": [ + "white bread", + "ground nutmeg", + "salt", + "black pepper", + "sweet potatoes", + "lemon juice", + "olive oil", + "butter", + "granny smith apples", + "cooking spray", + "maple syrup" + ] + }, + { + "id": 30365, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "shallots", + "rice vermicelli", + "brown cardamom", + "fish sauce", + "mint leaves", + "ginger", + "beef broth", + "beansprouts", + "clove", + "beef", + "cinnamon", + "cilantro leaves", + "scallions", + "ground black pepper", + "lime wedges", + "thai chile", + "beef rib short" + ] + }, + { + "id": 41858, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "hoisin sauce", + "all-purpose flour", + "onions", + "warm water", + "dry yeast", + "oyster sauce", + "pork", + "baking powder", + "corn starch", + "shortening", + "soy sauce", + "garlic", + "lard" + ] + }, + { + "id": 30084, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "parmesan cheese", + "garlic", + "onions", + "sausage casings", + "milk", + "butter", + "ground beef", + "fontina", + "flour", + "salt", + "rigatoni", + "pepper", + "fresh mozzarella", + "sliced mushrooms" + ] + }, + { + "id": 33416, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "half & half", + "potato flakes", + "ground turmeric", + "water", + "ground black pepper", + "green onions", + "chicken-flavored soup powder", + "curry powder", + "potatoes", + "cayenne pepper", + "onions", + "soy sauce", + "kidney beans", + "whole milk", + "ground white pepper" + ] + }, + { + "id": 41924, + "cuisine": "greek", + "ingredients": [ + "nonfat plain greek yogurt", + "juice", + "clove", + "tenderloin", + "cucumber", + "pepper", + "extra-virgin olive oil", + "fresh parsley", + "Cavenders Greek Seasoning", + "salt", + "dried oregano" + ] + }, + { + "id": 47094, + "cuisine": "brazilian", + "ingredients": [ + "diced tomatoes", + "shrimp", + "olive oil", + "salt", + "fresh lime juice", + "fresh cilantro", + "garlic", + "coconut milk", + "roasted red peppers", + "hot sauce", + "onions" + ] + }, + { + "id": 39979, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "cheddar cheese", + "baking powder", + "scallions", + "unsalted butter", + "all-purpose flour", + "sugar", + "buttermilk" + ] + }, + { + "id": 42391, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "red food coloring", + "brown sugar", + "fresh ginger", + "chinese five-spice powder", + "pork baby back ribs", + "bourbon whiskey", + "honey", + "salt" + ] + }, + { + "id": 37491, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "butternut squash", + "passata", + "low-fat coconut milk", + "fresh coriander", + "red pepper", + "ginger root", + "white onion", + "baby spinach", + "cumin seed", + "tumeric", + "garam masala", + "garlic" + ] + }, + { + "id": 15587, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "vegetable oil", + "ground cardamom", + "tumeric", + "shallots", + "fenugreek seeds", + "ground cumin", + "fresh curry leaves", + "grated nutmeg", + "onions", + "hot red pepper flakes", + "brown mustard seeds", + "garlic cloves" + ] + }, + { + "id": 19465, + "cuisine": "mexican", + "ingredients": [ + "white corn tortillas", + "2% reduced-fat milk", + "white beans", + "poblano chiles", + "Mexican cheese blend", + "purple onion", + "frozen corn", + "sliced green onions", + "ground black pepper", + "part-skim ricotta cheese", + "all-purpose flour", + "chopped cilantro fresh", + "large eggs", + "salt", + "red bell pepper" + ] + }, + { + "id": 3161, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "salt", + "saffron threads", + "ground nutmeg", + "ground ginger", + "ground black pepper", + "mace", + "ground allspice" + ] + }, + { + "id": 7913, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "sausages", + "tomatoes with juice", + "onions", + "potatoes", + "carrots", + "salt", + "dried oregano" + ] + }, + { + "id": 25373, + "cuisine": "indian", + "ingredients": [ + "white onion", + "mustard seeds", + "tumeric", + "vegetable oil", + "cooked rice", + "corn kernels", + "chiles", + "salt" + ] + }, + { + "id": 23066, + "cuisine": "russian", + "ingredients": [ + "olive oil", + "all purpose unbleached flour", + "hot sauce", + "onions", + "warm water", + "vinegar", + "ground pork", + "sour cream", + "melted butter", + "ground pepper", + "buttermilk", + "garlic cloves", + "ketchup", + "large eggs", + "salt", + "ground turkey" + ] + }, + { + "id": 35865, + "cuisine": "mexican", + "ingredients": [ + "chile pepper", + "ground beef", + "picante sauce", + "sour cream", + "monterey jack", + "yellow onion", + "vegetarian refried beans", + "chili powder", + "muenster cheese" + ] + }, + { + "id": 7168, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "cooking oil", + "chicken meat", + "oil", + "lettuce", + "ground pepper", + "green onions", + "dark sesame oil", + "toasted sesame seeds", + "soy sauce", + "sherry", + "salt", + "toasted almonds", + "bean threads", + "vinegar", + "corn oil", + "peanut oil" + ] + }, + { + "id": 6637, + "cuisine": "italian", + "ingredients": [ + "pepper", + "parmesan cheese", + "fresh parsley", + "manicotti shells", + "part-skim mozzarella cheese", + "ricotta cheese", + "eggs", + "water", + "onion powder", + "pasta sauce", + "garlic powder", + "frozen chopped spinach, thawed and squeezed dry" + ] + }, + { + "id": 38462, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "rice vinegar", + "white tuna in water", + "chili powder", + "cucumber", + "wasabi paste", + "white rice", + "nori", + "avocado", + "water", + "carrots" + ] + }, + { + "id": 2565, + "cuisine": "southern_us", + "ingredients": [ + "bacon slices", + "cabbage", + "salt", + "pepper" + ] + }, + { + "id": 25288, + "cuisine": "mexican", + "ingredients": [ + "shredded reduced fat cheddar cheese", + "salsa", + "lean ground turkey", + "fat-free refried beans", + "cooked chicken breasts", + "nonfat greek yogurt", + "chopped cilantro", + "cooked brown rice", + "whole wheat tortillas" + ] + }, + { + "id": 32495, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "chili powder", + "cumin seed", + "coriander powder", + "green peas", + "onions", + "garam masala", + "cinnamon", + "oil", + "clove", + "potatoes", + "salt" + ] + }, + { + "id": 49626, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "extra-virgin olive oil", + "all-purpose flour", + "olive oil", + "leeks", + "salt", + "large eggs", + "cheese", + "sliced green onions", + "cold milk", + "grated parmesan cheese", + "purple onion" + ] + }, + { + "id": 49635, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "fresh thyme", + "extra-virgin olive oil", + "tomato sauce", + "ground black pepper", + "grated horseradish", + "flat leaf parsley", + "brown chicken stock", + "kosher salt", + "dry white wine", + "veal shanks", + "celery ribs", + "spanish onion", + "lemon", + "carrots" + ] + }, + { + "id": 31722, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "self rising flour", + "unsalted butter", + "buttermilk" + ] + }, + { + "id": 18578, + "cuisine": "irish", + "ingredients": [ + "fat free yogurt", + "biscuit mix", + "large eggs", + "fresh parmesan cheese", + "dried chives", + "cooking spray" + ] + }, + { + "id": 45145, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "fenugreek", + "malt vinegar", + "lemon juice", + "ground cumin", + "garam masala", + "butter", + "black salt", + "mango", + "bay leaves", + "black cumin seeds", + "rock salt", + "ginger paste", + "garlic paste", + "cinnamon", + "lamb", + "masala" + ] + }, + { + "id": 35800, + "cuisine": "italian", + "ingredients": [ + "crushed garlic", + "mozzarella cheese", + "pesto", + "chicken breasts" + ] + }, + { + "id": 42004, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "noodles", + "chili flakes", + "peanuts", + "veggies", + "tomato sauce", + "roasted white sesame seeds", + "ginger", + "sugar", + "spring onions", + "salt" + ] + }, + { + "id": 21822, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "instant yeast", + "salt", + "water", + "butter", + "melted butter", + "refined sugar", + "grating cheese", + "sugar", + "egg yolks", + "all-purpose flour" + ] + }, + { + "id": 40135, + "cuisine": "moroccan", + "ingredients": [ + "water", + "cinnamon", + "garlic", + "onions", + "ground cumin", + "tumeric", + "harissa", + "cilantro", + "cayenne pepper", + "saffron", + "preserved lemon", + "honey", + "paprika", + "salt", + "olives", + "pepper", + "parsley", + "ginger", + "oil", + "chicken" + ] + }, + { + "id": 26930, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "ranch dressing", + "taco seasoning", + "flour tortillas", + "cheese", + "water", + "cilantro", + "onions", + "chicken breasts", + "salsa" + ] + }, + { + "id": 11598, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "flour", + "pepper", + "bread crumbs", + "sea salt", + "eggs", + "parmigiano reggiano cheese" + ] + }, + { + "id": 3715, + "cuisine": "brazilian", + "ingredients": [ + "potatoes", + "frozen corn kernels", + "mayonaise", + "apples", + "frozen peas", + "pimentos", + "carrots", + "pepper", + "salt" + ] + }, + { + "id": 27448, + "cuisine": "french", + "ingredients": [ + "butter", + "garlic cloves", + "milk", + "salt", + "gruyere cheese", + "yukon gold potatoes", + "shredded mozzarella cheese" + ] + }, + { + "id": 21378, + "cuisine": "french", + "ingredients": [ + "olive oil", + "garlic cloves", + "onions", + "pepper", + "bouquet garni", + "flat leaf parsley", + "flour", + "carrots", + "beef shoulder", + "salt", + "Burgundy wine" + ] + }, + { + "id": 41925, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "dried thyme", + "garlic cloves", + "plum tomatoes", + "pepper", + "lobster", + "fresh parsley", + "brandy", + "olive oil", + "bay leaf", + "water", + "clam juice", + "onions" + ] + }, + { + "id": 28076, + "cuisine": "italian", + "ingredients": [ + "fresh thyme leaves", + "sourdough baguette", + "pepper", + "chanterelle", + "fresh chives", + "salt", + "olive oil", + "champagne vinegar" + ] + }, + { + "id": 15150, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "baguette", + "baking potatoes", + "carrots", + "black pepper", + "cayenne", + "sea salt", + "celery ribs", + "reduced sodium chicken broth", + "unsalted butter", + "cumin seed", + "roasted cashews", + "curry powder", + "florets", + "onions" + ] + }, + { + "id": 33054, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "water", + "shallots", + "salt", + "oyster sauce", + "crisps", + "sweet soy sauce", + "chicken meat", + "scallions", + "white pepper", + "cooking oil", + "garlic", + "yams", + "soy sauce", + "shiitake", + "sesame oil", + "rice", + "dried shrimp" + ] + }, + { + "id": 41546, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "melted butter", + "stuffing mix", + "boneless skinless chicken breasts", + "condensed cream of chicken soup" + ] + }, + { + "id": 32413, + "cuisine": "italian", + "ingredients": [ + "garlic", + "parmesan cheese", + "flat leaf parsley", + "capers", + "fresh lemon juice", + "extra-virgin olive oil", + "arugula" + ] + }, + { + "id": 20818, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "tomatillos", + "corn tortillas", + "chiles", + "olive oil", + "garlic", + "shredded Monterey Jack cheese", + "black peppercorns", + "fresh cilantro", + "cheese", + "chopped cilantro", + "white onion", + "bone in", + "sour cream" + ] + }, + { + "id": 29834, + "cuisine": "chinese", + "ingredients": [ + "mayonaise", + "egg whites", + "corn starch", + "water", + "lemon juice", + "sugar", + "oil", + "sweetened condensed milk", + "walnut halves", + "honey", + "shrimp" + ] + }, + { + "id": 27406, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "chopped fresh thyme", + "bay leaf", + "mussels", + "dry white wine", + "garlic cloves", + "olive oil", + "shallots", + "fresh lemon juice", + "finely chopped fresh parsley", + "salt", + "onions" + ] + }, + { + "id": 49010, + "cuisine": "italian", + "ingredients": [ + "warm water", + "prosciutto", + "egg yolks", + "salt", + "muenster cheese", + "genoa salami", + "mozzarella cheese", + "large eggs", + "whole milk ricotta cheese", + "pepperoni", + "eggs", + "parmesan cheese", + "flour", + "vegetable shortening", + "ham", + "black pepper", + "ground black pepper", + "baking powder", + "soppressata", + "fresh parsley" + ] + }, + { + "id": 15540, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "garlic cloves", + "picante sauce", + "chopped onion", + "ground cumin", + "black beans", + "diced tomatoes", + "chopped cilantro fresh", + "reduced fat monterey jack cheese", + "vegetable oil", + "fresh lime juice" + ] + }, + { + "id": 10492, + "cuisine": "italian", + "ingredients": [ + "spaghetti sauce seasoning mix", + "vegetable oil", + "water", + "ground beef", + "tomato paste", + "lasagna noodles", + "mozzarella cheese", + "gravy mix mushroom" + ] + }, + { + "id": 15716, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "orecchiette", + "broccoli rabe", + "garlic cloves", + "olive oil" + ] + }, + { + "id": 18942, + "cuisine": "japanese", + "ingredients": [ + "olive oil", + "salt", + "minced garlic", + "ground black pepper", + "sweet onion", + "unsalted butter", + "fresh chives", + "miso paste", + "boneless rib eye steaks" + ] + }, + { + "id": 17928, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "vegetable oil", + "boneless skinless chicken breast halves", + "dried basil", + "all-purpose flour", + "pepper", + "salt", + "tomato sauce", + "grated parmesan cheese", + "panko breadcrumbs" + ] + }, + { + "id": 45731, + "cuisine": "italian", + "ingredients": [ + "pepper", + "parmesan cheese", + "purple onion", + "plum tomatoes", + "artichoke hearts", + "red wine vinegar", + "provolone cheese", + "red leaf lettuce", + "vegetable oil", + "salt", + "italian seasoning", + "garlic powder", + "pitted olives", + "dried parsley" + ] + }, + { + "id": 5713, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "whipping cream", + "chop fine pecan", + "fruit", + "pound cake", + "rum" + ] + }, + { + "id": 3490, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "salt", + "fast rising yeast", + "water", + "eggs", + "vegetable oil", + "bread crumbs", + "bread flour" + ] + }, + { + "id": 31843, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "shredded mozzarella cheese", + "flour tortillas", + "pepperoni slices", + "ground beef", + "fresh basil", + "pizza sauce" + ] + }, + { + "id": 36291, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "mo hanh", + "cilantro", + "ground white pepper", + "light brown sugar", + "lemongrass", + "jalapeno chilies", + "cilantro leaves", + "vegan mayonnaise", + "liquid aminos", + "pickled carrots", + "vegetable oil", + "ground coriander", + "baguette", + "extra firm tofu", + "garlic", + "cucumber" + ] + }, + { + "id": 38284, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "flour tortillas", + "salt", + "ground cumin", + "olive oil", + "chili powder", + "garlic cloves", + "frozen whole kernel corn", + "chees fresco queso", + "fresh lime juice", + "fresh cilantro", + "boneless skinless chicken breasts", + "chunky" + ] + }, + { + "id": 31800, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "fresh tarragon", + "grits", + "tasso", + "unsalted butter", + "butter", + "freshly ground pepper", + "sharp white cheddar cheese", + "vegetable oil", + "beer", + "large shrimp", + "chicken stock", + "large eggs", + "heavy cream", + "garlic cloves" + ] + }, + { + "id": 24001, + "cuisine": "jamaican", + "ingredients": [ + "eggs", + "curry powder", + "vegetable fats", + "margarine", + "cold water", + "white onion", + "ground black pepper", + "vegetable oil", + "bread crumbs", + "dried thyme", + "beef stock", + "minced beef", + "plain flour", + "water", + "hot pepper sauce", + "salt" + ] + }, + { + "id": 40354, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "freshly ground pepper", + "water", + "turnip greens", + "salt pork" + ] + }, + { + "id": 25156, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "parmigiano reggiano cheese", + "ground pork", + "yellow onion", + "bay leaf", + "pancetta", + "veal demi-glace", + "ground veal", + "salt", + "unsalted beef stock", + "tagliatelle", + "sage leaves", + "fettucine", + "dry white wine", + "extra-virgin olive oil", + "freshly ground pepper", + "ground beef", + "celery ribs", + "unsalted butter", + "heavy cream", + "grated nutmeg", + "carrots" + ] + }, + { + "id": 38485, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "low sodium chicken broth", + "cajun seasoning", + "smoked paprika", + "green bell pepper", + "shallots", + "garlic", + "tomato paste", + "bay leaves", + "gluten", + "bone in chicken thighs", + "andouille sausage", + "vegetable oil", + "cayenne pepper" + ] + }, + { + "id": 14450, + "cuisine": "mexican", + "ingredients": [ + "ground round", + "diced tomatoes", + "canola oil", + "kosher salt", + "garlic cloves", + "black beans", + "chopped onion", + "ground cumin", + "reduced fat sharp cheddar cheese", + "chili powder", + "long grain white rice" + ] + }, + { + "id": 15490, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "ground coriander", + "salt", + "paprika", + "ground cumin", + "ground ginger", + "cayenne pepper" + ] + }, + { + "id": 10043, + "cuisine": "southern_us", + "ingredients": [ + "American cheese", + "buttermilk", + "eggs", + "milk", + "salt", + "pepper", + "bacon", + "shortening", + "self rising flour", + "all-purpose flour" + ] + }, + { + "id": 37975, + "cuisine": "southern_us", + "ingredients": [ + "toasted walnuts", + "mixed greens", + "vinaigrette", + "fresh blueberries", + "crumbled gorgonzola" + ] + }, + { + "id": 45849, + "cuisine": "italian", + "ingredients": [ + "angel hair", + "heavy cream", + "Meyer lemon juice", + "red vermouth", + "garlic", + "kosher salt", + "diced tomatoes", + "dried oregano", + "olive oil", + "cracked black pepper", + "large shrimp" + ] + }, + { + "id": 45420, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "garlic powder", + "dried minced onion", + "shredded cheddar cheese", + "salt", + "dried oregano", + "eggs", + "milk", + "sausages", + "pepper", + "lean ground beef", + "spaghetti" + ] + }, + { + "id": 23207, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "cayenne pepper", + "pepper", + "garlic", + "olive oil", + "salt", + "red wine vinegar" + ] + }, + { + "id": 45112, + "cuisine": "mexican", + "ingredients": [ + "Ortega Tostada Shells", + "chopped tomatoes", + "chunky mild salsa", + "cheese spread", + "diced green chilies" + ] + }, + { + "id": 18557, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "vinegar", + "wonton wrappers", + "garlic", + "shrimp", + "black pepper", + "spring onions", + "ground pork", + "seaweed", + "soy sauce", + "green onions", + "chili oil", + "salt", + "leaves", + "sesame oil", + "ginger", + "oyster sauce" + ] + }, + { + "id": 1813, + "cuisine": "italian", + "ingredients": [ + "red bell pepper", + "olive oil", + "wild mushrooms", + "fontina cheese", + "marjoram", + "purple onion", + "rigatoni" + ] + }, + { + "id": 29640, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "fresh lemon juice", + "egg yolks", + "garlic cloves", + "mild olive oil" + ] + }, + { + "id": 36304, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "ginger", + "shrimp", + "ground black pepper", + "garlic", + "onions", + "red chili peppers", + "thai chile", + "coconut milk", + "cooking oil", + "green chilies" + ] + }, + { + "id": 45349, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "white sugar", + "water", + "sesame seeds", + "warm water", + "dried basil", + "dried oregano", + "high gluten bread flour", + "salt" + ] + }, + { + "id": 48363, + "cuisine": "japanese", + "ingredients": [ + "shiro miso", + "corn kernels", + "green onions", + "chili oil", + "soybean sprouts", + "pork bones", + "brown sugar", + "mirin", + "vegetable oil", + "garlic", + "ramen", + "eggs", + "fresh ginger", + "sesame oil", + "red pepper flakes", + "frozen corn kernels", + "nori", + "soy sauce", + "pork tenderloin", + "butter", + "aka miso", + "bamboo shoots" + ] + }, + { + "id": 36344, + "cuisine": "chinese", + "ingredients": [ + "fresh chives", + "cucumber", + "avocado", + "dipping sauces", + "rice vermicelli", + "fresh basil leaves", + "spring roll wrappers", + "carrots" + ] + }, + { + "id": 13848, + "cuisine": "cajun_creole", + "ingredients": [ + "lemon", + "small red potato", + "salt", + "garlic", + "onions", + "crawfish", + "ear of corn" + ] + }, + { + "id": 29906, + "cuisine": "cajun_creole", + "ingredients": [ + "grated orange peel", + "extra-virgin olive oil", + "fleur de sel", + "tomatoes", + "baby greens", + "garlic cloves", + "canola oil", + "bread crumb fresh", + "all-purpose flour", + "ice", + "vidalia onion", + "baking powder", + "corn starch" + ] + }, + { + "id": 3883, + "cuisine": "chinese", + "ingredients": [ + "hot red pepper flakes", + "peanut oil" + ] + }, + { + "id": 10833, + "cuisine": "chinese", + "ingredients": [ + "chili", + "ginger", + "scallions", + "broth", + "soy sauce", + "cooking oil", + "salt", + "oil", + "honey", + "star anise", + "chinese five-spice powder", + "pork belly", + "szechwan peppercorns", + "rice vinegar", + "toasted sesame seeds" + ] + }, + { + "id": 1907, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "firm silken tofu", + "paprika", + "all-purpose flour", + "snow peas", + "low sodium soy sauce", + "dried thyme", + "peeled fresh ginger", + "salt", + "dill", + "water", + "large eggs", + "yellow bell pepper", + "dry bread crumbs", + "plum tomatoes", + "angel hair", + "ground black pepper", + "vegetable oil", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 44173, + "cuisine": "british", + "ingredients": [ + "cremini mushrooms", + "dried thyme", + "red wine", + "carrots", + "tomato paste", + "water", + "flour", + "salt", + "onions", + "pastry", + "unsalted butter", + "worcestershire sauce", + "celery", + "eggs", + "milk", + "beef stock", + "eye of round roast", + "canola oil" + ] + }, + { + "id": 3982, + "cuisine": "chinese", + "ingredients": [ + "water", + "egg whites", + "crushed red pepper", + "orange juice", + "soy sauce", + "orange", + "sesame oil", + "rice vinegar", + "chicken", + "brown sugar", + "minced ginger", + "green onions", + "salt", + "corn starch", + "boneless chicken skinless thigh", + "vegetables", + "garlic", + "sauce" + ] + }, + { + "id": 24977, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "cider vinegar", + "white sugar", + "black pepper", + "salt", + "sweet onion" + ] + }, + { + "id": 5298, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "chinese noodles", + "rice vinegar", + "soy sauce", + "vegetable oil", + "scallions", + "red chili peppers", + "pork loin", + "dried shiitake mushrooms", + "chicken broth", + "chilegarlic sauce", + "ginger", + "toasted sesame oil" + ] + }, + { + "id": 11049, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "palm sugar", + "thai green curry paste", + "unsweetened coconut milk", + "lime juice", + "peas", + "fish sauce", + "asparagus", + "whitefish", + "thai basil", + "oil" + ] + }, + { + "id": 42935, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "parsley sprigs", + "garlic", + "grated lemon peel", + "prunes", + "shallots", + "low salt chicken broth", + "green cabbage", + "riesling", + "carrots", + "chicken", + "rosemary sprigs", + "extra-virgin olive oil", + "thyme sprigs" + ] + }, + { + "id": 40472, + "cuisine": "greek", + "ingredients": [ + "tahini", + "garlic cloves", + "great northern beans", + "paprika", + "fresh rosemary", + "ground red pepper", + "lemon juice", + "olive oil", + "salt" + ] + }, + { + "id": 29647, + "cuisine": "mexican", + "ingredients": [ + "extra-virgin olive oil", + "white onion", + "fresh lime juice", + "tomatoes", + "cilantro leaves", + "coarse salt", + "serrano chile" + ] + }, + { + "id": 15881, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "ground cinnamon", + "Mexican oregano", + "roasted garlic", + "clove", + "tortillas", + "salsa", + "ancho chile pepper", + "pork cutlets", + "fresca", + "fresh thyme leaves", + "cumin seed", + "avocado", + "kosher salt", + "lime wedges", + "allspice berries" + ] + }, + { + "id": 39031, + "cuisine": "spanish", + "ingredients": [ + "ice", + "red wine", + "apple juice", + "peaches" + ] + }, + { + "id": 30324, + "cuisine": "thai", + "ingredients": [ + "haricots verts", + "caster sugar", + "lime", + "ginger", + "garlic cloves", + "red chili peppers", + "curry powder", + "vegetable oil", + "salt", + "beansprouts", + "sambal ulek", + "fresh coriander", + "shallots", + "rice vermicelli", + "tofu puffs", + "Vietnamese coriander", + "lemongrass", + "vegetable stock", + "ground coriander", + "coconut milk" + ] + }, + { + "id": 35895, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "ground beef", + "pepperoni slices", + "rigatoni", + "mushrooms", + "italian sausage", + "shredded mozzarella cheese" + ] + }, + { + "id": 23192, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "ground red pepper", + "salt", + "black pepper", + "chips", + "cajun seasoning", + "sugar", + "flour tortillas", + "onion powder", + "dried thyme", + "cooking spray", + "paprika" + ] + }, + { + "id": 1251, + "cuisine": "indian", + "ingredients": [ + "water", + "cumin seed", + "fennel seeds", + "cayenne pepper", + "white sugar", + "garam masala", + "asafoetida powder", + "ground ginger", + "tamarind paste", + "canola oil" + ] + }, + { + "id": 45801, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "ground black pepper", + "diced tomatoes", + "red bell pepper", + "canola oil", + "avocado", + "lime", + "hand", + "yellow onion", + "bone in skin on chicken thigh", + "chicken stock", + "olive oil", + "whole peeled tomatoes", + "carrots", + "iceberg lettuce", + "shredded cheddar cheese", + "unsalted butter", + "garlic", + "celery", + "masa harina" + ] + }, + { + "id": 1208, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "boneless skinless chicken breasts", + "salt", + "light soy sauce", + "hot pepper", + "pepper", + "sesame oil", + "white sugar", + "green onions", + "raw cashews" + ] + }, + { + "id": 47359, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "buttermilk", + "baking soda", + "cornmeal", + "eggs", + "jalapeno chilies", + "pork", + "salt" + ] + }, + { + "id": 6178, + "cuisine": "mexican", + "ingredients": [ + "pickled jalapenos", + "cumin", + "cold water", + "whole milk", + "American cheese", + "green chile", + "juice" + ] + }, + { + "id": 17718, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "daikon", + "sesame seeds", + "rice vinegar", + "soy sauce", + "dried bonito flakes", + "sesame oil", + "nori" + ] + }, + { + "id": 45153, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "whole peeled tomatoes", + "onions", + "green bell pepper", + "diced tomatoes", + "tomato sauce", + "garlic", + "tomato purée", + "vegetable oil", + "italian seasoning" + ] + }, + { + "id": 18283, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "shallots", + "salt", + "leeks", + "fresh tarragon", + "tagliatelle", + "unsalted butter", + "heavy cream", + "ground white pepper", + "lump crab meat", + "dry white wine", + "shells" + ] + }, + { + "id": 40729, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "vinegar", + "sour cream", + "pork", + "salt", + "shredded Monterey Jack cheese", + "tomato sauce", + "purple onion", + "chopped cilantro", + "salsa verde", + "tortilla chips" + ] + }, + { + "id": 4841, + "cuisine": "spanish", + "ingredients": [ + "vinegar", + "purple onion", + "anchovies", + "red wine vinegar", + "preserved lemon", + "baby arugula", + "fennel bulb", + "extra-virgin olive oil" + ] + }, + { + "id": 33909, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "potatoes", + "fresh parsley", + "olive oil", + "sweet paprika", + "sugar", + "chili powder", + "onions", + "chopped tomatoes", + "garlic cloves" + ] + }, + { + "id": 21807, + "cuisine": "british", + "ingredients": [ + "plain flour", + "potatoes", + "salt", + "ground lamb", + "water", + "butter", + "carrots", + "pepper", + "leeks", + "oil", + "lamb bouillon cube", + "worcestershire sauce", + "bay leaf" + ] + }, + { + "id": 6195, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "ground beef", + "tomato sauce", + "basil", + "pasta", + "minced onion", + "oregano", + "cottage cheese", + "salt" + ] + }, + { + "id": 44544, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "cooking oil", + "coconut cream", + "chili pepper", + "garlic", + "onions", + "fresh spinach", + "ginger", + "banana peppers", + "ground black pepper", + "tilapia" + ] + }, + { + "id": 8146, + "cuisine": "mexican", + "ingredients": [ + "rub", + "unsalted butter", + "epazote", + "salmon fillets", + "corn oil", + "scallions", + "corn", + "coarse salt", + "ancho chile pepper", + "chipotle chile", + "Mexican oregano", + "garlic cloves" + ] + }, + { + "id": 42418, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "basil", + "oregano", + "red wine vinegar", + "salt", + "boneless chicken breast", + "cheese", + "pepper", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 49122, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "semisweet chocolate", + "blanched almonds", + "large egg yolks", + "whole milk", + "water", + "egg whites", + "unsweetened cocoa powder", + "unsalted butter", + "whipping cream" + ] + }, + { + "id": 21957, + "cuisine": "japanese", + "ingredients": [ + "cream of tartar", + "butter", + "salt", + "egg whites", + "vanilla extract", + "lemon juice", + "egg yolks", + "cake flour", + "fine granulated sugar", + "milk", + "cornflour", + "cream cheese" + ] + }, + { + "id": 39168, + "cuisine": "russian", + "ingredients": [ + "mashed potatoes", + "potatoes", + "salt", + "jeera", + "bread crumb fresh", + "chili powder", + "sauce", + "chaat masala", + "soy sauce", + "capsicum", + "tomato ketchup", + "bamboo shoots", + "tomatoes", + "vinegar", + "cracked black pepper", + "oil", + "chopped garlic" + ] + }, + { + "id": 21445, + "cuisine": "italian", + "ingredients": [ + "water", + "extra-virgin olive oil", + "dried parsley", + "black pepper", + "dried thyme", + "salt", + "dried oregano", + "tomato purée", + "pork shoulder roast", + "garlic", + "white sugar", + "white wine", + "garlic powder", + "yellow onion", + "dried rosemary" + ] + }, + { + "id": 19372, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "anise", + "sugar", + "frozen pastry puff sheets", + "vanilla ice cream", + "fennel bulb", + "water", + "golden delicious apples" + ] + }, + { + "id": 16592, + "cuisine": "korean", + "ingredients": [ + "large eggs", + "firm tofu", + "toasted sesame oil", + "gochugaru", + "hot sauce", + "carrots", + "spinach", + "rice vinegar", + "rice", + "toasted sesame seeds", + "zucchini", + "Gochujang base", + "red bell pepper" + ] + }, + { + "id": 1346, + "cuisine": "greek", + "ingredients": [ + "kalamata", + "dried oregano", + "fresh tomatoes", + "cucumber", + "feta cheese crumbles", + "olive oil", + "hummus" + ] + }, + { + "id": 34435, + "cuisine": "cajun_creole", + "ingredients": [ + "bell pepper", + "stewed tomatoes", + "creole seasoning", + "black pepper", + "parsley", + "shells", + "onions", + "tomato sauce", + "flour", + "sprinkles", + "oil", + "water", + "red pepper", + "salt" + ] + }, + { + "id": 47282, + "cuisine": "french", + "ingredients": [ + "sugar", + "vanilla extract", + "lemon", + "kosher salt", + "eggs", + "heavy cream" + ] + }, + { + "id": 27, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic cloves", + "cooked white rice", + "white onion", + "cilantro", + "corn tortillas", + "avocado", + "serrano peppers", + "carrots", + "chicken", + "water", + "salt", + "celery" + ] + }, + { + "id": 306, + "cuisine": "spanish", + "ingredients": [ + "dried tarragon leaves", + "vegetable oil", + "salt", + "sliced mushrooms", + "cooked rice", + "dried basil", + "raisins", + "beef broth", + "bay leaf", + "tomatoes", + "pepper", + "apricot halves", + "all-purpose flour", + "ripe olives", + "green bell pepper", + "stewing beef", + "dry red wine", + "garlic cloves", + "onions" + ] + }, + { + "id": 23214, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "dried rosemary", + "cherry tomatoes", + "extra-virgin olive oil", + "fresh basil", + "sea salt", + "ground oregano", + "nutritional yeast", + "medjool date" + ] + }, + { + "id": 9682, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "extra firm tofu", + "corn starch", + "hoisin sauce", + "garlic", + "Sriracha", + "sesame oil", + "cooked rice", + "agave nectar", + "broccoli" + ] + }, + { + "id": 12573, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "zucchini", + "extra-virgin olive oil", + "fresh basil leaves", + "black pepper", + "bell pepper", + "flat leaf parsley", + "eggplant", + "large garlic cloves", + "onions", + "fresh basil", + "parmigiano reggiano cheese", + "salt" + ] + }, + { + "id": 36936, + "cuisine": "italian", + "ingredients": [ + "reduced fat milk", + "butter", + "dry bread crumbs", + "spaghetti", + "black pepper", + "cooking spray", + "salt", + "garlic cloves", + "chicken stock", + "broccoli florets", + "dry sherry", + "provolone cheese", + "dried oregano", + "dried basil", + "cooked chicken", + "all-purpose flour", + "sliced mushrooms" + ] + }, + { + "id": 34945, + "cuisine": "jamaican", + "ingredients": [ + "shortening", + "dried thyme", + "dry bread crumbs", + "water", + "all-purpose flour", + "ground beef", + "pepper", + "salt", + "margarine", + "eggs", + "curry powder", + "beef broth", + "onions" + ] + }, + { + "id": 40121, + "cuisine": "brazilian", + "ingredients": [ + "pepper", + "onions", + "red wine vinegar", + "sugar", + "salt", + "olive oil" + ] + }, + { + "id": 38543, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "chicken cutlets", + "chopped parsley", + "pepper", + "salt", + "white wine", + "extra-virgin olive oil", + "part-skim mozzarella", + "grated parmesan cheese", + "flour for dusting" + ] + }, + { + "id": 34600, + "cuisine": "french", + "ingredients": [ + "sugar", + "large eggs", + "fish stock", + "fresh parsley", + "bread crumb fresh", + "shallots", + "salt", + "tomatoes", + "ground black pepper", + "butter", + "garlic cloves", + "cod", + "olive oil", + "chopped fresh thyme", + "fresh mushrooms" + ] + }, + { + "id": 41496, + "cuisine": "mexican", + "ingredients": [ + "jumbo shrimp", + "vegetable oil", + "chopped fresh mint", + "red chili peppers", + "dark brown sugar", + "mango", + "chiles", + "salt", + "chopped cilantro fresh", + "shallots", + "fresh lime juice", + "ground cumin" + ] + }, + { + "id": 15800, + "cuisine": "indian", + "ingredients": [ + "chiles", + "chana dal", + "black mustard seeds", + "asafetida (powder)", + "dry coconut", + "cumin seed", + "water", + "urad dal", + "fresh curry leaves", + "vegetable oil", + "green beans" + ] + }, + { + "id": 1167, + "cuisine": "italian", + "ingredients": [ + "vegetable oil cooking spray", + "leeks", + "linguine", + "low salt chicken broth", + "dried basil", + "chicken breast halves", + "margarine", + "black pepper", + "ground red pepper", + "salt", + "ground cumin", + "tomatoes", + "garlic powder", + "paprika", + "garlic cloves" + ] + }, + { + "id": 11816, + "cuisine": "british", + "ingredients": [ + "rolled oats", + "butter", + "raisins", + "brown sugar", + "golden syrup" + ] + }, + { + "id": 134, + "cuisine": "indian", + "ingredients": [ + "water", + "bay leaf", + "dried lentils", + "cardamom pods", + "allspice", + "salt", + "basmati rice", + "butter", + "onions" + ] + }, + { + "id": 24491, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "butter", + "sauce", + "large eggs", + "all-purpose flour", + "shrimp", + "minced garlic", + "shredded lettuce", + "rolls", + "milk", + "salt", + "peanut oil" + ] + }, + { + "id": 45397, + "cuisine": "cajun_creole", + "ingredients": [ + "Knorr® Fiesta Sides Spanish Rice", + "large shrimp", + "andouille sausage", + "vegetable oil", + "water", + "garlic", + "green bell pepper", + "boneless skinless chicken breasts" + ] + }, + { + "id": 20086, + "cuisine": "mexican", + "ingredients": [ + "bacon", + "chorizo", + "salt", + "dried pinto beans", + "poblano chilies" + ] + }, + { + "id": 4437, + "cuisine": "mexican", + "ingredients": [ + "jicama", + "lime", + "cucumber", + "cayenne", + "paprika" + ] + }, + { + "id": 25196, + "cuisine": "russian", + "ingredients": [ + "fresh dill", + "sweet onion", + "salt", + "frozen peas", + "pickles", + "parsley", + "carrots", + "pepper", + "white wine vinegar", + "cucumber", + "mayonaise", + "hard-boiled egg", + "waxy potatoes" + ] + }, + { + "id": 20049, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "peaches", + "butter", + "all-purpose flour", + "slivered almonds", + "large eggs", + "vanilla extract", + "brown sugar", + "granulated sugar", + "ice water", + "water", + "cooking spray", + "salt" + ] + }, + { + "id": 7535, + "cuisine": "indian", + "ingredients": [ + "whitefish fillets", + "vegetable broth", + "ground coriander", + "chopped cilantro fresh", + "ground black pepper", + "salt", + "cashew nuts", + "canola oil", + "fresh ginger root", + "garlic", + "onions", + "ground turmeric", + "tomatoes", + "dijon mustard", + "cayenne pepper", + "white sugar", + "ground cumin" + ] + }, + { + "id": 26784, + "cuisine": "indian", + "ingredients": [ + "eggs", + "potatoes", + "cilantro", + "oil", + "cauliflower", + "red chili peppers", + "sweet potatoes", + "salt", + "onions", + "fennel seeds", + "peanuts", + "whole wheat tortillas", + "cumin seed", + "tumeric", + "flour", + "ginger", + "garlic cloves" + ] + }, + { + "id": 25603, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chili powder", + "purple onion", + "scallions", + "monterey jack", + "brown sugar", + "ground black pepper", + "hot pepper", + "tortilla chips", + "pork shoulder", + "ketchup", + "bourbon whiskey", + "sea salt", + "beer", + "pork rub", + "whole grain mustard", + "apple cider vinegar", + "goat cheese", + "smoked paprika", + "ground cumin" + ] + }, + { + "id": 20655, + "cuisine": "french", + "ingredients": [ + "asparagus", + "chopped fresh thyme", + "all-purpose flour", + "fresh parsley", + "green onions", + "1% low-fat milk", + "crabmeat", + "powdered milk", + "dry sherry", + "margarine", + "ground red pepper", + "salt", + "lemon juice" + ] + }, + { + "id": 48118, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "peanut oil", + "large eggs", + "rice", + "milk", + "all-purpose flour", + "salt" + ] + }, + { + "id": 24964, + "cuisine": "brazilian", + "ingredients": [ + "olive oil", + "garlic", + "fresh parsley", + "ground cumin", + "tomatoes", + "jalapeno chilies", + "ground coriander", + "boneless skinless chicken breast halves", + "fresh ginger", + "salt", + "onions", + "pepper", + "light coconut milk", + "ground cayenne pepper", + "ground turmeric" + ] + }, + { + "id": 45535, + "cuisine": "brazilian", + "ingredients": [ + "tapioca flour", + "grated parmesan cheese", + "milk", + "cheddar cheese", + "large eggs", + "kosher salt", + "canola oil" + ] + }, + { + "id": 16498, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "sesame oil", + "warm water", + "soft tofu", + "rice vermicelli", + "water", + "green onions", + "beansprouts", + "wakame", + "enokitake", + "miso" + ] + }, + { + "id": 31372, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "lemon pepper", + "margarine", + "all-purpose flour", + "cornmeal", + "catfish" + ] + }, + { + "id": 45266, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "cajun seasoning", + "salt", + "scallions", + "onions", + "water", + "diced tomatoes", + "hot sauce", + "bay leaf", + "tomato sauce", + "worcestershire sauce", + "all-purpose flour", + "celery", + "large shrimp", + "olive oil", + "garlic", + "cayenne pepper", + "fresh parsley" + ] + }, + { + "id": 18963, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "lettuce leaves", + "garlic", + "sake", + "vinegar", + "ginger", + "japanese rice", + "cherry tomatoes", + "sesame oil", + "pork loin chops", + "soy sauce", + "green onions", + "oil" + ] + }, + { + "id": 23460, + "cuisine": "chinese", + "ingredients": [ + "shrimp", + "chicken wings", + "coriander", + "mi" + ] + }, + { + "id": 24832, + "cuisine": "italian", + "ingredients": [ + "crumbled blue cheese", + "chopped pecans", + "baguette", + "butter" + ] + }, + { + "id": 30104, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "ground red pepper", + "all-purpose flour", + "no salt added chicken broth", + "tomatoes", + "dried thyme", + "chopped celery", + "garlic cloves", + "long grain white rice", + "dried basil", + "vegetable oil", + "chopped onion", + "fresh parsley", + "vegetable oil cooking spray", + "chopped green bell pepper", + "salt", + "shrimp" + ] + }, + { + "id": 34807, + "cuisine": "mexican", + "ingredients": [ + "potatoes", + "salt", + "water", + "diced tomatoes", + "garlic powder", + "smoked sausage", + "pepper", + "boneless skinless chicken breasts" + ] + }, + { + "id": 6858, + "cuisine": "japanese", + "ingredients": [ + "ground cinnamon", + "large egg whites", + "baking soda", + "salt", + "water", + "olive oil", + "lager", + "kabocha squash", + "vanilla beans", + "vegetable oil spray", + "whole milk", + "heavy whipping cream", + "unflavored gelatin", + "golden brown sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 37452, + "cuisine": "korean", + "ingredients": [ + "vegetable oil", + "toasted sesame seeds", + "granulated sugar", + "scallions", + "sesame oil", + "garlic cloves", + "dark soy sauce", + "sirloin steak" + ] + }, + { + "id": 35055, + "cuisine": "japanese", + "ingredients": [ + "granulated sugar", + "toasted sesame seeds", + "light soy sauce", + "rice vinegar", + "bonito flakes", + "canola oil", + "shredded coleslaw mix", + "scallions" + ] + }, + { + "id": 18728, + "cuisine": "moroccan", + "ingredients": [ + "lemon", + "couscous", + "harissa paste", + "purple onion", + "ground cumin", + "cherry tomatoes", + "canned tomatoes", + "coriander", + "butternut squash", + "skinless chicken breasts" + ] + }, + { + "id": 15757, + "cuisine": "irish", + "ingredients": [ + "1% low-fat buttermilk", + "cooking spray", + "all-purpose flour", + "sugar", + "large egg yolks", + "butter", + "ground cinnamon", + "large egg whites", + "baking powder", + "granny smith apples", + "baking soda", + "salt" + ] + }, + { + "id": 35027, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "spaghetti", + "red chili peppers", + "fresh oregano", + "fresh basil", + "large garlic cloves", + "cherry tomatoes", + "fresh basil leaves" + ] + }, + { + "id": 30581, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "chopped onion", + "italian seasoning", + "green bell pepper", + "turkey sausage", + "sliced mushrooms", + "green olives", + "grated parmesan cheese", + "garlic cloves", + "tomato sauce", + "salt", + "Italian bread" + ] + }, + { + "id": 36325, + "cuisine": "cajun_creole", + "ingredients": [ + "coarse salt", + "cayenne pepper", + "green bell pepper", + "purple onion", + "garlic cloves", + "celery ribs", + "diced tomatoes", + "okra", + "andouille sausage", + "all-purpose flour", + "large shrimp" + ] + }, + { + "id": 14682, + "cuisine": "korean", + "ingredients": [ + "vanilla", + "milk", + "glutinous rice flour", + "brown sugar", + "salt", + "baking soda" + ] + }, + { + "id": 11820, + "cuisine": "italian", + "ingredients": [ + "fresh lemon juice", + "sugar", + "fresh mint" + ] + }, + { + "id": 33311, + "cuisine": "mexican", + "ingredients": [ + "nacho chips", + "cream cheese", + "monterey jack", + "milk", + "purple onion", + "chopped cilantro", + "deveined shrimp", + "sour cream", + "jalapeno chilies", + "mild cheddar cheese", + "plum tomatoes" + ] + }, + { + "id": 34595, + "cuisine": "spanish", + "ingredients": [ + "tomato paste", + "fish stock", + "onions", + "pepper", + "salt", + "saffron", + "white wine", + "garlic", + "olives", + "olive oil", + "squid" + ] + }, + { + "id": 27807, + "cuisine": "greek", + "ingredients": [ + "sugar", + "lettuce leaves", + "chopped parsley", + "greek seasoning", + "olive oil", + "purple onion", + "medium shrimp", + "minced garlic", + "black olives", + "rotini", + "mayonaise", + "chopped tomatoes", + "lemon juice" + ] + }, + { + "id": 7251, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "yoghurt", + "diced tomatoes", + "cumin seed", + "clarified butter", + "garlic paste", + "garam masala", + "red pepper", + "red food coloring", + "bay leaf", + "ginger paste", + "boneless chicken skinless thigh", + "coriander powder", + "heavy cream", + "salt", + "chopped cilantro", + "fennel seeds", + "olive oil", + "onion powder", + "green peas", + "lemon juice", + "basmati rice" + ] + }, + { + "id": 38600, + "cuisine": "italian", + "ingredients": [ + "pork country-style ribs", + "water", + "pasta sauce", + "olive oil" + ] + }, + { + "id": 42312, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "potatoes", + "corn syrup", + "olive oil", + "red pepper flakes", + "soy sauce", + "sesame oil", + "clove", + "sesame seeds", + "garlic" + ] + }, + { + "id": 39522, + "cuisine": "moroccan", + "ingredients": [ + "large eggs", + "chickpea flour", + "fine sea salt", + "extra-virgin olive oil", + "water", + "ground cumin" + ] + }, + { + "id": 3428, + "cuisine": "mexican", + "ingredients": [ + "whole almonds", + "large eggs", + "vanilla", + "unsalted butter", + "heavy cream", + "confectioners sugar", + "light brown sugar", + "granulated sugar", + "light corn syrup", + "bittersweet chocolate", + "milk", + "cinnamon", + "salt" + ] + }, + { + "id": 33458, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "fresh thyme", + "old bay seasoning", + "panko breadcrumbs", + "bread crumbs", + "dried basil", + "chopped fresh thyme", + "cooked shrimp", + "eggs", + "water", + "flour", + "salt", + "extra sharp cheddar cheese", + "kosher salt", + "olive oil", + "lemon", + "corn grits" + ] + }, + { + "id": 27409, + "cuisine": "french", + "ingredients": [ + "salmon fillets", + "chopped fresh chives", + "salt", + "black pepper", + "peas", + "chopped garlic", + "sugar pea", + "heavy cream", + "fresh lemon juice", + "Boston lettuce", + "lemon zest", + "extra-virgin olive oil" + ] + }, + { + "id": 38384, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "salsa", + "avocado", + "purple onion", + "rotisserie chicken", + "heavy cream", + "grated jack cheese", + "zucchini", + "cilantro leaves", + "enchilada sauce" + ] + }, + { + "id": 15896, + "cuisine": "moroccan", + "ingredients": [ + "minced garlic", + "vinegar", + "finely chopped fresh parsley", + "ground cumin", + "pepper", + "zucchini", + "olive oil", + "chopped cilantro fresh" + ] + }, + { + "id": 31516, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "vanilla extract", + "cayenne", + "espresso", + "agave nectar", + "coconut milk", + "chocolate chunks", + "sea salt" + ] + }, + { + "id": 30337, + "cuisine": "mexican", + "ingredients": [ + "water", + "salt", + "canola oil", + "tomatoes", + "garlic", + "chopped cilantro", + "jalapeno chilies", + "chopped onion", + "ground cumin", + "pepper", + "chicken stock cubes", + "long grain white rice" + ] + }, + { + "id": 11291, + "cuisine": "russian", + "ingredients": [ + "fresh dill", + "hot dogs", + "sweet peas", + "horseradish sauce", + "eggs", + "white pepper", + "russet potatoes", + "dill pickles", + "mayonaise", + "green onions", + "hot chili sauce", + "oregano", + "regular sour cream", + "fresh cilantro", + "cracked black pepper", + "carrots" + ] + }, + { + "id": 38029, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "fat free less sodium chicken broth", + "garlic cloves", + "cooked turkey", + "fresh lime juice", + "clove", + "lime wedges", + "chopped cilantro fresh" + ] + }, + { + "id": 41442, + "cuisine": "italian", + "ingredients": [ + "pepper", + "heavy cream", + "penne pasta", + "pinenuts", + "basil leaves", + "salt", + "grated parmesan cheese", + "garlic", + "roasted red peppers", + "extra-virgin olive oil" + ] + }, + { + "id": 30192, + "cuisine": "mexican", + "ingredients": [ + "reduced sodium chicken broth", + "salt", + "white onion", + "pork country-style ribs", + "red chili peppers", + "garlic", + "dried oregano", + "cold water", + "white hominy", + "hot water" + ] + }, + { + "id": 7618, + "cuisine": "japanese", + "ingredients": [ + "frozen edamame beans", + "sake", + "green onions", + "soba noodles", + "sambal ulek", + "broccolini", + "sesame oil", + "low sodium soy sauce", + "salmon", + "rice wine", + "toasted sesame seeds", + "roasted cashews", + "fresh ginger", + "garlic" + ] + }, + { + "id": 4647, + "cuisine": "cajun_creole", + "ingredients": [ + "shortening", + "apples", + "cinnamon sugar", + "eggs", + "evaporated milk", + "all-purpose flour", + "yeast", + "powdered sugar", + "havarti cheese", + "vanilla bean paste", + "bread flour", + "sugar", + "salt", + "hot water" + ] + }, + { + "id": 6343, + "cuisine": "russian", + "ingredients": [ + "bouillon", + "mushrooms", + "paprika", + "red bell pepper", + "salmon fillets", + "watercress", + "corn starch", + "onions", + "hollandaise sauce", + "shallots", + "salt", + "sour cream", + "eggs", + "flour", + "butter", + "ground white pepper", + "long grain white rice" + ] + }, + { + "id": 43816, + "cuisine": "southern_us", + "ingredients": [ + "cream style corn", + "sour cream", + "butter", + "corn mix muffin", + "whole kernel corn, drain", + "large eggs" + ] + }, + { + "id": 44950, + "cuisine": "irish", + "ingredients": [ + "sugar", + "butter", + "mashed potatoes", + "potatoes", + "all-purpose flour", + "milk", + "salt", + "eggs", + "baking powder" + ] + }, + { + "id": 43946, + "cuisine": "southern_us", + "ingredients": [ + "sheepshead", + "fresh basil", + "freshly ground pepper", + "salt", + "butter" + ] + }, + { + "id": 34715, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "crushed red pepper", + "garlic cloves", + "green onions", + "rice vinegar", + "cucumber", + "chunky peanut butter", + "salt", + "carrots", + "sesame oil", + "soba noodles", + "coconut milk" + ] + }, + { + "id": 22074, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "ginger", + "oil", + "chicken wings", + "szechwan peppercorns", + "peanut oil", + "bamboo shoots", + "brown rice vinegar", + "honey", + "garlic", + "toasted sesame oil", + "soy sauce", + "cracked black pepper", + "scallions" + ] + }, + { + "id": 45848, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "white sugar", + "ground black pepper", + "minced garlic", + "canola oil", + "medium shrimp" + ] + }, + { + "id": 44141, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "provolone cheese", + "eggs", + "bacon", + "frozen chopped spinach", + "lasagna noodles", + "cottage cheese", + "cream cheese" + ] + }, + { + "id": 44283, + "cuisine": "filipino", + "ingredients": [ + "lemon", + "patis", + "onions", + "beef", + "salt", + "bok choy", + "pork", + "garlic", + "oil", + "potatoes", + "chinese cabbage", + "corn-on-the-cob" + ] + }, + { + "id": 47073, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "chopped celery", + "gnocchi", + "water", + "fat free less sodium beef broth", + "garlic cloves", + "black pepper", + "diced tomatoes", + "chopped onion", + "ground round", + "sliced carrots", + "salt", + "dried oregano" + ] + }, + { + "id": 21478, + "cuisine": "mexican", + "ingredients": [ + "chopped fresh thyme", + "fresh lemon juice", + "capers", + "fresh oregano", + "chopped fresh chives", + "garlic cloves", + "fresh rosemary", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 26263, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "vegetable oil", + "peaches", + "cinnamon", + "brown sugar", + "quick-cooking oats", + "self rising flour", + "vanilla" + ] + }, + { + "id": 41734, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "red pepper", + "ground beef", + "chili", + "Shaoxing wine", + "peanut oil", + "iceberg lettuce", + "soy sauce", + "water chestnuts", + "garlic", + "onions", + "fresh ginger", + "sesame oil", + "oyster sauce" + ] + }, + { + "id": 13415, + "cuisine": "vietnamese", + "ingredients": [ + "baguette", + "cucumber", + "mayonaise", + "salt", + "chopped cilantro fresh", + "pepper", + "pork loin chops", + "chile sauce", + "purple onion", + "fresh lime juice" + ] + }, + { + "id": 44254, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "shredded cheddar cheese", + "ground beef", + "water", + "Pace Chunky Salsa", + "eggs", + "pepperidge farm puff pastry" + ] + }, + { + "id": 15488, + "cuisine": "mexican", + "ingredients": [ + "canned black beans", + "salt", + "water", + "diced onions", + "garlic", + "pepper", + "flavoring" + ] + }, + { + "id": 13331, + "cuisine": "french", + "ingredients": [ + "whipping cream", + "fresh mint", + "egg yolks", + "raspberry liqueur", + "firmly packed light brown sugar", + "vanilla extract", + "sugar", + "fresh raspberries" + ] + }, + { + "id": 23504, + "cuisine": "chinese", + "ingredients": [ + "virginia ham", + "soy sauce", + "minced onion", + "fat", + "red chili peppers", + "water", + "garlic cloves", + "snow peas", + "chinese rice wine", + "black pepper", + "sirloin steak", + "corn starch", + "sugar", + "dried scallops", + "peanut oil", + "dried shrimp" + ] + }, + { + "id": 13167, + "cuisine": "indian", + "ingredients": [ + "spinach", + "chopped tomatoes", + "mango chutney", + "juice", + "lime", + "flour tortillas", + "cumin seed", + "onions", + "kosher salt", + "garam masala", + "chickpeas", + "cooked white rice", + "fresh ginger", + "jalapeno chilies", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 12990, + "cuisine": "thai", + "ingredients": [ + "water", + "roasted peanuts", + "sugar", + "shallots", + "unsweetened coconut milk", + "chile paste", + "asian fish sauce", + "cider vinegar", + "bone-in pork chops" + ] + }, + { + "id": 27983, + "cuisine": "chinese", + "ingredients": [ + "milk", + "salt", + "eggs", + "sesame seeds", + "bread flour", + "active dry yeast", + "white sugar", + "water", + "vegetable oil" + ] + }, + { + "id": 1665, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "mint leaves", + "fresh lime juice", + "red cabbage", + "cilantro leaves", + "mayonaise", + "jalapeno chilies", + "carrots", + "baguette", + "cooked chicken" + ] + }, + { + "id": 5411, + "cuisine": "spanish", + "ingredients": [ + "sun-dried tomatoes in oil", + "crushed red pepper flakes", + "pimenton de la vera", + "olives", + "garlic" + ] + }, + { + "id": 18201, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "orecchiette", + "black pepper", + "garlic", + "sausage casings", + "broccoli rabe", + "olive oil", + "crushed red pepper" + ] + }, + { + "id": 17142, + "cuisine": "mexican", + "ingredients": [ + "colby jack cheese", + "thin pizza crust", + "40% less sodium taco seasoning", + "reduced-fat sour cream", + "iceberg lettuce", + "tomatoes", + "recipe crumbles", + "fresh lime juice", + "black beans", + "salsa" + ] + }, + { + "id": 5092, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "red pepper", + "corn tortillas", + "bone-in chicken breast halves", + "vegetable oil", + "garlic cloves", + "chopped cilantro fresh", + "water", + "tomatillos", + "feta cheese crumbles", + "shredded Monterey Jack cheese", + "ground red pepper", + "salt", + "onions" + ] + }, + { + "id": 37447, + "cuisine": "mexican", + "ingredients": [ + "grating cheese", + "red kidney beans", + "ground beef", + "cornbread", + "stewed tomatoes", + "corn", + "onions" + ] + }, + { + "id": 41145, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil cooking spray", + "honey", + "pepper", + "chicken breast halves", + "wheat cereal", + "chop fine pecan", + "light soy sauce", + "salt" + ] + }, + { + "id": 5185, + "cuisine": "mexican", + "ingredients": [ + "salt", + "jalapeno chilies", + "garlic cloves", + "tomatoes", + "tortilla chips", + "cilantro sprigs", + "onions" + ] + }, + { + "id": 16952, + "cuisine": "italian", + "ingredients": [ + "vodka", + "ground black pepper", + "crushed red pepper", + "crushed tomatoes", + "extra-virgin olive oil", + "garlic cloves", + "kosher salt", + "diced tomatoes", + "anchovy fillets", + "pitted kalamata olives", + "fresh parmesan cheese", + "linguine" + ] + }, + { + "id": 20454, + "cuisine": "mexican", + "ingredients": [ + "lime", + "white rice", + "onions", + "boneless chicken skinless thigh", + "garlic powder", + "purple onion", + "dried oregano", + "black pepper", + "chili powder", + "salt", + "ground cumin", + "pepper", + "vegetable oil", + "frozen corn" + ] + }, + { + "id": 33880, + "cuisine": "cajun_creole", + "ingredients": [ + "spinach", + "pepper jack", + "ground black pepper", + "sea salt", + "olive oil", + "cajun seasoning", + "boneless chicken breast" + ] + }, + { + "id": 32987, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "butter", + "tangerine juice", + "yellow corn meal", + "large eggs", + "all-purpose flour", + "tangerine", + "salt", + "cream sweeten whip", + "refrigerated piecrusts", + "lemon juice" + ] + }, + { + "id": 48015, + "cuisine": "japanese", + "ingredients": [ + "water", + "ponzu", + "salt", + "cabbage", + "sake", + "Mizkan Oigatsuo Tsuyu Soup Base", + "ginger", + "oil", + "gyoza", + "ground pork", + "scallions", + "white pepper", + "sesame oil", + "garlic", + "corn starch" + ] + }, + { + "id": 47228, + "cuisine": "korean", + "ingredients": [ + "water", + "garlic", + "onions", + "leeks", + "oyster mushrooms", + "marinade", + "salt", + "pork belly", + "sesame oil", + "kimchi" + ] + }, + { + "id": 12124, + "cuisine": "french", + "ingredients": [ + "ground cloves", + "ground nutmeg", + "1% low-fat milk", + "powdered sugar", + "large egg yolks", + "butter", + "ground ginger", + "molasses", + "granulated sugar", + "all-purpose flour", + "ground cinnamon", + "large egg whites", + "cooking spray" + ] + }, + { + "id": 46290, + "cuisine": "brazilian", + "ingredients": [ + "tomato paste", + "water", + "green onions", + "yellow bell pepper", + "red bell pepper", + "onions", + "clams", + "tomatoes", + "fresh cilantro", + "clam juice", + "gingerroot", + "medium shrimp", + "yellow corn meal", + "coconut", + "vegetable oil", + "salt", + "orange rind", + "evaporated skim milk", + "mussels", + "pepper", + "jalapeno chilies", + "cilantro", + "garlic cloves", + "fresh parsley" + ] + }, + { + "id": 2576, + "cuisine": "mexican", + "ingredients": [ + "water", + "chopped celery", + "poblano chiles", + "sweet onion", + "salt", + "chicken thighs", + "fat free less sodium chicken broth", + "olive oil", + "garlic cloves", + "jasmine rice", + "ground black pepper", + "rubbed sage" + ] + }, + { + "id": 35296, + "cuisine": "moroccan", + "ingredients": [ + "salt", + "bay leaves", + "coriander seeds", + "cumin seed", + "lemon" + ] + }, + { + "id": 13532, + "cuisine": "thai", + "ingredients": [ + "chile paste", + "romaine lettuce leaves", + "fresh lime juice", + "sliced green onions", + "bean thread vermicelli", + "unsalted dry roast peanuts", + "serrano chile", + "brown sugar", + "mint leaves", + "Thai fish sauce", + "boiling water", + "lemon grass", + "cilantro sprigs", + "medium shrimp" + ] + }, + { + "id": 31956, + "cuisine": "chinese", + "ingredients": [ + "water", + "Shaoxing wine", + "scallions", + "sugar", + "broccoli florets", + "garlic", + "corn starch", + "fresh ginger", + "vegetable oil", + "oyster sauce", + "soy sauce", + "low sodium chicken broth", + "flat iron steaks", + "toasted sesame oil" + ] + }, + { + "id": 63, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "ground nutmeg", + "vegetable oil", + "lamb", + "onions", + "tomato paste", + "water", + "vermicelli", + "cilantro leaves", + "smoked paprika", + "ground turmeric", + "caraway seeds", + "ground pepper", + "lemon wedge", + "dried chickpeas", + "flat leaf parsley", + "ground ginger", + "fava beans", + "flour", + "lemon", + "lentils", + "cooking salt" + ] + }, + { + "id": 18420, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "large garlic cloves", + "olive oil", + "crumbled gorgonzola", + "penne", + "fresh oregano", + "mushrooms", + "plum tomatoes" + ] + }, + { + "id": 9262, + "cuisine": "mexican", + "ingredients": [ + "seasoning salt", + "vegetable oil", + "peanuts", + "red chili peppers", + "fresh lime juice" + ] + }, + { + "id": 31238, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "salt", + "red chili peppers", + "plum tomatoes", + "unflavored gelatin", + "garlic cloves", + "extra-virgin olive oil" + ] + }, + { + "id": 44599, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "jasmine rice", + "olive oil", + "diced tomatoes", + "red bell pepper", + "tomatoes", + "corn", + "green onions", + "hamburger", + "chunky salsa", + "chicken stock", + "shredded cheddar cheese", + "diced green chilies", + "cilantro", + "sour cream", + "black beans", + "sweet onion", + "chili powder", + "taco seasoning" + ] + }, + { + "id": 9862, + "cuisine": "irish", + "ingredients": [ + "cayenne", + "paprika", + "lobster meat", + "unsalted butter", + "button mushrooms", + "ground black pepper", + "heavy cream", + "scallions", + "cooked rice", + "Irish whiskey", + "salt" + ] + }, + { + "id": 24462, + "cuisine": "french", + "ingredients": [ + "pitted kalamata olives", + "large eggs", + "fresh parsley", + "ground black pepper", + "salt", + "capers", + "dijon mustard", + "herbes de provence", + "sun-dried tomatoes", + "low-fat mayonnaise" + ] + }, + { + "id": 25265, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "veggies", + "onions", + "olive oil", + "garlic cloves", + "pepper", + "salt", + "chicken", + "dark soy sauce", + "bihon", + "oyster sauce" + ] + }, + { + "id": 11893, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "vegetable oil", + "yellow onion", + "cumin", + "black pepper", + "cayenne", + "garlic", + "sour cream", + "hominy", + "cilantro", + "mexican chorizo", + "shredded cheddar cheese", + "jalapeno chilies", + "salt", + "poblano chiles" + ] + }, + { + "id": 10755, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "peanuts", + "thai chile", + "shredded zucchini", + "cooked chicken breasts", + "honey", + "green onions", + "broccoli", + "carrots", + "water", + "vinegar", + "garlic", + "soba noodles", + "sugar", + "fresh ginger", + "sesame oil", + "peanut butter", + "yellow peppers" + ] + }, + { + "id": 8923, + "cuisine": "southern_us", + "ingredients": [ + "ground nutmeg", + "salt", + "biscuits", + "finely chopped onion", + "poultry seasoning", + "hot pepper sauce", + "all-purpose flour", + "milk", + "worcestershire sauce", + "pork sausages" + ] + }, + { + "id": 26148, + "cuisine": "moroccan", + "ingredients": [ + "cinnamon", + "lemon juice", + "cayenne", + "salt", + "fresh mint", + "honey", + "paprika", + "carrots", + "golden raisins", + "beets", + "ground cumin" + ] + }, + { + "id": 15841, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "large eggs", + "shallots", + "grated nutmeg", + "unsalted butter", + "mushrooms", + "salt", + "chicken broth", + "medium dry sherry", + "cooked chicken", + "all-purpose flour", + "asparagus", + "whole milk", + "heavy cream" + ] + }, + { + "id": 5797, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "large eggs", + "dijon style mustard", + "fresh lemon juice", + "tomatoes", + "cayenne", + "soft sandwich rolls", + "all-purpose flour", + "pickle relish", + "catfish fillets", + "pepper", + "cocktail sauce", + "salt", + "cornmeal", + "capers", + "lean bacon", + "vegetable oil", + "leaf lettuce", + "fish" + ] + }, + { + "id": 4197, + "cuisine": "italian", + "ingredients": [ + "butter", + "grated lemon zest", + "angel hair", + "salt", + "shrimp", + "large garlic cloves", + "fresh lemon juice", + "green onions", + "hot sauce", + "fresh parsley" + ] + }, + { + "id": 18902, + "cuisine": "french", + "ingredients": [ + "extra-virgin olive oil", + "cooking spray", + "center cut pork chops", + "ground black pepper", + "herbes de provence", + "coarse sea salt" + ] + }, + { + "id": 44206, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "garlic cloves", + "red kidney beans", + "white rice", + "onions", + "chili powder", + "sour cream", + "cheddar cheese", + "salsa", + "cumin" + ] + }, + { + "id": 33536, + "cuisine": "mexican", + "ingredients": [ + "hot pepper sauce", + "salt", + "plum tomatoes", + "jalapeno chilies", + "corn tortillas", + "shredded Monterey Jack cheese", + "lime wedges", + "chopped cilantro fresh", + "sliced green onions", + "large eggs", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 11388, + "cuisine": "irish", + "ingredients": [ + "milk", + "mashed potatoes", + "salt", + "pepper", + "all-purpose flour", + "butter" + ] + }, + { + "id": 2221, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame oil", + "canola oil", + "hot chili oil", + "rice vinegar", + "soy sauce", + "garlic", + "green onions", + "noodles" + ] + }, + { + "id": 3547, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "bell pepper", + "salt", + "thyme leaves", + "chicken", + "pepper", + "chopped tomatoes", + "chopped celery", + "rice", + "onions", + "water", + "bay leaves", + "cayenne pepper", + "chopped parsley", + "andouille sausage", + "olive oil", + "green onions", + "creole seasoning", + "medium shrimp" + ] + }, + { + "id": 4938, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "boneless skinless chicken breasts", + "cream of chicken soup", + "sour cream", + "Mexican cheese blend", + "salsa", + "flour tortillas", + "sliced green onions" + ] + }, + { + "id": 8339, + "cuisine": "cajun_creole", + "ingredients": [ + "top round steak", + "creole seasoning", + "diced onions", + "diced tomatoes", + "celery", + "vegetable oil", + "garlic cloves", + "green bell pepper", + "all-purpose flour", + "grits" + ] + }, + { + "id": 7753, + "cuisine": "mexican", + "ingredients": [ + "ketchup", + "worcestershire sauce", + "tomatoes", + "shredded cheddar cheese", + "ground beef", + "mustard", + "pepper", + "salt", + "pickles", + "flour tortillas", + "onions" + ] + }, + { + "id": 19632, + "cuisine": "southern_us", + "ingredients": [ + "garlic", + "boneless skinless chicken breast halves", + "lemon pepper", + "honey", + "key lime juice" + ] + }, + { + "id": 36542, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "dry bread crumbs", + "tomato sauce", + "ricotta cheese", + "fresh parsley", + "zucchini", + "garlic", + "dried oregano", + "fresh basil", + "egg whites", + "shredded mozzarella cheese" + ] + }, + { + "id": 12126, + "cuisine": "filipino", + "ingredients": [ + "active dry yeast", + "salt", + "baking powder", + "dry bread crumbs", + "baking soda", + "all-purpose flour", + "milk", + "butter", + "white sugar" + ] + }, + { + "id": 4343, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "lemon", + "garlic powder", + "pork shoulder", + "ketchup", + "salt", + "brown sugar", + "ground black pepper" + ] + }, + { + "id": 37325, + "cuisine": "southern_us", + "ingredients": [ + "lipton recip secret golden onion soup mix", + "eggs", + "Country Crock® Spread", + "shredded cheddar cheese", + "grit quick" + ] + }, + { + "id": 32352, + "cuisine": "french", + "ingredients": [ + "dried tart cherries", + "all-purpose flour", + "unsalted butter", + "crème fraîche", + "ground cinnamon", + "ice water", + "caramel sauce", + "sugar", + "salt", + "green apples" + ] + }, + { + "id": 41645, + "cuisine": "british", + "ingredients": [ + "baking soda", + "whipped cream", + "water", + "baking powder", + "toffee sauce", + "unsalted butter", + "all-purpose flour", + "pitted date", + "large eggs", + "dark brown sugar" + ] + }, + { + "id": 44702, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "peanut oil", + "soy sauce", + "garlic", + "wine", + "chili paste", + "green beans", + "kosher salt", + "rice vinegar" + ] + }, + { + "id": 8503, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "peanuts", + "apple cider vinegar", + "corn starch", + "chili pepper", + "green onions", + "ginger", + "soy sauce", + "hoisin sauce", + "sesame oil", + "chinese rice wine", + "water", + "boneless skinless chicken breasts", + "garlic" + ] + }, + { + "id": 20667, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "salt", + "onions", + "large eggs", + "sour cream", + "black-eyed peas", + "hot sauce", + "chives", + "green tomato relish" + ] + }, + { + "id": 26401, + "cuisine": "southern_us", + "ingredients": [ + "paprika", + "catfish fillets", + "yellow corn meal" + ] + }, + { + "id": 31320, + "cuisine": "mexican", + "ingredients": [ + "cooked chicken", + "cumin", + "flour tortillas", + "salsa", + "shredded cheddar cheese", + "vegetable oil", + "guacamole", + "sour cream" + ] + }, + { + "id": 31466, + "cuisine": "chinese", + "ingredients": [ + "iceberg", + "water chestnuts", + "sesame oil", + "roasted peanuts", + "soy sauce", + "Sriracha", + "lettuce leaves", + "salt", + "fresh ginger", + "mung bean noodles", + "garlic", + "onions", + "ground chicken", + "hoisin sauce", + "green onions", + "rice vinegar" + ] + }, + { + "id": 25783, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "pinto beans", + "black beans", + "whole kernel corn, drain", + "chopped cilantro fresh", + "red chili peppers", + "cream cheese", + "boneless skinless chicken breast halves", + "diced tomatoes", + "taco seasoning", + "ground cumin" + ] + }, + { + "id": 27766, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "plain yogurt", + "flaked coconut", + "oil", + "ground turmeric", + "ground cinnamon", + "bananas", + "garlic", + "onions", + "tomato sauce", + "ground black pepper", + "salt", + "white sugar", + "tomatoes", + "curry powder", + "chili powder", + "curry paste", + "ground cumin" + ] + }, + { + "id": 19878, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "garlic", + "Anaheim chile", + "chopped cilantro fresh", + "green onions", + "pepper", + "salt" + ] + }, + { + "id": 986, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "unsalted butter", + "hot pepper sauce", + "onions", + "collard greens", + "garlic" + ] + }, + { + "id": 24120, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "cayenne", + "whole chicken", + "dry rub", + "lime", + "garlic", + "fresh cilantro", + "chili powder", + "cumin", + "pepper", + "olive oil", + "salt" + ] + }, + { + "id": 9209, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "ground beef", + "taco seasoning mix", + "refrigerated crescent rolls", + "shredded cheddar cheese" + ] + }, + { + "id": 9953, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "low sodium chicken broth", + "garlic", + "lemongrass", + "mustard greens", + "scallions", + "dark soy sauce", + "ramen noodles", + "hot sauce", + "fresh ginger", + "bacon", + "black vinegar" + ] + }, + { + "id": 16399, + "cuisine": "italian", + "ingredients": [ + "round sourdough bread", + "vinaigrette", + "onions", + "romaine lettuce", + "dri oregano leaves, crush", + "ripe olives", + "tomatoes", + "dried basil", + "cucumber", + "pepper", + "feta cheese crumbles" + ] + }, + { + "id": 14730, + "cuisine": "irish", + "ingredients": [ + "chicken stock", + "butter", + "leeks", + "russet potatoes", + "chopped fresh chives" + ] + }, + { + "id": 25013, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "shallots", + "rich chicken stock", + "eggs", + "large eggs", + "all-purpose flour", + "parmigiano reggiano cheese", + "fine sea salt", + "marsala wine", + "whole milk", + "grated nutmeg" + ] + }, + { + "id": 34673, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "ground pepper", + "chili powder", + "hot sauce", + "onions", + "brown sugar", + "shredded cabbage", + "garlic", + "sour cream", + "shredded Monterey Jack cheese", + "chicken stock", + "hominy", + "lime wedges", + "corn flour", + "oregano", + "olive oil", + "cooked chicken", + "salt", + "chopped cilantro" + ] + }, + { + "id": 36405, + "cuisine": "indian", + "ingredients": [ + "flour", + "rose essence", + "frying oil", + "powdered milk", + "ghee", + "sugar", + "baking powder" + ] + }, + { + "id": 27919, + "cuisine": "filipino", + "ingredients": [ + "tomato sauce", + "garbanzo beans", + "vegetable oil", + "green beans", + "chorizo", + "bananas", + "garlic", + "chicken", + "pepper", + "leaves", + "napa cabbage", + "onions", + "fish sauce", + "water", + "potatoes", + "salt" + ] + }, + { + "id": 18332, + "cuisine": "thai", + "ingredients": [ + "clove", + "fresh tomatoes", + "peanuts", + "bay leaves", + "crushed red pepper flakes", + "cumin seed", + "ground turmeric", + "fish sauce", + "lemongrass", + "low sodium chicken broth", + "basil", + "yellow onion", + "white peppercorns", + "kaffir lime leaves", + "grated coconut", + "fresh ginger root", + "vegetable oil", + "cilantro leaves", + "fresh pineapple", + "ground ginger", + "brown sugar", + "coriander seeds", + "boneless skinless chicken breasts", + "sweet pepper", + "coconut milk" + ] + }, + { + "id": 38169, + "cuisine": "russian", + "ingredients": [ + "large eggs", + "buckwheat flour", + "sugar", + "butter", + "melted butter", + "whole milk", + "all-purpose flour", + "active dry yeast", + "salt" + ] + }, + { + "id": 10208, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "ground black pepper", + "dry red wine", + "thyme sprigs", + "olive oil", + "bay leaves", + "garlic cloves", + "lower sodium beef broth", + "zucchini", + "all-purpose flour", + "onions", + "tomato paste", + "boneless chuck roast", + "diced tomatoes", + "carrots" + ] + }, + { + "id": 30404, + "cuisine": "chinese", + "ingredients": [ + "msg", + "cooking oil", + "garlic", + "corn starch", + "sugar", + "peanuts", + "chicken breasts", + "scallions", + "fresh ginger", + "sherry", + "salt", + "soy sauce", + "vinegar", + "chili pepper flakes", + "oil" + ] + }, + { + "id": 16622, + "cuisine": "french", + "ingredients": [ + "flour", + "eggs", + "chocolate", + "sugar", + "ground almonds", + "butter" + ] + }, + { + "id": 4061, + "cuisine": "mexican", + "ingredients": [ + "taco sauce", + "diced tomatoes", + "chopped cilantro fresh", + "green chile", + "green onions", + "ripe olives", + "avocado", + "flour tortillas", + "sour cream", + "shredded Monterey Jack cheese", + "vegetable oil cooking spray", + "cooked chicken", + "chopped cilantro" + ] + }, + { + "id": 38086, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "chopped garlic", + "kosher salt", + "carrots", + "fresh spinach", + "orange juice", + "ground cumin", + "sugar", + "lemon juice" + ] + }, + { + "id": 28823, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "part-skim ricotta cheese", + "fettucine", + "butter", + "all-purpose flour", + "broccoli florets", + "salt", + "fat free milk", + "cracked black pepper", + "fresh parsley" + ] + }, + { + "id": 21728, + "cuisine": "italian", + "ingredients": [ + "kalamata", + "roast red peppers, drain", + "mozzarella cheese", + "extra-virgin olive oil", + "rotini", + "red wine vinegar", + "artichokes", + "Italian parsley leaves", + "soppressata" + ] + }, + { + "id": 46016, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "mirin", + "shallots", + "white sesame seeds", + "chili flakes", + "asian black bean sauce", + "beef consomme", + "ginger", + "molasses", + "hoisin sauce", + "sesame oil", + "chicken wings", + "honey", + "green onions", + "garlic" + ] + }, + { + "id": 6219, + "cuisine": "greek", + "ingredients": [ + "ground paprika", + "ground black pepper", + "dried oregano", + "ground cinnamon", + "garlic powder", + "onion powder", + "dried thyme", + "beef bouillon powder", + "parsley flakes", + "ground nutmeg", + "salt" + ] + }, + { + "id": 35659, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "butter", + "cilantro", + "boneless chicken thighs", + "jalapeno chilies", + "diced tomatoes", + "ground cumin", + "kosher salt", + "yoghurt", + "paprika", + "garam masala", + "heavy cream", + "cumin seed" + ] + }, + { + "id": 24464, + "cuisine": "japanese", + "ingredients": [ + "low sodium teriyaki sauce", + "turkey tenderloins", + "green onions", + "gingerroot", + "garlic" + ] + }, + { + "id": 1012, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "ground red pepper", + "hot sauce", + "half & half", + "white cheddar cheese", + "large eggs", + "butter", + "collard greens", + "quickcooking grits", + "salt" + ] + }, + { + "id": 48801, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "garlic powder", + "salt", + "pepper", + "onion powder", + "dried oregano", + "tomato paste", + "water", + "garlic", + "tomato purée", + "granulated sugar", + "ground beef" + ] + }, + { + "id": 33247, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "low sodium low fat pasta sauce", + "garlic cloves", + "dried basil", + "cooking spray", + "crushed red pepper", + "fresh basil", + "grated parmesan cheese", + "jumbo macaroni shells", + "italian seasoning", + "sun-dried tomatoes", + "cannellini beans", + "firm tofu" + ] + }, + { + "id": 3181, + "cuisine": "japanese", + "ingredients": [ + "miso sesame grilling sauce", + "green onions", + "steamed rice", + "large shrimp", + "sugar pea", + "snow peas", + "shiitake", + "canola oil" + ] + }, + { + "id": 27910, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "black-eyed peas", + "long-grain rice", + "pepper", + "vegetable broth", + "cider vinegar", + "extra-virgin olive oil", + "onions", + "dried thyme", + "salt" + ] + }, + { + "id": 1428, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "butter", + "chopped pecans", + "mini marshmallows", + "salt", + "unsweetened cocoa powder", + "milk", + "vanilla extract", + "bittersweet chocolate", + "powdered sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 20080, + "cuisine": "italian", + "ingredients": [ + "sugar", + "vegetable oil", + "celery seed", + "tomatoes", + "capicola", + "provolone cheese", + "kosher salt", + "russet potatoes", + "Italian bread", + "savoy cabbage", + "cider vinegar", + "extra-virgin olive oil" + ] + }, + { + "id": 12612, + "cuisine": "spanish", + "ingredients": [ + "vegetable juice", + "diced tomatoes", + "red pepper", + "cucumber", + "pepper", + "hot sauce", + "red wine vinegar", + "green pepper" + ] + }, + { + "id": 29272, + "cuisine": "french", + "ingredients": [ + "bread crumb fresh", + "yellow crookneck squash", + "sliced carrots", + "onions", + "water", + "harissa paste", + "green beans", + "minced garlic", + "millet", + "diced tomatoes", + "ground cumin", + "fresh basil", + "olive oil", + "cannellini beans", + "red bell pepper" + ] + }, + { + "id": 35426, + "cuisine": "mexican", + "ingredients": [ + "butternut squash", + "sausages", + "onions", + "water", + "garlic cloves", + "dried kidney beans", + "beef broth", + "pepitas", + "green bell pepper", + "frozen corn kernels", + "red bell pepper" + ] + }, + { + "id": 48175, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "crushed red pepper", + "olive oil", + "flour", + "pizza doughs", + "kosher salt", + "parmigiano reggiano cheese", + "crème fraîche", + "broccoli rabe", + "garlic", + "shredded mozzarella cheese" + ] + }, + { + "id": 35300, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "dried oregano", + "olive oil", + "paprika", + "minced garlic", + "red wine vinegar", + "ground cumin", + "pork tenderloin", + "salt" + ] + }, + { + "id": 46341, + "cuisine": "indian", + "ingredients": [ + "purple onion", + "chaat masala", + "tomatoes", + "okra", + "salt", + "canola oil", + "fresh cilantro", + "fresh lemon juice" + ] + }, + { + "id": 953, + "cuisine": "italian", + "ingredients": [ + "eggs", + "pizza sauce", + "salt", + "parsley flakes", + "garlic powder", + "frozen bread dough", + "pepper", + "ricotta cheese", + "sausage links", + "onion powder", + "shredded mozzarella cheese" + ] + }, + { + "id": 11840, + "cuisine": "filipino", + "ingredients": [ + "spring roll wrappers", + "oil", + "onions", + "pepper", + "carrots", + "fish sauce", + "garlic cloves", + "eggs", + "salt", + "ground beef" + ] + }, + { + "id": 28301, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "cilantro sprigs", + "onions", + "reduced sodium chicken broth", + "Mexican oregano", + "sour cream", + "chiles", + "white hominy", + "garlic cloves", + "chicken thighs", + "kosher salt", + "lime wedges", + "poblano chiles" + ] + }, + { + "id": 32276, + "cuisine": "russian", + "ingredients": [ + "fresh dill", + "butter", + "meat" + ] + }, + { + "id": 14228, + "cuisine": "french", + "ingredients": [ + "olive oil", + "french bread", + "salt", + "bacon drippings", + "grated parmesan cheese", + "parsley", + "thyme", + "ground pepper", + "dry white wine", + "cognac", + "chicken stock", + "flour", + "garlic", + "onions" + ] + }, + { + "id": 35513, + "cuisine": "southern_us", + "ingredients": [ + "buns", + "garlic powder", + "ground sirloin", + "worcestershire sauce", + "purple onion", + "kosher salt", + "dijon mustard", + "onion powder", + "bacon slices", + "ketchup", + "hot pepper sauce", + "bourbon whiskey", + "paprika", + "sliced tomatoes", + "honey", + "cooking spray", + "balsamic vinegar", + "extra-virgin olive oil" + ] + }, + { + "id": 41666, + "cuisine": "korean", + "ingredients": [ + "rice cakes", + "garlic cloves", + "black bean sauce", + "ginger", + "bok choy", + "water", + "heavy cream", + "ground turkey", + "sweet soy sauce", + "Gochujang base", + "onions" + ] + }, + { + "id": 4896, + "cuisine": "italian", + "ingredients": [ + "eggs", + "milk", + "flour", + "bacon", + "carrots", + "onions", + "plain flour", + "pork", + "beef", + "ricotta cheese", + "salt", + "bechamel", + "tomatoes", + "ragu", + "grated parmesan cheese", + "butter", + "ham", + "celery", + "pasta", + "spinach", + "ground nutmeg", + "beef stock", + "cheese", + "chicken livers", + "dried oregano" + ] + }, + { + "id": 42783, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "tomatillos", + "jalapeno chilies", + "cilantro leaves", + "garlic" + ] + }, + { + "id": 35514, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "fat-free chicken broth", + "bay leaves", + "adobo seasoning", + "roast", + "chipotles in adobo", + "garlic", + "cumin" + ] + }, + { + "id": 46187, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "grated lemon zest", + "parmigiano-reggiano cheese", + "salt", + "button mushrooms", + "celery", + "truffle oil", + "fresh lemon juice" + ] + }, + { + "id": 24456, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "diced tomatoes", + "grated parmesan cheese", + "bow-tie pasta", + "garlic powder", + "salt", + "heavy cream", + "dried oregano" + ] + }, + { + "id": 38853, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "caciocavallo", + "vine tomatoes", + "extra-virgin olive oil", + "blanched almonds", + "linguine" + ] + }, + { + "id": 25369, + "cuisine": "mexican", + "ingredients": [ + "pure vanilla extract", + "baking soda", + "cinnamon sticks", + "milk", + "lemon", + "sugar", + "rum", + "large egg yolks", + "blanched almonds" + ] + }, + { + "id": 20106, + "cuisine": "french", + "ingredients": [ + "caster sugar", + "vanilla pods", + "butter", + "lemon juice", + "marzipan", + "self rising flour", + "strawberries", + "milk", + "lemon zest", + "cornflour", + "kirsch", + "dark chocolate", + "unsalted butter", + "egg yolks", + "free range egg" + ] + }, + { + "id": 41173, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "shredded pepper jack cheese", + "sour cream", + "cream", + "green onions", + "taco seasoning", + "onions", + "green chile", + "flour tortillas", + "beef broth", + "ground beef", + "refried beans", + "butter", + "enchilada sauce", + "chopped garlic" + ] + }, + { + "id": 40705, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "instant white rice", + "water", + "Old El Paso™ Thick 'n Chunky salsa", + "oil", + "chipotle", + "salt", + "boneless skinless chicken breasts", + "tortilla chips" + ] + }, + { + "id": 9828, + "cuisine": "irish", + "ingredients": [ + "milk", + "butter", + "potatoes", + "salt", + "spring onions", + "ground black pepper", + "blue cheese" + ] + }, + { + "id": 2852, + "cuisine": "thai", + "ingredients": [ + "liquid aminos", + "Sriracha", + "cilantro", + "eggs", + "lime", + "rice noodles", + "onions", + "tofu", + "beans", + "green onions", + "garlic cloves", + "brown sugar", + "olive oil", + "red pepper" + ] + }, + { + "id": 22303, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "roma tomatoes", + "large garlic cloves", + "chopped parsley", + "pepper", + "small pasta", + "salt", + "onions", + "chicken broth", + "cannellini beans", + "red pepper flakes", + "fresh parsley", + "pancetta", + "olive oil", + "shaved parmesan cheese", + "carrots" + ] + }, + { + "id": 30852, + "cuisine": "mexican", + "ingredients": [ + "honey", + "oil", + "salt", + "cake flour", + "confectioners sugar", + "eggs", + "chopped walnuts" + ] + }, + { + "id": 44783, + "cuisine": "vietnamese", + "ingredients": [ + "olive oil", + "chopped cilantro fresh", + "tomatoes", + "salt", + "ground turmeric", + "ground ginger", + "chinese eggplants", + "asian fish sauce", + "white onion", + "firm tofu" + ] + }, + { + "id": 13276, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "fresh lime juice", + "cilantro leaves", + "corn kernels", + "salsa", + "salt" + ] + }, + { + "id": 36786, + "cuisine": "mexican", + "ingredients": [ + "grape tomatoes", + "olive oil", + "chili powder", + "salt", + "garlic cloves", + "monterey jack", + "active dry yeast", + "jalapeno chilies", + "shredded lettuce", + "green pepper", + "smoked paprika", + "warm water", + "diced green chilies", + "red pepper", + "all-purpose flour", + "enchilada sauce", + "ground cumin", + "avocado", + "honey", + "boneless skinless chicken breasts", + "purple onion", + "sharp cheddar cheese", + "sour cream" + ] + }, + { + "id": 35520, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "salt", + "molasses", + "dried apple", + "all-purpose flour", + "baking soda", + "vegetable shortening", + "large eggs", + "buttermilk" + ] + }, + { + "id": 6248, + "cuisine": "greek", + "ingredients": [ + "plain yogurt", + "large garlic cloves", + "chopped fresh mint", + "fresh dill", + "green onions", + "fresh lemon juice", + "sliced green onions", + "pinenuts", + "diced tomatoes", + "long grain white rice", + "grape leaves", + "feta cheese", + "extra-virgin olive oil", + "grated lemon peel" + ] + }, + { + "id": 29804, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "vegetable oil", + "cilantro leaves", + "ground cumin", + "avocado", + "lime", + "poblano", + "soft corn tortillas", + "kosher salt", + "tomatillos", + "pinto beans", + "eggs", + "ground black pepper", + "garlic", + "bay leaf" + ] + }, + { + "id": 28635, + "cuisine": "french", + "ingredients": [ + "port wine", + "olive oil", + "beef stock", + "garlic", + "white onion", + "ground black pepper", + "butter", + "dried thyme", + "french bread", + "cheese", + "brown sugar", + "salt and ground black pepper", + "swiss cheese", + "salt" + ] + }, + { + "id": 19461, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "scallions", + "thyme", + "tomatoes", + "zucchini", + "carrots", + "broth", + "unsweetened coconut milk", + "lime juice", + "yams", + "onions", + "fresh basil", + "butter", + "shrimp" + ] + }, + { + "id": 27792, + "cuisine": "italian", + "ingredients": [ + "pepper", + "caesar salad dressing", + "cheese tortellini", + "grape tomatoes", + "fresh oregano" + ] + }, + { + "id": 11373, + "cuisine": "jamaican", + "ingredients": [ + "dried thyme", + "onion powder", + "ground ginger", + "ground nutmeg", + "cayenne pepper", + "boneless chicken skinless thigh", + "ground black pepper", + "ground allspice", + "garlic powder", + "salt" + ] + }, + { + "id": 4106, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "green onions", + "garlic", + "rice syrup", + "ginger", + "pears", + "soy sauce", + "sesame oil", + "onions", + "ground black pepper", + "beef tenderloin" + ] + }, + { + "id": 15542, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "pepper", + "basil", + "cashew nuts", + "nutritional yeast", + "lemon juice", + "dried pasta", + "garlic" + ] + }, + { + "id": 30162, + "cuisine": "french", + "ingredients": [ + "egg whites", + "white sugar", + "vanilla extract", + "semisweet chocolate", + "all-purpose flour", + "butter" + ] + }, + { + "id": 30842, + "cuisine": "french", + "ingredients": [ + "butter", + "fontina cheese", + "onions", + "spinach", + "caraway seeds", + "salt" + ] + }, + { + "id": 37343, + "cuisine": "cajun_creole", + "ingredients": [ + "seasoning", + "flour", + "peeled shrimp", + "onions", + "brown sugar", + "green onions", + "green pepper", + "cooked rice", + "bay leaves", + "chopped celery", + "chopped garlic", + "chicken stock", + "tomato sauce", + "butter", + "chopped parsley" + ] + }, + { + "id": 13938, + "cuisine": "french", + "ingredients": [ + "pearl onions", + "canned beef broth", + "all-purpose flour", + "onions", + "fresh sage", + "cross rib roast", + "bacon slices", + "carrots", + "tomato paste", + "shiitake", + "dry red wine", + "baby carrots", + "rosemary sprigs", + "bay leaves", + "garlic", + "thyme sprigs" + ] + }, + { + "id": 22479, + "cuisine": "cajun_creole", + "ingredients": [ + "hot pepper sauce", + "vegetable oil", + "chopped onion", + "dried oregano", + "chicken broth", + "sweet potatoes", + "chopped celery", + "turkey sausage links", + "dried thyme", + "meat", + "all-purpose flour", + "bay leaf", + "chopped green bell pepper", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 9282, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "salsa", + "onions", + "black beans", + "lasagna noodles", + "shredded cheese", + "tomato sauce", + "diced green chilies", + "taco seasoning", + "corn", + "cilantro", + "ground beef" + ] + }, + { + "id": 37587, + "cuisine": "filipino", + "ingredients": [ + "fresh ginger root", + "black peppercorns", + "garlic", + "white vinegar", + "bay leaves", + "soy sauce", + "chicken" + ] + }, + { + "id": 44518, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "fresh orange juice", + "corn starch", + "vegetable oil", + "broccoli", + "pork tenderloin", + "rice vinegar", + "grated orange", + "florets", + "scallions" + ] + }, + { + "id": 17098, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "heavy cream", + "freshly ground pepper", + "olive oil", + "ditalini pasta", + "salt", + "onions", + "green bell pepper", + "low sodium chicken broth", + "extra-virgin olive oil", + "celery", + "parmesan cheese", + "fryer chickens", + "fresh oregano" + ] + }, + { + "id": 45211, + "cuisine": "italian", + "ingredients": [ + "white vinegar", + "extra-virgin olive oil", + "carrots", + "sugar", + "salt", + "celery", + "water", + "freshly ground pepper", + "bay leaf", + "cauliflower", + "crushed red pepper", + "red bell pepper" + ] + }, + { + "id": 34473, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "lemongrass", + "gremolata", + "chopped celery", + "carrots", + "white wine", + "olive oil", + "balsamic vinegar", + "garlic cloves", + "onions", + "soy sauce", + "halibut fillets", + "potatoes", + "orange juice", + "bay leaf", + "tomato paste", + "crushed tomatoes", + "unsalted butter", + "cayenne pepper", + "thyme sprigs" + ] + }, + { + "id": 33918, + "cuisine": "italian", + "ingredients": [ + "salted butter", + "lemon juice", + "olive oil", + "garlic", + "spaghetti", + "grated parmesan cheese", + "sour cream", + "kosher salt", + "lemon", + "flat leaf parsley" + ] + }, + { + "id": 44203, + "cuisine": "french", + "ingredients": [ + "pepper", + "basil leaves", + "flat leaf parsley", + "olive oil", + "garlic", + "superfine sugar", + "butter", + "toast", + "tomatoes", + "large eggs", + "salt" + ] + }, + { + "id": 25792, + "cuisine": "brazilian", + "ingredients": [ + "grated coconut", + "oil", + "eggs", + "chocolate", + "sweetened condensed milk", + "sugar", + "all-purpose flour", + "baking powder", + "carrots" + ] + }, + { + "id": 29314, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "chili powder", + "corn tortillas", + "garlic powder", + "salt", + "olive oil", + "cilantro", + "cumin", + "cauliflower", + "red cabbage", + "salsa" + ] + }, + { + "id": 14292, + "cuisine": "french", + "ingredients": [ + "sauce", + "lemon wedge", + "shrimp" + ] + }, + { + "id": 22987, + "cuisine": "british", + "ingredients": [ + "sugar", + "unsalted butter", + "vanilla extract", + "water", + "baking powder", + "dark brown sugar", + "pitted date", + "large eggs", + "all-purpose flour", + "baking soda", + "whipping cream" + ] + }, + { + "id": 48201, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "sweet potatoes", + "green beans", + "zucchini", + "light coconut milk", + "green curry paste", + "boneless skinless chicken breasts", + "asian fish sauce", + "low sodium chicken broth", + "carrots" + ] + }, + { + "id": 15409, + "cuisine": "korean", + "ingredients": [ + "balsamic vinegar", + "blanched almonds", + "chickpeas", + "garlic", + "olive oil", + "Gochujang base" + ] + }, + { + "id": 26480, + "cuisine": "thai", + "ingredients": [ + "Sriracha", + "dark brown sugar", + "large shrimp", + "fish sauce", + "rice noodles", + "beansprouts", + "fresh basil", + "green onions", + "garlic cloves", + "canola oil", + "lower sodium soy sauce", + "unsalted dry roast peanuts", + "fresh lime juice" + ] + }, + { + "id": 10480, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "part-skim mozzarella cheese", + "cooking spray", + "flat leaf parsley", + "warm water", + "ground black pepper", + "all-purpose flour", + "sugar", + "fresh parmesan cheese", + "salt", + "cornmeal", + "tomatoes", + "olive oil", + "dry yeast", + "garlic cloves" + ] + }, + { + "id": 6041, + "cuisine": "filipino", + "ingredients": [ + "red pepper flakes", + "minced garlic", + "water", + "brown sugar", + "corn starch" + ] + }, + { + "id": 34393, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "lychees", + "young coconut meat", + "coconut juice" + ] + }, + { + "id": 33088, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "large eggs", + "2% reduced-fat milk", + "garlic powder", + "quickcooking grits", + "water", + "cooking spray", + "salt", + "hot pepper sauce", + "butter" + ] + }, + { + "id": 2506, + "cuisine": "chinese", + "ingredients": [ + "butter lettuce", + "olive oil", + "water chestnuts", + "rice vinegar", + "ground chicken", + "Sriracha", + "ginger", + "soy sauce", + "ground black pepper", + "green onions", + "onions", + "kosher salt", + "hoisin sauce", + "garlic" + ] + }, + { + "id": 6215, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "onion powder", + "celery salt", + "garlic powder", + "all-purpose flour", + "milk", + "butter", + "eggs", + "cream style corn", + "white sugar" + ] + }, + { + "id": 47410, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "salt", + "ground cumin", + "curry powder", + "chicken drumsticks", + "italian pork sausage", + "ground ginger", + "garlic powder", + "cayenne pepper", + "plain yogurt", + "red wine vinegar", + "lamb loin chops" + ] + }, + { + "id": 14239, + "cuisine": "mexican", + "ingredients": [ + "honey", + "queso fresco", + "slivered almonds", + "ground black pepper", + "raisins", + "chopped onion", + "dry bread crumbs", + "ground cumin", + "ground cinnamon", + "olive oil", + "large garlic cloves", + "fresh oregano", + "crushed tomatoes", + "Anaheim chile", + "salt", + "ground beef" + ] + }, + { + "id": 5097, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "water", + "flour", + "salt", + "taco seasoning", + "onions", + "bread", + "pepper", + "powdered milk", + "baking powder", + "pink beans", + "garlic cloves", + "lettuce", + "beans", + "taco seasoning mix", + "meat", + "salsa", + "oil", + "tomatoes", + "shredded cheddar cheese", + "jalapeno chilies", + "garlic", + "hot sauce", + "sour cream" + ] + }, + { + "id": 35420, + "cuisine": "chinese", + "ingredients": [ + "water", + "rice vinegar", + "chopped garlic", + "hot red pepper flakes", + "hoisin sauce", + "gingerroot", + "soy sauce", + "sesame oil", + "fresh lime juice", + "chili paste", + "peanut butter" + ] + }, + { + "id": 42675, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "hot water", + "sugar", + "crushed red pepper", + "soy sauce", + "creamy peanut butter", + "apple cider vinegar", + "chopped cilantro fresh" + ] + }, + { + "id": 45748, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "brown hash potato", + "goat cheese", + "spinach", + "dried thyme", + "cooking spray", + "egg substitute", + "ground black pepper", + "garlic cloves", + "cremini mushrooms", + "olive oil", + "chopped onion" + ] + }, + { + "id": 17590, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "salsa", + "cooking spray", + "sliced green onions", + "jalapeno chilies", + "chopped cilantro", + "shredded reduced fat cheddar cheese", + "cooked chicken" + ] + }, + { + "id": 14804, + "cuisine": "italian", + "ingredients": [ + "vegetables", + "shredded mozzarella cheese", + "grated parmesan cheese", + "ragu old world style pasta sauc", + "8 ounc ziti pasta, cook and drain" + ] + }, + { + "id": 33920, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "tumeric", + "yoghurt", + "green chilies", + "onions", + "mint", + "mace", + "salt", + "cinnamon sticks", + "red chili powder", + "coconut", + "star anise", + "oil", + "shahi jeera", + "clove", + "garlic paste", + "Biryani Masala", + "green cardamom", + "bay leaf" + ] + }, + { + "id": 31183, + "cuisine": "french", + "ingredients": [ + "parmesan cheese", + "salt", + "russet", + "unsalted butter", + "grated nutmeg", + "ground black pepper", + "crème fraîche", + "milk", + "heavy cream", + "garlic cloves" + ] + }, + { + "id": 49211, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "potatoes", + "coconut milk", + "water", + "salt", + "plum tomatoes", + "white pepper", + "garlic", + "onions", + "sugar", + "curry powder", + "oil" + ] + }, + { + "id": 46963, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "salt", + "boneless skinless chicken breast halves", + "black pepper", + "dry white wine", + "fresh lemon juice", + "unsalted butter", + "vegetable oil", + "flat leaf parsley", + "low sodium chicken broth", + "all-purpose flour" + ] + }, + { + "id": 11437, + "cuisine": "japanese", + "ingredients": [ + "flat leaf spinach", + "coarse salt", + "soba", + "soy sauce", + "shiitake", + "garlic cloves", + "fresh ginger", + "scallions", + "reduced sodium chicken broth", + "vegetable oil", + "fresh lime juice" + ] + }, + { + "id": 2201, + "cuisine": "cajun_creole", + "ingredients": [ + "crawfish", + "butter", + "fresh mushrooms", + "egg noodles", + "garlic", + "sliced green onions", + "shredded cheddar cheese", + "heavy cream", + "fresh parsley", + "green bell pepper", + "cajun seasoning", + "chopped onion" + ] + }, + { + "id": 30315, + "cuisine": "southern_us", + "ingredients": [ + "unsweetened apple juice", + "golden brown sugar", + "honey", + "ham", + "whole grain dijon mustard" + ] + }, + { + "id": 11111, + "cuisine": "greek", + "ingredients": [ + "grated parmesan cheese", + "boneless skinless chicken breast halves", + "fresh basil", + "garlic cloves", + "extra-virgin olive oil", + "frozen shelled edamame", + "fresh lemon juice" + ] + }, + { + "id": 16870, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "all-purpose flour", + "shrimp", + "creole mustard", + "sweetened coconut flakes", + "beer", + "canola oil", + "vegetable oil", + "cayenne pepper", + "champagne vinegar", + "water", + "salt", + "jelly", + "sliced green onions" + ] + }, + { + "id": 24195, + "cuisine": "indian", + "ingredients": [ + "cilantro leaves", + "thai chile", + "fresh lemon juice", + "amchur", + "cumin seed", + "salt", + "fresh mint" + ] + }, + { + "id": 38628, + "cuisine": "russian", + "ingredients": [ + "fresh dill", + "carrots", + "pickled beets", + "onions", + "vegetable oil", + "sour cream", + "celery ribs", + "beef broth", + "boiling potatoes" + ] + }, + { + "id": 18777, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "parsley leaves", + "red wine vinegar", + "peperoncini", + "sun-dried tomatoes", + "balsamic vinegar", + "garlic cloves", + "hot red pepper flakes", + "garbanzo beans", + "hard salami", + "rotini", + "water", + "vegetable oil", + "dijon style mustard" + ] + }, + { + "id": 2389, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "chili", + "cayenne pepper", + "fresh lemon juice", + "mayonaise", + "sourdough bread", + "chopped onion", + "fresh mint", + "plain yogurt", + "fresh ginger", + "ground coriander", + "boneless skinless chicken breast halves", + "cider vinegar", + "cilantro leaves", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 12693, + "cuisine": "italian", + "ingredients": [ + "granulated sugar", + "all-purpose flour", + "baking soda", + "baking powder", + "seedless red grapes", + "vin santo", + "large eggs", + "confectioners sugar", + "unsalted butter", + "salt", + "grated orange" + ] + }, + { + "id": 14595, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "carrots", + "noodles", + "chicken stock", + "garlic", + "calamansi", + "soy sauce", + "shrimp", + "sliced green onions", + "green cabbage", + "oil", + "onions" + ] + }, + { + "id": 43661, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "lemon juice", + "pastry", + "salt", + "ground nutmeg", + "all-purpose flour", + "sugar", + "butter", + "candy" + ] + }, + { + "id": 12992, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "meat", + "peanut oil", + "ground cumin", + "avocado", + "poblano peppers", + "cilantro", + "corn tortillas", + "kosher salt", + "vegetable oil", + "scallions", + "chicken broth", + "jalapeno chilies", + "garlic", + "onions" + ] + }, + { + "id": 27685, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "lime juice", + "salt", + "paprika", + "garlic powder", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 20963, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "butter", + "cream cheese", + "dried oregano", + "green olives", + "pita bread rounds", + "black olives", + "cucumber", + "sesame seeds", + "large garlic cloves", + "grated jack cheese", + "shredded cheddar cheese", + "red wine vinegar", + "purple onion", + "red bell pepper" + ] + }, + { + "id": 28047, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "salt", + "pork sausages", + "large eggs", + "butter", + "sour cream", + "pepper", + "jalapeno chilies", + "salsa", + "milk", + "colby jack cheese", + "cream cheese" + ] + }, + { + "id": 10359, + "cuisine": "italian", + "ingredients": [ + "fresh chives", + "dry white wine", + "garlic cloves", + "sea scallops", + "salt", + "olive oil", + "lemon", + "tagliatelle", + "bread crumb fresh", + "unsalted butter", + "freshly ground pepper" + ] + }, + { + "id": 10907, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "fresh ginger root", + "green onions", + "balsamic vinegar", + "garlic", + "kosher salt", + "egg whites", + "vegetable oil", + "chili oil", + "bamboo shoots", + "water", + "dandelion greens", + "wonton wrappers", + "ground pork", + "white sugar", + "white pepper", + "hoisin sauce", + "sesame oil", + "napa cabbage", + "bok choy" + ] + }, + { + "id": 18991, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "mozzarella cheese", + "grated lemon zest", + "celery ribs", + "fine sea salt", + "fennel bulb", + "fresh lemon juice" + ] + }, + { + "id": 28690, + "cuisine": "mexican", + "ingredients": [ + "pure maple syrup", + "cayenne", + "sea salt", + "garlic cloves", + "beef shoulder", + "onion powder", + "paprika", + "oregano", + "green chile", + "chili powder", + "diced tomatoes", + "onions", + "ground pepper", + "apple cider vinegar", + "garlic", + "cumin" + ] + }, + { + "id": 45429, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "hellmann' or best food light mayonnais", + "grape tomatoes", + "chopped cilantro fresh", + "chipotle peppers", + "ground cumin", + "lime juice", + "mango" + ] + }, + { + "id": 15312, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil cooking spray", + "pepper jack", + "chopped cilantro fresh", + "avocado", + "chopped tomatoes", + "cooked chicken", + "green chile", + "sliced black olives", + "sour cream", + "taco sauce", + "flour tortillas", + "sliced green onions" + ] + }, + { + "id": 7655, + "cuisine": "greek", + "ingredients": [ + "russet potatoes", + "olive oil", + "garlic cloves", + "water", + "salt", + "ground black pepper", + "lemon juice" + ] + }, + { + "id": 11189, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "Elmlea Single Light", + "cinnamon sticks", + "chicken", + "clove", + "almonds", + "cardamom pods", + "basmati rice", + "coriander seeds", + "ginger", + "onions", + "ground cumin", + "sliced almonds", + "garam masala", + "garlic cloves", + "Flora Buttery" + ] + }, + { + "id": 23734, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "green chilies", + "chicken breasts", + "enchilada sauce", + "whole wheat tortillas", + "sour cream", + "green pepper" + ] + }, + { + "id": 32263, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "scallions", + "sea bass", + "mushrooms", + "sherry", + "bamboo shoots", + "smithfield ham", + "salt" + ] + }, + { + "id": 17162, + "cuisine": "british", + "ingredients": [ + "English mustard", + "flour", + "beef fillet", + "parma ham", + "mushrooms", + "ground black pepper", + "sea salt", + "olive oil", + "egg yolks", + "puff pastry" + ] + }, + { + "id": 5765, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "small red beans", + "dark brown sugar" + ] + }, + { + "id": 5521, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "chives", + "mixed spice", + "romano cheese", + "butter", + "cold milk", + "self rising flour" + ] + }, + { + "id": 16132, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "italian seasoning", + "Italian cheese blend", + "salted butter", + "white bread", + "garlic salt" + ] + }, + { + "id": 32222, + "cuisine": "japanese", + "ingredients": [ + "water", + "vegetable oil", + "baking powder", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 13816, + "cuisine": "cajun_creole", + "ingredients": [ + "baguette", + "salt", + "medium shrimp", + "tomatoes", + "yellow bell pepper", + "scallions", + "bread", + "dijon mustard", + "creole seasoning", + "romaine lettuce", + "extra-virgin olive oil", + "reduced fat mayonnaise" + ] + }, + { + "id": 42202, + "cuisine": "mexican", + "ingredients": [ + "dried thyme", + "corn oil", + "salt", + "bay leaf", + "fresca", + "large eggs", + "queso fresco", + "garlic cloves", + "dried oregano", + "salsa verde", + "vegetable oil", + "serrano", + "chopped cilantro", + "white onion", + "low sodium chicken broth", + "tomatillos", + "corn tortillas", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 2408, + "cuisine": "thai", + "ingredients": [ + "ketchup", + "green onions", + "peanut oil", + "brown sugar", + "peanuts", + "salt", + "fish sauce", + "lime juice", + "red pepper flakes", + "beansprouts", + "eggs", + "minced garlic", + "rice noodles", + "carrots" + ] + }, + { + "id": 6496, + "cuisine": "indian", + "ingredients": [ + "whitefish", + "buttermilk", + "rice flour", + "lime", + "paneer", + "garlic salt", + "haloumi", + "fresh ginger", + "oil", + "paneer cheese", + "spinach", + "heavy cream", + "onions" + ] + }, + { + "id": 37353, + "cuisine": "mexican", + "ingredients": [ + "pineapple chunks", + "chicken drumsticks", + "orange juice", + "black pepper", + "bacon slices", + "cooked ham", + "raisins", + "chicken thighs", + "chicken bouillon granules", + "butter", + "salt" + ] + }, + { + "id": 30951, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "green pepper", + "white sugar", + "vegetable oil", + "mustard seeds", + "plum tomatoes", + "potatoes", + "cumin seed", + "ground turmeric", + "cauliflower", + "salt", + "asafoetida powder" + ] + }, + { + "id": 27481, + "cuisine": "southern_us", + "ingredients": [ + "clams", + "dried thyme", + "large eggs", + "baking powder", + "all-purpose flour", + "red bell pepper", + "water", + "chopped green bell pepper", + "green onions", + "conch", + "crabmeat", + "fresh parsley", + "mayonaise", + "hungarian paprika", + "jalapeno chilies", + "vegetable oil", + "hot sauce", + "medium shrimp", + "milk", + "finely chopped onion", + "ground red pepper", + "crushed red pepper", + "garlic cloves" + ] + }, + { + "id": 38077, + "cuisine": "mexican", + "ingredients": [ + "cider vinegar", + "garlic cloves", + "ground cumin", + "kosher salt", + "freshly ground pepper", + "boiling water", + "ground cinnamon", + "cayenne pepper", + "ancho chile pepper", + "chicken legs", + "ground allspice", + "corn tortillas" + ] + }, + { + "id": 21887, + "cuisine": "cajun_creole", + "ingredients": [ + "tapioca flour", + "baking powder", + "sweetened condensed milk", + "instant yeast", + "salt", + "unsalted butter", + "vegetable oil", + "powdered sugar", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 35737, + "cuisine": "mexican", + "ingredients": [ + "salt", + "sour cream", + "cotija", + "cumin seed", + "tortilla chips", + "serrano chile", + "roasted red peppers", + "scallions" + ] + }, + { + "id": 47032, + "cuisine": "french", + "ingredients": [ + "olive oil", + "fresh parsley leaves", + "wine vinegar", + "fresh chives", + "dijon style mustard", + "fresh tarragon", + "fresh chervil" + ] + }, + { + "id": 3167, + "cuisine": "brazilian", + "ingredients": [ + "chocolate", + "sugar", + "chocolate sprinkles", + "butter", + "unsweetened cocoa powder", + "sweetened condensed milk" + ] + }, + { + "id": 20540, + "cuisine": "mexican", + "ingredients": [ + "corn starch", + "white onion", + "monterey jack", + "green chile", + "extra sharp cheddar cheese", + "whole milk" + ] + }, + { + "id": 8425, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "Sriracha", + "peanut butter", + "minced garlic", + "sesame oil", + "soy sauce", + "green onions", + "noodles", + "sesame seeds", + "ginger" + ] + }, + { + "id": 28784, + "cuisine": "russian", + "ingredients": [ + "radishes", + "liquid", + "fresh dill", + "pickled beets", + "buttermilk", + "sour cream", + "seedless cucumber", + "salt" + ] + }, + { + "id": 11926, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "pappardelle", + "chopped celery", + "carrots", + "tomato purée", + "chopped fresh thyme", + "dry red wine", + "garlic cloves", + "grated parmesan cheese", + "ground veal", + "beef broth", + "thick-cut bacon", + "bay leaves", + "ground pork", + "chopped onion" + ] + }, + { + "id": 12792, + "cuisine": "thai", + "ingredients": [ + "shiitake", + "green onions", + "red curry paste", + "onions", + "water", + "Sriracha", + "ginger", + "garlic cloves", + "thai noodles", + "boneless skinless chicken breasts", + "dark brown sugar", + "honey", + "regular soy sauce", + "rice vinegar", + "carrots" + ] + }, + { + "id": 46989, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "sausage casings", + "shredded mozzarella cheese", + "pasta", + "mozzarella cheese", + "pasta sauce" + ] + }, + { + "id": 41884, + "cuisine": "japanese", + "ingredients": [ + "salmon fillets", + "ginger root", + "soy sauce", + "sugar", + "sake", + "vegetable oil" + ] + }, + { + "id": 1412, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garam masala", + "paneer", + "cumin seed", + "cream", + "vegetable oil", + "green chilies", + "onions", + "tumeric", + "chili powder", + "salt", + "garlic cloves", + "fresh ginger root", + "red pepper", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 35619, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "grated parmesan cheese", + "boneless chop pork", + "dry bread crumbs", + "pasta sauce", + "garlic", + "fettucine", + "olive oil" + ] + }, + { + "id": 13837, + "cuisine": "korean", + "ingredients": [ + "spring onions", + "salt", + "salad", + "sesame oil", + "chili powder", + "beansprouts", + "light soy sauce", + "garlic" + ] + }, + { + "id": 10353, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "onions", + "ground black pepper", + "white sugar", + "red wine vinegar", + "italian seasoning", + "mayonaise", + "salt" + ] + }, + { + "id": 24774, + "cuisine": "mexican", + "ingredients": [ + "solid pack pumpkin", + "whipping cream", + "sour cream", + "butter", + "low salt chicken broth", + "finely chopped onion", + "crushed red pepper", + "fresh lime juice", + "whole milk", + "pumpkin seeds" + ] + }, + { + "id": 37502, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "kosher salt", + "ground black pepper", + "ricotta cheese", + "salt", + "fresh parsley", + "white bread", + "tomato sauce", + "dried basil", + "grated parmesan cheese", + "garlic", + "carrots", + "eggs", + "milk", + "finely chopped onion", + "ground pork", + "garlic cloves", + "dried oregano", + "tomato paste", + "black pepper", + "olive oil", + "flour", + "chopped celery", + "ground beef" + ] + }, + { + "id": 21628, + "cuisine": "italian", + "ingredients": [ + "canned low sodium chicken broth", + "eggplant", + "salt", + "dried thyme", + "mushrooms", + "crushed tomatoes", + "cayenne", + "onions", + "olive oil", + "linguine" + ] + }, + { + "id": 2681, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "japanese eggplants", + "pepper", + "chopped fresh mint", + "plain yogurt", + "salt", + "ground cumin", + "olive oil", + "chopped cilantro fresh" + ] + }, + { + "id": 18641, + "cuisine": "brazilian", + "ingredients": [ + "fruit", + "seeds", + "chia seeds", + "açai", + "goji berries", + "sliced almonds", + "cocoa powder", + "bananas", + "almond milk" + ] + }, + { + "id": 1671, + "cuisine": "russian", + "ingredients": [ + "carrots", + "potatoes", + "onions", + "beets", + "cabbage", + "beef tenderloin steaks" + ] + }, + { + "id": 13228, + "cuisine": "italian", + "ingredients": [ + "mussels", + "dry white wine", + "lemon juice", + "olive oil", + "garlic", + "fresh parsley", + "scallops", + "shallots", + "shrimp", + "italian plum tomatoes", + "crushed red pepper" + ] + }, + { + "id": 40155, + "cuisine": "indian", + "ingredients": [ + "bell pepper", + "chicken fingers", + "garam masala", + "sauce", + "olive oil", + "peas", + "masala", + "garlic naan", + "rice" + ] + }, + { + "id": 18464, + "cuisine": "moroccan", + "ingredients": [ + "almonds", + "chicken thighs", + "kosher salt", + "cinnamon", + "ground cumin", + "golden raisins", + "coriander", + "olive oil", + "carrots" + ] + }, + { + "id": 17669, + "cuisine": "southern_us", + "ingredients": [ + "chili powder", + "chicken pieces", + "ground black pepper", + "paprika", + "butter", + "flour", + "salt" + ] + }, + { + "id": 46914, + "cuisine": "korean", + "ingredients": [ + "ground ginger", + "pork belly", + "garlic powder", + "yellow onion", + "sugar", + "soy bean paste", + "sesame oil", + "canola oil", + "Korean chile flakes", + "cider vinegar", + "ground black pepper", + "toasted sesame seeds", + "soy sauce", + "honey", + "purple onion" + ] + }, + { + "id": 353, + "cuisine": "southern_us", + "ingredients": [ + "water", + "peas", + "liquid", + "sugar", + "bacon", + "all-purpose flour", + "garlic salt", + "potatoes", + "salt", + "onions", + "ground black pepper", + "tomatoes with juice", + "ground turkey" + ] + }, + { + "id": 13528, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "tortilla wraps", + "taco seasoning", + "sweet onion", + "ground turkey", + "green chilies" + ] + }, + { + "id": 8675, + "cuisine": "japanese", + "ingredients": [ + "white onion", + "mirin", + "vegetable oil", + "green beans", + "light soy sauce", + "fresh shiitake mushrooms", + "salt", + "shiso", + "pepper", + "baking powder", + "daikon", + "lotus roots", + "fresh ginger", + "sesame oil", + "all-purpose flour", + "large shrimp" + ] + }, + { + "id": 27351, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "dry white wine", + "garlic", + "olive oil", + "littleneck clams", + "flat leaf parsley", + "calamari", + "red pepper flakes", + "shrimp", + "mussels", + "sea scallops", + "linguine" + ] + }, + { + "id": 6830, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "chili powder", + "salt", + "garlic cloves", + "chicken stock", + "jalapeno chilies", + "paprika", + "okra", + "celery ribs", + "ground black pepper", + "turkey", + "cayenne pepper", + "onions", + "andouille sausage", + "vegetable oil", + "all-purpose flour", + "poblano chiles" + ] + }, + { + "id": 29985, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "large garlic cloves", + "fettucine", + "shallots", + "parmesan cheese", + "fresh oregano", + "olive oil", + "heirloom tomatoes" + ] + }, + { + "id": 36246, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "jalapeno chilies", + "cilantro leaves", + "tostada shells", + "lime", + "purple onion", + "avocado", + "lump crab meat", + "cilantro sprigs", + "plum tomatoes", + "mayonaise", + "olive oil", + "salt" + ] + }, + { + "id": 37599, + "cuisine": "french", + "ingredients": [ + "artichoke hearts", + "linguine", + "dried oregano", + "dried sage", + "sliced mushrooms", + "grated parmesan cheese", + "garlic", + "butter", + "escargot" + ] + }, + { + "id": 43289, + "cuisine": "thai", + "ingredients": [ + "red curry paste", + "creamy peanut butter", + "unsweetened coconut milk", + "fresh lime juice", + "low sodium gluten free soy sauce", + "canola oil" + ] + }, + { + "id": 15390, + "cuisine": "cajun_creole", + "ingredients": [ + "condensed french onion soup", + "garlic", + "sausage casings", + "vegetable oil", + "frozen peas", + "chicken breasts", + "cooked shrimp", + "picante sauce", + "instant white rice" + ] + }, + { + "id": 10633, + "cuisine": "indian", + "ingredients": [ + "semolina flour", + "jalapeno chilies", + "ginger", + "cumin seed", + "onions", + "curry powder", + "vegetable oil", + "all-purpose flour", + "rice flour", + "tumeric", + "coconut", + "cinnamon", + "chickpeas", + "chopped cilantro", + "water", + "yukon gold potatoes", + "salt", + "garlic cloves", + "frozen peas" + ] + }, + { + "id": 9924, + "cuisine": "french", + "ingredients": [ + "salt", + "unsalted butter", + "sugar", + "all-purpose flour", + "large eggs" + ] + }, + { + "id": 5228, + "cuisine": "british", + "ingredients": [ + "sugar", + "onion powder", + "worcestershire sauce", + "stilton cheese", + "baby greens", + "balsamic vinegar", + "hazelnut oil", + "ruby port", + "vegetable oil", + "dry red wine", + "light molasses", + "red wine vinegar", + "black mission figs" + ] + }, + { + "id": 48428, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "basil leaves", + "pinenuts", + "coarse salt", + "olive oil", + "garlic" + ] + }, + { + "id": 26467, + "cuisine": "irish", + "ingredients": [ + "Guinness Beer", + "ice cream", + "Irish whiskey" + ] + }, + { + "id": 9394, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "mango", + "cinnamon sugar", + "cooking spray", + "kiwi", + "bananas", + "frozen strawberries" + ] + }, + { + "id": 34542, + "cuisine": "jamaican", + "ingredients": [ + "fresh thyme", + "hot sauce", + "onions", + "black pepper", + "garlic", + "pork roast", + "steak sauce", + "worcestershire sauce", + "tomato ketchup", + "water", + "salt", + "corn starch" + ] + }, + { + "id": 43687, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "jalapeno chilies", + "bone-in chicken breasts", + "fresno chiles", + "Japanese turnips", + "vegetable oil", + "sweet basil", + "kosher salt", + "shallots", + "garlic cloves", + "light brown sugar", + "radishes", + "rice vermicelli", + "fresh lime juice" + ] + }, + { + "id": 13876, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "salsa", + "Mexican cheese blend", + "corn tortillas", + "cottage cheese", + "scallions", + "chili powder" + ] + }, + { + "id": 36502, + "cuisine": "french", + "ingredients": [ + "large eggs", + "carrots", + "baking potatoes", + "shallots", + "corn starch", + "milk", + "heavy cream" + ] + }, + { + "id": 47428, + "cuisine": "chinese", + "ingredients": [ + "water", + "green onions", + "corn starch", + "black pepper", + "cooking oil", + "garlic", + "brown sugar", + "fresh ginger", + "chicken breasts", + "soy sauce", + "hoisin sauce", + "sesame oil" + ] + }, + { + "id": 43849, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "cooking spray", + "asiago", + "garlic cloves", + "dried thyme", + "large eggs", + "butter", + "all-purpose flour", + "black pepper", + "fat free milk", + "chicken breasts", + "dry sherry", + "fat free less sodium chicken broth", + "mushroom caps", + "shallots", + "salt" + ] + }, + { + "id": 15252, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "milk", + "roasted red peppers", + "all-purpose flour", + "seasoned bread crumbs", + "prosciutto", + "salt", + "asparagus spears", + "vidalia onion", + "garlic powder", + "red wine", + "fresh mushrooms", + "eggs", + "olive oil", + "veal cutlets", + "provolone cheese" + ] + }, + { + "id": 37073, + "cuisine": "thai", + "ingredients": [ + "palm sugar", + "fresh lime juice", + "chiles", + "roasted peanuts", + "green papaya", + "fish sauce", + "garlic", + "dried shrimp", + "cherry tomatoes", + "long green beans" + ] + }, + { + "id": 44310, + "cuisine": "spanish", + "ingredients": [ + "pitted date", + "dried apricot", + "almonds", + "spanish chorizo", + "manchego cheese", + "spices", + "grated orange peel", + "pork sausage links", + "smoked paprika" + ] + }, + { + "id": 5432, + "cuisine": "french", + "ingredients": [ + "eggs", + "unsalted butter", + "water", + "pastry dough", + "ground cinnamon", + "vanilla beans", + "granny smith apples", + "granulated sugar" + ] + }, + { + "id": 13492, + "cuisine": "korean", + "ingredients": [ + "romaine lettuce", + "light soy sauce", + "ham", + "kiwi", + "eggs", + "cider vinegar", + "sesame oil", + "chopped cilantro", + "sugar", + "chili paste", + "carrots", + "fish sauce", + "water", + "scallions", + "noodles" + ] + }, + { + "id": 288, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "butter", + "spices" + ] + }, + { + "id": 28797, + "cuisine": "cajun_creole", + "ingredients": [ + "bell pepper", + "diced tomatoes", + "all-purpose flour", + "onions", + "cooked rice", + "butter", + "kielbasa", + "celery", + "water", + "turkey", + "salt", + "fresh parsley", + "chicken broth", + "bay leaves", + "garlic", + "okra", + "dried oregano" + ] + }, + { + "id": 35456, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "olives", + "cheddar cheese", + "meat", + "tomato sauce", + "corn chips", + "taco seasoning mix" + ] + }, + { + "id": 22241, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "sesame oil", + "brown sugar", + "green onions", + "dipping sauces", + "shredded cabbage", + "wonton wrappers", + "fresh cilantro", + "cooked chicken", + "peanut oil" + ] + }, + { + "id": 46827, + "cuisine": "italian", + "ingredients": [ + "eggs", + "dried basil", + "vegetable oil", + "white sugar", + "mozzarella cheese", + "ground black pepper", + "all-purpose flour", + "tomato sauce", + "garlic powder", + "salt", + "dried oregano", + "saltines", + "water", + "grated parmesan cheese", + "steak" + ] + }, + { + "id": 11636, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "zucchini", + "milk", + "salt", + "biscuit baking mix", + "grated parmesan cheese", + "tomatoes", + "ground black pepper", + "chopped onion" + ] + }, + { + "id": 22054, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "green tomatoes", + "whole milk", + "salt", + "large eggs", + "vegetable oil", + "cracker crumbs", + "all-purpose flour" + ] + }, + { + "id": 48916, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "lasagna noodles", + "dry bread crumbs", + "cottage cheese", + "lean ground beef", + "onions", + "tomato sauce", + "mushrooms", + "shredded mozzarella cheese", + "eggs", + "milk", + "part-skim ricotta cheese" + ] + }, + { + "id": 16075, + "cuisine": "mexican", + "ingredients": [ + "lean ground pork", + "kosher salt", + "olive oil", + "ancho powder", + "chopped cilantro", + "hungarian sweet paprika", + "fat free less sodium chicken broth", + "water", + "ground turkey breast", + "ground coriander", + "sliced green onions", + "diced onions", + "black pepper", + "minced garlic", + "sherry vinegar", + "dry red wine", + "dried oregano", + "low-fat sour cream", + "black beans", + "lime juice", + "diced tomatoes", + "chipotles in adobo", + "ground cumin" + ] + }, + { + "id": 20975, + "cuisine": "russian", + "ingredients": [ + "pierogi", + "onions", + "cremini mushrooms", + "garlic cloves", + "dough", + "unsalted butter", + "boiling water", + "dried porcini mushrooms", + "flat leaf parsley" + ] + }, + { + "id": 18486, + "cuisine": "irish", + "ingredients": [ + "cooking spray", + "whole wheat flour", + "salt", + "buttermilk", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 25167, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "cilantro sprigs", + "chopped cilantro fresh", + "cooking spray", + "dark sesame oil", + "trout fillet", + "fresh lime juice", + "lime slices", + "crushed red pepper" + ] + }, + { + "id": 15483, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "rice vinegar", + "japanese cucumber", + "sesame seeds", + "sugar", + "salt" + ] + }, + { + "id": 6937, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dried basil", + "grated parmesan cheese", + "tomatoes", + "ground black pepper", + "seasoning salt", + "garlic" + ] + }, + { + "id": 3160, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "dry red wine", + "italian seasoning", + "tomato paste", + "olive oil", + "garlic cloves", + "dried basil", + "chopped onion", + "sugar", + "diced tomatoes", + "fresh parsley" + ] + }, + { + "id": 10869, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "vegetable oil cooking spray", + "salt", + "seasoning", + "sweet potatoes", + "sweet onion" + ] + }, + { + "id": 48342, + "cuisine": "italian", + "ingredients": [ + "pesto", + "butter", + "penne pasta", + "olive oil", + "garlic", + "pepper", + "heavy cream", + "boneless skinless chicken breast halves", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 8631, + "cuisine": "mexican", + "ingredients": [ + "stew meat", + "shredded cheese", + "large flour tortillas", + "refried beans", + "enchilada sauce", + "beef stock cubes" + ] + }, + { + "id": 42457, + "cuisine": "spanish", + "ingredients": [ + "red lentils", + "hungarian paprika", + "salt", + "onions", + "olive oil", + "diced tomatoes", + "almond oil", + "sliced almonds", + "red wine vinegar", + "roast red peppers, drain", + "chicken broth", + "nonfat dry milk", + "garlic cloves" + ] + }, + { + "id": 16002, + "cuisine": "italian", + "ingredients": [ + "brown sugar", + "crushed tomatoes", + "salt", + "red bell pepper", + "pepperoni slices", + "olive oil", + "fresh mushrooms", + "warm water", + "active dry yeast", + "all-purpose flour", + "white sugar", + "green bell pepper", + "bulk italian sausag", + "garlic powder", + "shredded mozzarella cheese" + ] + }, + { + "id": 48774, + "cuisine": "cajun_creole", + "ingredients": [ + "milk", + "bacon", + "thyme", + "cayenne", + "garlic", + "onions", + "ground black pepper", + "stewed tomatoes", + "celery", + "kosher salt", + "butter", + "frozen corn" + ] + }, + { + "id": 37540, + "cuisine": "italian", + "ingredients": [ + "salami", + "olive oil", + "low moisture mozzarella", + "biscuit dough", + "parmesan cheese", + "italian seasoning" + ] + }, + { + "id": 45754, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "black pepper", + "salt", + "ground cloves", + "olive oil", + "ground turmeric", + "salmon fillets", + "dried thyme", + "ground coriander", + "fennel seeds", + "fat free yogurt", + "lemon wedge", + "ground cumin" + ] + }, + { + "id": 41547, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "cherries", + "vanilla extract", + "superfine sugar", + "all purpose unbleached flour", + "salt", + "dark chocolate", + "unsalted butter", + "heavy cream", + "kirsch", + "sugar", + "large eggs", + "Dutch-processed cocoa powder" + ] + }, + { + "id": 10351, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "cream cheese, soften", + "grated parmesan cheese", + "bagels", + "minced garlic", + "plum tomatoes" + ] + }, + { + "id": 30012, + "cuisine": "thai", + "ingredients": [ + "ketchup", + "large eggs", + "rice vermicelli", + "Thai fish sauce", + "peanuts", + "lime wedges", + "peanut oil", + "dried shrimp", + "sugar", + "Sriracha", + "crushed red pepper flakes", + "shrimp", + "minced garlic", + "green onions", + "cilantro leaves", + "beansprouts" + ] + }, + { + "id": 26353, + "cuisine": "italian", + "ingredients": [ + "butter", + "saffron", + "white wine", + "rice", + "grated parmesan cheese", + "onions", + "stock", + "salt" + ] + }, + { + "id": 25824, + "cuisine": "moroccan", + "ingredients": [ + "garbanzo beans", + "vegetable broth", + "pinto beans", + "dried lentils", + "cinnamon", + "cayenne pepper", + "onions", + "fresh ginger", + "diced tomatoes", + "garlic cloves", + "cumin", + "nutmeg", + "garam masala", + "chopped celery", + "carrots" + ] + }, + { + "id": 7636, + "cuisine": "mexican", + "ingredients": [ + "cooked rice", + "garlic powder", + "paprika", + "ground turmeric", + "ketchup", + "vegetable oil", + "cayenne pepper", + "green bell pepper", + "green onions", + "salt", + "ground cumin", + "tomatoes", + "corn kernels", + "red pepper flakes", + "ground coriander" + ] + }, + { + "id": 20313, + "cuisine": "thai", + "ingredients": [ + "unsweetened shredded dried coconut", + "ice cream", + "light brown sugar", + "cookies", + "granulated sugar", + "dry roasted peanuts", + "heavy cream" + ] + }, + { + "id": 16983, + "cuisine": "moroccan", + "ingredients": [ + "lemon", + "fresh lemon juice", + "kosher salt" + ] + }, + { + "id": 47900, + "cuisine": "indian", + "ingredients": [ + "sliced almonds", + "condensed milk", + "coconut", + "sugar", + "cashew nuts" + ] + }, + { + "id": 41768, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "soy sauce", + "oil", + "potato starch", + "ginger", + "boneless chicken thighs" + ] + }, + { + "id": 23368, + "cuisine": "mexican", + "ingredients": [ + "lemon zest", + "halibut steak", + "olive oil", + "cilantro sprigs", + "tomato salsa", + "corn tortillas", + "ground black pepper", + "salt" + ] + }, + { + "id": 40384, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "dark brown sugar", + "pie dough", + "vanilla extract", + "pecans", + "light corn syrup", + "unsalted butter", + "salt" + ] + }, + { + "id": 40372, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "blackberries", + "navel oranges", + "brandy", + "club soda", + "lemonade", + "rioja" + ] + }, + { + "id": 8748, + "cuisine": "italian", + "ingredients": [ + "sugar", + "diced tomatoes", + "oil", + "penne", + "finely chopped onion", + "goat cheese", + "plum tomatoes", + "ground black pepper", + "salt", + "flat leaf parsley", + "olive oil", + "basil", + "garlic cloves" + ] + }, + { + "id": 42324, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "heavy cream", + "milk", + "fresh parsley", + "vidalia onion", + "all-purpose flour", + "butter" + ] + }, + { + "id": 39378, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "light red kidney beans", + "ranch dressing", + "stewed tomatoes", + "ground beef", + "tomatoes", + "taco seasoning mix", + "corn chips", + "black olives", + "chiles", + "green onions", + "diced tomatoes", + "sour cream", + "green chile", + "jalapeno chilies", + "grating cheese", + "pinto beans" + ] + }, + { + "id": 43884, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "pepper", + "boneless chicken breast", + "chili powder", + "reduced-fat sour cream", + "red bell pepper", + "ground cumin", + "white onion", + "garlic powder", + "jalapeno chilies", + "tomatillos", + "salt", + "dried oregano", + "chicken broth", + "white cannellini beans", + "Mexican cheese blend", + "flour", + "diced tomatoes", + "enchilada sauce", + "chorizo sausage", + "white corn", + "fresh cilantro", + "flour tortillas", + "parsley", + "garlic", + "oregano" + ] + }, + { + "id": 5621, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "chili powder", + "garlic cloves", + "water", + "jalapeno chilies", + "paprika", + "chopped cilantro", + "kosher salt", + "Mexican cheese blend", + "vegetable oil", + "red bell pepper", + "lime", + "boneless skinless chicken breasts", + "frozen corn", + "ground cumin" + ] + }, + { + "id": 6141, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "garlic", + "pepper", + "onions", + "spaghetti sauce seasoning mix", + "salt", + "tomato paste", + "lean ground beef" + ] + }, + { + "id": 9158, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "red wine vinegar", + "grated lemon zest", + "tomatoes", + "black-eyed peas", + "extra-virgin olive oil", + "flat leaf parsley", + "romaine lettuce", + "feta cheese", + "purple onion", + "oregano", + "peperoncini", + "seedless cucumber", + "orzo", + "fresh lemon juice" + ] + }, + { + "id": 1056, + "cuisine": "mexican", + "ingredients": [ + "pork", + "salt", + "lard", + "baking powder", + "garlic cloves", + "boiling water", + "corn husks", + "freshly ground pepper", + "onions", + "chiles", + "coarse salt", + "hot water", + "masa harina" + ] + }, + { + "id": 17378, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "starch", + "crushed garlic", + "rice vinegar", + "cooked white rice", + "eggs", + "orange", + "sesame oil", + "ginger", + "broccoli", + "iceberg lettuce", + "soy sauce", + "water chestnuts", + "vegetable oil", + "salt", + "white rice flour", + "club soda", + "light brown sugar", + "water", + "green onions", + "flaked", + "all-purpose flour", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 15002, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "monterey jack", + "low-fat plain yogurt", + "extra-virgin olive oil", + "onions", + "fat-free refried beans", + "poblano chiles", + "cremini mushrooms", + "garlic", + "plum tomatoes" + ] + }, + { + "id": 31005, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "grated parmesan cheese", + "all-purpose flour", + "frozen chopped spinach", + "eggplant", + "ricotta cheese", + "dried parsley", + "pepper", + "vegetable oil", + "shredded mozzarella cheese", + "eggs", + "garlic powder", + "salt", + "italian seasoning" + ] + }, + { + "id": 44270, + "cuisine": "french", + "ingredients": [ + "olive oil", + "beef broth", + "black pepper", + "gruyere cheese", + "garlic cloves", + "french bread", + "chopped onion", + "dried thyme", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 11677, + "cuisine": "french", + "ingredients": [ + "duck", + "kosher salt", + "ground white pepper", + "sauterne" + ] + }, + { + "id": 32689, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "hot pepper sauce", + "chopped onion", + "olive oil", + "paprika", + "boneless skinless chicken breast halves", + "black-eyed peas", + "salt", + "sliced green onions", + "minced garlic", + "old bay seasoning", + "long-grain rice" + ] + }, + { + "id": 8901, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "lemon grass", + "firm tofu", + "ground turmeric", + "cooked rice", + "water", + "shallots", + "salad oil", + "minced garlic", + "basil leaves", + "roasted peanuts", + "sugar", + "hot chili", + "salt", + "onions" + ] + }, + { + "id": 26271, + "cuisine": "chinese", + "ingredients": [ + "ruby port", + "vegetable oil", + "shallots", + "beef tenderloin steaks", + "fresh ginger", + "butter", + "green peppercorns", + "szechwan peppercorns", + "brine" + ] + }, + { + "id": 45791, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "shredded sharp cheddar cheese", + "kosher salt", + "chicken breasts", + "cilantro leaves", + "flour tortillas", + "purple onion", + "olive oil", + "pineapple", + "bbq sauce" + ] + }, + { + "id": 29579, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "green onions", + "salt", + "bay leaf", + "cooking spray", + "vegetable gumbo", + "garlic cloves", + "dried oregano", + "fat free less sodium chicken broth", + "ground red pepper", + "all-purpose flour", + "medium shrimp", + "dried thyme", + "turkey kielbasa", + "long-grain rice", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 38898, + "cuisine": "korean", + "ingredients": [ + "golden caster sugar", + "ginger", + "garlic cloves", + "radishes", + "chinese cabbage", + "fish sauce", + "rice vinegar", + "carrots", + "spring onions", + "chili sauce" + ] + }, + { + "id": 32210, + "cuisine": "southern_us", + "ingredients": [ + "mint leaves", + "fresh lemon juice", + "rye whiskey", + "liqueur" + ] + }, + { + "id": 6943, + "cuisine": "mexican", + "ingredients": [ + "salt", + "boneless skinless chicken breasts", + "pepper", + "salsa", + "lime wedges" + ] + }, + { + "id": 29738, + "cuisine": "thai", + "ingredients": [ + "sticky rice" + ] + }, + { + "id": 562, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "rome apples", + "light brown sugar", + "butter", + "granulated sugar", + "sundae syrup", + "granny smith apples", + "all-purpose flour" + ] + }, + { + "id": 23578, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "sauce mix", + "onions", + "shredded cheddar cheese", + "lean ground beef", + "sliced black olives" + ] + }, + { + "id": 37640, + "cuisine": "indian", + "ingredients": [ + "fresh spinach", + "chili paste", + "salt", + "onions", + "fresh ginger", + "vegetable oil", + "lemon juice", + "sugar", + "extra firm tofu", + "garlic cloves", + "ground cumin", + "tumeric", + "garam masala", + "vegetable broth", + "coconut milk" + ] + }, + { + "id": 46968, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "capicola", + "dried apricot", + "kalamata", + "soppressata", + "fish", + "smoked salmon", + "almonds", + "parmigiano reggiano cheese", + "asiago", + "cornichons", + "shrimp", + "tomatoes", + "manchego cheese", + "dijon mustard", + "meat", + "extra-virgin olive oil", + "freshly ground pepper", + "pears", + "breadstick", + "prosciutto", + "artichok heart marin", + "sea salt", + "cheese", + "pickled vegetables" + ] + }, + { + "id": 23047, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "chicken meat", + "okra", + "serrano peppers", + "salt", + "bok choy", + "poblano peppers", + "garlic", + "beef sausage", + "leeks", + "meat bones", + "oregano" + ] + }, + { + "id": 15554, + "cuisine": "filipino", + "ingredients": [ + "fruit cocktail", + "Nestle Table Cream", + "shredded cheddar cheese", + "sugar", + "sweetened condensed milk", + "pineapple" + ] + }, + { + "id": 22578, + "cuisine": "japanese", + "ingredients": [ + "baking powder", + "granulated sugar", + "all-purpose flour", + "milk", + "vanilla extract", + "large eggs" + ] + }, + { + "id": 7908, + "cuisine": "indian", + "ingredients": [ + "leaves", + "jeera", + "salt", + "garam masala", + "cooked rice", + "oil" + ] + }, + { + "id": 16062, + "cuisine": "french", + "ingredients": [ + "chopped fresh thyme", + "goat cheese", + "corn oil", + "whipping cream", + "shallots", + "salt", + "cracked black pepper" + ] + }, + { + "id": 25676, + "cuisine": "brazilian", + "ingredients": [ + "sweetened condensed milk", + "butter", + "whole cloves", + "sweetened coconut flakes" + ] + }, + { + "id": 7715, + "cuisine": "southern_us", + "ingredients": [ + "ground ginger", + "water", + "large eggs", + "salt", + "molasses", + "baking soda", + "dried apple", + "light brown sugar", + "cider vinegar", + "unsalted butter", + "apple cider", + "ground cloves", + "mace", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 48435, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "low sodium chicken broth", + "diced tomatoes", + "dried oregano", + "garlic powder", + "boneless skinless chicken breasts", + "fresh parsley", + "kale", + "cannellini beans", + "salt", + "chili flakes", + "zucchini", + "red pepper", + "onions" + ] + }, + { + "id": 41311, + "cuisine": "chinese", + "ingredients": [ + "broccolini", + "low sodium chicken broth", + "cilantro sprigs", + "medium shrimp", + "reduced sodium soy sauce", + "rice wine", + "ground white pepper", + "fresh ginger", + "chives", + "corn starch", + "dried mushrooms", + "water chestnuts", + "wonton wrappers", + "toasted sesame oil" + ] + }, + { + "id": 38033, + "cuisine": "italian", + "ingredients": [ + "kahlúa", + "water", + "mascarpone", + "semi-sweet chocolate morsels", + "brandy", + "instant espresso powder", + "whipping cream", + "biscuits", + "chocolate leaves", + "ground nutmeg", + "vanilla extract", + "sugar", + "large egg yolks", + "dark rum" + ] + }, + { + "id": 6469, + "cuisine": "irish", + "ingredients": [ + "water", + "flour", + "cayenne pepper", + "bay leaf", + "cold water", + "pig feet", + "chopped celery", + "split peas", + "white bread", + "potatoes", + "salt", + "carrots", + "dried thyme", + "butter", + "chopped onion" + ] + }, + { + "id": 16348, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "creole seasoning", + "soy sauce", + "lemon wedge", + "fresh parsley", + "honey", + "cayenne pepper", + "large shrimp", + "french bread", + "fresh lemon juice" + ] + }, + { + "id": 7817, + "cuisine": "indian", + "ingredients": [ + "tomato sauce", + "fresh ginger", + "ground cardamom", + "onions", + "curry powder", + "hot pepper", + "cinnamon sticks", + "ground cumin", + "ground cloves", + "vinegar", + "mustard seeds", + "boneless skinless chicken breast halves", + "olive oil", + "garlic cloves", + "fresh parsley" + ] + }, + { + "id": 19270, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "cream cheese, soften", + "fontina cheese", + "garlic", + "parmesan cheese", + "sour cream", + "crawfish", + "roast red peppers, drain" + ] + }, + { + "id": 42734, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "gingerroot", + "red bell pepper", + "boneless skinless chicken breasts", + "carrots", + "noodles", + "broccoli florets", + "garlic cloves", + "onions", + "sugar", + "fresh mushrooms", + "corn starch", + "Progresso™ Chicken Broth" + ] + }, + { + "id": 43504, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "sour cream", + "ground cumin", + "salt", + "boneless skinless chicken breast halves", + "green onions", + "corn tortillas", + "pepper", + "salsa", + "chopped cilantro fresh" + ] + }, + { + "id": 3318, + "cuisine": "chinese", + "ingredients": [ + "avocado", + "herbs", + "greens", + "water", + "scallions", + "chili flakes", + "ginger", + "rice paper", + "organic chicken", + "lemon juice" + ] + }, + { + "id": 15698, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ginger", + "leftover steak", + "green onions", + "broccoli", + "toasted sesame seeds", + "water", + "garlic", + "onions", + "sugar", + "chili oil", + "oyster sauce" + ] + }, + { + "id": 28795, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "toasted baguette", + "garlic cloves", + "chopped fresh mint", + "capers", + "fish stock", + "crushed red pepper", + "flat leaf parsley", + "green olives", + "ground black pepper", + "garlic", + "toasted pine nuts", + "fish fillets", + "diced tomatoes", + "salt", + "onions" + ] + }, + { + "id": 19436, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "cilantro stems", + "onions", + "lime", + "garlic", + "pepper", + "extra-virgin olive oil", + "long grain white rice", + "chicken broth", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 7236, + "cuisine": "moroccan", + "ingredients": [ + "dried currants", + "crushed red pepper", + "chopped cilantro fresh", + "collard greens", + "olive oil", + "garlic cloves", + "ground cinnamon", + "water", + "chopped onion", + "ground cumin", + "sausage links", + "unsalted butter", + "couscous" + ] + }, + { + "id": 15232, + "cuisine": "spanish", + "ingredients": [ + "sherry vinegar", + "freshly ground pepper", + "olive oil", + "salt", + "spanish onion", + "garlic", + "yukon gold", + "round loaf", + "large eggs", + "frisee" + ] + }, + { + "id": 23064, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "grated parmesan cheese", + "salt", + "tomatoes", + "part-skim mozzarella cheese", + "onion powder", + "dried oregano", + "frozen chopped spinach", + "dried basil", + "lasagna noodles, cooked and drained", + "fresh basil leaves", + "vegetable oil cooking spray", + "garlic powder", + "ricotta cheese" + ] + }, + { + "id": 40172, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "ground cloves", + "large eggs", + "heavy cream", + "ground ginger", + "mace", + "all purpose unbleached flour", + "grated nutmeg", + "blackstrap molasses", + "granulated sugar", + "whipped cream", + "ground cardamom", + "pie crust", + "orange", + "sweet potatoes", + "sea salt" + ] + }, + { + "id": 39718, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "fresh shiitake mushrooms", + "oyster sauce", + "mung bean sprouts", + "Shaoxing wine", + "garlic", + "ground white pepper", + "snow peas", + "soy sauce", + "sesame oil", + "carrots", + "noodles", + "dark soy sauce", + "shredded cabbage", + "scallions", + "red bell pepper", + "canola oil" + ] + }, + { + "id": 16179, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "soy sauce", + "vegetable oil", + "cut up chicken", + "brown sugar", + "water", + "green pepper", + "pineapple chunks", + "ketchup", + "pineapple juice", + "chicken bouillon granules", + "sugar", + "vinegar", + "corn starch" + ] + }, + { + "id": 5473, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "granny smith apples", + "unsalted butter", + "raisins", + "all-purpose flour", + "fresh lemon juice", + "ground cinnamon", + "superfine sugar", + "potato bread", + "crust", + "light rum", + "crumb crust", + "water", + "old-fashioned oats", + "apples", + "grated lemon zest", + "corn starch", + "vanilla ice cream", + "ground nutmeg", + "golden delicious apples", + "salt", + "sauce" + ] + }, + { + "id": 49653, + "cuisine": "mexican", + "ingredients": [ + "bay leaves", + "hot sauce", + "dried oregano", + "water", + "bacon slices", + "garlic cloves", + "black pepper", + "dried pinto beans", + "beer", + "minced onion", + "salt", + "onions" + ] + }, + { + "id": 6635, + "cuisine": "italian", + "ingredients": [ + "salt pork", + "sweet sherry", + "rabbit" + ] + }, + { + "id": 48407, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "spaghetti", + "tomato sauce", + "ricotta cheese", + "grated parmesan cheese", + "olive oil", + "salt" + ] + }, + { + "id": 7179, + "cuisine": "southern_us", + "ingredients": [ + "bananas", + "yellow food coloring", + "corn starch", + "large egg yolks", + "cooking spray", + "whipped topping", + "low fat graham cracker crumbs", + "large eggs", + "vanilla extract", + "sugar", + "reduced fat milk", + "margarine" + ] + }, + { + "id": 16659, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "vegetable oil", + "cilantro leaves", + "monterey jack", + "pepper", + "garlic", + "sour cream", + "white onion", + "tomatillos", + "roasting chickens", + "ground cumin", + "jalapeno chilies", + "salt", + "corn tortillas" + ] + }, + { + "id": 20467, + "cuisine": "mexican", + "ingredients": [ + "poblano chilies", + "chopped cilantro fresh", + "tomatillos", + "fresh lime juice", + "red potato", + "cilantro sprigs", + "ground cumin", + "green onions", + "sour cream" + ] + }, + { + "id": 32429, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "jalapeno chilies", + "salt", + "garlic powder", + "chili powder", + "cream cheese", + "corn kernels", + "green onions", + "tortilla chips", + "tomatoes", + "Mexican cheese blend", + "cilantro" + ] + }, + { + "id": 46227, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "feta cheese", + "cubed pumpkin", + "pepper", + "garlic", + "baby spinach leaves", + "vegetable broth", + "onions", + "olive oil", + "salt" + ] + }, + { + "id": 41583, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "boneless skinless chicken", + "toasted sesame oil", + "soy sauce", + "cooking oil", + "chow mein noodles", + "hoisin sauce", + "broccoli", + "water", + "sweet pepper", + "corn starch" + ] + }, + { + "id": 19978, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "cooking oil", + "lime", + "salt", + "water", + "granulated white sugar", + "soy sauce", + "pork chops", + "onions" + ] + }, + { + "id": 7160, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "cinnamon", + "honey", + "salt", + "crushed cornflakes", + "butter", + "vanilla ice cream", + "cool whip" + ] + }, + { + "id": 40115, + "cuisine": "greek", + "ingredients": [ + "grapes", + "celery", + "boneless skinless chicken breasts", + "nonfat greek yogurt", + "slivered almonds", + "apples" + ] + }, + { + "id": 21969, + "cuisine": "french", + "ingredients": [ + "chicken broth", + "leeks", + "all-purpose flour", + "chicken leg quarters", + "thick-cut bacon", + "kosher salt", + "button mushrooms", + "garlic cloves", + "thyme sprigs", + "parsley sprigs", + "shallots", + "freshly ground pepper", + "chopped parsley", + "tomato paste", + "unsalted butter", + "pinot noir", + "carrots", + "bay leaf" + ] + }, + { + "id": 915, + "cuisine": "mexican", + "ingredients": [ + "mint", + "lime juice", + "garlic", + "lime zest", + "pepper", + "shallots", + "chopped cilantro", + "sugar", + "rum", + "salt", + "avocado", + "tilapia fillets", + "whole wheat tortillas" + ] + }, + { + "id": 13132, + "cuisine": "greek", + "ingredients": [ + "pepper", + "salt", + "ground lamb", + "green bell pepper", + "dried mint flakes", + "onions", + "large eggs", + "fresh parsley", + "tomato sauce", + "quick-cooking oats", + "dried oregano" + ] + }, + { + "id": 5340, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "cayenne", + "vegetable oil", + "fresh lime juice", + "coriander seeds", + "boneless skinless chicken breasts", + "cumin seed", + "fresh ginger", + "whole milk yoghurt", + "salt", + "ground turmeric", + "garam masala", + "lime wedges", + "garlic cloves" + ] + }, + { + "id": 21899, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "okra", + "baking soda", + "salt", + "buttermilk", + "white cornmeal", + "large eggs", + "peanut oil" + ] + }, + { + "id": 2758, + "cuisine": "moroccan", + "ingredients": [ + "pinenuts", + "fresh lemon juice", + "couscous", + "tomatoes", + "salt", + "fresh mint", + "preserved lemon", + "freshly ground pepper", + "flat leaf parsley", + "Belgian endive", + "olive oil", + "hot water" + ] + }, + { + "id": 24139, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "bay leaves", + "red wine vinegar", + "olive oil", + "chicken parts", + "salt", + "pepper", + "golden raisins", + "pitted green olives", + "garlic powder", + "dry white wine", + "fresh oregano" + ] + }, + { + "id": 29714, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "vanilla extract", + "pastry", + "almond extract", + "confectioners sugar", + "sugar", + "pistachios", + "salt", + "large egg whites", + "macarons" + ] + }, + { + "id": 32971, + "cuisine": "japanese", + "ingredients": [ + "white wine", + "low sodium chicken broth", + "scallions", + "boneless chop pork", + "fresh ginger", + "cilantro leaves", + "canola oil", + "soy sauce", + "kosher salt", + "ramen noodles", + "carrots", + "black pepper", + "radishes", + "rice vinegar" + ] + }, + { + "id": 35981, + "cuisine": "indian", + "ingredients": [ + "cooked rice", + "crushed tomatoes", + "jalapeno chilies", + "ground coriander", + "boneless chicken skinless thigh", + "garam masala", + "heavy cream", + "onions", + "sugar", + "fresh ginger", + "butter", + "chopped cilantro", + "kosher salt", + "nonfat plain greek yogurt", + "garlic", + "ground cumin" + ] + }, + { + "id": 22327, + "cuisine": "italian", + "ingredients": [ + "warm water", + "dry yeast", + "all-purpose flour", + "vegetable oil cooking spray", + "water", + "poppy seeds", + "skim milk", + "egg whites", + "sugar", + "olive oil", + "salt" + ] + }, + { + "id": 46030, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "ravioli", + "marinara sauce", + "bread", + "Italian cheese blend" + ] + }, + { + "id": 43128, + "cuisine": "chinese", + "ingredients": [ + "sake", + "white onion", + "corn starch", + "white pepper", + "oyster sauce", + "soy sauce", + "boneless skinless chicken breasts", + "frozen peas and carrots", + "black pepper", + "oil" + ] + }, + { + "id": 46686, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "heavy cream", + "sharp cheddar cheese", + "low sodium chicken broth", + "salt", + "broccoli florets", + "garlic", + "thick-cut bacon", + "diced onions", + "boneless skinless chicken breasts", + "penne pasta" + ] + }, + { + "id": 27824, + "cuisine": "brazilian", + "ingredients": [ + "green olives", + "chopped tomatoes", + "salt", + "white vinegar", + "hearts of palm", + "flour", + "yeast", + "skim milk", + "grated parmesan cheese", + "oil", + "eggs", + "corn", + "green peas", + "canola oil" + ] + }, + { + "id": 39214, + "cuisine": "filipino", + "ingredients": [ + "white vinegar", + "olive oil", + "onions", + "soy sauce", + "garlic", + "tomatoes", + "salt and ground black pepper", + "water", + "squid" + ] + }, + { + "id": 27395, + "cuisine": "french", + "ingredients": [ + "bay leaves", + "pears", + "sugar", + "muscat", + "fresh lemon juice", + "red beets", + "cinnamon sticks" + ] + }, + { + "id": 11914, + "cuisine": "french", + "ingredients": [ + "water", + "semisweet chocolate", + "whiskey", + "sugar", + "unsalted butter", + "corn starch", + "vanilla beans", + "large eggs", + "unsweetened cocoa powder", + "powdered sugar", + "milk", + "whipping cream" + ] + }, + { + "id": 36098, + "cuisine": "vietnamese", + "ingredients": [ + "pandanus leaf", + "large eggs", + "extract", + "tapioca starch", + "coconut cream", + "sugar", + "baking powder" + ] + }, + { + "id": 47621, + "cuisine": "italian", + "ingredients": [ + "red lentils", + "water", + "garlic", + "onions", + "tomato sauce", + "zucchini", + "salt", + "dried oregano", + "fresh tomatoes", + "dried basil", + "chopped celery", + "long grain white rice", + "pepper", + "vegetable oil", + "carrots", + "ground cumin" + ] + }, + { + "id": 24965, + "cuisine": "spanish", + "ingredients": [ + "Spanish olives", + "parsley", + "olive oil", + "bread", + "hard salami" + ] + }, + { + "id": 37773, + "cuisine": "brazilian", + "ingredients": [ + "lime juice", + "cachaca", + "kumquats", + "sugar", + "ice" + ] + }, + { + "id": 7724, + "cuisine": "italian", + "ingredients": [ + "pepper", + "garlic", + "grated parmesan cheese", + "pinenuts", + "loosely packed fresh basil leaves", + "olive oil" + ] + }, + { + "id": 32486, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "black pepper", + "bell pepper", + "oil", + "ground turmeric", + "chat masala", + "garam masala", + "salt", + "onions", + "ajwain", + "coriander powder", + "curds", + "bamboo shoots", + "garlic paste", + "amchur", + "paneer", + "jeera" + ] + }, + { + "id": 42545, + "cuisine": "italian", + "ingredients": [ + "italian tomatoes", + "bow-tie pasta", + "crumbled gorgonzola", + "fontina cheese", + "milk", + "fresh parsley leaves", + "mozzarella cheese", + "all-purpose flour", + "romano cheese", + "unsalted butter", + "juice" + ] + }, + { + "id": 48975, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chicken breasts", + "corn starch", + "eggs", + "Sriracha", + "rice vinegar", + "orange zest", + "orange", + "garlic", + "chicken", + "sugar", + "self rising flour", + "oil" + ] + }, + { + "id": 14415, + "cuisine": "irish", + "ingredients": [ + "cake flour", + "buttermilk", + "baking soda", + "all-purpose flour", + "salt" + ] + }, + { + "id": 30271, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "worcestershire sauce", + "corn grits", + "unsalted butter", + "fresh lemon juice", + "hot pepper sauce", + "dark beer", + "fresh rosemary", + "whole milk", + "medium shrimp" + ] + }, + { + "id": 47836, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "garam masala", + "salt", + "juice", + "methi", + "curry powder", + "chili powder", + "meat bones", + "ghee", + "pepper", + "coriander powder", + "cilantro leaves", + "carrots", + "ground cumin", + "ginger purée", + "chopped tomatoes", + "lamb shoulder", + "garlic puree", + "onions" + ] + }, + { + "id": 34053, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "salt", + "Alfredo sauce", + "jumbo pasta shells", + "shredded cheddar cheese", + "shredded parmesan cheese", + "cooked chicken", + "broccoli" + ] + }, + { + "id": 26325, + "cuisine": "italian", + "ingredients": [ + "water", + "black olives", + "red bell pepper", + "low-fat bottled italian dressing", + "pepperocini", + "artichoke hearts", + "purple onion", + "salad", + "grated parmesan cheese", + "ham" + ] + }, + { + "id": 8641, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "quinoa", + "black beans", + "Mexican cheese", + "tortillas" + ] + }, + { + "id": 26335, + "cuisine": "indian", + "ingredients": [ + "Mazola Corn Oil", + "almonds", + "butter", + "cubed beef", + "ground cumin", + "tumeric", + "coriander powder", + "salt", + "boiling water", + "red chili peppers", + "yoghurt", + "cardamom", + "ginger paste", + "garlic paste", + "garam masala", + "kasuri methi", + "onions" + ] + }, + { + "id": 21675, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "tuna steaks", + "oregano", + "cooking spray", + "fresh lemon juice", + "kosher salt", + "extra-virgin olive oil" + ] + }, + { + "id": 36141, + "cuisine": "irish", + "ingredients": [ + "shallots", + "mint sprigs", + "leg of lamb", + "fresh rosemary", + "vegetable oil", + "fresh tarragon", + "low salt chicken broth", + "dry white wine", + "butter", + "chopped fresh sage", + "chopped fresh mint", + "parsley sprigs", + "chopped fresh thyme", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 44397, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "cream", + "paneer", + "oil", + "ghee", + "white pepper", + "garam masala", + "green chilies", + "cinnamon sticks", + "cashew nuts", + "clove", + "plain yogurt", + "poppy seeds", + "kewra water", + "bay leaf", + "shahi jeera", + "sugar", + "vegetables", + "salt", + "ground cardamom", + "onions" + ] + }, + { + "id": 11032, + "cuisine": "french", + "ingredients": [ + "sugar", + "fresh lime juice", + "watermelon", + "water", + "cantaloupe" + ] + }, + { + "id": 8262, + "cuisine": "greek", + "ingredients": [ + "greek seasoning", + "boneless skinless chicken breasts", + "coconut oil", + "lemon" + ] + }, + { + "id": 28900, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "lemongrass", + "shallots", + "rice vermicelli", + "garlic cloves", + "pork shoulder", + "water", + "hot chili", + "daikon", + "cilantro leaves", + "fresh mint", + "sliced green onions", + "soy sauce", + "pickled carrots", + "marinade", + "garlic", + "cucumber", + "fresh basil leaves", + "fish sauce", + "lime juice", + "ground black pepper", + "crushed red pepper flakes", + "rice vinegar", + "toasted sesame oil" + ] + }, + { + "id": 26864, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "chicken breasts", + "enchilada sauce", + "tortillas", + "taco seasoning", + "cheese" + ] + }, + { + "id": 34028, + "cuisine": "french", + "ingredients": [ + "molasses", + "whipped cream", + "ground cinnamon", + "large eggs", + "salt", + "sugar", + "butter", + "all-purpose flour", + "ground ginger", + "milk", + "vanilla extract" + ] + }, + { + "id": 9808, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "baking soda", + "buttermilk", + "salted butter", + "all purpose unbleached flour", + "half & half", + "salt" + ] + }, + { + "id": 29963, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "flour", + "salt", + "bay leaf", + "chicken", + "water", + "parsley", + "carrots", + "onions", + "minced garlic", + "whole milk", + "ham", + "chicken base", + "broccoli florets", + "butter", + "celery", + "frozen peas" + ] + }, + { + "id": 1760, + "cuisine": "chinese", + "ingredients": [ + "water", + "corn starch", + "chicken breasts", + "self rising flour", + "sugar", + "salt" + ] + }, + { + "id": 19245, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "meat", + "thyme", + "boiling potatoes", + "leaves", + "salt", + "celery", + "water", + "butter", + "coconut milk", + "fresh basil", + "flour", + "carrots", + "onions" + ] + }, + { + "id": 35061, + "cuisine": "indian", + "ingredients": [ + "sugar", + "coriander seeds", + "shallots", + "tamarind paste", + "canola oil", + "green chile", + "fresh ginger", + "low sodium chicken broth", + "all-purpose flour", + "garlic cloves", + "fillet red snapper", + "ground black pepper", + "extra-virgin olive oil", + "rice", + "coconut", + "large eggs", + "salt", + "cumin seed" + ] + }, + { + "id": 48219, + "cuisine": "japanese", + "ingredients": [ + "sushi rice", + "water", + "nori", + "wasabi", + "salmon", + "chives", + "gari", + "sesame seeds", + "dark soy sauce", + "pepper", + "rice wine" + ] + }, + { + "id": 19156, + "cuisine": "mexican", + "ingredients": [ + "frozen pie crust", + "bell pepper", + "salt", + "pepper", + "lean ground beef", + "oregano", + "black beans", + "chili powder", + "onions", + "shredded cheddar cheese", + "garlic", + "cumin" + ] + }, + { + "id": 8634, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "canola oil", + "tomatoes", + "yellow onion", + "chicken stock", + "garlic", + "kosher salt", + "long grain white rice" + ] + }, + { + "id": 19920, + "cuisine": "irish", + "ingredients": [ + "eggs", + "granulated sugar", + "instant coffee", + "chopped walnuts", + "milk", + "Irish whiskey", + "vanilla", + "powdered sugar", + "brewed coffee", + "butter", + "unsweetened cocoa powder", + "baking soda", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 25572, + "cuisine": "french", + "ingredients": [ + "sugar", + "unsalted butter", + "salt", + "fresh lemon juice", + "honey", + "baking powder", + "strawberries", + "ground cloves", + "large eggs", + "all-purpose flour", + "grated lemon peel", + "powdered sugar", + "large egg yolks", + "vanilla extract", + "chopped walnuts" + ] + }, + { + "id": 40914, + "cuisine": "thai", + "ingredients": [ + "olive oil", + "rice noodles", + "cilantro leaves", + "water", + "chicken breasts", + "crushed red pepper", + "fresh lime juice", + "lower sodium chicken broth", + "peeled fresh ginger", + "garlic", + "bok choy", + "lemongrass", + "shallots", + "salt", + "fresh basil leaves" + ] + }, + { + "id": 35216, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "refrigerated piecrusts", + "pepper jack", + "onions", + "olive oil", + "garlic", + "eggs", + "beef brisket", + "cumin" + ] + }, + { + "id": 17859, + "cuisine": "italian", + "ingredients": [ + "artichoke hearts", + "balsamic vinegar", + "pitted kalamata olives", + "minced onion", + "olive oil", + "zucchini", + "fresh basil", + "roasted red peppers", + "diced tomatoes" + ] + }, + { + "id": 11432, + "cuisine": "italian", + "ingredients": [ + "salt", + "corn kernels", + "heavy whipping cream", + "butter", + "polenta", + "low salt chicken broth" + ] + }, + { + "id": 38723, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "chinese five-spice powder", + "low sodium soy sauce", + "teas", + "eggs", + "star anise", + "clove", + "water", + "cinnamon sticks" + ] + }, + { + "id": 32868, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "worcestershire sauce", + "long-grain rice", + "large shrimp", + "fat free less sodium chicken broth", + "cooking spray", + "hot sauce", + "sausages", + "tomato paste", + "chopped green bell pepper", + "chopped celery", + "garlic cloves", + "dried thyme", + "green onions", + "chopped onion", + "dried oregano" + ] + }, + { + "id": 8958, + "cuisine": "french", + "ingredients": [ + "chicken stock", + "artichoke hearts", + "pearl onions", + "butter", + "olive oil", + "minced garlic", + "fresh peas" + ] + }, + { + "id": 48844, + "cuisine": "mexican", + "ingredients": [ + "coffee granules", + "vanilla extract", + "unsweetened cocoa powder", + "eggs", + "baking powder", + "all-purpose flour", + "ground cinnamon", + "granulated sugar", + "salt", + "powdered sugar", + "vegetable oil", + "cayenne pepper" + ] + }, + { + "id": 35931, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "steamed rice", + "red pepper flakes", + "minced garlic", + "boneless skinless chicken breasts", + "crushed pineapple", + "soy sauce", + "jamaican jerk season", + "cilantro", + "cold water", + "water", + "apple cider vinegar", + "corn starch" + ] + }, + { + "id": 40371, + "cuisine": "vietnamese", + "ingredients": [ + "lettuce leaves", + "sauce", + "granny smith apples", + "cilantro leaves", + "carrots", + "french fried onions", + "english cucumber", + "mint leaves", + "dried rice noodles", + "rice paper" + ] + }, + { + "id": 13083, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "grated parmesan cheese", + "fresh oregano", + "fresh basil", + "olive oil", + "crushed red pepper", + "fresh rosemary", + "minced garlic", + "chopped fresh thyme", + "plum tomatoes", + "capers", + "tawny port", + "penne pasta" + ] + }, + { + "id": 44475, + "cuisine": "irish", + "ingredients": [ + "fresh dill", + "cooking spray", + "olive oil", + "salt", + "salmon fillets", + "lemon", + "ground black pepper", + "grated lemon zest" + ] + }, + { + "id": 32390, + "cuisine": "mexican", + "ingredients": [ + "potatoes", + "red enchilada sauce", + "pepper", + "garlic", + "ground cumin", + "chili powder", + "monterey jack", + "flour tortillas", + "salt" + ] + }, + { + "id": 49039, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "all-purpose flour", + "buttermilk", + "salt", + "baking powder" + ] + }, + { + "id": 1896, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "lime", + "salt", + "avocado", + "cilantro stems", + "roma tomatoes", + "onions" + ] + }, + { + "id": 48261, + "cuisine": "italian", + "ingredients": [ + "milk", + "garlic cloves", + "dried oregano", + "green bell pepper", + "butter", + "onions", + "ground cumin", + "tomato sauce", + "shredded sharp cheddar cheese", + "spaghetti", + "eggs", + "chili powder", + "sausages", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 43247, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "lapsang", + "water", + "half & half" + ] + }, + { + "id": 3115, + "cuisine": "cajun_creole", + "ingredients": [ + "red kidney beans", + "ground black pepper", + "sea salt", + "thyme", + "bay leaf", + "olive oil", + "dried sage", + "cayenne pepper", + "red bell pepper", + "lean ground turkey", + "low sodium chicken broth", + "garlic", + "long grain brown rice", + "dried oregano", + "garlic powder", + "red pepper flakes", + "diced yellow onion", + "celery" + ] + }, + { + "id": 37284, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "taco seasoning", + "black beans", + "purple onion", + "garlic", + "shredded cheese", + "fresh cilantro", + "frozen corn kernels" + ] + }, + { + "id": 228, + "cuisine": "indian", + "ingredients": [ + "green chilies", + "mint leaves", + "lemon juice", + "peanuts", + "cumin seed", + "salt", + "coriander" + ] + }, + { + "id": 20725, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "thyme", + "salt", + "fingerling potatoes", + "pepper", + "lemon juice" + ] + }, + { + "id": 35669, + "cuisine": "vietnamese", + "ingredients": [ + "unsalted chicken stock", + "shallots", + "ground black pepper", + "garlic", + "fish sauce", + "vegetable oil", + "catfish fillets", + "green onions", + "caramel sauce" + ] + }, + { + "id": 11034, + "cuisine": "british", + "ingredients": [ + "plain flour", + "ground nutmeg", + "black pepper", + "salt", + "cauliflower", + "milk", + "oil", + "cheddar cheese", + "butter" + ] + }, + { + "id": 27278, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "peaches", + "light brown sugar", + "honey", + "vanilla bean ice cream", + "lime", + "mint sprigs", + "ground ginger", + "olive oil" + ] + }, + { + "id": 9227, + "cuisine": "thai", + "ingredients": [ + "head on shrimp", + "radishes", + "shallots", + "beansprouts", + "chile powder", + "peanuts", + "large eggs", + "rice noodles", + "asian fish sauce", + "white vinegar", + "minced garlic", + "extra firm tofu", + "lime wedges", + "dried shrimp", + "garlic chives", + "palm sugar", + "shrimp paste", + "tamarind concentrate", + "canola oil" + ] + }, + { + "id": 34421, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "salt", + "red chili peppers", + "bay leaves", + "dried oregano", + "dried thyme", + "paprika", + "black-eyed peas", + "garlic cloves" + ] + }, + { + "id": 79, + "cuisine": "korean", + "ingredients": [ + "clams", + "soy sauce", + "sesame seeds", + "sesame oil", + "rice flour", + "eggs", + "water", + "flour", + "red pepper", + "mussels", + "minced garlic", + "vinegar", + "vegetable oil", + "sugar", + "oysters", + "green onions", + "scallions" + ] + }, + { + "id": 1284, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "lemon", + "water" + ] + }, + { + "id": 41504, + "cuisine": "vietnamese", + "ingredients": [ + "mint", + "water", + "lemon", + "pork shoulder", + "butter lettuce", + "ground black pepper", + "garlic", + "fish sauce", + "olive oil", + "rice vermicelli", + "sugar", + "chili paste", + "carrots" + ] + }, + { + "id": 20354, + "cuisine": "thai", + "ingredients": [ + "firmly packed brown sugar", + "chicken tenderloin", + "cucumber", + "lime", + "cilantro leaves", + "black pepper", + "salt", + "chillies", + "steamed rice", + "garlic cloves" + ] + }, + { + "id": 2181, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "linguine", + "garlic cloves", + "soy sauce", + "sesame oil", + "peanut butter", + "brown sugar", + "cooked chicken", + "rice vinegar", + "carrots", + "minced ginger", + "Tabasco Pepper Sauce", + "scallions" + ] + }, + { + "id": 31640, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "green onions", + "sugar", + "sesame seeds", + "kiwi fruits", + "soy sauce", + "beef", + "onions", + "minced garlic", + "sesame oil" + ] + }, + { + "id": 25570, + "cuisine": "filipino", + "ingredients": [ + "sake", + "pepper", + "shiitake", + "sesame oil", + "garlic cloves", + "pork", + "milk", + "flour", + "salt", + "corn starch", + "sugar", + "water", + "instant yeast", + "vegetable shortening", + "oyster sauce", + "soy sauce", + "fresh ginger", + "baking powder", + "chinese cabbage" + ] + }, + { + "id": 35938, + "cuisine": "french", + "ingredients": [ + "granny smith apples", + "curly endive", + "red wine vinegar", + "arugula", + "shallots", + "walnut oil", + "chestnuts", + "extra-virgin olive oil" + ] + }, + { + "id": 23582, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "milk", + "sauce", + "green chile", + "tomatillos", + "chopped cilantro fresh", + "single crust pie", + "ground black pepper", + "red bell pepper", + "pastry", + "salt", + "monterey jack" + ] + }, + { + "id": 30979, + "cuisine": "southern_us", + "ingredients": [ + "chicken legs", + "dijon mustard", + "kosher salt", + "apple cider vinegar", + "brown sugar", + "Sriracha", + "ground black pepper", + "worcestershire sauce" + ] + }, + { + "id": 16740, + "cuisine": "mexican", + "ingredients": [ + "butter", + "mushrooms", + "sour cream", + "jalapeno chilies", + "cilantro leaves", + "wheat", + "monterey jack" + ] + }, + { + "id": 43415, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "leeks", + "garlic", + "corn starch", + "sugar", + "cooking oil", + "ginger", + "Maggi", + "dark soy sauce", + "water", + "sesame oil", + "salt", + "soy sauce", + "Shaoxing wine", + "beef tenderloin", + "oyster sauce" + ] + }, + { + "id": 40485, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "anchovy fillets", + "capers", + "fine sea salt", + "cornichons", + "white sandwich bread", + "Italian parsley leaves", + "white wine vinegar" + ] + }, + { + "id": 17633, + "cuisine": "italian", + "ingredients": [ + "sugar", + "almond extract", + "apricot preserves", + "large eggs", + "all-purpose flour", + "unsalted butter", + "vanilla", + "fresh lemon juice", + "lemon zest", + "salt" + ] + }, + { + "id": 7667, + "cuisine": "spanish", + "ingredients": [ + "fresh tarragon", + "olive oil", + "red wine vinegar", + "escarole" + ] + }, + { + "id": 16970, + "cuisine": "mexican", + "ingredients": [ + "unsalted butter", + "nopales", + "kosher salt", + "vegetable oil", + "onions", + "jack cheese", + "guacamole", + "poblano chiles", + "canned black beans", + "flour tortillas", + "salsa" + ] + }, + { + "id": 42556, + "cuisine": "spanish", + "ingredients": [ + "avocado", + "sea salt", + "roma tomatoes", + "tuna packed in olive oil", + "romaine lettuce", + "extra-virgin olive oil", + "balsamic vinegar", + "onions" + ] + }, + { + "id": 41124, + "cuisine": "indian", + "ingredients": [ + "butter" + ] + }, + { + "id": 27616, + "cuisine": "mexican", + "ingredients": [ + "dressing", + "fresh cilantro", + "jalapeno chilies", + "salsa", + "sour cream", + "black pepper", + "large eggs", + "cilantro leaves", + "cream cheese", + "chicken stock", + "manchego cheese", + "breakfast sausages", + "tortilla chips", + "ground cumin", + "avocado", + "kosher salt", + "cooking oil", + "sweet mini bells", + "nonstick spray" + ] + }, + { + "id": 38936, + "cuisine": "greek", + "ingredients": [ + "romaine lettuce", + "sliced black olives", + "cucumber", + "celery ribs", + "olive oil", + "purple onion", + "iceberg lettuce", + "pepper", + "bell pepper", + "dried oregano", + "tomatoes", + "feta cheese", + "dried dillweed" + ] + }, + { + "id": 36904, + "cuisine": "mexican", + "ingredients": [ + "powdered sugar", + "baking powder", + "salt", + "ground cinnamon", + "cayenne", + "butter", + "eggs", + "granulated sugar", + "vanilla", + "cocoa", + "instant coffee", + "all-purpose flour" + ] + }, + { + "id": 20161, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "cajun seasoning", + "white rice", + "shrimp", + "chicken broth", + "bay leaves", + "red pepper", + "scallions", + "dried oregano", + "celery ribs", + "olive oil", + "butter", + "salt", + "onions", + "andouille sausage", + "boneless skinless chicken breasts", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 39210, + "cuisine": "japanese", + "ingredients": [ + "fenugreek leaves", + "cumin seed", + "chopped garlic", + "salt", + "dried red chile peppers", + "chopped green chilies", + "oil", + "asafetida", + "cubed potatoes", + "ground turmeric" + ] + }, + { + "id": 7721, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "all-purpose flour", + "candied orange peel", + "large eggs", + "orange liqueur", + "unsalted butter", + "blanched almonds", + "sugar", + "baking powder" + ] + }, + { + "id": 23084, + "cuisine": "japanese", + "ingredients": [ + "chicken broth", + "bawang goreng", + "sesame oil", + "pepper", + "boneless skinless chicken breasts", + "salt", + "fish sauce", + "green onions", + "baby spinach", + "mushrooms", + "dried udon" + ] + }, + { + "id": 22174, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "granulated sugar", + "all-purpose flour", + "prunes", + "honey", + "golden raisins", + "ground ginger", + "slivered almonds", + "dried apricot", + "calimyrna figs", + "ground cinnamon", + "hazelnuts", + "cooking spray" + ] + }, + { + "id": 45384, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "ketchup", + "cayenne", + "queso fresco", + "salt", + "ground beef", + "buns", + "pepper", + "jalapeno chilies", + "cilantro", + "oil", + "oregano", + "tomato sauce", + "chili pepper", + "bell pepper", + "worcestershire sauce", + "beer", + "onions", + "cotija", + "lime juice", + "guacamole", + "garlic", + "smoked paprika", + "cumin" + ] + }, + { + "id": 44101, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "vinegar", + "onions", + "water", + "garlic", + "whole peppercorn", + "laurel leaves", + "salt", + "pork belly", + "cooking oil", + "chicken" + ] + }, + { + "id": 38520, + "cuisine": "french", + "ingredients": [ + "mustard", + "ham", + "crepes", + "butter", + "grated Gruyère cheese" + ] + }, + { + "id": 5944, + "cuisine": "british", + "ingredients": [ + "chicken broth", + "ground black pepper", + "fresh thyme leaves", + "celery", + "kosher salt", + "bay leaves", + "butter", + "frozen peas", + "milk", + "shallots", + "carrots", + "tomatoes", + "sherry", + "russet potatoes", + "ground beef" + ] + }, + { + "id": 28971, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "paprika", + "oil", + "water", + "all-purpose flour", + "fryer chickens", + "poultry seasoning", + "pepper", + "salt", + "garlic salt" + ] + }, + { + "id": 45637, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "barbecue sauce", + "red bell pepper", + "mayonaise", + "jalapeno chilies", + "whole kernel corn, drain", + "ground cumin", + "orange bell pepper", + "purple onion", + "boneless skinless chicken breast halves", + "fresh cilantro", + "jicama", + "whole wheat pasta shells" + ] + }, + { + "id": 10246, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "ground black pepper", + "oil", + "bay leaf", + "white wine", + "salt", + "carrots", + "coriander", + "cuttlefish", + "parsley", + "garlic cloves", + "onions", + "chili", + "white beans", + "shrimp" + ] + }, + { + "id": 41674, + "cuisine": "moroccan", + "ingredients": [ + "warm water", + "chopped celery", + "garlic cloves", + "canola oil", + "red lentils", + "ground red pepper", + "chickpeas", + "chopped cilantro fresh", + "saffron threads", + "peeled fresh ginger", + "salt", + "fresh parsley", + "ground cinnamon", + "mushroom broth", + "chopped onion", + "plum tomatoes" + ] + }, + { + "id": 2343, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "parmesan cheese", + "garlic", + "fresh cilantro", + "red pepper flakes", + "spaghetti", + "ground chipotle chile pepper", + "butter", + "greek yogurt", + "lime zest", + "milk", + "sea salt", + "cumin" + ] + }, + { + "id": 47009, + "cuisine": "jamaican", + "ingredients": [ + "chicken legs", + "shallots", + "salt", + "garlic cloves", + "black pepper", + "vegetable oil", + "ground allspice", + "ground cloves", + "fresh thyme leaves", + "grated nutmeg", + "ground cinnamon", + "fresh ginger", + "scotch bonnet chile", + "scallions" + ] + }, + { + "id": 40223, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "chuck roast", + "garlic", + "fresh lime juice", + "dried oregano", + "tomatoes", + "pepper", + "apple cider vinegar", + "beef broth", + "adobo sauce", + "white onion", + "bay leaves", + "salt", + "chipotle peppers", + "ground cumin", + "ground cloves", + "lime juice", + "sea salt", + "Hatch Green Chiles", + "chopped cilantro fresh" + ] + }, + { + "id": 12390, + "cuisine": "southern_us", + "ingredients": [ + "large garlic cloves", + "cherry tomatoes", + "okra", + "crushed red pepper", + "olive oil", + "shrimp" + ] + }, + { + "id": 296, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "shredded sharp cheddar cheese", + "self rising flour", + "cream", + "heavy whipping cream", + "bacon" + ] + }, + { + "id": 26988, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "green bell pepper", + "extra large shrimp", + "fresh lemon juice", + "chopped parsley", + "tomatoes", + "short-grain rice", + "garlic", + "hot water", + "frozen peas", + "chicken legs", + "ground black pepper", + "scallions", + "red bell pepper", + "chorizo sausage", + "chicken stock", + "olive oil", + "dry white wine", + "smoked paprika", + "bay leaf" + ] + }, + { + "id": 41941, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "lemon", + "fresh cilantro", + "garlic cloves", + "olive oil", + "ground cumin", + "red chili peppers", + "salt" + ] + }, + { + "id": 26656, + "cuisine": "southern_us", + "ingredients": [ + "coarse salt", + "cornmeal", + "pepper", + "hot sauce", + "salt", + "canola oil", + "egg whites", + "okra" + ] + }, + { + "id": 43071, + "cuisine": "japanese", + "ingredients": [ + "melted butter", + "paprika", + "water", + "white sugar", + "mayonaise", + "cayenne pepper", + "tomato paste", + "garlic powder" + ] + }, + { + "id": 26106, + "cuisine": "southern_us", + "ingredients": [ + "ice cubes", + "bay leaves", + "worcestershire sauce", + "celery ribs", + "crawfish", + "lemon", + "fresh lemon juice", + "clove", + "hot pepper sauce", + "large garlic cloves", + "onions", + "cream", + "lemon wedge", + "chili sauce" + ] + }, + { + "id": 49034, + "cuisine": "indian", + "ingredients": [ + "sugar", + "chili powder", + "cilantro leaves", + "mustard seeds", + "curry leaves", + "coriander powder", + "garlic", + "cumin seed", + "ground turmeric", + "amchur", + "ginger", + "green chilies", + "boiling potatoes", + "tomatoes", + "shredded cabbage", + "salt", + "oil" + ] + }, + { + "id": 47794, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "sea bass fillets", + "brown sugar", + "mirin", + "fresh basil", + "yellow miso", + "sake", + "green onions" + ] + }, + { + "id": 31811, + "cuisine": "french", + "ingredients": [ + "large eggs", + "fresh tarragon", + "celery ribs", + "baby spinach", + "carrots", + "leeks", + "lentils", + "olive oil", + "red wine vinegar", + "thick-cut bacon" + ] + }, + { + "id": 15668, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "garlic chili sauce", + "wonton wrappers", + "toasted sesame oil", + "fresh ginger", + "ground turkey", + "scallions" + ] + }, + { + "id": 23536, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "salt", + "red mustard", + "chopped fresh chives", + "goat cheese", + "parmigiano reggiano cheese", + "all-purpose flour", + "flat leaf parsley", + "romaine lettuce", + "heavy cream", + "mesclun" + ] + }, + { + "id": 9971, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "chicken breast halves", + "corn tortillas", + "chiles", + "cilantro leaves", + "onions", + "chicken broth", + "vegetable oil", + "fresh lime juice", + "water", + "garlic cloves" + ] + }, + { + "id": 43838, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "yellow onion", + "ground cumin", + "ground chuck", + "ground black pepper", + "ground coriander", + "ground cinnamon", + "sun-dried tomatoes", + "ground allspice", + "aleppo pepper", + "dried mint flakes", + "chopped parsley" + ] + }, + { + "id": 24210, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped green bell pepper", + "yellow bell pepper", + "cayenne pepper", + "lemon juice", + "soy sauce", + "butter", + "lemon slices", + "garlic cloves", + "cream of shrimp soup", + "parsley sprigs", + "dry white wine", + "salt", + "long-grain rice", + "red bell pepper", + "grated parmesan cheese", + "purple onion", + "okra", + "shrimp" + ] + }, + { + "id": 26185, + "cuisine": "french", + "ingredients": [ + "whole milk", + "sour cream", + "grapes", + "heavy cream", + "large egg yolks", + "sea salt", + "sugar", + "riesling" + ] + }, + { + "id": 44859, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "yellow bell pepper", + "balsamic vinegar", + "fresh basil leaves", + "asiago", + "plum tomatoes", + "grated parmesan cheese", + "country style bread" + ] + }, + { + "id": 43009, + "cuisine": "greek", + "ingredients": [ + "pitas", + "chicken breasts", + "tzatziki", + "pepper", + "roasted red peppers", + "purple onion", + "oregano", + "tomatoes", + "feta cheese", + "garlic", + "lemon juice", + "olive oil", + "yoghurt", + "salt", + "chicken" + ] + }, + { + "id": 38561, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "shredded sharp cheddar cheese", + "fresh lime juice", + "Haas avocados", + "taco seasoning", + "pickled jalapenos", + "salt" + ] + }, + { + "id": 1424, + "cuisine": "british", + "ingredients": [ + "yellow corn meal", + "warm water", + "ground nutmeg", + "salt", + "eggs", + "milk", + "baking powder", + "white sugar", + "sugar", + "active dry yeast", + "butter", + "ground cinnamon", + "fine grain salt", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 36857, + "cuisine": "vietnamese", + "ingredients": [ + "garlic", + "sugar", + "hot sauce", + "lime juice", + "fish sauce", + "salt" + ] + }, + { + "id": 43709, + "cuisine": "southern_us", + "ingredients": [ + "lime rind", + "purple onion", + "fresh lime juice", + "fresh basil", + "ground black pepper", + "tortilla chips", + "watermelon", + "salt", + "sugar", + "jalapeno chilies", + "cucumber" + ] + }, + { + "id": 15383, + "cuisine": "french", + "ingredients": [ + "eggs", + "shredded swiss cheese", + "onions", + "pastry", + "salt", + "single crust pie", + "bacon", + "milk", + "all-purpose flour" + ] + }, + { + "id": 6389, + "cuisine": "french", + "ingredients": [ + "whipping cream", + "water", + "carrots", + "potatoes", + "garlic cloves" + ] + }, + { + "id": 49335, + "cuisine": "italian", + "ingredients": [ + "bell pepper", + "purple onion", + "fresh lemon juice", + "capers", + "extra-virgin olive oil", + "fresh herbs", + "grated lemon peel", + "tomatoes", + "summer squash", + "garlic cloves", + "flat leaf parsley", + "red wine vinegar", + "ciabatta", + "juice" + ] + }, + { + "id": 16333, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "plum tomatoes", + "pepper", + "okra", + "bacon slices", + "onions", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 17036, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "corn kernel whole", + "red pepper", + "salsa verde", + "mango", + "cilantro leaves" + ] + }, + { + "id": 46376, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "butter", + "breadstick", + "cajun seasoning" + ] + }, + { + "id": 21907, + "cuisine": "japanese", + "ingredients": [ + "miso paste", + "rice", + "chicken stock", + "ginger", + "green beans", + "vegetable oil", + "hot curry powder", + "boneless chicken skinless thigh", + "garlic", + "onions" + ] + }, + { + "id": 5553, + "cuisine": "italian", + "ingredients": [ + "red bell pepper, sliced", + "Bertolli® Arrabbiata Sauce", + "cremini mushrooms", + "Bertolli® Classico Olive Oil", + "sweet onion", + "fresh basil leaves", + "boneless chicken skinless thigh", + "garlic" + ] + }, + { + "id": 48896, + "cuisine": "moroccan", + "ingredients": [ + "crusty bread", + "harissa", + "ras el hanout", + "merguez sausage", + "extra large eggs", + "roasted tomatoes", + "kosher salt", + "large garlic cloves", + "smoked paprika", + "cilantro stems", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 32988, + "cuisine": "greek", + "ingredients": [ + "honey", + "thyme sprigs", + "pecans", + "ground black pepper", + "feta cheese", + "kosher salt", + "lavender" + ] + }, + { + "id": 47302, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "water", + "salt", + "oyster sauce", + "pork", + "shredded carrots", + "garlic cloves", + "sugar", + "cooking oil", + "scallions", + "shrimp", + "soy sauce", + "shredded cabbage", + "chow mein noodles" + ] + }, + { + "id": 11023, + "cuisine": "vietnamese", + "ingredients": [ + "greek style plain yogurt", + "sweetened condensed milk" + ] + }, + { + "id": 43904, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "cider vinegar", + "pimentos", + "reduced fat sharp cheddar cheese", + "fresh parmesan cheese", + "bacon slices", + "kosher salt", + "ground black pepper", + "canola mayonnaise", + "rocket leaves", + "sourdough bread", + "shallots" + ] + }, + { + "id": 9375, + "cuisine": "brazilian", + "ingredients": [ + "fruit", + "bee pollen", + "goji berries", + "coconut flakes", + "bananas", + "runny honey", + "nuts", + "honey", + "açai powder", + "frozen strawberries", + "unsweetened almond milk", + "granola", + "hemp seeds" + ] + }, + { + "id": 27944, + "cuisine": "filipino", + "ingredients": [ + "garlic", + "red bell pepper", + "pork", + "salt", + "cabbage", + "pepper", + "beef broth", + "cooking oil", + "yellow onion" + ] + }, + { + "id": 23511, + "cuisine": "indian", + "ingredients": [ + "unsweetened coconut milk", + "lamb rib chops", + "florets", + "freshly ground pepper", + "chopped cilantro fresh", + "red potato", + "jalapeno chilies", + "salt", + "Madras curry powder", + "chicken stock", + "honey", + "extra-virgin olive oil", + "onions", + "cauliflower", + "dried currants", + "heavy cream", + "garlic cloves" + ] + }, + { + "id": 25832, + "cuisine": "italian", + "ingredients": [ + "honey", + "frozen mixed berries", + "unflavored gelatin", + "vanilla extract", + "lemon juice", + "half & half", + "fresh lemon juice", + "sugar", + "grated lemon zest", + "greek yogurt" + ] + }, + { + "id": 6072, + "cuisine": "british", + "ingredients": [ + "baking powder", + "grated lemon peel", + "unsalted butter", + "salt", + "dried apricot", + "all-purpose flour", + "sugar", + "whipping cream" + ] + }, + { + "id": 48028, + "cuisine": "indian", + "ingredients": [ + "chopped green bell pepper", + "sour cream", + "curry powder", + "frozen corn", + "butter", + "salt and ground black pepper", + "chopped onion" + ] + }, + { + "id": 20770, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "flour tortillas", + "shredded zucchini", + "fresh cilantro", + "frozen corn", + "sour cream", + "shredded cheddar cheese", + "salt", + "garlic cloves", + "olive oil", + "salsa", + "ground cumin" + ] + }, + { + "id": 42141, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "smoked gouda", + "butter", + "leeks", + "boneless skinless chicken breast halves", + "garlic" + ] + }, + { + "id": 4944, + "cuisine": "mexican", + "ingredients": [ + "peanuts", + "mulato chiles", + "ancho chile pepper", + "plantains", + "guajillo chiles", + "whole peeled tomatoes", + "mexican chocolate", + "onions", + "sesame seeds", + "flour tortillas", + "lard", + "chicken", + "chiles", + "almonds", + "garlic", + "corn tortillas" + ] + }, + { + "id": 39958, + "cuisine": "thai", + "ingredients": [ + "serrano chilies", + "seedless cucumber", + "sesame oil", + "ginger root", + "sugar", + "peanuts", + "purple onion", + "fish sauce", + "lime juice", + "garlic", + "fresh mint", + "tomatoes", + "soy sauce", + "flank steak", + "mixed greens" + ] + }, + { + "id": 7560, + "cuisine": "italian", + "ingredients": [ + "bread", + "milk", + "pecorino romano cheese", + "carrots", + "plum tomatoes", + "minced garlic", + "parsley", + "fine sea salt", + "onions", + "tomato paste", + "olive oil", + "ground veal", + "celery", + "dried oregano", + "eggs", + "ground black pepper", + "ground pork", + "ground beef" + ] + }, + { + "id": 10549, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "purple onion", + "ground cumin", + "hot pepper sauce", + "fresh lemon juice", + "olive oil", + "salt", + "tomatoes", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 36314, + "cuisine": "italian", + "ingredients": [ + "baguette", + "extra-virgin olive oil", + "coarse salt", + "red bell pepper", + "zucchini", + "freshly ground pepper", + "pesto", + "summer squash" + ] + }, + { + "id": 47089, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "dried basil", + "dry yeast", + "yellow onion", + "yellow corn meal", + "warm water", + "ground black pepper", + "all-purpose flour", + "sugar", + "fresh parmesan cheese", + "salt", + "fresh basil", + "olive oil", + "cooking spray" + ] + }, + { + "id": 18632, + "cuisine": "italian", + "ingredients": [ + "salt", + "active dry yeast", + "white sugar", + "warm water", + "all-purpose flour", + "olive oil" + ] + }, + { + "id": 39901, + "cuisine": "greek", + "ingredients": [ + "pasta", + "ground nutmeg", + "cooking spray", + "salt", + "black pepper", + "large eggs", + "ground sirloin", + "garlic cloves", + "tomato sauce", + "finely chopped onion", + "dry white wine", + "all-purpose flour", + "kasseri", + "large egg whites", + "reduced fat milk", + "pecorino romano cheese" + ] + }, + { + "id": 2748, + "cuisine": "japanese", + "ingredients": [ + "chicken stock", + "zucchini", + "fresh green bean", + "cabbage", + "eggs", + "cooked chicken", + "carrots", + "plain flour", + "spring onions", + "green pepper", + "soy sauce", + "vegetable oil", + "toasted sesame oil" + ] + }, + { + "id": 39503, + "cuisine": "italian", + "ingredients": [ + "salt", + "white sugar", + "dry white wine", + "Italian bread", + "extra-virgin olive oil", + "onions", + "chicken broth", + "cinnamon sticks" + ] + }, + { + "id": 33208, + "cuisine": "jamaican", + "ingredients": [ + "fresh thyme", + "scallions", + "pepper", + "dried salted codfish", + "onions", + "tomatoes", + "ackee", + "oil", + "ground pepper", + "salt" + ] + }, + { + "id": 47409, + "cuisine": "italian", + "ingredients": [ + "lemon zest", + "spaghetti", + "olive oil", + "scallions", + "black pepper", + "salt", + "parmigiano reggiano cheese", + "garlic cloves" + ] + }, + { + "id": 28138, + "cuisine": "french", + "ingredients": [ + "parsley sprigs", + "olive oil", + "dry white wine", + "baby zucchini", + "onions", + "black peppercorns", + "black pepper", + "beef stock", + "salt", + "garlic cloves", + "rosemary sprigs", + "pearl onions", + "bay leaves", + "all-purpose flour", + "thyme sprigs", + "turnips", + "sugar pea", + "unsalted butter", + "lamb shoulder", + "baby carrots" + ] + }, + { + "id": 7004, + "cuisine": "italian", + "ingredients": [ + "pasta", + "kidney beans", + "dried oregano", + "dried basil", + "asiago", + "fat free less sodium chicken broth", + "zucchini", + "chicken sausage", + "stewed tomatoes" + ] + }, + { + "id": 48434, + "cuisine": "mexican", + "ingredients": [ + "plain yogurt", + "low-fat buttermilk", + "chili powder", + "red bell pepper", + "shredded cheddar cheese", + "green onions", + "black olives", + "chopped cilantro fresh", + "black beans", + "roma tomatoes", + "crumbled cornbread", + "fresh lime juice", + "romaine lettuce", + "corn kernels", + "light mayonnaise", + "salt", + "ground cumin" + ] + }, + { + "id": 24209, + "cuisine": "french", + "ingredients": [ + "capers", + "cherry tomatoes", + "hard-boiled egg", + "extra-virgin olive oil", + "yukon gold", + "dressing", + "pepper", + "dijon mustard", + "shallots", + "Niçoise olives", + "black pepper", + "bibb lettuce", + "white italian tuna in olive oil", + "salt", + "salad", + "anchovies", + "vinegar", + "fresh green bean", + "fresh lemon juice" + ] + }, + { + "id": 33055, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "mushrooms", + "dashi", + "browning", + "sake", + "butter", + "mirin" + ] + }, + { + "id": 31682, + "cuisine": "french", + "ingredients": [ + "shallots", + "unsalted butter", + "tarragon", + "dry white wine", + "sea scallops", + "white wine vinegar" + ] + }, + { + "id": 6640, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "baking powder", + "onions", + "chicken broth", + "milk", + "all-purpose flour", + "chicken", + "celery ribs", + "water", + "salt", + "marjoram", + "shortening", + "flour", + "carrots" + ] + }, + { + "id": 34129, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "green leaf lettuce", + "ginger", + "cucumber", + "chicken", + "lime", + "sesame oil", + "garlic", + "bird chile", + "water", + "shallots", + "rice vermicelli", + "fresh mint", + "rice paper", + "fish sauce", + "green onions", + "cilantro", + "salt", + "canola oil" + ] + }, + { + "id": 25951, + "cuisine": "mexican", + "ingredients": [ + "dried thyme", + "celery", + "garlic", + "onions", + "bay leaves", + "pork shoulder", + "milk", + "salt" + ] + }, + { + "id": 15821, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "garlic cloves", + "tomatoes", + "dry red wine", + "marjoram", + "crushed tomatoes", + "crushed red pepper", + "dried oregano", + "olive oil", + "onions" + ] + }, + { + "id": 9791, + "cuisine": "french", + "ingredients": [ + "shallots", + "goose fat", + "ground black pepper", + "sea salt", + "Italian parsley leaves", + "mushrooms", + "garlic" + ] + }, + { + "id": 45129, + "cuisine": "italian", + "ingredients": [ + "butter", + "garlic powder", + "shrimp", + "parmesan cheese", + "linguini", + "eggs", + "heavy cream" + ] + }, + { + "id": 8605, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "Italian seasoned breadcrumbs", + "freshly grated parmesan", + "vegetable oil", + "marinara sauce", + "evaporated milk", + "ravioli" + ] + }, + { + "id": 40309, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "sugar", + "salt", + "buttermilk", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 19165, + "cuisine": "korean", + "ingredients": [ + "cooked rice", + "firm tofu", + "toasted sesame oil", + "spinach leaves", + "soybean sprouts", + "carrots", + "salt", + "seaweed", + "toasted sesame seeds", + "eggs", + "Gochujang base", + "cucumber" + ] + }, + { + "id": 8271, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "knorr chicken flavor bouillon", + "avocado", + "purple onion", + "chopped cilantro fresh", + "lime juice", + "hellmann' or best food real mayonnais", + "garlic", + "chipotles in adobo" + ] + }, + { + "id": 11468, + "cuisine": "chinese", + "ingredients": [ + "salmon fillets", + "salt", + "lean bacon", + "oil", + "ground black pepper", + "scallions", + "chinese barbecue sauce" + ] + }, + { + "id": 21603, + "cuisine": "italian", + "ingredients": [ + "basil", + "roma tomatoes", + "fresh mozzarella" + ] + }, + { + "id": 5257, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "carrots", + "chopped cilantro fresh", + "water", + "beef rib short", + "noodles", + "low sodium soy sauce", + "salt", + "sliced mushrooms", + "five-spice powder", + "black peppercorns", + "firm tofu", + "onions", + "sliced green onions" + ] + }, + { + "id": 33860, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "ground cumin", + "picante sauce", + "boneless skinless chicken breast halves", + "corn tortillas", + "shredded cheddar cheese", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 29012, + "cuisine": "chinese", + "ingredients": [ + "shiitake", + "napa cabbage", + "rice vinegar", + "liquid smoke", + "vegetable oil", + "vegetable broth", + "garlic cloves", + "sesame oil", + "ginger", + "scallions", + "soy sauce", + "wonton wrappers", + "salt" + ] + }, + { + "id": 22636, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "reduced fat milk", + "salt", + "parsley sprigs", + "marinara sauce", + "ground red pepper", + "garlic cloves", + "frozen chopped spinach", + "ground black pepper", + "whole wheat lasagna noodles", + "chopped onion", + "part-skim mozzarella cheese", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 30422, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "vanilla extract", + "bourbon whiskey", + "granulated sugar", + "butter" + ] + }, + { + "id": 28144, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "dried thyme", + "vegetable oil", + "bone-in chicken breasts", + "onions", + "green bell pepper", + "bay leaves", + "all-purpose flour", + "garlic cloves", + "cooked rice", + "file powder", + "worcestershire sauce", + "creole seasoning", + "andouille sausage", + "green onions", + "hot sauce", + "hot water" + ] + }, + { + "id": 34535, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "green peas", + "chopped fresh mint", + "black pepper", + "dry white wine", + "salt", + "arborio rice", + "asparagus", + "vegetable broth", + "water", + "shallots", + "grated lemon zest" + ] + }, + { + "id": 39896, + "cuisine": "french", + "ingredients": [ + "ground red pepper", + "french bread", + "fines herbes", + "green onions", + "fresh parsley", + "minced garlic", + "part-skim ricotta cheese" + ] + }, + { + "id": 18080, + "cuisine": "chinese", + "ingredients": [ + "beef", + "szechwan peppercorns", + "oil", + "bay leaves", + "chili bean paste", + "fermented black beans", + "Shaoxing wine", + "garlic", + "dried red chile peppers", + "soy sauce", + "dry white wine", + "scallions", + "onions" + ] + }, + { + "id": 18721, + "cuisine": "british", + "ingredients": [ + "milk", + "pastry dough", + "dri leav thyme", + "black pepper", + "garlic powder", + "butter", + "garlic cloves", + "eggs", + "olive oil", + "onion powder", + "cognac", + "cream", + "mushrooms", + "salt", + "beef tenderloin steaks" + ] + }, + { + "id": 5641, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "dried salted codfish", + "ackee", + "onions", + "cooking oil", + "salt", + "tomatoes", + "bacon" + ] + }, + { + "id": 33276, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "balsamic vinegar", + "cucumber", + "pitted kalamata olives", + "fresh oregano", + "vidalia onion", + "extra-virgin olive oil", + "dried oregano", + "black pepper", + "feta cheese crumbles" + ] + }, + { + "id": 18302, + "cuisine": "greek", + "ingredients": [ + "monkfish fillets", + "scallions", + "fennel bulb", + "feta cheese", + "chardonnay", + "chiles", + "extra-virgin olive oil" + ] + }, + { + "id": 31889, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "corn", + "bell pepper", + "garlic", + "fresh lime juice", + "canned black beans", + "ground black pepper", + "sea salt", + "salt", + "cumin", + "romaine lettuce", + "honey", + "jicama", + "purple onion", + "chopped cilantro", + "orange", + "zucchini", + "extra-virgin olive oil", + "corn tortillas", + "canola oil" + ] + }, + { + "id": 31883, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "garlic cloves", + "salt", + "extra-virgin olive oil", + "onions", + "sugar", + "juice" + ] + }, + { + "id": 45402, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "capsicum", + "green cardamom", + "bay leaf", + "tomatoes", + "coriander seeds", + "salt", + "oil", + "ground turmeric", + "clove", + "water", + "cinnamon", + "cumin seed", + "onions", + "garlic paste", + "garam masala", + "cilantro leaves", + "lemon juice", + "chicken" + ] + }, + { + "id": 37603, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "vegetable oil", + "salt", + "white cornmeal", + "sugar", + "baking powder", + "buttermilk", + "sweet corn", + "green onions", + "vegetable shortening", + "all-purpose flour", + "garlic powder", + "onion powder", + "shredded sharp cheddar cheese", + "diced ham" + ] + }, + { + "id": 29806, + "cuisine": "mexican", + "ingredients": [ + "graham cracker crusts", + "avocado", + "fresh lime juice", + "cream cheese", + "cream", + "white sugar" + ] + }, + { + "id": 43446, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "salt", + "garlic cloves", + "ground cumin", + "tumeric", + "fresh ginger", + "cayenne pepper", + "onions", + "cod", + "olive oil", + "cilantro leaves", + "cinnamon sticks", + "sliced almonds", + "ground black pepper", + "chickpeas", + "plum tomatoes" + ] + }, + { + "id": 9191, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "miso", + "pork chops", + "sake", + "ginger" + ] + }, + { + "id": 6481, + "cuisine": "vietnamese", + "ingredients": [ + "baby bok choy", + "peeled fresh ginger", + "salt", + "coconut milk", + "curry powder", + "merluza", + "waxy potatoes", + "lime", + "garlic", + "carrots", + "white wine", + "vegetable oil", + "cayenne pepper", + "onions" + ] + }, + { + "id": 23056, + "cuisine": "russian", + "ingredients": [ + "chicken broth", + "potatoes", + "pork loin chops", + "olive oil", + "salt", + "onions", + "water", + "bay leaves", + "sour cream", + "large eggs", + "dill" + ] + }, + { + "id": 13892, + "cuisine": "indian", + "ingredients": [ + "slivered almonds", + "ground black pepper", + "apple juice", + "curry powder", + "raisins", + "boneless skinless chicken breast halves", + "kosher salt", + "low sodium chicken broth", + "garlic cloves", + "olive oil", + "heavy cream" + ] + }, + { + "id": 17068, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "garlic", + "miso", + "ginger", + "mirin" + ] + }, + { + "id": 1869, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "white hominy", + "shredded lettuce", + "cumin seed", + "water", + "chicken breasts", + "salt", + "oregano", + "avocado", + "lime", + "epazote", + "sauce", + "white onion", + "radishes", + "garlic", + "juice" + ] + }, + { + "id": 31930, + "cuisine": "chinese", + "ingredients": [ + "water", + "rice vinegar", + "soy sauce", + "large eggs", + "beansprouts", + "reduced sodium chicken broth", + "sesame oil", + "snow peas", + "fresh ginger", + "scallions" + ] + }, + { + "id": 3142, + "cuisine": "southern_us", + "ingredients": [ + "hot dogs", + "bacon", + "pickled okra", + "sugar", + "slaw mix", + "rice vinegar", + "light mayonnaise", + "salt", + "baked beans", + "hot dog bun", + "hot sauce" + ] + }, + { + "id": 42678, + "cuisine": "cajun_creole", + "ingredients": [ + "butter", + "creole seasoning", + "lemon wedge", + "trout fillet", + "lemon juice", + "red wine vinegar", + "salt", + "flour", + "worcestershire sauce", + "peanut oil" + ] + }, + { + "id": 41438, + "cuisine": "japanese", + "ingredients": [ + "seasoning", + "fresh ginger", + "vegetable oil", + "yellow onion", + "soy sauce", + "sesame oil", + "broccoli", + "sugar", + "chicken breasts", + "worcestershire sauce", + "carrots", + "green cabbage", + "ketchup", + "ramen noodles", + "hot sauce" + ] + }, + { + "id": 25384, + "cuisine": "mexican", + "ingredients": [ + "whole milk", + "cinnamon sticks", + "kosher salt", + "grated nutmeg", + "vanilla extract", + "sweetened condensed milk", + "granulated sugar", + "rice" + ] + }, + { + "id": 16045, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "lemon", + "chopped cilantro fresh", + "ground black pepper", + "garlic cloves", + "sweet onion", + "sea salt", + "avocado", + "jalapeno chilies", + "frozen peas" + ] + }, + { + "id": 25278, + "cuisine": "irish", + "ingredients": [ + "dried currants", + "baking powder", + "salt", + "ground cinnamon", + "whole wheat flour", + "raisins", + "water", + "butter", + "all-purpose flour", + "brown sugar", + "golden raisins", + "dry sherry" + ] + }, + { + "id": 571, + "cuisine": "mexican", + "ingredients": [ + "clove", + "paprika", + "tequila", + "olive oil", + "salt", + "lime juice", + "deveined shrimp", + "ground black pepper", + "cilantro leaves" + ] + }, + { + "id": 48661, + "cuisine": "italian", + "ingredients": [ + "reduced sodium chicken broth", + "turkey", + "olive oil", + "kale", + "rib", + "fettucine", + "pecorino romano cheese" + ] + }, + { + "id": 7391, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "yellow bell pepper", + "garlic cloves", + "dried oregano", + "celery ribs", + "low sodium chicken broth", + "purple onion", + "red bell pepper", + "chicken sausage", + "extra-virgin olive oil", + "smoked paprika", + "tomato paste", + "sweet potatoes", + "salt", + "chopped parsley" + ] + }, + { + "id": 5672, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "baby spinach", + "all-purpose flour", + "flat leaf parsley", + "black pepper", + "large eggs", + "extra-virgin olive oil", + "ricotta", + "prosciutto", + "whole milk", + "salt", + "garlic cloves", + "fresh pasta", + "pecorino romano cheese", + "grated nutmeg", + "onions" + ] + }, + { + "id": 29686, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "onion powder", + "salt", + "eggs", + "Sriracha", + "red pepper", + "corn flour", + "melted butter", + "corn flakes", + "buttermilk", + "all-purpose flour", + "black pepper", + "baking powder", + "paprika", + "chicken" + ] + }, + { + "id": 3991, + "cuisine": "chinese", + "ingredients": [ + "white vinegar", + "large eggs", + "scallions", + "cooked shrimp", + "ketchup", + "vegetable oil", + "corn starch", + "soy sauce", + "sesame oil", + "oyster sauce", + "reduced sodium chicken broth", + "fresh mushrooms", + "beansprouts" + ] + }, + { + "id": 43985, + "cuisine": "spanish", + "ingredients": [ + "unflavored gelatin", + "whole milk", + "heavy cream", + "sage leaves", + "orange", + "amaretto", + "sugar", + "nonfat dry milk powder", + "light corn syrup", + "water", + "lemon", + "blanched almonds" + ] + }, + { + "id": 42561, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "milk", + "shredded cheese", + "all-purpose flour", + "butter", + "elbow macaroni" + ] + }, + { + "id": 48946, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "tomatoes", + "extra-virgin olive oil", + "chees fresh mozzarella", + "fresh basil", + "Italian bread" + ] + }, + { + "id": 13853, + "cuisine": "mexican", + "ingredients": [ + "bacon", + "chipotles in adobo", + "corn tortillas", + "chopped cilantro fresh", + "salt", + "onions", + "lime", + "cooked shrimp" + ] + }, + { + "id": 8135, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "orzo", + "fresh lime juice", + "jalapeno chilies", + "garlic cloves", + "olive oil", + "cilantro sprigs", + "chopped cilantro fresh", + "tomatoes", + "boneless skinless chicken breasts", + "low salt chicken broth" + ] + }, + { + "id": 46463, + "cuisine": "thai", + "ingredients": [ + "sesame oil", + "fresh ginger", + "rice vinegar", + "honey", + "cashew butter", + "wheat", + "green beans" + ] + }, + { + "id": 11066, + "cuisine": "italian", + "ingredients": [ + "cream", + "grated parmesan cheese", + "corn starch", + "chicken broth", + "dried thyme", + "salt", + "boneless skinless chicken breast halves", + "parsley flakes", + "ground black pepper", + "fresh mushrooms", + "spaghetti", + "water", + "dry white wine", + "onions" + ] + }, + { + "id": 23901, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "sugar", + "green tomatoes", + "matzo meal", + "ground red pepper", + "kosher salt", + "vegetable oil" + ] + }, + { + "id": 39597, + "cuisine": "mexican", + "ingredients": [ + "American cheese", + "salsa", + "green onions", + "lime", + "hot water", + "garlic" + ] + }, + { + "id": 5164, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "black olives", + "cherry tomatoes", + "salad dressing", + "salad seasoning mix", + "pasta spiral", + "yellow bell pepper", + "red bell pepper" + ] + }, + { + "id": 13126, + "cuisine": "french", + "ingredients": [ + "sweet cherries", + "salt", + "white sugar", + "skim milk", + "egg whites", + "confectioners sugar", + "unsalted butter", + "all-purpose flour", + "vanilla beans", + "heavy cream", + "kirsch" + ] + }, + { + "id": 15763, + "cuisine": "british", + "ingredients": [ + "vegetable oil", + "warm water", + "flour for dusting", + "sponge", + "salt", + "active dry yeast", + "bread flour" + ] + }, + { + "id": 15808, + "cuisine": "indian", + "ingredients": [ + "parsley sprigs", + "kosher salt", + "flank steak", + "mustard seeds", + "horseradish root", + "cooking spray", + "salt", + "whole allspice", + "fat free yogurt", + "peeled fresh ginger", + "cumin seed", + "sugar", + "coriander seeds", + "szechwan peppercorns" + ] + }, + { + "id": 40714, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "garlic", + "olive oil", + "lime", + "squash", + "brown rice" + ] + }, + { + "id": 42074, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "jalapeno chilies", + "frozen corn", + "sour cream", + "dressing", + "black beans", + "salt", + "garlic cloves", + "chunky salsa", + "mayonaise", + "cilantro", + "taco seasoning", + "onions", + "pasta", + "pepper", + "sweet mini bells", + "elbow macaroni" + ] + }, + { + "id": 5999, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "garlic cloves", + "ground black pepper", + "salt", + "zucchini", + "fresh oregano", + "olive oil", + "red wine vinegar", + "chopped fresh mint" + ] + }, + { + "id": 44439, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "wine vinegar", + "large shrimp", + "sage leaves", + "dried sage", + "flat leaf parsley", + "cannellini beans", + "salt", + "olive oil", + "garlic", + "onions" + ] + }, + { + "id": 42696, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "ginger", + "cumin seed", + "curry leaves", + "whole milk", + "salt", + "boiling potatoes", + "bell pepper", + "garlic", + "onions", + "eggs", + "crushed red pepper flakes", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 34829, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "water", + "fresh chives", + "hot pepper sauce", + "cheddar cheese", + "milk", + "red pepper hot sauce", + "minced garlic", + "soft fresh goat cheese" + ] + }, + { + "id": 48151, + "cuisine": "mexican", + "ingredients": [ + "lard", + "water", + "kosher salt", + "all-purpose flour" + ] + }, + { + "id": 10920, + "cuisine": "chinese", + "ingredients": [ + "ginger", + "low sodium beef broth", + "vegetable oil", + "all-purpose flour", + "pepper", + "salt", + "short rib", + "low sodium soy sauce", + "garlic", + "onions" + ] + }, + { + "id": 16462, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "chopped bell pepper", + "cilantro", + "corn tortillas", + "black beans", + "green onions", + "edamame", + "tomatoes", + "mushrooms", + "garlic", + "corn", + "green enchilada sauce", + "carrots" + ] + }, + { + "id": 19900, + "cuisine": "cajun_creole", + "ingredients": [ + "crab boil", + "cajun seasoning", + "peanuts", + "liquid", + "salt" + ] + }, + { + "id": 21664, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "chopped tomatoes", + "fresh oregano", + "sweet onion", + "crushed red pepper", + "garlic cloves", + "fresh basil", + "chopped fresh thyme", + "freshly ground pepper", + "light brown sugar", + "olive oil", + "salt" + ] + }, + { + "id": 30348, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "meat sauce", + "pepper", + "cheese", + "vegetable oil cooking spray", + "egg whites", + "part-skim mozzarella cheese", + "part-skim ricotta cheese" + ] + }, + { + "id": 1140, + "cuisine": "british", + "ingredients": [ + "milk", + "amaretti", + "crème fraîche", + "citron", + "seedless raspberry jam", + "large eggs", + "vanilla", + "double-acting baking powder", + "large egg yolks", + "pistachio nuts", + "all-purpose flour", + "sugar", + "medium dry sherry", + "heavy cream", + "kirsch" + ] + }, + { + "id": 27175, + "cuisine": "japanese", + "ingredients": [ + "sweet onion", + "fine sea salt", + "sugar", + "grapeseed oil", + "freshly ground pepper", + "Japanese soy sauce", + "rice vinegar", + "water", + "dry mustard", + "toasted sesame oil" + ] + }, + { + "id": 44700, + "cuisine": "mexican", + "ingredients": [ + "water", + "vegetable oil", + "red enchilada sauce", + "ground cumin", + "poblano peppers", + "garlic", + "ground beef", + "asadero", + "chopped onion", + "dried leaves oregano", + "salt and ground black pepper", + "white rice", + "red bell pepper" + ] + }, + { + "id": 18964, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "cooking wine", + "fermented black beans", + "sugar", + "green onions", + "oyster sauce", + "pork", + "sesame oil", + "corn starch", + "dark soy sauce", + "fresh ginger", + "salt", + "snow peas" + ] + }, + { + "id": 37932, + "cuisine": "italian", + "ingredients": [ + "water", + "white sugar", + "lemon", + "vodka" + ] + }, + { + "id": 6704, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "cayenne pepper", + "chopped cilantro fresh", + "basmati", + "vegetable oil", + "fresh lime juice", + "curry powder", + "coarse salt", + "onions", + "tomato sauce", + "garam masala", + "lentils" + ] + }, + { + "id": 26933, + "cuisine": "indian", + "ingredients": [ + "water", + "lemon zest", + "cilantro", + "lemon juice", + "sliced green onions", + "curry leaves", + "eggplant", + "cinnamon", + "black mustard seeds", + "serrano chile", + "ground cloves", + "ground nutmeg", + "butter", + "waxy potatoes", + "ground turmeric", + "fennel seeds", + "fresh ginger", + "vegetable oil", + "salt", + "asafoetida powder" + ] + }, + { + "id": 26942, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "white rice", + "onions", + "boneless skinless chicken breasts", + "garlic cloves", + "black beans", + "salt", + "canola oil", + "ancho powder", + "chopped cilantro" + ] + }, + { + "id": 47858, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "chop green chilies, undrain", + "cooked chicken", + "green onions", + "shredded Monterey Jack cheese", + "refried beans", + "enchilada sauce" + ] + }, + { + "id": 35615, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "sugar", + "butter", + "baking powder", + "all-purpose flour", + "baking soda", + "buttermilk" + ] + }, + { + "id": 24989, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "arborio rice", + "finely chopped onion", + "broccoli rabe", + "chèvre", + "chicken broth", + "dry white wine" + ] + }, + { + "id": 39875, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "carrots", + "olive oil", + "curry", + "chicken", + "chinese noodles", + "garlic cloves", + "soy sauce", + "ginger", + "celery" + ] + }, + { + "id": 48494, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "arugula", + "kosher salt", + "garlic cloves", + "cherry tomatoes", + "spaghetti", + "extra-virgin olive oil" + ] + }, + { + "id": 22412, + "cuisine": "japanese", + "ingredients": [ + "sesame oil", + "scallions", + "eggs", + "hot sauce", + "cucumber", + "rice vinegar", + "carrots", + "soy sauce", + "soba noodles", + "bok choy" + ] + }, + { + "id": 2821, + "cuisine": "chinese", + "ingredients": [ + "tomato purée", + "egg noodles", + "broccoli", + "beansprouts", + "soy sauce", + "chicken breasts", + "oyster sauce", + "red chili peppers", + "spring onions", + "garlic cloves", + "fresh ginger root", + "vegetable oil", + "carrots" + ] + }, + { + "id": 35591, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "Sriracha", + "garlic", + "flavored oil", + "snow peas", + "shiitake", + "sesame oil", + "scallions", + "onions", + "sesame seeds", + "regular soy sauce", + "oyster mushrooms", + "baby corn", + "dark soy sauce", + "mirin", + "ginger", + "carrots", + "noodles" + ] + }, + { + "id": 37049, + "cuisine": "greek", + "ingredients": [ + "fresh spinach", + "salt", + "garlic powder", + "shredded cheese", + "pepper", + "greek style plain yogurt", + "onion powder", + "elbow pasta" + ] + }, + { + "id": 16683, + "cuisine": "spanish", + "ingredients": [ + "lemon wedge", + "fresh oregano", + "bay leaves", + "all-purpose flour", + "olive oil", + "white wine vinegar", + "ground cumin", + "halibut fillets", + "chopped fresh thyme", + "garlic cloves" + ] + }, + { + "id": 13983, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "cooking oil", + "corn starch", + "salmon fillets", + "fresh ginger", + "dry sherry", + "canned low sodium chicken broth", + "water", + "egg whites", + "sugar", + "sesame seeds", + "garlic" + ] + }, + { + "id": 19305, + "cuisine": "indian", + "ingredients": [ + "brown mustard seeds", + "beets", + "fine sea salt", + "water", + "carrots" + ] + }, + { + "id": 35260, + "cuisine": "japanese", + "ingredients": [ + "sake", + "miso paste", + "garlic", + "soy sauce", + "hoisin sauce", + "canola oil", + "dark corn syrup", + "shallots", + "sea bass", + "fresh ginger root", + "white sugar" + ] + }, + { + "id": 28031, + "cuisine": "moroccan", + "ingredients": [ + "ground cloves", + "honey", + "beef consomme", + "diced tomatoes", + "ground lamb", + "ground cinnamon", + "curry powder", + "ground nutmeg", + "sweet potatoes", + "carrots", + "ground cumin", + "dried lentils", + "sweet onion", + "ground black pepper", + "butter", + "ground turmeric", + "ground ginger", + "kosher salt", + "garbanzo beans", + "dried apricot", + "beef broth", + "organic chicken broth" + ] + }, + { + "id": 37682, + "cuisine": "thai", + "ingredients": [ + "lime", + "ginger", + "fresh lime juice", + "chicken broth", + "jalapeno chilies", + "ramen", + "sliced green onions", + "olive oil", + "light coconut milk", + "chopped cilantro", + "kosher salt", + "cooked chicken", + "sliced mushrooms" + ] + }, + { + "id": 20096, + "cuisine": "moroccan", + "ingredients": [ + "chicken broth", + "olive oil", + "zucchini", + "salt", + "onions", + "green bell pepper", + "garbanzo beans", + "raisins", + "lemon juice", + "plum tomatoes", + "honey", + "ground black pepper", + "garlic", + "carrots", + "ground cumin", + "ground cinnamon", + "eggplant", + "sweet potatoes", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 5243, + "cuisine": "mexican", + "ingredients": [ + "ground ginger", + "olive oil", + "flank steak", + "garlic", + "ground meat", + "fresh pineapple", + "pepper", + "flour tortillas", + "cilantro", + "salt", + "chipotles in adobo", + "shredded cheddar cheese", + "barbecue sauce", + "ginger", + "smoked paprika", + "adobo sauce", + "green bell pepper", + "pineapple salsa", + "chili powder", + "purple onion", + "chipotle peppers", + "ground cumin" + ] + }, + { + "id": 2622, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "sharp cheddar cheese", + "green bell pepper", + "salt", + "breakfast sausages", + "cornbread stuffing mix", + "eggs", + "stewed tomatoes", + "bread slices" + ] + }, + { + "id": 22256, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "okra", + "bacon slices", + "onions", + "water", + "long-grain rice", + "green bell pepper", + "salt" + ] + }, + { + "id": 17958, + "cuisine": "jamaican", + "ingredients": [ + "flour", + "cornmeal", + "cold water", + "salt", + "dough", + "baking powder", + "sugar", + "oil" + ] + }, + { + "id": 11975, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "black beans", + "cilantro", + "serrano chile", + "tomatoes", + "flour tortillas", + "purple onion", + "jack cheese", + "brown rice", + "salt", + "avocado", + "lime", + "garlic" + ] + }, + { + "id": 22587, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "tamarind paste", + "cumin", + "ginger", + "chutney", + "channa dal", + "oil", + "salt", + "onions" + ] + }, + { + "id": 33746, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "shrimp", + "milk", + "all-purpose flour", + "crab meat", + "butter", + "lasagna noodles", + "shredded mozzarella cheese" + ] + }, + { + "id": 16430, + "cuisine": "italian", + "ingredients": [ + "all purpose unbleached flour", + "active dry yeast", + "warm water", + "salt", + "olive oil" + ] + }, + { + "id": 7446, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "tomatillos", + "pork shoulder boston butt", + "green onions", + "cumin seed", + "dried oregano", + "olive oil", + "mild green chiles", + "onions", + "chicken broth", + "yukon gold potatoes", + "garlic cloves" + ] + }, + { + "id": 35117, + "cuisine": "italian", + "ingredients": [ + "milk", + "jumbo pasta shells", + "pasta sauce", + "crushed saltines", + "onions", + "eggs", + "part-skim mozzarella cheese", + "ground beef", + "pepper", + "salt" + ] + }, + { + "id": 7675, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "purple onion", + "barbecue sauce", + "ground black pepper", + "boneless skinless chicken breast halves", + "olive oil", + "salt" + ] + }, + { + "id": 42973, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "salt", + "cilantro", + "fresh lime juice", + "avocado", + "garlic", + "serrano chile", + "white onion", + "tortilla chips" + ] + }, + { + "id": 40860, + "cuisine": "spanish", + "ingredients": [ + "salt", + "bacon", + "ground beef", + "tomato juice", + "rice", + "paprika", + "onions" + ] + }, + { + "id": 15487, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "ground cumin", + "smoked paprika", + "blanched almonds", + "salt" + ] + }, + { + "id": 23272, + "cuisine": "indian", + "ingredients": [ + "tomato sauce", + "cilantro leaves", + "red chili powder", + "water", + "cream", + "onions", + "garlic paste", + "kasuri methi" + ] + }, + { + "id": 49542, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "low sodium chicken broth", + "scallions", + "fresh ginger", + "sirloin steak", + "oyster sauce", + "hoisin sauce", + "dry sherry", + "corn starch", + "gari", + "vegetable oil", + "garlic chili sauce" + ] + }, + { + "id": 24770, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "bottled clam juice", + "extra-virgin olive oil", + "heavy cream", + "tomato jam", + "sea scallops", + "salt" + ] + }, + { + "id": 27903, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "water", + "sour cream", + "black beans", + "sauce", + "brown sugar", + "salsa", + "taco meat", + "lettuce", + "shredded cheddar cheese", + "long-grain rice" + ] + }, + { + "id": 1290, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "freshly ground pepper", + "pinenuts", + "extra-virgin olive oil", + "fresh basil leaves", + "eggs", + "baking potatoes", + "garlic cloves", + "kosher salt", + "all-purpose flour" + ] + }, + { + "id": 38595, + "cuisine": "thai", + "ingredients": [ + "spinach", + "crushed red pepper", + "fat free less sodium chicken broth", + "creamy peanut butter", + "brown sugar", + "salt", + "olive oil" + ] + }, + { + "id": 9313, + "cuisine": "french", + "ingredients": [ + "sugar", + "corn starch", + "pie crust", + "forest fruit", + "vanilla extract", + "confectioners sugar", + "eggs", + "cream cheese" + ] + }, + { + "id": 29225, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "part-skim mozzarella cheese", + "2% low-fat cottage cheese", + "garlic cloves", + "yellow squash", + "cooking spray", + "all-purpose flour", + "onions", + "spinach leaves", + "olive oil", + "lasagna noodles, cooked and drained", + "provolone cheese", + "dried oregano", + "black pepper", + "reduced fat milk", + "salt", + "red bell pepper" + ] + }, + { + "id": 36750, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "corn tortillas", + "salt", + "black pepper", + "ground beef" + ] + }, + { + "id": 12162, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "onion powder", + "cornmeal", + "eggs", + "flour", + "salt", + "canola oil", + "cream style corn", + "buttermilk", + "onions", + "black pepper", + "baking powder", + "cayenne pepper" + ] + }, + { + "id": 38411, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "ground sichuan pepper", + "peanut oil", + "fermented black beans", + "chicken stock", + "minced ginger", + "garlic", + "medium firm tofu", + "soy sauce", + "ground pork", + "scallions", + "chinese rice wine", + "sesame oil", + "chili bean paste", + "ramen" + ] + }, + { + "id": 24094, + "cuisine": "italian", + "ingredients": [ + "capers", + "pitted green olives", + "salt", + "chicken", + "olive oil", + "black olives", + "onions", + "pepper", + "stewed tomatoes", + "sliced mushrooms", + "white wine", + "condensed cream of mushroom soup", + "sausages" + ] + }, + { + "id": 19311, + "cuisine": "french", + "ingredients": [ + "olive oil", + "red wine", + "white mushrooms", + "pepper", + "shallots", + "salt", + "milk", + "butter", + "filet", + "eggs", + "frozen pastry puff sheets", + "garlic" + ] + }, + { + "id": 7604, + "cuisine": "korean", + "ingredients": [ + "kale", + "soft tofu", + "liquid", + "squash", + "soy sauce", + "chili paste", + "sesame oil", + "garlic cloves", + "water", + "mirin", + "vegetable broth", + "kimchi", + "chili flakes", + "miso paste", + "mushrooms", + "scallions" + ] + }, + { + "id": 3163, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "hazelnut oil", + "baby leaf lettuce", + "fresh tarragon", + "fresh asparagus", + "shallots", + "curly endive", + "hazelnuts", + "white wine vinegar" + ] + }, + { + "id": 15731, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "sour cream", + "sharp cheddar cheese", + "canola oil", + "cayenne pepper", + "corn tortillas", + "enchilada sauce", + "ground cumin" + ] + }, + { + "id": 27469, + "cuisine": "filipino", + "ingredients": [ + "tomatoes", + "ground black pepper", + "shrimp", + "water", + "purple onion", + "fish sauce", + "radishes", + "chillies", + "tamarind", + "water spinach" + ] + }, + { + "id": 25038, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "vegetable oil", + "wine vinegar", + "onions", + "plain yogurt", + "ginger", + "skinless chicken breasts", + "clarified butter", + "food colouring", + "lemon", + "salt", + "coriander", + "chicken stock", + "cream", + "garlic", + "green chilies", + "masala" + ] + }, + { + "id": 40077, + "cuisine": "japanese", + "ingredients": [ + "gari", + "rice vinegar", + "salmon fillets", + "light soy sauce", + "nori sheets", + "wasabi", + "caster sugar", + "salmon roe", + "sushi rice", + "mirin", + "cucumber" + ] + }, + { + "id": 15469, + "cuisine": "mexican", + "ingredients": [ + "lime", + "chili powder", + "diced red onions", + "salt", + "garlic powder", + "cilantro", + "avocado", + "jalapeno chilies", + "ground cumin" + ] + }, + { + "id": 36771, + "cuisine": "mexican", + "ingredients": [ + "Spike Seasoning", + "chopped cilantro", + "tomatoes", + "salt", + "avocado", + "extra-virgin olive oil", + "lime juice", + "cucumber" + ] + }, + { + "id": 35212, + "cuisine": "chinese", + "ingredients": [ + "orange juice concentrate", + "light soy sauce", + "dry sherry", + "corn starch", + "jasmine rice", + "green onions", + "garlic cloves", + "cider vinegar", + "fresh ginger", + "pineapple juice", + "red bell pepper", + "water", + "vegetable oil", + "shrimp" + ] + }, + { + "id": 23418, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "grated parmesan cheese", + "onions", + "olive oil", + "garlic", + "milk", + "orzo pasta", + "spinach", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 44871, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "chicken wing drummettes", + "crumbs" + ] + }, + { + "id": 27453, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "ground black pepper", + "epazote", + "white onion", + "vegetable oil", + "grated jack cheese", + "corn kernels", + "tomatillos", + "corn tortillas", + "canned black beans", + "zucchini", + "garlic" + ] + }, + { + "id": 41047, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "sesame oil", + "salt", + "oyster sauce", + "boiling water", + "swiss chard", + "chili oil", + "dried shiitake mushrooms", + "corn starch", + "glass noodles", + "sugar", + "egg whites", + "large garlic cloves", + "peanut oil", + "ground white pepper", + "soy sauce", + "dry white wine", + "star anise", + "scallions", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 22447, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "vegetable oil", + "warm water", + "coarse salt", + "corn kernels", + "all-purpose flour", + "baking powder", + "masa harina" + ] + }, + { + "id": 45998, + "cuisine": "mexican", + "ingredients": [ + "serrano chilies", + "cilantro leaves", + "corn tortillas", + "tomatillos", + "grated jack cheese", + "ground cumin", + "large eggs", + "chopped onion", + "fresh lime juice", + "avocado", + "butter", + "garlic cloves" + ] + }, + { + "id": 30761, + "cuisine": "thai", + "ingredients": [ + "ground chicken", + "vegetable oil", + "fish sauce", + "lime juice", + "coconut cream", + "red chili peppers", + "chunky peanut butter", + "Vietnamese coriander", + "garlic" + ] + }, + { + "id": 11596, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "white onion", + "crushed garlic", + "diced tomatoes", + "cayenne pepper", + "boneless chicken skinless thigh", + "garam masala", + "lemon", + "salt", + "ground turmeric", + "brown sugar", + "water", + "butter", + "cilantro", + "cinnamon sticks", + "black pepper", + "vegetable oil", + "heavy cream", + "greek style plain yogurt" + ] + }, + { + "id": 22938, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "extra-virgin olive oil", + "ground black pepper", + "cherry tomatoes", + "bocconcini", + "sea salt" + ] + }, + { + "id": 27247, + "cuisine": "chinese", + "ingredients": [ + "curry powder", + "loin pork roast", + "ham", + "fish sauce", + "shrimp heads", + "green peas", + "kosher salt", + "vegetable oil", + "rice vermicelli", + "ground black pepper", + "cilantro", + "onions" + ] + }, + { + "id": 20876, + "cuisine": "mexican", + "ingredients": [ + "cream", + "hot pepper sauce", + "green bell pepper", + "milk", + "all-purpose flour", + "eggs", + "shredded cheddar cheese", + "flour tortillas", + "cooked ham", + "garlic powder", + "sliced green onions" + ] + }, + { + "id": 298, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "bread dough", + "olive oil", + "dried thyme", + "dried oregano", + "kosher salt", + "freshly ground pepper" + ] + }, + { + "id": 13667, + "cuisine": "southern_us", + "ingredients": [ + "bacon", + "cider vinegar", + "low sodium store bought chicken stock", + "vegetable oil", + "collard greens", + "purple onion" + ] + }, + { + "id": 11938, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "honey", + "flour tortillas", + "onion powder", + "smoked paprika", + "black pepper", + "salsa verde", + "marinade", + "salt", + "cumin", + "ground chipotle chile pepper", + "garlic powder", + "chicken breasts", + "cilantro", + "sour cream", + "lime juice", + "pepper jack", + "chili powder", + "cayenne pepper", + "monterey jack" + ] + }, + { + "id": 31437, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "garam masala", + "green peas", + "curds", + "onions", + "ground cumin", + "asafoetida", + "potatoes", + "cilantro leaves", + "oil", + "ground turmeric", + "sugar", + "chili powder", + "green chilies", + "bay leaf", + "ginger paste", + "tomatoes", + "coriander powder", + "salt", + "cumin seed", + "cashew nuts" + ] + }, + { + "id": 26149, + "cuisine": "french", + "ingredients": [ + "turbinado", + "gingerroot", + "rhubarb", + "heavy cream", + "large egg yolks", + "granulated sugar" + ] + }, + { + "id": 48794, + "cuisine": "mexican", + "ingredients": [ + "water", + "ground cinnamon", + "sugar", + "flour tortillas" + ] + }, + { + "id": 26772, + "cuisine": "french", + "ingredients": [ + "savory", + "dried oregano", + "dried basil", + "bay leaf", + "dried thyme", + "marjoram", + "dried tarragon leaves", + "dried lavender", + "dried rosemary" + ] + }, + { + "id": 146, + "cuisine": "cajun_creole", + "ingredients": [ + "vanilla extract", + "milk", + "chopped pecans", + "light brown sugar", + "salt", + "butter", + "white sugar" + ] + }, + { + "id": 12457, + "cuisine": "indian", + "ingredients": [ + "cooked rice", + "salt", + "red lentils", + "garam masala", + "onions", + "fresh ginger", + "garlic cloves", + "chicken broth", + "butter", + "ground turmeric" + ] + }, + { + "id": 33268, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "spring onions", + "balsamic vinegar", + "sauce", + "coconut milk", + "chili flakes", + "dry roasted peanuts", + "szechwan peppercorns", + "garlic", + "oil", + "coriander", + "red chili peppers", + "hoisin sauce", + "lime wedges", + "rice vinegar", + "corn starch", + "chicken", + "molasses", + "marinade", + "ginger", + "thai jasmine rice", + "toasted sesame oil" + ] + }, + { + "id": 26035, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "green onions", + "corn tortillas", + "pork sausages", + "tomatoes", + "garlic powder", + "salt", + "ground beef", + "ground cumin", + "cream of celery soup", + "jalapeno chilies", + "enchilada sauce", + "chopped cilantro fresh", + "avocado", + "shredded cheddar cheese", + "diced tomatoes", + "cream of mushroom soup", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 10379, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "salt", + "italian sausage", + "lasagna noodles", + "red pepper flakes", + "onions", + "ground black pepper", + "ricotta cheese", + "shredded mozzarella cheese", + "fresh basil", + "whole peeled tomatoes", + "garlic", + "italian seasoning" + ] + }, + { + "id": 22173, + "cuisine": "cajun_creole", + "ingredients": [ + "diced tomatoes", + "okra", + "onions", + "ground black pepper", + "salt", + "bay leaf", + "water", + "garlic", + "red bell pepper", + "vegetable oil", + "all-purpose flour", + "medium shrimp" + ] + }, + { + "id": 33076, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "tomato sauce", + "boneless skinless chicken breasts", + "wheat flour", + "fresh basil", + "large eggs", + "salt", + "parmesan cheese", + "fresh mozzarella", + "panko breadcrumbs" + ] + }, + { + "id": 28750, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "roma tomatoes", + "salt", + "milk", + "chips", + "American cheese", + "jalapeno chilies", + "tequila", + "jack cheese", + "cooking oil", + "cilantro" + ] + }, + { + "id": 25568, + "cuisine": "british", + "ingredients": [ + "cold water", + "all-purpose flour", + "shortening" + ] + }, + { + "id": 46693, + "cuisine": "mexican", + "ingredients": [ + "guacamole", + "corn tortillas", + "cilantro sprigs", + "queso fresco", + "salsa verde", + "rotisserie chicken" + ] + }, + { + "id": 30655, + "cuisine": "japanese", + "ingredients": [ + "cherry tomatoes", + "baby arugula", + "extra-virgin olive oil", + "kosher salt", + "dijon mustard", + "vegetable oil", + "panko breadcrumbs", + "boneless center cut pork chops", + "ground black pepper", + "lemon wedge", + "fresh lemon juice", + "watermelon", + "large eggs", + "Italian parsley leaves" + ] + }, + { + "id": 33132, + "cuisine": "cajun_creole", + "ingredients": [ + "sweet potatoes", + "all-purpose flour", + "garlic cloves", + "dried thyme", + "diced tomatoes", + "chopped onion", + "long grain and wild rice mix", + "fat free less sodium chicken broth", + "turkey", + "hot sauce", + "bay leaf", + "chopped green bell pepper", + "chopped celery", + "Italian turkey sausage", + "dried oregano" + ] + }, + { + "id": 39771, + "cuisine": "italian", + "ingredients": [ + "whole peeled tomatoes", + "fresh oregano", + "parmesan cheese", + "extra-virgin olive oil", + "pasta", + "coarse salt", + "ground pepper", + "garlic" + ] + }, + { + "id": 6144, + "cuisine": "indian", + "ingredients": [ + "brown rice", + "broccoli", + "mayonaise", + "reduced-fat sour cream", + "onions", + "seasoning", + "low fat mozzarella", + "lemon juice", + "curry powder", + "salt", + "olives" + ] + }, + { + "id": 42836, + "cuisine": "thai", + "ingredients": [ + "eggs", + "minced garlic", + "extra firm tofu", + "rice noodles", + "beansprouts", + "sugar", + "peanuts", + "banana flower", + "shrimp", + "fish sauce", + "lime", + "cooking oil", + "tamarind paste", + "turnips", + "chili pepper", + "ground pepper", + "shallots", + "chinese chives" + ] + }, + { + "id": 8113, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "plum tomatoes", + "balsamic vinegar" + ] + }, + { + "id": 29253, + "cuisine": "cajun_creole", + "ingredients": [ + "orange bell pepper", + "creole seasoning", + "crawfish", + "butter", + "cream of mushroom soup", + "water", + "garlic", + "onions", + "parsley", + "bay leaf" + ] + }, + { + "id": 47000, + "cuisine": "italian", + "ingredients": [ + "italian salad dressing", + "fresh parsley", + "fresh asparagus", + "chopped fresh chives", + "plum tomatoes" + ] + }, + { + "id": 213, + "cuisine": "mexican", + "ingredients": [ + "chopped green bell pepper", + "ground beef", + "tomato sauce", + "chopped onion", + "cheddar cheese", + "chip plain tortilla", + "refried beans", + "taco seasoning" + ] + }, + { + "id": 46584, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "ground black pepper", + "diced tomatoes", + "ground cumin", + "water", + "large eggs", + "corn tortillas", + "reduced fat cheddar cheese", + "zucchini", + "salt", + "olive oil", + "cooking spray", + "chopped cilantro fresh" + ] + }, + { + "id": 31638, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "baking powder", + "milk", + "all-purpose flour", + "sugar", + "salt", + "sweet potatoes" + ] + }, + { + "id": 11801, + "cuisine": "korean", + "ingredients": [ + "red chili peppers", + "green onions", + "salt", + "onions", + "pork belly", + "sesame oil", + "garlic cloves", + "soy sauce", + "rice wine", + "Gochujang base", + "toasted sesame seeds", + "brown sugar", + "gochugaru", + "apples", + "carrots" + ] + }, + { + "id": 46193, + "cuisine": "greek", + "ingredients": [ + "fat free yogurt", + "fresh oregano", + "canola oil", + "ground black pepper", + "fresh lemon juice", + "kosher salt", + "garlic cloves", + "lamb loin chops", + "chopped fresh mint" + ] + }, + { + "id": 42044, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "sauce", + "dough", + "fresh mozzarella", + "parmigiano reggiano cheese", + "fontina", + "cheese" + ] + }, + { + "id": 45282, + "cuisine": "french", + "ingredients": [ + "whole wheat flour", + "large eggs", + "grated lemon zest", + "sea salt flakes", + "kosher salt", + "unsalted butter", + "apple cider vinegar", + "garlic cloves", + "olive oil", + "herbs", + "all-purpose flour", + "fresh lemon juice", + "swiss chard", + "mushrooms", + "ricotta" + ] + }, + { + "id": 8459, + "cuisine": "moroccan", + "ingredients": [ + "unsalted butter", + "coarse salt", + "ground cinnamon", + "butternut squash", + "red bell pepper", + "sweet potatoes", + "ground coriander", + "olive oil", + "shallots", + "ground cumin" + ] + }, + { + "id": 45124, + "cuisine": "southern_us", + "ingredients": [ + "boneless skinless chicken breasts", + "cream of chicken soup", + "water", + "refrigerated biscuits" + ] + }, + { + "id": 13653, + "cuisine": "chinese", + "ingredients": [ + "graham cracker crumbs", + "whipping cream", + "sugar", + "orange extract", + "grated orange", + "juice concentrate", + "mandarin oranges", + "butter", + "cream cheese" + ] + }, + { + "id": 49650, + "cuisine": "italian", + "ingredients": [ + "green olives", + "dry white wine", + "large garlic cloves", + "chicken thighs", + "chicken broth", + "artichoke hearts", + "lemon", + "flat leaf parsley", + "olive oil", + "yukon gold potatoes", + "all-purpose flour", + "capers", + "lemon wedge", + "salt" + ] + }, + { + "id": 1880, + "cuisine": "russian", + "ingredients": [ + "vodka", + "pitted prunes", + "caraway seeds", + "half & half", + "sugar", + "vanilla", + "large egg yolks" + ] + }, + { + "id": 29597, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "cilantro leaves", + "chicken", + "fresh ginger", + "chili powder", + "oil", + "clove", + "coriander powder", + "green chilies", + "chopped tomatoes", + "salt", + "onions" + ] + }, + { + "id": 18139, + "cuisine": "spanish", + "ingredients": [ + "scallops", + "unsalted butter", + "raisins", + "chopped garlic", + "water", + "pistachio nuts", + "cilantro leaves", + "plantains", + "pepper", + "flour", + "salt", + "chorizo sausage", + "olive oil", + "ice water", + "scallions", + "pimenton" + ] + }, + { + "id": 2872, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "glutinous rice flour", + "eggs", + "milk", + "sugar", + "red bean paste", + "vegetable oil" + ] + }, + { + "id": 6905, + "cuisine": "spanish", + "ingredients": [ + "water", + "dry white wine", + "fresh fava bean", + "saffron", + "green lentil", + "salt", + "ground white pepper", + "olive oil", + "shallots", + "shrimp", + "tomatoes", + "unsalted butter", + "halibut", + "chopped cilantro fresh" + ] + }, + { + "id": 34177, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "dry white wine", + "fresh lemon juice", + "shallots", + "unsalted butter", + "white wine vinegar" + ] + }, + { + "id": 24830, + "cuisine": "thai", + "ingredients": [ + "cooked rice", + "green curry paste", + "scallions", + "fresh basil leaves", + "lime juice", + "vegetable oil", + "baby corn", + "brown sugar", + "extra firm tofu", + "asparagus spears", + "fresh cilantro", + "salt", + "coconut milk" + ] + }, + { + "id": 41153, + "cuisine": "southern_us", + "ingredients": [ + "bananas", + "dark brown sugar", + "sweet potatoes", + "chopped pecans", + "ground cinnamon", + "salt", + "ground nutmeg", + "margarine" + ] + }, + { + "id": 29103, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "diced red onions", + "salt", + "shredded Monterey Jack cheese", + "avocado", + "lime", + "coarse salt", + "chopped cilantro", + "water", + "flour tortillas", + "taco seasoning", + "Old El Paso Enchilada Sauce", + "refried beans", + "garlic", + "ground beef" + ] + }, + { + "id": 33482, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "navel oranges", + "olive oil", + "fresh lime juice", + "green bell pepper", + "italian plum tomatoes", + "onions", + "fresh coriander", + "yellow bell pepper" + ] + }, + { + "id": 6255, + "cuisine": "indian", + "ingredients": [ + "sugar", + "whole milk", + "paprika", + "all-purpose flour", + "baking soda", + "spices", + "garlic", + "boiling water", + "active dry yeast", + "baking powder", + "cilantro", + "greek yogurt", + "herbs", + "butter", + "salt", + "cumin" + ] + }, + { + "id": 21449, + "cuisine": "british", + "ingredients": [ + "water", + "vegetable oil", + "cod fillets", + "fish" + ] + }, + { + "id": 4418, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "fresh cilantro", + "garlic", + "Old El Paso Flour Tortillas", + "shredded Monterey Jack cheese", + "fresh leav spinach", + "green onions", + "yellow onion", + "fresh lime juice", + "black pepper", + "olive oil", + "salt", + "sour cream", + "ground cumin", + "avocado", + "shredded cheddar cheese", + "chili powder", + "enchilada sauce", + "chopped cilantro" + ] + }, + { + "id": 40188, + "cuisine": "korean", + "ingredients": [ + "chicken wings", + "granulated sugar", + "peanut oil", + "kosher salt", + "vegetable oil", + "soy sauce", + "rice wine", + "toasted sesame oil", + "potato starch", + "msg", + "wondra" + ] + }, + { + "id": 34968, + "cuisine": "french", + "ingredients": [ + "pepper", + "white rice", + "sea salt", + "chicken stock", + "herbes de provence" + ] + }, + { + "id": 24851, + "cuisine": "mexican", + "ingredients": [ + "ground chicken", + "ground black pepper", + "all-purpose flour", + "dried oregano", + "eggs", + "garlic powder", + "cooking spray", + "chopped onion", + "canola oil", + "green chile", + "frozen whole kernel corn", + "salt", + "vegetarian refried beans", + "ground cumin", + "fat free milk", + "egg whites", + "hot sauce", + "monterey jack" + ] + }, + { + "id": 46133, + "cuisine": "brazilian", + "ingredients": [ + "agave nectar", + "orange juice", + "muesli", + "pure acai puree", + "bananas" + ] + }, + { + "id": 27985, + "cuisine": "vietnamese", + "ingredients": [ + "romaine lettuce", + "peanuts", + "carrots", + "pepper", + "ginger", + "mango", + "soy sauce", + "sesame oil", + "shrimp", + "lime", + "garlic" + ] + }, + { + "id": 14262, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "extra sharp cheddar cheese", + "pepper", + "sharp cheddar cheese", + "saltines", + "salt", + "milk", + "elbow macaroni" + ] + }, + { + "id": 2480, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "smoked sausage", + "monterey jack", + "diced onions", + "heavy cream", + "penne pasta", + "low sodium chicken broth", + "salt", + "tomatoes", + "garlic", + "scallions" + ] + }, + { + "id": 22405, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "chicken breasts", + "ground almonds", + "chopped garlic", + "diced onions", + "ground black pepper", + "salt", + "coconut milk", + "chicken stock", + "bay leaves", + "cardamom pods", + "basmati rice", + "garam masala", + "vegetable oil", + "ginger root" + ] + }, + { + "id": 37966, + "cuisine": "french", + "ingredients": [ + "ground cinnamon", + "large eggs", + "peaches", + "confectioners sugar", + "sourdough bread", + "heavy cream", + "light brown sugar", + "unsalted butter" + ] + }, + { + "id": 22579, + "cuisine": "indian", + "ingredients": [ + "hothouse cucumber", + "chopped fresh mint", + "cayenne pepper", + "ground cumin", + "plain whole-milk yogurt" + ] + }, + { + "id": 21458, + "cuisine": "thai", + "ingredients": [ + "sugar", + "peeled fresh ginger", + "gluten", + "fresh lime juice", + "rice stick noodles", + "mint leaves", + "shallots", + "thai chile", + "butter lettuce", + "basil leaves", + "vegetable oil", + "garlic cloves", + "lemongrass", + "boneless skinless chicken breasts", + "cilantro" + ] + }, + { + "id": 19582, + "cuisine": "japanese", + "ingredients": [ + "beef", + "seaweed", + "salt", + "steamed rice" + ] + }, + { + "id": 18851, + "cuisine": "french", + "ingredients": [ + "half & half", + "salt", + "black pepper", + "yukon gold potatoes", + "goat cheese", + "cooking spray", + "all-purpose flour", + "ground nutmeg", + "1% low-fat milk", + "garlic cloves" + ] + }, + { + "id": 42470, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "wonton skins", + "corn starch", + "egg whites", + "oil", + "white pepper", + "salt", + "sesame oil", + "shrimp" + ] + }, + { + "id": 10011, + "cuisine": "southern_us", + "ingredients": [ + "rosemary", + "paprika", + "warm water", + "vegetable oil", + "light brown sugar", + "ground pepper", + "all-purpose flour", + "kosher salt", + "fryer chickens" + ] + }, + { + "id": 35227, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "fresh lime juice", + "jicama", + "serrano chile", + "purple onion", + "olive oil", + "chopped cilantro fresh" + ] + }, + { + "id": 48084, + "cuisine": "vietnamese", + "ingredients": [ + "chiles", + "garlic", + "warm water", + "sugar", + "fresh lime juice", + "fish sauce", + "shredded carrots" + ] + }, + { + "id": 12798, + "cuisine": "indian", + "ingredients": [ + "peanuts", + "oil", + "chaat masala", + "pomegranate seeds", + "salt", + "onions", + "ground cumin", + "corn kernels", + "cilantro leaves", + "noodles", + "celery ribs", + "papad", + "chutney", + "boiling potatoes" + ] + }, + { + "id": 12769, + "cuisine": "italian", + "ingredients": [ + "mushrooms", + "purple onion", + "couscous", + "pepper", + "yellow bell pepper", + "garlic cloves", + "fresh basil", + "balsamic vinegar", + "salt", + "chèvre", + "zucchini", + "extra-virgin olive oil", + "red bell pepper" + ] + }, + { + "id": 28728, + "cuisine": "japanese", + "ingredients": [ + "pistachios", + "carrots", + "butter", + "whole milk", + "honey", + "cardamom pods" + ] + }, + { + "id": 40838, + "cuisine": "mexican", + "ingredients": [ + "grape tomatoes", + "vegetable oil", + "feta cheese crumbles", + "ground cumin", + "avocado", + "corn kernels", + "garlic cloves", + "chopped cilantro fresh", + "romaine lettuce", + "white wine vinegar", + "medium shrimp", + "green chile", + "chili powder", + "ears", + "sliced green onions" + ] + }, + { + "id": 281, + "cuisine": "mexican", + "ingredients": [ + "salt", + "onions", + "flank steak", + "corn tortillas", + "salsa", + "serrano chile", + "vegetable oil", + "fresh lime juice" + ] + }, + { + "id": 9468, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "salt", + "eggs", + "lemon zest", + "grated nutmeg", + "water", + "butter", + "ricotta", + "sage leaves", + "parmigiano reggiano cheese", + "all-purpose flour" + ] + }, + { + "id": 43990, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "grated parmesan cheese", + "Italian turkey sausage", + "extra-lean ground beef", + "red pepper", + "olive oil", + "meat", + "low-fat mozzarella cheese", + "diced onions", + "ground black pepper", + "green pepper" + ] + }, + { + "id": 1131, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "chopped cilantro fresh", + "pepper", + "ground cayenne pepper", + "salt", + "plum tomatoes", + "eggplant", + "onions" + ] + }, + { + "id": 46864, + "cuisine": "mexican", + "ingredients": [ + "ground chipotle chile pepper", + "olive oil", + "serrano peppers", + "garlic", + "iceberg lettuce", + "white vinegar", + "fresh cilantro", + "roma tomatoes", + "green onions", + "spanish paprika", + "chile powder", + "lime", + "jalapeno chilies", + "pineapple", + "turkey meat", + "white onion", + "orange bell pepper", + "pink lady apple", + "salt", + "ground cumin" + ] + }, + { + "id": 10031, + "cuisine": "japanese", + "ingredients": [ + "dark soy sauce", + "fresh ginger", + "spices", + "scallions", + "chicken", + "boneless chicken skinless thigh", + "mirin", + "salt", + "saki", + "sugar", + "ground black pepper", + "crushed red pepper flakes", + "garlic cloves", + "pepper", + "regular soy sauce", + "sauce", + "bamboo shoots" + ] + }, + { + "id": 46236, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "serrano peppers", + "shrimp", + "avocado", + "black pepper", + "paprika", + "chopped cilantro fresh", + "tomatoes", + "olive oil", + "salt", + "ground cumin", + "salmon", + "shallots", + "fresh lime juice" + ] + }, + { + "id": 12602, + "cuisine": "italian", + "ingredients": [ + "honey", + "orange zest", + "sugar", + "red wine", + "mascarpone", + "sweet cherries" + ] + }, + { + "id": 30120, + "cuisine": "indian", + "ingredients": [ + "yoghurt", + "raw almond", + "milk", + "salt", + "white pepper", + "raw cashews", + "saffron", + "almonds", + "green cardamom" + ] + }, + { + "id": 42807, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "carrots", + "onions", + "water", + "bay leaves", + "celery", + "clove", + "ground black pepper", + "shrimp", + "dried basil", + "garlic", + "fresh parsley" + ] + }, + { + "id": 9518, + "cuisine": "italian", + "ingredients": [ + "ground chuck", + "prosciutto", + "dried sage", + "whipping cream", + "chopped garlic", + "pancetta", + "dried porcini mushrooms", + "ground nutmeg", + "russet potatoes", + "salt", + "fresh sage", + "parmesan cheese", + "beef stock", + "diced tomatoes", + "onions", + "tomato paste", + "olive oil", + "large eggs", + "butter", + "all-purpose flour" + ] + }, + { + "id": 13824, + "cuisine": "greek", + "ingredients": [ + "goat milk feta", + "olive oil", + "chickpeas", + "ground cumin", + "pepper", + "chicken breast halves", + "red bell pepper", + "tomatoes", + "minced garlic", + "purple onion", + "flat leaf parsley", + "kosher salt", + "tahini", + "lemon juice" + ] + }, + { + "id": 8522, + "cuisine": "indian", + "ingredients": [ + "saffron threads", + "vegetable oil", + "cardamom pods", + "onions", + "bay leaves", + "raw cashews", + "lemon juice", + "basmati rice", + "chili powder", + "salt", + "cinnamon sticks", + "raita", + "minced garlic", + "deveined shrimp", + "cumin seed", + "plain whole-milk yogurt" + ] + }, + { + "id": 20201, + "cuisine": "italian", + "ingredients": [ + "roasted hazelnuts", + "butter", + "semisweet chocolate", + "white chocolate", + "pizza doughs", + "chocolate-hazelnut spread" + ] + }, + { + "id": 6171, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "vegetable oil", + "green chilies", + "ground turmeric", + "water", + "chili powder", + "cilantro leaves", + "basmati rice", + "tomatoes", + "potatoes", + "salt", + "fresh lime juice", + "coriander powder", + "green peas", + "jeera" + ] + }, + { + "id": 7345, + "cuisine": "french", + "ingredients": [ + "ground nutmeg", + "baking potatoes", + "onions", + "black pepper", + "reduced fat milk", + "reduced-fat sour cream", + "radishes", + "butter", + "fat free less sodium chicken broth", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 36952, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "garlic cloves", + "spaghetti", + "kosher salt", + "fresh parsley", + "bread crumbs", + "ground beef", + "eggs", + "parmesan cheese", + "onions" + ] + }, + { + "id": 35470, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "honey", + "chili powder", + "purple onion", + "red bell pepper", + "pico de gallo", + "fresh cilantro", + "garlic powder", + "lean ground beef", + "cilantro leaves", + "avocado", + "orange", + "olive oil", + "onion powder", + "salt", + "ground cumin", + "romaine lettuce", + "lime", + "sliced olives", + "paprika", + "cayenne pepper" + ] + }, + { + "id": 41466, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "gooseberries", + "small tomatoes", + "salt", + "mustard seeds", + "red chili peppers", + "tamarind", + "channa dal", + "oil", + "ground turmeric", + "green bell pepper", + "pearl onions", + "roast", + "fenugreek seeds", + "toor dal", + "grated coconut", + "coriander seeds", + "urad dal", + "carrots" + ] + }, + { + "id": 38801, + "cuisine": "japanese", + "ingredients": [ + "garlic paste", + "cardamom seeds", + "ghee", + "ginger paste", + "clove", + "vegetable oil", + "cinnamon sticks", + "tiger prawn", + "tomatoes", + "cinnamon", + "coconut milk", + "ground turmeric", + "green cardamom pods", + "water", + "cayenne pepper", + "onions" + ] + }, + { + "id": 3412, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "corn", + "lime wedges", + "crema mexicana", + "chili powder", + "ground black pepper", + "salt" + ] + }, + { + "id": 44820, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "chopped pecans", + "powdered sugar", + "cream cheese, soften", + "vanilla extract" + ] + }, + { + "id": 36441, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "grated parmesan cheese", + "salt", + "olive oil", + "butternut squash", + "pepper", + "half & half", + "onions", + "chicken broth", + "ground nutmeg", + "linguine" + ] + }, + { + "id": 10168, + "cuisine": "italian", + "ingredients": [ + "lemon extract", + "poppy seeds", + "eggs", + "egg whites", + "ground almonds", + "lemon zest", + "all-purpose flour", + "baking soda", + "baking powder", + "white sugar" + ] + }, + { + "id": 33974, + "cuisine": "irish", + "ingredients": [ + "olive oil", + "fresh oregano", + "prime rib", + "garlic", + "potatoes", + "onions", + "seasoning salt", + "cayenne pepper" + ] + }, + { + "id": 41508, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lemon grass", + "chicken stock", + "straw mushrooms", + "chopped cilantro fresh", + "red chili peppers", + "green onions", + "kaffir lime leaves", + "lime juice", + "tiger prawn" + ] + }, + { + "id": 38856, + "cuisine": "korean", + "ingredients": [ + "spinach", + "sesame oil", + "oil", + "sugar", + "garlic", + "carrots", + "soy sauce", + "salt", + "onions", + "sesame", + "shiitake", + "scallions", + "noodles" + ] + }, + { + "id": 7086, + "cuisine": "greek", + "ingredients": [ + "sugar", + "dill", + "onions", + "ground cinnamon", + "deveined shrimp", + "garlic cloves", + "tomatoes", + "feta cheese", + "ground allspice", + "hot red pepper flakes", + "extra-virgin olive oil", + "juice" + ] + }, + { + "id": 49634, + "cuisine": "french", + "ingredients": [ + "lemon", + "salt", + "olive oil", + "cracked black pepper", + "shallots", + "artichokes", + "fresh tarragon" + ] + }, + { + "id": 31022, + "cuisine": "italian", + "ingredients": [ + "fresh lime juice", + "seedless watermelon", + "sugar" + ] + }, + { + "id": 35607, + "cuisine": "filipino", + "ingredients": [ + "garlic paste", + "olive oil", + "garlic chili sauce", + "soy sauce", + "green onions", + "sugar", + "pork loin", + "water", + "sesame oil" + ] + }, + { + "id": 27276, + "cuisine": "mexican", + "ingredients": [ + "corn tortillas", + "chicken breasts", + "shredded Monterey Jack cheese", + "enchilada sauce" + ] + }, + { + "id": 15913, + "cuisine": "italian", + "ingredients": [ + "chicken breasts", + "corn starch", + "grated parmesan cheese", + "swanson chicken broth", + "spaghetti", + "garlic powder", + "red pepper", + "onions", + "broccoli florets", + "carrots" + ] + }, + { + "id": 45989, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "white sugar", + "pecan halves", + "pinto beans", + "eggs", + "vanilla extract", + "unbaked pie crusts", + "cornmeal" + ] + }, + { + "id": 46474, + "cuisine": "southern_us", + "ingredients": [ + "all-purpose flour", + "jalapeno chilies", + "chicken thighs", + "white vinegar", + "oil", + "salt" + ] + }, + { + "id": 10698, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "corn", + "garlic", + "chipotles in adobo", + "chicken", + "mozzarella cheese", + "chili powder", + "oil", + "oregano", + "cheddar cheese", + "zucchini", + "salt", + "onions", + "pepper", + "cilantro", + "enchilada sauce", + "cumin" + ] + }, + { + "id": 27222, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "salt", + "lime juice", + "chile de arbol", + "beer", + "pepper", + "cilantro", + "yellow onion", + "olive oil", + "garlic" + ] + }, + { + "id": 10070, + "cuisine": "indian", + "ingredients": [ + "jalapeno chilies", + "dark brown sugar", + "red bell pepper", + "tumeric", + "vegetable oil", + "garlic cloves", + "mango", + "fresh ginger", + "salt", + "cinnamon sticks", + "ground cumin", + "white vinegar", + "golden raisins", + "ground coriander", + "onions" + ] + }, + { + "id": 21247, + "cuisine": "southern_us", + "ingredients": [ + "yellow cake mix", + "nonstick spray", + "butter", + "cinnamon", + "pecans", + "peaches in heavy syrup" + ] + }, + { + "id": 5700, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "ice water", + "coarse salt", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 25171, + "cuisine": "french", + "ingredients": [ + "pastry dough", + "armagnac", + "semolina flour", + "confectioners sugar", + "plums", + "granulated sugar", + "sour cream" + ] + }, + { + "id": 8428, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "sea salt", + "dry bread crumbs", + "eggs", + "parmigiano reggiano cheese", + "white rice", + "chicken broth", + "unsalted butter", + "chees fresh mozzarella", + "olive oil", + "egg whites", + "all-purpose flour" + ] + }, + { + "id": 28217, + "cuisine": "chinese", + "ingredients": [ + "cherries", + "chinese five-spice powder", + "kosher salt", + "dry sherry", + "pork butt", + "soy sauce", + "hoisin sauce", + "steak", + "honey", + "dark brown sugar" + ] + }, + { + "id": 12002, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "fat free less sodium chicken broth", + "large eggs", + "salt" + ] + }, + { + "id": 41402, + "cuisine": "irish", + "ingredients": [ + "pepper", + "garlic", + "bacon", + "low sodium chicken stock", + "ginger", + "cabbage", + "spring onions", + "salt" + ] + }, + { + "id": 2691, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "fennel bulb" + ] + }, + { + "id": 45891, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "garlic", + "rapeseed oil", + "fish sauce", + "rice wine", + "boneless skinless chicken", + "chicken stock", + "spring onions", + "purple onion", + "chillies", + "sugar", + "chilli paste", + "roasted peanuts" + ] + }, + { + "id": 44277, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "kosher salt", + "bawang goreng", + "cilantro sprigs", + "chicken", + "fish sauce", + "low sodium chicken broth", + "cooked rice", + "ground black pepper", + "vegetable oil", + "wheat beer", + "Massaman curry paste", + "fresh lime juice", + "light brown sugar", + "red chile powder", + "yukon gold potatoes", + "purple onion" + ] + }, + { + "id": 21931, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "garlic", + "chopped parsley", + "dried oregano", + "crushed red pepper flakes", + "salt", + "onions", + "bacon", + "pitted olives", + "rotini", + "capers", + "extra-virgin olive oil", + "red bell pepper", + "plum tomatoes" + ] + }, + { + "id": 12509, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "kosher salt", + "corn tortillas", + "white onion", + "hot sauce", + "flank steak", + "chipotles in adobo" + ] + }, + { + "id": 38696, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "almond extract", + "fresh lemon juice", + "pure vanilla extract", + "unsalted butter", + "all-purpose flour", + "almonds", + "salt", + "sugar", + "large eggs", + "grated lemon zest" + ] + }, + { + "id": 9316, + "cuisine": "chinese", + "ingredients": [ + "egg substitute", + "frozen broccoli", + "frozen shelled edamame", + "brown rice", + "toasted sesame seeds", + "minced garlic", + "crushed red pepper", + "sliced green onions", + "low sodium soy sauce", + "cooking spray", + "dark sesame oil" + ] + }, + { + "id": 38096, + "cuisine": "french", + "ingredients": [ + "eggs", + "ground black pepper", + "white wine vinegar", + "green beans", + "olive oil", + "black olives", + "small red potato", + "capers", + "dijon mustard", + "salt", + "tuna", + "romaine lettuce", + "pimentos", + "anchovy fillets" + ] + }, + { + "id": 36277, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "cardamom pods", + "clove", + "cumin seed", + "coriander seeds" + ] + }, + { + "id": 30073, + "cuisine": "italian", + "ingredients": [ + "pepper", + "cannellini beans", + "diced celery", + "tomato paste", + "olive oil", + "salt", + "carrots", + "fresh sage", + "fennel", + "veal shanks", + "onions", + "sage leaves", + "minced garlic", + "dry white wine", + "fat skimmed chicken broth" + ] + }, + { + "id": 22805, + "cuisine": "southern_us", + "ingredients": [ + "soup", + "chopped parsley", + "condensed cream of chicken soup", + "biscuit dough", + "chicken broth", + "paprika", + "boneless skinless chicken breast halves", + "pepper", + "poultry seasoning" + ] + }, + { + "id": 6351, + "cuisine": "mexican", + "ingredients": [ + "colby cheese", + "diced tomatoes", + "onions", + "refried beans", + "green chilies", + "minced garlic", + "black olives", + "taco sauce", + "flour tortillas", + "ground beef" + ] + }, + { + "id": 47750, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "coriander powder", + "salt", + "cardamom", + "onions", + "chicken", + "garlic paste", + "lemon", + "cumin seed", + "cinnamon sticks", + "peppercorns", + "red chili powder", + "bay leaves", + "green chilies", + "garlic cloves", + "coriander", + "clove", + "garam masala", + "ginger", + "oil", + "ghee", + "ground turmeric" + ] + }, + { + "id": 45787, + "cuisine": "italian", + "ingredients": [ + "sugar", + "grated parmesan cheese", + "ground turkey", + "olive oil", + "sliced mushrooms", + "crushed tomatoes", + "salt", + "dried oregano", + "pepper", + "garlic", + "polenta" + ] + }, + { + "id": 10243, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "cachaca", + "ice", + "lime" + ] + }, + { + "id": 46924, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "cider vinegar", + "ketchup", + "hot sauce", + "green cabbage", + "pepper" + ] + }, + { + "id": 44797, + "cuisine": "french", + "ingredients": [ + "sugar", + "heavy cream", + "eggs", + "flour", + "dark chocolate", + "butter", + "caramels", + "candy" + ] + }, + { + "id": 14880, + "cuisine": "thai", + "ingredients": [ + "lime", + "rice noodles", + "coconut milk", + "coconut oil", + "sweet potatoes", + "tamari soy sauce", + "water", + "green onions", + "green pepper", + "tofu", + "green curry paste", + "garlic", + "onions" + ] + }, + { + "id": 42193, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "lemon wedge", + "garlic cloves", + "ground black pepper", + "salt", + "olive oil", + "relish", + "fresh parsley", + "white bread", + "cooking spray", + "grouper" + ] + }, + { + "id": 35415, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "parsley", + "garlic", + "chopped parsley", + "grated parmesan cheese", + "ground veal", + "dry bread crumbs", + "ground beef", + "large eggs", + "red pepper flakes", + "salt", + "bay leaf", + "spanish onion", + "basil leaves", + "ground pork", + "freshly ground pepper", + "plum tomatoes" + ] + }, + { + "id": 38039, + "cuisine": "italian", + "ingredients": [ + "bottled clam juice", + "dry white wine", + "medium shrimp", + "canned low sodium chicken broth", + "bay scallops", + "garlic", + "boiling water", + "arborio rice", + "olive oil", + "butter", + "onions", + "dried porcini mushrooms", + "mushrooms", + "salt" + ] + }, + { + "id": 41714, + "cuisine": "italian", + "ingredients": [ + "rolls", + "pizza sauce", + "mozzarella cheese", + "sliced mushrooms", + "frozen bread dough" + ] + }, + { + "id": 15470, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "green onions", + "flour tortillas", + "creole seasoning", + "sweet onion", + "chicken breasts", + "low sodium chicken broth", + "roux" + ] + }, + { + "id": 20616, + "cuisine": "irish", + "ingredients": [ + "sugar", + "butter", + "all-purpose flour", + "cooking spray", + "1% low-fat milk", + "large eggs", + "raisins", + "cinnamon sugar", + "ground cinnamon", + "baking powder", + "salt" + ] + }, + { + "id": 46330, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "cayenne pepper", + "baking soda", + "salt", + "canola oil", + "eggs", + "buttermilk", + "cornmeal", + "ground black pepper", + "all-purpose flour", + "sliced green onions" + ] + }, + { + "id": 17215, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "vegetable oil", + "carrots", + "sugar", + "sesame oil", + "salt", + "spinach", + "shiitake", + "garlic", + "toasted sesame seeds", + "cooked rice", + "chile paste", + "pickling cucumbers", + "korean chile paste" + ] + }, + { + "id": 3645, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "kosher salt", + "sea bass fillets", + "flat leaf parsley", + "red potato", + "fennel bulb", + "lemon rind", + "grated orange", + "tomatoes", + "olive oil", + "sauce", + "dried oregano", + "black pepper", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 8781, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "dried thyme", + "bacon", + "peanut oil", + "celery seed", + "dried oregano", + "celery ribs", + "black pepper", + "flour", + "cayenne pepper", + "sweet paprika", + "onions", + "andouille sausage", + "garlic powder", + "salt", + "okra", + "fresh parsley", + "chicken stock", + "water", + "green onions", + "green pepper", + "garlic cloves", + "chicken thighs" + ] + }, + { + "id": 48419, + "cuisine": "greek", + "ingredients": [ + "fresh oregano", + "dried oregano", + "garlic powder", + "lemon juice", + "frozen chopped spinach", + "rice", + "salt", + "feta cheese crumbles" + ] + }, + { + "id": 21708, + "cuisine": "italian", + "ingredients": [ + "lemon zest", + "flat leaf parsley", + "garlic", + "extra-virgin olive oil", + "spaghetti", + "hot red pepper flakes", + "salt" + ] + }, + { + "id": 34303, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "orange", + "cilantro sprigs", + "corn tortillas", + "crumbles", + "pork shoulder butt", + "salsa", + "water", + "whole milk", + "lard", + "white onion", + "ground black pepper", + "salt" + ] + }, + { + "id": 23631, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "cheddar cheese", + "salsa", + "tortillas", + "pork", + "kimchi" + ] + }, + { + "id": 18634, + "cuisine": "mexican", + "ingredients": [ + "lime", + "salt", + "pepper", + "diced red onions", + "avocado", + "cherry tomatoes", + "corn", + "grapeseed oil" + ] + }, + { + "id": 44697, + "cuisine": "japanese", + "ingredients": [ + "carrots", + "sugar", + "ghee", + "milk", + "cashew nuts", + "cardamom" + ] + }, + { + "id": 34041, + "cuisine": "italian", + "ingredients": [ + "eggs", + "eggplant", + "diced tomatoes", + "ketchup", + "grated parmesan cheese", + "italian seasoning", + "frozen chopped spinach", + "olive oil", + "ricotta cheese", + "pasta sauce", + "feta cheese", + "ground beef" + ] + }, + { + "id": 22726, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "salt", + "olive oil", + "vegetable oil", + "chopped cilantro fresh", + "lime", + "flank steak", + "yellow onion", + "bell pepper", + "garlic", + "ground cumin" + ] + }, + { + "id": 33708, + "cuisine": "italian", + "ingredients": [ + "sausage links", + "large garlic cloves", + "olive oil", + "Italian bread", + "black pepper", + "salt", + "bell pepper", + "onions" + ] + }, + { + "id": 18058, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "gruyere cheese", + "kosher salt", + "marinara sauce", + "grated parmesan cheese", + "low-fat milk", + "ground black pepper", + "basil leaves" + ] + }, + { + "id": 15109, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "fresh lemon juice", + "spinach", + "green onions", + "bulgur", + "chopped fresh mint", + "ground black pepper", + "grated lemon zest", + "medium shrimp", + "water", + "lemon wedge", + "garlic cloves" + ] + }, + { + "id": 6452, + "cuisine": "southern_us", + "ingredients": [ + "low-fat buttermilk", + "ice water", + "lemon rind", + "sugar", + "cooking spray", + "salt", + "large eggs", + "vanilla extract", + "fresh lemon juice", + "large egg whites", + "butter", + "all-purpose flour" + ] + }, + { + "id": 4818, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "baking soda", + "onion powder", + "all-purpose flour", + "juice", + "honey", + "granulated sugar", + "paprika", + "dill", + "garlic powder", + "baking powder", + "salt", + "peanut oil", + "dried thyme", + "unsalted butter", + "buttermilk", + "cayenne pepper", + "bone in skin on chicken thigh" + ] + }, + { + "id": 25969, + "cuisine": "brazilian", + "ingredients": [ + "pepper", + "butter", + "chiles", + "parmesan cheese", + "salsa", + "eggs", + "water", + "salt", + "bread crumbs", + "flour" + ] + }, + { + "id": 22596, + "cuisine": "jamaican", + "ingredients": [ + "garlic powder", + "fat free yogurt", + "sesame oil", + "fresh ginger", + "non-fat sour cream", + "ground ginger", + "hot pepper sauce" + ] + }, + { + "id": 49321, + "cuisine": "italian", + "ingredients": [ + "unflavored gelatin", + "lemon", + "vanilla beans", + "sugar", + "heavy whipping cream", + "whole milk" + ] + }, + { + "id": 38761, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "salt", + "stewed tomatoes", + "chopped fresh chives", + "serrano", + "pepper", + "garlic" + ] + }, + { + "id": 6296, + "cuisine": "thai", + "ingredients": [ + "broccolini", + "vegetable stock", + "cabbage", + "sweet chili sauce", + "rice noodles", + "oil", + "soy sauce", + "peanuts", + "garlic", + "beans", + "red capsicum", + "onions" + ] + }, + { + "id": 1380, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "large eggs", + "fresh lemon juice", + "ground cinnamon", + "milk", + "vanilla extract", + "bread flour", + "powdered sugar", + "active dry yeast", + "salt", + "warm water", + "butter", + "sour cream" + ] + }, + { + "id": 26416, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large eggs", + "all-purpose flour", + "water", + "vanilla extract", + "pinenuts", + "baking powder", + "grated lemon zest", + "baking soda", + "salt" + ] + }, + { + "id": 1778, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "potatoes", + "heavy whipping cream", + "back bacon rashers", + "salt", + "onions", + "collard greens", + "parsley", + "fresh parsley", + "pepper", + "croutons", + "cumin" + ] + }, + { + "id": 11983, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "mirin", + "rice vinegar", + "cooked white rice", + "potato starch", + "boneless chicken skinless thigh", + "shredded cabbage", + "fresh lemon juice", + "soy sauce", + "bonito flakes", + "konbu", + "canola oil", + "sake", + "white onion", + "ginger", + "fresh lime juice" + ] + }, + { + "id": 36372, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "sake", + "dark miso", + "firm tofu", + "sugar" + ] + }, + { + "id": 34296, + "cuisine": "japanese", + "ingredients": [ + "sake", + "green onions", + "beef tenderloin", + "cucumber", + "lime zest", + "fresh ginger", + "sesame oil", + "garlic cloves", + "soy sauce", + "rice wine", + "freshly ground pepper", + "fresh lime juice", + "firmly packed brown sugar", + "black sesame seeds", + "daikon", + "carrots" + ] + }, + { + "id": 9942, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "garlic", + "lentils", + "chili flakes", + "vegetable oil", + "green chilies", + "coriander", + "curry leaves", + "pepper", + "salt", + "juice", + "asafoetida", + "ginger", + "cumin seed", + "plum tomatoes" + ] + }, + { + "id": 1682, + "cuisine": "cajun_creole", + "ingredients": [ + "green onions", + "minced garlic", + "button mushrooms", + "seasoning", + "boneless skinless chicken breasts", + "blue cheese dressing", + "smoked sausage" + ] + }, + { + "id": 1456, + "cuisine": "mexican", + "ingredients": [ + "sliced tomatoes", + "cheddar cheese", + "kosher salt", + "coarse salt", + "onions", + "tomatoes", + "hamburger buns", + "jalapeno chilies", + "fresh lemon juice", + "ground cumin", + "avocado", + "mayonaise", + "fresh cilantro", + "shredded lettuce", + "dried oregano", + "corn tortilla chips", + "black pepper", + "chili powder", + "ground beef" + ] + }, + { + "id": 15665, + "cuisine": "japanese", + "ingredients": [ + "steak fillets", + "steamed rice", + "onions", + "sugar", + "salt", + "sake", + "mirin", + "soy sauce", + "oil" + ] + }, + { + "id": 12796, + "cuisine": "korean", + "ingredients": [ + "green onions", + "rice flour", + "pork", + "salt", + "large eggs", + "all-purpose flour", + "cold water", + "vegetable oil", + "kimchi" + ] + }, + { + "id": 46121, + "cuisine": "mexican", + "ingredients": [ + "celery stick", + "salt", + "cumin", + "tomato paste", + "water", + "ground beef", + "pepper", + "red bell pepper", + "tomatoes", + "chili powder", + "onions" + ] + }, + { + "id": 5260, + "cuisine": "mexican", + "ingredients": [ + "water", + "vegetable oil", + "sour cream", + "fresh cilantro", + "tomatillos", + "onions", + "pepper", + "chile pepper", + "salt", + "monterey jack", + "boneless pork shoulder", + "jalapeno chilies", + "garlic", + "dried oregano" + ] + }, + { + "id": 18868, + "cuisine": "british", + "ingredients": [ + "eggs", + "lemon zest", + "dry sherry", + "bread", + "granulated sugar", + "butter", + "grated nutmeg", + "milk", + "candied peel", + "whipping cream", + "white bread", + "vanilla pods", + "raisins" + ] + }, + { + "id": 7961, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "white miso", + "black cod fillets", + "sake", + "mirin" + ] + }, + { + "id": 34868, + "cuisine": "mexican", + "ingredients": [ + "corn tortillas", + "cooking spray", + "salt", + "olive oil", + "ground cumin" + ] + }, + { + "id": 29069, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "salt", + "cucumber", + "ground black pepper", + "garlic cloves", + "olive oil", + "greek style plain yogurt", + "red wine vinegar", + "lemon juice" + ] + }, + { + "id": 25766, + "cuisine": "southern_us", + "ingredients": [ + "turnip greens", + "breakfast sausages", + "crushed red pepper", + "dried parsley", + "corn", + "russet potatoes", + "carrots", + "black pepper", + "instant potato flakes", + "salt", + "chicken broth", + "garlic powder", + "heavy cream", + "frozen peppers and onions" + ] + }, + { + "id": 5174, + "cuisine": "mexican", + "ingredients": [ + "cream of celery soup", + "lime juice", + "colby jack cheese", + "red bell pepper", + "oregano", + "black beans", + "boneless skinless chicken breasts", + "butter", + "chopped cilantro fresh", + "frozen sweet corn", + "olive oil", + "chili powder", + "garlic salt", + "ground cumin", + "chicken broth", + "minced garlic", + "chives", + "rice", + "chunky salsa" + ] + }, + { + "id": 658, + "cuisine": "russian", + "ingredients": [ + "black peppercorns", + "sliced black olives", + "beef base", + "stewed tomatoes", + "oil", + "cabbage", + "light sour cream", + "water", + "dry white wine", + "lemon", + "allspice berries", + "cooked chicken breasts", + "capers", + "hillshire farms low fat sausage", + "salami", + "chopped celery", + "dill pickles", + "tomato paste", + "fresh dill", + "bay leaves", + "spices", + "salt", + "onions" + ] + }, + { + "id": 17169, + "cuisine": "thai", + "ingredients": [ + "ketchup", + "lime wedges", + "beansprouts", + "sugar", + "extra firm tofu", + "paprika", + "canola oil", + "white vinegar", + "chili paste", + "rice noodles", + "chopped garlic", + "soy sauce", + "green onions", + "roasted peanuts" + ] + }, + { + "id": 46408, + "cuisine": "southern_us", + "ingredients": [ + "half & half", + "ham", + "butter", + "shrimp", + "olive oil", + "all-purpose flour", + "chicken broth", + "barbecue seasoning", + "fresh parsley" + ] + }, + { + "id": 36173, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "egg whites", + "garlic", + "prawns", + "ginger", + "hot pepper sauce", + "spring onions", + "salt", + "white bread", + "cooking oil", + "cornflour" + ] + }, + { + "id": 43993, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "applewood smoked bacon", + "butternut squash", + "lower sodium chicken broth", + "flat leaf parsley" + ] + }, + { + "id": 30459, + "cuisine": "french", + "ingredients": [ + "chicken legs", + "whole grain mustard", + "garlic cloves", + "dried thyme", + "salt", + "green peppercorns", + "olive oil", + "freshly ground pepper", + "fresh marjoram", + "coarse sea salt", + "bay leaf" + ] + }, + { + "id": 38804, + "cuisine": "italian", + "ingredients": [ + "artichok heart marin", + "bread, cut into italian loaf", + "hellmann' or best food light mayonnais", + "sun-dried tomatoes in oil", + "grated parmesan cheese" + ] + }, + { + "id": 5485, + "cuisine": "mexican", + "ingredients": [ + "baking powder", + "shortening", + "all-purpose flour", + "salt", + "water" + ] + }, + { + "id": 4902, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "peaches", + "cinnamon", + "ground allspice", + "sugar", + "flour", + "ginger", + "brown sugar", + "granulated sugar", + "orange extract", + "corn starch", + "nutmeg", + "syrup", + "pastry dough", + "vanilla" + ] + }, + { + "id": 42200, + "cuisine": "southern_us", + "ingredients": [ + "table salt", + "onion powder", + "ground black pepper", + "chicken drumsticks", + "habanero hot sauce", + "vegetable oil", + "low-fat buttermilk", + "all-purpose flour" + ] + }, + { + "id": 47583, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "garlic", + "chopped cilantro", + "canola oil", + "black peppercorns", + "cinnamon", + "green cardamom", + "ground turmeric", + "cooked rice", + "ginger", + "brown cardamom", + "bone in chicken thighs", + "chile powder", + "kosher salt", + "yellow onion", + "serrano chile" + ] + }, + { + "id": 646, + "cuisine": "filipino", + "ingredients": [ + "egg whites", + "honey", + "oil", + "bananas", + "confectioners sugar", + "lumpia wrappers" + ] + }, + { + "id": 4863, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "rice noodles", + "fresh coriander", + "sambal olek", + "fresh basil leaves", + "five spice", + "sweet onion", + "beef broth", + "fish sauce", + "beef", + "beansprouts" + ] + }, + { + "id": 44445, + "cuisine": "french", + "ingredients": [ + "large eggs", + "extra-virgin olive oil", + "sea salt", + "garlic" + ] + }, + { + "id": 31210, + "cuisine": "british", + "ingredients": [ + "plain flour", + "vegetable oil", + "potatoes", + "beer", + "egg whites", + "salt", + "haddock" + ] + }, + { + "id": 18580, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "salt", + "grated parmesan cheese", + "milk", + "grits", + "white pepper", + "butter" + ] + }, + { + "id": 28025, + "cuisine": "spanish", + "ingredients": [ + "ground cinnamon", + "minced garlic", + "salt", + "white sugar", + "pinenuts", + "cooking oil", + "tuna", + "green bell pepper", + "ground nutmeg", + "red bell pepper", + "pepper", + "diced tomatoes", + "onions" + ] + }, + { + "id": 10135, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "all-purpose flour", + "powdered sugar", + "apples", + "peanut oil", + "butter", + "sauce", + "large eggs", + "salt" + ] + }, + { + "id": 32409, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "green lentil", + "garlic cloves", + "chicken", + "olive oil", + "salt", + "fresh parsley", + "fresh cilantro", + "ground black pepper", + "lemon juice", + "ground cumin", + "ground ginger", + "chopped tomatoes", + "chickpeas", + "onions" + ] + }, + { + "id": 22548, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "Sriracha", + "garlic", + "cabbage", + "reduced sodium soy sauce", + "sesame oil", + "celery", + "fresh ginger", + "mushrooms", + "carrots", + "egg noodles", + "vegetable oil", + "snow peas" + ] + }, + { + "id": 37146, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "mirin", + "kosher salt", + "vegetable oil", + "soy sauce", + "flank steak", + "sake", + "water", + "scallions" + ] + }, + { + "id": 28545, + "cuisine": "italian", + "ingredients": [ + "italian seasoned dry bread crumbs", + "grated parmesan cheese", + "boneless skinless chicken breasts", + "mayonaise" + ] + }, + { + "id": 11764, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "cilantro leaves", + "coconut milk", + "clove", + "ginger", + "cumin seed", + "ground turmeric", + "prawns", + "green chilies", + "onions", + "tamarind extract", + "salt", + "oil" + ] + }, + { + "id": 37970, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "dry white wine", + "linguine", + "ground black pepper", + "littleneck clams", + "chopped parsley", + "unsalted butter", + "extra-virgin olive oil", + "Italian bread", + "water", + "crushed red pepper flakes", + "garlic" + ] + }, + { + "id": 47171, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "leaves", + "garlic", + "tumeric", + "cardamon", + "onions", + "tomatoes", + "cayenne", + "ground coriander", + "chard", + "fresh ginger", + "sea salt", + "ground cumin" + ] + }, + { + "id": 21418, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "ginger", + "oil", + "amchur", + "green chilies", + "coriander", + "tumeric", + "salt", + "chopped cilantro", + "potatoes", + "cumin seed", + "asafetida" + ] + }, + { + "id": 25058, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "whole milk", + "salt", + "ground cinnamon", + "cayenne", + "heavy cream", + "solid pack pumpkin", + "ground ginger", + "ground nutmeg", + "vegetable oil", + "pumpkin seeds", + "large eggs", + "vanilla" + ] + }, + { + "id": 8541, + "cuisine": "mexican", + "ingredients": [ + "flour", + "cayenne pepper", + "butter", + "whole milk", + "sharp cheddar cheese", + "salt" + ] + }, + { + "id": 7963, + "cuisine": "southern_us", + "ingredients": [ + "frozen whole kernel corn", + "cooking spray", + "all-purpose flour", + "baking soda", + "jalapeno chilies", + "salt", + "yellow corn meal", + "low-fat buttermilk", + "yoghurt", + "sugar", + "large eggs", + "baking powder" + ] + }, + { + "id": 22454, + "cuisine": "spanish", + "ingredients": [ + "water", + "large egg yolks", + "extra-virgin olive oil", + "cherry peppers", + "kosher salt", + "manchego cheese", + "heavy cream", + "garlic cloves", + "milk", + "large eggs", + "anchovy fillets", + "medium shrimp", + "saffron threads", + "corn kernels", + "dry white wine", + "freshly ground pepper" + ] + }, + { + "id": 42804, + "cuisine": "japanese", + "ingredients": [ + "water", + "potatoes", + "green chilies", + "garam masala", + "salt", + "coriander", + "amchur", + "seeds", + "oil", + "red chili peppers", + "ravva", + "cilantro leaves" + ] + }, + { + "id": 43028, + "cuisine": "thai", + "ingredients": [ + "water", + "boneless skinless chicken breasts", + "green beans", + "brown sugar", + "olive oil", + "light coconut milk", + "ginger root", + "lime zest", + "chili", + "Thai red curry paste", + "red bell pepper", + "pepper", + "low sodium chicken broth", + "salt" + ] + }, + { + "id": 1588, + "cuisine": "moroccan", + "ingredients": [ + "lamb stock", + "couscous", + "pitted green olives", + "coriander", + "dried apricot", + "onions", + "seasoning", + "lemon", + "ground lamb" + ] + }, + { + "id": 44963, + "cuisine": "indian", + "ingredients": [ + "baking powder", + "eggs", + "salt", + "coconut flour", + "coconut oil", + "coconut milk" + ] + }, + { + "id": 34031, + "cuisine": "moroccan", + "ingredients": [ + "lamb shanks", + "flour", + "cilantro leaves", + "saffron", + "prunes", + "chopped tomatoes", + "harissa", + "garlic cloves", + "ground ginger", + "olive oil", + "beef stock", + "ground coriander", + "ground cumin", + "sugar", + "lemon zest", + "paprika", + "onions" + ] + }, + { + "id": 968, + "cuisine": "korean", + "ingredients": [ + "light brown sugar", + "dijon mustard", + "paprika", + "Gochujang base", + "water", + "lettuce leaves", + "garlic", + "corn starch", + "garlic powder", + "sesame oil", + "rice vinegar", + "chicken", + "chile powder", + "miso paste", + "buttermilk", + "all-purpose flour" + ] + }, + { + "id": 38827, + "cuisine": "indian", + "ingredients": [ + "clove", + "cayenne", + "all-purpose flour", + "chicken thighs", + "fresh curry leaves", + "vegetable oil", + "cinnamon sticks", + "white vinegar", + "water", + "ginger", + "onions", + "black peppercorns", + "shallots", + "garlic cloves" + ] + }, + { + "id": 26934, + "cuisine": "southern_us", + "ingredients": [ + "water", + "parmigiano reggiano cheese", + "garlic cloves", + "black pepper", + "olive oil", + "salt", + "grits", + "salmon fillets", + "dried thyme", + "cooking spray", + "sliced mushrooms", + "fat free less sodium chicken broth", + "finely chopped fresh parsley", + "fresh onion" + ] + }, + { + "id": 7857, + "cuisine": "italian", + "ingredients": [ + "artichok heart marin", + "italian salad dressing", + "pitted kalamata olives", + "provolone cheese", + "genoa salami", + "corkscrew pasta", + "grated parmesan cheese", + "red bell pepper" + ] + }, + { + "id": 12931, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "unsalted butter", + "salt", + "sugar", + "buttermilk", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 46949, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "worcestershire sauce", + "chicken", + "steak sauce", + "seasoning salt", + "sorghum syrup", + "tomato sauce", + "hot sauce", + "ketchup", + "lemon juice" + ] + }, + { + "id": 21789, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "pasta sauce", + "ricotta cheese", + "all-purpose flour", + "fresh basil", + "grated parmesan cheese", + "garlic", + "ground beef", + "chicken bouillon granules", + "manicotti shells", + "half & half", + "salt", + "fresh parsley", + "eggs", + "olive oil", + "butter", + "chopped onion" + ] + }, + { + "id": 4718, + "cuisine": "korean", + "ingredients": [ + "Gochujang base", + "medjool date", + "toasted sesame oil" + ] + }, + { + "id": 38667, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "garlic", + "coarse salt", + "jalapeno chilies", + "freshly ground pepper", + "white onion", + "tomatillos" + ] + }, + { + "id": 29989, + "cuisine": "french", + "ingredients": [ + "melted butter", + "all-purpose flour", + "whole milk", + "large eggs", + "buckwheat flour" + ] + }, + { + "id": 18086, + "cuisine": "japanese", + "ingredients": [ + "green cabbage", + "milk", + "sesame oil", + "all-purpose flour", + "panko breadcrumbs", + "ketchup", + "black sesame seeds", + "garlic", + "ground allspice", + "boneless chop pork", + "brown rice", + "rice vinegar", + "scallions", + "soy sauce", + "mirin", + "miso", + "ground mustard" + ] + }, + { + "id": 8802, + "cuisine": "chinese", + "ingredients": [ + "tofu", + "sugar", + "sweet soy sauce", + "garlic", + "black peppercorns", + "light soy sauce", + "shallots", + "corn starch", + "neutral oil", + "red chili peppers", + "green onions", + "firm tofu", + "dark soy sauce", + "fresh ginger", + "butter", + "cooked white rice" + ] + }, + { + "id": 17616, + "cuisine": "thai", + "ingredients": [ + "water", + "brown rice", + "garlic cloves", + "soy sauce", + "fresh ginger", + "Thai red curry paste", + "coconut milk", + "green bell pepper", + "lime juice", + "vegetable oil", + "kabocha squash", + "kosher salt", + "steamed white rice", + "yellow onion", + "chopped cilantro fresh" + ] + }, + { + "id": 37116, + "cuisine": "french", + "ingredients": [ + "mayonaise", + "fresh lemon juice", + "fresh basil", + "grated lemon peel", + "minced garlic" + ] + }, + { + "id": 47238, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "shallots", + "varnish clams", + "crab claws", + "dry white wine", + "Meyer lemon juice", + "fennel seeds", + "chopped fresh chives", + "fresh orange juice", + "mussels", + "coriander seeds", + "butter" + ] + }, + { + "id": 40869, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "egg whites", + "salt", + "pork butt", + "ketchup", + "apple cider vinegar", + "celery", + "soy sauce", + "green onions", + "corn starch", + "white sugar", + "pineapple chunks", + "water", + "vegetable oil", + "onions" + ] + }, + { + "id": 11077, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "boneless skinless chicken breasts", + "chili paste with garlic", + "noodles", + "dry roasted peanuts", + "red wine vinegar", + "oil", + "soy sauce", + "sesame oil", + "garlic", + "chicken broth", + "green onions", + "dry sherry", + "corn starch" + ] + }, + { + "id": 30056, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "garlic", + "oil", + "ground turmeric", + "garam masala", + "peas", + "salt", + "onions", + "tomatoes", + "poppy seeds", + "paneer", + "jeera", + "coriander powder", + "kasuri methi", + "cilantro leaves", + "cashew nuts" + ] + }, + { + "id": 22153, + "cuisine": "greek", + "ingredients": [ + "lean minced beef", + "greek yogurt", + "eggs", + "chopped tomatoes", + "eggplant", + "boiling potatoes", + "tomato purée", + "parmesan cheese" + ] + }, + { + "id": 35285, + "cuisine": "korean", + "ingredients": [ + "potato starch", + "rice syrup", + "vinegar", + "garlic", + "corn starch", + "soy sauce", + "peanuts", + "grapeseed oil", + "corn syrup", + "chicken wings", + "sesame seeds", + "vegetable oil", + "salt", + "dried red chile peppers", + "mustard sauce", + "ground black pepper", + "ginger", + "peanut oil" + ] + }, + { + "id": 29768, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "potatoes", + "coconut cream", + "cinnamon sticks", + "tumeric", + "purple onion", + "green beans", + "coconut oil", + "garlic", + "green chilies", + "fennel seeds", + "zucchini", + "salt", + "mustard seeds" + ] + }, + { + "id": 39052, + "cuisine": "irish", + "ingredients": [ + "sweetened coconut", + "cream cheese", + "butter", + "cinnamon", + "confectioners sugar", + "vanilla" + ] + }, + { + "id": 4556, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "green cabbage", + "minced onion", + "celery seed", + "ground black pepper", + "carrots", + "mayonaise", + "vinegar" + ] + }, + { + "id": 16621, + "cuisine": "japanese", + "ingredients": [ + "milk", + "clarified butter", + "sugar", + "pistachios", + "almonds", + "boiled eggs", + "carrots" + ] + }, + { + "id": 41759, + "cuisine": "cajun_creole", + "ingredients": [ + "butter-margarine blend", + "red pepper", + "onions", + "celery ribs", + "green onions", + "garlic cloves", + "olive oil", + "long-grain rice", + "broth", + "cajun spice mix", + "fresh thyme leaves", + "sausages" + ] + }, + { + "id": 32881, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "green onions", + "peanut oil", + "boiling water", + "sugar", + "radishes", + "boneless pork loin", + "garlic cloves", + "white hominy", + "salt", + "cumin seed", + "fat free less sodium chicken broth", + "lime slices", + "chopped onion", + "ancho chile pepper" + ] + }, + { + "id": 28012, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "leg quarters", + "chopped garlic", + "fat free less sodium chicken broth", + "chopped celery", + "carrots", + "cremini mushrooms", + "chopped fresh thyme", + "yellow onion", + "applewood smoked bacon", + "black-eyed peas", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 38695, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "salt", + "green olives", + "red wine vinegar", + "lemon juice", + "feta cheese", + "oil", + "pepper", + "shell pasta", + "fresh basil leaves" + ] + }, + { + "id": 47724, + "cuisine": "jamaican", + "ingredients": [ + "cold water", + "fresh thyme", + "vegetable oil", + "tomato ketchup", + "sliced green onions", + "water", + "pastry dough", + "salt", + "ground allspice", + "minced garlic", + "large eggs", + "vegetable shortening", + "minced beef", + "diced onions", + "ground black pepper", + "hot pepper", + "all-purpose flour", + "ground turmeric" + ] + }, + { + "id": 11206, + "cuisine": "italian", + "ingredients": [ + "beef", + "carrots", + "tomatoes", + "extra-virgin olive oil", + "unsweetened cocoa powder", + "celery ribs", + "red wine", + "onions", + "black pepper", + "salt" + ] + }, + { + "id": 41185, + "cuisine": "french", + "ingredients": [ + "olive oil", + "fresh thyme leaves", + "garlic cloves", + "baby portobello mushrooms", + "fresh shiitake mushrooms", + "port", + "thyme sprigs", + "pepper", + "shallots", + "salt", + "polenta", + "chicken broth", + "parmesan cheese", + "butter", + "flat leaf parsley" + ] + }, + { + "id": 11366, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "parsley", + "garlic cloves", + "tomatoes", + "flour", + "butter", + "onions", + "green bell pepper", + "mushrooms", + "salt", + "pepper", + "pimentos", + "calf liver" + ] + }, + { + "id": 24598, + "cuisine": "french", + "ingredients": [ + "pancetta", + "kosher salt", + "parmigiano reggiano cheese", + "large garlic cloves", + "bay leaf", + "cabbage", + "yellow summer squash", + "fennel bulb", + "cannellini beans", + "salt", + "fresh basil leaves", + "turnips", + "baby lima beans", + "fresh thyme", + "baby spinach", + "carrots", + "boiling potatoes", + "haricots verts", + "water", + "grated parmesan cheese", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 48310, + "cuisine": "italian", + "ingredients": [ + "egg substitute", + "salt", + "low-fat sour cream", + "vanilla extract", + "corn starch", + "brown sugar", + "fat free milk", + "strawberries", + "marsala wine", + "plums", + "nectarines" + ] + }, + { + "id": 39795, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "refried beans", + "enchilada sauce", + "shredded cheese", + "flour tortillas" + ] + }, + { + "id": 35550, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "all purpose unbleached flour", + "smoked paprika", + "chicken", + "soy sauce", + "mushrooms", + "cayenne pepper", + "celery", + "green bell pepper", + "ground black pepper", + "garlic", + "ground white pepper", + "dried basil", + "green onions", + "sausages", + "onions" + ] + }, + { + "id": 17056, + "cuisine": "chinese", + "ingredients": [ + "sweetened condensed milk", + "white rice", + "milk", + "chopped walnuts" + ] + }, + { + "id": 33362, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "fennel bulb", + "lemon", + "yellow onion", + "cumin", + "olive oil", + "sweet potatoes", + "garlic", + "carrots", + "fresh cilantro", + "radishes", + "vegetable broth", + "brown lentils", + "cayenne", + "cinnamon", + "salt", + "coriander" + ] + }, + { + "id": 9050, + "cuisine": "french", + "ingredients": [ + "cinnamon", + "tart apples", + "large eggs", + "apple juice", + "unsalted butter", + "all-purpose flour", + "low-fat milk", + "sugar", + "salt", + "vanilla yogurt" + ] + }, + { + "id": 15194, + "cuisine": "italian", + "ingredients": [ + "butter", + "amaretto", + "powdered sugar" + ] + }, + { + "id": 11762, + "cuisine": "british", + "ingredients": [ + "fresh oregano leaves", + "unsalted butter", + "lean ground beef", + "cauliflower florets", + "carrots", + "chopped tomatoes", + "leeks", + "worcestershire sauce", + "grated nutmeg", + "cherry tomatoes", + "celery heart", + "red wine", + "extra-virgin olive oil", + "onions", + "tomato paste", + "ground black pepper", + "fresh thyme leaves", + "sea salt", + "scallions" + ] + }, + { + "id": 30214, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "diced green chilies", + "chopped cilantro", + "chili pepper", + "grating cheese", + "ground cumin", + "black beans", + "jalapeno chilies", + "onions", + "olive oil", + "tomatoes with juice" + ] + }, + { + "id": 28760, + "cuisine": "mexican", + "ingredients": [ + "cracked black pepper", + "shrimp", + "olive oil", + "salt", + "fresh lime juice", + "purple onion", + "cucumber", + "jalapeno chilies", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 30206, + "cuisine": "indian", + "ingredients": [ + "idli", + "oil", + "curry leaves", + "salt", + "onions", + "urad dal", + "mustard seeds", + "grated coconut", + "green chilies" + ] + }, + { + "id": 36652, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "salt", + "melted butter", + "butter", + "all-purpose flour", + "baking powder", + "shredded pepper jack cheese", + "baking soda", + "buttermilk", + "cayenne pepper" + ] + }, + { + "id": 18745, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "vanilla extract", + "pecans", + "all-purpose flour", + "brown sugar", + "pie shell", + "butter", + "corn syrup" + ] + }, + { + "id": 30196, + "cuisine": "jamaican", + "ingredients": [ + "chicken broth", + "minced garlic", + "ginger", + "smoked paprika", + "canola oil", + "stew", + "white pepper", + "green onions", + "sauce", + "chicken thighs", + "brown sugar", + "dried thyme", + "salt", + "chicken-flavored soup powder", + "chicken", + "ketchup", + "bell pepper", + "hot sauce", + "onions" + ] + }, + { + "id": 740, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "red bell pepper", + "fresh basil", + "extra-virgin olive oil", + "japanese eggplants", + "large garlic cloves", + "chopped fresh mint", + "water", + "crushed red pepper" + ] + }, + { + "id": 43187, + "cuisine": "french", + "ingredients": [ + "olive oil", + "leeks", + "garlic cloves", + "low sodium chicken broth", + "shallots", + "unsalted butter", + "dry white wine", + "thick-cut bacon", + "kosher salt", + "chopped fresh chives", + "freshly ground pepper" + ] + }, + { + "id": 12306, + "cuisine": "chinese", + "ingredients": [ + "pork", + "sesame oil", + "rice vinegar", + "corn starch", + "eggs", + "cider vinegar", + "ginger", + "firm tofu", + "bamboo shoots", + "chicken broth", + "soy sauce", + "button mushrooms", + "sauce", + "Thai chili garlic sauce", + "brown sugar", + "water", + "garlic", + "scallions" + ] + }, + { + "id": 5533, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "chopped green bell pepper", + "crushed red pepper", + "low salt chicken broth", + "kidney beans", + "mushrooms", + "garlic cloves", + "fresh parsley", + "olive oil", + "zucchini", + "chopped onion", + "thyme sprigs", + "part-skim mozzarella cheese", + "diced tomatoes", + "green beans", + "italian seasoning" + ] + }, + { + "id": 3640, + "cuisine": "thai", + "ingredients": [ + "coconut sugar", + "Thai red curry paste", + "coconut milk", + "lime juice", + "peanut butter", + "Thai chili paste", + "salt", + "peanuts", + "oil" + ] + }, + { + "id": 6462, + "cuisine": "vietnamese", + "ingredients": [ + "boneless chicken skinless thigh", + "shallots", + "garlic cloves", + "unsalted chicken stock", + "peeled fresh ginger", + "dark brown sugar", + "canola oil", + "fish sauce", + "green onions", + "freshly ground pepper", + "kosher salt", + "crushed red pepper", + "fresh lime juice" + ] + }, + { + "id": 37817, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "sesame oil", + "dipping sauces", + "cream cheese", + "cremini mushrooms", + "asparagus", + "crushed red pepper flakes", + "salt", + "salted seaweed", + "roasted sesame seeds", + "wonton wrappers", + "garlic", + "scallions", + "soy sauce", + "egg yolks", + "peas", + "yellow onion", + "carrots" + ] + }, + { + "id": 35235, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "dried rosemary", + "pork chops", + "garlic", + "butter", + "ground black pepper", + "salt" + ] + }, + { + "id": 11961, + "cuisine": "italian", + "ingredients": [ + "pizza sauce", + "pizza crust", + "oil", + "fresh basil", + "goat cheese", + "olive oil", + "onions" + ] + }, + { + "id": 6466, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "pancetta", + "red pepper flakes", + "broccoli rabe", + "salt", + "pinenuts", + "linguine" + ] + }, + { + "id": 18010, + "cuisine": "chinese", + "ingredients": [ + "tomato purée", + "red wine vinegar", + "soy sauce", + "cornflour", + "water", + "sugar", + "pineapple" + ] + }, + { + "id": 24601, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "black mustard seeds", + "ground cumin", + "kosher salt", + "chickpeas", + "onions", + "tumeric", + "vegetable broth", + "cooked quinoa", + "broccolini", + "cumin seed", + "serrano chile" + ] + }, + { + "id": 46876, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "freshly ground pepper", + "garlic powder", + "dried parsley", + "green chile", + "salt", + "ground cumin", + "crushed tomatoes", + "onions" + ] + }, + { + "id": 39932, + "cuisine": "italian", + "ingredients": [ + "pasta", + "pepper", + "italian plum tomatoes", + "flat leaf parsley", + "sausage casings", + "kidney beans", + "cayenne pepper", + "onions", + "tomato paste", + "dried thyme", + "salt", + "ground beef", + "fontina", + "grated parmesan cheese", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 28120, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "cumin seed", + "baby potatoes", + "red chili powder", + "salt", + "cashew nuts", + "tomato purée", + "coriander powder", + "oil", + "tumeric", + "curds", + "methi" + ] + }, + { + "id": 32442, + "cuisine": "southern_us", + "ingredients": [ + "toasted pecans", + "toasted baguette", + "chopped fresh thyme", + "honey", + "goat cheese", + "figs", + "cooked bacon" + ] + }, + { + "id": 11330, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "Anaheim chile", + "sauce", + "green bell pepper", + "thai basil", + "thai chile", + "dark soy sauce", + "ground chicken", + "vegetable oil", + "plum tomatoes", + "sugar", + "rice noodles", + "garlic cloves" + ] + }, + { + "id": 2628, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "wonton wrappers", + "salsa", + "reduced fat shredded cheese", + "olive oil", + "garlic", + "ground turkey", + "lime", + "cilantro", + "red bell pepper", + "light sour cream", + "plain low fat greek yogurt", + "purple onion", + "ground cumin" + ] + }, + { + "id": 10001, + "cuisine": "korean", + "ingredients": [ + "white pepper", + "green onions", + "garlic", + "corn starch", + "reduced sodium soy sauce", + "sesame oil", + "rice vinegar", + "sesame seeds", + "onion powder", + "boneless beef chuck roast", + "brown sugar", + "Sriracha", + "ginger", + "beef broth" + ] + }, + { + "id": 10590, + "cuisine": "chinese", + "ingredients": [ + "chinese ham", + "soy sauce", + "Shaoxing wine", + "ginger", + "all-purpose flour", + "boiling water", + "red vinegar", + "water", + "sesame oil", + "garlic", + "scallions", + "chicken wings", + "pork belly", + "green onions", + "dipping sauces", + "crabmeat", + "dumpling dough", + "sugar", + "gelatin", + "ground pork", + "salt", + "ground white pepper" + ] + }, + { + "id": 20027, + "cuisine": "italian", + "ingredients": [ + "freshly grated parmesan", + "heavy cream", + "rigatoni", + "sausage casings", + "finely chopped onion", + "fresh parsley leaves", + "chicken broth", + "fennel bulb", + "garlic", + "olive oil", + "dry white wine", + "red bell pepper" + ] + }, + { + "id": 10923, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "fresh thyme", + "onions", + "biscuits", + "olive oil", + "butternut squash", + "kosher salt", + "cannellini beans", + "spinach", + "parmesan cheese", + "diced tomatoes" + ] + }, + { + "id": 8320, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "large garlic cloves", + "hothouse cucumber", + "olive oil", + "feta cheese crumbles", + "spinach leaves", + "fresh lemon juice", + "brine-cured olives", + "pita bread rounds", + "fresh basil leaves" + ] + }, + { + "id": 46956, + "cuisine": "brazilian", + "ingredients": [ + "butter", + "chocolate sprinkles", + "bows", + "cocoa powder", + "sweetened condensed milk" + ] + }, + { + "id": 3467, + "cuisine": "italian", + "ingredients": [ + "leeks", + "flat leaf parsley", + "olive oil", + "garlic cloves", + "fresh tarragon", + "grated lemon peel", + "asparagus", + "low salt chicken broth" + ] + }, + { + "id": 22781, + "cuisine": "mexican", + "ingredients": [ + "canned chicken broth", + "rotisserie chicken", + "salsa", + "vegetable oil", + "white hominy", + "onions" + ] + }, + { + "id": 33916, + "cuisine": "italian", + "ingredients": [ + "egg yolks", + "forest fruit", + "lemon", + "superfine sugar", + "Grand Marnier" + ] + }, + { + "id": 4927, + "cuisine": "japanese", + "ingredients": [ + "firmly packed light brown sugar", + "vegetable oil", + "fresh ginger", + "kabocha squash", + "soy sauce", + "rice vinegar", + "sake", + "white miso", + "toasted sesame oil" + ] + }, + { + "id": 29872, + "cuisine": "jamaican", + "ingredients": [ + "clove", + "garlic powder", + "sea salt", + "ground allspice", + "lime", + "ground black pepper", + "cilantro leaves", + "ground cinnamon", + "ground nutmeg", + "salt", + "cumin seed", + "dried thyme", + "red pepper flakes", + "cane sugar" + ] + }, + { + "id": 8886, + "cuisine": "mexican", + "ingredients": [ + "cauliflower", + "onions", + "bell pepper", + "poblano peppers", + "chorizo sausage", + "mushrooms" + ] + }, + { + "id": 25980, + "cuisine": "greek", + "ingredients": [ + "honey", + "lemon", + "orange juice", + "greek yogurt", + "kosher salt", + "apple cider vinegar", + "fresh oregano", + "cucumber", + "fresh dill", + "boneless skinless chicken breasts", + "garlic", + "carrots", + "pita bread", + "ground black pepper", + "raisins", + "juice", + "canola oil" + ] + }, + { + "id": 2796, + "cuisine": "russian", + "ingredients": [ + "salmon fillets", + "butter", + "shiitake", + "puff pastry", + "water", + "long grain white rice", + "eggs", + "leeks" + ] + }, + { + "id": 41390, + "cuisine": "french", + "ingredients": [ + "sugar", + "all-purpose flour", + "ice water", + "salt", + "unsalted butter" + ] + }, + { + "id": 11568, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "egg noodles", + "scallions", + "soy sauce", + "large eggs", + "chicken broth", + "medium dry sherry", + "garlic cloves", + "fresh ginger", + "sesame oil" + ] + }, + { + "id": 44915, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "dried shiitake mushrooms", + "bamboo shoots", + "sugar", + "peeled fresh ginger", + "pork butt", + "cold water", + "Shaoxing wine", + "low salt chicken broth", + "shanghai noodles", + "peanut oil", + "cabbage" + ] + }, + { + "id": 14518, + "cuisine": "chinese", + "ingredients": [ + "mushrooms", + "corn starch", + "soy sauce", + "dry sherry", + "iceberg lettuce", + "chili flakes", + "rice noodles", + "salad oil", + "water chestnuts", + "lean beef", + "sliced green onions" + ] + }, + { + "id": 43706, + "cuisine": "french", + "ingredients": [ + "vegetables", + "cayenne pepper", + "red wine vinegar", + "mayonaise", + "garlic", + "roasted red peppers" + ] + }, + { + "id": 31812, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "sour cream", + "shredded Monterey Jack cheese", + "salsa", + "ground beef", + "taco seasoning mix", + "corn tortillas", + "chopped onion", + "iceberg lettuce" + ] + }, + { + "id": 16843, + "cuisine": "italian", + "ingredients": [ + "salt", + "large shrimp", + "marinara sauce", + "flat leaf parsley", + "garlic cloves", + "extra-virgin olive oil", + "fresh basil leaves" + ] + }, + { + "id": 10803, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "marsala wine", + "bacon", + "fresh mushrooms", + "cold water", + "butter", + "all-purpose flour", + "garlic powder", + "chicken meat", + "corn starch" + ] + }, + { + "id": 18573, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "oil", + "sugar", + "mirin", + "carrots", + "sake", + "sesame seeds", + "gobo root", + "soy sauce", + "hot pepper" + ] + }, + { + "id": 956, + "cuisine": "italian", + "ingredients": [ + "salted butter", + "fresh parsley", + "parmesan cheese", + "garlic paste" + ] + }, + { + "id": 41945, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "butter", + "onions", + "soy sauce", + "french bread", + "beef broth", + "garlic powder", + "shredded swiss cheese", + "creole style seasoning", + "pasta sauce", + "grated parmesan cheese", + "all-purpose flour" + ] + }, + { + "id": 14247, + "cuisine": "italian", + "ingredients": [ + "cider vinegar", + "garlic cloves", + "grana padano", + "tomato paste", + "dry white wine", + "pork butt roast", + "celery ribs", + "cannellini beans", + "onions", + "orecchiette", + "reduced sodium chicken broth", + "extra-virgin olive oil", + "dried oregano" + ] + }, + { + "id": 11991, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "unsalted butter", + "basmati rice" + ] + }, + { + "id": 207, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "self rising flour", + "canola oil", + "milk", + "strawberries", + "sugar", + "vanilla extract", + "eggs", + "jello", + "softened butter" + ] + }, + { + "id": 43405, + "cuisine": "indian", + "ingredients": [ + "diced onions", + "half & half", + "salt", + "serrano chile", + "spinach", + "yoghurt", + "garlic cloves", + "chiles", + "ginger", + "ghee", + "nutmeg", + "soft tofu", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 22905, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "cinnamon", + "canola oil", + "yellow corn meal", + "half & half", + "salt", + "honey", + "butter", + "eggs", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 45912, + "cuisine": "french", + "ingredients": [ + "russet potatoes", + "cucumber", + "chopped fresh chives", + "vegetable broth", + "radishes", + "butter", + "leeks", + "whipping cream" + ] + }, + { + "id": 5633, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salt", + "onions", + "vegetable oil", + "celery", + "water", + "peeled shrimp", + "fresh parsley", + "chopped green bell pepper", + "all-purpose flour" + ] + }, + { + "id": 6569, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "eggplant", + "shredded mozzarella cheese", + "crushed tomatoes", + "grated parmesan cheese", + "minced garlic", + "large egg yolks", + "panko breadcrumbs", + "olive oil", + "ricotta cheese" + ] + }, + { + "id": 23846, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "bread ciabatta", + "garlic cloves", + "ground black pepper", + "fresh parmesan cheese" + ] + }, + { + "id": 5180, + "cuisine": "spanish", + "ingredients": [ + "large egg yolks", + "lemon juice", + "large garlic cloves", + "large eggs", + "canola oil", + "kosher salt", + "extra-virgin olive oil" + ] + }, + { + "id": 4463, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "large garlic cloves", + "ground coriander", + "chopped cilantro fresh", + "ground cumin", + "peeled fresh ginger", + "purple onion", + "fresh lemon juice", + "ground turmeric", + "tomatoes", + "ground red pepper", + "salt", + "greek yogurt", + "canola oil", + "garam masala", + "paprika", + "garlic cloves", + "basmati rice" + ] + }, + { + "id": 38148, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "egg yolks", + "pears", + "almonds", + "custard", + "sugar", + "butter", + "puff pastry sheets", + "flour", + "cocoa powder" + ] + }, + { + "id": 9295, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "garlic cloves", + "fresh mint", + "fish sauce", + "rice vermicelli", + "shrimp", + "lettuce leaves", + "carrots", + "rice paper", + "sugar", + "rice vinegar", + "beansprouts" + ] + }, + { + "id": 24458, + "cuisine": "italian", + "ingredients": [ + "sugar", + "golden brown sugar", + "all-purpose flour", + "fennel seeds", + "ground cloves", + "large eggs", + "cinnamon sticks", + "vanilla ice cream", + "water", + "salt", + "marsala wine", + "unsalted butter", + "calimyrna figs" + ] + }, + { + "id": 462, + "cuisine": "southern_us", + "ingredients": [ + "tea leaves", + "lemon", + "tea bags", + "ice cubes", + "mint sprigs", + "granulated sugar" + ] + }, + { + "id": 35199, + "cuisine": "southern_us", + "ingredients": [ + "sweet tea", + "vodka", + "fresh mint" + ] + }, + { + "id": 151, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "red wine", + "sugar", + "large egg yolks", + "armagnac", + "fennel seeds", + "milk", + "salt", + "prunes", + "large egg whites", + "all-purpose flour" + ] + }, + { + "id": 39481, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "apple cider vinegar", + "corn starch", + "green bell pepper", + "garlic powder", + "yellow onion", + "cold water", + "ketchup", + "onion salt", + "red bell pepper", + "sugar", + "boneless skinless chicken breasts", + "oil" + ] + }, + { + "id": 31084, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "mushrooms", + "non stick spray", + "fresh ginger", + "sesame oil", + "corn starch", + "minced garlic", + "green onions", + "carrots", + "green cabbage", + "egg roll wrappers", + "vegetable oil" + ] + }, + { + "id": 46820, + "cuisine": "british", + "ingredients": [ + "butter", + "mashed potatoes", + "onions", + "savoy cabbage", + "salt", + "pepper" + ] + }, + { + "id": 48508, + "cuisine": "chinese", + "ingredients": [ + "white onion", + "peas", + "boneless skinless chicken breasts", + "rice", + "light soy sauce", + "garlic", + "eggs", + "sesame oil" + ] + }, + { + "id": 21597, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "garlic", + "cheddar cheese", + "fat-free cottage cheese", + "low fat tortilla chip", + "light sour cream", + "bell pepper", + "onions", + "taco sauce", + "ground chicken breast" + ] + }, + { + "id": 7892, + "cuisine": "filipino", + "ingredients": [ + "water", + "yellow onion", + "whole peppercorn", + "potatoes", + "chuck", + "fish sauce", + "bananas", + "long green beans", + "baby bok choy", + "napa cabbage" + ] + }, + { + "id": 34984, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "salt", + "pepper", + "white onion", + "garlic cloves", + "tomatillos" + ] + }, + { + "id": 44511, + "cuisine": "thai", + "ingredients": [ + "green cabbage", + "cherry tomatoes", + "garlic", + "dried shrimp", + "lime", + "tamarind juice", + "carrots", + "long beans", + "palm sugar", + "english cucumber", + "green papaya", + "unsalted roasted peanuts", + "thai chile", + "Thai fish sauce" + ] + }, + { + "id": 13116, + "cuisine": "jamaican", + "ingredients": [ + "finely chopped onion", + "scallions", + "dumpling wrappers", + "dry bread crumbs", + "curry powder", + "vegetable oil", + "ground beef", + "dried thyme", + "hot sauce" + ] + }, + { + "id": 29032, + "cuisine": "italian", + "ingredients": [ + "dried currants", + "rosemary", + "unsalted butter", + "garlic cloves", + "pork shoulder boston butt", + "black peppercorns", + "crushed tomatoes", + "ground nutmeg", + "freshly ground pepper", + "hot water", + "oregano", + "ground cloves", + "kale", + "grated parmesan cheese", + "cavatelli", + "bay leaf", + "celery ribs", + "kosher salt", + "olive oil", + "dry red wine", + "carrots", + "onions" + ] + }, + { + "id": 20496, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "sweet potatoes", + "salt", + "baking soda", + "butter", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 25405, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "feta cheese crumbles", + "pizza crust", + "kalamata", + "pizza sauce", + "plum tomatoes", + "mozzarella cheese", + "purple onion" + ] + }, + { + "id": 36487, + "cuisine": "indian", + "ingredients": [ + "clove", + "spinach", + "butter", + "cumin seed", + "onions", + "tomatoes", + "potatoes", + "salt", + "asafoetida powder", + "plain flour", + "garam masala", + "ginger", + "lemon juice", + "ground turmeric", + "ground cinnamon", + "chili powder", + "green chilies", + "ghee" + ] + }, + { + "id": 38674, + "cuisine": "mexican", + "ingredients": [ + "baking soda", + "chicken", + "corn husks", + "masa harina", + "chicken stock", + "salt", + "salsa verde", + "lard" + ] + }, + { + "id": 9732, + "cuisine": "greek", + "ingredients": [ + "sugar", + "olive oil", + "large eggs", + "garlic cloves", + "clove", + "crushed tomatoes", + "feta cheese", + "salt", + "dried oregano", + "black pepper", + "eggplant", + "cinnamon", + "onions", + "penne", + "milk", + "unsalted butter", + "all-purpose flour", + "ground lamb" + ] + }, + { + "id": 33823, + "cuisine": "chinese", + "ingredients": [ + "mandarin orange segments", + "unflavored gelatin", + "white sugar", + "almond extract", + "milk", + "boiling water" + ] + }, + { + "id": 49267, + "cuisine": "irish", + "ingredients": [ + "sugar", + "parsley", + "cilantro", + "garlic cloves", + "chicken stock", + "potatoes", + "bacon", + "salt", + "celery", + "stewing beef", + "worcestershire sauce", + "extra-virgin olive oil", + "carrots", + "parsnips", + "breakfast sausages", + "basil", + "pearl barley", + "onions" + ] + }, + { + "id": 33891, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "whipping cream", + "eggs", + "semisweet chocolate", + "ground cinnamon", + "sliced almonds", + "orange peel", + "grated orange peel", + "half & half" + ] + }, + { + "id": 42789, + "cuisine": "thai", + "ingredients": [ + "shiitake", + "button mushrooms", + "fresh lime juice", + "kaffir lime leaves", + "extra firm tofu", + "vegetable broth", + "ground turmeric", + "rice stick noodles", + "lemon grass", + "Thai red curry paste", + "galangal", + "brown sugar", + "crushed red pepper flakes", + "coconut milk" + ] + }, + { + "id": 3609, + "cuisine": "italian", + "ingredients": [ + "all purpose unbleached flour", + "active dry yeast", + "warm water", + "salt", + "olive oil" + ] + }, + { + "id": 35382, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic powder", + "salt", + "fried rice", + "minced garlic", + "boneless skinless chicken breasts", + "oil", + "pepper", + "hoisin sauce", + "rice vinegar", + "sugar", + "water", + "crushed red pepper flakes", + "corn starch" + ] + }, + { + "id": 31817, + "cuisine": "spanish", + "ingredients": [ + "unsalted butter", + "baguette", + "fig jam", + "extra-virgin olive oil", + "manchego cheese", + "serrano ham" + ] + }, + { + "id": 9217, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "ground beef", + "garlic", + "white sugar", + "tomato purée", + "onions", + "salt", + "italian seasoning" + ] + }, + { + "id": 49245, + "cuisine": "greek", + "ingredients": [ + "golden raisins", + "garlic cloves", + "dried oregano", + "fat free less sodium chicken broth", + "lemon slices", + "feta cheese crumbles", + "capers", + "chicken breast halves", + "lemon juice", + "olive oil", + "all-purpose flour", + "onions" + ] + }, + { + "id": 17322, + "cuisine": "moroccan", + "ingredients": [ + "cooking oil", + "lamb shoulder", + "couscous", + "fresh ginger", + "diced tomatoes", + "garlic cloves", + "ground turmeric", + "fresh coriander", + "sweet potatoes", + "purple onion", + "fresh dates", + "zucchini", + "paprika", + "cinnamon sticks" + ] + }, + { + "id": 15035, + "cuisine": "cajun_creole", + "ingredients": [ + "light alfredo sauce", + "dried thyme", + "grated parmesan cheese", + "frozen green beans", + "green chilies", + "dried oregano", + "water", + "garlic powder", + "parsley", + "garlic", + "red bell pepper", + "black pepper", + "olive oil", + "onion powder", + "crushed red pepper flakes", + "shrimp", + "low-fat milk", + "whole wheat pasta", + "seasoning salt", + "zucchini", + "cajun seasoning", + "cayenne pepper", + "onions" + ] + }, + { + "id": 17898, + "cuisine": "mexican", + "ingredients": [ + "nutritional yeast", + "salsa", + "boneless skinless chicken breasts", + "garlic powder", + "corn tortillas", + "olive oil", + "onion powder" + ] + }, + { + "id": 454, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "large eggs", + "salt", + "chutney", + "tumeric", + "low-fat greek yogurt", + "cinnamon", + "cumin seed", + "serrano chile", + "fennel seeds", + "coriander seeds", + "vegetable oil", + "chopped onion", + "fresh mint", + "pepper", + "cayenne", + "cilantro", + "lemon juice", + "ground lamb" + ] + }, + { + "id": 14817, + "cuisine": "russian", + "ingredients": [ + "ground black pepper", + "butter", + "salt", + "carrots", + "water", + "shredded cabbage", + "canned tomatoes", + "beets", + "potatoes", + "diced tomatoes", + "dried dillweed", + "chopped green bell pepper", + "heavy cream", + "chopped onion", + "celery" + ] + }, + { + "id": 37091, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "ginger", + "lemon juice", + "tumeric", + "paprika", + "purple onion", + "cumin", + "cayenne", + "garlic", + "chopped cilantro", + "plain yogurt", + "cilantro", + "salt", + "chicken" + ] + }, + { + "id": 16188, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "yoghurt", + "salt", + "red chili powder", + "kasuri methi", + "masala", + "pepper", + "garlic", + "chicken legs", + "lemon", + "meat tenderizer" + ] + }, + { + "id": 14818, + "cuisine": "russian", + "ingredients": [ + "black pepper", + "fresh thyme leaves", + "flat leaf parsley", + "unsalted butter", + "walnuts", + "olive oil", + "salt", + "onions", + "kasha", + "large eggs", + "hot water" + ] + }, + { + "id": 31055, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "fresh oregano", + "capers", + "extra-virgin olive oil", + "coarse salt", + "garlic cloves", + "water", + "crushed red pepper" + ] + }, + { + "id": 19186, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "shredded sharp cheddar cheese", + "fresh lemon juice", + "chopped cilantro fresh", + "olive oil", + "tortilla chips", + "ground beef", + "black beans", + "frozen corn", + "sour cream", + "dried oregano", + "tomato sauce", + "chili powder", + "garlic cloves", + "onions" + ] + }, + { + "id": 1511, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "bittersweet chocolate", + "sugar", + "almond extract", + "unsalted pistachios", + "fresh lemon juice", + "whole milk" + ] + }, + { + "id": 31935, + "cuisine": "french", + "ingredients": [ + "pepper", + "salt", + "nutmeg", + "Emmenthal", + "ham", + "milk", + "all-purpose flour", + "eggs", + "unsalted butter", + "onions" + ] + }, + { + "id": 1899, + "cuisine": "chinese", + "ingredients": [ + "spring onions", + "dried rice noodles", + "capsicum", + "onions", + "dark soy sauce", + "rice wine", + "olive oil spray", + "cooked chicken", + "beansprouts" + ] + }, + { + "id": 46209, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "lemon juice", + "sauvignon blanc", + "sugar", + "tart" + ] + }, + { + "id": 11285, + "cuisine": "mexican", + "ingredients": [ + "pork stew meat", + "salt", + "tomatoes", + "tomatillos", + "chile pepper", + "pepper", + "garlic" + ] + }, + { + "id": 18099, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger root", + "szechwan peppercorns", + "peanut oil", + "long green chilies", + "garlic", + "dried chile", + "Shaoxing wine", + "boneless chicken", + "corn starch", + "soy sauce", + "green onions", + "salt", + "white sugar" + ] + }, + { + "id": 26753, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "spring onions", + "garlic", + "dark soy sauce", + "hoisin sauce", + "apple cider", + "ginger root", + "pork ribs", + "vegetable oil", + "tomato ketchup", + "light soy sauce", + "vinegar", + "cornflour" + ] + }, + { + "id": 23640, + "cuisine": "french", + "ingredients": [ + "sugar", + "whole milk", + "all-purpose flour", + "prunes", + "unsalted butter", + "vanilla extract", + "water", + "raisins", + "armagnac", + "powdered sugar", + "large eggs", + "salt" + ] + }, + { + "id": 37282, + "cuisine": "french", + "ingredients": [ + "parmigiano reggiano cheese", + "ground black pepper", + "fine sea salt", + "extra-virgin olive oil", + "unsalted butter", + "asparagus spears" + ] + }, + { + "id": 14266, + "cuisine": "filipino", + "ingredients": [ + "kalamansi juice", + "onions", + "water", + "round steaks", + "cooking oil", + "freshly ground pepper", + "dark soy sauce", + "garlic" + ] + }, + { + "id": 49217, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "chicken breasts", + "cilantro leaves", + "sugar", + "thai basil", + "vegetable oil", + "curry paste", + "wide rice noodles", + "lime", + "shallots", + "coconut milk", + "minced garlic", + "reduced sodium soy sauce", + "vietnamese fish sauce", + "sliced green onions" + ] + }, + { + "id": 36301, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "cheese", + "lime", + "ground cumin", + "corn", + "salt", + "chili powder" + ] + }, + { + "id": 31041, + "cuisine": "brazilian", + "ingredients": [ + "cod fillets", + "salt", + "yellow onion", + "clam juice", + "dry bread crumbs", + "large eggs", + "cilantro leaves", + "bay leaf", + "russet potatoes", + "hot sauce" + ] + }, + { + "id": 26906, + "cuisine": "spanish", + "ingredients": [ + "chorizo", + "extra-virgin olive oil", + "freshly ground pepper", + "brioche", + "beefsteak tomatoes", + "salt", + "flat leaf parsley", + "white onion", + "dry white wine", + "hot smoked paprika", + "chicken stock", + "large eggs", + "garlic", + "thyme" + ] + }, + { + "id": 32403, + "cuisine": "filipino", + "ingredients": [ + "finely chopped onion", + "carrots", + "ground pork", + "lumpia wrappers", + "ground beef", + "chopped green bell pepper", + "oil" + ] + }, + { + "id": 26062, + "cuisine": "french", + "ingredients": [ + "ground pepper", + "duck drumsticks", + "boned duck breast halves", + "chopped parsley", + "sugar", + "fresh thyme leaves", + "bread crumbs", + "salt" + ] + }, + { + "id": 37489, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "all-purpose flour", + "baking powder", + "masa harina", + "corn kernels", + "safflower", + "cotija", + "coarse salt" + ] + }, + { + "id": 30088, + "cuisine": "italian", + "ingredients": [ + "jalapeno chilies", + "mozzarella cheese", + "meat", + "vegetables", + "pizza doughs", + "pizza sauce" + ] + }, + { + "id": 2619, + "cuisine": "russian", + "ingredients": [ + "mayonaise", + "beets", + "potatoes", + "eggs", + "salt", + "pepper" + ] + }, + { + "id": 627, + "cuisine": "irish", + "ingredients": [ + "hungarian sweet paprika", + "olive oil", + "garlic", + "sugar pumpkin", + "ground black pepper", + "onions", + "milk", + "leeks", + "chicken stock", + "ground nutmeg", + "cayenne pepper" + ] + }, + { + "id": 35717, + "cuisine": "mexican", + "ingredients": [ + "canned black beans", + "cucumber", + "fresh orange juice", + "chopped cilantro fresh", + "salt", + "mango", + "jalapeno chilies", + "fresh lime juice" + ] + }, + { + "id": 19376, + "cuisine": "italian", + "ingredients": [ + "pepper", + "grating cheese", + "fettucine", + "flour", + "ground nutmeg", + "fresh parsley", + "25% less sodium chicken broth", + "Philadelphia Light Cream Cheese" + ] + }, + { + "id": 36945, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "green onions", + "garlic cloves", + "olive oil", + "chopped onion", + "small red beans", + "bay leaves", + "long-grain rice", + "water", + "cajun seasoning", + "smoked turkey sausage" + ] + }, + { + "id": 40953, + "cuisine": "indian", + "ingredients": [ + "serrano peppers", + "cilantro leaves", + "vegetable oil", + "cooked white rice", + "chili powder", + "black mustard seeds", + "kosher salt", + "garlic", + "ground turmeric" + ] + }, + { + "id": 47893, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "garlic", + "baby back ribs", + "soy sauce", + "ground black pepper", + "rice vinegar", + "brown sugar", + "sesame seeds", + "salt", + "onions", + "honey", + "green onions", + "dark sesame oil" + ] + }, + { + "id": 12405, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "caster sugar", + "unsalted butter", + "bourbon whiskey", + "creamy peanut butter", + "streaky bacon", + "honey", + "large eggs", + "vanilla extract", + "liquid", + "plain flour", + "brown sugar", + "bananas", + "baking powder", + "salt", + "bicarbonate of soda", + "large egg whites", + "candied bacon", + "buttermilk", + "roasted peanuts" + ] + }, + { + "id": 6644, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "rice vinegar", + "tomato salsa", + "olive oil", + "salt", + "chicken breast halves" + ] + }, + { + "id": 30118, + "cuisine": "chinese", + "ingredients": [ + "light pancake syrup", + "sesame oil", + "long-grain rice", + "orange marmalade", + "crushed red pepper", + "hoisin sauce", + "mandarin oranges", + "snow peas", + "vegetable oil cooking spray", + "flank steak", + "salt" + ] + }, + { + "id": 8182, + "cuisine": "italian", + "ingredients": [ + "eggs", + "salt", + "ricotta cheese", + "orange zest", + "sugar", + "all-purpose flour", + "vanilla extract" + ] + }, + { + "id": 32658, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "water", + "serrano peppers", + "chili powder", + "cayenne pepper", + "black beans", + "lime", + "guacamole", + "purple onion", + "greek yogurt", + "cooked brown rice", + "fresh cilantro", + "sweet corn kernels", + "large garlic cloves", + "shredded cheese", + "grape tomatoes", + "pepper", + "olive oil", + "chicken breasts", + "salt", + "cumin" + ] + }, + { + "id": 765, + "cuisine": "filipino", + "ingredients": [ + "active dry yeast", + "fine sea salt", + "pure vanilla extract", + "coconut meat", + "coconut milk", + "light brown sugar", + "banana leaves", + "large eggs", + "rice flour" + ] + }, + { + "id": 36528, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "water", + "ground black pepper", + "dry mustard", + "garlic cloves", + "kosher salt", + "olive oil", + "dark rum", + "ground allspice", + "ketchup", + "dried thyme", + "boneless chicken breast", + "malt vinegar", + "pepper", + "ground nutmeg", + "habanero", + "scallions" + ] + }, + { + "id": 20610, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "buttermilk", + "baking powder", + "large eggs", + "salt", + "yellow corn meal", + "vegetable oil" + ] + }, + { + "id": 35789, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "warm water", + "olive oil", + "vegetable oil cooking spray", + "honey", + "kosher salt", + "all-purpose flour" + ] + }, + { + "id": 10858, + "cuisine": "chinese", + "ingredients": [ + "powdered sugar", + "soy sauce", + "flour", + "char", + "corn flour", + "shortening", + "dry yeast", + "baking powder", + "oyster sauce", + "cold water", + "sugar", + "cooking oil", + "sesame oil", + "lemon juice", + "food colouring", + "water", + "starch", + "salt", + "onions" + ] + }, + { + "id": 1434, + "cuisine": "japanese", + "ingredients": [ + "milk", + "butter", + "egg yolks", + "corn starch", + "sugar", + "cake", + "egg whites", + "cream cheese" + ] + }, + { + "id": 13786, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "diced tomatoes", + "italian-style meatballs", + "dried basil", + "spaghetti", + "tomato paste", + "red pepper", + "dried oregano", + "water", + "salt" + ] + }, + { + "id": 8595, + "cuisine": "southern_us", + "ingredients": [ + "lump crab meat", + "plain breadcrumbs", + "eggs", + "sea salt", + "ice", + "worcestershire sauce", + "lemon juice", + "mayonaise", + "dijon style mustard" + ] + }, + { + "id": 40062, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "green onions", + "oyster sauce", + "broccoli florets", + "red pepper flakes", + "spaghetti", + "soy sauce", + "chicken breasts", + "carrots", + "celery ribs", + "mushrooms", + "salt", + "canola oil" + ] + }, + { + "id": 29693, + "cuisine": "italian", + "ingredients": [ + "fresh sage", + "parmigiano reggiano cheese", + "salt", + "quail", + "extra-virgin olive oil", + "black pepper", + "dry white wine", + "carrots", + "tomatoes", + "finely chopped onion", + "chopped celery" + ] + }, + { + "id": 7298, + "cuisine": "thai", + "ingredients": [ + "hot red pepper flakes", + "water", + "lime wedges", + "roasted peanuts", + "medium shrimp", + "ketchup", + "large eggs", + "vegetable oil", + "garlic cloves", + "red chili peppers", + "cayenne", + "rice noodles", + "scallions", + "asian fish sauce", + "firmly packed brown sugar", + "fresh coriander", + "shallots", + "rice vinegar", + "beansprouts" + ] + }, + { + "id": 44756, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "salt", + "baking powder", + "granulated sugar", + "all-purpose flour", + "cream of tartar", + "butter" + ] + }, + { + "id": 12864, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "mushrooms", + "ricotta", + "eggs", + "olive oil", + "jumbo pasta shells", + "crushed tomatoes", + "salt", + "pepper", + "garlic", + "shredded mozzarella cheese" + ] + }, + { + "id": 43310, + "cuisine": "irish", + "ingredients": [ + "garlic powder", + "butter", + "onions", + "potatoes", + "carrots", + "beef brisket", + "salt", + "cabbage", + "black peppercorns", + "bay leaves", + "fresh parsley" + ] + }, + { + "id": 16400, + "cuisine": "italian", + "ingredients": [ + "pork chops", + "saltines", + "italian style seasoning", + "grated parmesan cheese", + "garlic powder", + "butter" + ] + }, + { + "id": 23241, + "cuisine": "british", + "ingredients": [ + "marmite", + "onions", + "cheese", + "buns", + "toast" + ] + }, + { + "id": 29086, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "chicken breast halves", + "marinara sauce", + "reduced fat mozzarella", + "grated parmesan cheese", + "butter", + "seasoned bread crumbs", + "cooking spray", + "italian seasoning" + ] + }, + { + "id": 37959, + "cuisine": "italian", + "ingredients": [ + "salt", + "pinenuts", + "extra-virgin olive oil", + "fresh basil", + "garlic cloves" + ] + }, + { + "id": 31568, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "fat free milk", + "butter", + "grated lemon zest", + "brown sugar", + "baking powder", + "all-purpose flour", + "granulated sugar", + "vanilla extract", + "blackberries" + ] + }, + { + "id": 20057, + "cuisine": "indian", + "ingredients": [ + "whole milk yoghurt", + "onions", + "kosher salt", + "all-purpose flour", + "active dry yeast", + "ghee", + "sugar", + "whole milk" + ] + }, + { + "id": 7293, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "broccoli florets", + "ginger", + "light soy sauce", + "chicken breasts", + "carrots", + "water", + "Shaoxing wine", + "garlic", + "hoisin sauce", + "sesame oil", + "corn starch" + ] + }, + { + "id": 20348, + "cuisine": "italian", + "ingredients": [ + "canned low sodium chicken broth", + "cooking oil", + "salt", + "crushed tomatoes", + "dry white wine", + "turkey breast cutlets", + "flour", + "marjoram", + "capers", + "ground black pepper", + "butter" + ] + }, + { + "id": 45222, + "cuisine": "mexican", + "ingredients": [ + "green cabbage", + "ground black pepper", + "ground cumin", + "white corn tortillas", + "chili powder", + "low-fat sour cream", + "cooking spray", + "reduced fat monterey jack cheese", + "boneless chicken skinless thigh", + "salt" + ] + }, + { + "id": 48709, + "cuisine": "mexican", + "ingredients": [ + "neutral oil", + "black beans", + "chili powder", + "garlic", + "onions", + "chicken stock", + "tomato sauce", + "ground black pepper", + "cilantro", + "tortilla chips", + "ground cumin", + "cheddar cheese", + "kosher salt", + "heavy cream", + "cayenne pepper", + "chicken thighs", + "tomatoes", + "sugar", + "jalapeno chilies", + "yellow corn", + "sour cream" + ] + }, + { + "id": 21186, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salt", + "onions", + "water", + "bacon", + "ham", + "chicken bouillon", + "jalapeno chilies", + "cayenne pepper", + "cumin", + "black-eyed peas", + "garlic", + "red bell pepper" + ] + }, + { + "id": 26040, + "cuisine": "italian", + "ingredients": [ + "sugar", + "olive oil", + "crushed tomatoes", + "garlic", + "black pepper", + "grated parmesan cheese", + "fresh tomatoes", + "dried basil", + "green pepper" + ] + }, + { + "id": 31567, + "cuisine": "mexican", + "ingredients": [ + "ice cubes", + "frozen limeade concentrate", + "coarse salt", + "lime", + "tequila", + "beer" + ] + }, + { + "id": 30522, + "cuisine": "italian", + "ingredients": [ + "sugar", + "cooking spray", + "lemon juice", + "baking soda", + "salt", + "liqueur", + "eggs", + "lemon zest", + "all-purpose flour", + "canola oil", + "plain yogurt", + "baking powder", + "confectioners sugar" + ] + }, + { + "id": 47324, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "scones", + "salt", + "granulated sugar", + "vanilla extract", + "double-acting baking powder", + "unsalted butter", + "buttermilk", + "sour cherries", + "light brown sugar", + "large eggs", + "cake flour" + ] + }, + { + "id": 44186, + "cuisine": "mexican", + "ingredients": [ + "chopped green chilies", + "salsa", + "tomato sauce", + "grating cheese", + "chicken breast halves", + "tortilla chips", + "black beans", + "stewed tomatoes" + ] + }, + { + "id": 24018, + "cuisine": "mexican", + "ingredients": [ + "boneless chuck roast", + "cilantro sprigs", + "cinnamon sticks", + "vegetable oil", + "all-purpose flour", + "chili powder", + "salt", + "onions", + "clove", + "paprika", + "beef broth" + ] + }, + { + "id": 18108, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "scallions", + "tomatoes", + "lemon", + "onions", + "butter", + "sliced mushrooms", + "salmon", + "salt" + ] + }, + { + "id": 45633, + "cuisine": "mexican", + "ingredients": [ + "salt", + "cilantro", + "ground cumin", + "honey", + "fresh lime juice", + "extra-virgin olive oil" + ] + }, + { + "id": 17727, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "dried sage", + "thyme", + "olive oil", + "salt", + "ground lamb", + "lasagna noodles", + "goat cheese", + "pepper", + "vegetable oil", + "fresh mint" + ] + }, + { + "id": 8288, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "flour tortillas", + "corn", + "salsa", + "shredded cheddar cheese", + "salt", + "cooked steak", + "olive oil", + "sour cream" + ] + }, + { + "id": 46723, + "cuisine": "greek", + "ingredients": [ + "canned low sodium chicken broth", + "long-grain rice", + "water", + "frozen peas", + "boneless, skinless chicken breast", + "lemon juice", + "eggs", + "salt" + ] + }, + { + "id": 9993, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken bouillon granules", + "all-purpose flour", + "chopped green chilies", + "warm water", + "ground cayenne pepper", + "onion powder" + ] + }, + { + "id": 31451, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "purple onion", + "red cabbage", + "salsa", + "lime juice", + "cilantro leaves", + "avocado", + "yellow bell pepper", + "chipotle chile powder" + ] + }, + { + "id": 36677, + "cuisine": "spanish", + "ingredients": [ + "green olives", + "parsley", + "sun-dried tomatoes", + "fresh chevre", + "water", + "sea salt", + "jalapeno chilies", + "flat leaf parsley" + ] + }, + { + "id": 19478, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "baking soda", + "kosher salt", + "flour", + "sliced almonds", + "unsalted butter", + "eggs", + "almond flour", + "almond extract" + ] + }, + { + "id": 17540, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "ground black pepper", + "garlic salt", + "corn", + "rotelle", + "kosher salt", + "boneless skinless chicken breasts", + "chicken broth", + "steamed rice", + "red enchilada sauce" + ] + }, + { + "id": 31531, + "cuisine": "russian", + "ingredients": [ + "butter", + "garlic cloves", + "celery root", + "potatoes", + "beef broth", + "sour cream", + "pepper", + "salt", + "carrots", + "beef roast", + "parsley", + "dill", + "onions" + ] + }, + { + "id": 1159, + "cuisine": "french", + "ingredients": [ + "filet mignon", + "mushrooms", + "salt", + "dijon", + "worcestershire sauce", + "onions", + "black pepper", + "vegetable oil", + "sour cream", + "unsalted butter", + "paprika", + "chopped garlic" + ] + }, + { + "id": 29825, + "cuisine": "thai", + "ingredients": [ + "beans", + "palm sugar", + "dark soy sauce", + "lime juice", + "chicken breasts", + "fish sauce", + "olive oil", + "garlic cloves", + "red chili peppers", + "thai basil" + ] + }, + { + "id": 32757, + "cuisine": "chinese", + "ingredients": [ + "large eggs", + "peeled fresh ginger", + "dark sesame oil", + "won ton wrappers", + "cooking spray", + "firm tofu", + "low sodium soy sauce", + "shredded carrots", + "green onions", + "corn starch", + "water", + "water chestnuts", + "salt", + "wood ear mushrooms" + ] + }, + { + "id": 37532, + "cuisine": "french", + "ingredients": [ + "grape tomatoes", + "salt", + "sliced green onions", + "zucchini", + "feta cheese crumbles", + "yellow squash", + "freshly ground pepper", + "tilapia fillets", + "vinaigrette" + ] + }, + { + "id": 18829, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "green bell pepper", + "garam masala", + "raisins", + "cardamom pods", + "chopped cilantro", + "canola oil", + "clove", + "mint", + "water", + "bay leaves", + "purple onion", + "lemon juice", + "basmati rice", + "fenugreek leaves", + "sugar", + "cayenne", + "non dairy milk", + "cumin seed", + "chaat masala", + "ginger paste", + "chickpea flour", + "garlic paste", + "pomegranate seeds", + "tempeh", + "salt", + "cinnamon sticks", + "saffron" + ] + }, + { + "id": 30145, + "cuisine": "mexican", + "ingredients": [ + "seedless cucumber", + "cilantro", + "reduced fat mayonnaise", + "lime zest", + "cherry tomatoes", + "tortilla chips", + "medium shrimp", + "romaine lettuce", + "reduced-fat sour cream", + "freshly ground pepper", + "lime juice", + "salt", + "hass avocado" + ] + }, + { + "id": 2966, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "salt", + "sweet onion", + "garlic cloves", + "pepper", + "long-grain rice", + "tomato paste", + "bacon slices", + "fresh parsley" + ] + }, + { + "id": 43963, + "cuisine": "mexican", + "ingredients": [ + "dried cornhusks", + "sweet potatoes", + "extra-virgin olive oil", + "frozen corn kernels", + "chipotle chile powder", + "green chile", + "jalapeno chilies", + "butter", + "fresh oregano", + "garlic cloves", + "ground cumin", + "ground cinnamon", + "Mexican cheese blend", + "tomatillos", + "cilantro leaves", + "organic vegetable broth", + "masa harina", + "black beans", + "baking powder", + "salt", + "chopped onion", + "chopped cilantro fresh" + ] + }, + { + "id": 24181, + "cuisine": "thai", + "ingredients": [ + "honey", + "rice vinegar", + "garlic cloves", + "fish sauce", + "rice noodles", + "peanut oil", + "chopped cilantro fresh", + "eggs", + "boneless skinless chicken breasts", + "roasted peanuts", + "mung bean sprouts", + "lime", + "peeled shrimp", + "scallions" + ] + }, + { + "id": 11232, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "milk", + "boiling water", + "dried fruit", + "glutinous rice flour", + "vegetable oil cooking spray", + "dates", + "water", + "white sesame seeds" + ] + }, + { + "id": 42698, + "cuisine": "brazilian", + "ingredients": [ + "cassava root flour", + "jasmine rice", + "lime", + "bay leaves", + "collard green leaves", + "smoked ham hocks", + "white onion", + "chorizo", + "pork chops", + "raisins", + "sausages", + "boneless pork shoulder", + "kosher salt", + "orange", + "ground black pepper", + "bacon", + "chopped parsley", + "dried black beans", + "minced garlic", + "olive oil", + "red wine vinegar", + "garlic", + "plum tomatoes" + ] + }, + { + "id": 33903, + "cuisine": "southern_us", + "ingredients": [ + "barbecue sauce", + "buns", + "boneless pork shoulder", + "salt", + "ground black pepper" + ] + }, + { + "id": 30178, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "butter", + "onions", + "vegetable oil", + "oil", + "light soy sauce", + "all-purpose flour", + "panko breadcrumbs", + "russet potatoes", + "ground beef" + ] + }, + { + "id": 27750, + "cuisine": "italian", + "ingredients": [ + "chili flakes", + "minced garlic", + "vegetable stock", + "thyme", + "royal olives", + "fennel", + "salt", + "bread", + "pepper", + "leeks", + "San Marzano Diced Tomatoes", + "white wine", + "olive oil", + "old bay seasoning" + ] + }, + { + "id": 45726, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "whole wheat tortillas", + "cooking spray", + "enchilada sauce", + "roma tomatoes", + "shredded cheese", + "green onions" + ] + }, + { + "id": 46571, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "seasoning", + "roasted peanuts", + "unsweetened coconut milk", + "cooked chicken", + "angel hair" + ] + }, + { + "id": 4413, + "cuisine": "italian", + "ingredients": [ + "pizza crust", + "prosciutto", + "warm water", + "olive oil", + "purple onion", + "brown sugar", + "active dry yeast", + "chees fresh mozzarella", + "kosher salt", + "parmesan cheese", + "all-purpose flour" + ] + }, + { + "id": 19248, + "cuisine": "southern_us", + "ingredients": [ + "water", + "all-purpose flour", + "vanilla ice cream", + "mint sprigs", + "chopped pecans", + "ground cinnamon", + "refrigerated piecrusts", + "lemon juice", + "sugar", + "vanilla extract", + "frozen blueberries" + ] + }, + { + "id": 19856, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "white sugar", + "mirin", + "fresh ginger root", + "mackerel fillets" + ] + }, + { + "id": 32345, + "cuisine": "french", + "ingredients": [ + "sugar", + "pink grapefruit juice" + ] + }, + { + "id": 42842, + "cuisine": "brazilian", + "ingredients": [ + "powdered sugar", + "heavy cream", + "corn starch", + "pure vanilla extract", + "egg yolks", + "cocoa powder", + "milk", + "condensed milk", + "biscuits", + "whole milk", + "cognac" + ] + }, + { + "id": 13962, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "salt", + "corn tortillas", + "canola oil", + "green onions", + "sauce", + "ground beef", + "ground black pepper", + "all-purpose flour", + "chopped cilantro", + "chicken broth", + "black olives", + "sharp cheddar cheese", + "onions" + ] + }, + { + "id": 36788, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "diced tomatoes", + "cayenne pepper", + "red bell pepper", + "coriander powder", + "garlic", + "ground cardamom", + "onions", + "garam masala", + "ginger", + "chickpeas", + "coconut milk", + "tumeric", + "vegetable oil", + "salt", + "mustard seeds" + ] + }, + { + "id": 41991, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "salt", + "chicken stock", + "vegetable oil", + "long grain white rice", + "ground black pepper", + "poblano chiles", + "white onion", + "garlic" + ] + }, + { + "id": 8574, + "cuisine": "greek", + "ingredients": [ + "rocket leaves", + "balsamic vinegar", + "extra-virgin olive oil", + "honey", + "pink peppercorns", + "shelled pistachios", + "ricotta salata", + "chopped fresh thyme", + "salt", + "ground black pepper", + "fresh orange juice", + "pears" + ] + }, + { + "id": 9153, + "cuisine": "mexican", + "ingredients": [ + "corn", + "white cheddar cheese", + "cooked chicken breasts", + "salt and ground black pepper", + "enchilada sauce", + "refried beans", + "rotisserie chicken", + "monterey jack", + "cilantro", + "basmati rice" + ] + }, + { + "id": 29515, + "cuisine": "italian", + "ingredients": [ + "bacon", + "garlic cloves", + "pepper", + "crushed red pepper", + "plum tomatoes", + "romano cheese", + "extra-virgin olive oil", + "onions", + "dry white wine", + "salt", + "rigatoni" + ] + }, + { + "id": 46245, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "cheese", + "doritos", + "chicken breasts", + "cream of mushroom soup", + "cream of chicken soup", + "salt", + "chicken broth", + "rotelle", + "prepared lasagne" + ] + }, + { + "id": 279, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "red bell pepper", + "sweet onion", + "tortilla chips", + "shredded Monterey Jack cheese", + "yellow squash", + "fresh mushrooms", + "chile pepper", + "sour cream" + ] + }, + { + "id": 36466, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "corn", + "shredded cheddar cheese", + "sliced black olives", + "salsa", + "green onions", + "cooked chicken breasts", + "avocado", + "water", + "flour tortillas", + "sour cream", + "black beans", + "taco seasoning mix", + "shredded lettuce" + ] + }, + { + "id": 39814, + "cuisine": "vietnamese", + "ingredients": [ + "white onion", + "sesame oil", + "cilantro", + "shrimp", + "fish sauce", + "water", + "red pepper", + "garlic", + "basmati rice", + "pepper", + "lemon", + "ginger", + "yellow peppers", + "brown sugar", + "lemongrass", + "basil", + "salt" + ] + }, + { + "id": 41964, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "potatoes", + "cayenne pepper", + "chopped cilantro", + "amchur", + "ginger", + "cumin seed", + "water", + "bay leaves", + "green chilies", + "asafetida", + "cauliflower", + "coriander powder", + "salt", + "oil" + ] + }, + { + "id": 11158, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "corn starch", + "soy sauce", + "vegetable oil", + "brown sugar", + "flank steak", + "fresh ginger", + "garlic" + ] + }, + { + "id": 5682, + "cuisine": "greek", + "ingredients": [ + "dried thyme", + "lemon", + "garlic cloves", + "fresh dill", + "boneless skinless chicken breasts", + "salt", + "olive oil", + "paprika", + "pepper", + "red wine vinegar", + "fresh oregano" + ] + }, + { + "id": 6579, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "butter", + "flour", + "salt", + "milk", + "lemon", + "eggs", + "baking powder", + "mixed peel" + ] + }, + { + "id": 43139, + "cuisine": "korean", + "ingredients": [ + "beef", + "garlic", + "onions", + "water", + "potatoes", + "Gochujang base", + "Korean chile flakes", + "zucchini", + "soybean paste", + "shiitake", + "green onions", + "green chilies" + ] + }, + { + "id": 48877, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sesame oil", + "minced garlic", + "dark brown sugar", + "ketchup", + "Gochujang base", + "fresh ginger" + ] + }, + { + "id": 19519, + "cuisine": "mexican", + "ingredients": [ + "lime", + "queso fresco", + "escarole", + "Mexican seasoning mix", + "shallots", + "purple onion", + "tomato sauce", + "boneless skinless chicken breasts", + "garlic", + "avocado", + "poblano peppers", + "cilantro", + "corn tortillas" + ] + }, + { + "id": 1501, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "salt", + "fat free yogurt", + "english cucumber", + "extra-virgin olive oil", + "chopped fresh mint" + ] + }, + { + "id": 44049, + "cuisine": "indian", + "ingredients": [ + "mace", + "ginger", + "green cardamom", + "ghee", + "tomatoes", + "whole cloves", + "garlic", + "cumin seed", + "ground ginger", + "coriander seeds", + "mutton", + "brown cardamom", + "onions", + "red chile powder", + "cinnamon", + "salt", + "bay leaf" + ] + }, + { + "id": 11116, + "cuisine": "italian", + "ingredients": [ + "cheddar cheese", + "corn kernels", + "green pepper", + "noodles", + "italian sausage", + "pepper", + "garlic powder", + "ground beef", + "tomato sauce", + "dried basil", + "ripe olives", + "dried oregano", + "tomato paste", + "water", + "salt", + "onions" + ] + }, + { + "id": 43776, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "rotelle", + "fresh cilantro", + "cream of chicken soup", + "corn tortillas", + "fresh lime", + "Mexican cheese blend", + "sour cream", + "milk", + "boneless skinless chicken breasts", + "cream of mushroom soup" + ] + }, + { + "id": 33431, + "cuisine": "italian", + "ingredients": [ + "basil pesto sauce", + "fresh mushrooms", + "smoked salmon", + "olive oil", + "spaghetti", + "tomato paste", + "water", + "onions", + "fresh basil", + "crushed garlic" + ] + }, + { + "id": 37941, + "cuisine": "korean", + "ingredients": [ + "spring onions", + "garlic", + "cabbage", + "ground black pepper", + "wonton wrappers", + "firm tofu", + "eggs", + "vegetable oil", + "salt", + "zucchini", + "rice vermicelli", + "toasted sesame oil" + ] + }, + { + "id": 10041, + "cuisine": "italian", + "ingredients": [ + "shallots", + "oil", + "vodka", + "whipping cream", + "plum tomatoes", + "fresh basil", + "butter", + "asparagus spears", + "medium shrimp uncook", + "linguine" + ] + }, + { + "id": 31671, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "self rising flour", + "mayonaise" + ] + }, + { + "id": 40040, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "all-purpose flour", + "pie pastry", + "butter", + "semi-sweet chocolate morsels", + "light brown sugar", + "bourbon whiskey", + "chopped walnuts", + "granulated sugar", + "vanilla extract" + ] + }, + { + "id": 3597, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "chili powder", + "okra", + "red kidney beans", + "water", + "hot sauce", + "bay leaf", + "instant rice", + "salt", + "garlic cloves", + "tomatoes", + "chopped green bell pepper", + "chopped onion", + "italian seasoning" + ] + }, + { + "id": 33915, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "ground black pepper", + "fresh parsley", + "dried porcini mushrooms", + "crushed tomatoes", + "garlic cloves", + "boneless chicken skinless thigh", + "olive oil", + "hot water", + "water", + "salt" + ] + }, + { + "id": 17343, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "white sugar", + "warm water", + "all-purpose flour", + "salt", + "active dry yeast", + "greek style plain yogurt" + ] + }, + { + "id": 26671, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "cheese", + "black pepper", + "boneless skinless chicken breasts", + "frozen peas", + "medium egg noodles", + "all-purpose flour", + "fat free milk", + "deli ham" + ] + }, + { + "id": 11959, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "jalapeno chilies", + "garlic", + "cumin", + "chiles", + "chicken breasts", + "yellow onion", + "lime", + "diced tomatoes", + "celery", + "avocado", + "olive oil", + "cilantro", + "oregano" + ] + }, + { + "id": 20406, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "sugar", + "fish sauce", + "corn starch", + "chicken stock", + "garlic cloves" + ] + }, + { + "id": 47096, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "ground black pepper", + "ground cardamom", + "ground cinnamon", + "water", + "shallots", + "ground cumin", + "ground ginger", + "white pepper", + "butternut squash", + "onions", + "brown sugar", + "olive oil", + "salt" + ] + }, + { + "id": 36446, + "cuisine": "italian", + "ingredients": [ + "strawberries", + "vin santo", + "vanilla extract", + "sugar", + "grated lemon peel" + ] + }, + { + "id": 36214, + "cuisine": "british", + "ingredients": [ + "pickling spices", + "green tomatoes", + "salt", + "ground ginger", + "cayenne", + "dry mustard", + "white pepper", + "raisins", + "onions", + "brown sugar", + "vinegar", + "apples" + ] + }, + { + "id": 38882, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "raisins", + "ground cinnamon", + "milk", + "bread", + "granny smith apples", + "vanilla", + "eggs", + "butter" + ] + }, + { + "id": 45799, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "garlic", + "sliced green onions", + "reduced sodium soy sauce", + "carrots", + "almonds", + "Wish-Bone Light Italian Dressing", + "baby spinach leaves", + "whole wheat spaghetti", + "bok choy" + ] + }, + { + "id": 37890, + "cuisine": "russian", + "ingredients": [ + "milk", + "yeast", + "eggs", + "salt", + "sugar", + "all-purpose flour", + "vegetable oil" + ] + }, + { + "id": 48323, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "large egg yolks", + "salt", + "vanilla beans", + "1% low-fat milk", + "bittersweet chocolate", + "large egg whites", + "Dutch-processed cocoa powder", + "sugar", + "cooking spray", + "corn starch" + ] + }, + { + "id": 18905, + "cuisine": "mexican", + "ingredients": [ + "butter", + "onions", + "pepper", + "salt", + "garlic", + "shredded cheddar cheese", + "pinto beans" + ] + }, + { + "id": 30806, + "cuisine": "korean", + "ingredients": [ + "sea salt", + "spinach", + "rice vinegar", + "white rice", + "sugar", + "toasted sesame seeds" + ] + }, + { + "id": 29850, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "kosher salt", + "olive oil", + "chopped fresh thyme", + "sugar", + "stone-ground cornmeal", + "dry yeast", + "salt", + "sake", + "water", + "ground black pepper", + "purple onion", + "warm water", + "large egg whites", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 9038, + "cuisine": "chinese", + "ingredients": [ + "water", + "soft tofu", + "corn starch", + "reduced sodium soy sauce", + "dark sesame oil", + "bamboo shoots", + "large egg whites", + "rice vinegar", + "wood ear mushrooms", + "low sodium chicken broth", + "garlic chili sauce" + ] + }, + { + "id": 22481, + "cuisine": "korean", + "ingredients": [ + "eggs", + "flour", + "garlic", + "nuts", + "shiitake", + "leeks", + "carrots", + "pepper", + "beef stock", + "salt", + "cod", + "beef", + "parsley", + "onions" + ] + }, + { + "id": 18729, + "cuisine": "filipino", + "ingredients": [ + "worcestershire sauce", + "ground black pepper", + "salt", + "olive oil", + "garlic", + "butter", + "beef sirloin" + ] + }, + { + "id": 11482, + "cuisine": "filipino", + "ingredients": [ + "broiler-fryer chicken", + "green onions", + "celery", + "bean threads", + "fresh ginger", + "garlic cloves", + "soy sauce", + "cooking oil", + "carrots", + "pepper", + "salt", + "onions" + ] + }, + { + "id": 10291, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "green onions", + "linguine", + "red bell pepper", + "green bell pepper, slice", + "butter", + "fresh mushrooms", + "ground black pepper", + "cajun seasoning", + "salt", + "boneless skinless chicken breast halves", + "dried basil", + "grated parmesan cheese", + "heavy cream", + "lemon pepper" + ] + }, + { + "id": 39022, + "cuisine": "chinese", + "ingredients": [ + "garlic paste", + "dried udon", + "oyster sauce", + "frozen broccoli florets", + "scallions", + "sesame seeds", + "sesame oil", + "hoisin sauce", + "chicken fingers" + ] + }, + { + "id": 41354, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "roasted red peppers", + "dried rosemary", + "minced garlic", + "chicken breasts", + "fat free less sodium chicken broth", + "cannellini beans", + "spinach", + "olive oil", + "salt" + ] + }, + { + "id": 14278, + "cuisine": "chinese", + "ingredients": [ + "boneless chicken skinless thigh", + "star anise", + "sugar", + "fresh ginger", + "corn starch", + "cold water", + "water", + "scallions", + "soy sauce", + "medium dry sherry" + ] + }, + { + "id": 23830, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "garlic", + "ground black pepper", + "uncook medium shrimp, peel and devein", + "olive oil", + "salt", + "lemon wedge", + "fresh parsley" + ] + }, + { + "id": 19126, + "cuisine": "korean", + "ingredients": [ + "pork belly", + "green onions", + "Gochujang base", + "sugar", + "sesame seeds", + "ginger", + "pears", + "rice syrup", + "sesame oil", + "onions", + "soy sauce", + "ground black pepper", + "garlic" + ] + }, + { + "id": 22980, + "cuisine": "british", + "ingredients": [ + "powdered sugar", + "unsalted butter", + "mincemeat", + "ground cinnamon", + "large egg yolks", + "all-purpose flour", + "eggs", + "crystallized ginger", + "orange juice", + "grated orange peel", + "salt" + ] + }, + { + "id": 20710, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "sea bass fillets", + "hothouse cucumber", + "green onions", + "hot sauce", + "mirin", + "rice vinegar", + "sugar", + "daikon", + "glaze" + ] + }, + { + "id": 8875, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "ground black pepper", + "salt", + "marinara sauce", + "grated lemon zest", + "swordfish steaks", + "lemon wedge" + ] + }, + { + "id": 12726, + "cuisine": "thai", + "ingredients": [ + "Thai red curry paste", + "water", + "creamy peanut butter", + "sugar", + "salt", + "distilled vinegar", + "coconut milk" + ] + }, + { + "id": 31394, + "cuisine": "vietnamese", + "ingredients": [ + "low sodium soy sauce", + "boneless skinless chicken breasts", + "garlic powder", + "corn starch", + "cooked rice", + "swanson chicken broth", + "ground ginger", + "vegetables" + ] + }, + { + "id": 49568, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "golden raisins", + "salt", + "black pepper", + "balsamic vinegar", + "boneless skinless chicken breast halves", + "fresh basil", + "dry white wine", + "all-purpose flour", + "olive oil", + "Sicilian olives", + "dried oregano" + ] + }, + { + "id": 15600, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "green onions", + "chopped cilantro", + "green cabbage", + "honey", + "ginger", + "snow peas", + "minced garlic", + "chili oil", + "bamboo shoots", + "spring roll wrappers", + "egg whites", + "shiitake mushroom caps", + "canola oil" + ] + }, + { + "id": 10608, + "cuisine": "southern_us", + "ingredients": [ + "refrigerated buttermilk biscuits", + "pot pie", + "chopped parsley" + ] + }, + { + "id": 23473, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "lime", + "cracked black pepper", + "beef sirloin", + "tomatoes", + "kosher salt", + "cooking oil", + "salt", + "soy sauce", + "iceberg", + "purple onion", + "oyster sauce", + "fish sauce", + "minced garlic", + "sesame oil", + "rice vinegar" + ] + }, + { + "id": 25163, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "heavy cream", + "confectioners sugar", + "sugar", + "frozen pastry puff sheets", + "all-purpose flour", + "water", + "whole milk", + "corn starch", + "rhubarb", + "unsalted butter", + "salt", + "grappa" + ] + }, + { + "id": 10343, + "cuisine": "french", + "ingredients": [ + "half & half", + "vanilla beans", + "sugar", + "large egg yolks" + ] + }, + { + "id": 10669, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "lemongrass", + "salt", + "chili flakes", + "pepper", + "shallots", + "roasted peanuts", + "tofu", + "soy sauce", + "asian basil", + "yellow onion", + "chiles", + "minced garlic", + "vegetable oil", + "ground turmeric" + ] + }, + { + "id": 39392, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "garlic powder", + "turkey", + "pepper", + "peanut oil" + ] + }, + { + "id": 47806, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "chopped fresh thyme", + "veal stock", + "veal chops", + "olive oil", + "dry white wine", + "pancetta", + "finely chopped fresh parsley", + "garlic cloves" + ] + }, + { + "id": 40038, + "cuisine": "irish", + "ingredients": [ + "olive oil", + "all-purpose flour", + "bay leaf", + "chicken stock", + "lamb shoulder", + "thyme", + "cold water", + "potatoes", + "carrots", + "onions", + "pepper", + "salt", + "chopped parsley" + ] + }, + { + "id": 29747, + "cuisine": "french", + "ingredients": [ + "garlic cloves", + "lemon zest", + "fresh parsley", + "freshly ground pepper", + "mayonaise", + "fresh lemon juice" + ] + }, + { + "id": 16998, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "grated parmesan cheese", + "elbow macaroni", + "milk", + "diced tomatoes", + "ground beef", + "pepper", + "butter", + "corn starch", + "feta cheese", + "salt", + "onions" + ] + }, + { + "id": 26713, + "cuisine": "chinese", + "ingredients": [ + "sake", + "hoisin sauce", + "frozen peas and carrots", + "eggs", + "fresh ginger", + "dark sesame oil", + "clove", + "instant rice", + "green onions", + "sliced green onions", + "reduced fat firm tofu", + "soy sauce", + "vegetable oil" + ] + }, + { + "id": 47133, + "cuisine": "british", + "ingredients": [ + "pastry", + "potatoes", + "round steaks", + "beef kidney", + "dried thyme", + "salt", + "bay leaf", + "single crust pie", + "ground black pepper", + "all-purpose flour", + "onions", + "water", + "worcestershire sauce", + "lard" + ] + }, + { + "id": 33640, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "American cheese", + "spicy pork sausage", + "frozen chopped broccoli" + ] + }, + { + "id": 7500, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "dry white wine", + "polenta", + "fat free less sodium chicken broth", + "prosciutto", + "fresh parsley", + "fresh parmesan cheese", + "garlic cloves", + "olive oil", + "freshly ground pepper" + ] + }, + { + "id": 28243, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butternut squash", + "freshly ground pepper", + "arborio rice", + "parmigiano reggiano cheese", + "fresh thyme leaves", + "water", + "low sodium chicken broth", + "salt", + "unsalted butter", + "dry white wine", + "onions" + ] + }, + { + "id": 41531, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "fresh lemon juice", + "red potato", + "garlic cloves", + "chopped fresh chives", + "olive oil" + ] + }, + { + "id": 1079, + "cuisine": "thai", + "ingredients": [ + "minced garlic", + "salt", + "cold water", + "Sriracha", + "corn starch", + "water", + "rice vinegar", + "sugar", + "crushed red pepper flakes" + ] + }, + { + "id": 9276, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "bow-tie pasta", + "white onion", + "chicken breasts", + "shredded mozzarella cheese", + "baby spinach leaves", + "ground black pepper", + "Philadelphia Cooking Creme", + "kosher salt", + "extra-virgin olive oil" + ] + }, + { + "id": 7408, + "cuisine": "mexican", + "ingredients": [ + "whole wheat tortillas", + "lump crab meat", + "bacon", + "avocado", + "pineapple", + "shallots", + "shredded mozzarella cheese" + ] + }, + { + "id": 33441, + "cuisine": "indian", + "ingredients": [ + "cilantro", + "green chilies", + "potatoes", + "green peas", + "chutney", + "bread crumbs", + "ginger", + "oil", + "yoghurt", + "salt" + ] + }, + { + "id": 26082, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "salt", + "ice water", + "confectioners sugar", + "unsalted butter", + "all-purpose flour", + "vanilla" + ] + }, + { + "id": 1202, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "garlic", + "lentils", + "ground turmeric", + "asafoetida", + "chili powder", + "green chilies", + "onions", + "fenugreek leaves", + "roma tomatoes", + "salt", + "bay leaf", + "amchur", + "ginger", + "oil", + "coriander" + ] + }, + { + "id": 1964, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "cheese", + "garlic cloves", + "pepper", + "grated parmesan cheese", + "fresh mushrooms", + "italian seasoning", + "zucchini", + "salt", + "onions", + "olive oil", + "diced tomatoes", + "shredded mozzarella cheese" + ] + }, + { + "id": 13170, + "cuisine": "southern_us", + "ingredients": [ + "soft-wheat flour", + "baking powder", + "all-purpose flour", + "milk", + "cake flour", + "shortening", + "butter", + "sour cream", + "baking soda", + "salt" + ] + }, + { + "id": 39375, + "cuisine": "italian", + "ingredients": [ + "garlic", + "italian seasoning", + "olive oil", + "salt", + "pepper", + "crushed red pepper", + "fresh pasta", + "plum tomatoes" + ] + }, + { + "id": 16875, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "large shrimp", + "russet potatoes", + "fresh basil leaves", + "kosher salt", + "red wine vinegar", + "plum tomatoes", + "dry white wine", + "purple onion" + ] + }, + { + "id": 3922, + "cuisine": "russian", + "ingredients": [ + "beef soup bones", + "salt", + "olive oil", + "onions", + "sauerkraut", + "sour cream", + "baking potatoes", + "chile sauce" + ] + }, + { + "id": 40690, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "red wine vinegar", + "fresh lemon juice", + "grape tomatoes", + "ground black pepper", + "purple onion", + "arugula", + "part-skim mozzarella cheese", + "quick-cooking barley", + "asparagus spears", + "water", + "dijon mustard", + "salt" + ] + }, + { + "id": 7748, + "cuisine": "mexican", + "ingredients": [ + "butter", + "eggs", + "condensed milk", + "egg yolks", + "ear of corn", + "baking powder" + ] + }, + { + "id": 42003, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "garlic powder", + "purple onion", + "dried oregano", + "minced garlic", + "chili powder", + "salsa", + "black pepper", + "jalapeno chilies", + "salt", + "ground cumin", + "turnips", + "water", + "onion powder", + "ground beef" + ] + }, + { + "id": 31369, + "cuisine": "spanish", + "ingredients": [ + "green olives", + "red wine vinegar", + "garlic cloves", + "dried apricot", + "salt", + "prunes", + "dry white wine", + "bone-in chicken breasts", + "ground black pepper", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 18113, + "cuisine": "southern_us", + "ingredients": [ + "pork chops", + "black pepper", + "salt", + "eggs", + "flour", + "milk" + ] + }, + { + "id": 34006, + "cuisine": "jamaican", + "ingredients": [ + "red kidnei beans, rins and drain", + "hot pepper", + "long-grain rice", + "ground pepper", + "salt", + "onions", + "water", + "light coconut milk", + "garlic cloves", + "coconut oil", + "fresh thyme", + "scallions" + ] + }, + { + "id": 11485, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil", + "freshly ground pepper", + "large eggs", + "salt", + "medium shrimp", + "yellow corn meal", + "buttermilk", + "mixed greens", + "green tomatoes", + "sauce" + ] + }, + { + "id": 33621, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "fresh mint", + "rib eye steaks", + "thai chile", + "chopped cilantro fresh", + "shallots", + "fresh lime juice", + "fish sauce", + "onion tops", + "cabbage" + ] + }, + { + "id": 4364, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "rice flour", + "curry powder", + "salt", + "chopped cilantro fresh", + "tomatoes", + "garbanzo beans", + "onions", + "olive oil", + "cumin seed" + ] + }, + { + "id": 4931, + "cuisine": "indian", + "ingredients": [ + "pure olive oil", + "white distilled vinegar", + "chili powder", + "mustard seeds", + "sugar", + "mulato chiles", + "salt", + "tomatoes", + "coriander seeds", + "chile de arbol", + "red chili peppers", + "seeds", + "cumin seed" + ] + }, + { + "id": 17781, + "cuisine": "mexican", + "ingredients": [ + "unsalted butter", + "sugar", + "salt", + "pecans", + "vanilla", + "large egg yolks", + "all-purpose flour" + ] + }, + { + "id": 42388, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "egg yolks", + "milk", + "white sugar" + ] + }, + { + "id": 7536, + "cuisine": "moroccan", + "ingredients": [ + "warm water", + "whole wheat flour", + "cornmeal", + "honey", + "vegetable oil", + "white flour", + "flour", + "yeast", + "barley grits", + "semolina", + "salt" + ] + }, + { + "id": 5847, + "cuisine": "french", + "ingredients": [ + "chicken broth", + "chopped fresh chives", + "shallots", + "freshly ground pepper", + "smoked bacon", + "fingerling potatoes", + "whipping cream", + "fresh parsley", + "dijon mustard", + "mushrooms", + "salt", + "chicken thighs", + "white wine", + "leeks", + "fresh tarragon", + "garlic cloves" + ] + }, + { + "id": 32446, + "cuisine": "indian", + "ingredients": [ + "white vinegar", + "seedless cucumber", + "ginger", + "mustard seeds", + "fennel seeds", + "vegetable oil", + "cumin seed", + "chopped garlic", + "red chili peppers", + "florets", + "carrots", + "cauliflower", + "coriander seeds", + "dark brown sugar", + "ground turmeric" + ] + }, + { + "id": 12374, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "bread flour", + "milk", + "shredded mozzarella cheese", + "warm water", + "salt", + "active dry yeast", + "white sugar" + ] + }, + { + "id": 49249, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "italian seasoning", + "cauliflower", + "egg whites", + "marinara sauce", + "mozzarella cheese", + "salt" + ] + }, + { + "id": 5622, + "cuisine": "italian", + "ingredients": [ + "mixed vegetables", + "grated parmesan cheese", + "salad dressing", + "cheese", + "corn oil", + "snow peas" + ] + }, + { + "id": 45614, + "cuisine": "italian", + "ingredients": [ + "pitas", + "egg whites", + "red bell pepper", + "ground black pepper", + "garlic", + "ground turkey", + "part-skim mozzarella cheese", + "sea salt", + "olive oil cooking spray", + "marinara sauce", + "yellow onion", + "italian seasoning" + ] + }, + { + "id": 31164, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "lemon juice", + "quick-cooking tapioca", + "butter", + "ground cinnamon", + "unsalted butter", + "salt", + "peaches", + "heavy cream" + ] + }, + { + "id": 17872, + "cuisine": "brazilian", + "ingredients": [ + "roasted red peppers", + "garlic cloves", + "onions", + "fresh cilantro", + "diced tomatoes", + "coconut milk", + "pepper", + "Sriracha", + "shrimp", + "olive oil", + "salt", + "fresh lime juice" + ] + }, + { + "id": 21585, + "cuisine": "moroccan", + "ingredients": [ + "eggs", + "water", + "fresh thyme", + "cinnamon", + "garlic cloves", + "brown sugar", + "almonds", + "mushrooms", + "green peas", + "fresh mint", + "phyllo dough", + "corn", + "potatoes", + "butter", + "carrots", + "ground ginger", + "black pepper", + "ground nutmeg", + "chicken breasts", + "salt", + "onions" + ] + }, + { + "id": 38092, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "marsala wine", + "mint sprigs", + "sugar", + "peaches", + "water" + ] + }, + { + "id": 47550, + "cuisine": "filipino", + "ingredients": [ + "bay leaves", + "white vinegar", + "garlic", + "whole peppercorn", + "chicken pieces", + "soy sauce" + ] + }, + { + "id": 15701, + "cuisine": "british", + "ingredients": [ + "sugar", + "whole milk", + "salt", + "raw honey", + "buttermilk", + "unsalted butter", + "baking powder", + "all-purpose flour", + "large eggs", + "heavy cream" + ] + }, + { + "id": 5525, + "cuisine": "italian", + "ingredients": [ + "littleneck clams", + "salt", + "water", + "linguine", + "flat leaf parsley", + "broccoli florets", + "crushed red pepper", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 19031, + "cuisine": "french", + "ingredients": [ + "fresh thyme leaves", + "grated Gruyère cheese", + "unsalted butter", + "all-purpose flour", + "large eggs", + "cayenne pepper", + "kosher salt", + "asiago" + ] + }, + { + "id": 11205, + "cuisine": "mexican", + "ingredients": [ + "tomatillo salsa", + "vegetable oil", + "salt", + "cooked chicken", + "cilantro", + "ancho chile pepper", + "water", + "tomatillos", + "sour cream", + "cotija", + "lime wedges", + "garlic", + "corn tortillas" + ] + }, + { + "id": 3852, + "cuisine": "french", + "ingredients": [ + "dry yeast", + "warm water", + "all purpose unbleached flour", + "honey", + "salt", + "sugar", + "butter" + ] + }, + { + "id": 5294, + "cuisine": "cajun_creole", + "ingredients": [ + "mayonaise", + "green onions", + "green bell pepper", + "dijon mustard", + "medium shrimp", + "bread crumb fresh", + "butter", + "andouille sausage", + "minced onion" + ] + }, + { + "id": 11341, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "garlic powder", + "cilantro", + "lemon juice", + "dark soy sauce", + "water", + "meat", + "garlic", + "white sugar", + "white vinegar", + "kosher salt", + "ground black pepper", + "thai chile", + "candy", + "fish sauce", + "fresh ginger", + "chicken breasts", + "dark brown sugar" + ] + }, + { + "id": 44175, + "cuisine": "italian", + "ingredients": [ + "Bertolli® Classico Olive Oil", + "Bertolli Garlic Alfredo Sauce", + "chicken broth", + "dried dillweed", + "angel hair", + "uncook medium shrimp, peel and devein", + "green peas" + ] + }, + { + "id": 25326, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "roma tomatoes", + "onions", + "cooked ham", + "large eggs", + "tomato salsa", + "jack cheese", + "flour tortillas", + "salt", + "olive oil", + "jalapeno chilies" + ] + }, + { + "id": 46840, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "fresh coriander", + "garam masala", + "yellow onion", + "ground turmeric", + "celery stick", + "lime juice", + "sea salt", + "coconut milk", + "coconut oil", + "water", + "parsley", + "carrots", + "fennel seeds", + "red chili peppers", + "diced lamb", + "garlic", + "ghee" + ] + }, + { + "id": 33352, + "cuisine": "thai", + "ingredients": [ + "green mango", + "large shrimp", + "fish sauce", + "cilantro leaves", + "roasted cashews", + "shallots", + "red chili peppers", + "fresh lime juice" + ] + }, + { + "id": 45020, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "carrots", + "canola oil", + "low sodium soy sauce", + "salt", + "onions", + "sesame oil", + "sweet potato vermicelli", + "spinach", + "dried shiitake mushrooms", + "toasted sesame seeds" + ] + }, + { + "id": 34309, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "unsalted butter", + "all purpose unbleached flour", + "garlic cloves", + "grits", + "white vinegar", + "black pepper", + "half & half", + "salt", + "bay leaf", + "green bell pepper", + "large eggs", + "tomatoes with juice", + "celery", + "bacon drippings", + "dried thyme", + "vegetable oil", + "cayenne pepper", + "onions" + ] + }, + { + "id": 10719, + "cuisine": "greek", + "ingredients": [ + "water", + "lemon", + "dried oregano", + "semolina", + "salt", + "olive oil", + "garlic", + "potatoes", + "freshly ground pepper" + ] + }, + { + "id": 14547, + "cuisine": "indian", + "ingredients": [ + "hot red pepper flakes", + "boneless skinless chicken breasts", + "frozen limeade concentrate", + "lime", + "salt", + "chutney", + "ground ginger", + "green onions", + "ground coriander", + "chopped cilantro fresh", + "broccoli slaw", + "vegetable oil", + "carrots" + ] + }, + { + "id": 427, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "apple juice", + "fresh lime juice", + "avocado", + "diced tomatoes", + "garlic cloves", + "coarse salt", + "chopped onion", + "pork shoulder", + "Daisy Sour Cream", + "salsa", + "corn tortillas" + ] + }, + { + "id": 49426, + "cuisine": "russian", + "ingredients": [ + "black peppercorns", + "unsalted butter", + "bay leaves", + "salt", + "sausages", + "dried mushrooms", + "hungarian sweet paprika", + "water", + "whole peeled tomatoes", + "kalamata", + "dill pickles", + "onions", + "tomato paste", + "ground black pepper", + "beef stock", + "garlic", + "ham", + "marjoram", + "capers", + "veal", + "mushrooms", + "all-purpose flour", + "dill weed", + "pickle juice" + ] + }, + { + "id": 27012, + "cuisine": "jamaican", + "ingredients": [ + "juice concentrate", + "boneless skinless chicken breasts", + "instant chicken bouillon", + "dri leav thyme", + "dijon mustard", + "garlic", + "jalapeno chilies", + "ground cumin" + ] + }, + { + "id": 21731, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "large eggs", + "salt", + "mozzarella cheese", + "vegetable oil", + "freshly ground pepper", + "tomato sauce", + "large egg yolks", + "heavy cream", + "flat leaf parsley", + "risotto", + "grated parmesan cheese", + "all-purpose flour" + ] + }, + { + "id": 29744, + "cuisine": "italian", + "ingredients": [ + "freshly grated parmesan", + "kalamata", + "rib", + "pinenuts", + "golden raisins", + "flour for dusting", + "swiss chard", + "extra-virgin olive oil", + "dough", + "finely chopped onion", + "garlic cloves" + ] + }, + { + "id": 2682, + "cuisine": "thai", + "ingredients": [ + "tamarind purée", + "ginger", + "juice", + "chicken stock", + "lemon grass", + "cilantro leaves", + "chillies", + "sugar pea", + "peas", + "Thai fish sauce", + "tomatoes", + "spring onions", + "skinless chicken breasts" + ] + }, + { + "id": 1807, + "cuisine": "greek", + "ingredients": [ + "cottage cheese", + "unsalted butter", + "salt", + "semolina", + "large eggs", + "scallions", + "fresh dill", + "feta cheese", + "phyllo", + "black pepper", + "fennel bulb", + "dry bread crumbs" + ] + }, + { + "id": 20666, + "cuisine": "mexican", + "ingredients": [ + "fat free less sodium chicken broth", + "finely chopped onion", + "salt", + "garlic cloves", + "white hominy", + "lime wedges", + "chopped onion", + "dried oregano", + "chile powder", + "radishes", + "shoulder steak", + "baked tortilla chips", + "ground cumin", + "coriander seeds", + "Anaheim chile", + "beef broth", + "chopped cilantro fresh" + ] + }, + { + "id": 18532, + "cuisine": "cajun_creole", + "ingredients": [ + "diced onions", + "ground black pepper", + "salt", + "crawfish", + "condensed cream of mushroom soup", + "dried parsley", + "green bell pepper", + "vegetable oil", + "margarine", + "minced garlic", + "diced tomatoes" + ] + }, + { + "id": 8024, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "lasagna noodles", + "red wine vinegar", + "grated lemon zest", + "bay leaf", + "tomato paste", + "nutritional yeast", + "soft tofu", + "Italian parsley leaves", + "garlic cloves", + "eggplant", + "whole peeled tomatoes", + "red pepper flakes", + "yellow onion", + "capers", + "ground black pepper", + "basil leaves", + "extra-virgin olive oil", + "lemon juice" + ] + }, + { + "id": 27487, + "cuisine": "japanese", + "ingredients": [ + "safflower oil", + "honey", + "cooking wine", + "carrots", + "ground ginger", + "kosher salt", + "large eggs", + "kale leaves", + "ketchup", + "dijon mustard", + "all-purpose flour", + "cabbage", + "soy sauce", + "canola", + "worcestershire sauce", + "scallions" + ] + }, + { + "id": 42578, + "cuisine": "southern_us", + "ingredients": [ + "bananas", + "salt", + "whole milk", + "all-purpose flour", + "large eggs", + "vanilla wafers", + "sugar", + "vanilla extract", + "corn starch" + ] + }, + { + "id": 36792, + "cuisine": "italian", + "ingredients": [ + "sugar", + "compote", + "almonds", + "shortbread", + "raspberries", + "heavy cream", + "large eggs" + ] + }, + { + "id": 39151, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "garlic cloves", + "onions", + "saffron threads", + "hungarian paprika", + "snapper fillets", + "carrots", + "ground cumin", + "ground ginger", + "kalamata", + "freshly ground pepper", + "flat leaf parsley", + "preserved lemon", + "salt", + "fresh lemon juice", + "chopped cilantro fresh" + ] + }, + { + "id": 18252, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "green beans", + "pesto", + "salt", + "russet potatoes", + "pepper", + "penne pasta" + ] + }, + { + "id": 19309, + "cuisine": "greek", + "ingredients": [ + "angel hair", + "chicken breast halves", + "fresh lemon juice", + "olive oil", + "yellow bell pepper", + "dried basil", + "diced tomatoes", + "dried oregano", + "feta cheese", + "purple onion" + ] + }, + { + "id": 45372, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "salt", + "pepper", + "all-purpose flour", + "milk", + "bacon grease", + "saltines", + "pork chops" + ] + }, + { + "id": 21413, + "cuisine": "indian", + "ingredients": [ + "cayenne", + "coarse salt", + "coconut milk", + "coriander seeds", + "vegetable oil", + "gingerroot", + "salmon fillets", + "bell pepper", + "large garlic cloves", + "onions", + "tumeric", + "seeds", + "white wine vinegar", + "ground cumin" + ] + }, + { + "id": 49333, + "cuisine": "indian", + "ingredients": [ + "hungarian sweet paprika", + "serrano peppers", + "salt", + "fresh lemon juice", + "garam masala", + "ground red pepper", + "garlic cloves", + "ground cumin", + "plain low-fat yogurt", + "cooking spray", + "chopped onion", + "ground turmeric", + "boneless chicken skinless thigh", + "peeled fresh ginger", + "ground coriander", + "canola oil" + ] + }, + { + "id": 5758, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "ground black pepper", + "salt", + "garlic cloves", + "fresh lime juice", + "fat free less sodium chicken broth", + "green onions", + "soba noodles", + "bok choy", + "fresh basil", + "peeled fresh ginger", + "chopped onion", + "carrots", + "chile sauce", + "water", + "chicken breast halves", + "dark sesame oil", + "celery" + ] + }, + { + "id": 32013, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic", + "basil", + "grated parmesan cheese", + "salt", + "pinenuts", + "extra-virgin olive oil" + ] + }, + { + "id": 47574, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "jalapeno chilies", + "rice vinegar", + "canola oil", + "pepper", + "mushrooms", + "all-purpose flour", + "eggs", + "water", + "green onions", + "carrots", + "sugar", + "zucchini", + "salt", + "toasted sesame seeds" + ] + }, + { + "id": 29750, + "cuisine": "italian", + "ingredients": [ + "bread crumb fresh", + "lemon wedge", + "olive oil", + "freshly ground pepper", + "kosher salt", + "chopped fresh thyme", + "branzino", + "whole grain mustard", + "garlic cloves" + ] + }, + { + "id": 37691, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "cooked white rice", + "black-eyed peas", + "carrots", + "smoked ham hocks", + "vegetable oil", + "celery", + "pepper", + "hot sauce", + "onions" + ] + }, + { + "id": 18029, + "cuisine": "japanese", + "ingredients": [ + "cilantro leaves", + "cinnamon sticks", + "onions", + "vegetable oil", + "mustard oil", + "bay leaf", + "clove", + "cayenne pepper", + "coconut milk", + "ground turmeric", + "salt", + "mustard seeds", + "medium shrimp" + ] + }, + { + "id": 27661, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "carrots", + "veal for stew", + "low salt chicken broth", + "olive oil", + "chopped fresh sage", + "chopped garlic", + "chestnuts", + "chopped onion", + "bay leaf" + ] + }, + { + "id": 26238, + "cuisine": "mexican", + "ingredients": [ + "shallots", + "cilantro", + "olive oil", + "chile pepper", + "white vinegar", + "green tomatoes", + "salt", + "garlic powder", + "tomatillos" + ] + }, + { + "id": 28357, + "cuisine": "french", + "ingredients": [ + "mussels", + "olive oil", + "garlic", + "onions", + "saffron threads", + "pepper", + "leeks", + "bay leaf", + "sea bass", + "fresh thyme", + "shrimp", + "orange zest", + "tomatoes", + "fennel", + "salt", + "boiling water" + ] + }, + { + "id": 28059, + "cuisine": "cajun_creole", + "ingredients": [ + "chervil", + "fennel", + "cognac", + "large shrimp", + "water", + "coarse salt", + "flat leaf parsley", + "black peppercorns", + "shallots", + "carrots", + "tomato paste", + "evaporated milk", + "extra-virgin olive oil", + "bay leaf" + ] + }, + { + "id": 37422, + "cuisine": "british", + "ingredients": [ + "ground nutmeg", + "currant", + "puff pastry", + "strong white bread flour", + "egg whites", + "ground allspice", + "caster sugar", + "sea salt", + "dark brown sugar", + "cold water", + "unsalted butter", + "white wine vinegar" + ] + }, + { + "id": 6125, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "sour cream", + "tortilla chips", + "refrigerated crescent rolls", + "Mexican cheese blend", + "ground beef" + ] + }, + { + "id": 34846, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "provolone cheese", + "butter", + "Italian bread", + "balsamic vinegar", + "freshly ground pepper", + "purple onion" + ] + }, + { + "id": 18496, + "cuisine": "french", + "ingredients": [ + "ground ginger", + "sugar", + "unsalted butter", + "bourbon whiskey", + "all-purpose flour", + "cream sweeten whip", + "water", + "pumpkin", + "vanilla extract", + "maple sugar", + "pecans", + "large egg yolks", + "whole milk", + "salt", + "heavy whipping cream", + "ground cinnamon", + "ground cloves", + "large eggs", + "whipping cream", + "ground allspice" + ] + }, + { + "id": 18877, + "cuisine": "french", + "ingredients": [ + "large eggs", + "bread" + ] + }, + { + "id": 60, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "flank steak", + "sour cream", + "lime juice", + "cilantro sprigs", + "pepper", + "yellow bell pepper", + "onions", + "garlic bulb", + "flour tortillas", + "red bell pepper" + ] + }, + { + "id": 20836, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "garlic powder", + "sesame oil", + "crabmeat", + "white sugar", + "minced garlic", + "water chestnuts", + "salt", + "shrimp", + "soy sauce", + "ground black pepper", + "chopped celery", + "oil", + "white bread", + "water", + "green onions", + "yellow onion", + "fresh parsley" + ] + }, + { + "id": 7399, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "all-purpose flour", + "eggs", + "grated parmesan cheese", + "shredded mozzarella cheese", + "pasta sauce", + "vegetable oil", + "boneless skinless chicken breast halves", + "salt and ground black pepper", + "caesar salad dressing" + ] + }, + { + "id": 40110, + "cuisine": "thai", + "ingredients": [ + "sugar", + "boneless skinless chicken breasts", + "peanut oil", + "eggs", + "lime", + "garlic", + "chopped cilantro fresh", + "rice stick noodles", + "soy sauce", + "crushed red pepper flakes", + "beansprouts", + "fish sauce", + "peanuts", + "rice vinegar", + "sliced green onions" + ] + }, + { + "id": 8050, + "cuisine": "korean", + "ingredients": [ + "sherry vinegar", + "extra-virgin olive oil", + "toasted sesame oil", + "flank steak", + "maple syrup", + "fresh ginger", + "raw sugar", + "scallions", + "lower sodium soy sauce", + "garlic" + ] + }, + { + "id": 44505, + "cuisine": "mexican", + "ingredients": [ + "baking soda", + "buttermilk", + "yellow corn meal", + "large eggs", + "scallions", + "unsalted butter", + "salt", + "sugar", + "jalapeno chilies", + "extra sharp cheddar cheese" + ] + }, + { + "id": 23074, + "cuisine": "spanish", + "ingredients": [ + "fennel seeds", + "large garlic cloves", + "chorizo sausage", + "shallots", + "orzo", + "french bread", + "diced tomatoes", + "orange zest", + "mussels", + "clam juice", + "extra-virgin olive oil" + ] + }, + { + "id": 14180, + "cuisine": "spanish", + "ingredients": [ + "fresh rosemary", + "crushed red pepper", + "bread slices", + "large egg yolks", + "oil", + "capers", + "anchovy fillets", + "pimento stuffed green olives", + "butter", + "fresh lemon juice" + ] + }, + { + "id": 16565, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "adobo", + "rosemary", + "vegetable oil", + "salt", + "thyme", + "onions", + "mussels", + "chipotle chile", + "corn kernels", + "large garlic cloves", + "rice", + "green beans", + "tomatoes", + "water", + "bay leaves", + "extra-virgin olive oil", + "carrots", + "medium shrimp", + "tomato paste", + "kosher salt", + "herbs", + "dry sherry", + "scallions", + "poblano chiles" + ] + }, + { + "id": 27206, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "water", + "paprika", + "flat leaf parsley", + "ground cumin", + "preserved lemon", + "cinnamon", + "salt", + "chopped cilantro fresh", + "green olives", + "olive oil", + "garlic", + "onions", + "tumeric", + "raisins", + "freshly ground pepper", + "chicken" + ] + }, + { + "id": 27570, + "cuisine": "southern_us", + "ingredients": [ + "nutmeg", + "milk", + "vanilla extract", + "eggs", + "cinnamon", + "sauce", + "melted butter", + "cubed bread", + "salt", + "sugar", + "raisins" + ] + }, + { + "id": 45438, + "cuisine": "mexican", + "ingredients": [ + "lime rind", + "chili powder", + "fresh lime juice", + "olive oil", + "salt", + "pepper", + "sea bass fillets", + "dried oregano", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 46631, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "chicken drumsticks", + "ground cayenne pepper", + "ground black pepper", + "all-purpose flour", + "garlic powder", + "buttermilk", + "canola oil", + "onion powder", + "mustard powder" + ] + }, + { + "id": 49141, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "jalapeno chilies", + "garlic", + "cilantro leaves", + "jack", + "queso fresco", + "purple onion", + "chicken stock", + "olive oil", + "tomatillos", + "salt", + "lime", + "boneless skinless chicken breasts", + "crema", + "corn tortillas" + ] + }, + { + "id": 33768, + "cuisine": "irish", + "ingredients": [ + "Irish whiskey", + "beer", + "bittersweet chocolate", + "baking soda", + "salt", + "confectioners sugar", + "unsweetened cocoa powder", + "large eggs", + "all-purpose flour", + "sour cream", + "irish cream liqueur", + "butter", + "heavy whipping cream", + "white sugar" + ] + }, + { + "id": 8722, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "garlic", + "coarse sea salt", + "ground black pepper", + "nonfat yogurt plain", + "fresh ginger", + "extra-virgin olive oil" + ] + }, + { + "id": 22304, + "cuisine": "mexican", + "ingredients": [ + "cooked turkey", + "mole sauce", + "chicken broth", + "creamy peanut butter", + "salt", + "dark chocolate", + "enchilada sauce" + ] + }, + { + "id": 3936, + "cuisine": "mexican", + "ingredients": [ + "tequila", + "sugar", + "fresh lime juice", + "fresh rosemary", + "orchid", + "papaya" + ] + }, + { + "id": 16056, + "cuisine": "french", + "ingredients": [ + "mayonaise", + "fresh lemon juice", + "cold water", + "chips", + "olive oil", + "tomatoes", + "large garlic cloves" + ] + }, + { + "id": 47728, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "light corn syrup", + "chocolate morsels", + "firmly packed light brown sugar", + "refrigerated piecrusts", + "all-purpose flour", + "bourbon whiskey", + "vanilla extract", + "sugar", + "butter", + "chopped pecans" + ] + }, + { + "id": 8661, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "parsley sprigs", + "bay leaves", + "chicken drumsticks", + "flat leaf parsley", + "capers", + "macaroni", + "red wine vinegar", + "garlic cloves", + "green olives", + "olive oil", + "chicken breast halves", + "chopped onion", + "fresh basil", + "sugar", + "ground red pepper", + "chopped celery", + "chicken thighs" + ] + }, + { + "id": 42499, + "cuisine": "vietnamese", + "ingredients": [ + "cooked chicken", + "Italian basil", + "hoisin sauce", + "cilantro", + "Sriracha", + "lime wedges", + "beansprouts", + "low sodium chicken broth", + "rice vermicelli" + ] + }, + { + "id": 4850, + "cuisine": "vietnamese", + "ingredients": [ + "pork", + "ground pepper", + "garlic", + "onions", + "fresh ginger", + "rice noodles", + "fat skimmed chicken broth", + "baby spinach leaves", + "reduced sodium soy sauce", + "rice vinegar", + "peanuts", + "vegetable oil", + "beansprouts" + ] + }, + { + "id": 28166, + "cuisine": "filipino", + "ingredients": [ + "red potato", + "pepper", + "chicken drumsticks", + "bay leaf", + "pork", + "yukon gold potatoes", + "garlic cloves", + "coconut oil", + "water", + "salt", + "white vinegar", + "soy sauce", + "russet potatoes", + "lard" + ] + }, + { + "id": 8004, + "cuisine": "russian", + "ingredients": [ + "potatoes", + "onions", + "butter", + "bacon", + "mozzarella cheese", + "cream cheese" + ] + }, + { + "id": 5709, + "cuisine": "chinese", + "ingredients": [ + "crab", + "ginger", + "corn starch", + "sugar", + "cooking oil", + "oil", + "fish sauce", + "water", + "scallions", + "white pepper", + "sesame oil", + "oyster sauce" + ] + }, + { + "id": 41364, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "ground allspice", + "onions", + "cider vinegar", + "yukon gold potatoes", + "carrots", + "chorizo sausage", + "brown sugar", + "bay leaves", + "garlic cloves", + "chopped cilantro fresh", + "water", + "salt", + "poblano chiles" + ] + }, + { + "id": 41275, + "cuisine": "chinese", + "ingredients": [ + "peanuts", + "cilantro", + "sugar", + "leaves", + "soy", + "clove", + "ginger piece", + "oil", + "chili", + "yardlong beans" + ] + }, + { + "id": 9754, + "cuisine": "japanese", + "ingredients": [ + "large eggs", + "pork loin chops", + "pepper", + "salt", + "cabbage", + "flour", + "toasted sesame oil", + "panko", + "oil" + ] + }, + { + "id": 23896, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "zucchini", + "salt", + "chopped parsley", + "olive oil", + "red wine", + "garlic cloves", + "spaghetti", + "low fat cream", + "grated parmesan cheese", + "vegetable stock powder", + "onions", + "extra lean minced beef", + "passata", + "carrots", + "dried oregano" + ] + }, + { + "id": 43198, + "cuisine": "moroccan", + "ingredients": [ + "bread crumb fresh", + "flour", + "cracked black pepper", + "Piment d'Espelette", + "ground lamb", + "tomatoes", + "olive oil", + "shallots", + "ras el hanout", + "chopped fresh mint", + "eggs", + "leaves", + "sea salt", + "carrots", + "chopped cilantro fresh", + "tomato paste", + "milk", + "golden raisins", + "garlic", + "low sodium beef broth" + ] + }, + { + "id": 36055, + "cuisine": "italian", + "ingredients": [ + "warm water", + "salt", + "olive oil", + "bread flour", + "honey", + "yeast", + "fresh rosemary", + "fresh thyme" + ] + }, + { + "id": 3475, + "cuisine": "southern_us", + "ingredients": [ + "water", + "butter", + "self rising flour", + "sugar", + "large eggs", + "active dry yeast" + ] + }, + { + "id": 31300, + "cuisine": "chinese", + "ingredients": [ + "mustard", + "egg roll wrappers", + "napa cabbage", + "scallions", + "fresh ginger", + "vegetable oil", + "sweet and sour sauce", + "carrots", + "soy sauce", + "large eggs", + "ground pork", + "garlic cloves", + "light brown sugar", + "ground pepper", + "coarse salt", + "rice vinegar" + ] + }, + { + "id": 5081, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "sauce", + "white corn tortillas", + "epazote", + "canola oil", + "queso fresco", + "chopped cilantro fresh", + "crema mexicana", + "fresh oregano" + ] + }, + { + "id": 46942, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "tamari soy sauce", + "cooked rice", + "mushrooms", + "garlic cloves", + "beef", + "rice vinegar", + "brown sugar", + "ginger", + "snow peas" + ] + }, + { + "id": 13120, + "cuisine": "japanese", + "ingredients": [ + "ground cinnamon", + "green chilies", + "ginger root", + "chili powder", + "rapeseed oil", + "ground turmeric", + "garam masala", + "hot water", + "frozen peas", + "plain flour", + "salt", + "mustard seeds" + ] + }, + { + "id": 1425, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "cilantro", + "yellow onion", + "iceberg lettuce", + "chicken broth", + "water", + "baking powder", + "all-purpose flour", + "garlic cloves", + "chicken", + "shredded cheddar cheese", + "cooked chicken", + "salt", + "oil", + "masa harina", + "black peppercorns", + "lime juice", + "diced tomatoes", + "salsa", + "lard", + "ground cumin" + ] + }, + { + "id": 23244, + "cuisine": "japanese", + "ingredients": [ + "lettuce", + "water chestnuts", + "garlic", + "soy sauce", + "sesame oil", + "sauce", + "sake", + "green onions", + "rice vinegar", + "ground chicken", + "ginger" + ] + }, + { + "id": 15384, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "cream cheese, soften", + "all-purpose flour", + "pie filling", + "lemon" + ] + }, + { + "id": 32739, + "cuisine": "russian", + "ingredients": [ + "fresh rosemary", + "freshly grated parmesan", + "red russian kale", + "onions", + "minced garlic", + "Vegeta Seasoning", + "chickpeas", + "tomato sauce", + "ground black pepper", + "tuscan sausage", + "chicken stock", + "olive oil", + "tomatoes with juice", + "chopped fresh sage" + ] + }, + { + "id": 29014, + "cuisine": "japanese", + "ingredients": [ + "beef", + "watercress", + "konbu", + "mirin", + "firm tofu", + "Japanese soy sauce", + "dried bonito flakes", + "water", + "dried udon", + "scallions" + ] + }, + { + "id": 45111, + "cuisine": "mexican", + "ingredients": [ + "refrigerated biscuits", + "chiles", + "diced tomatoes", + "colby jack cheese", + "olive oil" + ] + }, + { + "id": 2383, + "cuisine": "italian", + "ingredients": [ + "garlic", + "tomato paste", + "fresh parsley", + "white vinegar", + "anchovy fillets", + "extra-virgin olive oil" + ] + }, + { + "id": 27927, + "cuisine": "japanese", + "ingredients": [ + "water", + "rice vinegar", + "white rice", + "vegetable oil", + "white sugar", + "salt" + ] + }, + { + "id": 41837, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "potatoes", + "beef tongue", + "broth", + "pepper", + "garlic", + "onions", + "soy sauce", + "bay leaves", + "oil", + "tomato sauce", + "water", + "salt", + "peppercorns" + ] + }, + { + "id": 40921, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "all-purpose flour", + "buttermilk", + "self rising flour" + ] + }, + { + "id": 24424, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "dried mint flakes", + "fresh lemon juice", + "basmati rice", + "kosher salt", + "extra-virgin olive oil", + "cucumber", + "ground cumin", + "fennel", + "garlic", + "greek yogurt", + "grape leaves", + "ground black pepper", + "purple onion", + "fresh parsley" + ] + }, + { + "id": 43192, + "cuisine": "french", + "ingredients": [ + "baby carrots", + "vegetable oil", + "orange zest", + "beef", + "onions", + "dry red wine" + ] + }, + { + "id": 37224, + "cuisine": "indian", + "ingredients": [ + "salt", + "ground cumin", + "potatoes", + "onions", + "tomatoes", + "cayenne pepper", + "vegetable oil", + "ground turmeric" + ] + }, + { + "id": 14119, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "shredded mozzarella cheese", + "ricotta cheese", + "pasta sauce", + "jumbo pasta shells" + ] + }, + { + "id": 15350, + "cuisine": "french", + "ingredients": [ + "black peppercorns", + "chopped fresh chives", + "red wine vinegar", + "sour cream", + "water", + "shallots", + "fine sea salt", + "smoked salmon", + "unsalted butter", + "yukon gold potatoes", + "onion tops", + "salmon fillets", + "whole milk", + "dry red wine" + ] + }, + { + "id": 22510, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "cayenne pepper", + "chopped green chilies", + "chili powder", + "onions", + "beef bouillon", + "chipotles in adobo", + "garlic powder", + "bottom round roast", + "ground cumin" + ] + }, + { + "id": 2850, + "cuisine": "southern_us", + "ingredients": [ + "egg whites", + "baking powder", + "cake flour", + "unsalted butter", + "whole milk", + "sweetened coconut flakes", + "salt", + "eggs", + "egg yolks", + "bourbon whiskey", + "cocktail cherries", + "granulated sugar", + "golden raisins", + "vanilla extract", + "chopped pecans" + ] + }, + { + "id": 35377, + "cuisine": "indian", + "ingredients": [ + "jalapeno chilies", + "chickpeas", + "basmati rice", + "light coconut milk", + "garlic cloves", + "diced tomatoes", + "chopped onion", + "canola oil", + "curry powder", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 38744, + "cuisine": "french", + "ingredients": [ + "water", + "whole milk", + "armagnac", + "chestnuts", + "unsalted butter", + "salt", + "sugar", + "egg whites", + "corn starch", + "cream of tartar", + "large egg yolks", + "vanilla extract" + ] + }, + { + "id": 41191, + "cuisine": "french", + "ingredients": [ + "whipped topping", + "liquor", + "candy", + "malted milk powder", + "chocolate", + "toasted coconut" + ] + }, + { + "id": 48426, + "cuisine": "italian", + "ingredients": [ + "baby spinach leaves", + "roasted red peppers", + "Italian bread", + "genoa salami", + "prosciutto", + "chees fresh mozzarella", + "ground pepper", + "ricotta cheese", + "olive oil", + "balsamic vinegar", + "fresh basil leaves" + ] + }, + { + "id": 10038, + "cuisine": "french", + "ingredients": [ + "black pepper", + "ground red pepper", + "garlic cloves", + "minced onion", + "salt", + "fresh parmesan cheese", + "1% low-fat milk", + "flounder fillets", + "frozen chopped spinach", + "cooking spray", + "light cream cheese" + ] + }, + { + "id": 24893, + "cuisine": "mexican", + "ingredients": [ + "jack", + "Martha White Cornbread Mix", + "eggs", + "diced tomatoes", + "cooked chicken", + "sour cream", + "corn", + "taco seasoning" + ] + }, + { + "id": 23124, + "cuisine": "thai", + "ingredients": [ + "cooked rice", + "white pepper", + "cooking wine", + "frozen peas", + "sugar", + "shrimp paste", + "shrimp", + "fish sauce", + "green onions", + "chili sauce", + "cashew nuts", + "eggs", + "soy sauce", + "garlic", + "onions" + ] + }, + { + "id": 49363, + "cuisine": "italian", + "ingredients": [ + "water", + "cooking spray", + "bread flour", + "fresh parmesan cheese", + "salt", + "large egg whites", + "cracked black pepper", + "warm water", + "dry yeast", + "cornmeal" + ] + }, + { + "id": 37987, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "shredded cheese", + "taco seasoning mix", + "frozen corn", + "ground beef", + "black olives", + "enchilada sauce", + "frozen tater tots", + "green chilies", + "onions" + ] + }, + { + "id": 2856, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "vegetable oil", + "black bean sauce", + "cracked black pepper", + "minced garlic", + "fresh green bean", + "fresh ginger root" + ] + }, + { + "id": 4326, + "cuisine": "french", + "ingredients": [ + "pitted kalamata olives", + "potatoes", + "large garlic cloves", + "salt", + "noodles", + "celery ribs", + "ground black pepper", + "fresh thyme leaves", + "navel oranges", + "juice", + "polenta", + "fresh rosemary", + "whole peeled tomatoes", + "balsamic vinegar", + "purple onion", + "carrots", + "olive oil", + "low sodium chicken broth", + "red wine", + "all-purpose flour", + "short rib" + ] + }, + { + "id": 15693, + "cuisine": "korean", + "ingredients": [ + "sugar", + "anchovies", + "pepper flakes", + "fishcake", + "green onions", + "dried kelp", + "rice cakes", + "eggs", + "water", + "Gochujang base" + ] + }, + { + "id": 21205, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "kosher salt", + "garlic", + "shrimp", + "chicken thighs", + "coconut oil", + "parsley", + "beef broth", + "celery", + "fresh tomatoes", + "green onions", + "smoked sausage", + "flat leaf parsley", + "black pepper", + "worcestershire sauce", + "okra", + "onions" + ] + }, + { + "id": 10178, + "cuisine": "korean", + "ingredients": [ + "sugar", + "riesling", + "orange", + "cinnamon sticks", + "water", + "star anise", + "fresh ginger", + "pears" + ] + }, + { + "id": 30765, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fat-free chicken broth", + "crimini mushrooms", + "salt", + "broccoli florets", + "purple onion", + "ground ginger", + "cheese tortellini", + "medium shrimp" + ] + }, + { + "id": 22911, + "cuisine": "cajun_creole", + "ingredients": [ + "tasso", + "Crystal Hot Sauce", + "bay leaves", + "light corn syrup", + "purple onion", + "chopped parsley", + "white vinegar", + "kosher salt", + "flour", + "heavy cream", + "garlic", + "cumin seed", + "jumbo shrimp", + "jalapeno chilies", + "red wine vinegar", + "yellow bell pepper", + "creole seasoning", + "black peppercorns", + "unsalted butter", + "shallots", + "crushed red pepper flakes", + "pickled okra", + "canola oil" + ] + }, + { + "id": 36649, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "sweet potatoes", + "light coconut milk", + "lime zest", + "lime", + "vegetable oil", + "chopped cilantro", + "cooked brown rice", + "shallots", + "steak", + "roasted cashews", + "fresh ginger", + "Thai red curry paste" + ] + }, + { + "id": 4999, + "cuisine": "vietnamese", + "ingredients": [ + "eggs", + "mixed vegetables", + "olive oil", + "medium shrimp", + "cooked rice", + "sauce", + "vegetables" + ] + }, + { + "id": 36871, + "cuisine": "british", + "ingredients": [ + "red beets", + "whole allspice", + "horseradish", + "malt vinegar", + "black peppercorns", + "pickling salt" + ] + }, + { + "id": 34776, + "cuisine": "brazilian", + "ingredients": [ + "fresh lime juice", + "lime", + "cachaca", + "superfine sugar" + ] + }, + { + "id": 31363, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "sugar", + "buttermilk", + "flour", + "salt", + "butter" + ] + }, + { + "id": 25665, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "black sesame seeds", + "carrots", + "tofu", + "mirin", + "seaweed", + "soy sauce", + "vegetable oil", + "hot water", + "dashi powder", + "seasoned rice wine vinegar", + "toasted sesame oil" + ] + }, + { + "id": 3055, + "cuisine": "japanese", + "ingredients": [ + "egg yolks", + "sugar", + "heavy cream", + "matcha green tea powder", + "milk", + "hot water" + ] + }, + { + "id": 7299, + "cuisine": "french", + "ingredients": [ + "eggs", + "milk", + "salt", + "water", + "heavy cream", + "confectioners sugar", + "sliced almonds", + "unsalted butter", + "all-purpose flour", + "pastry cream", + "vanilla extract" + ] + }, + { + "id": 23669, + "cuisine": "french", + "ingredients": [ + "raspberry jam", + "water", + "rosé wine", + "confectioners sugar", + "pure vanilla extract", + "icing mix", + "large eggs", + "cognac", + "sugar", + "marzipan", + "cake flour", + "poured fondant", + "food gel", + "unsalted butter", + "salt" + ] + }, + { + "id": 22520, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "orange flower water", + "green olives", + "olive oil", + "chopped cilantro fresh", + "orange", + "fresh lemon juice", + "sugar", + "ground black pepper" + ] + }, + { + "id": 25276, + "cuisine": "italian", + "ingredients": [ + "pepper", + "extra-virgin olive oil", + "fresh mint", + "pinenuts", + "baby arugula", + "garlic cloves", + "kosher salt", + "sheep’s milk cheese", + "lemon juice", + "zucchini", + "vietnamese fish sauce" + ] + }, + { + "id": 19718, + "cuisine": "southern_us", + "ingredients": [ + "matzo meal", + "paprika", + "ground white pepper", + "large eggs", + "lemon juice", + "olive oil", + "salt", + "onions", + "baking potatoes", + "carrots" + ] + }, + { + "id": 18719, + "cuisine": "french", + "ingredients": [ + "stock", + "white beans", + "zucchini", + "celery", + "chopped tomatoes", + "carrots", + "italian sausage", + "leeks" + ] + }, + { + "id": 15069, + "cuisine": "jamaican", + "ingredients": [ + "chicken wings", + "vegetable oil", + "peeled fresh ginger", + "jamaican jerk season", + "garlic", + "pickled jalapeno peppers", + "green onions" + ] + }, + { + "id": 36061, + "cuisine": "cajun_creole", + "ingredients": [ + "sausage links", + "celery", + "tomatoes", + "parsley", + "chicken broth", + "dried thyme", + "onions", + "green bell pepper", + "cajun seasoning" + ] + }, + { + "id": 33699, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "fermented black beans", + "canola", + "noodles", + "gai lan", + "onions", + "scallion greens", + "oyster sauce" + ] + }, + { + "id": 22991, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "butter", + "fresh mushrooms", + "green bell pepper", + "pimentos", + "white rice", + "cooked shrimp", + "zucchini", + "diced tomatoes", + "carrots", + "tomato sauce", + "chili powder", + "chopped celery", + "onions" + ] + }, + { + "id": 25641, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "salt", + "onions", + "minced garlic", + "vegetable oil", + "cayenne pepper", + "andouille sausage", + "green onions", + "all-purpose flour", + "chicken thighs", + "water", + "cajun seasoning", + "celery" + ] + }, + { + "id": 22266, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "thai basil", + "oxtails", + "star anise", + "onions", + "water", + "hoisin sauce", + "daikon", + "cinnamon sticks", + "sliced green onions", + "fish sauce", + "coriander seeds", + "whole cloves", + "ginger", + "chopped cilantro", + "red chili peppers", + "Sriracha", + "lime wedges", + "carrots", + "noodles" + ] + }, + { + "id": 8698, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "water", + "pandanus leaf", + "fenugreek seeds", + "coconut milk", + "tomato sauce", + "fresh ginger", + "curry", + "green chilies", + "chicken", + "tumeric", + "curry powder", + "garlic", + "green cardamom", + "onions", + "clove", + "pepper", + "lemon grass", + "salt", + "cinnamon sticks" + ] + }, + { + "id": 3371, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "white sugar", + "salt", + "ginger", + "chopped garlic", + "white vinegar", + "chillies" + ] + }, + { + "id": 26116, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "warm water", + "all-purpose flour", + "dry yeast", + "cornmeal", + "salt" + ] + }, + { + "id": 43771, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "meat tenderizer", + "chopped cilantro fresh", + "garlic", + "fresh lemon juice", + "ground cumin", + "plain yogurt", + "salt", + "chicken pieces", + "paprika", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 45586, + "cuisine": "jamaican", + "ingredients": [ + "tomatoes", + "lime", + "onions", + "chiles", + "garlic cloves", + "black pepper", + "coconut milk", + "fish fillets", + "corn oil" + ] + }, + { + "id": 33339, + "cuisine": "mexican", + "ingredients": [ + "long-grain rice", + "refried beans", + "chopped cilantro fresh", + "picante sauce", + "poblano chiles", + "Mexican cheese blend" + ] + }, + { + "id": 32981, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "large eggs", + "extra-virgin olive oil", + "fresh oregano", + "organic vegetable broth", + "ground cloves", + "butter", + "salt", + "chopped onion", + "romano cheese", + "cooking spray", + "1% low-fat milk", + "bulgur", + "garlic cloves", + "eggplant", + "diced tomatoes", + "all-purpose flour", + "ground allspice" + ] + }, + { + "id": 8253, + "cuisine": "french", + "ingredients": [ + "sugar", + "heavy cream", + "water", + "lemon juice", + "marsala wine", + "strawberries", + "egg yolks" + ] + }, + { + "id": 8592, + "cuisine": "southern_us", + "ingredients": [ + "Southern Comfort Liqueur", + "orange juice", + "ground cinnamon", + "butter", + "light brown sugar", + "sweet potatoes", + "chopped pecans", + "eggs", + "salt" + ] + }, + { + "id": 48436, + "cuisine": "indian", + "ingredients": [ + "ginger", + "chopped cilantro", + "kosher salt", + "garlic cloves", + "curry powder", + "lemon juice", + "cayenne pepper", + "plain whole-milk yogurt" + ] + }, + { + "id": 6475, + "cuisine": "british", + "ingredients": [ + "sugar", + "salt", + "shortening", + "nonfat powdered milk", + "warm water", + "all-purpose flour", + "vegetable oil cooking spray", + "dry yeast", + "hot water" + ] + }, + { + "id": 16157, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "minced garlic", + "cilantro", + "lemon", + "medium tomatoes", + "salt" + ] + }, + { + "id": 17732, + "cuisine": "russian", + "ingredients": [ + "celery ribs", + "gelatin", + "carrots", + "peppercorns", + "pig", + "salt", + "dark turkey meat", + "pork", + "veal", + "bay leaf", + "broth", + "ground black pepper", + "garlic cloves", + "onions" + ] + }, + { + "id": 47542, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "fresh cilantro", + "salt", + "onions", + "lump crab meat", + "cooking spray", + "corn tortillas", + "dried oregano", + "chihuahua cheese", + "radishes", + "garlic cloves", + "serrano chile", + "white vinegar", + "water", + "tomatillos", + "fresh lime juice", + "iceberg lettuce" + ] + }, + { + "id": 42862, + "cuisine": "irish", + "ingredients": [ + "water", + "dry mustard", + "golden delicious apples", + "chopped onion", + "dried apricot", + "crushed red pepper", + "cider vinegar", + "raisins", + "pumpkin pie spice" + ] + }, + { + "id": 38593, + "cuisine": "french", + "ingredients": [ + "fine sea salt", + "sweet potatoes", + "vegetable oil" + ] + }, + { + "id": 28763, + "cuisine": "japanese", + "ingredients": [ + "water", + "brown rice", + "corn starch", + "low sodium soy sauce", + "granulated sugar", + "cracked black pepper", + "ground ginger", + "sesame seeds", + "apple cider vinegar", + "minced garlic", + "boneless skinless chicken breasts", + "scallions" + ] + }, + { + "id": 5430, + "cuisine": "southern_us", + "ingredients": [ + "spelt", + "red pepper flakes", + "onions", + "sage leaves", + "parmigiano reggiano cheese", + "white beans", + "whole peeled tomatoes", + "extra-virgin olive oil", + "collard greens", + "coarse salt", + "freshly ground pepper" + ] + }, + { + "id": 26550, + "cuisine": "cajun_creole", + "ingredients": [ + "pure olive oil", + "sweet onion", + "creole seasoning", + "carrots", + "sirloin", + "dry red wine", + "okra", + "tomatoes", + "beef bouillon granules", + "frozen corn kernels", + "red bell pepper", + "celery ribs", + "baby lima beans", + "all-purpose flour", + "garlic cloves" + ] + }, + { + "id": 4373, + "cuisine": "italian", + "ingredients": [ + "whole wheat pizza dough", + "garlic", + "frozen spinach", + "part-skim mozzarella cheese", + "olive oil", + "pepper flakes", + "ricotta cheese" + ] + }, + { + "id": 15803, + "cuisine": "japanese", + "ingredients": [ + "sushi rice", + "english cucumber", + "avocado", + "rice vinegar", + "toasted sesame seeds", + "gari", + "carrots", + "soy sauce", + "seaweed" + ] + }, + { + "id": 21128, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "all purpose unbleached flour", + "olive oil", + "warm water", + "salt" + ] + }, + { + "id": 27671, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "cooking spray", + "garlic cloves", + "chopped cilantro fresh", + "picante sauce", + "salt", + "fresh lime juice", + "beans", + "tomatillos", + "corn tortillas", + "avocado", + "jalapeno chilies", + "chopped onion", + "low fat monterey jack cheese" + ] + }, + { + "id": 35025, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lemongrass", + "thai basil", + "rice vermicelli", + "green chilies", + "red bell pepper", + "haricots verts", + "soy sauce", + "olive oil", + "shallots", + "cilantro leaves", + "carrots", + "mango", + "mint", + "minced garlic", + "peanuts", + "sesame oil", + "chili sauce", + "shrimp", + "brown sugar", + "lime", + "palm sugar", + "salt", + "scallions", + "toasted sesame seeds" + ] + }, + { + "id": 6630, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "fresh thyme", + "garlic", + "red bell pepper", + "pancetta", + "ground black pepper", + "red beans", + "salt", + "fresh parsley", + "seasoning", + "bay leaves", + "smoked sausage", + "cooked white rice", + "celery ribs", + "cayenne", + "green onions", + "yellow onion" + ] + }, + { + "id": 48693, + "cuisine": "mexican", + "ingredients": [ + "Daisy Sour Cream", + "cooked ham", + "chili powder", + "pico de gallo", + "Mexican cheese blend", + "salt", + "eggs", + "milk", + "onion powder", + "green bell pepper", + "hash brown", + "dried oregano" + ] + }, + { + "id": 7400, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "fresh parsley", + "minced garlic", + "crushed red pepper", + "arborio rice", + "butter", + "large shrimp", + "finely chopped onion", + "low salt chicken broth" + ] + }, + { + "id": 29530, + "cuisine": "french", + "ingredients": [ + "milk", + "vanilla", + "sugar", + "large egg yolks" + ] + }, + { + "id": 33040, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "tomato juice", + "garlic", + "fresh lemon juice", + "ground turmeric", + "pepper", + "chopped tomatoes", + "chili powder", + "ground coriander", + "onions", + "plain yogurt", + "fresh ginger", + "potatoes", + "salt", + "chopped cilantro", + "ground cumin", + "water", + "garam masala", + "paprika", + "cumin seed", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 9774, + "cuisine": "southern_us", + "ingredients": [ + "water", + "coconut sugar", + "frozen strawberries", + "simple syrup", + "tea bags" + ] + }, + { + "id": 18680, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "cannoli shells", + "chopped pecans", + "granulated sugar", + "heavy cream", + "mascarpone", + "butter", + "pears", + "lemon zest", + "sauce" + ] + }, + { + "id": 38419, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh basil", + "olive oil", + "salt", + "fillet red snapper", + "chopped green bell pepper", + "chopped onion", + "low sodium worcestershire sauce", + "ground black pepper", + "hot sauce", + "tomatoes", + "dried basil", + "red wine vinegar", + "garlic cloves" + ] + }, + { + "id": 6285, + "cuisine": "italian", + "ingredients": [ + "Ragu Sauce", + "spaghetti", + "water" + ] + }, + { + "id": 10188, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "rice flour", + "water" + ] + }, + { + "id": 37336, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "prepared guacamole", + "black beans", + "shredded sharp cheddar cheese", + "chopped cilantro fresh", + "strip steaks", + "quick cooking brown rice", + "freshly ground pepper", + "water", + "salsa", + "canola oil" + ] + }, + { + "id": 9103, + "cuisine": "chinese", + "ingredients": [ + "spring roll wrappers", + "water", + "cilantro stems", + "crushed red pepper flakes", + "coconut milk", + "red chili peppers", + "fresh ginger", + "spring onions", + "scallions", + "kosher salt", + "jalapeno chilies", + "chicken breasts", + "garlic cloves", + "sweetened coconut", + "lemongrass", + "taro", + "bacon fat", + "canola oil" + ] + }, + { + "id": 3553, + "cuisine": "mexican", + "ingredients": [ + "salt", + "enchilada sauce", + "cilantro", + "boneless pork loin", + "dried oregano", + "white hominy", + "cayenne pepper", + "onions", + "garlic", + "green chilies", + "canola oil" + ] + }, + { + "id": 43309, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "butter", + "lemon juice", + "water", + "salt", + "frozen blueberries", + "ground cinnamon", + "baking powder", + "all-purpose flour", + "grated lemon peel", + "sugar", + "2% reduced-fat milk", + "corn starch" + ] + }, + { + "id": 23906, + "cuisine": "italian", + "ingredients": [ + "honey", + "italian seasoning", + "tomato paste", + "parmesan cheese", + "olive oil", + "dried basil", + "frozen bread dough" + ] + }, + { + "id": 38636, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "coconut milk", + "coconut oil", + "garlic", + "cabbage", + "fish sauce", + "chili paste", + "onions", + "curry powder", + "shrimp" + ] + }, + { + "id": 1888, + "cuisine": "japanese", + "ingredients": [ + "seasoning", + "chili powder", + "shiso leaves", + "chicken pieces", + "soy sauce", + "sea salt", + "garlic cloves", + "gari", + "ginger", + "cucumber", + "sake", + "miso", + "dark brown sugar" + ] + }, + { + "id": 20684, + "cuisine": "japanese", + "ingredients": [ + "water", + "mirin", + "butter", + "ground beef", + "nutmeg", + "dashi", + "curry sauce", + "salt", + "low sodium soy sauce", + "panko", + "fresh mozzarella", + "red bell pepper", + "curry powder", + "large eggs", + "ground pork", + "onions" + ] + }, + { + "id": 35346, + "cuisine": "southern_us", + "ingredients": [ + "raspberries", + "bourbon whiskey", + "honey", + "iced tea", + "water", + "simple syrup", + "honey liqueur" + ] + }, + { + "id": 7966, + "cuisine": "mexican", + "ingredients": [ + "cider vinegar", + "garlic cloves", + "white onion", + "salt", + "water", + "chopped cilantro fresh", + "tomatoes", + "jalapeno chilies" + ] + }, + { + "id": 39601, + "cuisine": "russian", + "ingredients": [ + "caraway seeds", + "cider vinegar", + "potatoes", + "salt", + "onions", + "celery stick", + "chopped tomatoes", + "butter", + "carrots", + "fresh dill", + "honey", + "vegetable stock", + "beets", + "black pepper", + "red cabbage", + "passata", + "sour cream" + ] + }, + { + "id": 24233, + "cuisine": "italian", + "ingredients": [ + "seedless cucumber", + "ricard", + "water", + "sugar" + ] + }, + { + "id": 18279, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "enokitake", + "chili oil", + "scallions", + "white vinegar", + "black fungus", + "sesame oil", + "salt", + "ground white pepper", + "soy sauce", + "lily buds", + "cilantro", + "corn starch", + "chicken broth", + "shiitake", + "red wine vinegar", + "firm tofu", + "bamboo shoots" + ] + }, + { + "id": 7683, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "plum tomatoes", + "cilantro", + "shrimp", + "ground black pepper", + "salt", + "garlic", + "fresh lime juice" + ] + }, + { + "id": 23446, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "buttermilk", + "cayenne pepper", + "chicken", + "hot pepper sauce", + "pink peppercorns", + "peanut oil", + "kosher salt", + "onion powder", + "all-purpose flour", + "fresh lime juice", + "clover honey", + "unsalted butter", + "paprika", + "grate lime peel" + ] + }, + { + "id": 12231, + "cuisine": "italian", + "ingredients": [ + "pepper", + "diced tomatoes", + "flat leaf parsley", + "kosher salt", + "lasagna noodles", + "ricotta", + "swiss chard", + "garlic", + "mozzarella cheese", + "grated parmesan cheese", + "fresh oregano" + ] + }, + { + "id": 10382, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "dark rum", + "walnut halves", + "large egg yolks", + "salt", + "water", + "french bread", + "grated lemon peel", + "sugar", + "instant espresso powder", + "walnuts" + ] + }, + { + "id": 7640, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "low-fat mayonnaise", + "sour cream", + "shredded cheddar cheese", + "green pepper", + "garlic and herb seasoning", + "chopped celery", + "biscuits", + "butter", + "chopped onion" + ] + }, + { + "id": 41796, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "all-purpose flour", + "finely chopped onion", + "pepperoni turkei", + "garlic cloves", + "tomato juice", + "baking powder", + "shredded mozzarella cheese", + "large eggs", + "salt", + "dried oregano" + ] + }, + { + "id": 23360, + "cuisine": "french", + "ingredients": [ + "water", + "salt", + "dry yeast", + "large egg whites", + "bread flour", + "warm water", + "cooking spray" + ] + }, + { + "id": 25630, + "cuisine": "southern_us", + "ingredients": [ + "water", + "onions", + "bacon drippings", + "red bell pepper", + "sugar", + "collards", + "dry white wine" + ] + }, + { + "id": 9482, + "cuisine": "chinese", + "ingredients": [ + "spareribs", + "sesame oil", + "hoisin sauce", + "cilantro sprigs", + "plum sauce", + "large garlic cloves", + "peeled fresh ginger" + ] + }, + { + "id": 14625, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "cooking spray", + "ginger", + "fenugreek seeds", + "chutney", + "tumeric", + "potatoes", + "seeds", + "urad dal", + "carrots", + "black pepper", + "bell pepper", + "chili powder", + "curry", + "mustard seeds", + "Indian spice", + "olive oil", + "lettuce leaves", + "red", + "rice", + "onions" + ] + }, + { + "id": 35170, + "cuisine": "filipino", + "ingredients": [ + "vinegar", + "oil", + "soy sauce", + "garlic", + "filipino eggplant", + "thai chile", + "pepper", + "salt" + ] + }, + { + "id": 23291, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "ground black pepper", + "fresh rosemary", + "olive oil", + "yellow corn meal", + "minced garlic", + "olive oil flavored cooking spray", + "kosher salt", + "bread dough" + ] + }, + { + "id": 22667, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "parmesan cheese", + "garlic cloves", + "tomatoes", + "pepper", + "salt", + "white wine", + "fresh thyme leaves", + "ground beef", + "fresh rosemary", + "olive oil", + "scallions" + ] + }, + { + "id": 5351, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "cilantro", + "oregano", + "chiles", + "chicken breasts", + "yellow onion", + "chicken broth", + "jalapeno chilies", + "garlic", + "cumin", + "lime", + "diced tomatoes", + "celery" + ] + }, + { + "id": 38248, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "center cut pork chops", + "sugar", + "shallots", + "minced garlic", + "thai chile", + "fish sauce", + "ground black pepper" + ] + }, + { + "id": 5332, + "cuisine": "cajun_creole", + "ingredients": [ + "powdered sugar", + "active dry yeast", + "water", + "salt", + "sugar", + "butter", + "eggs", + "milk", + "all-purpose flour" + ] + }, + { + "id": 45065, + "cuisine": "british", + "ingredients": [ + "eggs", + "milk", + "chips", + "old bay seasoning", + "filet", + "ground cumin", + "black pepper", + "flour", + "coarse sea salt", + "salt", + "canola oil", + "ketchup", + "jalapeno chilies", + "instant potato flakes", + "purple onion", + "cornmeal", + "pickles", + "potatoes", + "vegetable oil", + "paprika", + "corn starch" + ] + }, + { + "id": 25612, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "baking powder", + "all-purpose flour", + "large eggs", + "almond extract", + "sugar", + "vegetable oil", + "chop fine pecan", + "salt" + ] + }, + { + "id": 7693, + "cuisine": "italian", + "ingredients": [ + "white vermouth", + "water", + "garlic", + "lemon juice", + "capers", + "chicken breast halves", + "all-purpose flour", + "low-fat plain yogurt", + "olive oil", + "salt", + "pepper", + "paprika", + "margarine" + ] + }, + { + "id": 38051, + "cuisine": "italian", + "ingredients": [ + "country bread", + "garlic" + ] + }, + { + "id": 46750, + "cuisine": "russian", + "ingredients": [ + "dried tarragon leaves", + "salt", + "fresh mushrooms", + "cabbage", + "butter", + "cream cheese", + "marjoram", + "pepper", + "all-purpose flour", + "onions", + "eggs", + "basil dried leaves", + "dried dillweed", + "white sugar" + ] + }, + { + "id": 15850, + "cuisine": "british", + "ingredients": [ + "milk chocolate", + "Crispy Rice Cereal" + ] + }, + { + "id": 27978, + "cuisine": "italian", + "ingredients": [ + "pasta shell small", + "green onions", + "sausages", + "dried oregano", + "tomatoes", + "sliced black olives", + "salt", + "sliced mushrooms", + "green bell pepper", + "grated parmesan cheese", + "shredded mozzarella cheese", + "red bell pepper", + "ground black pepper", + "garlic", + "salad dressing" + ] + }, + { + "id": 9709, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "onions", + "bacon", + "fajita seasoning mix", + "tomatoes", + "cilantro", + "shredded Monterey Jack cheese", + "bell pepper", + "skirt steak" + ] + }, + { + "id": 12256, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "lemon juice", + "unsalted butter", + "cinnamon sticks", + "pectin", + "granulated sugar", + "vanilla beans", + "bourbon whiskey" + ] + }, + { + "id": 8045, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "Sriracha", + "chicken breasts", + "corn starch", + "fish sauce", + "hoisin sauce", + "sesame oil", + "red bell pepper", + "soy sauce", + "low sodium chicken broth", + "rice noodles", + "zucchini", + "green onions", + "crushed red pepper flakes" + ] + }, + { + "id": 31835, + "cuisine": "italian", + "ingredients": [ + "guanciale", + "ground black pepper", + "garlic", + "kosher salt", + "crushed red pepper flakes", + "peeled tomatoes", + "extra-virgin olive oil", + "pecorino cheese", + "minced onion", + "bucatini" + ] + }, + { + "id": 3721, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "baby bok choy", + "garlic cloves", + "red pepper flakes", + "soy sauce", + "toasted sesame oil" + ] + }, + { + "id": 24220, + "cuisine": "italian", + "ingredients": [ + "spinach", + "olive oil", + "garlic", + "celery", + "water", + "grated parmesan cheese", + "white beans", + "onions", + "sausage casings", + "ground black pepper", + "salt", + "bay leaf", + "dried thyme", + "diced tomatoes", + "carrots" + ] + }, + { + "id": 16215, + "cuisine": "indian", + "ingredients": [ + "coriander powder", + "ginger", + "ground cumin", + "plain yogurt", + "chili powder", + "onion rings", + "tomatoes", + "chicken breasts", + "garlic", + "garam masala", + "lemon", + "ground turmeric" + ] + }, + { + "id": 12427, + "cuisine": "italian", + "ingredients": [ + "water", + "fresh thyme leaves", + "dry sherry", + "garlic cloves", + "pepper", + "yoghurt", + "worcestershire sauce", + "chopped onion", + "olive oil", + "baby spinach", + "vegetable broth", + "corn starch", + "fresh parmesan cheese", + "portabello mushroom", + "salt", + "polenta" + ] + }, + { + "id": 9538, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "pitted green olives", + "ripe olives", + "black pepper", + "fresh parmesan cheese", + "crushed red pepper", + "dried oregano", + "minced garlic", + "dry white wine", + "chopped onion", + "sugar", + "olive oil", + "linguine", + "fresh parsley" + ] + }, + { + "id": 13278, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "chorizo", + "green onions", + "beef broth", + "ground beef", + "black pepper", + "parmesan cheese", + "paprika", + "garlic cloves", + "cumin", + "tomato sauce", + "olive oil", + "red pepper flakes", + "cherry preserves", + "fresh parsley", + "bread crumbs", + "flour", + "salt", + "bay leaf", + "ground cumin" + ] + }, + { + "id": 21115, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "black beans", + "corn", + "minced onion", + "purple onion", + "tortilla chips", + "fresh lime juice", + "ground cumin", + "tomatoes", + "water", + "garlic powder", + "green onions", + "hot sauce", + "shrimp", + "chopped cilantro", + "avocado", + "pepper", + "olive oil", + "guacamole", + "salt", + "shredded cheese", + "bay leaf", + "black pepper", + "fresh cilantro", + "quinoa", + "chili powder", + "chopped onion", + "sour cream", + "dried oregano" + ] + }, + { + "id": 42428, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "vegetable oil", + "beer", + "large shrimp", + "chicken stock", + "large eggs", + "heavy cream", + "garlic cloves", + "cheddar cheese", + "jalapeno chilies", + "fresh tarragon", + "grits", + "tasso", + "unsalted butter", + "butter", + "freshly ground pepper" + ] + }, + { + "id": 29988, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "feta cheese crumbles", + "spinach", + "extra-virgin olive oil", + "capers", + "balsamic vinegar", + "penne", + "garlic cloves" + ] + }, + { + "id": 37477, + "cuisine": "italian", + "ingredients": [ + "orange", + "cured meats", + "extra-virgin olive oil", + "cayenne pepper", + "seedless red grapes", + "sugar", + "whole wheat flour", + "grated parmesan cheese", + "purple onion", + "champagne vinegar", + "water", + "vegetables", + "whole milk", + "salt", + "bay leaf", + "fresh rosemary", + "active dry yeast", + "dijon mustard", + "crushed red pepper", + "mustard seeds", + "canola oil" + ] + }, + { + "id": 45615, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "garlic", + "cumin", + "plain yogurt", + "chili powder", + "cilantro leaves", + "tomatoes", + "flour tortillas", + "salt", + "black beans", + "shredded lettuce", + "cayenne pepper" + ] + }, + { + "id": 41152, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "chili powder", + "garlic salt", + "cooked rice", + "flour tortillas", + "green pepper", + "ground cumin", + "lime", + "cheese", + "chicken", + "black beans", + "green onions", + "sour cream" + ] + }, + { + "id": 24680, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "salt", + "reduced fat milk", + "walnut halves", + "linguine", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 41692, + "cuisine": "indian", + "ingredients": [ + "urad dal", + "oil", + "fenugreek seeds", + "salt", + "poha", + "rice" + ] + }, + { + "id": 7101, + "cuisine": "italian", + "ingredients": [ + "kahlúa", + "coffee granules", + "unsweetened cocoa powder", + "sugar", + "egg whites", + "powdered sugar", + "water", + "hot water", + "ladyfingers", + "reduced fat cream cheese", + "whipped topping" + ] + }, + { + "id": 37781, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "kosher salt", + "ground black pepper", + "dry red wine", + "almond milk", + "onions", + "tomato paste", + "eggplant", + "bay leaves", + "garlic", + "carrots", + "soy sauce", + "miso paste", + "button mushrooms", + "fresh parsley leaves", + "celery", + "pasta", + "shiitake", + "whole peeled tomatoes", + "extra-virgin olive oil", + "juice", + "fresh basil leaves" + ] + }, + { + "id": 35540, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salsa", + "cilantro", + "corn tortillas", + "vegetable oil", + "steak", + "salt", + "onions" + ] + }, + { + "id": 24496, + "cuisine": "indian", + "ingredients": [ + "strong white bread flour", + "yoghurt", + "cilantro leaves", + "water", + "vegetable oil", + "yeast", + "fresh coriander", + "black onion seeds", + "garlic cloves", + "honey", + "salt" + ] + }, + { + "id": 20737, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "fresh mozzarella", + "fresh parmesan cheese", + "fresh basil leaves", + "olive oil", + "pizza doughs", + "prepar pesto", + "roma tomatoes" + ] + }, + { + "id": 9662, + "cuisine": "mexican", + "ingredients": [ + "water", + "bacon slices", + "garlic cloves", + "dried black beans", + "lime wedges", + "fresh onion", + "chicken stock", + "dried thyme", + "salt", + "corn tortillas", + "low-fat sour cream", + "bay leaves", + "chopped onion" + ] + }, + { + "id": 15267, + "cuisine": "spanish", + "ingredients": [ + "fingerling potatoes", + "spanish paprika", + "extra-virgin olive oil", + "green beans", + "sherry vinegar", + "salt", + "cauliflower florets", + "garlic cloves" + ] + }, + { + "id": 36459, + "cuisine": "italian", + "ingredients": [ + "florets", + "olive oil", + "grated lemon peel", + "grated parmesan cheese", + "chopped garlic", + "water", + "broccoli" + ] + }, + { + "id": 45928, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "white miso", + "kochujang", + "cod", + "Shaoxing wine", + "raw cane sugar" + ] + }, + { + "id": 22671, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "mein", + "salt", + "shrimp", + "soy sauce", + "shredded carrots", + "garlic cloves", + "pork", + "cooking oil", + "scallions", + "dark soy sauce", + "water", + "shredded cabbage", + "oyster sauce" + ] + }, + { + "id": 42576, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "large egg whites", + "finely chopped onion", + "cooked chicken", + "ham", + "black pepper", + "fresh parmesan cheese", + "cooking spray", + "salt", + "chicken stock", + "olive oil", + "reduced fat milk", + "large garlic cloves", + "manicotti", + "dried basil", + "ground nutmeg", + "ground red pepper", + "all-purpose flour" + ] + }, + { + "id": 42600, + "cuisine": "chinese", + "ingredients": [ + "chili pepper", + "Shaoxing wine", + "peanut oil", + "soy sauce", + "fresh ginger", + "szechwan peppercorns", + "corn starch", + "sugar", + "minced garlic", + "leeks", + "scallions", + "boneless chicken skinless thigh", + "peanuts", + "chili bean paste", + "chinese black vinegar" + ] + }, + { + "id": 7736, + "cuisine": "french", + "ingredients": [ + "active dry yeast", + "extra-virgin olive oil", + "fennel seeds", + "parmigiano reggiano cheese", + "all-purpose flour", + "warm water", + "large eggs", + "yellow onion", + "dijon mustard", + "salt" + ] + }, + { + "id": 40935, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "chopped celery", + "milk", + "chopped onion", + "black pepper", + "salt", + "chicken broth", + "buttermilk cornbread", + "poultry seasoning" + ] + }, + { + "id": 11523, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "ginger", + "peanut oil", + "white sesame seeds", + "soy sauce", + "ground sichuan pepper", + "creamy peanut butter", + "cucumber", + "sugar", + "sesame oil", + "Chinese sesame paste", + "carrots", + "Chinese rice vinegar", + "chili paste", + "sauce", + "scallions", + "spaghetti" + ] + }, + { + "id": 25045, + "cuisine": "southern_us", + "ingredients": [ + "water", + "ground cinnamon", + "apples", + "brown sugar" + ] + }, + { + "id": 9575, + "cuisine": "thai", + "ingredients": [ + "large eggs", + "beansprouts", + "chopped cilantro fresh", + "sugar", + "red pepper flakes", + "medium shrimp", + "canola oil", + "rice noodles", + "fresh lime juice", + "asian fish sauce", + "unsalted roasted peanuts", + "garlic", + "chopped fresh mint", + "sliced green onions" + ] + }, + { + "id": 2045, + "cuisine": "russian", + "ingredients": [ + "potatoes", + "all-purpose flour", + "ground chicken", + "beaten eggs", + "ground beef", + "vegetable oil", + "yellow onion", + "ground black pepper", + "salt" + ] + }, + { + "id": 30496, + "cuisine": "vietnamese", + "ingredients": [ + "fresh cilantro", + "garlic cloves", + "chicken wings", + "fresh ginger", + "black peppercorns", + "nam pla", + "sugar", + "shallots" + ] + }, + { + "id": 4742, + "cuisine": "mexican", + "ingredients": [ + "hot sauce", + "brown sugar", + "chicken thighs", + "cayenne pepper", + "paprika" + ] + }, + { + "id": 44073, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "cream cheese", + "salsa", + "cooked chicken", + "sour cream", + "Mexican cheese blend", + "cheese sauce" + ] + }, + { + "id": 17536, + "cuisine": "japanese", + "ingredients": [ + "sticky rice", + "carrots", + "english cucumber", + "lobster meat", + "seasoned rice wine vinegar", + "tempura batter", + "soy sauce", + "oil", + "nori" + ] + }, + { + "id": 39776, + "cuisine": "chinese", + "ingredients": [ + "straw mushrooms", + "lo mein noodles", + "corn starch", + "sliced green onions", + "baby bok choy", + "water", + "vegetable oil", + "medium shrimp", + "white pepper", + "halibut fillets", + "oyster sauce", + "snow peas", + "sake", + "fat free less sodium chicken broth", + "sliced carrots", + "baby corn" + ] + }, + { + "id": 47755, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "worcestershire sauce", + "corn flour", + "sugar", + "spring onions", + "garlic", + "chillies", + "vegetables", + "ginger", + "celery", + "pork", + "spices", + "oyster sauce", + "coriander" + ] + }, + { + "id": 37915, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "ice cubes", + "cachaca", + "lemon slices", + "turbinado" + ] + }, + { + "id": 37818, + "cuisine": "chinese", + "ingredients": [ + "coconut extract", + "boiling water", + "egg whites", + "evaporated milk", + "unflavored gelatin", + "white sugar" + ] + }, + { + "id": 46966, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "olive oil", + "boneless chop pork", + "garlic", + "mozzarella cheese", + "fresh oregano", + "fresh basil", + "salt and ground black pepper" + ] + }, + { + "id": 40417, + "cuisine": "chinese", + "ingredients": [ + "jasmine rice", + "hoisin sauce", + "ginger", + "toasted sesame seeds", + "honey", + "sesame oil", + "duck", + "pepper", + "spring onions", + "rice vinegar", + "peaches", + "sea salt", + "chinese five-spice powder" + ] + }, + { + "id": 17497, + "cuisine": "mexican", + "ingredients": [ + "coconut extract", + "fat free whipped topping", + "dark rum", + "salt", + "pure vanilla extract", + "sugar", + "egg whites", + "light coconut milk", + "evaporated skim milk", + "brown sugar", + "bananas", + "baking powder", + "sweetened condensed milk", + "light butter", + "skim milk", + "toasted shredded coconut", + "cake flour" + ] + }, + { + "id": 42082, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "large egg whites", + "vanilla extract", + "large egg yolks", + "salt", + "whipping cream", + "dark brown sugar" + ] + }, + { + "id": 8092, + "cuisine": "greek", + "ingredients": [ + "bread ciabatta", + "romaine lettuce leaves", + "feta cheese crumbles", + "ground pepper", + "kalamata", + "cucumber", + "coarse salt", + "extra-virgin olive oil", + "tomatoes", + "red wine vinegar", + "purple onion" + ] + }, + { + "id": 12691, + "cuisine": "cajun_creole", + "ingredients": [ + "large eggs", + "2% reduced-fat milk", + "heavy whipping cream", + "sugar", + "Irish whiskey", + "fine sea salt", + "powdered sugar", + "french bread", + "vanilla", + "unsalted butter", + "vegetable oil", + "maple syrup" + ] + }, + { + "id": 22972, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "kosher salt", + "bacon", + "grated parmesan cheese", + "pepper", + "spaghetti" + ] + }, + { + "id": 49252, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "sour cream", + "cooked chicken", + "chopped cilantro", + "enchilada sauce", + "chopped green chilies", + "corn tortillas" + ] + }, + { + "id": 35278, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "peanut sauce", + "red bell pepper", + "avocado", + "herbs", + "garlic cloves", + "rice paper", + "shiitake", + "dried rice noodles", + "canola oil", + "butter lettuce", + "asian chili red sauc", + "carrots" + ] + }, + { + "id": 45774, + "cuisine": "french", + "ingredients": [ + "roasting chickens", + "tarragon leaves", + "chives" + ] + }, + { + "id": 39968, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "flour tortillas", + "extra-virgin olive oil", + "red bell pepper", + "ground cumin", + "mayonaise", + "tilapia fillets", + "chili powder", + "prepared guacamole", + "fresh lime juice", + "savoy cabbage", + "minced garlic", + "shredded carrots", + "purple onion", + "sour cream", + "cotija", + "fresh cilantro", + "red wine vinegar", + "pepitas", + "serrano chile" + ] + }, + { + "id": 25997, + "cuisine": "italian", + "ingredients": [ + "cream", + "basil dried leaves", + "boneless skinless chicken breast halves", + "chopped fresh chives", + "rotini", + "grated parmesan cheese", + "red bell pepper", + "dried oregano", + "green bell pepper", + "butter", + "fresh parsley" + ] + }, + { + "id": 37115, + "cuisine": "mexican", + "ingredients": [ + "seasoning", + "corn", + "extra-virgin olive oil", + "onions", + "kosher salt", + "boneless skinless chicken breasts", + "black olives", + "ground cumin", + "black beans", + "crescent rolls", + "garlic", + "garlic salt", + "shredded cheddar cheese", + "diced tomatoes", + "chopped cilantro" + ] + }, + { + "id": 24959, + "cuisine": "mexican", + "ingredients": [ + "egg substitute", + "cooking spray", + "cooked chicken breasts", + "green chile", + "cream style corn", + "non-fat sour cream", + "fat free milk", + "ground red pepper", + "ground cumin", + "corn mix muffin", + "Mexican cheese blend", + "enchilada sauce" + ] + }, + { + "id": 34108, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "garlic", + "jalapeno chilies", + "onions", + "lime", + "salt", + "sugar", + "tomatoes with juice", + "cumin" + ] + }, + { + "id": 37608, + "cuisine": "british", + "ingredients": [ + "celery ribs", + "veal bones", + "beef", + "shallots", + "coarse sea salt", + "salt", + "carrots", + "truffle butter", + "ground black pepper", + "frozen pastry puff sheets", + "fresh thyme leaves", + "extra-virgin olive oil", + "beef broth", + "bay leaf", + "white button mushrooms", + "prosciutto", + "large eggs", + "tenderloin", + "heavy cream", + "all-purpose flour", + "white mushrooms", + "kosher salt", + "unsalted butter", + "flour", + "red wine", + "garlic", + "garlic cloves", + "onions" + ] + }, + { + "id": 30673, + "cuisine": "thai", + "ingredients": [ + "squirt", + "large eggs", + "salted roast peanuts", + "fresh lime juice", + "fresh cilantro", + "vegetable oil", + "scallions", + "soy sauce", + "rice noodles", + "salted peanuts", + "brown sugar", + "lime", + "cilantro", + "garlic cloves" + ] + }, + { + "id": 26397, + "cuisine": "russian", + "ingredients": [ + "potatoes", + "salt", + "carrots", + "chicken broth", + "leeks", + "dried dillweed", + "dill weed", + "half & half", + "all-purpose flour", + "bay leaf", + "ground black pepper", + "butter", + "fresh mushrooms" + ] + }, + { + "id": 34796, + "cuisine": "british", + "ingredients": [ + "nutmeg", + "whole milk", + "salt", + "mace", + "butter", + "golden syrup", + "black treacle", + "muscovado sugar", + "free range egg", + "self rising flour", + "ginger", + "porridge oats" + ] + }, + { + "id": 41279, + "cuisine": "italian", + "ingredients": [ + "milk", + "white sugar", + "jam", + "salt", + "polenta", + "water", + "sour cream" + ] + }, + { + "id": 41972, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "scallions", + "allspice", + "cinnamon", + "oatmeal", + "cayenne", + "oil", + "ground lamb", + "eggs", + "salt", + "cumin" + ] + }, + { + "id": 21058, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "baking powder", + "cream cheese", + "unsalted butter", + "all-purpose flour", + "sugar", + "buttermilk", + "corn starch" + ] + }, + { + "id": 90, + "cuisine": "southern_us", + "ingredients": [ + "bacon slices", + "olive oil", + "chopped onion", + "black pepper", + "salt", + "hot pepper sauce", + "collards" + ] + }, + { + "id": 30428, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "lemon juice", + "butter", + "chicken", + "ground black pepper", + "dried oregano", + "olive oil", + "salt" + ] + }, + { + "id": 20075, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "green tomatoes", + "pepper", + "salt", + "lime juice", + "chopped cilantro", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 5589, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "Mizkan Oigatsuo Tsuyu Soup Base", + "beni shoga", + "sake", + "beef", + "scallions", + "water", + "ginger", + "onions", + "sugar", + "mirin", + "oil" + ] + }, + { + "id": 31445, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "ground black pepper", + "buttermilk", + "mustard seeds", + "spinach", + "coriander seeds", + "large garlic cloves", + "cardamom seeds", + "onions", + "tumeric", + "ground nutmeg", + "red pepper flakes", + "cumin seed", + "paneer cheese", + "clove", + "fresh ginger", + "spices", + "heavy cream", + "ghee" + ] + }, + { + "id": 44081, + "cuisine": "thai", + "ingredients": [ + "low sodium soy sauce", + "crushed red pepper", + "chopped fresh mint", + "granulated sugar", + "creamy peanut butter", + "balsamic vinegar", + "garlic cloves", + "brown sugar", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 5863, + "cuisine": "chinese", + "ingredients": [ + "chiles", + "shell-on shrimp", + "garlic cloves", + "gai lan", + "light soy sauce", + "salt", + "fermented black beans", + "chinese rice wine", + "fresh ginger", + "peanut oil", + "homemade chicken broth", + "sugar", + "sesame oil", + "corn starch" + ] + }, + { + "id": 6473, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lemon", + "large eggs", + "sugar", + "cake flour" + ] + }, + { + "id": 33304, + "cuisine": "indian", + "ingredients": [ + "baking powder", + "oil", + "salt", + "semolina", + "wheat flour" + ] + }, + { + "id": 30159, + "cuisine": "japanese", + "ingredients": [ + "sushi rice", + "toasted nori", + "Kewpie Mayonnaise", + "sesame seeds", + "avocado", + "ginger" + ] + }, + { + "id": 39945, + "cuisine": "jamaican", + "ingredients": [ + "red chili peppers", + "green onions", + "kidney beans", + "coconut milk", + "minced garlic", + "brown rice", + "fresh thyme" + ] + }, + { + "id": 29903, + "cuisine": "chinese", + "ingredients": [ + "water chestnuts", + "fresh mushrooms", + "sliced green onions", + "low sodium soy sauce", + "sliced carrots", + "shrimp", + "vermicelli", + "gingerroot", + "canned low sodium chicken broth", + "pea pods", + "cooked chicken breasts" + ] + }, + { + "id": 48040, + "cuisine": "brazilian", + "ingredients": [ + "cider vinegar", + "salt", + "flat leaf parsley", + "sugar", + "olive oil", + "chopped onion", + "cassava meal", + "unsalted butter", + "garlic cloves", + "pepper", + "rack of lamb" + ] + }, + { + "id": 41463, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime", + "ginger", + "coconut milk", + "chicken stock", + "soy sauce", + "sesame oil", + "firm tofu", + "brown sugar", + "thai basil", + "garlic", + "sambal ulek", + "lemongrass", + "lime wedges", + "scallions" + ] + }, + { + "id": 49382, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "creole seasoning", + "celery ribs", + "lemon", + "garlic cloves", + "coarse salt", + "scallions", + "extra large shrimp", + "worcestershire sauce", + "long grain white rice" + ] + }, + { + "id": 22849, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chili", + "garlic", + "onions", + "avocado", + "crushed tomatoes", + "vegetable oil", + "scallions", + "monterey jack", + "kosher salt", + "chili powder", + "tortilla chips", + "cumin", + "chicken stock", + "lime", + "cilantro", + "sour cream", + "chicken" + ] + }, + { + "id": 693, + "cuisine": "french", + "ingredients": [ + "chili pepper", + "lamb", + "onions", + "cinnamon", + "flat leaf parsley", + "pepper", + "ground coriander", + "ground cumin", + "ground ginger", + "salt", + "chopped cilantro" + ] + }, + { + "id": 42431, + "cuisine": "mexican", + "ingredients": [ + "grated orange peel", + "large egg yolks", + "cinnamon", + "all-purpose flour", + "ground cinnamon", + "vegetable oil spray", + "baking powder", + "salt", + "unsweetened cocoa powder", + "cream of tartar", + "large egg whites", + "large eggs", + "vanilla extract", + "bittersweet chocolate", + "sugar", + "unsalted butter", + "chocolate ice cream mix", + "brownie layer" + ] + }, + { + "id": 36157, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "pizza doughs", + "olive oil", + "part-skim ricotta cheese", + "garlic cloves", + "black pepper", + "leeks", + "chopped walnuts", + "fresh parmesan cheese", + "salt", + "cornmeal" + ] + }, + { + "id": 40949, + "cuisine": "moroccan", + "ingredients": [ + "grated orange peel", + "cayenne pepper", + "olive oil", + "lamb rib chops", + "french bread", + "minced garlic", + "ground cumin" + ] + }, + { + "id": 44323, + "cuisine": "mexican", + "ingredients": [ + "zucchini", + "frozen corn kernels", + "feta cheese crumbles", + "onions", + "shredded Monterey Jack cheese", + "black pepper", + "cooking spray", + "garlic cloves", + "corn tortillas", + "cooked chicken breasts", + "green chile", + "jalapeno chilies", + "chopped onion", + "red bell pepper", + "chopped cilantro fresh", + "ground cumin", + "minced garlic", + "chili powder", + "enchilada sauce", + "fresh lime juice", + "plum tomatoes" + ] + }, + { + "id": 6080, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "all purpose unbleached flour", + "organic sugar", + "powdered sugar", + "flour", + "apples", + "large eggs", + "sea salt", + "milk", + "baking powder", + "vanilla extract" + ] + }, + { + "id": 48577, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "lemon peel", + "olive oil", + "fresh bean", + "minced garlic", + "fresh basil leaves" + ] + }, + { + "id": 44060, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "lemon juice", + "olive oil", + "liquid", + "fresh basil", + "garlic", + "nuts", + "spinach", + "salt" + ] + }, + { + "id": 1090, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "taco seasoning", + "diced tomatoes", + "chicken", + "cream of chicken soup", + "sour cream", + "cheddar cheese", + "tortilla chips" + ] + }, + { + "id": 11007, + "cuisine": "mexican", + "ingredients": [ + "water", + "taco seasoning", + "salsa", + "refried beans", + "ground beef", + "cheddar cheese", + "pizza doughs" + ] + }, + { + "id": 23805, + "cuisine": "indian", + "ingredients": [ + "clove", + "boiled eggs", + "bay leaves", + "salt", + "whole chicken", + "clarified butter", + "ground cumin", + "garlic paste", + "coriander powder", + "cinnamon", + "rice", + "rice flour", + "allspice", + "red chili powder", + "papaya", + "chili powder", + "tamarind paste", + "oil", + "cumin", + "food colouring", + "vinegar", + "cracked black pepper", + "brown cardamom", + "onions", + "kewra essence" + ] + }, + { + "id": 24157, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "heavy cream", + "sugar", + "large eggs", + "semisweet chocolate", + "all-purpose flour", + "water", + "vegetable oil" + ] + }, + { + "id": 13530, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "chicken drumsticks", + "olive oil", + "finely chopped onion", + "water", + "diced tomatoes" + ] + }, + { + "id": 3277, + "cuisine": "southern_us", + "ingredients": [ + "sausages", + "self rising flour", + "shortening", + "buttermilk" + ] + }, + { + "id": 10045, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "olive oil", + "crushed red pepper flakes", + "flat leaf parsley", + "french baguette", + "grated parmesan cheese", + "garlic", + "white bread", + "sea scallops", + "linguine", + "white wine", + "lemon", + "salt" + ] + }, + { + "id": 14340, + "cuisine": "japanese", + "ingredients": [ + "vegetable oil", + "noodles", + "green onions", + "crushed red pepper", + "teriyaki sauce", + "boneless skinless chicken breast halves", + "sesame oil", + "carrots" + ] + }, + { + "id": 19889, + "cuisine": "jamaican", + "ingredients": [ + "nutmeg", + "cinnamon", + "salt", + "milk", + "raisins", + "mixed peel", + "brown sugar", + "butter", + "yeast", + "flour", + "anise", + "allspice" + ] + }, + { + "id": 46355, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "flour", + "rolls", + "egg roll wrappers", + "onion powder", + "ground turkey", + "water", + "shredded cabbage", + "peanut oil", + "shredded carrots", + "salt", + "garlic salt" + ] + }, + { + "id": 815, + "cuisine": "italian", + "ingredients": [ + "warm water", + "sesame seeds", + "eggs", + "active dry yeast", + "salt", + "water", + "all purpose unbleached flour", + "brown sugar", + "olive oil", + "cornmeal" + ] + }, + { + "id": 6191, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "garlic", + "brown sugar", + "chicken drumsticks", + "corn starch", + "ground ginger", + "sesame oil", + "rice vinegar", + "soy sauce", + "crushed red pepper flakes", + "sliced green onions" + ] + }, + { + "id": 24723, + "cuisine": "mexican", + "ingredients": [ + "water", + "large garlic cloves", + "red bell pepper", + "black pepper", + "olive oil", + "salt", + "cumin", + "cooked rice", + "corn kernels", + "paprika", + "onions", + "black beans", + "chili powder", + "enchilada sauce" + ] + }, + { + "id": 39876, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "butter", + "powdered sugar", + "granulated sugar", + "fresh lemon juice", + "cream of tartar", + "peaches", + "salt", + "large egg whites", + "cooking spray", + "corn starch" + ] + }, + { + "id": 43973, + "cuisine": "mexican", + "ingredients": [ + "flour", + "salt", + "shredded cheddar cheese", + "lean ground beef", + "taco seasoning", + "black beans", + "rotelle", + "tortilla chips", + "milk", + "butter" + ] + }, + { + "id": 40171, + "cuisine": "filipino", + "ingredients": [ + "lean ground pork", + "flour", + "carrots", + "granulated sugar", + "garlic", + "canola oil", + "ground black pepper", + "lumpia wrappers", + "onions", + "large eggs", + "salt" + ] + }, + { + "id": 37448, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "eggplant", + "minced garlic", + "salt", + "pepper", + "diced tomatoes", + "tomato paste", + "olive oil", + "onions" + ] + }, + { + "id": 1829, + "cuisine": "italian", + "ingredients": [ + "clams", + "olive oil", + "dry white wine", + "garlic cloves", + "warm water", + "parmigiano reggiano cheese", + "butter", + "bread flour", + "yellow corn meal", + "dry yeast", + "shallots", + "flat leaf parsley", + "kosher salt", + "cooking spray", + "fresh oregano" + ] + }, + { + "id": 20050, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "canola oil", + "bacon", + "flour tortillas", + "Mexican cheese" + ] + }, + { + "id": 46677, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "yellow mustard", + "chopped parsley", + "potatoes", + "salt", + "white pepper", + "chopped celery", + "lettuce", + "hard-boiled egg", + "dill pickles" + ] + }, + { + "id": 40243, + "cuisine": "french", + "ingredients": [ + "large eggs", + "whipping cream", + "semisweet chocolate" + ] + }, + { + "id": 23463, + "cuisine": "indian", + "ingredients": [ + "ground cardamom", + "butter", + "cashew nuts", + "milk", + "carrots", + "raisins", + "white sugar" + ] + }, + { + "id": 44630, + "cuisine": "southern_us", + "ingredients": [ + "cold water", + "condensed milk", + "whipping cream", + "bananas", + "vanilla instant pudding", + "vanilla wafers" + ] + }, + { + "id": 17465, + "cuisine": "southern_us", + "ingredients": [ + "white bread", + "egg whites", + "white sugar", + "soy sauce", + "carrots", + "ground ginger", + "margarine", + "boneless skinless chicken breast halves", + "ground black pepper", + "corn starch" + ] + }, + { + "id": 44363, + "cuisine": "italian", + "ingredients": [ + "cherries", + "sugar", + "dry red wine", + "ground nutmeg", + "grated orange peel", + "almond extract" + ] + }, + { + "id": 32229, + "cuisine": "southern_us", + "ingredients": [ + "granny smith apples", + "ground cinnamon", + "butter", + "firmly packed brown sugar", + "apple cider", + "bread crumb fresh" + ] + }, + { + "id": 33982, + "cuisine": "french", + "ingredients": [ + "eggs", + "milk", + "brandy", + "almond extract", + "sugar", + "flour", + "melted butter", + "vanilla beans", + "plums" + ] + }, + { + "id": 43949, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "chopped fresh chives", + "chopped celery", + "garlic cloves", + "black peppercorns", + "fennel bulb", + "extra-virgin olive oil", + "crabmeat", + "red bell pepper", + "yellow mustard seeds", + "radishes", + "vegetable broth", + "cumin seed", + "plum tomatoes", + "fennel seeds", + "hot pepper sauce", + "peeled fresh ginger", + "chopped onion", + "carrots" + ] + }, + { + "id": 20147, + "cuisine": "filipino", + "ingredients": [ + "vegetable oil", + "carrots", + "soy sauce", + "garlic", + "cabbage", + "lemon", + "onions", + "chicken breasts", + "dried rice noodles" + ] + }, + { + "id": 810, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "fresh oregano", + "water", + "garlic", + "oregano", + "linguine", + "garlic cloves", + "fat free milk", + "salt", + "large shrimp" + ] + }, + { + "id": 25934, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "jalapeno chilies", + "diced onions", + "large eggs", + "milk", + "vegetable oil", + "self rising flour", + "white cornmeal" + ] + }, + { + "id": 5653, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ginger", + "garlic chili sauce", + "green onions", + "seasoned rice wine vinegar", + "ground turkey", + "hoisin sauce", + "garlic", + "green beans", + "sesame oil", + "medium-grain rice" + ] + }, + { + "id": 33147, + "cuisine": "french", + "ingredients": [ + "whole grain dijon mustard", + "yukon gold potatoes", + "salt", + "dry white wine", + "extra-virgin olive oil", + "fresh parsley", + "ground black pepper", + "fresh tarragon", + "garlic cloves", + "chives", + "white wine vinegar" + ] + }, + { + "id": 40685, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "vegetable oil", + "salt", + "chicken thighs", + "pepper", + "ground thyme", + "cayenne pepper", + "white vinegar", + "lime", + "ginger", + "ground allspice", + "ground cinnamon", + "ground black pepper", + "garlic", + "scallions" + ] + }, + { + "id": 36013, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "onion powder", + "sugar", + "garlic powder", + "dried oregano", + "black pepper", + "ground red pepper", + "dried thyme", + "paprika" + ] + }, + { + "id": 9409, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "croutons", + "chicken", + "refrigerated buttermilk biscuits", + "green beans", + "condensed cream of chicken soup", + "butter", + "sliced mushrooms", + "shredded cheddar cheese", + "lemon juice" + ] + }, + { + "id": 23596, + "cuisine": "vietnamese", + "ingredients": [ + "quinoa", + "scallions", + "cooked shrimp", + "sugar", + "crushed red pepper flakes", + "cucumber", + "asian fish sauce", + "vegetable oil", + "carrots", + "chopped cilantro fresh", + "lime juice", + "salt", + "red bell pepper" + ] + }, + { + "id": 17440, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "crushed red pepper flakes", + "scallions", + "sugar", + "balsamic vinegar", + "garlic", + "japanese eggplants", + "sesame oil", + "ginger", + "canola oil", + "soy sauce", + "dry sherry", + "shaoxing" + ] + }, + { + "id": 788, + "cuisine": "french", + "ingredients": [ + "sliced almonds", + "all-purpose flour", + "table salt", + "unsalted butter", + "pure vanilla extract", + "large egg whites", + "sea salt flakes", + "sugar", + "almond extract" + ] + }, + { + "id": 9866, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cooking spray", + "onions", + "kosher salt", + "panko", + "white beans", + "black pepper", + "eggplant", + "crushed red pepper flakes", + "minced garlic", + "marinara sauce", + "fresh parsley" + ] + }, + { + "id": 19740, + "cuisine": "spanish", + "ingredients": [ + "fresh basil", + "jalapeno chilies", + "fresh lemon juice", + "mango", + "sugar", + "fresh orange juice", + "cucumber", + "tomatoes", + "cantaloupe", + "salt", + "chopped fresh mint", + "vidalia onion", + "honeydew melon", + "feta cheese crumbles", + "nectarines" + ] + }, + { + "id": 45584, + "cuisine": "indian", + "ingredients": [ + "water", + "cooking spray", + "chickpeas", + "serrano chile", + "sugar", + "finely chopped onion", + "salt", + "red bell pepper", + "ground cumin", + "fennel seeds", + "semolina", + "green onions", + "garlic cloves", + "canola oil", + "fat free yogurt", + "mint leaves", + "cilantro leaves", + "fresh lime juice" + ] + }, + { + "id": 3978, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "cumin seed", + "whole cloves", + "cardamom seeds", + "coriander seeds", + "cinnamon sticks" + ] + }, + { + "id": 46993, + "cuisine": "italian", + "ingredients": [ + "sherry vinegar", + "goat cheese", + "baguette", + "salt", + "fresh basil", + "pitted olives", + "plum tomatoes", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 10795, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "salt", + "dried minced onion", + "smoked ham hocks", + "Johnsonville Smoked Sausage", + "seasoning salt", + "long-grain rice", + "dried kidney beans", + "dried minced garlic", + "crushed red pepper flakes", + "celery seed", + "fresh parsley", + "parsley flakes", + "water", + "cayenne pepper", + "bay leaf", + "ground cumin" + ] + }, + { + "id": 38281, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "cactus pad", + "plum tomatoes", + "egg substitute", + "salsa", + "chopped cilantro fresh", + "salt", + "corn tortillas", + "asadero", + "chopped onion", + "serrano chile" + ] + }, + { + "id": 599, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "chili powder", + "flour tortillas", + "sour cream", + "picante sauce", + "shredded monterey jack cheese", + "green onions", + "chicken" + ] + }, + { + "id": 20828, + "cuisine": "french", + "ingredients": [ + "ground nutmeg", + "cooking spray", + "all-purpose flour", + "brown sugar", + "large eggs", + "ice water", + "pears", + "vanilla beans", + "reduced fat milk", + "salt", + "ground cinnamon", + "granulated sugar", + "butter", + "fresh lemon juice" + ] + }, + { + "id": 29937, + "cuisine": "indian", + "ingredients": [ + "water", + "ground turmeric", + "frozen peas", + "butter", + "kosher salt", + "basmati rice" + ] + }, + { + "id": 5052, + "cuisine": "thai", + "ingredients": [ + "low-fat plain yogurt", + "soy sauce", + "Sriracha", + "garlic cloves", + "natural peanut butter", + "onion slices", + "cilantro", + "chili garlic paste", + "fish sauce", + "curry powder", + "hoisin sauce", + "lemon juice", + "warm water", + "boneless chicken breast", + "salt", + "ginger root" + ] + }, + { + "id": 34454, + "cuisine": "indian", + "ingredients": [ + "passata", + "frozen spinach", + "onions", + "chickpeas", + "olive oil", + "masala" + ] + }, + { + "id": 46832, + "cuisine": "chinese", + "ingredients": [ + "fat free less sodium chicken broth", + "broccoli florets", + "dark sesame oil", + "large eggs", + "vegetable oil", + "garlic cloves", + "water", + "peeled fresh ginger", + "long-grain rice", + "low sodium soy sauce", + "shredded carrots", + "salt", + "sliced green onions" + ] + }, + { + "id": 12277, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "baking soda", + "chives", + "buttermilk", + "rosemary leaves", + "cayenne pepper", + "onions", + "olive oil", + "unsalted butter", + "onion powder", + "heavy cream", + "salt", + "shrimp", + "dried thyme", + "ground black pepper", + "baking powder", + "worcestershire sauce", + "garlic", + "creole seasoning", + "dried oregano", + "garlic powder", + "dry white wine", + "lemon", + "paprika", + "all-purpose flour", + "bay leaf" + ] + }, + { + "id": 25424, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "stewed tomatoes", + "vegetables", + "taco sauce", + "broth" + ] + }, + { + "id": 33550, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "cayenne pepper", + "buttermilk", + "chicken", + "ground black pepper", + "canola oil", + "all-purpose flour" + ] + }, + { + "id": 16827, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "large eggs", + "milk", + "all-purpose flour", + "table salt", + "baking powder", + "unsalted butter", + "dark brown sugar" + ] + }, + { + "id": 44665, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "hot pepper", + "onions", + "soy sauce", + "green onions", + "red wine vinegar", + "chicken broth", + "sherry", + "vegetable oil", + "cashew nuts", + "fructose", + "chicken breast halves", + "salt" + ] + }, + { + "id": 23091, + "cuisine": "filipino", + "ingredients": [ + "chicken legs", + "calamansi juice", + "corn starch", + "pepper", + "salt", + "soy sauce", + "garlic", + "flour", + "oil" + ] + }, + { + "id": 5348, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salt", + "tomatoes", + "shallots", + "canola oil", + "bourbon whiskey", + "boneless skinless chicken breast halves", + "fat free less sodium chicken broth", + "butter" + ] + }, + { + "id": 24108, + "cuisine": "indian", + "ingredients": [ + "fresh curry leaves", + "urad dal", + "oil", + "minced ginger", + "green chilies", + "water", + "salt", + "asafoetida", + "ground black pepper", + "cumin seed" + ] + }, + { + "id": 44657, + "cuisine": "japanese", + "ingredients": [ + "white miso", + "vegetable broth", + "onions", + "peeled fresh ginger", + "garlic cloves", + "broccoli florets", + "dark sesame oil", + "chile paste", + "sliced carrots", + "Chinese egg noodles" + ] + }, + { + "id": 4261, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "pinto beans", + "monterey jack", + "frozen corn kernels", + "corn tortillas", + "ground cumin", + "beefsteak tomatoes", + "scallions", + "roasted tomatoes", + "salt", + "nonstick spray", + "chicken" + ] + }, + { + "id": 48456, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "water", + "chili powder", + "sour cream", + "pepper", + "flour tortillas", + "salt", + "onions", + "bouillon", + "chopped tomatoes", + "tomatillos", + "chicken base", + "minced garlic", + "pork tenderloin", + "oil", + "chopped cilantro fresh" + ] + }, + { + "id": 6764, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "unsalted butter", + "sweet pepper", + "fat free cream cheese", + "part-skim mozzarella cheese", + "paprika", + "corn tortillas", + "ground turmeric", + "reduced fat cheddar cheese", + "green onions", + "all-purpose flour", + "ground beef", + "fat free milk", + "chile pepper", + "taco seasoning", + "chunky salsa" + ] + }, + { + "id": 49189, + "cuisine": "irish", + "ingredients": [ + "caraway seeds", + "butter", + "all-purpose flour", + "baking powder", + "salt", + "baking soda", + "raisins", + "whiskey", + "grated orange peel", + "buttermilk", + "white sugar" + ] + }, + { + "id": 16920, + "cuisine": "greek", + "ingredients": [ + "lemon", + "garlic cloves", + "eggplant", + "salt", + "ground cumin", + "tahini", + "cayenne pepper", + "extra-virgin olive oil", + "chopped parsley" + ] + }, + { + "id": 25596, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "salt", + "olive oil", + "garlic cloves", + "basil leaves", + "fresh basil leaves", + "diced tomatoes" + ] + }, + { + "id": 8953, + "cuisine": "british", + "ingredients": [ + "tumeric", + "ginger", + "curry paste", + "tomato paste", + "lemon", + "salt", + "long grain white rice", + "salmon", + "garlic", + "onions", + "spinach", + "cilantro", + "mustard seeds", + "canola oil" + ] + }, + { + "id": 785, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "milk", + "vinegar", + "lemon", + "lemon juice", + "soy sauce", + "garlic powder", + "vegetable oil", + "all-purpose flour", + "sliced green onions", + "brown sugar", + "honey", + "apple cider vinegar", + "salt", + "toasted sesame seeds", + "pepper", + "boneless chicken breast", + "chili pepper flakes", + "crushed pineapples in juice" + ] + }, + { + "id": 41028, + "cuisine": "british", + "ingredients": [ + "milk", + "egg yolks", + "freshly ground pepper", + "dijon mustard", + "beef tenderloin", + "prosciutto", + "extra-virgin olive oil", + "cremini mushrooms", + "frozen pastry puff sheets", + "salt" + ] + }, + { + "id": 44179, + "cuisine": "japanese", + "ingredients": [ + "spinach", + "water", + "soba noodles", + "soy sauce", + "kamaboko", + "sugar", + "mirin", + "dashi powder", + "spring onions" + ] + }, + { + "id": 6553, + "cuisine": "southern_us", + "ingredients": [ + "sauce", + "back ribs", + "spices" + ] + }, + { + "id": 42593, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "fresh oregano", + "cavatappi", + "olive oil", + "feta cheese crumbles", + "spinach", + "cherry tomatoes", + "garlic cloves", + "sugar pea", + "salt", + "medium shrimp" + ] + }, + { + "id": 40368, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "salt", + "milk", + "paprika", + "pepper", + "butter", + "macaroni", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 2319, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "onions", + "eggs", + "red wine", + "bouillon", + "ground beef", + "tomatoes", + "ground black pepper" + ] + }, + { + "id": 32245, + "cuisine": "mexican", + "ingredients": [ + "tangerine juice", + "agave nectar", + "ice", + "tequila" + ] + }, + { + "id": 16176, + "cuisine": "indian", + "ingredients": [ + "coconut", + "green chilies", + "dal", + "curry leaves", + "urad dal", + "mustard seeds", + "ginger", + "oil", + "ground turmeric", + "red chili peppers", + "salt", + "asafoetida powder" + ] + }, + { + "id": 10152, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "olive oil", + "garlic", + "fresh lime juice", + "chopped cilantro fresh", + "white corn", + "coarse salt", + "smoked paprika", + "ground beef", + "ground cumin", + "bread crumbs", + "ground pepper", + "beef broth", + "chipotles in adobo", + "dried oregano", + "chile powder", + "black beans", + "diced tomatoes", + "corn tortillas", + "onions" + ] + }, + { + "id": 5514, + "cuisine": "italian", + "ingredients": [ + "italian seasoning", + "marinara sauce", + "flounder fillets", + "part-skim mozzarella cheese" + ] + }, + { + "id": 13676, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "flour tortillas", + "spring onions", + "sour cream", + "lime juice", + "shredded cabbage", + "feta cheese crumbles", + "garlic salt", + "pepper", + "roma tomatoes", + "chicken breast halves", + "chopped cilantro", + "olive oil", + "green onions", + "smoked paprika", + "cumin" + ] + }, + { + "id": 47496, + "cuisine": "filipino", + "ingredients": [ + "bay leaves", + "peppercorns", + "soy sauce", + "cinnamon sticks", + "water", + "white sugar", + "white vinegar", + "garlic cloves", + "chicken" + ] + }, + { + "id": 44456, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "water", + "grated parmesan cheese", + "nonfat cottage cheese", + "pasta sauce", + "part-skim mozzarella cheese", + "garlic", + "onions", + "eggs", + "dried basil", + "extra-virgin olive oil", + "fresh parsley", + "black pepper", + "lasagna noodles", + "salt", + "dried oregano" + ] + }, + { + "id": 24231, + "cuisine": "italian", + "ingredients": [ + "fresh mozzarella", + "semolina", + "fresh basil leaves", + "olive oil", + "pizza doughs", + "pizza sauce" + ] + }, + { + "id": 44889, + "cuisine": "filipino", + "ingredients": [ + "wonton wrappers", + "water chestnuts", + "oil", + "casings", + "green onions" + ] + }, + { + "id": 10778, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "garlic cloves", + "honey", + "star anise", + "chicken pieces", + "water", + "balsamic vinegar", + "cinnamon sticks", + "clove", + "fresh ginger", + "oil", + "onions" + ] + }, + { + "id": 22834, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "chopped green bell pepper", + "portabello mushroom", + "chopped onion", + "spinach", + "fresh parmesan cheese", + "vegetable oil", + "salt", + "black pepper", + "cooking spray", + "stewed tomatoes", + "garlic cloves", + "dried basil", + "ziti", + "part-skim ricotta cheese", + "red bell pepper" + ] + }, + { + "id": 4605, + "cuisine": "italian", + "ingredients": [ + "penne", + "sun-dried tomatoes", + "red pepper flakes", + "fresh parsley leaves", + "andouille sausage links", + "dried basil", + "ground black pepper", + "garlic", + "kosher salt", + "freshly grated parmesan", + "heavy cream", + "dried oregano", + "chicken broth", + "olive oil", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 47455, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "beef tenderloin steaks", + "table salt", + "grated lemon zest", + "fresh rosemary", + "fresh thyme leaves", + "fresh parsley", + "kosher salt", + "garlic cloves" + ] + }, + { + "id": 14440, + "cuisine": "indian", + "ingredients": [ + "salted butter", + "garlic", + "coconut milk", + "bread crumbs", + "cinnamon", + "ground coriander", + "ground lamb", + "ground black pepper", + "salt", + "ground beef", + "fresh ginger", + "ground tumeric", + "cardamom", + "ground cumin" + ] + }, + { + "id": 46127, + "cuisine": "french", + "ingredients": [ + "salmon fillets", + "honey", + "baby spinach", + "stone ground mustard", + "black pepper", + "large eggs", + "purple onion", + "fresh lemon juice", + "tomatoes", + "kosher salt", + "cooking spray", + "salt", + "green beans", + "pitted kalamata olives", + "olive oil", + "white wine vinegar", + "small red potato" + ] + }, + { + "id": 30095, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "sweet potatoes", + "sea salt", + "baking soda", + "shallots", + "all-purpose flour", + "olive oil", + "baking powder", + "salt", + "unsalted butter", + "buttermilk", + "sage" + ] + }, + { + "id": 20465, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "peanut oil", + "bacon drippings", + "apple cider vinegar", + "shallots", + "greens", + "sugar", + "crushed red pepper" + ] + }, + { + "id": 19944, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "brown sugar", + "sea salt", + "olive oil", + "water", + "bread flour" + ] + }, + { + "id": 15875, + "cuisine": "italian", + "ingredients": [ + "strawberries", + "ice cubes", + "sugar", + "fresh lemon juice" + ] + }, + { + "id": 23476, + "cuisine": "italian", + "ingredients": [ + "nonpareils", + "ground cloves", + "lemon zest", + "raisins", + "all-purpose flour", + "confectioners sugar", + "ground cinnamon", + "brandy", + "unsalted butter", + "baking powder", + "salt", + "dried mission figs", + "fresh orange", + "honey", + "large eggs", + "fresh orange juice", + "grated nutmeg", + "orange zest", + "sugar", + "almonds", + "whole milk", + "vanilla", + "walnuts" + ] + }, + { + "id": 30997, + "cuisine": "italian", + "ingredients": [ + "kalamata", + "salt", + "chees fresh mozzarella", + "cracked black pepper", + "fresh basil leaves", + "tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 26670, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "capers", + "red pepper", + "fettucine", + "parmesan cheese", + "fresh parsley", + "salt and ground black pepper", + "goat cheese" + ] + }, + { + "id": 25491, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "bacon", + "canned chicken broth", + "unsalted butter", + "salt", + "fettucine", + "ground black pepper", + "extra-virgin olive oil", + "fresh chives", + "large eggs", + "onions" + ] + }, + { + "id": 6614, + "cuisine": "indian", + "ingredients": [ + "rice noodles", + "brown lentils", + "flaked coconut", + "roasted peanuts", + "fresh cilantro", + "salt", + "dried red chile peppers", + "water", + "vegetable oil", + "black mustard seeds" + ] + }, + { + "id": 17374, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "bacon", + "vegetable shortening", + "all-purpose flour", + "baking soda", + "salt", + "buttermilk", + "white cornmeal" + ] + }, + { + "id": 2658, + "cuisine": "thai", + "ingredients": [ + "vegetable oil", + "curry paste", + "coconut milk", + "cucumber", + "mango", + "shallots", + "fillets" + ] + }, + { + "id": 43205, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "green onions", + "chopped celery", + "fresh parsley", + "shrimp tails", + "seafood stock", + "butter", + "cayenne pepper", + "Louisiana Hot Sauce", + "chopped green bell pepper", + "cajun seasoning", + "yellow onion", + "crawfish", + "flour", + "worcestershire sauce", + "diced tomatoes and green chilies" + ] + }, + { + "id": 38489, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "apple cider vinegar", + "yellow onion", + "chopped cilantro fresh", + "lettuce", + "guacamole", + "garlic", + "chipotle peppers", + "ground cumin", + "beef shoulder roast", + "sea salt", + "fresh lime juice", + "dried oregano", + "tomato paste", + "bay leaves", + "salsa", + "low sodium beef stock" + ] + }, + { + "id": 1486, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "honey", + "butter", + "salt", + "tomato paste", + "cream", + "yoghurt", + "ginger", + "cinnamon sticks", + "clove", + "red chili powder", + "garam masala", + "lemon", + "cardamom", + "tomatoes", + "tandoori spices", + "boneless chicken", + "garlic" + ] + }, + { + "id": 15766, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "cod fillets", + "worcestershire sauce", + "diced celery", + "diced onions", + "minced garlic", + "cajun seasoning", + "salt", + "fresh parsley", + "tomato paste", + "ground black pepper", + "butter", + "medium-grain rice", + "andouille sausage", + "low sodium chicken broth", + "diced tomatoes", + "shrimp" + ] + }, + { + "id": 32520, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "garlic", + "salmon fillets", + "fresh ginger", + "sake", + "olive oil", + "white sugar", + "hot red pepper flakes", + "mirin" + ] + }, + { + "id": 6430, + "cuisine": "italian", + "ingredients": [ + "pasta", + "olive oil", + "water", + "sausages", + "dried basil", + "tomato paste", + "diced tomatoes" + ] + }, + { + "id": 7846, + "cuisine": "cajun_creole", + "ingredients": [ + "small red beans", + "dried thyme", + "red wine vinegar", + "ham", + "black pepper", + "Tabasco Green Pepper Sauce", + "salt", + "onions", + "homemade chicken stock", + "olive oil", + "worcestershire sauce", + "cooked white rice", + "minced garlic", + "bay leaves", + "creole seasoning", + "dried oregano" + ] + }, + { + "id": 29769, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "water", + "paprika", + "corn tortillas", + "cheddar cheese", + "chili powder", + "beef broth", + "chicken", + "green chile", + "cream of chicken soup", + "garlic", + "onions", + "steak sauce", + "pepper", + "vegetable oil", + "sauce", + "ground cumin" + ] + }, + { + "id": 23113, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garam masala", + "salt", + "onions", + "amchur", + "potatoes", + "cumin seed", + "asafetida", + "leaves", + "chili powder", + "oil", + "garlic paste", + "coriander powder", + "chickpeas", + "ground turmeric" + ] + }, + { + "id": 17261, + "cuisine": "italian", + "ingredients": [ + "sugar pea", + "lasagna noodles", + "crushed red pepper", + "champagne vinegar", + "pearl onions", + "chees fresh mozzarella", + "baby carrots", + "capers", + "fennel bulb", + "extra-virgin olive oil", + "red bell pepper", + "water", + "fresh thyme leaves", + "salt", + "shiitake mushroom caps" + ] + }, + { + "id": 42711, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "cinnamon", + "black mustard seeds", + "canola oil", + "red chili powder", + "salt", + "ground turmeric", + "serrano chilies", + "crushed red pepper flakes", + "onions", + "red chili peppers", + "cumin seed", + "cabbage" + ] + }, + { + "id": 48309, + "cuisine": "italian", + "ingredients": [ + "pasta", + "olive oil", + "purple onion", + "chopped parsley", + "capers", + "butter", + "chicken fingers", + "chicken stock", + "flour", + "salt", + "rosemary", + "garlic", + "fresh lemon juice" + ] + }, + { + "id": 27925, + "cuisine": "italian", + "ingredients": [ + "sugar", + "french bread", + "yellow bell pepper", + "capers", + "olive oil", + "balsamic vinegar", + "red bell pepper", + "green bell pepper", + "eggplant", + "large garlic cloves", + "pinenuts", + "ground red pepper", + "salt" + ] + }, + { + "id": 42747, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "cracked black pepper", + "corn starch", + "chinese rice wine", + "regular soy sauce", + "scallions", + "chopped cilantro fresh", + "dark soy sauce", + "yellow rock sugar", + "star anise", + "cinnamon sticks", + "water", + "sesame oil", + "pork spareribs" + ] + }, + { + "id": 30082, + "cuisine": "mexican", + "ingredients": [ + "taco shells", + "hot chili powder", + "smoked paprika", + "lettuce", + "cherry tomatoes", + "chickpeas", + "ground cumin", + "refried beans", + "garlic", + "onions", + "cheddar cheese", + "flour tortillas", + "oil" + ] + }, + { + "id": 17049, + "cuisine": "thai", + "ingredients": [ + "mayonaise", + "cilantro leaves", + "chopped cilantro fresh", + "vegetable oil", + "thai green curry paste", + "mango chutney", + "fresh lime juice", + "wonton wrappers", + "medium shrimp" + ] + }, + { + "id": 18121, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "ground nutmeg", + "almonds", + "fresh basil leaves", + "pepper", + "garlic" + ] + }, + { + "id": 33760, + "cuisine": "british", + "ingredients": [ + "stilton", + "cream cheese, soften", + "green peppercorns", + "medium dry sherry" + ] + }, + { + "id": 14596, + "cuisine": "mexican", + "ingredients": [ + "black peppercorns", + "radishes", + "fine sea salt", + "fresh lime juice", + "avocado", + "white onion", + "Mexican oregano", + "garlic cloves", + "chopped cilantro fresh", + "tomatoes", + "ground black pepper", + "extra-virgin olive oil", + "hearts of romaine", + "white vinegar", + "corn tortilla chips", + "flank steak", + "purple onion", + "bay leaf" + ] + }, + { + "id": 14756, + "cuisine": "italian", + "ingredients": [ + "lean ground beef", + "garlic", + "celery", + "dried rosemary", + "dried basil", + "stewed tomatoes", + "carrots", + "spaghetti", + "crushed red pepper flakes", + "chickpeas", + "onions", + "bacon", + "beef broth", + "bay leaf" + ] + }, + { + "id": 47795, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "manchego cheese", + "spanish paprika", + "kosher salt", + "Italian parsley leaves", + "sausage casings", + "yukon gold potatoes", + "freshly ground pepper", + "olive oil", + "yellow onion" + ] + }, + { + "id": 31717, + "cuisine": "japanese", + "ingredients": [ + "darjeeling tea leaves", + "soy sauce", + "dried shiitake mushrooms", + "tomatoes", + "salt", + "honey", + "red miso" + ] + }, + { + "id": 24097, + "cuisine": "jamaican", + "ingredients": [ + "chicken stock", + "vegetable oil", + "ground allspice", + "fresh lemon juice", + "flat leaf parsley", + "ground cumin", + "unsalted butter", + "grated nutmeg", + "small red potato", + "bartlett pears", + "plantains", + "soy sauce", + "scotch bonnet chile", + "freshly ground pepper", + "carrots", + "bay leaf", + "minced ginger", + "salt", + "scallions", + "thyme", + "onions" + ] + }, + { + "id": 44744, + "cuisine": "japanese", + "ingredients": [ + "salmon", + "salt", + "green tea", + "short-grain rice", + "nori", + "soy sauce", + "wasabe" + ] + }, + { + "id": 46419, + "cuisine": "mexican", + "ingredients": [ + "fresh lime juice", + "purple onion", + "plum tomatoes", + "salt", + "fresh cilantro", + "serrano chile" + ] + }, + { + "id": 13759, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "pepper", + "fresh ginger", + "red pepper", + "rice vinegar", + "creamy peanut butter", + "soy sauce", + "fresh cilantro", + "zucchini", + "Thai red curry paste", + "peanut butter", + "rib", + "fish sauce", + "lime juice", + "orange bell pepper", + "cilantro", + "salted peanuts", + "chinese five-spice powder", + "ketchup", + "lime", + "jalapeno chilies", + "garlic", + "chili sauce", + "cabbage" + ] + }, + { + "id": 27635, + "cuisine": "british", + "ingredients": [ + "sugar", + "peeled fresh ginger", + "all-purpose flour", + "ground ginger", + "crystallized ginger", + "buttermilk", + "baking soda", + "baking powder", + "pecan halves", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 40405, + "cuisine": "spanish", + "ingredients": [ + "lemon", + "salt", + "tumeric", + "paprika", + "green beans", + "olive oil", + "white rice", + "bone in chicken thighs", + "diced tomatoes", + "lima beans" + ] + }, + { + "id": 42994, + "cuisine": "spanish", + "ingredients": [ + "reduced sodium garbanzos", + "fat", + "pepper", + "garlic", + "onions", + "extra-virgin olive oil", + "carrots", + "watercress", + "salt" + ] + }, + { + "id": 3621, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "sliced green onions", + "unsalted butter", + "buttermilk", + "vegetable oil spray", + "all purpose unbleached flour", + "yellow corn meal", + "large eggs", + "salt" + ] + }, + { + "id": 18416, + "cuisine": "italian", + "ingredients": [ + "boneless center cut pork chops", + "balsamic vinegar", + "olive oil", + "sugar", + "salt", + "seasoning", + "ground black pepper" + ] + }, + { + "id": 28689, + "cuisine": "mexican", + "ingredients": [ + "light sour cream", + "fat-free refried beans", + "jalapeno chilies", + "tortilla chips", + "fresh cilantro", + "salsa", + "green onions", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 32965, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "corn husks", + "cayenne pepper", + "mayonaise", + "queso fresco", + "lime wedges" + ] + }, + { + "id": 17699, + "cuisine": "thai", + "ingredients": [ + "peanuts", + "Thai fish sauce", + "lime juice", + "sesame oil", + "coconut", + "garlic", + "low sodium soy sauce", + "palm sugar", + "coconut milk" + ] + }, + { + "id": 23448, + "cuisine": "italian", + "ingredients": [ + "pepper", + "red grape", + "rack of lamb", + "thyme sprigs", + "olive oil", + "shallots", + "corn starch", + "bread crumb fresh", + "cooking spray", + "balsamic vinegar", + "low salt chicken broth", + "honey", + "dry white wine", + "garlic cloves", + "dried rosemary" + ] + }, + { + "id": 41973, + "cuisine": "indian", + "ingredients": [ + "clove", + "whipped cream", + "orange", + "cinnamon sticks", + "unsalted roasted pistachios", + "sugar", + "cardamom pods" + ] + }, + { + "id": 38189, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "shredded pepper jack cheese", + "chorizo sausage", + "milk", + "corn tortillas", + "chiles", + "red bell pepper", + "sliced green onions", + "Old El Paso™ Thick 'n Chunky salsa", + "chopped cilantro fresh" + ] + }, + { + "id": 32387, + "cuisine": "mexican", + "ingredients": [ + "sweet onion", + "garlic", + "kosher salt", + "jalapeno chilies", + "black beans", + "roma tomatoes", + "sweet corn", + "lime juice", + "cilantro" + ] + }, + { + "id": 13334, + "cuisine": "thai", + "ingredients": [ + "sugar", + "galangal", + "tomatoes", + "beef jerky", + "asian fish sauce", + "chiles", + "fresh lime juice", + "large garlic cloves", + "green papaya" + ] + }, + { + "id": 33533, + "cuisine": "chinese", + "ingredients": [ + "black fungus", + "ginger", + "beans", + "cooking oil", + "scallions", + "sugar", + "boneless chicken breast", + "purple onion", + "water", + "kecap manis", + "oyster sauce" + ] + }, + { + "id": 34625, + "cuisine": "southern_us", + "ingredients": [ + "sour cream", + "graham cracker crusts", + "sweetened condensed milk", + "lime zest", + "key lime", + "whipped cream", + "key lime juice" + ] + }, + { + "id": 18477, + "cuisine": "mexican", + "ingredients": [ + "salt", + "sour cream", + "vegetable oil", + "red enchilada sauce", + "ground beef", + "pepper", + "yellow onion", + "corn tortillas", + "black olives", + "shredded cheese" + ] + }, + { + "id": 38289, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "flour tortillas", + "chipotle", + "shredded cheese" + ] + }, + { + "id": 14328, + "cuisine": "japanese", + "ingredients": [ + "tomato paste", + "potatoes", + "oil", + "tumeric", + "ground coriander", + "red chili powder", + "salt", + "frozen peas", + "amchur", + "cumin seed" + ] + }, + { + "id": 28028, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "boneless skinless chicken breasts", + "all-purpose flour", + "cayenne", + "buttermilk", + "poultry seasoning", + "ground black pepper", + "onion powder", + "hot sauce", + "kosher salt", + "cornflake crumbs", + "paprika" + ] + }, + { + "id": 37500, + "cuisine": "japanese", + "ingredients": [ + "sake", + "green onions", + "firm tofu", + "dashi", + "salt", + "carrots", + "soy sauce", + "ginger", + "seaweed", + "mirin", + "dried shiitake mushrooms", + "corn starch" + ] + }, + { + "id": 9395, + "cuisine": "vietnamese", + "ingredients": [ + "curry powder", + "shallots", + "chillies", + "eggs", + "lemon grass", + "salt", + "lime juice", + "ginger", + "coriander", + "fish sauce", + "beef", + "ground coriander" + ] + }, + { + "id": 17367, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "fresh lime juice", + "purple onion", + "jalapeno chilies", + "chopped cilantro", + "avocado", + "fresh lemon juice" + ] + }, + { + "id": 42960, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "vegetable oil", + "ground coriander", + "garam masala", + "salt", + "onions", + "kidney beans", + "garlic", + "cumin seed", + "tomatoes", + "grated cauliflower", + "cayenne pepper" + ] + }, + { + "id": 22899, + "cuisine": "italian", + "ingredients": [ + "semi-soft cheese", + "garlic", + "salt and ground black pepper", + "sourdough baguette", + "olive oil", + "plum tomatoes", + "fresh basil", + "balsamic vinegar" + ] + }, + { + "id": 17885, + "cuisine": "cajun_creole", + "ingredients": [ + "seasoning", + "chicken sausage", + "bell pepper", + "onions", + "red kidnei beans, rins and drain", + "garlic powder", + "celery", + "cooked rice", + "dried thyme", + "salt", + "black pepper", + "base", + "bay leaf" + ] + }, + { + "id": 38306, + "cuisine": "korean", + "ingredients": [ + "minced ginger", + "rice vinegar", + "coarse sea salt", + "scallions", + "honey", + "chinese cabbage", + "red pepper" + ] + }, + { + "id": 6338, + "cuisine": "korean", + "ingredients": [ + "sugar", + "rice vinegar", + "green onions", + "english cucumber", + "fish sauce", + "red pepper", + "kosher salt", + "dark sesame oil" + ] + }, + { + "id": 46299, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "szechwan peppercorns", + "rice vinegar", + "Sriracha", + "dry sherry", + "chinese five-spice powder", + "honey", + "vegetable oil", + "yellow onion", + "soy sauce", + "hoisin sauce", + "garlic", + "ground white pepper" + ] + }, + { + "id": 17333, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "garlic", + "minced beef", + "beansprouts", + "black pepper", + "red pepper flakes", + "hot sauce", + "dumplings", + "spring onions", + "salt", + "firm tofu", + "toasted sesame oil", + "soy sauce", + "vegetable oil", + "rice vinegar", + "carrots" + ] + }, + { + "id": 16395, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "onion powder", + "celery seed", + "ground red pepper", + "salt", + "ground nutmeg", + "paprika", + "black pepper", + "chili powder", + "lemon pepper" + ] + }, + { + "id": 44578, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "ground black pepper", + "fresh oregano", + "eggplant", + "salt", + "red bell pepper", + "large egg whites", + "large eggs", + "garlic cloves", + "olive oil", + "potatoes", + "feta cheese crumbles" + ] + }, + { + "id": 43413, + "cuisine": "southern_us", + "ingredients": [ + "marshmallows", + "sweet potatoes", + "brown sugar", + "salt", + "eggs", + "buttermilk", + "pie crust", + "mini marshmallows" + ] + }, + { + "id": 32627, + "cuisine": "moroccan", + "ingredients": [ + "cayenne", + "lamb loin chops", + "onions", + "cilantro sprigs", + "garlic cloves", + "olive oil", + "salt", + "fresh lemon juice", + "Italian parsley leaves", + "sweet paprika", + "ground cumin" + ] + }, + { + "id": 18239, + "cuisine": "italian", + "ingredients": [ + "sweet potatoes", + "chili pepper", + "all-purpose flour", + "semolina flour", + "salt", + "water", + "coconut milk" + ] + }, + { + "id": 29950, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salt", + "lime juice", + "water", + "rice", + "cilantro" + ] + }, + { + "id": 23730, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "pepper", + "garlic powder", + "garlic", + "corn tortillas", + "brown sugar", + "lime juice", + "cilantro stems", + "salsa", + "cabbage", + "pico de gallo", + "tilapia fillets", + "jalapeno chilies", + "salt", + "onions", + "crema mexicana", + "lime", + "ground red pepper", + "oil", + "ground cumin" + ] + }, + { + "id": 11968, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "steamed white rice", + "all-purpose flour", + "chicken broth", + "olive oil", + "salt", + "okra", + "celery ribs", + "boneless chicken skinless thigh", + "smoked sausage", + "cayenne pepper", + "andouille sausage", + "tomatoes with juice", + "yellow onion" + ] + }, + { + "id": 14548, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "water", + "guacamole", + "sea salt", + "corn flour", + "oregano", + "cheddar cheese", + "refried beans", + "chili powder", + "garlic", + "corn tortillas", + "pico de gallo", + "lime", + "chicken breasts", + "cilantro", + "sour cream", + "cumin", + "chicken stock", + "jack cheese", + "olive oil", + "butter", + "rice", + "onions" + ] + }, + { + "id": 12217, + "cuisine": "jamaican", + "ingredients": [ + "ground nutmeg", + "raisins", + "nuts", + "eggs", + "flour", + "salt", + "bananas", + "vanilla", + "allspice", + "sugar", + "baking powder", + "margarine" + ] + }, + { + "id": 14942, + "cuisine": "french", + "ingredients": [ + "baby spinach leaves", + "olive oil", + "lemon wedge", + "salt", + "celery", + "fat free less sodium chicken broth", + "leeks", + "cracked black pepper", + "garlic cloves", + "frozen shelled edamame", + "water", + "ground red pepper", + "green peas", + "fresh lemon juice", + "black pepper", + "broccoli florets", + "butter", + "rice" + ] + }, + { + "id": 34523, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "ragu old world style pasta sauc", + "part-skim ricotta cheese", + "eggs", + "lasagna noodles, cooked and drained", + "part-skim mozzarella cheese", + "ground beef" + ] + }, + { + "id": 48100, + "cuisine": "greek", + "ingredients": [ + "purple onion", + "feta cheese crumbles", + "chunk light tuna in water", + "pitted kalamata olives", + "salad dressing" + ] + }, + { + "id": 23281, + "cuisine": "cajun_creole", + "ingredients": [ + "frozen okra", + "flour", + "salt", + "pepper", + "file powder", + "garlic", + "onions", + "celery ribs", + "garlic powder", + "butter", + "oil", + "water", + "bell pepper", + "smoked sausage", + "chicken" + ] + }, + { + "id": 26844, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "shallots", + "soft fresh goat cheese", + "plum tomatoes", + "vegetable oil spray", + "chopped fresh thyme", + "fresh basil leaves", + "pancetta", + "grated parmesan cheese", + "butter", + "arugula", + "olive oil", + "wonton wrappers", + "thyme sprigs" + ] + }, + { + "id": 44804, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "olive oil", + "cumin seed", + "kosher salt", + "chile pepper", + "skirt steak", + "sugar", + "ground black pepper", + "garlic cloves", + "lime", + "cilantro leaves" + ] + }, + { + "id": 19362, + "cuisine": "chinese", + "ingredients": [ + "water", + "jalapeno chilies", + "cucumber", + "corn kernels", + "green tomatoes", + "celery seed", + "sugar", + "chopped green bell pepper", + "salt", + "red bell pepper", + "cider vinegar", + "finely chopped onion", + "carrots", + "ground turmeric" + ] + }, + { + "id": 10864, + "cuisine": "southern_us", + "ingredients": [ + "ground ginger", + "baking soda", + "buttermilk", + "sugar", + "large eggs", + "all-purpose flour", + "sweet potatoes & yams", + "baking powder", + "yellow corn meal", + "unsalted butter", + "salt" + ] + }, + { + "id": 19187, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "dry white wine", + "garlic cloves", + "crushed tomatoes", + "chicken drumsticks", + "chicken thighs", + "rosemary sprigs", + "chicken breast halves", + "low salt chicken broth", + "prosciutto", + "extra-virgin olive oil" + ] + }, + { + "id": 3108, + "cuisine": "russian", + "ingredients": [ + "crusty bread", + "freshly ground pepper", + "green bell pepper", + "extra-virgin olive oil", + "kosher salt", + "sausages", + "mustard", + "sauerkraut", + "onions" + ] + }, + { + "id": 13525, + "cuisine": "mexican", + "ingredients": [ + "yellow bell pepper", + "cranberries", + "red chili peppers", + "cilantro leaves", + "frozen orange juice concentrate, thawed and undiluted", + "purple onion", + "garlic", + "ground cumin" + ] + }, + { + "id": 28204, + "cuisine": "indian", + "ingredients": [ + "pepper", + "jalapeno chilies", + "lemon", + "cilantro leaves", + "smoked paprika", + "ground cinnamon", + "fresh ginger", + "boneless skinless chicken breasts", + "garlic", + "cayenne pepper", + "cumin", + "pizza crust", + "garam masala", + "butter", + "salt", + "shredded mozzarella cheese", + "ground cumin", + "crushed tomatoes", + "whole milk", + "extra-virgin olive oil", + "greek style plain yogurt", + "onions" + ] + }, + { + "id": 29001, + "cuisine": "southern_us", + "ingredients": [ + "vidalia", + "salt", + "baking powder", + "beer", + "large eggs", + "all-purpose flour", + "yellow corn meal", + "vegetable oil" + ] + }, + { + "id": 48829, + "cuisine": "korean", + "ingredients": [ + "eggs", + "minced garlic", + "enokitake", + "sesame oil", + "carrots", + "wasabi", + "pepper", + "beef", + "chives", + "english cucumber", + "sugar", + "water", + "vinegar", + "salt", + "soy sauce", + "shiitake", + "flour", + "mustard powder" + ] + }, + { + "id": 40991, + "cuisine": "mexican", + "ingredients": [ + "beans", + "jalapeno chilies", + "salt", + "cumin", + "tomatoes", + "olive oil", + "chili powder", + "sour cream", + "pepper", + "boneless skinless chicken breasts", + "salsa", + "cheddar cheese", + "tortillas", + "garlic", + "onions" + ] + }, + { + "id": 49549, + "cuisine": "southern_us", + "ingredients": [ + "juice", + "lemon juice", + "sugar", + "pectin" + ] + }, + { + "id": 32665, + "cuisine": "mexican", + "ingredients": [ + "bacon drippings", + "butter", + "flour tortillas", + "buffalo sauce", + "fresh tomatoes", + "bacon", + "ranch dressing", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 10544, + "cuisine": "french", + "ingredients": [ + "capers", + "garlic", + "fresh lemon juice", + "olive oil", + "cayenne pepper", + "pitted green olives", + "anchovy fillets", + "black pepper", + "salt" + ] + }, + { + "id": 2993, + "cuisine": "italian", + "ingredients": [ + "low fat mild Italian turkey sausage", + "cannellini beans", + "penne pasta", + "dried oregano", + "parmesan cheese", + "garlic", + "onions", + "pepper", + "dry red wine", + "fat skimmed chicken broth", + "( oz.) tomato sauce", + "white beans", + "arugula" + ] + }, + { + "id": 48804, + "cuisine": "italian", + "ingredients": [ + "ground pepper", + "heavy cream", + "half & half", + "grated parmesan cheese", + "cream cheese", + "garlic powder", + "butter" + ] + }, + { + "id": 17976, + "cuisine": "french", + "ingredients": [ + "sugar", + "cinnamon", + "calvados", + "lemon zest", + "water", + "gala apples" + ] + }, + { + "id": 17137, + "cuisine": "cajun_creole", + "ingredients": [ + "mayonaise", + "sweet pickle", + "dried tarragon leaves", + "capers", + "coarse ground mustard" + ] + }, + { + "id": 16987, + "cuisine": "moroccan", + "ingredients": [ + "finely chopped fresh parsley", + "fresh lemon juice", + "fresh basil", + "extra-virgin olive oil", + "onions", + "low sodium chicken broth", + "couscous", + "water", + "garlic cloves", + "chopped fresh mint" + ] + }, + { + "id": 3484, + "cuisine": "greek", + "ingredients": [ + "pepper", + "garlic", + "lemon juice", + "green bell pepper", + "feta cheese", + "salt", + "red bell pepper", + "grape tomatoes", + "olive oil", + "purple onion", + "cucumber", + "pitted kalamata olives", + "yellow bell pepper", + "chickpeas", + "dried oregano" + ] + }, + { + "id": 44436, + "cuisine": "irish", + "ingredients": [ + "shortening", + "green onions", + "all-purpose flour", + "eggs", + "sesame seeds", + "salt", + "fresh parsley", + "pepper", + "fully cooked ham", + "beef broth", + "cold water", + "tenderloin roast", + "butter", + "fresh mushrooms" + ] + }, + { + "id": 26649, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "red enchilada sauce", + "eggs", + "Mexican cheese blend", + "spicy pork sausage", + "diced green chilies", + "onions", + "green bell pepper", + "flour tortillas" + ] + }, + { + "id": 28908, + "cuisine": "mexican", + "ingredients": [ + "potatoes", + "all-purpose flour", + "cumin", + "garlic", + "red bell pepper", + "chili powder", + "beef broth", + "chuck roast", + "salt", + "onions" + ] + }, + { + "id": 40926, + "cuisine": "french", + "ingredients": [ + "sugar", + "all-purpose flour", + "ice water", + "gala apples", + "unsalted butter", + "fresh lemon juice", + "salt" + ] + }, + { + "id": 566, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "diced green chilies", + "salsa", + "butter lettuce", + "corn kernels", + "reduced-fat sour cream", + "ground turkey", + "shredded cheddar cheese", + "ground black pepper", + "taco seasoning", + "black beans", + "olive oil", + "cilantro leaves" + ] + }, + { + "id": 26752, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "purple onion", + "roma tomatoes", + "taco seasoning mix", + "lime juice", + "jalapeno chilies" + ] + }, + { + "id": 22807, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "green onions", + "peanut oil", + "Shaoxing wine", + "star anise", + "soy sauce", + "sesame oil", + "dark soy sauce", + "peeled fresh ginger", + "merluza" + ] + }, + { + "id": 24980, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "light soy sauce", + "sesame oil", + "corn starch", + "water", + "boneless skinless chicken breasts", + "angled loofah", + "sugar", + "shiitake", + "peanut oil", + "fermented black beans", + "red chili peppers", + "peeled fresh ginger", + "oyster sauce", + "chopped garlic" + ] + }, + { + "id": 27898, + "cuisine": "chinese", + "ingredients": [ + "dark sesame oil", + "carrots", + "peeled fresh ginger", + "long-grain rice", + "chopped cilantro fresh", + "low sodium soy sauce", + "peanut oil", + "cooked shrimp", + "crushed red pepper", + "garlic cloves" + ] + }, + { + "id": 23755, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "finely chopped onion", + "lemon", + "provolone cheese", + "water", + "lemon zest", + "salt", + "chopped garlic", + "olive oil", + "dry white wine", + "soppressata", + "bread crumb fresh", + "parmigiano reggiano cheese", + "artichokes", + "flat leaf parsley" + ] + }, + { + "id": 33184, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil cooking spray", + "prepared mustard", + "tomatoes", + "pepper", + "instant rice", + "chopped onion", + "green bell pepper", + "tomato juice" + ] + }, + { + "id": 46069, + "cuisine": "spanish", + "ingredients": [ + "salt", + "garlic cloves", + "kale", + "chickpeas", + "fat free less sodium chicken broth", + "spanish chorizo", + "dried oregano", + "lemon wedge", + "chopped onion" + ] + }, + { + "id": 4882, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "jalapeno chilies", + "cream cheese", + "garlic powder", + "onion powder", + "black pepper", + "pimentos", + "ground cayenne pepper", + "shredded extra sharp cheddar cheese", + "salt" + ] + }, + { + "id": 44480, + "cuisine": "mexican", + "ingredients": [ + "cajeta", + "vanilla ice cream", + "chopped pecans", + "coffee liqueur" + ] + }, + { + "id": 30663, + "cuisine": "italian", + "ingredients": [ + "baguette", + "garlic cloves", + "cream cheese with chives and onion", + "goat cheese", + "tomato paste", + "ground black pepper", + "olive oil flavored cooking spray", + "fresh basil", + "marinara sauce" + ] + }, + { + "id": 47541, + "cuisine": "italian", + "ingredients": [ + "baby spinach leaves", + "grated parmesan cheese", + "all-purpose flour", + "salted butter", + "potato gnocchi", + "rotisserie chicken", + "kosher salt", + "whole milk", + "regular chicken broth", + "nutmeg", + "ground black pepper", + "garlic", + "sliced mushrooms" + ] + }, + { + "id": 24620, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "enchilada sauce", + "chicken", + "soft goat's cheese", + "Mexican cheese blend", + "vegetable oil", + "onions", + "chicken broth", + "fresh cilantro", + "chili powder", + "sour cream", + "ground cumin", + "tomato sauce", + "flour tortillas", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 20726, + "cuisine": "italian", + "ingredients": [ + "capers", + "garlic cloves", + "olive oil", + "flat leaf parsley", + "chicken broth", + "all-purpose flour", + "turkey breast cutlets", + "fresh lemon juice" + ] + }, + { + "id": 6780, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "lime", + "garlic", + "minced onion", + "cilantro leaves", + "green chile", + "whole peeled tomatoes", + "salsa" + ] + }, + { + "id": 33607, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "green onions", + "long-grain rice", + "chuck roast", + "vegetable oil", + "water", + "sesame oil", + "toasted sesame seeds", + "lettuce leaves", + "beer" + ] + }, + { + "id": 14350, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "chopped fresh chives", + "button mushrooms", + "finely chopped onion", + "fresh shiitake mushrooms", + "penne pasta", + "bread crumb fresh", + "whole milk", + "all-purpose flour", + "grated parmesan cheese", + "butter", + "hot water" + ] + }, + { + "id": 14033, + "cuisine": "mexican", + "ingredients": [ + "water", + "garlic", + "stew meat", + "chopped tomatoes", + "salt", + "shortening", + "chile pepper", + "onions", + "pepper", + "stewed tomatoes", + "ground cumin" + ] + }, + { + "id": 26121, + "cuisine": "french", + "ingredients": [ + "chicken stock", + "olive oil", + "dry red wine", + "bay leaf", + "white button mushrooms", + "egg noodles", + "salt", + "thick-cut bacon", + "tomato paste", + "unsalted butter", + "garlic", + "chicken thighs", + "dried thyme", + "shallots", + "all-purpose flour" + ] + }, + { + "id": 20430, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "paprika", + "tarragon", + "large eggs", + "freshly ground pepper", + "dijon mustard", + "fresh tarragon", + "mayonaise", + "apple cider vinegar", + "scallions" + ] + }, + { + "id": 45818, + "cuisine": "british", + "ingredients": [ + "granulated sugar", + "all-purpose flour", + "whole milk", + "large eggs", + "golden syrup", + "unsalted butter", + "heavy cream" + ] + }, + { + "id": 8920, + "cuisine": "cajun_creole", + "ingredients": [ + "bay leaves", + "vegetable broth", + "green pepper", + "flavoring", + "black pepper", + "diced tomatoes", + "cayenne pepper", + "garlic cloves", + "onions", + "sweet potatoes", + "paprika", + "chickpeas", + "thyme", + "natural peanut butter", + "Tabasco Pepper Sauce", + "salt", + "okra", + "celery" + ] + }, + { + "id": 419, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "pinenuts", + "garlic", + "fresh basil", + "extra-virgin olive oil", + "pepper", + "salt" + ] + }, + { + "id": 45627, + "cuisine": "cajun_creole", + "ingredients": [ + "hawaiian sweet rolls", + "Kraft Miracle Whip Dressing", + "Edam", + "garlic pepper seasoning", + "sweet onion", + "cajun seasoning", + "lemon pepper", + "creole mustard", + "extra-lean ground beef", + "roasted garlic", + "american cheese slices", + "ketchup", + "lettuce leaves", + "dill pickles", + "plum tomatoes" + ] + }, + { + "id": 27136, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "dry white wine", + "button mushrooms", + "pork shoulder boston butt", + "black peppercorns", + "unsalted butter", + "cinnamon", + "garlic cloves", + "onions", + "ground cloves", + "bay leaves", + "ground pork", + "thyme", + "large egg yolks", + "russet potatoes", + "all-purpose flour", + "low salt chicken broth" + ] + }, + { + "id": 1969, + "cuisine": "french", + "ingredients": [ + "hanger steak", + "olive oil", + "salt", + "cracked black pepper", + "russet potatoes", + "chopped parsley" + ] + }, + { + "id": 6977, + "cuisine": "cajun_creole", + "ingredients": [ + "turkey", + "creole seasoning", + "brown basmati rice", + "water", + "hot sauce", + "smoked paprika", + "celery ribs", + "salt", + "garlic cloves", + "canola oil", + "red beans", + "green pepper", + "onions" + ] + }, + { + "id": 197, + "cuisine": "italian", + "ingredients": [ + "celery salt", + "olive oil", + "dry white wine", + "salt", + "cremini mushrooms", + "fresh thyme", + "vegetable stock", + "pepper", + "grated parmesan cheese", + "butter", + "arborio rice", + "shiitake", + "shallots", + "flat leaf parsley" + ] + }, + { + "id": 33965, + "cuisine": "moroccan", + "ingredients": [ + "minced garlic", + "cooking spray", + "ground allspice", + "large shrimp", + "black pepper", + "nonfat yogurt", + "salt", + "ground turmeric", + "olive oil", + "ground red pepper", + "fresh lime juice", + "honey", + "peeled fresh ginger", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 45695, + "cuisine": "french", + "ingredients": [ + "sour cream", + "whipping cream" + ] + }, + { + "id": 19564, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "bourbon whiskey", + "worcestershire sauce", + "garlic cloves", + "honey", + "center cut pork loin chops", + "lemon", + "dark brown sugar", + "vidalia onion", + "dijon mustard", + "apple cider vinegar", + "salt", + "peaches", + "shallots", + "cracked black pepper", + "fresh parsley" + ] + }, + { + "id": 967, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "jicama", + "fresh lime juice", + "romaine lettuce", + "jalapeno chilies", + "salsa", + "sliced green onions", + "zucchini", + "diced tomatoes", + "canola oil", + "ground black pepper", + "queso fresco", + "chopped cilantro fresh" + ] + }, + { + "id": 7512, + "cuisine": "indian", + "ingredients": [ + "whole wheat flour", + "water", + "all-purpose flour" + ] + }, + { + "id": 4986, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "chopped fresh thyme", + "salt", + "water", + "chopped fresh chives", + "extra-virgin olive oil", + "chopped fresh mint", + "sourdough bread", + "crumbled ricotta salata cheese", + "purple onion", + "fresh basil", + "ground black pepper", + "red wine vinegar", + "fresh oregano" + ] + }, + { + "id": 9487, + "cuisine": "french", + "ingredients": [ + "seasoned bread crumbs", + "salt", + "bone-in chicken breast halves", + "butter", + "dijon mustard", + "white wine", + "garlic" + ] + }, + { + "id": 35114, + "cuisine": "french", + "ingredients": [ + "bread crumb fresh", + "garlic", + "canned low sodium chicken broth", + "baking potatoes", + "ground black pepper", + "salt", + "juniper berries", + "butter" + ] + }, + { + "id": 8237, + "cuisine": "british", + "ingredients": [ + "brandy", + "golden raisins", + "all-purpose flour", + "eggs", + "superfine sugar", + "raisins", + "ground cinnamon", + "mixed spice", + "butter", + "grated lemon zest", + "dried currants", + "chopped almonds", + "candied cherries" + ] + }, + { + "id": 11480, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "garlic powder", + "onion powder", + "salsa", + "corn kernels", + "boneless skinless chicken breasts", + "salt", + "dried oregano", + "shredded cheddar cheese", + "green onions", + "vegetable oil", + "fajita size flour tortillas", + "chicken broth", + "olive oil", + "chili powder", + "all-purpose flour", + "ground cumin" + ] + }, + { + "id": 1212, + "cuisine": "greek", + "ingredients": [ + "pepper", + "salt", + "chicken", + "red potato", + "lemon", + "boiling water", + "white wine", + "garlic", + "dried oregano", + "chicken bouillon granules", + "olive oil", + "onions" + ] + }, + { + "id": 3964, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame seeds", + "garlic", + "black pepper", + "green onions", + "ketchup", + "Tyson Crispy Chicken Strips", + "rice vinegar", + "brown sugar", + "honey", + "sesame oil" + ] + }, + { + "id": 37391, + "cuisine": "mexican", + "ingredients": [ + "serrano", + "corn tortillas", + "garlic cloves", + "mango", + "cumin seed", + "chopped cilantro", + "lime juice", + "shrimp", + "canola oil" + ] + }, + { + "id": 35693, + "cuisine": "southern_us", + "ingredients": [ + "green chile", + "white hominy", + "reduced-fat sour cream", + "shredded cheddar cheese" + ] + }, + { + "id": 12790, + "cuisine": "mexican", + "ingredients": [ + "extra-virgin olive oil", + "fresh lime juice", + "seasoning", + "salt", + "avocado", + "purple onion", + "ground cumin", + "cherry tomatoes", + "edamame" + ] + }, + { + "id": 11579, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "baking powder", + "sour cream", + "shortening", + "salt", + "eggs", + "vanilla extract", + "white sugar", + "black walnut", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 27658, + "cuisine": "british", + "ingredients": [ + "olive oil", + "garlic", + "celery", + "canned corn", + "pepper", + "flour", + "salt", + "onions", + "whitefish fillets", + "potatoes", + "shredded sharp cheddar cheese", + "bay leaf", + "dried thyme", + "whole milk", + "carrots", + "dried parsley" + ] + }, + { + "id": 29288, + "cuisine": "thai", + "ingredients": [ + "vegetable oil", + "Thai fish sauce", + "coriander", + "fresh ginger", + "pak choi", + "beansprouts", + "red pepper", + "baby corn", + "toasted sesame seeds", + "spring onions", + "oyster sauce", + "chillies" + ] + }, + { + "id": 1809, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "meatballs", + "sesame oil", + "salt", + "panko breadcrumbs", + "tomato paste", + "ground chicken", + "hoisin sauce", + "red pepper flakes", + "chinese five-spice powder", + "ground ginger", + "soy sauce", + "Sriracha", + "ground chicken breast", + "rice vinegar", + "sliced green onions", + "chicken broth", + "minced garlic", + "large eggs", + "garlic", + "corn starch" + ] + }, + { + "id": 47611, + "cuisine": "italian", + "ingredients": [ + "slivered almonds", + "golden raisins", + "all-purpose flour", + "large eggs", + "vanilla extract", + "sugar", + "baking powder", + "cooking spray", + "salt" + ] + }, + { + "id": 2666, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "orange", + "extra-virgin olive oil", + "kosher salt", + "oil-cured black olives", + "all-purpose flour", + "sugar", + "active dry yeast", + "salt", + "water", + "coarse salt" + ] + }, + { + "id": 27612, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "parsley", + "mushrooms", + "heavy cream", + "grated parmesan cheese", + "balsamic vinegar", + "fettuccine pasta", + "dry white wine", + "garlic" + ] + }, + { + "id": 13205, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "baking powder", + "sugar", + "fresh blueberries", + "salt", + "melted butter", + "granulated sugar", + "cinnamon", + "water", + "flour", + "corn starch" + ] + }, + { + "id": 47764, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "lentils", + "tomatoes", + "green chilies", + "ground turmeric", + "garlic paste", + "oil", + "ginger paste", + "curry leaves", + "salt", + "onions" + ] + }, + { + "id": 35364, + "cuisine": "southern_us", + "ingredients": [ + "celery salt", + "lemon juice", + "honey", + "hot sauce", + "pepper", + "canola oil" + ] + }, + { + "id": 43502, + "cuisine": "italian", + "ingredients": [ + "green olives", + "balsamic vinegar", + "pitted kalamata olives", + "pitted black olives", + "garlic", + "olive oil" + ] + }, + { + "id": 13103, + "cuisine": "italian", + "ingredients": [ + "capers", + "anchovy fillets", + "turkey breast", + "light tuna packed in olive oil", + "low salt chicken broth", + "baby spinach leaves", + "fresh lemon juice", + "grated lemon peel", + "mayonaise", + "oil", + "fresh parsley" + ] + }, + { + "id": 27009, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "shredded mozzarella cheese", + "parmesan cheese", + "eggplant", + "cooking spray" + ] + }, + { + "id": 8627, + "cuisine": "irish", + "ingredients": [ + "milk", + "all-purpose flour", + "eggs", + "baking powder", + "white sugar", + "yellow corn meal", + "hot pepper sauce", + "cayenne pepper", + "shortening", + "salt" + ] + }, + { + "id": 41801, + "cuisine": "irish", + "ingredients": [ + "all-purpose flour", + "self rising flour", + "buttermilk" + ] + }, + { + "id": 20062, + "cuisine": "southern_us", + "ingredients": [ + "guanciale", + "white wine", + "heavy cream", + "lard", + "fava beans", + "unsalted butter", + "salt", + "saffron", + "pork cheeks", + "sherry vinegar", + "peas", + "onions", + "sage leaves", + "fennel fronds", + "shallots", + "chickpeas" + ] + }, + { + "id": 42611, + "cuisine": "thai", + "ingredients": [ + "ground cinnamon", + "ground cloves", + "jalapeno chilies", + "purple onion", + "corn starch", + "cooked rice", + "olive oil", + "chili powder", + "ground coriander", + "ground cumin", + "fresh basil", + "black pepper", + "chicken breasts", + "salt", + "coconut milk", + "tumeric", + "fresh ginger", + "garlic", + "ground cardamom" + ] + }, + { + "id": 47165, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "peanuts", + "green onions", + "cooking wine", + "water", + "vinegar", + "szechwan peppercorns", + "garlic cloves", + "chili pepper", + "boneless chicken breast", + "shallots", + "salt", + "dark soy sauce", + "light soy sauce", + "cooking oil", + "ginger", + "corn starch" + ] + }, + { + "id": 42265, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "zucchini", + "Mexican oregano", + "garlic cloves", + "greek yogurt", + "onions", + "shredded cheddar cheese", + "bell pepper", + "ancho powder", + "thyme", + "ground beef", + "ground cumin", + "cottage cheese", + "chipotle", + "full fat sour cream", + "Tapatio Hot Sauce", + "ground turkey", + "noodles", + "lime", + "crimini mushrooms", + "oil", + "smoked paprika", + "roasted tomatoes" + ] + }, + { + "id": 46406, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "asian pear", + "red pepper flakes", + "sesame seeds", + "green onions", + "garlic", + "flanken short ribs", + "sesame oil", + "yellow onion", + "water", + "soda", + "ginger" + ] + }, + { + "id": 49678, + "cuisine": "mexican", + "ingredients": [ + "scallion greens", + "bell pepper", + "turkey meat", + "dried oregano", + "jack cheese", + "vegetable oil", + "fresh lime juice", + "corn tortilla chips", + "jalapeno chilies", + "sour cream", + "ground cumin", + "black beans", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 352, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "boneless pork loin", + "ground cumin", + "chili powder", + "chopped cilantro fresh", + "barbecue sauce", + "onions", + "ground cinnamon", + "chile pepper", + "dried oregano" + ] + }, + { + "id": 26317, + "cuisine": "irish", + "ingredients": [ + "beef stock", + "carrots", + "baking potatoes", + "fresh parsley", + "meat", + "celery", + "pepper", + "salt", + "onions" + ] + }, + { + "id": 10605, + "cuisine": "italian", + "ingredients": [ + "red wine vinegar", + "olive oil", + "red swiss chard", + "dried currants", + "large garlic cloves" + ] + }, + { + "id": 6508, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "grated parmesan cheese", + "all-purpose flour", + "roast red peppers, drain", + "fresh basil", + "butter", + "shredded mozzarella cheese", + "cornmeal", + "eggs", + "ricotta cheese", + "fresh oregano", + "chopped parsley", + "cold water", + "feta cheese", + "salt", + "ham" + ] + }, + { + "id": 2824, + "cuisine": "british", + "ingredients": [ + "champagne", + "powdered sugar", + "heavy cream" + ] + }, + { + "id": 16203, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "chicken stock", + "boneless skinless chicken breasts", + "shrimp", + "mussels", + "olive oil", + "carrots", + "clams", + "green bell pepper", + "lemon", + "red bell pepper", + "fresh green peas", + "spanish rice", + "spanish chorizo", + "onions" + ] + }, + { + "id": 6537, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "vanilla extract", + "pastry shell", + "semi-sweet chocolate morsels", + "sugar", + "corn syrup", + "eggs", + "butter" + ] + }, + { + "id": 22011, + "cuisine": "mexican", + "ingredients": [ + "anise seed", + "ground cloves", + "mexican chocolate", + "white sugar", + "chicken broth", + "tomato sauce", + "butter", + "bay leaf", + "white bread", + "black peppercorns", + "sesame seeds", + "dried red chile peppers", + "chicken", + "ground cinnamon", + "slivered almonds", + "garlic", + "onions" + ] + }, + { + "id": 17069, + "cuisine": "mexican", + "ingredients": [ + "Old El Paso Enchilada Sauce", + "chopped onion", + "water", + "chopped cilantro", + "green chile", + "long-grain rice", + "extra-virgin olive oil" + ] + }, + { + "id": 41099, + "cuisine": "italian", + "ingredients": [ + "sliced almonds", + "ricotta cheese", + "honey", + "vanilla ice cream" + ] + }, + { + "id": 23655, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garam masala", + "garlic", + "onions", + "green chile", + "vegetable oil", + "chickpeas", + "tomato paste", + "ground cloves", + "coarse salt", + "ground coriander", + "ground cinnamon", + "peeled fresh ginger", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 11412, + "cuisine": "southern_us", + "ingredients": [ + "white wine", + "vegetable stock", + "hot sauce", + "large shrimp", + "half & half", + "garlic", + "onions", + "pepper", + "bacon", + "green pepper", + "leeks", + "salt", + "grits" + ] + }, + { + "id": 27459, + "cuisine": "korean", + "ingredients": [ + "chicken broth", + "chili", + "chives", + "salt", + "soy sauce", + "asparagus", + "rice noodles", + "sugar", + "sesame seeds", + "sesame oil", + "canola oil", + "pepper", + "mushrooms", + "garlic" + ] + }, + { + "id": 36170, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "white sandwich bread", + "cajun seasoning", + "hot pepper sauce", + "extra sharp cheddar cheese", + "diced pimentos", + "worcestershire sauce" + ] + }, + { + "id": 49076, + "cuisine": "british", + "ingredients": [ + "whole milk", + "wheat flour", + "large eggs", + "salt", + "honey", + "butter", + "yeast", + "white flour", + "soda", + "cornmeal" + ] + }, + { + "id": 47262, + "cuisine": "italian", + "ingredients": [ + "dried currants", + "olive oil", + "marinara sauce", + "kale", + "grated parmesan cheese", + "pinenuts", + "ground turkey breast", + "fresh basil leaves", + "bread crumb fresh", + "ground black pepper", + "large garlic cloves" + ] + }, + { + "id": 44393, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "garlic", + "oregano", + "water", + "worcestershire sauce", + "shrimp", + "lemon", + "salt", + "cayenne", + "cracked black pepper", + "thyme" + ] + }, + { + "id": 25935, + "cuisine": "indian", + "ingredients": [ + "chickpea flour", + "cilantro leaves", + "asafetida", + "chili powder", + "oil", + "baking soda", + "green chilies", + "salt", + "onions" + ] + }, + { + "id": 31590, + "cuisine": "greek", + "ingredients": [ + "fresh lemon juice", + "Greek dressing", + "garlic" + ] + }, + { + "id": 18718, + "cuisine": "indian", + "ingredients": [ + "pepper", + "yukon gold potatoes", + "canola oil", + "tumeric", + "cayenne", + "cumin seed", + "coriander seeds", + "salt", + "ground cumin", + "yellow mustard seeds", + "brown mustard seeds", + "chopped cilantro" + ] + }, + { + "id": 9835, + "cuisine": "japanese", + "ingredients": [ + "sake", + "mirin", + "grapefruit juice", + "water", + "vegetable oil", + "sugar", + "lime slices", + "fresh lime juice", + "light soy sauce", + "mackerel fillets" + ] + }, + { + "id": 41940, + "cuisine": "spanish", + "ingredients": [ + "white wine", + "champagne", + "lemon", + "sugar" + ] + }, + { + "id": 33168, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "dried porcini mushrooms", + "finely chopped fresh parsley", + "fresh tarragon", + "cayenne pepper", + "onions", + "green bell pepper", + "hot pepper sauce", + "butter", + "beef broth", + "fresh parsley", + "red kidney beans", + "water", + "chopped fresh chives", + "button mushrooms", + "long-grain rice", + "smoked ham hocks", + "fresh rosemary", + "olive oil", + "bay leaves", + "smoked sausage", + "garlic cloves", + "boiling water" + ] + }, + { + "id": 6282, + "cuisine": "spanish", + "ingredients": [ + "baguette", + "cooking spray", + "cilantro leaves", + "red bell pepper", + "ground black pepper", + "beefsteak tomatoes", + "garlic cloves", + "water", + "green onions", + "english cucumber", + "onions", + "kosher salt", + "jalapeno chilies", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 21412, + "cuisine": "mexican", + "ingredients": [ + "clove", + "apple cider vinegar", + "ancho chile pepper", + "oregano", + "tomatoes", + "salt", + "chicken pieces", + "allspice", + "guajillo chiles", + "thyme", + "onions", + "chicken broth", + "vegetable oil", + "bay leaf", + "cumin" + ] + }, + { + "id": 17527, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "tamarind juice", + "onions", + "fresh cilantro", + "fresh mint", + "chile pepper" + ] + }, + { + "id": 26559, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "ricotta cheese", + "eggs", + "dried basil", + "minced garlic", + "shredded mozzarella cheese", + "manicotti shells", + "grated parmesan cheese" + ] + }, + { + "id": 42273, + "cuisine": "mexican", + "ingredients": [ + "salt", + "onions", + "lemon juice", + "cayenne pepper", + "plum tomatoes", + "cilantro", + "hass avocado" + ] + }, + { + "id": 6783, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "crimini mushrooms", + "salt", + "olive oil", + "butter", + "fresh lemon juice", + "sugar", + "flour", + "garlic", + "fresh parsley", + "pepper", + "chicken breasts", + "beef broth" + ] + }, + { + "id": 38724, + "cuisine": "russian", + "ingredients": [ + "water", + "beets", + "cabbage", + "tomato purée", + "potatoes", + "carrots", + "red lentils", + "vinegar", + "oil", + "fresh dill", + "salt", + "onions" + ] + }, + { + "id": 26678, + "cuisine": "french", + "ingredients": [ + "cheese", + "sliced mushrooms", + "margarine", + "parmesan cheese", + "arugula" + ] + }, + { + "id": 48377, + "cuisine": "thai", + "ingredients": [ + "scallions", + "light coconut milk", + "salt", + "water", + "basmati rice" + ] + }, + { + "id": 5912, + "cuisine": "greek", + "ingredients": [ + "garlic powder", + "salt", + "pitted kalamata olives", + "rapid rise yeast", + "bread flour", + "warm water", + "purple onion", + "fresh dill", + "extra-virgin olive oil", + "white sugar" + ] + }, + { + "id": 15276, + "cuisine": "cajun_creole", + "ingredients": [ + "capers", + "salt", + "fat-free mayonnaise", + "cooking spray", + "dried oregano", + "hot pepper sauce", + "fresh onion", + "catfish fillets", + "cajun seasoning", + "pickle relish" + ] + }, + { + "id": 28954, + "cuisine": "french", + "ingredients": [ + "cocoa", + "bay leaves", + "cake flour", + "sugar", + "pistachios", + "vanilla extract", + "cream of tartar", + "water", + "mushrooms", + "salt", + "powdered sugar", + "large eggs", + "chocolate", + "crabapples" + ] + }, + { + "id": 48139, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "salt", + "canola oil", + "dry white wine", + "onions", + "garam masala", + "chopped cilantro", + "green bell pepper", + "lime wedges", + "large shrimp" + ] + }, + { + "id": 44133, + "cuisine": "southern_us", + "ingredients": [ + "water", + "yellow mustard", + "yukon gold potatoes", + "salt" + ] + }, + { + "id": 5992, + "cuisine": "british", + "ingredients": [ + "sugar", + "baking soda", + "raisins", + "whole wheat pastry flour", + "baking powder", + "nonfat yogurt plain", + "white flour", + "large eggs", + "salt", + "rolled oats", + "butter", + "canola oil" + ] + }, + { + "id": 26247, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "fresh ginger", + "lettuce leaves", + "crushed red pepper", + "scallion greens", + "water", + "ground black pepper", + "ground pork", + "bulb", + "kosher salt", + "thai basil", + "cilantro", + "rice vinegar", + "fish sauce", + "lemongrass", + "herbs", + "garlic" + ] + }, + { + "id": 43049, + "cuisine": "vietnamese", + "ingredients": [ + "thai chile", + "fresh lime juice", + "sugar", + "carrots", + "unsalted dry roast peanuts", + "chopped cilantro fresh", + "papaya", + "Thai fish sauce" + ] + }, + { + "id": 40056, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "water", + "bamboo shoots", + "soy sauce", + "vegetable oil", + "sake", + "mirin", + "boneless chicken skinless thigh", + "scallions" + ] + }, + { + "id": 23422, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "apple cider vinegar", + "onions", + "ground black pepper", + "salt", + "sugar", + "unsalted butter", + "toasted pine nuts", + "radicchio", + "raisins" + ] + }, + { + "id": 13271, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "shallots", + "nam pla", + "scallions", + "soy sauce", + "cilantro leaves", + "chile powder", + "boneless skinless chicken breasts", + "chopped fresh mint" + ] + }, + { + "id": 2897, + "cuisine": "southern_us", + "ingredients": [ + "matzo meal", + "oil", + "flour", + "eggs", + "green tomatoes" + ] + }, + { + "id": 7321, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic", + "spareribs", + "dry sherry", + "rib", + "hoisin sauce", + "chinese five-spice powder", + "sugar", + "red food coloring" + ] + }, + { + "id": 6575, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "garlic", + "dried oregano", + "potatoes", + "feta cheese crumbles", + "ground black pepper", + "fresh lemon juice", + "water", + "sea salt", + "chopped fresh mint" + ] + }, + { + "id": 18819, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "lime", + "long grain white rice", + "white onion", + "salt", + "tomatoes", + "jalapeno chilies", + "canola oil", + "tomato paste", + "fresh cilantro", + "garlic cloves" + ] + }, + { + "id": 9077, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "water", + "ground black pepper", + "mushrooms", + "vegetable oil", + "garlic", + "broccoli", + "oyster sauce", + "celery", + "orange zest", + "soy sauce", + "yellow squash", + "water chestnuts", + "sesame oil", + "vegetable broth", + "cilantro leaves", + "peanut oil", + "corn starch", + "snow peas", + "sugar", + "honey", + "zucchini", + "peeled fresh ginger", + "buttermilk", + "boneless skinless chicken", + "yellow onion", + "Chinese egg noodles", + "mung bean sprouts", + "chicken stock", + "kosher salt", + "fresh ginger", + "flour", + "mixed vegetables", + "thai chile", + "rice vinegar", + "scallions", + "toasted sesame oil", + "canola oil" + ] + }, + { + "id": 21930, + "cuisine": "irish", + "ingredients": [ + "Guinness Beer", + "butter", + "cream cheese", + "eggs", + "flour", + "chocolate", + "Baileys Irish Cream Liqueur", + "heavy cream", + "unsweetened cocoa powder", + "sugar", + "Irish whiskey", + "salt" + ] + }, + { + "id": 15944, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "cheese", + "sour cream", + "refried beans", + "salsa", + "pepper", + "salt", + "green chile", + "lean ground beef", + "tortilla chips" + ] + }, + { + "id": 38617, + "cuisine": "italian", + "ingredients": [ + "water", + "mushrooms", + "shredded mozzarella cheese", + "italian seasoning", + "brown sugar", + "salt and ground black pepper", + "moose", + "onions", + "spinach", + "olive oil", + "ricotta cheese", + "oven-ready lasagna noodles", + "unsweetened cocoa powder", + "pasta sauce", + "grated parmesan cheese", + "garlic", + "dried oregano" + ] + }, + { + "id": 37729, + "cuisine": "southern_us", + "ingredients": [ + "orange", + "lemon", + "fresh mint", + "brown sugar", + "large eggs", + "gingersnap cookies", + "frozen orange juice concentrate", + "butter", + "heavy whipping cream", + "ground cinnamon", + "granulated sugar", + "fresh lemon juice", + "sweetened condensed milk" + ] + }, + { + "id": 8370, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "olive oil", + "green peas", + "cream cheese", + "fresh basil", + "cooking spray", + "salt", + "black pepper", + "fusilli", + "all-purpose flour", + "diced onions", + "fresh parmesan cheese", + "1% low-fat milk", + "garlic cloves" + ] + }, + { + "id": 18112, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "shiitake", + "beaten eggs", + "sweet chili sauce", + "spring onions", + "carrots", + "sugar", + "vermicelli", + "oyster sauce", + "spring roll wrappers", + "minced garlic", + "vegetable oil", + "beansprouts" + ] + }, + { + "id": 2975, + "cuisine": "chinese", + "ingredients": [ + "seasoning", + "fresh ginger", + "ground pork", + "toasted sesame oil", + "soy sauce", + "ground black pepper", + "scallions", + "eggs", + "gyoza", + "garlic", + "canola oil", + "kosher salt", + "napa cabbage", + "carrots" + ] + }, + { + "id": 24070, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "egg whites", + "provolone cheese", + "frozen mixed thawed vegetables,", + "minced garlic", + "grated parmesan cheese", + "crushed red pepper", + "fat", + "olive oil", + "ricotta cheese", + "creole style seasoning", + "ground turkey", + "tomato sauce", + "eggplant", + "2% reduced-fat milk", + "shredded mozzarella cheese", + "italian seasoning" + ] + }, + { + "id": 1594, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "stone-ground cornmeal", + "hot pepper sauce", + "baking powder", + "all purpose unbleached flour", + "ground white pepper", + "dried oregano", + "fresh basil", + "evaporated milk", + "bay leaves", + "chile pepper", + "salt", + "chopped parsley", + "eggs", + "dried thyme", + "minced onion", + "onion powder", + "buttermilk", + "red bell pepper", + "minced garlic", + "ground black pepper", + "green onions", + "butter", + "cayenne pepper", + "white sugar" + ] + }, + { + "id": 36755, + "cuisine": "italian", + "ingredients": [ + "ground ginger", + "baking soda", + "vanilla", + "large egg whites", + "large eggs", + "sugar", + "crystallized ginger", + "salt", + "almonds", + "all purpose unbleached flour" + ] + }, + { + "id": 1115, + "cuisine": "mexican", + "ingredients": [ + "triple sec", + "coarse salt", + "lime", + "Tabasco Pepper Sauce", + "tequila", + "chicken wings", + "flour", + "salt", + "honey", + "lime wedges", + "fresh lime juice" + ] + }, + { + "id": 35946, + "cuisine": "indian", + "ingredients": [ + "naan", + "extra-virgin olive oil", + "garlic" + ] + }, + { + "id": 3113, + "cuisine": "southern_us", + "ingredients": [ + "water", + "vegetable oil", + "grits", + "green bell pepper", + "black-eyed peas", + "salt", + "tomato paste", + "seasoning salt", + "chopped fresh thyme", + "tomato sauce", + "ground black pepper", + "onions" + ] + }, + { + "id": 18883, + "cuisine": "british", + "ingredients": [ + "large egg yolks", + "raisins", + "sugar", + "whole milk", + "crust", + "unsalted butter", + "whipping cream", + "vanilla beans", + "golden raisins", + "bread slices" + ] + }, + { + "id": 39999, + "cuisine": "vietnamese", + "ingredients": [ + "neutral oil", + "pork", + "shallots", + "garlic", + "carrots", + "fish sauce", + "pepper", + "balm", + "scallions", + "perilla", + "mint", + "soy sauce", + "daikon", + "rolls", + "cucumber", + "sugar", + "peanuts", + "rice vermicelli", + "nuoc cham" + ] + }, + { + "id": 17269, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "oil", + "egg yolks", + "white wine", + "white sugar", + "all-purpose flour" + ] + }, + { + "id": 30729, + "cuisine": "italian", + "ingredients": [ + "garlic bulb", + "whipping cream", + "parmesan cheese", + "meat sauce", + "chicken broth", + "all-purpose flour", + "butter" + ] + }, + { + "id": 41486, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "red pepper flakes", + "toasted sesame seeds", + "pork loin", + "yellow onion", + "sugar", + "green onions", + "garlic cloves", + "black pepper", + "red pepper" + ] + }, + { + "id": 14539, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "beef", + "ginger", + "soy sauce", + "green onions", + "onions", + "sake", + "mirin", + "hot water", + "eggs", + "steamed rice", + "sesame oil" + ] + }, + { + "id": 31911, + "cuisine": "italian", + "ingredients": [ + "green chile", + "light mayonnaise", + "artichoke hearts", + "grated parmesan cheese", + "baguette", + "garlic cloves" + ] + }, + { + "id": 32538, + "cuisine": "indian", + "ingredients": [ + "romaine lettuce", + "honey", + "peeled fresh ginger", + "chopped cilantro fresh", + "lime juice", + "cooking spray", + "chopped fresh mint", + "pepper", + "peanuts", + "salt", + "chicken", + "water", + "potatoes", + "dark sesame oil" + ] + }, + { + "id": 3601, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "finely chopped onion", + "pappardelle", + "extra-virgin olive oil", + "garlic cloves", + "sage leaves", + "kosher salt", + "half & half", + "ground veal", + "grated nutmeg", + "bay leaf", + "cremini mushrooms", + "parmigiano reggiano cheese", + "pink peppercorns", + "crushed red pepper", + "chopped bacon", + "chicken stock", + "ground black pepper", + "dry white wine", + "ground pork", + "thyme sprig", + "celery root" + ] + }, + { + "id": 37295, + "cuisine": "french", + "ingredients": [ + "turnips", + "dry white wine", + "corn starch", + "finely chopped onion", + "carrots", + "canned chicken broth", + "vegetable oil", + "flat leaf parsley", + "dried thyme", + "ducklings", + "bay leaf" + ] + }, + { + "id": 6868, + "cuisine": "moroccan", + "ingredients": [ + "eggs", + "all-purpose flour", + "honey", + "yeast", + "melted butter", + "semolina", + "warm water", + "orange flower water" + ] + }, + { + "id": 19606, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "tomato juice", + "fresh lime juice", + "tomatoes", + "garlic", + "jalapeno chilies" + ] + }, + { + "id": 12853, + "cuisine": "moroccan", + "ingredients": [ + "dry white wine", + "navy beans", + "onions", + "cooking spray", + "mussels", + "salt" + ] + }, + { + "id": 1965, + "cuisine": "korean", + "ingredients": [ + "spring onions", + "garlic salt", + "soy sauce", + "oil", + "sugar", + "round steaks", + "water", + "onions" + ] + }, + { + "id": 35466, + "cuisine": "french", + "ingredients": [ + "black pepper", + "butter", + "all-purpose flour", + "cooking spray", + "gruyere cheese", + "yukon gold potatoes", + "salt", + "finely chopped onion", + "1% low-fat milk", + "less sodium reduced fat ham" + ] + }, + { + "id": 19217, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "garlic powder", + "butter", + "garlic", + "canola oil", + "sugar", + "milk", + "egg yolks", + "diced tomatoes", + "cayenne pepper", + "angel hair", + "kosher salt", + "ground black pepper", + "heavy cream", + "broccoli", + "black pepper", + "freshly grated parmesan", + "chicken breasts", + "paprika", + "dried oregano" + ] + }, + { + "id": 14179, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "purple onion", + "fresh asparagus", + "kosher salt", + "red wine vinegar", + "garlic cloves", + "capers", + "ground black pepper", + "country style bread", + "olives", + "cherry tomatoes", + "extra-virgin olive oil", + "fresh basil leaves" + ] + }, + { + "id": 25874, + "cuisine": "thai", + "ingredients": [ + "sugar", + "peanuts", + "sweet soy sauce", + "cucumber", + "ground paprika", + "minced garlic", + "boneless chicken breast", + "creamy peanut butter", + "coconut milk", + "white pepper", + "garlic powder", + "Massaman curry paste", + "ground cayenne pepper", + "fish sauce", + "water", + "tamarind juice", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 38681, + "cuisine": "filipino", + "ingredients": [ + "granulated sugar", + "confectioners sugar", + "pure vanilla extract", + "all-purpose flour", + "salt", + "cashew nuts", + "unsalted butter", + "ground cardamom" + ] + }, + { + "id": 8940, + "cuisine": "mexican", + "ingredients": [ + "corn husks", + "vegetable oil", + "masa", + "white onion", + "Knorr Chicken Flavor Bouillon", + "garlic", + "serrano chilies", + "chicken parts", + "tomatillos", + "water", + "baking powder", + "lard" + ] + }, + { + "id": 23605, + "cuisine": "indian", + "ingredients": [ + "chat masala", + "onion rings", + "extra-virgin olive oil", + "lime slices", + "fenugreek leaves", + "chopped cilantro" + ] + }, + { + "id": 9312, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "chili powder", + "shredded Monterey Jack cheese", + "boneless skinless chicken breasts", + "salsa", + "shredded cheddar cheese", + "black olives", + "ranch dressing", + "tortilla chips" + ] + }, + { + "id": 30648, + "cuisine": "french", + "ingredients": [ + "fish steaks", + "kalamata", + "flat leaf parsley", + "dry white wine", + "garlic cloves", + "olive oil", + "extra-virgin olive oil", + "onions", + "lemon", + "red bell pepper" + ] + }, + { + "id": 148, + "cuisine": "chinese", + "ingredients": [ + "brussels sprouts", + "chinese sausage", + "fish sauce" + ] + }, + { + "id": 17115, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "Knorr Chicken Flavor Bouillon", + "jalapeno chilies", + "tequila", + "fresh cilantro", + "vegetable oil", + "tomatoes", + "queso asadero" + ] + }, + { + "id": 10100, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "seeds", + "green tea powder", + "shortening", + "glutinous rice flour", + "powdered sugar", + "lotus seed paste", + "flour", + "hot water" + ] + }, + { + "id": 29560, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "ground turkey breast", + "basil", + "fennel seeds", + "minced garlic", + "dry white wine", + "red bell pepper", + "tomato paste", + "dried basil", + "diced tomatoes", + "gnocchi", + "black pepper", + "cooking spray", + "chopped onion" + ] + }, + { + "id": 1706, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "dried thyme", + "garlic", + "thyme leaves", + "chicken wings", + "kosher salt", + "vegetable oil", + "yellow onion", + "cumin", + "black pepper", + "green onions", + "grated nutmeg", + "fresh lime juice", + "brown sugar", + "chili pepper", + "cinnamon", + "ground allspice" + ] + }, + { + "id": 34372, + "cuisine": "russian", + "ingredients": [ + "milk", + "golden raisins", + "farmer cheese", + "unsalted butter", + "lemon", + "confectioners sugar", + "bread crumb fresh", + "large eggs", + "sauce", + "filo", + "granulated sugar", + "vanilla extract", + "sour cream" + ] + }, + { + "id": 1187, + "cuisine": "southern_us", + "ingredients": [ + "pork spare ribs", + "kosher salt" + ] + }, + { + "id": 24914, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "tagliatelle", + "tomatoes", + "garlic", + "avocado", + "lemon", + "fresh spinach", + "fresh basil leaves" + ] + }, + { + "id": 41937, + "cuisine": "southern_us", + "ingredients": [ + "jasmine rice", + "ground black pepper", + "chopped celery", + "chopped onion", + "dried thyme", + "bay leaves", + "salt", + "red bell pepper", + "water", + "chopped green bell pepper", + "crushed red pepper", + "garlic cloves", + "black-eyed peas", + "vegetable oil", + "onion tops", + "smoked ham hocks" + ] + }, + { + "id": 26473, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "cheese", + "scallions", + "canola oil", + "lettuce", + "low sodium chicken broth", + "salsa", + "sour cream", + "crushed tomatoes", + "salt", + "garlic cloves", + "chicken", + "avocado", + "wonton wrappers", + "taco seasoning", + "onions" + ] + }, + { + "id": 19729, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "peaches", + "water", + "barbecue sauce" + ] + }, + { + "id": 1048, + "cuisine": "mexican", + "ingredients": [ + "salt", + "garlic salt", + "ground black pepper", + "corn tortillas", + "shredded cheddar cheese", + "pork roast", + "vegetable oil", + "onions" + ] + }, + { + "id": 44683, + "cuisine": "italian", + "ingredients": [ + "salt", + "active dry yeast", + "white sugar", + "warm water", + "all-purpose flour", + "olive oil" + ] + }, + { + "id": 19644, + "cuisine": "chinese", + "ingredients": [ + "straw mushrooms", + "sesame oil", + "oyster sauce", + "cashew nuts", + "sugar", + "egg whites", + "salt", + "shrimp", + "water", + "ginger", + "carrots", + "snow peas", + "white pepper", + "Shaoxing wine", + "oil", + "corn starch" + ] + }, + { + "id": 47971, + "cuisine": "japanese", + "ingredients": [ + "salt", + "cooked rice", + "nori" + ] + }, + { + "id": 29186, + "cuisine": "russian", + "ingredients": [ + "ground black pepper", + "salt", + "sour cream", + "tomatoes", + "lamb stew meat", + "beets", + "cabbage", + "fresh dill", + "red wine vinegar", + "lemon juice", + "canola oil", + "bay leaves", + "beef broth", + "onions" + ] + }, + { + "id": 26056, + "cuisine": "mexican", + "ingredients": [ + "salt and ground black pepper", + "chili powder", + "cayenne pepper", + "shredded Monterey Jack cheese", + "flour tortillas", + "green enchilada sauce", + "onions", + "garlic powder", + "butter", + "cream cheese", + "ground cumin", + "jalapeno chilies", + "paprika", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 28852, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "purple onion", + "lime juice", + "sauce", + "avocado", + "salt", + "fresh cilantro" + ] + }, + { + "id": 20303, + "cuisine": "mexican", + "ingredients": [ + "lime", + "chili powder", + "salt", + "sour cream", + "ground cumin", + "kidney beans", + "cilantro", + "beer", + "onions", + "black beans", + "boneless skinless chicken breasts", + "garlic", + "pinto beans", + "masa harina", + "olive oil", + "diced tomatoes", + "sharp cheddar cheese", + "chipotles in adobo" + ] + }, + { + "id": 42900, + "cuisine": "indian", + "ingredients": [ + "unsweetened coconut milk", + "tumeric", + "vegetable oil", + "chickpeas", + "chopped cilantro fresh", + "red potato", + "low sodium vegetable broth", + "purple onion", + "cumin seed", + "cooked rice", + "fresh ginger", + "salt", + "carrots", + "cauliflower", + "pepper", + "garlic", + "ground coriander" + ] + }, + { + "id": 40879, + "cuisine": "french", + "ingredients": [ + "kidney beans", + "basil leaves", + "garlic", + "carrots", + "olive oil", + "potatoes", + "vegetable broth", + "white beans", + "water", + "grated parmesan cheese", + "diced tomatoes", + "salt", + "tomatoes", + "zucchini", + "fresh green bean", + "gruyere cheese", + "spaghetti" + ] + }, + { + "id": 35553, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "grated parmesan cheese", + "penne pasta", + "boneless skinless chicken breast halves", + "dried basil", + "diced tomatoes", + "red bell pepper", + "green bell pepper", + "dry white wine", + "corn starch", + "dried oregano", + "olive oil", + "garlic", + "onions" + ] + }, + { + "id": 19050, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "warm water", + "vinegar", + "vegetable oil", + "corn starch", + "green bell pepper", + "ketchup", + "pork tenderloin", + "oil", + "sugar", + "water", + "flour", + "carrots", + "pineapple chunks", + "soy sauce", + "egg whites", + "salt", + "red bell pepper" + ] + }, + { + "id": 39547, + "cuisine": "italian", + "ingredients": [ + "pecorino romano cheese", + "marsala wine", + "dried fig", + "fresh rosemary", + "proscuitto di parma", + "walnut pieces" + ] + }, + { + "id": 6906, + "cuisine": "italian", + "ingredients": [ + "lemon", + "freshly ground pepper", + "fresh rosemary", + "salt", + "chicken", + "sage leaves", + "extra-virgin olive oil", + "onions", + "dry white wine", + "meat bones" + ] + }, + { + "id": 20325, + "cuisine": "mexican", + "ingredients": [ + "corn", + "cooked chicken", + "enchilada sauce", + "onions", + "ground cumin", + "minced garlic", + "cooking spray", + "garlic cloves", + "fresh lime juice", + "shredded Monterey Jack cheese", + "black pepper", + "jalapeno chilies", + "red pepper", + "corn tortillas", + "plum tomatoes", + "zucchini", + "chili powder", + "feta cheese crumbles", + "chopped cilantro fresh" + ] + }, + { + "id": 7891, + "cuisine": "chinese", + "ingredients": [ + "water", + "Grand Marnier", + "corn starch", + "cooked rice", + "beef stew meat", + "garlic cloves", + "low sodium soy sauce", + "honey", + "peanut oil", + "orange rind", + "red chili peppers", + "beef broth", + "carrots" + ] + }, + { + "id": 16191, + "cuisine": "greek", + "ingredients": [ + "romaine lettuce", + "vegetable oil", + "salt", + "cumin", + "white vinegar", + "pepper", + "paprika", + "garlic cloves", + "sliced chicken", + "pita bread", + "cherry tomatoes", + "purple onion", + "cucumber", + "sugar", + "russet potatoes", + "greek style plain yogurt", + "ground oregano" + ] + }, + { + "id": 22101, + "cuisine": "french", + "ingredients": [ + "white vinegar", + "frisee", + "shallots", + "eggs", + "thick-cut bacon", + "red wine vinegar" + ] + }, + { + "id": 36262, + "cuisine": "japanese", + "ingredients": [ + "water", + "peeled fresh ginger", + "salt", + "black pepper", + "lower sodium soy sauce", + "boneless skinless chicken breasts", + "peanut oil", + "honey", + "green onions", + "rice vinegar", + "minced garlic", + "mirin", + "baby spinach", + "shiitake mushroom caps" + ] + }, + { + "id": 42209, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "crushed garlic", + "ripe olives", + "black beans", + "light beer", + "non-fat sour cream", + "green chile", + "fat-free cheddar cheese", + "diced tomatoes", + "cooked chicken breasts", + "fresh cilantro", + "green onions", + "salsa" + ] + }, + { + "id": 1797, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "yellow onion", + "yellow corn meal", + "baking soda", + "salt", + "milk", + "buttermilk", + "canola oil", + "eggs", + "cayenne", + "all-purpose flour" + ] + }, + { + "id": 4975, + "cuisine": "french", + "ingredients": [ + "chicken legs", + "flour", + "bacon", + "carrots", + "chicken thighs", + "pearl onions", + "mushrooms", + "salt", + "Burgundy wine", + "pepper", + "bay leaves", + "garlic", + "herbes de provence", + "chicken broth", + "fresh thyme", + "chicken breasts", + "cognac", + "fresh parsley" + ] + }, + { + "id": 24662, + "cuisine": "southern_us", + "ingredients": [ + "ground nutmeg", + "chopped fresh chives", + "salt", + "sour cream", + "chicken broth", + "grated parmesan cheese", + "shredded swiss cheese", + "chopped onion", + "large eggs", + "dry white wine", + "all-purpose flour", + "minced garlic", + "french bread", + "butter", + "freshly ground pepper" + ] + }, + { + "id": 12554, + "cuisine": "southern_us", + "ingredients": [ + "bacon", + "minced garlic", + "onions", + "pepper", + "salt", + "fresh green bean" + ] + }, + { + "id": 34370, + "cuisine": "italian", + "ingredients": [ + "eggs", + "minced onion", + "pasta", + "extra lean ground beef", + "dry bread crumbs", + "spinach", + "grated parmesan cheese", + "chicken broth", + "dried basil", + "carrots" + ] + }, + { + "id": 17398, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "peaches in heavy syrup", + "sugar", + "vanilla", + "eggs", + "buttermilk", + "pie shell", + "cinnamon", + "all-purpose flour" + ] + }, + { + "id": 36149, + "cuisine": "jamaican", + "ingredients": [ + "gingerroot", + "brown sugar", + "water" + ] + }, + { + "id": 11803, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "garlic", + "fresh lemon juice", + "olive oil", + "yellow onion", + "cumin", + "whole milk yoghurt", + "lamb", + "pepper", + "salt", + "fresh mint" + ] + }, + { + "id": 46562, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "green onions", + "garlic cloves", + "toasted sesame seeds", + "sugar", + "ground pepper", + "firm tofu", + "toasted sesame oil", + "olive oil", + "sea salt", + "carrots", + "glass noodles", + "fresh spinach", + "shiitake", + "yellow onion", + "red bell pepper" + ] + }, + { + "id": 18413, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "diced tomatoes", + "tomatoes", + "green onions", + "frozen chopped spinach", + "processed cheese", + "sour cream", + "Mexican cheese blend", + "cream cheese" + ] + }, + { + "id": 26544, + "cuisine": "italian", + "ingredients": [ + "tuna packed in water", + "Italian bread", + "zesty italian dressing", + "plum tomatoes", + "part-skim mozzarella cheese", + "ripe olives", + "romaine lettuce leaves" + ] + }, + { + "id": 34987, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "corn tortillas", + "canola oil", + "jalapeno chilies", + "reduced sodium canned chicken broth", + "pepper", + "onions", + "salt", + "chopped garlic" + ] + }, + { + "id": 9403, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "paprika", + "yellow corn meal", + "lemon pepper seasoning", + "catfish fillets", + "garlic powder", + "dried basil", + "cajun seasoning" + ] + }, + { + "id": 31781, + "cuisine": "indian", + "ingredients": [ + "sugar", + "vegetable oil", + "tomato ketchup", + "ground cumin", + "tomato purée", + "pepper", + "paneer", + "onions", + "garlic paste", + "chili powder", + "salt", + "greens", + "soy sauce", + "red pepper", + "chopped cilantro" + ] + }, + { + "id": 8222, + "cuisine": "vietnamese", + "ingredients": [ + "tapioca starch", + "sugar", + "crushed ice", + "adzuki beans", + "sauce", + "water" + ] + }, + { + "id": 5954, + "cuisine": "moroccan", + "ingredients": [ + "lemon", + "kosher salt", + "fresh lemon juice" + ] + }, + { + "id": 13857, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "chickpeas", + "ground ginger", + "chopped tomatoes", + "chopped cilantro", + "clove", + "olive oil", + "carrots", + "water", + "cinnamon" + ] + }, + { + "id": 5121, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "marinara sauce", + "baby spinach", + "dried oregano", + "low-fat cottage cheese", + "low-fat ricotta cheese", + "garlic", + "olive oil", + "egg whites", + "sea salt", + "grated parmesan cheese", + "whole wheat lasagna noodles", + "shredded mozzarella cheese" + ] + }, + { + "id": 13190, + "cuisine": "cajun_creole", + "ingredients": [ + "white chocolate", + "butter", + "coconut", + "cream", + "almonds" + ] + }, + { + "id": 12915, + "cuisine": "chinese", + "ingredients": [ + "hot mustard", + "green onions", + "seasoning", + "light soy sauce", + "corn starch", + "wakame", + "sugar", + "vegetable oil", + "spring roll wrappers", + "natto" + ] + }, + { + "id": 14777, + "cuisine": "italian", + "ingredients": [ + "eggs", + "sliced mushrooms", + "boneless chicken breast", + "spinach", + "fettucine", + "heavy cream" + ] + }, + { + "id": 32865, + "cuisine": "mexican", + "ingredients": [ + "key lime juice", + "honey", + "sweet chili sauce", + "chicken fingers" + ] + }, + { + "id": 5382, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "whole wheat tortillas", + "chopped cilantro fresh", + "black beans", + "low-fat cheese", + "fresh lime juice", + "fresh tomatoes", + "Tabasco Green Pepper Sauce", + "cucumber", + "taco seasoning mix", + "green onions", + "ground beef" + ] + }, + { + "id": 18637, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "vegetable oil", + "chopped cilantro fresh", + "hot pepper sauce", + "onions", + "tomatoes", + "corn tortillas", + "flank steak", + "garlic salt" + ] + }, + { + "id": 34165, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "kosher salt", + "ancho powder", + "pork shoulder", + "slaw", + "guacamole", + "fat", + "cumin", + "mandarin juice", + "lime", + "garlic", + "onions", + "liquid smoke", + "black pepper", + "chili powder", + "corn tortillas" + ] + }, + { + "id": 8340, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "salt", + "beansprouts", + "cold water", + "flour", + "oil", + "celery", + "soy sauce", + "chinese five-spice powder", + "toasted sesame oil", + "low sodium stock", + "mushrooms", + "corn starch", + "onions" + ] + }, + { + "id": 1367, + "cuisine": "mexican", + "ingredients": [ + "tilapia fillets", + "Anaheim chile", + "crushed red pepper flakes", + "cayenne pepper", + "dried oregano", + "chicken stock", + "ground black pepper", + "butter", + "garlic", + "chopped cilantro fresh", + "kosher salt", + "sliced black olives", + "worcestershire sauce", + "yellow onion", + "plum tomatoes", + "lime", + "dry white wine", + "extra-virgin olive oil", + "creole seasoning", + "ground cumin" + ] + }, + { + "id": 33250, + "cuisine": "brazilian", + "ingredients": [ + "olive oil", + "green onions", + "diced tomatoes", + "all-purpose flour", + "white onion", + "granulated sugar", + "ice water", + "salt", + "frozen peas", + "eggs", + "unsalted butter", + "cooked chicken", + "beaten eggs", + "low sodium chicken stock", + "tomato paste", + "ground black pepper", + "dry white wine", + "garlic", + "frozen corn kernels" + ] + }, + { + "id": 45280, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "marinade", + "garlic", + "sweet chili sauce", + "pork loin", + "grapeseed oil", + "oyster sauce", + "sugar", + "lime", + "red capsicum", + "tamari soy sauce", + "white pepper", + "capsicum", + "dipping sauces" + ] + }, + { + "id": 23348, + "cuisine": "indian", + "ingredients": [ + "minced ginger", + "garlic", + "oil", + "coriander powder", + "chickpeas", + "onions", + "chopped tomatoes", + "salt", + "lemon juice", + "fenugreek leaves", + "chili powder", + "cumin seed", + "ground cumin" + ] + }, + { + "id": 45554, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "garlic powder", + "sea salt", + "chili sauce", + "black pepper", + "green tomatoes", + "all-purpose flour", + "flat leaf parsley", + "mayonaise", + "dijon mustard", + "cracked black pepper", + "Italian seasoned breadcrumbs", + "fresh chives", + "buttermilk", + "sauce", + "thick-cut bacon" + ] + }, + { + "id": 45558, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "yellow onion", + "ground beef", + "cheese", + "sour cream", + "flour tortillas", + "taco seasoning", + "hot sauce", + "cream of mushroom soup" + ] + }, + { + "id": 11143, + "cuisine": "indian", + "ingredients": [ + "caraway seeds", + "garlic paste", + "jalapeno chilies", + "keema", + "ground cardamom", + "ground cinnamon", + "garam masala", + "chili powder", + "cilantro leaves", + "ground turmeric", + "tomatoes", + "water", + "mint leaves", + "salt", + "onions", + "fenugreek leaves", + "coriander powder", + "green peas", + "oil", + "ground cumin" + ] + }, + { + "id": 30474, + "cuisine": "italian", + "ingredients": [ + "pasta", + "all-purpose flour", + "shortening", + "sausages", + "eggs", + "provolone cheese", + "cold water", + "salami" + ] + }, + { + "id": 27462, + "cuisine": "italian", + "ingredients": [ + "sugar", + "salt", + "lemon juice", + "whole milk", + "Meyer lemon peel", + "large eggs", + "all-purpose flour", + "whipped cream", + "Meyer lemon juice" + ] + }, + { + "id": 37895, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "butter", + "hot water", + "chicken bouillon", + "hot pepper sauce", + "garlic", + "ground cumin", + "tomatoes", + "cream style corn", + "cilantro sprigs", + "shredded Monterey Jack cheese", + "cream", + "boneless skinless chicken breasts", + "chopped onion" + ] + }, + { + "id": 1763, + "cuisine": "irish", + "ingredients": [ + "chicken stock", + "salt", + "black pepper", + "savoy cabbage leaves", + "diced tomatoes in juice", + "irish bacon", + "potatoes" + ] + }, + { + "id": 26048, + "cuisine": "southern_us", + "ingredients": [ + "fat free less sodium chicken broth", + "diced tomatoes", + "reduced fat sharp cheddar cheese", + "quickcooking grits", + "red bell pepper", + "green bell pepper", + "green onions", + "medium shrimp", + "fat free milk", + "canadian bacon" + ] + }, + { + "id": 40994, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "salt", + "chicken stock", + "heavy cream", + "green peppercorns", + "calvados", + "freshly ground pepper", + "olive oil", + "veal rib chops" + ] + }, + { + "id": 20176, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "sugar", + "heavy cream", + "baking powder", + "unsalted butter", + "salt" + ] + }, + { + "id": 4115, + "cuisine": "italian", + "ingredients": [ + "all-purpose flour", + "sliced almonds", + "confectioners sugar", + "almond paste", + "egg whites", + "white sugar" + ] + }, + { + "id": 42176, + "cuisine": "thai", + "ingredients": [ + "low-fat coconut milk", + "mushrooms", + "garlic", + "brown sugar", + "cilantro", + "red bell pepper", + "fish sauce", + "vegetable oil", + "beef broth", + "spinach leaves", + "sirloin", + "red" + ] + }, + { + "id": 17905, + "cuisine": "greek", + "ingredients": [ + "cooking spray", + "garlic cloves", + "zucchini", + "salt", + "dried oregano", + "olive oil", + "purple onion", + "leg of lamb", + "pepper", + "yellow bell pepper", + "fresh lemon juice" + ] + }, + { + "id": 8238, + "cuisine": "indian", + "ingredients": [ + "cooked rice", + "shallots", + "serrano chile", + "white vinegar", + "fresh curry leaves", + "light coconut milk", + "large shrimp", + "kosher salt", + "ginger", + "ground turmeric", + "tomatoes", + "ground red pepper", + "sweet paprika", + "canola oil" + ] + }, + { + "id": 44601, + "cuisine": "filipino", + "ingredients": [ + "water", + "condensed milk", + "refined sugar", + "evaporated milk", + "eggs", + "vanilla" + ] + }, + { + "id": 37851, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "sauce", + "iceberg lettuce", + "corn salsa", + "flour tortillas", + "lemon juice", + "radicchio", + "garlic cloves", + "southwest seasoning", + "cilantro leaves", + "shrimp" + ] + }, + { + "id": 25231, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "green onions", + "salad dressing", + "black beans", + "mexicorn", + "tomatoes", + "red wine vinegar", + "olive oil", + "purple onion" + ] + }, + { + "id": 36076, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "grated parmesan cheese", + "low sodium chicken stock", + "ground black pepper", + "shallots", + "olive oil", + "butternut squash", + "sage leaves", + "unsalted butter", + "heavy cream" + ] + }, + { + "id": 35318, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "Sriracha", + "garlic", + "peanut oil", + "celery stick", + "water", + "Shaoxing wine", + "cilantro leaves", + "oyster sauce", + "sugar", + "medium tomatoes", + "shallots", + "roasted peanuts", + "onions", + "chicken wings", + "ketchup", + "tapioca starch", + "salt", + "oil" + ] + }, + { + "id": 21884, + "cuisine": "mexican", + "ingredients": [ + "milk", + "vegetable stock", + "red bell pepper", + "unsalted butter", + "frozen corn kernels", + "masa harina", + "corn husks", + "salt", + "poblano chiles", + "baking powder", + "scallions" + ] + }, + { + "id": 1410, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "garbanzo beans", + "carrots", + "ground turmeric", + "curry powder", + "sweet potatoes", + "couscous", + "turnips", + "olive oil", + "vegetable broth", + "onions", + "tomato sauce", + "zucchini", + "red bell pepper", + "saffron" + ] + }, + { + "id": 4309, + "cuisine": "jamaican", + "ingredients": [ + "curry powder", + "ground black pepper", + "onions", + "tomatoes", + "olive oil", + "vegetable oil", + "dried thyme", + "goat", + "allspice", + "water", + "coriander seeds", + "garlic" + ] + }, + { + "id": 19732, + "cuisine": "mexican", + "ingredients": [ + "sea salt", + "water", + "pumpkin seeds", + "eggs", + "salsa", + "epazote", + "corn tortillas" + ] + }, + { + "id": 41701, + "cuisine": "italian", + "ingredients": [ + "milk", + "all-purpose flour", + "eggs", + "ricotta cheese", + "miniature semisweet chocolate chips", + "baking powder", + "white sugar", + "shortening", + "vanilla extract" + ] + }, + { + "id": 6833, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "chopped fresh mint", + "fresh dill", + "fresh lemon juice", + "salt", + "Homemade Yogurt", + "minced garlic", + "cucumber" + ] + }, + { + "id": 40899, + "cuisine": "indian", + "ingredients": [ + "coconut", + "water" + ] + }, + { + "id": 25367, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "butter", + "pumpkin pie spice", + "sugar", + "sweet potatoes", + "vanilla extract", + "eggs", + "lemon extract", + "whipped cream", + "evaporated milk", + "pastry shell", + "salt" + ] + }, + { + "id": 41252, + "cuisine": "mexican", + "ingredients": [ + "piloncillo", + "bolillo", + "cinnamon", + "eggs", + "unsalted butter", + "raisins", + "vanilla ice cream", + "chopped almonds", + "country white bread", + "mozzarella cheese", + "asadero" + ] + }, + { + "id": 41056, + "cuisine": "indian", + "ingredients": [ + "coarse salt", + "olive oil", + "water", + "chapati flour", + "whole wheat flour" + ] + }, + { + "id": 32631, + "cuisine": "mexican", + "ingredients": [ + "corn tortillas" + ] + }, + { + "id": 3500, + "cuisine": "mexican", + "ingredients": [ + "margarine", + "self rising flour", + "milk", + "cheese" + ] + }, + { + "id": 3317, + "cuisine": "mexican", + "ingredients": [ + "grape tomatoes", + "ranch dressing", + "KRAFT Mexican Style Finely Shredded Four Cheese", + "BREAKSTONE'S Sour Cream", + "slaw mix", + "lime juice", + "chili powder", + "salsa", + "boneless skinless chicken breasts", + "whole wheat tortillas" + ] + }, + { + "id": 28768, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "soba noodles", + "soy sauce", + "red chard", + "onions", + "mushrooms", + "scallions", + "dashi", + "soft-boiled egg" + ] + }, + { + "id": 46673, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "tomato salsa", + "freshly ground pepper", + "shredded cheddar cheese", + "chicken breast halves", + "sauce", + "chopped cilantro fresh", + "black beans", + "guacamole", + "salsa", + "sour cream", + "radishes", + "coarse salt", + "tortilla chips", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 49023, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "granulated sugar", + "salt", + "pecan halves", + "light corn syrup", + "cold water", + "large eggs", + "all-purpose flour", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 48138, + "cuisine": "cajun_creole", + "ingredients": [ + "dijon mustard", + "salt", + "vidalia onion", + "red wine vinegar", + "tomatoes", + "chopped fresh chives", + "fresh mint", + "olive oil", + "garlic" + ] + }, + { + "id": 49282, + "cuisine": "mexican", + "ingredients": [ + "condensed cream of chicken soup", + "pepper", + "refried beans", + "boneless skinless chicken breasts", + "onion powder", + "condensed cream of mushroom soup", + "garlic", + "shredded parmesan cheese", + "non stick spray", + "shredded cheese", + "lemon juice", + "onions", + "soy sauce", + "crushed tomatoes", + "lasagna noodles", + "swiss cheese", + "deli ham", + "dry sherry", + "salt", + "salsa", + "Italian seasoned breadcrumbs", + "turkey sausage links", + "ground beef", + "italian seasoning", + "tomatoes", + "black beans", + "milk", + "flour tortillas", + "chili powder", + "butter", + "diced tomatoes", + "boneless skinless chicken", + "rice", + "taco seasoning", + "enchilada sauce", + "fresh parsley", + "chicken", + "tomato sauce", + "water", + "garlic powder", + "french fried onions", + "ricotta cheese", + "fresh green bean", + "chicken stock cubes", + "broccoli", + "tortilla chips", + "shredded mozzarella cheese", + "ground turkey", + "cabbage" + ] + }, + { + "id": 13560, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "dried oregano", + "grape tomatoes", + "english cucumber", + "cheese cubes", + "fresh oregano leaves", + "lemon juice" + ] + }, + { + "id": 34640, + "cuisine": "italian", + "ingredients": [ + "water", + "lemon", + "tumeric", + "asparagus", + "salt", + "chicken broth", + "olive oil", + "garlic", + "pepper", + "orzo pasta", + "fresh parsley" + ] + }, + { + "id": 40200, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "chicken breasts", + "cilantro", + "scallions", + "onions", + "kosher salt", + "vegetable oil", + "fat-free chicken broth", + "nonstick spray", + "cumin", + "tomato sauce", + "chili powder", + "garlic", + "Mexican cheese", + "dried oregano", + "pepper", + "whole wheat tortillas", + "salt", + "chipotles in adobo", + "ground cumin" + ] + }, + { + "id": 30177, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "corn", + "chili powder", + "salt", + "onions", + "black pepper", + "olive oil", + "cilantro", + "sour cream", + "cumin", + "cheddar cheese", + "lime", + "diced tomatoes", + "cayenne pepper", + "coriander", + "avocado", + "black beans", + "chicken breasts", + "garlic", + "corn tortillas" + ] + }, + { + "id": 15254, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "orange juice", + "basmati rice", + "raisins", + "chicken pieces", + "chicken broth", + "salt", + "onions", + "butter", + "bay leaf" + ] + }, + { + "id": 22928, + "cuisine": "italian", + "ingredients": [ + "pepper", + "diced tomatoes", + "long grain white rice", + "dry white wine", + "garlic", + "unsalted butter", + "fresh tarragon", + "kosher salt", + "baby spinach", + "medium shrimp" + ] + }, + { + "id": 17026, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "tuna drained and flaked", + "black olives", + "red bell pepper", + "white vinegar", + "pickling spices", + "vegetable oil", + "carrots", + "green bell pepper", + "mushrooms", + "chopped celery", + "cauliflower", + "pearl onions", + "pitted green olives", + "cucumber" + ] + }, + { + "id": 30592, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "red bell pepper", + "green bell pepper", + "salsa", + "yellow bell pepper", + "mayonaise", + "cream cheese" + ] + }, + { + "id": 9026, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "squid", + "onions", + "peeled fresh ginger", + "fresh lemon juice", + "serrano chile", + "ground black pepper", + "garlic cloves", + "chopped cilantro fresh", + "mussels", + "salt", + "mustard seeds", + "canola oil" + ] + }, + { + "id": 46983, + "cuisine": "french", + "ingredients": [ + "eggs", + "lemon", + "dijon mustard", + "freshly ground pepper", + "olive oil", + "sea salt", + "garlic bulb", + "artichok heart marin", + "canola oil" + ] + }, + { + "id": 29538, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "butter", + "casings", + "fresh parsley", + "water", + "asiago", + "salt", + "vodka", + "red pepper flakes", + "cheese", + "onions", + "tomatoes", + "olive oil", + "heavy cream", + "gnocchi" + ] + }, + { + "id": 35450, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "chopped celery", + "long grain brown rice", + "butter", + "chopped onion", + "steak", + "cajun seasoning", + "salt", + "red bell pepper", + "chicken broth", + "extra-virgin olive oil", + "shrimp" + ] + }, + { + "id": 15414, + "cuisine": "french", + "ingredients": [ + "pitted kalamata olives", + "garlic", + "anchovies", + "pepper", + "salt", + "olive oil" + ] + }, + { + "id": 10335, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "flour", + "garlic", + "dried oregano", + "black pepper", + "olive oil", + "lean ground beef", + "yellow onion", + "ground cumin", + "chicken broth", + "jack", + "chili powder", + "salt", + "cumin", + "chili", + "flour tortillas", + "vegetable oil", + "powdered garlic" + ] + }, + { + "id": 35261, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "green onions", + "baked tortilla chips", + "fresh lime juice", + "crumbles", + "jalapeno chilies", + "non-fat sour cream", + "pinto beans", + "shredded Monterey Jack cheese", + "fresh cilantro", + "cooking spray", + "chopped onion", + "ripe olives", + "ground cumin", + "ground black pepper", + "chili powder", + "garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 29354, + "cuisine": "italian", + "ingredients": [ + "garlic", + "butter", + "anchovy fillets", + "heavy cream" + ] + }, + { + "id": 48513, + "cuisine": "french", + "ingredients": [ + "black pepper", + "salt", + "shallots", + "unsalted butter", + "flat leaf parsley", + "minced garlic", + "fresh lemon juice" + ] + }, + { + "id": 35519, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "all purpose unbleached flour", + "fresh dill", + "baking powder", + "salt", + "sugar", + "vegetable shortening", + "large eggs", + "buttermilk" + ] + }, + { + "id": 16543, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "cabbage", + "salt", + "bacon", + "white sugar" + ] + }, + { + "id": 38911, + "cuisine": "indian", + "ingredients": [ + "mild olive oil", + "chili powder", + "spelt flour", + "garlic cloves", + "onions", + "whole grain spelt flour", + "cilantro leaves", + "firm tofu", + "lemon juice", + "ground cumin", + "garam masala", + "paprika", + "green pepper", + "ground cardamom", + "cashew nuts", + "low sodium salt", + "mint leaves", + "natural yogurt", + "green chilies", + "ginger root" + ] + }, + { + "id": 27975, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "zucchini", + "cheese tortellini", + "carrots", + "dried basil", + "beef stock", + "sweet italian sausage", + "tomato sauce", + "grated parmesan cheese", + "dry red wine", + "dried oregano", + "chopped tomatoes", + "large garlic cloves", + "chopped onion" + ] + }, + { + "id": 23516, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "water", + "chicken strips", + "oil", + "red chili peppers", + "yoghurt", + "cilantro leaves", + "onions", + "sugar", + "vinegar", + "salt", + "garlic cloves", + "pepper", + "lemon", + "curds", + "cumin" + ] + }, + { + "id": 5959, + "cuisine": "greek", + "ingredients": [ + "chicken stock", + "kalamata", + "fillets", + "butter", + "extra-virgin olive oil", + "onions", + "yukon gold potatoes", + "dry red wine", + "fresh parsley", + "diced tomatoes", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 2076, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "garlic chili sauce", + "dried red chile peppers", + "chinese rice wine", + "hoisin sauce", + "boneless chicken", + "corn starch", + "bamboo shoots", + "chicken broth", + "minced garlic", + "balsamic vinegar", + "oyster sauce", + "celery", + "sugar", + "cooking oil", + "roasted peanuts", + "red bell pepper" + ] + }, + { + "id": 30107, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "onions", + "asparagus", + "whole milk ricotta cheese", + "bread crumb fresh", + "grated parmesan cheese", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 15984, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "sherry wine vinegar", + "sauce", + "flat leaf parsley", + "almonds", + "yukon gold potatoes", + "garlic", + "smoked paprika", + "tomato paste", + "roasted red peppers", + "chopped fresh thyme", + "pimento stuffed olives", + "onions", + "kosher salt", + "large eggs", + "extra-virgin olive oil", + "feta cheese crumbles" + ] + }, + { + "id": 12399, + "cuisine": "thai", + "ingredients": [ + "jasmine rice", + "light coconut milk", + "fresh lime juice", + "fish sauce", + "cooking spray", + "dark brown sugar", + "water", + "red curry paste", + "large shrimp", + "kosher salt", + "butter", + "red bell pepper" + ] + }, + { + "id": 11065, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "cilantro stems", + "fresh lime juice", + "sugar", + "white wine vinegar", + "sea salt", + "canola oil" + ] + }, + { + "id": 11537, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "lemon zest", + "cinnamon sticks", + "honey", + "fresh orange juice", + "amontillado sherry", + "half & half", + "orange zest", + "large egg yolks", + "calimyrna figs" + ] + }, + { + "id": 6229, + "cuisine": "french", + "ingredients": [ + "evaporated milk", + "white sugar", + "warm water", + "salt", + "eggs", + "butter", + "active dry yeast", + "all-purpose flour" + ] + }, + { + "id": 2167, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "beef broth", + "chopped cilantro fresh", + "chopped tomatoes", + "all-purpose flour", + "onions", + "white rice", + "lean beef", + "salt", + "carrots" + ] + }, + { + "id": 29148, + "cuisine": "french", + "ingredients": [ + "pepper", + "1% low-fat milk", + "garlic cloves", + "white bread", + "butter", + "all-purpose flour", + "red bell pepper", + "grated parmesan cheese", + "salt", + "sliced mushrooms", + "fat free less sodium chicken broth", + "dry sherry", + "chopped onion", + "noodles" + ] + }, + { + "id": 25549, + "cuisine": "spanish", + "ingredients": [ + "bread", + "large garlic cloves", + "flat leaf parsley", + "water", + "salt", + "saffron threads", + "sherry vinegar", + "blanched almonds", + "chicken broth", + "extra-virgin olive oil" + ] + }, + { + "id": 40024, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "beef stew meat", + "carrots", + "ground turmeric", + "water", + "paprika", + "garlic cloves", + "onions", + "ground ginger", + "dried apricot", + "salt", + "flat leaf parsley", + "ground cumin", + "black pepper", + "green onions", + "less sodium beef broth", + "couscous" + ] + }, + { + "id": 12316, + "cuisine": "french", + "ingredients": [ + "water", + "rosé wine", + "grated lemon zest", + "flat leaf parsley", + "cannellini beans", + "extra-virgin olive oil", + "organic vegetable broth", + "cooking spray", + "chopped fresh thyme", + "chopped onion", + "fresh rosemary", + "shallots", + "artichokes", + "garlic cloves" + ] + }, + { + "id": 16898, + "cuisine": "japanese", + "ingredients": [ + "sake", + "shiitake", + "shichimi togarashi", + "chicken breast fillets", + "abura age", + "spring onions", + "eggs", + "dashi", + "dried udon", + "water", + "mirin", + "red miso" + ] + }, + { + "id": 29492, + "cuisine": "brazilian", + "ingredients": [ + "brazil nuts", + "garlic", + "corn starch", + "onions", + "fish steaks", + "olive oil", + "coconut cream", + "bay leaf", + "water", + "salt", + "coconut milk", + "manioc flour", + "hot pepper", + "shrimp", + "dried shrimp" + ] + }, + { + "id": 46243, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "white beans", + "extra-virgin olive oil", + "fresh lemon juice", + "baby arugula", + "garlic cloves", + "peeled shrimp" + ] + }, + { + "id": 45466, + "cuisine": "korean", + "ingredients": [ + "fish sauce", + "cold water", + "green onions", + "mirin", + "eggs", + "salt" + ] + }, + { + "id": 17660, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "condensed cream of mushroom soup", + "condensed cream of chicken soup", + "cooked chicken", + "freshly ground pepper", + "lasagna noodles", + "fresh mushrooms", + "frozen broccoli florets", + "shredded Italian cheese", + "sour cream" + ] + }, + { + "id": 12021, + "cuisine": "italian", + "ingredients": [ + "bread dough", + "egg whites", + "raisins", + "vegetable oil cooking spray", + "dried rosemary" + ] + }, + { + "id": 42610, + "cuisine": "indian", + "ingredients": [ + "vegetables", + "rice", + "salt", + "cooking oil", + "daal", + "fenugreek seeds" + ] + }, + { + "id": 19627, + "cuisine": "indian", + "ingredients": [ + "water", + "chili powder", + "garlic", + "bay leaf", + "clove", + "coriander powder", + "ginger", + "rajma", + "ground turmeric", + "garam masala", + "cinnamon", + "salt", + "onions", + "tomatoes", + "potatoes", + "kasuri methi", + "oil" + ] + }, + { + "id": 43542, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "red bell pepper", + "ground black pepper", + "garlic cloves", + "orange bell pepper", + "ground coriander", + "chopped cilantro fresh", + "yellow bell pepper", + "fresh lemon juice" + ] + }, + { + "id": 42646, + "cuisine": "italian", + "ingredients": [ + "light butter", + "baking soda", + "extract", + "chopped pecans", + "vegetable oil cooking spray", + "egg whites", + "all-purpose flour", + "coconut extract", + "low-fat buttermilk", + "vanilla extract", + "sugar", + "egg yolks", + "lemon rind" + ] + }, + { + "id": 4258, + "cuisine": "italian", + "ingredients": [ + "romaine lettuce", + "hot pepper sauce", + "worcestershire sauce", + "fresh lemon juice", + "baguette", + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "water", + "cooking spray", + "garlic cloves", + "pesto", + "dijon mustard", + "anchovy paste", + "canola mayonnaise" + ] + }, + { + "id": 11951, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "water", + "sharp cheddar cheese", + "kosher salt", + "whole milk", + "ground black pepper", + "polenta" + ] + }, + { + "id": 19092, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "shrimp", + "water", + "garlic", + "grits", + "diced tomatoes", + "olive oil flavored cooking spray", + "chopped green bell pepper", + "carrots" + ] + }, + { + "id": 1635, + "cuisine": "mexican", + "ingredients": [ + "lime", + "radishes", + "purple onion", + "onions", + "black pepper", + "olive oil", + "low sodium chicken broth", + "tortilla chips", + "kosher salt", + "hominy", + "garlic", + "ground chile", + "avocado", + "chili", + "pork ribs", + "cilantro leaves", + "dried oregano" + ] + }, + { + "id": 14521, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "pepperoncini", + "sour cream", + "paprika", + "lemon juice", + "ground pepper", + "grated lemon zest", + "pitted kalamata olives", + "salt", + "chicken leg quarters" + ] + }, + { + "id": 35148, + "cuisine": "italian", + "ingredients": [ + "freshly grated parmesan", + "salt", + "penne", + "mushrooms", + "scallions", + "ground black pepper", + "goat cheese", + "olive oil", + "butternut squash", + "squash" + ] + }, + { + "id": 42922, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "butter", + "fresh sage", + "olive oil", + "all-purpose flour", + "nutmeg", + "pepper", + "salt", + "eggs", + "parmigiano reggiano cheese", + "ricotta" + ] + }, + { + "id": 42542, + "cuisine": "italian", + "ingredients": [ + "orange bell pepper", + "garlic", + "bertolli vineyard premium collect marinara with burgundi wine sauc", + "dry white wine", + "clams, well scrub", + "Bertolli® Classico Olive Oil", + "yellow onion", + "large shrimp", + "scallops", + "clam juice", + "flat leaf parsley" + ] + }, + { + "id": 36130, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "diced tomatoes", + "ground coriander", + "ground cumin", + "spinach", + "chili powder", + "salt", + "chopped cilantro", + "shallots", + "ginger", + "garlic cloves", + "tumeric", + "vegetable oil", + "green chilies", + "ground beef" + ] + }, + { + "id": 38839, + "cuisine": "indian", + "ingredients": [ + "ground cardamom", + "water", + "white sugar", + "fresh lime juice", + "milk" + ] + }, + { + "id": 15654, + "cuisine": "brazilian", + "ingredients": [ + "lime juice", + "green onions", + "cilantro", + "onions", + "salmon fillets", + "zucchini", + "red pepper", + "garlic cloves", + "water", + "sweet potatoes", + "sea salt", + "coconut milk", + "tomatoes", + "olive oil", + "chile pepper", + "green pepper" + ] + }, + { + "id": 5495, + "cuisine": "southern_us", + "ingredients": [ + "beer", + "worcestershire sauce", + "seasoning salt", + "vegetable juice cocktail", + "hot sauce" + ] + }, + { + "id": 7918, + "cuisine": "french", + "ingredients": [ + "black peppercorns", + "white wine vinegar", + "dry white wine", + "ground white pepper", + "shallots", + "unsalted butter", + "salt" + ] + }, + { + "id": 17289, + "cuisine": "french", + "ingredients": [ + "dijon style mustard", + "olive oil", + "white wine vinegar" + ] + }, + { + "id": 39394, + "cuisine": "thai", + "ingredients": [ + "eggs", + "lime", + "rice noodles", + "tamarind paste", + "chopped cilantro", + "sugar", + "boneless skinless chicken breasts", + "garlic", + "scallions", + "fish sauce", + "extra firm tofu", + "vegetable oil", + "roasted peanuts", + "chili pepper", + "shallots", + "rice vinegar", + "beansprouts" + ] + }, + { + "id": 46498, + "cuisine": "cajun_creole", + "ingredients": [ + "catfish fillets", + "fresh lemon juice", + "lemon wedge", + "vegetable oil cooking spray", + "cajun seasoning" + ] + }, + { + "id": 41510, + "cuisine": "french", + "ingredients": [ + "cointreau", + "large eggs", + "bittersweet chocolate", + "prunes", + "unsalted butter", + "heavy cream", + "orange zest", + "sugar", + "half & half", + "armagnac", + "vanilla beans", + "creme anglaise", + "grated orange" + ] + }, + { + "id": 11605, + "cuisine": "british", + "ingredients": [ + "sultana", + "butter", + "ground ginger", + "granulated sugar", + "eggs", + "self rising flour", + "milk", + "corn syrup" + ] + }, + { + "id": 11595, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "garlic powder", + "purple onion", + "fresh cilantro", + "diced tomatoes", + "fresh tomatoes", + "jalapeno chilies", + "salt", + "olive oil", + "garlic" + ] + }, + { + "id": 42309, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed light brown sugar", + "chopped pecans", + "whipping cream", + "powdered sugar", + "vanilla extract", + "butter" + ] + }, + { + "id": 34820, + "cuisine": "chinese", + "ingredients": [ + "white onion", + "water chestnuts", + "ginger", + "red bell pepper", + "green bell pepper, slice", + "crushed red pepper flakes", + "shrimp", + "water", + "sesame oil", + "garlic", + "soy sauce", + "hoisin sauce", + "button mushrooms", + "corn starch" + ] + }, + { + "id": 37344, + "cuisine": "southern_us", + "ingredients": [ + "whole cloves", + "frozen orange juice concentrate", + "honey", + "boneless ham" + ] + }, + { + "id": 41462, + "cuisine": "mexican", + "ingredients": [ + "guacamole", + "salsa", + "corn tortillas", + "pepper", + "lean ground beef", + "sour cream", + "cheddar cheese", + "green onions", + "enchilada sauce", + "onions", + "shredded cheddar cheese", + "vegetable oil", + "chopped parsley" + ] + }, + { + "id": 11063, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "potatoes", + "salt", + "fresh ginger", + "crushed garlic", + "ground turmeric", + "fresh coriander", + "vegetable oil", + "cumin seed", + "garam masala", + "paprika", + "ground cumin" + ] + }, + { + "id": 26950, + "cuisine": "chinese", + "ingredients": [ + "mirin", + "chopped onion", + "ground white pepper", + "gluten free soy sauce", + "eggs", + "brown rice", + "scallions", + "beansprouts", + "extra firm tofu", + "peanut oil", + "green beans", + "minced garlic", + "ginger", + "carrots", + "toasted sesame oil" + ] + }, + { + "id": 28692, + "cuisine": "french", + "ingredients": [ + "sugar", + "glace cherries", + "heavy cream", + "vanilla essence", + "milk", + "rum", + "fruit", + "gelatin", + "rice", + "cold water", + "candied pineapple", + "egg yolks", + "citron" + ] + }, + { + "id": 15751, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "dry white wine", + "purple onion", + "dried oregano", + "cod", + "marinara sauce", + "garlic", + "flat leaf parsley", + "dried basil", + "clam juice", + "shrimp", + "olive oil", + "red pepper flakes", + "red bell pepper" + ] + }, + { + "id": 46922, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "salt", + "lemon juice", + "red chili powder", + "coriander powder", + "liver", + "ground turmeric", + "tomato purée", + "garam masala", + "brown cardamom", + "onions", + "garlic paste", + "keema", + "oil" + ] + }, + { + "id": 47766, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "all-purpose flour", + "curry powder", + "paprika", + "chicken drumsticks", + "poultry seasoning", + "ground pepper", + "salt" + ] + }, + { + "id": 19973, + "cuisine": "mexican", + "ingredients": [ + "water", + "Mexican beer", + "red bell pepper", + "romano cheese", + "chili powder", + "garlic", + "long grain white rice", + "red chili peppers", + "lime", + "extra-virgin olive oil", + "boneless skinless chicken breast halves", + "pepper", + "lemon", + "salt", + "dried oregano" + ] + }, + { + "id": 23183, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "mushrooms", + "garlic", + "olive oil", + "peas", + "onions", + "pepper", + "butter", + "salt", + "grated parmesan cheese", + "vegetable broth" + ] + }, + { + "id": 4063, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "vegetable oil", + "water", + "butter", + "mozzarella cheese", + "queso fresco", + "arepa flour" + ] + }, + { + "id": 14803, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "dry white wine", + "heavy whipping cream", + "arborio rice", + "ground black pepper", + "salt", + "water", + "butter", + "parmigiano-reggiano cheese", + "asparagus", + "chopped onion" + ] + }, + { + "id": 3759, + "cuisine": "southern_us", + "ingredients": [ + "apple juice", + "sugar", + "salt", + "grape juice" + ] + }, + { + "id": 34889, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "cold cut", + "fresh basil", + "balsamic vinegar", + "extra-virgin olive oil", + "genoa salami", + "roasted red peppers", + "tapenade", + "prosciutto", + "fresh mozzarella", + "ciabatta" + ] + }, + { + "id": 32227, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "fresh parmesan cheese", + "all-purpose flour", + "butter-margarine blend", + "cheese", + "evaporated skim milk", + "pepper", + "salt", + "fresh basil", + "cooked rigatoni", + "crumbled gorgonzola" + ] + }, + { + "id": 1642, + "cuisine": "cajun_creole", + "ingredients": [ + "chili powder", + "black pepper", + "creole seasoning", + "garlic powder", + "onion powder" + ] + }, + { + "id": 3338, + "cuisine": "italian", + "ingredients": [ + "salad greens", + "Italian cheese", + "purple onion", + "pepperoni slices", + "pimentos", + "water", + "italian salad dressing" + ] + }, + { + "id": 39354, + "cuisine": "italian", + "ingredients": [ + "butter", + "fresh parsley", + "french baguette", + "pimento stuffed olives", + "black olives", + "shredded Monterey Jack cheese", + "parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 30868, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "cooking spray", + "dry bread crumbs", + "fresh basil", + "fat free milk", + "butter", + "fresh spinach", + "large eggs", + "salt", + "red potato", + "large egg whites", + "leeks", + "provolone cheese" + ] + }, + { + "id": 3297, + "cuisine": "spanish", + "ingredients": [ + "stock", + "Italian parsley leaves", + "garlic cloves", + "celery ribs", + "olive oil", + "ground pork", + "country white bread", + "fat free milk", + "salt", + "pinenuts", + "turkey", + "ground turkey" + ] + }, + { + "id": 21217, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "boneless skinless chicken breasts", + "frozen corn", + "black beans", + "flour tortillas", + "baby spinach", + "cumin", + "pepper jack", + "chili powder", + "onions", + "pepper", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 42481, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "crawfish", + "butter salt", + "chili flakes", + "shallots", + "sage", + "pasta", + "andouille sausage", + "heavy cream", + "tomato purée", + "olive oil", + "garlic" + ] + }, + { + "id": 31641, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "jalapeno chilies", + "green bell pepper", + "lime", + "salt", + "fresh tomatoes", + "olive oil", + "sweet onion", + "red wine vinegar" + ] + }, + { + "id": 9940, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "taco seasoning mix", + "ground beef", + "refried beans", + "tortilla chips", + "milk", + "green onions", + "water", + "processed cheese" + ] + }, + { + "id": 20162, + "cuisine": "filipino", + "ingredients": [ + "candied cherries", + "graham crackers", + "fruit cocktail", + "condensed milk", + "whipped cream" + ] + }, + { + "id": 44666, + "cuisine": "french", + "ingredients": [ + "vanilla extract", + "fresh blueberries", + "fresh raspberries", + "sugar", + "strawberries", + "shortcakes", + "heavy whipping cream" + ] + }, + { + "id": 15687, + "cuisine": "greek", + "ingredients": [ + "salt", + "greek yogurt", + "fresh lemon juice", + "garlic cloves", + "chopped fresh mint", + "fresh dill", + "cucumber" + ] + }, + { + "id": 26275, + "cuisine": "japanese", + "ingredients": [ + "salt", + "sugar", + "seasoning", + "rice", + "Mizkan Rice Vinegar" + ] + }, + { + "id": 48048, + "cuisine": "indian", + "ingredients": [ + "clove", + "chopped tomatoes", + "oil", + "cumin", + "red chili powder", + "salt", + "onions", + "ginger paste", + "curry leaves", + "garam masala", + "cinnamon sticks", + "chicken", + "tumeric", + "green cardamom", + "peppercorns" + ] + }, + { + "id": 46904, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "yellow onion", + "corn tortillas", + "sliced black olives", + "garlic cloves", + "oregano", + "olive oil", + "ear of corn", + "ground beef", + "beans", + "roma tomatoes", + "enchilada sauce", + "cumin" + ] + }, + { + "id": 18599, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "vegetable oil", + "chili bean paste", + "potato starch", + "Shaoxing wine", + "vegetable broth", + "scallions", + "firm silken tofu", + "green peas", + "chili sauce", + "dark soy sauce", + "szechwan peppercorns", + "cilantro leaves", + "garlic cloves" + ] + }, + { + "id": 5632, + "cuisine": "indian", + "ingredients": [ + "clove", + "light cream", + "raisins", + "oil", + "cashew nuts", + "garlic paste", + "potatoes", + "salt", + "bay leaf", + "ginger paste", + "tomato purée", + "garam masala", + "heavy cream", + "corn starch", + "ground turmeric", + "cottage cheese", + "chili powder", + "green chilies", + "onions" + ] + }, + { + "id": 44383, + "cuisine": "thai", + "ingredients": [ + "cold water", + "fresh ginger", + "cinnamon sticks", + "black peppercorns", + "cardamom pods", + "clove", + "whole milk", + "golden brown sugar", + "black tea" + ] + }, + { + "id": 25396, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "parmesan cheese", + "flat leaf parsley", + "fettucine", + "heavy cream", + "ground black pepper" + ] + }, + { + "id": 9717, + "cuisine": "chinese", + "ingredients": [ + "romaine lettuce", + "cilantro leaves", + "celery", + "sesame", + "char", + "carrots", + "macadamia nuts", + "vinaigrette", + "chicken", + "won ton wrappers", + "scallions" + ] + }, + { + "id": 47977, + "cuisine": "indian", + "ingredients": [ + "water", + "cilantro", + "cinnamon sticks", + "tomatoes", + "garam masala", + "salt", + "masala", + "black peppercorns", + "chicken breasts", + "oil", + "ground nutmeg", + "star anise", + "onions" + ] + }, + { + "id": 15370, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "bay scallops", + "bay leaves", + "basil", + "okra", + "onions", + "pepper", + "flour", + "Tabasco Pepper Sauce", + "salt", + "thyme", + "green bell pepper", + "file powder", + "smoked ham", + "garlic", + "shrimp", + "chicken stock", + "crushed tomatoes", + "beef stock", + "worcestershire sauce", + "peanut oil", + "celery" + ] + }, + { + "id": 47066, + "cuisine": "southern_us", + "ingredients": [ + "base", + "salt", + "butter", + "pepper", + "butter beans" + ] + }, + { + "id": 35510, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "ground nutmeg", + "butter", + "milk", + "sweet potatoes", + "lemon extract", + "vanilla extract" + ] + }, + { + "id": 32946, + "cuisine": "french", + "ingredients": [ + "fresh cilantro", + "haricots verts", + "extra-virgin olive oil", + "pecans", + "flat leaf parsley", + "large garlic cloves" + ] + }, + { + "id": 35424, + "cuisine": "korean", + "ingredients": [ + "gyoza skins", + "napa cabbage leaves", + "garlic cloves", + "ground black pepper", + "salt", + "shiitake mushroom caps", + "water", + "dipping sauces", + "pork loin chops", + "green onions", + "dark sesame oil", + "medium shrimp" + ] + }, + { + "id": 26728, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil cooking spray", + "prune puree", + "bread slices", + "skim milk", + "1% low-fat milk", + "sugar", + "vanilla extract", + "unsweetened cocoa powder", + "powdered sugar", + "egg substitute", + "margarine" + ] + }, + { + "id": 12729, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "puff pastry", + "granulated sugar", + "cider vinegar", + "apples", + "unsalted butter" + ] + }, + { + "id": 19289, + "cuisine": "cajun_creole", + "ingredients": [ + "baking soda", + "all-purpose flour", + "sour cream", + "powdered sugar", + "unsalted butter", + "cane syrup", + "evaporated milk", + "large eggs", + "heavy whipping cream", + "ground cinnamon", + "ground nutmeg", + "dark brown sugar" + ] + }, + { + "id": 46464, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "peanuts", + "cucumber", + "sweetener", + "salt", + "fresh lime juice", + "pepper", + "splenda", + "fresh mint", + "Tabasco Green Pepper Sauce", + "garlic puree" + ] + }, + { + "id": 14554, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "milk", + "lemon juice", + "frozen peas", + "chicken broth", + "butter", + "thyme", + "biscuits", + "flour", + "carrots", + "chicken", + "pepper", + "salt", + "onions" + ] + }, + { + "id": 30998, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "red wine", + "yellow onion", + "greens", + "tomatoes", + "crema mexican", + "garlic", + "corn tortillas", + "kosher salt", + "vegetable oil", + "boneless beef chuck roast", + "serrano chile", + "poblano peppers", + "diced tomatoes", + "fresh oregano" + ] + }, + { + "id": 25485, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "all-purpose flour", + "buttermilk", + "flour", + "sugar", + "salt" + ] + }, + { + "id": 41636, + "cuisine": "italian", + "ingredients": [ + "water", + "port", + "dried rosemary", + "butter", + "black mission figs", + "prosciutto", + "purple onion", + "asiago", + "rolls" + ] + }, + { + "id": 27655, + "cuisine": "southern_us", + "ingredients": [ + "water", + "ground red pepper", + "sweet onion", + "salt", + "butter-margarine blend", + "honey", + "curry powder", + "paprika" + ] + }, + { + "id": 37788, + "cuisine": "indian", + "ingredients": [ + "pita bread rounds", + "chopped cilantro fresh", + "olive oil", + "garlic cloves", + "garam masala", + "chopped fresh mint", + "eggplant", + "onions" + ] + }, + { + "id": 3196, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "mozzarella cheese", + "dried basil", + "salt", + "onions", + "tomato paste", + "pepper", + "parmesan cheese", + "sweet italian sausage", + "noodles", + "tomato sauce", + "crushed tomatoes", + "garlic", + "fresh parsley", + "italian seasoning", + "eggs", + "water", + "ricotta cheese", + "ground beef", + "white sugar" + ] + }, + { + "id": 29657, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "orzo pasta", + "chickpeas", + "fresh parsley", + "olive oil", + "diced tomatoes", + "lemon juice", + "flour", + "vegetable broth", + "chopped cilantro", + "tomato paste", + "cinnamon", + "lentils", + "onions" + ] + }, + { + "id": 28178, + "cuisine": "russian", + "ingredients": [ + "granulated sugar", + "unsalted pistachios", + "sauce", + "turbinado", + "heavy cream", + "large egg yolks" + ] + }, + { + "id": 45537, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "unsalted butter", + "green pepper", + "grits", + "milk", + "salt", + "heavy whipping cream", + "sugar", + "olive oil", + "onion tops", + "broth", + "water", + "garlic", + "shrimp" + ] + }, + { + "id": 24446, + "cuisine": "mexican", + "ingredients": [ + "fresh corn", + "unsalted butter", + "pepper", + "chili powder", + "mayonaise", + "grated parmesan cheese", + "lime", + "salt" + ] + }, + { + "id": 12149, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "low sodium chicken broth", + "baking powder", + "poultry seasoning", + "milk", + "bay leaves", + "parsley", + "water", + "flour", + "onion powder", + "dumplings", + "condensed cream of chicken soup", + "ground black pepper", + "boneless skinless chicken breasts", + "butter" + ] + }, + { + "id": 19445, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "red pepper flakes", + "collards", + "ham", + "bacon", + "onions" + ] + }, + { + "id": 3198, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "shiitake", + "firm tofu", + "chicken", + "soy sauce", + "leeks", + "rib", + "dashi", + "salt", + "white sugar", + "fresh udon", + "mirin", + "carrots" + ] + }, + { + "id": 5931, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "lemon", + "shrimp", + "unsalted butter", + "garlic", + "ground pepper", + "worcestershire sauce", + "french bread", + "creole seasoning" + ] + }, + { + "id": 736, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "chicken breast halves", + "garlic", + "romano cheese", + "red pepper flakes", + "fresh basil leaves", + "pasta sauce", + "fresh mozzarella", + "salt", + "ground black pepper", + "heavy cream", + "rigatoni" + ] + }, + { + "id": 27056, + "cuisine": "chinese", + "ingredients": [ + "powdered sugar", + "essence", + "water", + "shortening", + "flour" + ] + }, + { + "id": 49373, + "cuisine": "japanese", + "ingredients": [ + "sake", + "quinoa", + "salt", + "scallions", + "tofu", + "white pepper", + "ginger", + "rice vinegar", + "cabbage", + "soy sauce", + "chili oil", + "gyoza wrappers", + "toasted sesame oil", + "potato starch", + "vegetables", + "garlic", + "dried shiitake mushrooms" + ] + }, + { + "id": 33459, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "hot red pepper flakes", + "juice", + "dried thyme", + "onions", + "garlic cloves" + ] + }, + { + "id": 36907, + "cuisine": "mexican", + "ingredients": [ + "fresh lime juice", + "olive oil", + "monterey jack", + "corn tortillas", + "pico de gallo", + "skirt steak" + ] + }, + { + "id": 40500, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "fennel bulb", + "chopped parsley", + "Italian turkey sausage links", + "orange bell pepper", + "garlic cloves", + "water", + "cooking spray", + "polenta", + "olive oil", + "purple onion", + "dried oregano" + ] + }, + { + "id": 10727, + "cuisine": "spanish", + "ingredients": [ + "cooking spray", + "chopped cilantro fresh", + "Mexican cheese blend", + "cilantro sprigs", + "chorizo sausage", + "corn salsa", + "boneless skinless chicken breasts", + "mango", + "flour tortillas", + "non-fat sour cream" + ] + }, + { + "id": 4612, + "cuisine": "jamaican", + "ingredients": [ + "ground ginger", + "ground black pepper", + "ground allspice", + "dried thyme", + "salt", + "ground nutmeg", + "cayenne pepper", + "ground cloves", + "granulated sugar", + "ground coriander" + ] + }, + { + "id": 17517, + "cuisine": "cajun_creole", + "ingredients": [ + "nutmeg", + "active dry yeast", + "cinnamon", + "sour cream", + "powdered sugar", + "lemon peel", + "cream cheese", + "sweetened condensed milk", + "ground cinnamon", + "granulated sugar", + "butter", + "bread flour", + "medium eggs", + "sugar", + "large eggs", + "lemon juice" + ] + }, + { + "id": 10998, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "shredded carrots", + "all-purpose flour", + "baking soda", + "vanilla", + "chopped pecans", + "sugar", + "cinnamon", + "crushed pineapple", + "cooking oil", + "salt" + ] + }, + { + "id": 9580, + "cuisine": "italian", + "ingredients": [ + "pizza sauce", + "shredded mozzarella cheese", + "prosciutto", + "pizza doughs", + "kosher salt", + "extra-virgin olive oil", + "lemon juice", + "baby arugula", + "freshly ground pepper" + ] + }, + { + "id": 25564, + "cuisine": "indian", + "ingredients": [ + "port wine", + "fresh ginger", + "red wine vinegar", + "salt", + "basmati rice", + "water", + "dry white wine", + "large garlic cloves", + "peanut oil", + "pepper", + "green onions", + "butter", + "hot sauce", + "curry powder", + "baby spinach", + "whipping cream", + "shrimp" + ] + }, + { + "id": 41651, + "cuisine": "southern_us", + "ingredients": [ + "yellow food coloring", + "red food coloring", + "food colouring", + "sprinkles", + "dough", + "color food green", + "milk", + "vanilla" + ] + }, + { + "id": 25364, + "cuisine": "mexican", + "ingredients": [ + "lime", + "chopped cilantro", + "unsalted butter", + "ground cumin", + "coarse salt", + "white rice" + ] + }, + { + "id": 32738, + "cuisine": "italian", + "ingredients": [ + "figs", + "riesling", + "ground walnuts", + "cooking spray", + "honey", + "cheese" + ] + }, + { + "id": 29164, + "cuisine": "korean", + "ingredients": [ + "fish sauce", + "garlic", + "water", + "rice flour", + "red chili peppers", + "salt", + "red chili powder", + "fresh ginger", + "perilla" + ] + }, + { + "id": 8540, + "cuisine": "italian", + "ingredients": [ + "beef", + "risotto", + "lamb", + "pork", + "poultry", + "parmesan cheese" + ] + }, + { + "id": 32668, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "lemon juice", + "olive oil", + "cilantro", + "water", + "red wine vinegar", + "hot pepper sauce", + "salt" + ] + }, + { + "id": 46655, + "cuisine": "french", + "ingredients": [ + "milk", + "vanilla", + "pears", + "large eggs", + "blanched almonds", + "unsalted butter", + "self-rising cake flour", + "sugar", + "almond extract", + "fresh lemon juice" + ] + }, + { + "id": 48735, + "cuisine": "italian", + "ingredients": [ + "bulk italian sausag", + "extra-virgin olive oil", + "mozzarella cheese", + "cracked black pepper", + "penne pasta", + "cremini mushrooms", + "heavy cream", + "salt", + "grated parmesan cheese", + "garlic" + ] + }, + { + "id": 48674, + "cuisine": "french", + "ingredients": [ + "pitted kalamata olives", + "dried peach", + "chopped pecans", + "honey", + "orange juice", + "dried thyme", + "goat cheese", + "crackers", + "capers", + "olive oil", + "freshly ground pepper" + ] + }, + { + "id": 31412, + "cuisine": "italian", + "ingredients": [ + "fresh thyme", + "salt", + "onions", + "milk", + "baking potatoes", + "grated nutmeg", + "bread crumbs", + "egg yolks", + "all-purpose flour", + "parmesan cheese", + "butter", + "freshly ground pepper" + ] + }, + { + "id": 3589, + "cuisine": "moroccan", + "ingredients": [ + "garbanzo beans", + "lemon juice", + "chili powder", + "chicken", + "green onions", + "red bell pepper", + "olive oil", + "cilantro", + "ground cumin" + ] + }, + { + "id": 10654, + "cuisine": "greek", + "ingredients": [ + "salt", + "pepper", + "long grain white rice", + "chicken broth", + "lemon juice", + "large eggs" + ] + }, + { + "id": 40610, + "cuisine": "southern_us", + "ingredients": [ + "butternut squash", + "cornmeal", + "milk", + "all-purpose flour", + "eggs", + "salt", + "garlic salt", + "ground black pepper", + "oil" + ] + }, + { + "id": 26124, + "cuisine": "chinese", + "ingredients": [ + "potato starch", + "pepper", + "sesame oil", + "garlic", + "medium firm tofu", + "chinese rice wine", + "ground black pepper", + "ginger", + "scallions", + "chicken stock", + "soy sauce", + "shallots", + "hot bean paste", + "red miso", + "brown sugar", + "water", + "ground pork", + "salt" + ] + }, + { + "id": 23997, + "cuisine": "mexican", + "ingredients": [ + "fresh coriander", + "sour cream", + "tomatillos", + "purple onion", + "chili", + "coriander" + ] + }, + { + "id": 21559, + "cuisine": "japanese", + "ingredients": [ + "sake", + "pineapple", + "pork tenderloin", + "mirin", + "purple onion", + "low sodium soy sauce", + "cooking spray" + ] + }, + { + "id": 40165, + "cuisine": "jamaican", + "ingredients": [ + "melted butter", + "active dry yeast", + "sugar", + "coconut milk", + "eggs", + "flour", + "kosher salt" + ] + }, + { + "id": 45014, + "cuisine": "mexican", + "ingredients": [ + "canned black beans", + "pace picante sauce", + "frozen whole kernel corn", + "water", + "quick cooking brown rice" + ] + }, + { + "id": 10655, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "whipping cream", + "powdered sugar", + "granulated sugar", + "vanilla instant pudding", + "sliced almonds", + "bourbon whiskey", + "peaches", + "pound cake" + ] + }, + { + "id": 19204, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "diced tomatoes", + "salt", + "onions", + "soy chorizo", + "vegetable broth", + "rice", + "green bell pepper", + "paprika", + "cayenne pepper", + "ground black pepper", + "garlic", + "okra" + ] + }, + { + "id": 2884, + "cuisine": "indian", + "ingredients": [ + "mayonaise", + "lemon juice", + "paprika", + "salt", + "curry powder", + "grated lemon peel" + ] + }, + { + "id": 34034, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "diced tomatoes with garlic and onion", + "fat free yogurt", + "salt", + "chopped fresh mint", + "boneless chicken skinless thigh", + "spices", + "couscous", + "black pepper", + "chickpeas" + ] + }, + { + "id": 31075, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chopped onion", + "grated lemon peel", + "rocket leaves", + "dry white wine", + "fresh parsley leaves", + "arborio rice", + "medium shrimp uncook", + "garlic cloves", + "bottled clam juice", + "butter", + "low salt chicken broth" + ] + }, + { + "id": 20755, + "cuisine": "italian", + "ingredients": [ + "chili flakes", + "salt", + "vegetables", + "shredded mozzarella cheese", + "Stonefire Italian Artisan Pizza Crust", + "goat cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 45770, + "cuisine": "greek", + "ingredients": [ + "frozen edamame beans", + "olive oil", + "red wine vinegar", + "grape tomatoes", + "ground black pepper", + "fresh oregano", + "pitted kalamata olives", + "dijon mustard", + "string beans", + "pitas", + "cheese" + ] + }, + { + "id": 44949, + "cuisine": "mexican", + "ingredients": [ + "great northern beans", + "chili powder", + "salsa", + "ripe olives", + "sliced green onions", + "cooking spray", + "cilantro sprigs", + "fresh onion", + "chopped cilantro fresh", + "Mexican cheese blend", + "reduced-fat sour cream", + "rotisserie chicken", + "garlic salt", + "ground cumin", + "ground red pepper", + "1% low-fat milk", + "corn tortillas", + "canola oil" + ] + }, + { + "id": 40220, + "cuisine": "french", + "ingredients": [ + "salt", + "mushrooms", + "burgundy snails", + "butter", + "pepper", + "oil" + ] + }, + { + "id": 40098, + "cuisine": "southern_us", + "ingredients": [ + "ice", + "basil leaves", + "sugar", + "club soda", + "satsumas" + ] + }, + { + "id": 33338, + "cuisine": "italian", + "ingredients": [ + "white bread", + "cooking spray", + "red bell pepper", + "olive oil", + "penne pasta", + "slivered almonds", + "crushed red pepper", + "fresh parsley", + "sherry vinegar", + "garlic cloves" + ] + }, + { + "id": 17612, + "cuisine": "mexican", + "ingredients": [ + "dough", + "chili powder", + "water", + "ground cumin", + "tomato sauce", + "chicken", + "corn husks" + ] + }, + { + "id": 30386, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "vanilla extract", + "dark brown sugar", + "butter", + "all-purpose flour", + "large eggs", + "salt", + "chopped pecans", + "light corn syrup", + "cream cheese" + ] + }, + { + "id": 38680, + "cuisine": "spanish", + "ingredients": [ + "paprika", + "sea salt flakes", + "vegetable oil", + "chickpeas" + ] + }, + { + "id": 34082, + "cuisine": "japanese", + "ingredients": [ + "water", + "flour", + "shrimp", + "mirin", + "bonito flakes", + "canola oil", + "eggplant", + "sweet potatoes", + "onions", + "soy sauce", + "large eggs", + "yams" + ] + }, + { + "id": 36131, + "cuisine": "jamaican", + "ingredients": [ + "red kidney beans", + "jalapeno chilies", + "vegetable broth", + "garlic cloves", + "olive oil", + "baby spinach", + "yellow onion", + "unsweetened coconut milk", + "ground black pepper", + "diced tomatoes", + "ground allspice", + "dried thyme", + "sweet potatoes", + "salt", + "red bell pepper" + ] + }, + { + "id": 13464, + "cuisine": "italian", + "ingredients": [ + "green olives", + "water", + "red wine vinegar", + "diced celery", + "diced onions", + "sugar", + "vegetable oil", + "ficelle", + "tomato paste", + "black pepper", + "cinnamon", + "salt", + "capers", + "olive oil", + "italian eggplant", + "fresh basil leaves" + ] + }, + { + "id": 26874, + "cuisine": "italian", + "ingredients": [ + "water", + "all purpose unbleached flour", + "olive oil", + "sea salt flakes", + "rosemary", + "salt", + "baking powder" + ] + }, + { + "id": 12216, + "cuisine": "vietnamese", + "ingredients": [ + "brown sugar", + "vegetable oil", + "carrots", + "mint", + "granulated sugar", + "rice vermicelli", + "fresh lime juice", + "pork cutlets", + "chiles", + "cilantro", + "cucumber", + "fish sauce", + "green leaf lettuce", + "garlic" + ] + }, + { + "id": 1174, + "cuisine": "italian", + "ingredients": [ + "cream cheese", + "noodles", + "ricotta cheese", + "shredded mozzarella cheese", + "tomato sauce", + "italian pork sausage", + "diced tomatoes", + "fresh parsley" + ] + }, + { + "id": 26680, + "cuisine": "indian", + "ingredients": [ + "ground nutmeg", + "mango", + "ground ginger", + "mint sprigs", + "cinnamon", + "watermelon", + "confectioners sugar" + ] + }, + { + "id": 14093, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "apples", + "thyme", + "sage", + "cornbread", + "green onions", + "salt", + "marjoram", + "bread", + "butter", + "chopped onion", + "pork sausages", + "ground black pepper", + "chopped celery", + "fresh parsley" + ] + }, + { + "id": 49685, + "cuisine": "russian", + "ingredients": [ + "sugar", + "baking powder", + "salt", + "unsalted butter", + "raisins", + "squirt", + "lemon", + "all-purpose flour", + "ground cinnamon", + "large eggs", + "apples" + ] + }, + { + "id": 41983, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "salt", + "chicken broth", + "honey", + "soy sauce", + "oil", + "chicken wings", + "dry sherry" + ] + }, + { + "id": 47579, + "cuisine": "british", + "ingredients": [ + "milk", + "all-purpose flour", + "cream of tartar", + "unsalted butter", + "baking soda", + "sugar", + "salt" + ] + }, + { + "id": 13598, + "cuisine": "italian", + "ingredients": [ + "white wine", + "large egg whites", + "shallots", + "fat-free chicken broth", + "onions", + "rosemary", + "zucchini", + "paprika", + "whole wheat seasoned breadcrumbs", + "pepper", + "garlic powder", + "butter", + "salt", + "marjoram", + "dried basil", + "grated parmesan cheese", + "garlic", + "ground turkey" + ] + }, + { + "id": 39550, + "cuisine": "spanish", + "ingredients": [ + "ice cubes", + "rosé wine", + "sugar", + "strawberries", + "cointreau", + "fresh orange juice", + "orange", + "fresh raspberries" + ] + }, + { + "id": 19862, + "cuisine": "british", + "ingredients": [ + "eggs", + "sunflower oil", + "garlic cloves", + "plain flour", + "balsamic vinegar", + "salt", + "milk", + "purple onion", + "sausages", + "fresh rosemary", + "butter", + "vegetable stock powder" + ] + }, + { + "id": 5070, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "shredded Monterey Jack cheese", + "salsa verde", + "cream cheese", + "pepper", + "salt", + "ground cumin", + "flour tortillas", + "chicken" + ] + }, + { + "id": 23899, + "cuisine": "french", + "ingredients": [ + "breakfast sausages", + "dry white wine", + "freshly ground pepper", + "shallots", + "unsalted butter", + "salt" + ] + }, + { + "id": 31012, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "ricotta cheese", + "salt", + "onions", + "chicken broth", + "lasagna noodles", + "chicken meat", + "shredded mozzarella cheese", + "frozen chopped spinach", + "ground black pepper", + "butter", + "all-purpose flour", + "dried oregano", + "milk", + "grated parmesan cheese", + "garlic", + "fresh parsley" + ] + }, + { + "id": 30277, + "cuisine": "british", + "ingredients": [ + "water", + "parsley", + "smoked paprika", + "sweet onion", + "butter", + "curry powder", + "coarse salt", + "long grain white rice", + "eggs", + "ground black pepper", + "smoked trout" + ] + }, + { + "id": 2134, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "lard", + "mole poblano", + "kosher salt", + "cooked chicken breasts", + "frozen banana leaf", + "masa" + ] + }, + { + "id": 15164, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "asian pear", + "ginger", + "sour cream", + "cheddar cheese", + "sesame seeds", + "sesame oil", + "tortilla chips", + "toasted sesame seeds", + "brown sugar", + "pepper", + "green onions", + "garlic", + "onions", + "jack cheese", + "beef", + "butter", + "kimchi" + ] + }, + { + "id": 22920, + "cuisine": "indian", + "ingredients": [ + "water", + "capsicum", + "rice", + "lemon juice", + "onions", + "clove", + "potatoes", + "star anise", + "green chilies", + "cinnamon sticks", + "shahi jeera", + "Biryani Masala", + "green peas", + "green cardamom", + "carrots", + "peppercorns", + "garlic paste", + "mint leaves", + "cilantro leaves", + "oil", + "bay leaf" + ] + }, + { + "id": 48157, + "cuisine": "southern_us", + "ingredients": [ + "fresh ginger", + "hot sauce", + "marinade", + "garlic cloves", + "ketchup", + "dry sherry", + "sugar", + "relish", + "rib" + ] + }, + { + "id": 41123, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "large egg yolks", + "vanilla extract", + "dark corn syrup", + "large eggs", + "white chocolate", + "unsalted butter", + "salt", + "pie crust", + "golden brown sugar", + "light corn syrup" + ] + }, + { + "id": 39185, + "cuisine": "italian", + "ingredients": [ + "water", + "polenta" + ] + }, + { + "id": 17846, + "cuisine": "thai", + "ingredients": [ + "cooked rice", + "fresh mushrooms", + "basil leaves", + "red bell pepper", + "cooking oil", + "shrimp", + "red curry paste", + "coconut milk" + ] + }, + { + "id": 15491, + "cuisine": "indian", + "ingredients": [ + "chickpea flour", + "green bell pepper", + "coriander powder", + "kasuri methi", + "lemon juice", + "red chili powder", + "pepper", + "yoghurt", + "meat tenderizer", + "onions", + "fenugreek leaves", + "tumeric", + "Biryani Masala", + "salt", + "red bell pepper", + "garlic paste", + "garam masala", + "boneless chicken", + "oil" + ] + }, + { + "id": 15213, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "green bell pepper", + "carrots", + "green cabbage", + "cider vinegar", + "mayonaise", + "onions" + ] + }, + { + "id": 46020, + "cuisine": "british", + "ingredients": [ + "heavy cream", + "papaya", + "fresh lime juice", + "granulated sugar" + ] + }, + { + "id": 4760, + "cuisine": "southern_us", + "ingredients": [ + "water", + "buttermilk biscuits", + "country ham", + "grits" + ] + }, + { + "id": 33639, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "dried thyme", + "vegetable oil", + "garlic cloves", + "green bell pepper", + "low sodium chicken broth", + "smoked sausage", + "red kidney beans", + "ground pepper", + "cajun seasoning", + "smoked ham hocks", + "kosher salt", + "bay leaves", + "yellow onion" + ] + }, + { + "id": 23622, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "artichokes", + "chicken", + "ground black pepper", + "garlic", + "saffron", + "olive oil", + "Italian parsley leaves", + "boned lamb shoulder", + "lemon", + "salt" + ] + }, + { + "id": 25445, + "cuisine": "mexican", + "ingredients": [ + "cantaloupe", + "navel oranges", + "chili powder", + "chopped cilantro", + "jicama", + "fresh lime juice", + "pomegranate seeds", + "sea salt" + ] + }, + { + "id": 12098, + "cuisine": "italian", + "ingredients": [ + "edible flowers", + "quinoa", + "salt", + "pinenuts", + "olive oil", + "shallots", + "spinach", + "halibut fillets", + "unsalted butter", + "freshly ground pepper", + "water", + "prosciutto", + "vegetable broth" + ] + }, + { + "id": 36590, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "salt", + "shell-on shrimp", + "onions", + "water", + "all-purpose flour", + "smoked sausage", + "grits" + ] + }, + { + "id": 14024, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "garlic powder", + "salt", + "vidalia", + "grated parmesan cheese", + "dough", + "olive oil", + "ranch dressing", + "shredded cheddar cheese", + "ground black pepper", + "shredded mozzarella cheese" + ] + }, + { + "id": 32211, + "cuisine": "filipino", + "ingredients": [ + "chicken stock", + "vinegar", + "cayenne pepper", + "soy sauce", + "bay leaves", + "chicken legs", + "cooking oil", + "chicken thighs", + "ground black pepper", + "garlic" + ] + }, + { + "id": 590, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "shallots", + "garlic cloves", + "pasta", + "parmigiano reggiano cheese", + "green peas", + "kosher salt", + "dry white wine", + "extra-virgin olive oil", + "pancetta", + "ground black pepper", + "chopped fresh thyme" + ] + }, + { + "id": 33414, + "cuisine": "french", + "ingredients": [ + "corn kernels", + "extra-virgin olive oil", + "unsalted butter", + "boneless skinless chicken breast halves", + "cherry tomatoes", + "all-purpose flour", + "fresh basil", + "green onions" + ] + }, + { + "id": 23058, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "grits", + "salt", + "water" + ] + }, + { + "id": 4739, + "cuisine": "greek", + "ingredients": [ + "grated orange peel", + "almonds", + "walnuts", + "graham crackers", + "vanilla extract", + "sugar", + "large eggs", + "rusk", + "ground cinnamon", + "water", + "salt" + ] + }, + { + "id": 32461, + "cuisine": "mexican", + "ingredients": [ + "cilantro", + "avocado", + "corn tortillas", + "purple onion", + "lime", + "chicken" + ] + }, + { + "id": 6606, + "cuisine": "british", + "ingredients": [ + "sour cream", + "whipping cream", + "confectioners sugar" + ] + }, + { + "id": 39483, + "cuisine": "indian", + "ingredients": [ + "sugar", + "chives", + "all-purpose flour", + "dough", + "milk", + "butter", + "nigella seeds", + "plain yogurt", + "baking powder", + "oil", + "chili flakes", + "baking soda", + "salt", + "chopped garlic" + ] + }, + { + "id": 17030, + "cuisine": "italian", + "ingredients": [ + "eggs", + "parsley", + "sweet italian sausage", + "grated parmesan cheese", + "ricotta", + "fresh basil", + "fresh mozzarella", + "ground beef", + "barilla", + "salt" + ] + }, + { + "id": 22407, + "cuisine": "chinese", + "ingredients": [ + "duck breasts", + "spring onions", + "honey", + "extra-virgin olive oil", + "soy sauce", + "vegetable oil", + "five spice", + "new potatoes", + "arugula" + ] + }, + { + "id": 27472, + "cuisine": "italian", + "ingredients": [ + "pepper", + "grated parmesan cheese", + "garlic cloves", + "whole wheat orzo", + "vegetables", + "salt", + "dried basil", + "dry white wine", + "dried parsley", + "olive oil", + "boneless skinless chicken breasts" + ] + }, + { + "id": 30257, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "paprika", + "oil", + "garlic powder", + "leg quarters", + "coconut flour" + ] + }, + { + "id": 4640, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "hoisin sauce", + "rice vinegar", + "brown sugar", + "olive oil", + "boneless skinless chicken breasts", + "pepper flakes", + "water", + "green onions", + "corn starch", + "soy sauce", + "fresh ginger", + "sesame oil" + ] + }, + { + "id": 34626, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "crushed red pepper", + "fresh ginger", + "garlic cloves", + "olive oil", + "cumin seed", + "fennel seeds", + "cardamom seeds", + "leg of lamb" + ] + }, + { + "id": 34824, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "diced tomatoes", + "chopped onion", + "ground turkey", + "ground cumin", + "tomato sauce", + "chili powder", + "fat-free chicken broth", + "Mexican cheese", + "chopped cilantro", + "green chile", + "pepper", + "garlic", + "garlic cloves", + "chipotles in adobo", + "black beans", + "whole wheat tortillas", + "salt", + "nonstick spray", + "cumin" + ] + }, + { + "id": 13634, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "chili powder", + "garlic salt", + "water", + "salt", + "cumin", + "minced garlic", + "onion powder", + "oregano", + "olive oil", + "hot sauce" + ] + }, + { + "id": 18855, + "cuisine": "italian", + "ingredients": [ + "pepper", + "sea salt", + "flat leaf parsley", + "sage leaves", + "olive oil", + "thyme", + "arugula", + "rosemary", + "garlic cloves", + "onions", + "tomato sauce", + "basil leaves", + "ground turkey" + ] + }, + { + "id": 35064, + "cuisine": "chinese", + "ingredients": [ + "water", + "chopped celery", + "oil", + "chopped garlic", + "soy sauce", + "button mushrooms", + "cilantro leaves", + "corn starch", + "black pepper", + "ginger", + "rice vinegar", + "onions", + "haricots verts", + "shredded cabbage", + "salt", + "carrots" + ] + }, + { + "id": 28676, + "cuisine": "cajun_creole", + "ingredients": [ + "saltines", + "pepper", + "vegetable oil", + "cayenne pepper", + "mayonaise", + "honey", + "worcestershire sauce", + "cube steaks", + "eggs", + "milk", + "cajun seasoning", + "sour cream", + "creole mustard", + "black pepper", + "flour", + "salt" + ] + }, + { + "id": 47694, + "cuisine": "indian", + "ingredients": [ + "caster sugar", + "ghee", + "plain flour", + "salt", + "yoghurt", + "kalonji", + "warm water", + "baking yeast" + ] + }, + { + "id": 41522, + "cuisine": "mexican", + "ingredients": [ + "Velveeta", + "chili powder", + "diced chicken", + "enchilada sauce", + "pico de gallo", + "tortillas", + "garlic", + "whole kernel corn, drain", + "onions", + "chicken stock", + "black pepper", + "vegetable oil", + "cayenne pepper", + "corn tortillas", + "tomato sauce", + "colby jack cheese", + "chicken soup base", + "shredded cheese", + "ground cumin" + ] + }, + { + "id": 46085, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "garlic powder", + "garlic", + "onions", + "tomatoes", + "shredded reduced fat cheddar cheese", + "fat-free cottage cheese", + "scallions", + "corn kernels", + "diced green chilies", + "non-fat sour cream", + "ground cumin", + "Mission Yellow Corn Tortillas", + "extra-lean ground beef", + "chili powder", + "enchilada sauce" + ] + }, + { + "id": 8607, + "cuisine": "italian", + "ingredients": [ + "kahlúa", + "whipping cream", + "water", + "pound cake", + "sugar", + "whipped cream cheese", + "instant espresso powder", + "unsweetened cocoa powder" + ] + }, + { + "id": 16917, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "vegetable oil", + "all-purpose flour", + "hot pepper sauce", + "worcestershire sauce", + "boneless skinless chicken breast halves", + "vegetable oil spray", + "buttermilk", + "cayenne pepper", + "lemon wedge", + "salt", + "grated lemon peel" + ] + }, + { + "id": 41254, + "cuisine": "irish", + "ingredients": [ + "chopped celery", + "corned beef", + "water", + "onions", + "carrots", + "gold potatoes", + "cabbage" + ] + }, + { + "id": 22765, + "cuisine": "mexican", + "ingredients": [ + "dried black beans", + "corn oil", + "chees fresco queso", + "white corn tortillas", + "jalapeno chilies", + "anise", + "chopped cilantro fresh", + "white onion", + "large garlic cloves", + "marjoram", + "crema mexicana", + "epazote", + "lard" + ] + }, + { + "id": 12755, + "cuisine": "italian", + "ingredients": [ + "sugar", + "whole milk ricotta cheese", + "fresh basil leaves", + "cherry tomatoes", + "simple syrup", + "water", + "vegetable oil", + "tomatoes", + "whole milk", + "coarse kosher salt" + ] + }, + { + "id": 4355, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "tonkatsu sauce", + "water", + "all-purpose flour", + "gari", + "salt", + "bacon", + "cabbage" + ] + }, + { + "id": 15742, + "cuisine": "southern_us", + "ingredients": [ + "toasted pecans", + "large egg yolks", + "all-purpose flour", + "pecan halves", + "milk chocolate", + "whipping cream", + "sugar", + "unsalted butter", + "apricot preserves", + "pecans", + "vegetable oil spray", + "salt" + ] + }, + { + "id": 33731, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "chicken meat", + "cheese soup", + "milk", + "salsa", + "flour tortillas" + ] + }, + { + "id": 18079, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "udon", + "dark sesame oil", + "snow peas", + "reduced fat creamy peanut butter", + "peeled fresh ginger", + "corn starch", + "water", + "shredded carrots", + "garlic cloves", + "low sodium soy sauce", + "Sriracha", + "rice vinegar", + "bok choy" + ] + }, + { + "id": 17247, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "water chestnuts", + "vegetable broth", + "snow peas", + "bean threads", + "extra firm tofu", + "napa cabbage", + "bamboo shoots", + "fresh ginger", + "lily buds", + "dried shiitake mushrooms", + "light brown sugar", + "hoisin sauce", + "sesame oil", + "peanut oil" + ] + }, + { + "id": 30548, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "garlic cloves", + "pasilla", + "water", + "carrots", + "ancho", + "potatoes" + ] + }, + { + "id": 44021, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "sweet onion", + "italian tomatoes", + "broccoli florets", + "sausage links", + "olive oil", + "minced garlic", + "linguine" + ] + }, + { + "id": 39486, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "all-purpose flour", + "honey", + "vanilla extract", + "almonds", + "salt", + "sugar", + "baking powder", + "grated lemon peel" + ] + }, + { + "id": 14663, + "cuisine": "southern_us", + "ingredients": [ + "water", + "buttermilk", + "white sugar", + "unsalted butter", + "salt", + "baking soda", + "vanilla", + "eggs", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 4374, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "petrale sole", + "fermented black beans", + "minced garlic", + "rice wine", + "toasted sesame oil", + "white pepper", + "green onions", + "salad oil", + "sugar", + "regular soy sauce", + "salt" + ] + }, + { + "id": 20568, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "salt", + "ground cumin", + "green onions", + "red bell pepper", + "minced onion", + "ground coriander", + "eggs", + "sesame oil", + "ground turmeric" + ] + }, + { + "id": 18830, + "cuisine": "italian", + "ingredients": [ + "diced tomatoes", + "salt", + "olive oil", + "garlic", + "hot Italian sausages", + "tomato sauce", + "dry red wine", + "sweet italian sausage", + "heavy cream", + "purple onion", + "celery" + ] + }, + { + "id": 14744, + "cuisine": "french", + "ingredients": [ + "dry yeast", + "warm water", + "fine sea salt", + "yellow corn meal", + "all purpose unbleached flour", + "olive oil", + "herbes de provence" + ] + }, + { + "id": 14736, + "cuisine": "indian", + "ingredients": [ + "active dry yeast", + "greek yogurt", + "kosher salt", + "cilantro", + "canola oil", + "honey", + "ghee", + "water", + "all-purpose flour" + ] + }, + { + "id": 49074, + "cuisine": "jamaican", + "ingredients": [ + "pepper flakes", + "salt", + "jerk marinade", + "thyme leaves", + "sugar", + "lemon juice", + "salmon steaks" + ] + }, + { + "id": 49460, + "cuisine": "indian", + "ingredients": [ + "saffron threads", + "whole milk", + "sugar", + "ghee", + "green cardamom pods", + "golden raisins", + "jasmine rice", + "natural pistachios" + ] + }, + { + "id": 48768, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "napa cabbage", + "pork loin chops", + "green onions", + "corn starch", + "pancake", + "hoisin sauce", + "fresh mushrooms", + "wood ear mushrooms", + "large eggs", + "peanut oil", + "bamboo shoots" + ] + }, + { + "id": 39828, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "large eggs", + "milk", + "mexican chocolate", + "kosher salt", + "vegetable oil", + "ground cinnamon", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 43795, + "cuisine": "italian", + "ingredients": [ + "bell pepper", + "garlic", + "dried oregano", + "diced onions", + "basil dried leaves", + "fresh mushrooms", + "diced tomatoes", + "chopped celery", + "shredded carrots", + "extra-virgin olive oil", + "dried parsley" + ] + }, + { + "id": 21277, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "fresh oregano", + "fresh basil leaves", + "water", + "linguine", + "fresh parsley", + "olive oil", + "crushed red pepper", + "onions", + "tomatoes", + "butter", + "garlic cloves", + "varnish clams" + ] + }, + { + "id": 20366, + "cuisine": "brazilian", + "ingredients": [ + "water", + "hot Italian sausages", + "orange zest", + "pork loin", + "ham", + "cherry tomatoes", + "garlic cloves", + "black beans", + "red pepper flakes", + "onions" + ] + }, + { + "id": 20488, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "firm tofu", + "sugar", + "peanut oil", + "Thai red curry paste", + "green beans", + "vegetable broth" + ] + }, + { + "id": 21982, + "cuisine": "mexican", + "ingredients": [ + "whole wheat tortillas", + "cheddar cheese", + "avocado", + "sour cream", + "smoked turkey" + ] + }, + { + "id": 32529, + "cuisine": "filipino", + "ingredients": [ + "white vinegar", + "minced garlic", + "soy sauce", + "bay leaves", + "pork", + "ground black pepper", + "ketchup", + "green beans" + ] + }, + { + "id": 6281, + "cuisine": "japanese", + "ingredients": [ + "caster sugar", + "sushi nori", + "umeboshi paste", + "water", + "sushi rice", + "rice vinegar" + ] + }, + { + "id": 42496, + "cuisine": "mexican", + "ingredients": [ + "jicama", + "pepper", + "cilantro leaves", + "salt", + "lime juice" + ] + }, + { + "id": 4504, + "cuisine": "mexican", + "ingredients": [ + "shallots", + "avocado", + "garlic", + "taco sauce" + ] + }, + { + "id": 24219, + "cuisine": "indian", + "ingredients": [ + "white onion", + "mint leaves", + "chilli paste", + "coconut milk", + "garlic paste", + "garam masala", + "vegetable oil", + "cilantro leaves", + "ground turmeric", + "black pepper", + "coriander powder", + "cinnamon", + "greek yogurt", + "saffron", + "tomatoes", + "monkfish fillets", + "chili powder", + "salt", + "basmati rice" + ] + }, + { + "id": 32904, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "apple cider vinegar", + "pickling spices", + "garlic", + "boneless chicken skinless thigh", + "vegetable oil", + "water" + ] + }, + { + "id": 18324, + "cuisine": "mexican", + "ingredients": [ + "cilantro", + "white onion", + "fresh lime juice", + "tomatoes", + "salt", + "jalapeno chilies" + ] + }, + { + "id": 46565, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "extra-virgin olive oil", + "poblano chiles", + "green onions", + "garlic cloves", + "hothouse cucumber", + "cherry tomatoes", + "vegetable broth", + "chopped cilantro fresh", + "tomatillos", + "pepitas" + ] + }, + { + "id": 15301, + "cuisine": "italian", + "ingredients": [ + "challa", + "semisweet chocolate" + ] + }, + { + "id": 43050, + "cuisine": "japanese", + "ingredients": [ + "hot mustard", + "panko", + "salt", + "pork cutlets", + "ketchup", + "corn oil", + "freshly ground pepper", + "soy sauce", + "mirin", + "all-purpose flour", + "eggs", + "steamed rice", + "worcestershire sauce", + "hot water" + ] + }, + { + "id": 49585, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "garlic", + "garlic cloves", + "pepper", + "chicken breasts", + "low sodium chicken stock", + "canola oil", + "arborio rice", + "grated parmesan cheese", + "salt", + "sliced mushrooms", + "olive oil", + "shallots", + "beer" + ] + }, + { + "id": 45425, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "serrano chilies", + "ground cumin", + "gingerroot", + "plain yogurt" + ] + }, + { + "id": 42885, + "cuisine": "mexican", + "ingredients": [ + "clove", + "kosher salt", + "lime wedges", + "boneless pork loin", + "corn tortillas", + "guajillo chiles", + "lime juice", + "pineapple", + "garlic cloves", + "chiles", + "cider vinegar", + "vegetable oil", + "cumin seed", + "chopped cilantro fresh", + "white onion", + "Mexican oregano", + "salsa", + "ancho chile pepper" + ] + }, + { + "id": 26092, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "parmesan cheese", + "whole wheat penne", + "cherry tomatoes", + "garlic cloves", + "tomato sauce", + "celtic salt", + "olive oil", + "fresh parsley" + ] + }, + { + "id": 4521, + "cuisine": "southern_us", + "ingredients": [ + "dried thyme", + "salt", + "ground red pepper", + "onions", + "olive oil", + "garlic cloves", + "tomatoes", + "whipping cream" + ] + }, + { + "id": 32365, + "cuisine": "italian", + "ingredients": [ + "eggs", + "basil", + "garlic powder", + "ground beef", + "bread crumbs", + "salt", + "onion powder", + "oregano" + ] + }, + { + "id": 13561, + "cuisine": "italian", + "ingredients": [ + "eggs", + "garlic powder", + "shredded mozzarella cheese", + "frozen chopped spinach", + "pepper", + "grated parmesan cheese", + "tomatoes", + "water", + "ricotta cheese", + "manicotti shells", + "minced onion", + "fresh parsley" + ] + }, + { + "id": 4076, + "cuisine": "indian", + "ingredients": [ + "lime juice", + "sunflower oil", + "rice", + "plain yogurt", + "ground black pepper", + "rice vinegar", + "cucumber", + "caster sugar", + "mint leaves", + "loin", + "curry paste", + "lime", + "salt", + "carrots" + ] + }, + { + "id": 38387, + "cuisine": "indian", + "ingredients": [ + "fish sauce", + "light coconut milk", + "medium shrimp", + "low sodium soy sauce", + "sesame oil", + "red bell pepper", + "fresh ginger", + "long-grain rice", + "curry powder", + "broccoli" + ] + }, + { + "id": 5930, + "cuisine": "thai", + "ingredients": [ + "bread crumbs", + "lemon", + "red chili peppers", + "fresh ginger", + "free-range eggs", + "salmon fillets", + "fresh coriander", + "garlic", + "soy sauce", + "potatoes" + ] + }, + { + "id": 11387, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "clam juice", + "whipping cream", + "dry white wine", + "butter", + "garlic cloves", + "lump crab meat", + "shallots", + "worcestershire sauce", + "oysters", + "cajun seasoning", + "all-purpose flour" + ] + }, + { + "id": 38652, + "cuisine": "mexican", + "ingredients": [ + "pork stew meat", + "tomatillos", + "cilantro leaves", + "jalapeno chilies", + "sea salt", + "yellow onion", + "chile pepper", + "yellow bell pepper", + "freshly ground pepper", + "chicken broth", + "vegetable oil", + "garlic", + "ground cumin" + ] + }, + { + "id": 36382, + "cuisine": "french", + "ingredients": [ + "vegetable oil", + "all-purpose flour", + "white wine", + "beaten eggs", + "unsalted butter", + "salt", + "powdered sugar", + "vanilla extract" + ] + }, + { + "id": 11242, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "sugar", + "blackberries", + "reduced-fat sour cream", + "cream sherry" + ] + }, + { + "id": 26272, + "cuisine": "indian", + "ingredients": [ + "milk", + "curds", + "red chili peppers" + ] + }, + { + "id": 5587, + "cuisine": "spanish", + "ingredients": [ + "eggplant", + "kosher salt", + "olive oil", + "ground pepper" + ] + }, + { + "id": 15117, + "cuisine": "italian", + "ingredients": [ + "sugar", + "mascarpone", + "unsweetened cocoa powder", + "water", + "cookies", + "brandy", + "large eggs", + "powdered sugar", + "instant espresso powder", + "whipping cream" + ] + }, + { + "id": 32876, + "cuisine": "vietnamese", + "ingredients": [ + "low sodium soy sauce", + "ground black pepper", + "sea salt", + "rice paper", + "romaine lettuce", + "sweet potatoes", + "beansprouts", + "coconut oil", + "radishes", + "rice vinegar", + "garlic powder", + "baby spinach", + "chopped fresh mint" + ] + }, + { + "id": 15364, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "olive oil", + "dry white wine", + "all-purpose flour", + "fresh sage", + "unsalted butter", + "turkey stock", + "garlic cloves", + "rosemary sprigs", + "grated parmesan cheese", + "turkey", + "fresh rosemary", + "ground black pepper", + "shallots", + "chopped fresh sage" + ] + }, + { + "id": 24048, + "cuisine": "cajun_creole", + "ingredients": [ + "boneless chicken skinless thigh", + "spices", + "corn starch", + "onions", + "tomatoes", + "olive oil", + "sausages", + "chopped parsley", + "chicken broth", + "minced garlic", + "sauce", + "smoked paprika", + "fettuccine pasta", + "green bell pepper, slice", + "thyme", + "medium shrimp" + ] + }, + { + "id": 9, + "cuisine": "southern_us", + "ingredients": [ + "sweet potatoes", + "all-purpose flour", + "pepper", + "apple cider", + "onions", + "pork", + "vegetable oil", + "bay leaf", + "mixed dried fruit", + "salt", + "dried rosemary" + ] + }, + { + "id": 44503, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "jalapeno chilies", + "sauce", + "honey", + "salsa", + "chuck", + "chopped tomatoes", + "beef broth", + "ground cumin", + "kosher salt", + "garlic", + "onions" + ] + }, + { + "id": 48005, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "pasta", + "salt", + "unsalted butter", + "parmesan cheese" + ] + }, + { + "id": 47465, + "cuisine": "spanish", + "ingredients": [ + "salt", + "pepper", + "freshly ground pepper", + "tuna fillets", + "european style butter", + "fresh lemon juice" + ] + }, + { + "id": 6857, + "cuisine": "indian", + "ingredients": [ + "water", + "garlic", + "onions", + "baby spinach", + "nonfat yogurt plain", + "ground cumin", + "curry powder", + "salt", + "canola oil", + "ginger", + "mustard seeds" + ] + }, + { + "id": 34071, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "cilantro root", + "peppercorns", + "shrimp paste", + "salt", + "ground cumin", + "coriander powder", + "garlic", + "kaffir lime", + "chiles", + "shallots", + "galangal" + ] + }, + { + "id": 21252, + "cuisine": "mexican", + "ingredients": [ + "fat free less sodium chicken broth", + "tomato salsa", + "garlic cloves", + "jalapeno chilies", + "cilantro leaves", + "fresh lime juice", + "avocado", + "tomatillos", + "chopped onion", + "ground cumin", + "olive oil", + "salt", + "poblano chiles" + ] + }, + { + "id": 3393, + "cuisine": "mexican", + "ingredients": [ + "black peppercorns", + "sesame seeds", + "salt", + "garlic cloves", + "serrano chilies", + "fresh coriander", + "garlic", + "allspice berries", + "chicken", + "stock", + "tomatillos", + "pumpkin seeds", + "green pumpkin seeds", + "clove", + "white onion", + "poblano chilies", + "cumin seed", + "lard" + ] + }, + { + "id": 35680, + "cuisine": "mexican", + "ingredients": [ + "cayenne pepper", + "onions", + "red enchilada sauce", + "pork roast", + "cumin", + "cheddar cheese", + "corn tortillas" + ] + }, + { + "id": 32492, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "whipping cream", + "butter", + "bacon slices", + "grated parmesan cheese", + "spaghetti" + ] + }, + { + "id": 10236, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "pappadams" + ] + }, + { + "id": 24000, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "taco seasoning", + "onions", + "cheese", + "cream of mushroom soup", + "flour tortillas", + "sour cream", + "hot sauce", + "ground beef" + ] + }, + { + "id": 7181, + "cuisine": "indian", + "ingredients": [ + "unsweetened shredded dried coconut", + "cilantro leaves", + "canola oil", + "ginger", + "ground turmeric", + "eggplant", + "tamarind paste", + "chickpea flour", + "salt", + "asafetida" + ] + }, + { + "id": 24524, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "spinach", + "ground black pepper", + "nutmeg", + "pignolis", + "onions", + "water", + "raisins" + ] + }, + { + "id": 49600, + "cuisine": "southern_us", + "ingredients": [ + "seedless raspberry jam", + "large egg yolks", + "cake flour", + "pure vanilla extract", + "large egg whites", + "baking powder", + "grated coconut", + "unsalted butter", + "salt", + "unsweetened coconut milk", + "milk", + "granulated sugar", + "confectioners sugar" + ] + }, + { + "id": 18307, + "cuisine": "italian", + "ingredients": [ + "avocado", + "shaved parmesan cheese", + "olive oil", + "gnocchi", + "sunflower seeds", + "green garlic", + "coarse salt", + "fresh basil leaves" + ] + }, + { + "id": 8952, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "boneless skinless chicken breasts", + "oyster sauce", + "ground black pepper", + "salt", + "soy sauce", + "sesame oil", + "sliced mushrooms", + "white vinegar", + "green onions", + "peanut oil" + ] + }, + { + "id": 3155, + "cuisine": "jamaican", + "ingredients": [ + "unsweetened coconut milk", + "large garlic cloves", + "coarse salt", + "scallions", + "red kidnei beans, rins and drain", + "freshly ground pepper", + "chopped fresh thyme", + "long-grain rice" + ] + }, + { + "id": 39420, + "cuisine": "greek", + "ingredients": [ + "tomato purée", + "feta cheese", + "salt", + "crushed tomatoes", + "chicken breasts", + "onions", + "water", + "zucchini", + "green pepper", + "olive oil", + "garlic" + ] + }, + { + "id": 18824, + "cuisine": "jamaican", + "ingredients": [ + "ground nutmeg", + "cinnamon sticks", + "sugar", + "salt", + "cold milk", + "vanilla extract", + "cornmeal", + "evaporated milk", + "berries" + ] + }, + { + "id": 24907, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "hand", + "oil", + "pork belly", + "garlic", + "cabbage", + "soy sauce", + "Shaoxing wine", + "chinese black vinegar", + "sugar", + "water", + "scallions" + ] + }, + { + "id": 23618, + "cuisine": "japanese", + "ingredients": [ + "rice vinegar", + "sugar", + "sake", + "sushi rice" + ] + }, + { + "id": 28085, + "cuisine": "british", + "ingredients": [ + "milk", + "salt", + "instant yeast", + "bread flour", + "sugar", + "large eggs", + "semolina", + "softened butter" + ] + }, + { + "id": 19194, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "vanilla extract", + "semi-sweet chocolate morsels", + "baking powder", + "sour cream", + "brown sugar", + "all-purpose flour", + "butter", + "white sugar" + ] + }, + { + "id": 16105, + "cuisine": "japanese", + "ingredients": [ + "sake", + "mirin", + "sesame oil", + "fresh ginger", + "spring onions", + "rice", + "soy sauce", + "parsley leaves", + "vegetable oil", + "light brown sugar", + "ground black pepper", + "chicken thigh fillets" + ] + }, + { + "id": 10163, + "cuisine": "italian", + "ingredients": [ + "bread", + "roasted red peppers", + "salt", + "fat free yogurt", + "low-fat mayonnaise", + "fresh lemon juice", + "black pepper", + "romaine lettuce leaves", + "diced celery", + "pesto", + "chicken breasts", + "chopped walnuts" + ] + }, + { + "id": 2644, + "cuisine": "french", + "ingredients": [ + "clove", + "butter", + "fat skimmed chicken broth", + "chopped parsley", + "bay leaves", + "salt", + "carrots", + "grated lemon peel", + "mushrooms", + "veal shoulder", + "corn starch", + "black peppercorns", + "whipping cream", + "lemon juice", + "onions" + ] + }, + { + "id": 14092, + "cuisine": "moroccan", + "ingredients": [ + "fat free less sodium chicken broth", + "chicken breast halves", + "all-purpose flour", + "ground cumin", + "ground cinnamon", + "olive oil", + "paprika", + "couscous", + "water", + "large garlic cloves", + "chickpeas", + "green olives", + "mint leaves", + "lemon slices", + "onions" + ] + }, + { + "id": 5246, + "cuisine": "indian", + "ingredients": [ + "cilantro stems", + "white peppercorns", + "boneless chicken skinless thigh", + "dark brown sugar", + "fish sauce", + "garlic", + "ground turmeric", + "coriander seeds", + "oyster sauce" + ] + }, + { + "id": 47818, + "cuisine": "mexican", + "ingredients": [ + "quinoa", + "cayenne pepper", + "ground cumin", + "black beans", + "vegetable broth", + "onions", + "vegetable oil", + "frozen corn kernels", + "salt and ground black pepper", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 21174, + "cuisine": "japanese", + "ingredients": [ + "sweetened condensed milk", + "granulated sugar", + "water", + "ice", + "strawberries" + ] + }, + { + "id": 25546, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "corn starch", + "sesame seeds", + "fresh orange juice", + "large egg whites", + "coarse salt", + "medium shrimp", + "sugar", + "ground pepper", + "scallions" + ] + }, + { + "id": 46407, + "cuisine": "chinese", + "ingredients": [ + "red pepper", + "tomato ketchup", + "sugar pea", + "malt vinegar", + "juice", + "roasted cashews", + "pineapple", + "garlic cloves", + "boneless chicken breast", + "dark muscovado sugar", + "onions" + ] + }, + { + "id": 39663, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "beef broth", + "long grain white rice", + "shiitake", + "red pepper", + "celery", + "soy sauce", + "sirloin steak", + "corn starch", + "sugar", + "vegetable oil", + "chinese cabbage" + ] + }, + { + "id": 47616, + "cuisine": "italian", + "ingredients": [ + "clove", + "water", + "chili powder", + "onions", + "tomatoes", + "garam masala", + "cilantro leaves", + "pasta", + "olive oil", + "salt", + "ground turmeric", + "sugar", + "coriander powder", + "jeera" + ] + }, + { + "id": 38193, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "purple onion", + "fresh lemon juice", + "ground cumin", + "large garlic cloves", + "grated lemon zest", + "rotini", + "baby spinach leaves", + "crushed red pepper flakes", + "chickpeas", + "lowfat plain greekstyl yogurt", + "mint leaves", + "salt", + "shrimp" + ] + }, + { + "id": 6218, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "bay leaves", + "heavy cream", + "cayenne pepper", + "cumin", + "tomato purée", + "garam masala", + "cinnamon", + "garlic", + "chopped parsley", + "fresh ginger", + "boneless skinless chicken breasts", + "paprika", + "corn starch", + "plain yogurt", + "ground black pepper", + "boneless skinless chicken tenderloins", + "salt", + "onions" + ] + }, + { + "id": 30502, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "ground red pepper", + "all-purpose flour", + "celery", + "water", + "garlic", + "okra", + "sausage links", + "cooked chicken", + "green pepper", + "onions", + "ground black pepper", + "salt", + "oil" + ] + }, + { + "id": 24298, + "cuisine": "british", + "ingredients": [ + "olive oil", + "ale", + "garlic cloves", + "onions", + "whole grain dijon mustard", + "chopped fresh thyme", + "corn starch", + "kosher salt", + "ground black pepper", + "greek style plain yogurt", + "low sodium beef broth", + "prepared horseradish", + "yukon gold potatoes", + "sausages", + "low-fat milk" + ] + }, + { + "id": 10137, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "butter", + "coconut milk", + "any", + "curry", + "olive oil", + "ginger", + "chicken", + "chicken stock", + "russet potatoes", + "yellow onion" + ] + }, + { + "id": 17924, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "lime wedges", + "carrots", + "dried oregano", + "chipotle chile", + "salsa verde", + "beef rib short", + "corn tortillas", + "white onion", + "bay leaves", + "garlic cloves", + "onions", + "celery ribs", + "pepper", + "cilantro sprigs", + "ancho chile pepper", + "ground cumin" + ] + }, + { + "id": 6749, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "old bay seasoning", + "salt", + "water", + "bay leaves", + "garlic", + "peppercorns", + "vinegar", + "worcestershire sauce", + "lemon juice", + "cayenne", + "lemon", + "shells", + "large shrimp" + ] + }, + { + "id": 35905, + "cuisine": "korean", + "ingredients": [ + "chile paste", + "soy sauce", + "lemon juice", + "ground ginger", + "onion powder", + "water", + "white sugar" + ] + }, + { + "id": 6337, + "cuisine": "italian", + "ingredients": [ + "orange bell pepper", + "chopped cilantro", + "purple onion", + "barbecue sauce", + "chicken", + "pizza crust", + "shredded cheese" + ] + }, + { + "id": 17618, + "cuisine": "indian", + "ingredients": [ + "red cabbage", + "cardamom pods", + "black peppercorns", + "fine sea salt", + "onions", + "coriander seeds", + "fenugreek seeds", + "ground turmeric", + "fennel seeds", + "garlic", + "cumin seed" + ] + }, + { + "id": 31065, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "cooking wine", + "minced garlic", + "vegetable oil", + "fresh parsley", + "kosher salt", + "grated parmesan cheese", + "all-purpose flour", + "water", + "button mushrooms" + ] + }, + { + "id": 666, + "cuisine": "indian", + "ingredients": [ + "almonds", + "saffron", + "sugar", + "curds", + "pistachios", + "milk", + "ground cardamom" + ] + }, + { + "id": 23954, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "lime", + "cilantro", + "orange juice", + "ground cumin", + "sweetener", + "chili powder", + "purple onion", + "cooked quinoa", + "black beans", + "orange segments", + "extra-virgin olive oil", + "mixed greens", + "avocado", + "fresh cilantro", + "sea salt", + "hot sauce", + "canned corn" + ] + }, + { + "id": 4142, + "cuisine": "italian", + "ingredients": [ + "mayonaise", + "garlic", + "fresh parsley", + "anchovy paste", + "freshly ground pepper", + "kosher salt", + "anchovy fillets", + "capers", + "cornichons", + "fresh lemon juice" + ] + }, + { + "id": 29229, + "cuisine": "southern_us", + "ingredients": [ + "lime", + "butter", + "coconut milk", + "lime zest", + "large eggs", + "cream of coconut", + "coconut flakes", + "pies", + "heavy whipping cream", + "granulated sugar", + "vanilla extract" + ] + }, + { + "id": 2725, + "cuisine": "french", + "ingredients": [ + "salt", + "unsalted butter", + "baking potatoes", + "black pepper" + ] + }, + { + "id": 46771, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "plum tomatoes", + "pizza doughs", + "black olives", + "mozzarella cheese", + "sliced mushrooms" + ] + }, + { + "id": 12434, + "cuisine": "italian", + "ingredients": [ + "whole wheat baguette", + "cracked black pepper", + "olive oil", + "heirloom tomatoes", + "cucumber", + "fresh basil", + "red wine vinegar", + "purple onion", + "basil leaves", + "sea salt" + ] + }, + { + "id": 18060, + "cuisine": "french", + "ingredients": [ + "green leaf lettuce", + "scallions", + "kosher salt", + "extra-virgin olive oil", + "flat leaf parsley", + "baguette", + "beets", + "black pepper", + "tapenade", + "tuna" + ] + }, + { + "id": 31657, + "cuisine": "cajun_creole", + "ingredients": [ + "shrimp tails", + "frozen corn", + "green bell pepper", + "white rice", + "carrots", + "diced tomatoes", + "creole seasoning", + "sausage links", + "garlic", + "onions" + ] + }, + { + "id": 5362, + "cuisine": "mexican", + "ingredients": [ + "country crock honey spread", + "chili powder", + "lime juice", + "chopped cilantro fresh", + "red bell pepper, sliced", + "garlic", + "sweet onion", + "ground cumin" + ] + }, + { + "id": 30710, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "shredded lettuce", + "cider vinegar", + "sour cream", + "pot roast", + "salsa", + "avocado", + "chili powder", + "corn tortillas" + ] + }, + { + "id": 43544, + "cuisine": "greek", + "ingredients": [ + "ground cloves", + "almonds", + "salt", + "water", + "unsalted butter", + "grated nutmeg", + "sugar", + "honey", + "lemon", + "cinnamon sticks", + "phyllo dough", + "orange", + "cinnamon", + "walnuts" + ] + }, + { + "id": 895, + "cuisine": "moroccan", + "ingredients": [ + "chicken stock", + "olive oil", + "purple onion", + "lamb leg", + "fresh coriander", + "harissa paste", + "garlic cloves", + "preserved lemon", + "dried apricot", + "chickpeas", + "tomatoes on the vine", + "ginger", + "cinnamon sticks" + ] + }, + { + "id": 7133, + "cuisine": "italian", + "ingredients": [ + "great northern beans", + "ground black pepper", + "onions", + "artichoke hearts", + "garlic cloves", + "olive oil", + "salt", + "fresh basil", + "fresh parmesan cheese", + "gemelli" + ] + }, + { + "id": 25039, + "cuisine": "jamaican", + "ingredients": [ + "olive oil", + "habanero pepper", + "light brown sugar", + "ground black pepper", + "skirt steak", + "garlic powder", + "ground allspice", + "kosher salt", + "jamaican jerk season" + ] + }, + { + "id": 1138, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "ground red pepper", + "whipping cream", + "shrimp", + "cooked ham", + "vermouth", + "vegetable oil", + "all-purpose flour", + "catfish fillets", + "large eggs", + "lemon wedge", + "salt", + "minced garlic", + "green onions", + "butter", + "lemon juice" + ] + }, + { + "id": 24900, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "hot dog bun", + "all beef hot dogs", + "roasted red peppers", + "garlic", + "sherry wine vinegar", + "fresh parsley", + "manchego cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 21962, + "cuisine": "greek", + "ingredients": [ + "walnuts", + "honey", + "berries", + "nonfat plain greek yogurt" + ] + }, + { + "id": 40464, + "cuisine": "italian", + "ingredients": [ + "white wine", + "fresh thyme leaves", + "organic vegetable broth", + "olive oil", + "purple onion", + "shiitake mushroom caps", + "black pepper", + "butternut squash", + "pearl barley", + "kosher salt", + "cheese", + "garlic cloves" + ] + }, + { + "id": 39260, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "olive oil", + "ancho powder", + "sour cream", + "ground cumin", + "cheddar cheese", + "corn chips", + "beef broth", + "chopped cilantro fresh", + "avocado", + "kidney beans", + "tomatoes with juice", + "onions", + "minced garlic", + "lean ground beef", + "juice", + "dried oregano" + ] + }, + { + "id": 25921, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "mirin", + "olive oil", + "sesame oil", + "honey", + "tuna steaks", + "wasabi paste", + "sesame seeds", + "rice vinegar" + ] + }, + { + "id": 12445, + "cuisine": "british", + "ingredients": [ + "ground pepper", + "extra-virgin olive oil", + "celery", + "heavy cream", + "fresh lemon juice", + "red wine vinegar", + "chopped walnuts", + "dried currants", + "apples", + "stilton cheese" + ] + }, + { + "id": 34887, + "cuisine": "french", + "ingredients": [ + "stock", + "beef", + "shallots", + "beef tenderloin", + "bay leaf", + "black peppercorns", + "water", + "arrowroot", + "watercress", + "beef broth", + "marrow", + "black pepper", + "fresh thyme", + "vegetable oil", + "salt", + "Madeira", + "unsalted butter", + "mushrooms", + "dry red wine", + "carrots" + ] + }, + { + "id": 43936, + "cuisine": "brazilian", + "ingredients": [ + "coconut flakes", + "almond milk", + "açai powder", + "fruit", + "frozen banana", + "frozen mixed berries" + ] + }, + { + "id": 17554, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "broccoli florets", + "stir fry sauce", + "oil", + "dark soy sauce", + "light soy sauce", + "flank steak", + "salt", + "water", + "Shaoxing wine", + "garlic", + "corn starch", + "sugar", + "fresh ginger", + "sesame oil", + "chinese five-spice powder" + ] + }, + { + "id": 38979, + "cuisine": "indian", + "ingredients": [ + "clove", + "raisins", + "basmati rice", + "bay leaves", + "cinnamon sticks", + "saffron threads", + "butter", + "cashew nuts", + "water", + "salt" + ] + }, + { + "id": 7288, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "green onions", + "corn tortillas", + "taco seasoning mix", + "black olives", + "plum tomatoes", + "refried beans", + "vegetable oil", + "ground beef", + "avocado", + "diced green chilies", + "sour cream" + ] + }, + { + "id": 8563, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "lemon juice", + "english cucumber", + "fresh mint", + "salt", + "greek yogurt", + "fresh dill", + "garlic cloves" + ] + }, + { + "id": 43905, + "cuisine": "indian", + "ingredients": [ + "tomato sauce", + "whipped cream", + "thai chile", + "salt", + "mustard seeds", + "tomatoes", + "garam masala", + "ginger", + "paneer", + "cumin seed", + "water", + "cilantro", + "garlic", + "cayenne pepper", + "ground cumin", + "tumeric", + "ground black pepper", + "peas", + "purple onion", + "oil" + ] + }, + { + "id": 29545, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "green onions", + "salt", + "ground black pepper", + "lumpia wrappers", + "onions", + "garlic powder", + "parsley", + "carrots", + "cooking oil", + "ground pork" + ] + }, + { + "id": 43329, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "zucchini", + "chopped fresh mint", + "olive oil", + "salt", + "yellow squash", + "balsamic vinegar", + "fresh basil", + "eggplant", + "garlic cloves" + ] + }, + { + "id": 9146, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "butter", + "sharp cheddar cheese", + "roasted tomatoes", + "jalapeno chilies", + "penne pasta", + "garlic cloves", + "milk", + "all-purpose flour", + "ground coriander", + "ground cumin", + "black pepper", + "chili powder", + "yellow onion", + "ground beef" + ] + }, + { + "id": 44891, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "Louisiana Hot Sauce", + "flour", + "cajun seasoning", + "salt", + "ancho chile pepper", + "diced onions", + "andouille sausage", + "olive oil", + "red wine vinegar", + "garlic", + "diced celery", + "green bell pepper", + "lime", + "vegetable oil", + "diced tomatoes", + "beer", + "red chili powder", + "pepper", + "ground sirloin", + "guajillo", + "beef broth", + "cumin" + ] + }, + { + "id": 22784, + "cuisine": "brazilian", + "ingredients": [ + "rib", + "olive oil", + "collard greens", + "garlic cloves" + ] + }, + { + "id": 33422, + "cuisine": "british", + "ingredients": [ + "warm water", + "oat flour", + "active dry yeast", + "white sugar", + "milk", + "salt", + "whole wheat flour" + ] + }, + { + "id": 9480, + "cuisine": "british", + "ingredients": [ + "sugar", + "lemon peel", + "pears", + "powdered sugar", + "vanilla beans", + "pound cake", + "sliced almonds", + "whipping cream", + "water", + "vanilla extract" + ] + }, + { + "id": 39148, + "cuisine": "japanese", + "ingredients": [ + "water", + "ground pork", + "green onions", + "tofu", + "sesame oil", + "miso paste" + ] + }, + { + "id": 42530, + "cuisine": "vietnamese", + "ingredients": [ + "hard-boiled egg", + "pork belly", + "cracked black pepper", + "fish sauce", + "shallots", + "coconut", + "garlic cloves" + ] + }, + { + "id": 23252, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "vegetable oil", + "garlic", + "oil", + "garam masala", + "cilantro", + "all-purpose flour", + "coriander seeds", + "lemon", + "salt", + "onions", + "red chili powder", + "potatoes", + "ginger", + "green chilies" + ] + }, + { + "id": 11630, + "cuisine": "indian", + "ingredients": [ + "water", + "oil", + "kingfish", + "garlic paste", + "chili powder", + "coconut milk", + "ginger paste", + "kokum", + "fenugreek", + "black mustard seeds", + "ground turmeric", + "fresh curry leaves", + "salt", + "onions" + ] + }, + { + "id": 37675, + "cuisine": "greek", + "ingredients": [ + "plain low-fat yogurt", + "garlic cloves", + "olive oil", + "cucumber", + "salt", + "fresh parsley", + "black pepper", + "fresh lemon juice" + ] + }, + { + "id": 19295, + "cuisine": "british", + "ingredients": [ + "large garlic cloves", + "unsalted butter", + "stilton cheese", + "mushrooms", + "heavy cream" + ] + }, + { + "id": 38442, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "coarse salt", + "salt", + "olive oil", + "all purpose unbleached flour", + "soft fresh goat cheese", + "warm water", + "green onions", + "crushed red pepper", + "dry yeast", + "extra-virgin olive oil" + ] + }, + { + "id": 34284, + "cuisine": "chinese", + "ingredients": [ + "chestnuts", + "shiitake", + "vegetable oil", + "scallions", + "sugar", + "water chestnuts", + "salt", + "boiling water", + "soy sauce", + "shallots", + "freshly ground pepper", + "sweet rice", + "chinese sausage", + "cooking wine", + "chopped cilantro" + ] + }, + { + "id": 16322, + "cuisine": "italian", + "ingredients": [ + "baguette", + "grated lemon zest", + "mint leaves", + "garlic cloves", + "pecorino cheese", + "extra-virgin olive oil", + "fresh lemon juice", + "baby arugula", + "fresh fava bean" + ] + }, + { + "id": 1805, + "cuisine": "italian", + "ingredients": [ + "tomato purée", + "garlic", + "shallots", + "chopped tomatoes", + "dried oregano", + "extra-virgin olive oil" + ] + }, + { + "id": 17193, + "cuisine": "jamaican", + "ingredients": [ + "ground ginger", + "black pepper", + "habanero pepper", + "crushed red pepper flakes", + "smoked paprika", + "brown sugar", + "ground nutmeg", + "chili powder", + "peanut oil", + "allspice", + "ground cloves", + "fresh thyme", + "cinnamon", + "garlic cloves", + "ground cumin", + "fresh basil", + "lime juice", + "green onions", + "salt", + "coriander" + ] + }, + { + "id": 4018, + "cuisine": "cajun_creole", + "ingredients": [ + "pasta", + "parmesan cheese", + "ground beef", + "cumin", + "dried thyme", + "cayenne pepper", + "tagliatelle", + "crushed tomatoes", + "onion powder", + "onions", + "dried rosemary", + "garlic powder", + "red bell pepper", + "dried oregano" + ] + }, + { + "id": 33586, + "cuisine": "cajun_creole", + "ingredients": [ + "celery salt", + "andouille sausage", + "schmaltz", + "onion powder", + "worcestershire sauce", + "cayenne pepper", + "sweet paprika", + "cornmeal", + "green bell pepper", + "baguette", + "boneless chicken breast", + "buttermilk", + "all-purpose flour", + "okra", + "bay leaf", + "tomatoes", + "pepper", + "ground black pepper", + "spices", + "salt", + "ground allspice", + "celery", + "canola oil", + "chicken stock", + "kosher salt", + "garlic powder", + "Tabasco Pepper Sauce", + "garlic", + "rice", + "thyme", + "onions" + ] + }, + { + "id": 476, + "cuisine": "mexican", + "ingredients": [ + "seasoning salt", + "chuck roast", + "paprika", + "beer", + "green bell pepper", + "ground black pepper", + "chile pepper", + "cayenne pepper", + "onions", + "celery salt", + "garlic powder", + "chili powder", + "garlic", + "flavoring", + "dried tarragon leaves", + "hot pepper sauce", + "worcestershire sauce", + "mustard powder", + "dried parsley" + ] + }, + { + "id": 40180, + "cuisine": "mexican", + "ingredients": [ + "butter", + "pork sausages", + "processed cheese", + "green chilies", + "eggs", + "salsa", + "large flour tortillas", + "onions" + ] + }, + { + "id": 42643, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "cornbread mix", + "butter", + "shrimp", + "pepper sauce", + "milk", + "barbecue sauce", + "yellow bell pepper", + "red bell pepper", + "country ham", + "olive oil", + "chopped fresh thyme", + "diced celery", + "thyme sprigs", + "diced onions", + "pepper", + "large eggs", + "buttermilk", + "chopped pecans" + ] + }, + { + "id": 8746, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "onions", + "poblano peppers", + "olive oil", + "ground cumin", + "fresh tomatoes", + "sour cream" + ] + }, + { + "id": 34632, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "kosher salt", + "chipotles in adobo" + ] + }, + { + "id": 6655, + "cuisine": "spanish", + "ingredients": [ + "brandy", + "lemon", + "ice cubes", + "superfine sugar", + "lemon juice", + "orange", + "orange juice", + "cointreau", + "zinfandel", + "club soda" + ] + }, + { + "id": 5130, + "cuisine": "french", + "ingredients": [ + "baking soda", + "vanilla extract", + "chopped walnuts", + "eggs", + "unsalted butter", + "all-purpose flour", + "confectioners sugar", + "ground cinnamon", + "ground nutmeg", + "salt", + "hot water", + "diced apples", + "butter", + "cream cheese", + "white sugar" + ] + }, + { + "id": 31477, + "cuisine": "italian", + "ingredients": [ + "rocket leaves", + "large eggs", + "flat leaf parsley", + "sourdough bread", + "extra-virgin olive oil", + "prosciutto", + "onion tops", + "parsley sprigs", + "coarse salt" + ] + }, + { + "id": 40078, + "cuisine": "irish", + "ingredients": [ + "mashed potatoes", + "potatoes", + "pepper", + "all-purpose flour", + "milk", + "eggs", + "salt" + ] + }, + { + "id": 32031, + "cuisine": "british", + "ingredients": [ + "milk", + "pepper", + "eggs", + "salt", + "plain flour", + "sunflower oil" + ] + }, + { + "id": 20629, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "paprika", + "bone in chicken thighs", + "reduced sodium chicken broth", + "garlic powder", + "garlic cloves", + "olive oil", + "dri leav thyme", + "pinenuts", + "ground black pepper", + "escarole" + ] + }, + { + "id": 3680, + "cuisine": "southern_us", + "ingredients": [ + "dijon mustard", + "carrots", + "kosher salt", + "vegetable oil", + "cabbage", + "sugar", + "apple cider vinegar", + "celery seed", + "ground black pepper", + "dry mustard" + ] + }, + { + "id": 7077, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "garlic cloves", + "pepper", + "butter", + "kale", + "salt", + "turnip greens", + "mustard greens" + ] + }, + { + "id": 3084, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "pepper", + "peas", + "squash", + "tumeric", + "olive oil", + "cayenne pepper", + "ground lamb", + "ground ginger", + "lamb stock", + "hungarian paprika", + "flat leaf parsley", + "eggs", + "fresh coriander", + "salt", + "onions" + ] + }, + { + "id": 23122, + "cuisine": "british", + "ingredients": [ + "milk", + "paprika", + "onions", + "eggs", + "crushed garlic", + "sharp cheddar cheese", + "white bread", + "egg yolks", + "salt", + "pepper", + "butter", + "chopped parsley" + ] + }, + { + "id": 4164, + "cuisine": "mexican", + "ingredients": [ + "canned black beans", + "garlic", + "olive oil", + "cumin seed", + "pepper", + "salt", + "tomato juice", + "chopped cilantro" + ] + }, + { + "id": 43204, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "ground pork", + "chicken stock", + "light soy sauce", + "scallions", + "minced ginger", + "bean sauce", + "dark soy sauce", + "vermicelli", + "oil" + ] + }, + { + "id": 24597, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "ground red pepper", + "salt", + "black pepper", + "part-skim mozzarella cheese", + "dry red wine", + "italian seasoning", + "tomatoes", + "olive oil", + "basil", + "boneless skinless chicken breast halves", + "seasoned bread crumbs", + "grated parmesan cheese", + "linguine" + ] + }, + { + "id": 37655, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "jalapeno chilies", + "salt", + "carrots", + "chopped cilantro", + "crushed tomatoes", + "star anise", + "freshly ground pepper", + "sliced shallots", + "low sodium beef stock", + "brown sugar", + "shallots", + "tortilla shells", + "cinnamon sticks", + "onions", + "five spice", + "boneless chuck roast", + "garlic", + "oil", + "bay leaf", + "sliced green onions" + ] + }, + { + "id": 11815, + "cuisine": "cajun_creole", + "ingredients": [ + "white pepper", + "crushed tomatoes", + "bay leaves", + "all-purpose flour", + "fresh pineapple", + "black pepper", + "minced garlic", + "chopped green bell pepper", + "salt", + "medium shrimp", + "chicken broth", + "white wine", + "dried thyme", + "chili powder", + "chopped onion", + "mango", + "chicken-apple sausage", + "diced apples", + "olive oil", + "red pepper flakes", + "long-grain rice" + ] + }, + { + "id": 15715, + "cuisine": "mexican", + "ingredients": [ + "vidalia onion", + "lime", + "cilantro", + "monterey jack", + "tomatoes", + "grilled chicken breasts", + "jalapeno chilies", + "salt", + "coconut oil", + "poblano peppers", + "purple onion", + "pineapple chunks", + "pepper", + "cinnamon", + "strawberries" + ] + }, + { + "id": 44357, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "onions", + "kosher salt", + "mango chutney", + "mashed potatoes", + "olive oil", + "frozen peas", + "pepper", + "refrigerated piecrusts" + ] + }, + { + "id": 26581, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "fresh basil", + "garlic", + "plum tomatoes", + "zucchini", + "bow-tie pasta", + "olive oil", + "wine vinegar" + ] + }, + { + "id": 8674, + "cuisine": "thai", + "ingredients": [ + "water", + "lime wedges", + "hot chili sauce", + "peanuts", + "garlic", + "beansprouts", + "fresh cilantro", + "rice noodles", + "shrimp", + "eggs", + "cooking oil", + "sauce", + "snow peas" + ] + }, + { + "id": 29689, + "cuisine": "vietnamese", + "ingredients": [ + "red pepper flakes", + "green beans", + "pepper", + "salt", + "soy sauce", + "ginger", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 38958, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "blue cheese", + "prosciutto", + "polenta", + "fat free milk", + "dry bread crumbs", + "cooking spray" + ] + }, + { + "id": 44589, + "cuisine": "italian", + "ingredients": [ + "vegetable oil cooking spray", + "green onions", + "spaghetti", + "sesame seeds", + "salt", + "minced garlic", + "red pepper", + "broccoli florets", + "oil" + ] + }, + { + "id": 39623, + "cuisine": "british", + "ingredients": [ + "beef drippings", + "fresh thyme", + "vegetable oil", + "all-purpose flour", + "top round roast", + "ground black pepper", + "onion powder", + "salt", + "oregano", + "dried thyme", + "large eggs", + "paprika", + "essence", + "black pepper", + "garlic powder", + "whole milk", + "garlic", + "cayenne pepper" + ] + }, + { + "id": 14217, + "cuisine": "japanese", + "ingredients": [ + "granulated sugar", + "heavy cream", + "matcha green tea powder", + "corn starch", + "large eggs", + "cake flour", + "mascarpone", + "butter", + "confectioners sugar" + ] + }, + { + "id": 16669, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "zucchini", + "garlic", + "olive oil", + "dry white wine", + "fresh parsley", + "arborio rice", + "feta cheese", + "fresh green bean", + "onions", + "sugar pea", + "broccoli florets", + "celery" + ] + }, + { + "id": 26866, + "cuisine": "thai", + "ingredients": [ + "fresh ginger root", + "coconut cream", + "vegetable oil", + "coriander", + "prawns", + "onions", + "chopped tomatoes", + "Thai red curry paste" + ] + }, + { + "id": 30256, + "cuisine": "italian", + "ingredients": [ + "hot red pepper flakes", + "large garlic cloves", + "olive oil", + "mozzarella cheese", + "large eggs" + ] + }, + { + "id": 47663, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "whole milk", + "salt", + "fresh lemon juice", + "unsalted butter", + "shallots", + "crabmeat", + "pompano fillets", + "ground black pepper", + "dry white wine", + "all-purpose flour", + "fresh parsley", + "large eggs", + "whipping cream", + "black cod", + "grated lemon peel" + ] + }, + { + "id": 104, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "thai basil", + "ginger", + "soy sauce", + "Shaoxing wine", + "scallions", + "red chili peppers", + "sichuanese chili paste", + "garlic", + "white pepper", + "sesame oil", + "chicken" + ] + }, + { + "id": 8426, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "scallions", + "milk", + "salt", + "sugar", + "vegetable shortening", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 17666, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "fresh ginger", + "rice", + "chopped cilantro fresh", + "minced garlic", + "lime wedges", + "fresh lime juice", + "chicken breast tenders", + "light coconut milk", + "onions", + "sugar", + "Sriracha", + "corn starch", + "canola oil" + ] + }, + { + "id": 37785, + "cuisine": "japanese", + "ingredients": [ + "fat free less sodium chicken broth", + "soba", + "low sodium soy sauce", + "soft tofu", + "sliced green onions", + "mirin", + "nori", + "sugar", + "toasted sesame seeds" + ] + }, + { + "id": 29730, + "cuisine": "mexican", + "ingredients": [ + "honey", + "salt", + "chipotle peppers", + "extra large shrimp", + "rice vinegar", + "adobo sauce", + "cilantro", + "fresh lemon juice", + "canola oil", + "pancetta", + "garlic", + "fresh lime juice" + ] + }, + { + "id": 13432, + "cuisine": "indian", + "ingredients": [ + "coriander powder", + "ginger", + "salt", + "garam masala", + "chili powder", + "garlic", + "ground turmeric", + "ground black pepper", + "baby spinach", + "purple onion", + "ground cumin", + "leaves", + "serrano peppers", + "kasuri methi", + "ghee" + ] + }, + { + "id": 26669, + "cuisine": "french", + "ingredients": [ + "lemon zest", + "salt", + "cinnamon sticks", + "calvados", + "vegetable shortening", + "fresh lemon juice", + "sugar", + "golden delicious apples", + "all-purpose flour", + "unsalted butter", + "ice water", + "accompaniment" + ] + }, + { + "id": 48644, + "cuisine": "british", + "ingredients": [ + "egg yolks", + "stout", + "cheddar cheese", + "butter", + "sourdough", + "pepper", + "worcestershire sauce", + "chives", + "dry mustard" + ] + }, + { + "id": 42184, + "cuisine": "irish", + "ingredients": [ + "Guinness Beer", + "butter", + "curds", + "brown sugar", + "flour", + "garlic", + "corned beef", + "whole grain mustard", + "worcestershire sauce", + "onions", + "pepper", + "french fries", + "salt" + ] + }, + { + "id": 3517, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "garlic", + "chickpeas", + "olive oil", + "salt", + "pepper", + "crushed red pepper", + "onions", + "parmesan cheese", + "broccoli" + ] + }, + { + "id": 3907, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "rice vinegar", + "canola oil", + "hot chili oil", + "garlic cloves", + "soy sauce", + "scallions", + "sesame oil", + "noodles" + ] + }, + { + "id": 23017, + "cuisine": "mexican", + "ingredients": [ + "liquid smoke", + "vegetable oil", + "onions", + "poblano peppers", + "salt", + "green bell pepper", + "garlic", + "plum tomatoes", + "white vinegar", + "chile pepper", + "cilantro leaves" + ] + }, + { + "id": 3228, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "mirin", + "onions", + "eggs", + "ground chicken", + "ginger", + "soy sauce", + "green onions", + "sake", + "olive oil", + "rice" + ] + }, + { + "id": 20506, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "cold water", + "yeast", + "white flour", + "extra sharp cheddar cheese", + "salt" + ] + }, + { + "id": 37324, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "egg whites", + "unsalted butter", + "juice", + "peaches", + "fine sea salt", + "granulated sugar", + "confectioners sugar" + ] + }, + { + "id": 41758, + "cuisine": "vietnamese", + "ingredients": [ + "mayonaise", + "Sriracha", + "ground pork", + "carrots", + "ground black pepper", + "cilantro stems", + "salt", + "coarse kosher salt", + "sugar", + "jalapeno chilies", + "cilantro sprigs", + "corn starch", + "fish sauce", + "radishes", + "basil", + "garlic cloves", + "onions" + ] + }, + { + "id": 31864, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "flat leaf parsley", + "anchovy fillets", + "garlic cloves", + "crushed red pepper", + "plum tomatoes" + ] + }, + { + "id": 18912, + "cuisine": "southern_us", + "ingredients": [ + "bananas", + "corn starch", + "sugar", + "vanilla", + "stevia extract", + "cookies", + "soy milk", + "rum extract" + ] + }, + { + "id": 20688, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "cooking spray", + "chopped fresh thyme", + "pimento stuffed olives", + "eggplant", + "balsamic vinegar", + "chopped onion", + "tomatoes", + "french bread", + "hard salami", + "provolone cheese", + "olive oil", + "chicken breasts", + "pepperoncini" + ] + }, + { + "id": 2925, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "diced tomatoes", + "taco seasoning", + "jack cheese", + "flour tortillas", + "frozen corn", + "onions", + "low-fat sour cream", + "chopped green chilies", + "salt", + "garlic cloves", + "safflower oil", + "boneless skinless chicken breasts", + "sharp cheddar cheese" + ] + }, + { + "id": 47847, + "cuisine": "chinese", + "ingredients": [ + "large eggs", + "carrots", + "soy sauce", + "chopped celery", + "cooked rice", + "green onions", + "frozen peas", + "olive oil", + "chopped onion" + ] + }, + { + "id": 16512, + "cuisine": "southern_us", + "ingredients": [ + "frozen peaches", + "salt", + "eggs", + "butter", + "heavy whipping cream", + "water", + "vanilla extract", + "confectioners sugar", + "ground nutmeg", + "all-purpose flour" + ] + }, + { + "id": 43259, + "cuisine": "british", + "ingredients": [ + "milk", + "large eggs", + "all-purpose flour", + "ground black pepper", + "vegetable oil", + "roast beef", + "large egg yolks", + "parsley", + "sour cream", + "horseradish", + "parsley leaves", + "salt" + ] + }, + { + "id": 31757, + "cuisine": "indian", + "ingredients": [ + "coconut", + "salt", + "mustard seeds", + "masala", + "red chili powder", + "vegetables", + "fenugreek seeds", + "jaggery", + "curry leaves", + "pigeon peas", + "tamarind paste", + "ghee", + "asafetida", + "red chili peppers", + "garlic", + "rice", + "ground turmeric" + ] + }, + { + "id": 47915, + "cuisine": "french", + "ingredients": [ + "olive oil", + "fresh lemon juice", + "Belgian endive", + "chopped fresh chives", + "dijon mustard", + "celery seed", + "roquefort cheese", + "beets" + ] + }, + { + "id": 43297, + "cuisine": "spanish", + "ingredients": [ + "almonds", + "green onions", + "coarse kosher salt", + "crusty bread", + "ground black pepper", + "extra-virgin olive oil", + "chopped cilantro fresh", + "sherry vinegar", + "chicken breasts", + "fresh lime juice", + "minced garlic", + "roasted red peppers", + "spanish paprika" + ] + }, + { + "id": 38591, + "cuisine": "italian", + "ingredients": [ + "truffles", + "whole milk", + "all-purpose flour", + "large eggs", + "salt", + "unsalted butter", + "heavy cream", + "grated nutmeg", + "parmigiano reggiano cheese", + "cheese" + ] + }, + { + "id": 18426, + "cuisine": "greek", + "ingredients": [ + "grape tomatoes", + "feta cheese crumbles", + "deli ham", + "hummus", + "pepper", + "ripe olives", + "pita rounds", + "purple onion" + ] + }, + { + "id": 16936, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "cold water", + "all-purpose flour", + "unsalted butter" + ] + }, + { + "id": 40613, + "cuisine": "french", + "ingredients": [ + "sweet onion", + "butter", + "fresh parsley", + "french bread", + "beef broth", + "beef", + "cheese", + "dry white wine", + "apple juice" + ] + }, + { + "id": 3633, + "cuisine": "british", + "ingredients": [ + "brown sugar", + "flaked coconut", + "salt", + "boiling water", + "baking soda", + "dates", + "chopped walnuts", + "eggs", + "baking powder", + "vanilla extract", + "white sugar", + "cream", + "butter", + "all-purpose flour" + ] + }, + { + "id": 33198, + "cuisine": "british", + "ingredients": [ + "milk", + "unsalted butter", + "salt", + "baking soda", + "baking powder", + "dark brown sugar", + "honey", + "large eggs", + "all-purpose flour", + "molasses", + "ground nutmeg", + "ginger", + "oatmeal" + ] + }, + { + "id": 17145, + "cuisine": "thai", + "ingredients": [ + "pork", + "thai basil", + "crushed red pepper flakes", + "green chilies", + "snow peas", + "fish sauce", + "black pepper", + "water chestnuts", + "garlic", + "onions", + "soy sauce", + "zucchini", + "ginger", + "coconut milk", + "fresh tomatoes", + "water", + "bell pepper", + "broccoli", + "bamboo shoots" + ] + }, + { + "id": 20169, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "salt", + "ground beef", + "bay leaves", + "ham hock", + "water", + "garlic cloves", + "onions", + "cooked rice", + "onion powder", + "dried kidney beans" + ] + }, + { + "id": 45894, + "cuisine": "chinese", + "ingredients": [ + "sirloin", + "Shaoxing wine", + "oyster sauce", + "water", + "peanut oil", + "soy sauce", + "cracked black pepper", + "onions", + "honey", + "garlic cloves" + ] + }, + { + "id": 2309, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "low sodium black beans", + "whole wheat tortillas", + "shredded reduced fat cheddar cheese", + "frozen corn", + "boneless skinless chicken breasts", + "salsa" + ] + }, + { + "id": 6464, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "red bell pepper", + "salt", + "fresh lime juice", + "frozen corn kernels", + "chopped cilantro fresh", + "purple onion", + "field peas" + ] + }, + { + "id": 22083, + "cuisine": "indian", + "ingredients": [ + "bananas", + "clarified butter", + "batter", + "cardamom", + "baking soda", + "rice flour", + "grated coconut", + "rice", + "jaggery" + ] + }, + { + "id": 33211, + "cuisine": "french", + "ingredients": [ + "low-fat sour cream", + "shallots", + "pepper", + "salt", + "dry white wine", + "dried tarragon leaves", + "white wine vinegar" + ] + }, + { + "id": 35194, + "cuisine": "italian", + "ingredients": [ + "honey", + "chicken breasts", + "lemon juice", + "chicken stock", + "lemon zest", + "vegetable oil", + "unsalted butter", + "parsley", + "capers", + "flour", + "scallions" + ] + }, + { + "id": 4487, + "cuisine": "thai", + "ingredients": [ + "sugar", + "shallots", + "garlic cloves", + "eggs", + "unsalted roasted peanuts", + "vegetable oil", + "beansprouts", + "red chili peppers", + "rice noodles", + "shrimp", + "fish sauce", + "green onions", + "tamarind paste" + ] + }, + { + "id": 23567, + "cuisine": "brazilian", + "ingredients": [ + "black pepper", + "pork back ribs", + "butter", + "garlic cloves", + "sausage links", + "orange", + "bay leaves", + "diced yellow onion", + "black beans", + "olive oil", + "white rice", + "carne seca", + "unsalted chicken stock", + "kosher salt", + "lager beer", + "yellow onion", + "farina" + ] + }, + { + "id": 10957, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "flaked coconut", + "peanut butter", + "water", + "raisins", + "basmati rice", + "slivered almonds", + "sesame oil", + "curry paste", + "unsweetened coconut milk", + "lime", + "garlic" + ] + }, + { + "id": 24645, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "collard greens", + "bacon slices", + "fat free less sodium chicken broth", + "crushed red pepper", + "white vinegar", + "dry white wine", + "chopped onion" + ] + }, + { + "id": 11744, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "heavy cream", + "egg yolks", + "white sugar" + ] + }, + { + "id": 3649, + "cuisine": "italian", + "ingredients": [ + "table salt", + "grated parmesan cheese", + "frozen peas", + "olive oil", + "linguine", + "pinenuts", + "basil leaves", + "fresh peas", + "garlic cloves" + ] + }, + { + "id": 16493, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "boneless chicken skinless thigh", + "golden raisins", + "phyllo pastry", + "saffron threads", + "tumeric", + "olive oil", + "low salt chicken broth", + "chopped cilantro fresh", + "ground ginger", + "slivered almonds", + "unsalted butter", + "flat leaf parsley", + "powdered sugar", + "kosher salt", + "all-purpose flour", + "onions" + ] + }, + { + "id": 5405, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "pepper", + "green onions", + "garlic cloves", + "celery ribs", + "green bell pepper", + "crushed tomatoes", + "smoked sausage", + "red kidney beans", + "sugar", + "bay leaves", + "salt", + "cooked rice", + "water", + "vegetable oil", + "onions" + ] + }, + { + "id": 31832, + "cuisine": "japanese", + "ingredients": [ + "white pepper", + "Yuzukosho", + "brown sugar", + "mirin", + "miso paste", + "sake", + "flat iron steaks" + ] + }, + { + "id": 2973, + "cuisine": "italian", + "ingredients": [ + "garlic cloves", + "yukon gold potatoes", + "green beans", + "extra-virgin olive oil" + ] + }, + { + "id": 37813, + "cuisine": "mexican", + "ingredients": [ + "lime", + "tortilla chips", + "chopped cilantro fresh", + "chicken broth", + "garlic", + "chipotles in adobo", + "extra-virgin olive oil", + "hass avocado", + "boneless chicken skinless thigh", + "salt", + "onions" + ] + }, + { + "id": 23704, + "cuisine": "irish", + "ingredients": [ + "dried mint flakes", + "maple syrup", + "granny smith apples", + "red wine vinegar", + "white pepper", + "salt", + "diced onions", + "dried tart cherries", + "orange juice" + ] + }, + { + "id": 27871, + "cuisine": "indian", + "ingredients": [ + "moong dal", + "cumin seed", + "urad dal", + "chutney", + "yoghurt", + "oil", + "red chili powder", + "salt" + ] + }, + { + "id": 34679, + "cuisine": "southern_us", + "ingredients": [ + "ice cubes", + "hot water", + "sugar", + "tea bags", + "lemon" + ] + }, + { + "id": 47954, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "black-eyed peas", + "scallions", + "water", + "dill tips", + "extra-virgin olive oil" + ] + }, + { + "id": 12335, + "cuisine": "irish", + "ingredients": [ + "salt", + "potatoes", + "cabbage", + "pepper", + "onions", + "butter" + ] + }, + { + "id": 24540, + "cuisine": "italian", + "ingredients": [ + "brewed coffee", + "part-skim ricotta cheese", + "orange liqueur", + "fruit", + "butter", + "heavy whipping cream", + "semisweet chocolate", + "vanilla extract", + "confectioners sugar", + "pound cake mix", + "unsweetened chocolate", + "white sugar" + ] + }, + { + "id": 21566, + "cuisine": "italian", + "ingredients": [ + "spelt flour", + "water", + "eggs", + "vegetable oil" + ] + }, + { + "id": 16410, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "water", + "diced red onions", + "spices", + "raw cashews", + "nuts", + "grape tomatoes", + "corn kernels", + "apple cider vinegar", + "grapeseed oil", + "coconut aminos", + "cabbage leaves", + "lime", + "chili powder", + "lemon", + "salt", + "pepper", + "leaves", + "lime wedges", + "sea salt", + "chopped cilantro" + ] + }, + { + "id": 28835, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "sauce", + "water", + "dashi powder", + "cabbage", + "flour" + ] + }, + { + "id": 26141, + "cuisine": "mexican", + "ingredients": [ + "hot water", + "masa harina" + ] + }, + { + "id": 30116, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "jalapeno chilies", + "purple onion", + "fresh lemon juice", + "fresh ginger", + "corn oil", + "indian flat bread", + "ground cumin", + "unsweetened coconut milk", + "peaches", + "garlic", + "ground coriander", + "kosher salt", + "boneless skinless chicken breasts", + "cayenne pepper", + "mustard seeds" + ] + }, + { + "id": 48229, + "cuisine": "french", + "ingredients": [ + "fennel seeds", + "ground black pepper", + "leeks", + "garlic", + "onions", + "kosher salt", + "seafood stock", + "parsley", + "bay leaf", + "whitefish", + "cayenne", + "dry white wine", + "fresh lemon juice", + "plum tomatoes", + "saffron threads", + "olive oil", + "egg yolks", + "toasted baguette", + "medium shrimp" + ] + }, + { + "id": 42594, + "cuisine": "mexican", + "ingredients": [ + "ruby port", + "fresh raspberries", + "sugar", + "flour tortillas", + "havarti", + "smoked turkey breast", + "scallions", + "chipotle chile", + "cooked bacon" + ] + }, + { + "id": 38083, + "cuisine": "mexican", + "ingredients": [ + "salt", + "chunky salsa", + "chopped cilantro", + "avocado" + ] + }, + { + "id": 748, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "spring onions", + "rolls", + "sesame seeds", + "raisins", + "chili pepper", + "vegetable oil", + "chicken stock", + "almonds", + "salt" + ] + }, + { + "id": 47090, + "cuisine": "italian", + "ingredients": [ + "fresh lemon", + "confectioners sugar", + "honey", + "lemon", + "large egg whites", + "baking powder", + "granulated sugar", + "blanched almonds" + ] + }, + { + "id": 43861, + "cuisine": "russian", + "ingredients": [ + "mayonaise", + "yellow onion", + "russet potatoes", + "oil", + "salt and ground black pepper", + "beets", + "herring fillets", + "carrots" + ] + }, + { + "id": 48897, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "grated parmesan cheese", + "boneless skinless chicken breast halves", + "ground black pepper", + "dry bread crumbs", + "basil dried leaves" + ] + }, + { + "id": 19007, + "cuisine": "filipino", + "ingredients": [ + "ampalaya", + "water", + "salt", + "onions", + "soy sauce", + "top sirloin", + "oyster sauce", + "sugar", + "sesame oil", + "oil", + "pepper", + "garlic", + "corn starch" + ] + }, + { + "id": 3822, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "rice vinegar", + "mirin", + "dark sesame oil", + "shallots", + "seaweed", + "salt", + "toasted sesame seeds" + ] + }, + { + "id": 45898, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "garlic cloves", + "tomatoes", + "sea salt", + "roasted red peppers", + "bread slices", + "fresh basil", + "freshly ground pepper" + ] + }, + { + "id": 43876, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "green tomatoes", + "all-purpose flour", + "vegetable oil", + "self-rising cornmeal", + "pepper", + "salt" + ] + }, + { + "id": 19625, + "cuisine": "chinese", + "ingredients": [ + "jasmine rice", + "ground black pepper", + "star anise", + "bok choy", + "dark soy sauce", + "sesame seeds", + "large garlic cloves", + "plums", + "sugar", + "fresh ginger root", + "sea salt", + "rice vinegar", + "honey", + "pork tenderloin", + "thai chile", + "onions" + ] + }, + { + "id": 40772, + "cuisine": "french", + "ingredients": [ + "lime zest", + "large egg yolks", + "lime rind", + "fresh lime juice", + "mint", + "whipped topping", + "mini phyllo dough shells", + "sweetened condensed milk" + ] + }, + { + "id": 41980, + "cuisine": "italian", + "ingredients": [ + "ice cubes", + "instant espresso powder", + "confectioners sugar", + "vanilla ice cream", + "chocolate shavings", + "chopped nuts", + "granulated sugar", + "water", + "heavy cream" + ] + }, + { + "id": 36579, + "cuisine": "italian", + "ingredients": [ + "non-fat sour cream", + "chopped parsley", + "shallots", + "grated nutmeg", + "cooked chicken", + "salt", + "gnocchi", + "dry sherry", + "fat skimmed chicken broth" + ] + }, + { + "id": 44991, + "cuisine": "southern_us", + "ingredients": [ + "herbs", + "salt", + "cheese", + "quickcooking grits", + "freshly ground pepper", + "frozen whole kernel corn", + "garlic" + ] + }, + { + "id": 33183, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "ground black pepper", + "smoked ham", + "ground pork", + "black vinegar", + "unflavored gelatin", + "water", + "peeled fresh ginger", + "sesame oil", + "dried shiitake mushrooms", + "chicken wings", + "dumpling wrappers", + "green onions", + "large garlic cloves", + "shrimp", + "soy sauce", + "Shaoxing wine", + "napa cabbage leaves", + "salt" + ] + }, + { + "id": 41587, + "cuisine": "mexican", + "ingredients": [ + "ancho chili ground pepper", + "salt", + "fat free less sodium chicken broth", + "cilantro sprigs", + "canola oil", + "sliced almonds", + "butter", + "boneless skinless chicken breast halves", + "crema mexicana", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 46470, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "garlic cloves", + "water", + "extra-virgin olive oil", + "spiny lobsters", + "flat leaf parsley", + "cherry tomatoes", + "crushed red pepper" + ] + }, + { + "id": 33244, + "cuisine": "cajun_creole", + "ingredients": [ + "coconut oil", + "chicken sausage", + "red beans", + "onions", + "chopped bell pepper", + "ground black pepper", + "chopped celery", + "water", + "dried thyme", + "chili powder", + "chopped garlic", + "steamed rice", + "bay leaves", + "salt" + ] + }, + { + "id": 45281, + "cuisine": "brazilian", + "ingredients": [ + "sugar substitute", + "ice cubes", + "chia seeds", + "avocado", + "fat free milk", + "carnation" + ] + }, + { + "id": 24262, + "cuisine": "korean", + "ingredients": [ + "water", + "sesame oil", + "eggs", + "green onions", + "garlic", + "fish sauce", + "pollock", + "salt", + "radishes", + "daikon" + ] + }, + { + "id": 14909, + "cuisine": "thai", + "ingredients": [ + "pepper", + "shredded cabbage", + "salt", + "hoisin sauce", + "ginger", + "red bell pepper", + "olive oil", + "green onions", + "red curry paste", + "ground chicken", + "basil leaves", + "garlic", + "iceberg lettuce" + ] + }, + { + "id": 20533, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "boneless skinless chicken breasts", + "canned black beans", + "flour tortillas", + "chopped cilantro fresh", + "green chile", + "Mexican cheese blend", + "reduced-fat sour cream", + "chipotle chile", + "cooking spray" + ] + }, + { + "id": 18784, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "pepper", + "chili", + "salt", + "pork shoulder", + "plain yogurt", + "water", + "cilantro", + "red bell pepper", + "cumin", + "romaine lettuce", + "shredded cheddar cheese", + "olive oil", + "yellow onion", + "corn-on-the-cob", + "avocado", + "black beans", + "lime", + "garlic", + "ground chile" + ] + }, + { + "id": 2977, + "cuisine": "french", + "ingredients": [ + "cold water", + "unsalted butter", + "amber", + "sugar", + "salt", + "pecans", + "large eggs", + "maple sugar", + "light brown sugar", + "cider vinegar", + "all-purpose flour" + ] + }, + { + "id": 28891, + "cuisine": "italian", + "ingredients": [ + "garlic", + "red bell pepper", + "dried oregano", + "dry vermouth", + "Italian turkey sausage", + "onions", + "cold water", + "salt", + "fresh parsley", + "dried rosemary", + "ground pepper", + "corn starch", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 14877, + "cuisine": "russian", + "ingredients": [ + "sugar", + "large egg yolks", + "heavy cream", + "fresh lemon juice", + "poppy seed filling", + "active dry yeast", + "golden raisins", + "all-purpose flour", + "milk", + "lemon zest", + "salt", + "warm water", + "unsalted butter", + "vanilla" + ] + }, + { + "id": 35652, + "cuisine": "chinese", + "ingredients": [ + "salt", + "ground black pepper", + "lard", + "grated nutmeg", + "szechwan peppercorns", + "pork butt" + ] + }, + { + "id": 23514, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "cilantro", + "jalapeno chilies", + "oil", + "pepper", + "garlic" + ] + }, + { + "id": 11710, + "cuisine": "indian", + "ingredients": [ + "water", + "ginger", + "cardamom", + "cumin", + "garlic powder", + "cayenne pepper", + "coriander", + "chicken", + "milk", + "salt", + "onions", + "saffron", + "tomato paste", + "yoghurt", + "oil", + "basmati rice" + ] + }, + { + "id": 6812, + "cuisine": "italian", + "ingredients": [ + "eggs", + "all-purpose flour", + "baking powder", + "ground hazelnuts", + "unsalted butter", + "cocoa powder", + "ground cinnamon", + "salt", + "white sugar" + ] + }, + { + "id": 2128, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "garlic", + "onions", + "clove", + "roasted red peppers", + "ground coriander", + "green lentil", + "salt", + "ground cumin", + "water", + "dried mint flakes", + "fresh lemon juice" + ] + }, + { + "id": 24902, + "cuisine": "british", + "ingredients": [ + "whole milk", + "eggs", + "all-purpose flour", + "salt", + "beef drippings" + ] + }, + { + "id": 9533, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "cayenne", + "purple onion", + "fresh mint", + "calamari", + "vegetable oil", + "all-purpose flour", + "cashew nuts", + "kosher salt", + "jalapeno chilies", + "cilantro leaves", + "celery", + "lime juice", + "vietnamese fish sauce", + "rice flour" + ] + }, + { + "id": 14628, + "cuisine": "italian", + "ingredients": [ + "white wine", + "garlic", + "flat leaf parsley", + "ground black pepper", + "all-purpose flour", + "spaghetti", + "olive oil", + "salt", + "boneless skinless chicken breast halves", + "capers", + "butter", + "fresh lemon juice" + ] + }, + { + "id": 3005, + "cuisine": "brazilian", + "ingredients": [ + "mayonaise", + "green onions", + "salt", + "olives", + "ground black pepper", + "idaho potatoes", + "chopped cilantro", + "white onion", + "apple cider vinegar", + "fresh lime juice", + "hard-boiled egg", + "garlic", + "chopped fresh mint" + ] + }, + { + "id": 46830, + "cuisine": "french", + "ingredients": [ + "bottled clam juice", + "dried thyme", + "roasted red peppers", + "garlic cloves", + "chorizo", + "sea scallops", + "salt", + "large shrimp", + "baguette", + "olive oil", + "dry white wine", + "onions", + "mayonaise", + "crushed tomatoes", + "ground black pepper", + "cayenne pepper" + ] + }, + { + "id": 46022, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "dashi", + "yam noodles", + "firm tofu", + "sugar", + "beef", + "napa cabbage", + "sake", + "shiitake", + "spring onions", + "oil", + "soy sauce", + "mirin", + "chrysanthemum leaves" + ] + }, + { + "id": 11640, + "cuisine": "spanish", + "ingredients": [ + "parsley sprigs", + "roasted red peppers", + "large garlic cloves", + "onions", + "hungarian sweet paprika", + "tawny port", + "dry white wine", + "extra-virgin olive oil", + "prosciutto", + "dijon mustard", + "diced tomatoes", + "chicken", + "tomato paste", + "fresh bay leaves", + "butter", + "all-purpose flour" + ] + }, + { + "id": 18459, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "baking powder", + "salt", + "unsalted butter", + "2% reduced-fat milk", + "peaches", + "cinnamon", + "white sugar", + "eggs", + "old-fashioned oats", + "vanilla" + ] + }, + { + "id": 15476, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "dried thyme", + "large eggs", + "salt", + "chopped bacon", + "boneless chicken skinless thigh", + "ground black pepper", + "dry red wine", + "low salt chicken broth", + "dried oregano", + "mashed potatoes", + "shiitake", + "paprika", + "garlic cloves", + "onions", + "mustard", + "olive oil", + "chili powder", + "all-purpose flour", + "flat leaf parsley" + ] + }, + { + "id": 16393, + "cuisine": "mexican", + "ingredients": [ + "fine sea salt", + "chopped cilantro fresh", + "chile pepper", + "Meyer lemon juice", + "finely chopped onion", + "sweet pepper", + "ancho powder", + "hass avocado" + ] + }, + { + "id": 687, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "pecorino cheese", + "large garlic cloves", + "salt", + "unsalted butter", + "crushed red pepper", + "pinenuts", + "dried fettuccine", + "broccoli" + ] + }, + { + "id": 38427, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "garlic cloves", + "horseradish", + "heavy cream", + "milk", + "chees fresh mozzarella", + "baking potatoes" + ] + }, + { + "id": 42489, + "cuisine": "filipino", + "ingredients": [ + "coconut", + "warm water" + ] + }, + { + "id": 31870, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "rice vinegar", + "red bell pepper", + "sugar", + "daikon", + "english cucumber", + "reduced sodium soy sauce", + "yellow bell pepper", + "carrots", + "green onions", + "soba noodles", + "toasted sesame oil" + ] + }, + { + "id": 33365, + "cuisine": "moroccan", + "ingredients": [ + "quail", + "unsalted butter", + "salt", + "fresh lime juice", + "ground black pepper", + "paprika", + "garlic cloves", + "vegetables", + "corn oil", + "bulgur", + "cayenne", + "extra-virgin olive oil", + "couscous" + ] + }, + { + "id": 48017, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "vegetable oil", + "mustard seeds", + "plum tomatoes", + "coriander seeds", + "garlic", + "coconut milk", + "white onion", + "ginger", + "cinnamon sticks", + "curry leaves", + "garam masala", + "cumin seed", + "toor dal" + ] + }, + { + "id": 8359, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "salt", + "sugar", + "baking powder", + "large egg yolks", + "vanilla extract", + "ground cinnamon", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 7060, + "cuisine": "thai", + "ingredients": [ + "olive oil", + "boneless skinless chicken breast halves", + "sugar", + "red vinegar white white, wine,", + "ground ginger", + "peanuts", + "soy sauce", + "garlic" + ] + }, + { + "id": 8121, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "boneless skinless chicken breasts", + "oil", + "onions", + "pepper", + "garlic", + "corn starch", + "crab", + "napa cabbage", + "carrots", + "noodles", + "eggs", + "water", + "salt", + "chicken livers" + ] + }, + { + "id": 6631, + "cuisine": "french", + "ingredients": [ + "egg bread", + "crimini mushrooms", + "gruyere cheese", + "bay leaf", + "grated parmesan cheese", + "butter", + "grated nutmeg", + "whole milk", + "fresh tarragon", + "ham", + "hot pepper sauce", + "shallots", + "all-purpose flour" + ] + }, + { + "id": 30665, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "dry white wine", + "linguine", + "plum tomatoes", + "cooking spray", + "butter", + "fresh lime juice", + "sea scallops", + "shallots", + "salt", + "peeled fresh ginger", + "whipping cream", + "fresh parsley" + ] + }, + { + "id": 377, + "cuisine": "indian", + "ingredients": [ + "water", + "nonfat yogurt plain", + "salt", + "barley", + "barley flour" + ] + }, + { + "id": 37902, + "cuisine": "indian", + "ingredients": [ + "parboiled rice", + "green chilies", + "tomatoes", + "salt", + "asafoetida powder", + "curry leaves", + "urad dal", + "oil", + "red chili peppers", + "cilantro leaves", + "onions" + ] + }, + { + "id": 2094, + "cuisine": "french", + "ingredients": [ + "navy beans", + "fresh thyme", + "garlic", + "onions", + "fresh tomatoes", + "skinned boned duck breast halves", + "bay leaf", + "sausage links", + "bacon", + "fresh parsley", + "fresh rosemary", + "whole cloves", + "carrots" + ] + }, + { + "id": 26486, + "cuisine": "british", + "ingredients": [ + "large eggs", + "all-purpose flour", + "vegetable oil", + "whole milk", + "salt" + ] + }, + { + "id": 48621, + "cuisine": "italian", + "ingredients": [ + "amaretto", + "cranberry juice", + "vanilla vodka", + "pineapple juice", + "white creme de cacao" + ] + }, + { + "id": 19908, + "cuisine": "british", + "ingredients": [ + "filet mignon", + "ground black pepper", + "dry white wine", + "goose liver", + "minced garlic", + "large eggs", + "button mushrooms", + "duxelles", + "unsalted butter", + "shallots", + "ground white pepper", + "olive oil", + "frozen pastry puff sheets", + "salt" + ] + }, + { + "id": 36965, + "cuisine": "french", + "ingredients": [ + "cream", + "sugar", + "all-purpose flour", + "dough", + "raisins", + "large eggs" + ] + }, + { + "id": 37917, + "cuisine": "italian", + "ingredients": [ + "baking potatoes", + "anchovy fillets", + "yellow bell pepper", + "red bell pepper", + "large garlic cloves", + "fresh parsley leaves", + "olive oil", + "salt" + ] + }, + { + "id": 38203, + "cuisine": "mexican", + "ingredients": [ + "butter", + "all-purpose flour", + "sea salt", + "baking powder", + "hot water" + ] + }, + { + "id": 47920, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "Shaoxing wine", + "ginger", + "shrimp", + "light soy sauce", + "ground pork", + "peanut oil", + "dumpling wrappers", + "sesame oil", + "dried shiitake mushrooms", + "minced ginger", + "green onions", + "salt", + "black vinegar" + ] + }, + { + "id": 29663, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "brown rice", + "extra-virgin olive oil", + "flat leaf parsley", + "yellow tomato", + "corn kernels", + "cinnamon", + "purple onion", + "lime juice", + "chili powder", + "garlic", + "cumin", + "tomatoes", + "bell pepper", + "sea salt", + "rice" + ] + }, + { + "id": 35434, + "cuisine": "greek", + "ingredients": [ + "melted butter", + "olive oil", + "garlic", + "onions", + "fresh spinach", + "graviera", + "dill", + "phyllo dough", + "feta cheese", + "green pepper", + "tomatoes", + "pepper", + "green onions", + "lamb" + ] + }, + { + "id": 17427, + "cuisine": "italian", + "ingredients": [ + "1% low-fat milk", + "sugar", + "water", + "chopped fresh mint" + ] + }, + { + "id": 46817, + "cuisine": "italian", + "ingredients": [ + "salt", + "orzo", + "garlic cloves", + "lemon", + "freshly ground pepper", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 48839, + "cuisine": "italian", + "ingredients": [ + "frozen spinach", + "ground chuck", + "olive oil", + "basil", + "carrots", + "onions", + "sugar", + "rosemary", + "parsley", + "sauce", + "bay leaf", + "italian seasoning", + "italian sausage", + "mozzarella cheese", + "zucchini", + "garlic", + "thyme", + "marjoram", + "tomatoes", + "pepper", + "mushrooms", + "salt", + "celery", + "oregano" + ] + }, + { + "id": 49463, + "cuisine": "italian", + "ingredients": [ + "vodka", + "sugar", + "rosemary sprigs", + "club soda", + "fresh lemon juice" + ] + }, + { + "id": 28220, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "eggplant", + "fresh thyme", + "garlic", + "kosher salt", + "zucchini", + "extra-virgin olive oil", + "fresh marjoram", + "ground black pepper", + "yellow bell pepper", + "tomato sauce", + "fennel", + "balsamic vinegar", + "red bell pepper" + ] + }, + { + "id": 11591, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "pepper", + "cilantro", + "cumin", + "fresh corn", + "poblano peppers", + "salt", + "cheddar cheese", + "shredded carrots", + "chopped cilantro", + "green chile", + "chicken sausage", + "purple onion" + ] + }, + { + "id": 44643, + "cuisine": "french", + "ingredients": [ + "smoked trout fillets", + "ground black pepper", + "goat cheese", + "olive oil", + "white wine vinegar", + "baguette", + "dijon mustard", + "spinach", + "radicchio", + "salt" + ] + }, + { + "id": 34861, + "cuisine": "mexican", + "ingredients": [ + "apple juice", + "amaretto liqueur", + "peaches" + ] + }, + { + "id": 44917, + "cuisine": "italian", + "ingredients": [ + "red pepper flakes", + "fresh lemon juice", + "olive oil", + "broccoli", + "pinenuts", + "linguine", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 710, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "sweet potatoes", + "garlic", + "red bell pepper", + "lime", + "chili powder", + "salt", + "red lentils", + "olive oil", + "diced tomatoes", + "red curry paste", + "low-fat coconut milk", + "kidney beans", + "vegetable broth", + "yellow onion" + ] + }, + { + "id": 18805, + "cuisine": "italian", + "ingredients": [ + "pitted black olives", + "bacon", + "kosher salt", + "penne pasta", + "fresh rosemary", + "marinara sauce", + "black pepper", + "crushed red pepper" + ] + }, + { + "id": 35627, + "cuisine": "indian", + "ingredients": [ + "salt", + "fresh cilantro", + "coriander", + "plain yogurt", + "cucumber", + "fresh ginger", + "cumin" + ] + }, + { + "id": 48850, + "cuisine": "brazilian", + "ingredients": [ + "turbinado", + "cachaca", + "lime juice" + ] + }, + { + "id": 21997, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "flour tortillas", + "yellow onion", + "chile powder", + "lime", + "garlic", + "green bell pepper", + "chicken breasts", + "tequila", + "avocado", + "olive oil", + "salt" + ] + }, + { + "id": 38504, + "cuisine": "french", + "ingredients": [ + "minced onion", + "salt", + "ground black pepper", + "butter", + "fat", + "confit", + "cognac", + "parsley", + "garlic cloves" + ] + }, + { + "id": 26236, + "cuisine": "mexican", + "ingredients": [ + "cream cheese", + "chili", + "shredded cheddar cheese", + "salsa" + ] + }, + { + "id": 5232, + "cuisine": "russian", + "ingredients": [ + "large eggs", + "all-purpose flour", + "coarse salt", + "large egg yolks", + "crème fraîche", + "yukon gold potatoes", + "ground white pepper" + ] + }, + { + "id": 31413, + "cuisine": "thai", + "ingredients": [ + "agave nectar", + "edamame", + "cashew nuts", + "olive oil", + "green onions", + "cucumber", + "chicken", + "soy sauce", + "tahini", + "creamy peanut butter", + "cabbage", + "quinoa", + "rice vinegar", + "chopped cilantro" + ] + }, + { + "id": 39781, + "cuisine": "southern_us", + "ingredients": [ + "fresh dill", + "pimentos", + "monterey jack", + "black pepper", + "sharp cheddar cheese", + "mayonaise", + "cream cheese", + "dijon mustard", + "adobo sauce" + ] + }, + { + "id": 17357, + "cuisine": "russian", + "ingredients": [ + "white vinegar", + "salt", + "fat-free buttermilk", + "cucumber", + "green onions", + "fresh dill", + "beets" + ] + }, + { + "id": 2951, + "cuisine": "greek", + "ingredients": [ + "cooking spray", + "garlic cloves", + "plum tomatoes", + "fresh dill", + "purple onion", + "greek yogurt", + "red wine vinegar", + "cucumber", + "dried oregano", + "olive oil", + "salt", + "center cut loin pork chop" + ] + }, + { + "id": 38100, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "unsalted butter", + "cinnamon", + "all-purpose flour", + "nutmeg", + "milk", + "graham cracker crumbs", + "vanilla extract", + "sugar", + "large eggs", + "butter", + "Marshmallow Fluff", + "powdered sugar", + "baking soda", + "sweet potatoes", + "salt" + ] + }, + { + "id": 48703, + "cuisine": "mexican", + "ingredients": [ + "water", + "salt", + "vegetable oil", + "granulated sugar", + "all-purpose flour", + "cinnamon" + ] + }, + { + "id": 17146, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "garlic cloves", + "salt", + "ground black pepper", + "plum tomatoes", + "olive oil", + "fresh lemon juice" + ] + }, + { + "id": 34791, + "cuisine": "southern_us", + "ingredients": [ + "half & half", + "bacon", + "white cornmeal", + "baking powder", + "salt", + "green onions", + "shredded sharp cheddar cheese", + "boiling water", + "sugar", + "vegetable oil", + "softened butter" + ] + }, + { + "id": 11967, + "cuisine": "southern_us", + "ingredients": [ + "country ham", + "brewed coffee", + "firmly packed brown sugar" + ] + }, + { + "id": 26399, + "cuisine": "mexican", + "ingredients": [ + "mojo marinade", + "boneless chicken skinless thigh" + ] + }, + { + "id": 7421, + "cuisine": "spanish", + "ingredients": [ + "green olives", + "ground black pepper", + "serrano ham", + "olive oil", + "fresh orange juice", + "orange", + "shallots", + "round loaf", + "sherry vinegar", + "salt" + ] + }, + { + "id": 14969, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "ground pork", + "yellow onion", + "large eggs", + "salsa", + "olive oil", + "garlic", + "ground cumin", + "black pepper", + "jalapeno chilies", + "dry bread crumbs" + ] + }, + { + "id": 45460, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "whole wheat linguine", + "dry white wine", + "deveined shrimp", + "chopped parsley", + "parmesan cheese", + "red pepper flakes", + "salt", + "pepper", + "shallots", + "garlic" + ] + }, + { + "id": 24745, + "cuisine": "chinese", + "ingredients": [ + "pork", + "pineapple juice", + "sliced green onions", + "sesame oil", + "garlic cloves", + "soy sauce", + "loin", + "brown sugar", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 21765, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "purple onion", + "hothouse cucumber", + "roma tomatoes", + "red bell pepper", + "garbanzo beans", + "salt", + "red wine vinegar", + "dried oregano" + ] + }, + { + "id": 44002, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "salsa", + "onions", + "tomatoes", + "cilantro sprigs", + "beef tenderloin steaks", + "yellow bell pepper", + "corn tortillas", + "jalapeno chilies", + "mole sauce" + ] + }, + { + "id": 17703, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "parsley", + "salt", + "pepper", + "spaghetti, cook and drain", + "chicken pieces", + "tomato sauce", + "basil", + "salad oil", + "tomato paste", + "grated parmesan cheese", + "garlic", + "onions" + ] + }, + { + "id": 40364, + "cuisine": "moroccan", + "ingredients": [ + "pinenuts", + "unsalted butter", + "pearl couscous", + "whole almonds", + "pomegranate seeds", + "almond extract", + "sugar", + "mixed dried fruit", + "cinnamon", + "milk", + "pitted Medjool dates", + "apricots" + ] + }, + { + "id": 8733, + "cuisine": "mexican", + "ingredients": [ + "orange", + "baking powder", + "orange juice", + "unsalted butter", + "all-purpose flour", + "vanilla beans", + "salt", + "eggs", + "granulated sugar", + "cream cheese" + ] + }, + { + "id": 28778, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "whole peeled tomatoes", + "fresh parsley leaves", + "olive oil", + "black olives", + "minced garlic", + "crushed red pepper flakes", + "capers", + "ground black pepper", + "anchovy fillets" + ] + }, + { + "id": 41408, + "cuisine": "indian", + "ingredients": [ + "fresh tomatoes", + "peanuts", + "chana dal", + "mustard seeds", + "cooked rice", + "red chili peppers", + "dry coconut", + "green chilies", + "ground turmeric", + "curry leaves", + "asafoetida", + "finely chopped onion", + "salt", + "coriander", + "coconut oil", + "split black lentils", + "seeds", + "ghee" + ] + }, + { + "id": 25446, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "boneless skinless chicken breasts", + "red bell pepper", + "neutral oil", + "sweet onion", + "corn starch", + "brown sugar", + "pineapple", + "cold water", + "soy sauce", + "rice vinegar" + ] + }, + { + "id": 17538, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "peaches", + "heavy whipping cream", + "cream", + "cardamom", + "brown sugar", + "self rising flour", + "turbinado", + "honey", + "lemon juice" + ] + }, + { + "id": 4702, + "cuisine": "indian", + "ingredients": [ + "clove", + "garlic paste", + "garam masala", + "cilantro leaves", + "cinnamon sticks", + "cumin", + "red chili powder", + "mace", + "cauliflower florets", + "oil", + "cashew nuts", + "tomatoes", + "coconut", + "star anise", + "green chilies", + "onions", + "fennel seeds", + "water", + "green peas", + "green cardamom", + "bay leaf" + ] + }, + { + "id": 44807, + "cuisine": "greek", + "ingredients": [ + "eggplant", + "fresh parsley", + "white vinegar", + "salt", + "extra-virgin olive oil", + "onions", + "tomatoes", + "feta cheese crumbles" + ] + }, + { + "id": 10900, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "mini marshmallows", + "salt", + "unsweetened cocoa powder", + "sugar", + "baking powder", + "caramel sauce", + "water", + "vanilla extract", + "chocolate morsels", + "shortening", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 46664, + "cuisine": "korean", + "ingredients": [ + "kimchi juice", + "vegetable oil", + "green onions", + "pancake mix", + "soy sauce", + "rice vinegar", + "cold water", + "chili powder", + "kimchi" + ] + }, + { + "id": 11793, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "lime juice", + "flour", + "garlic", + "kosher salt", + "fresh ginger", + "skinless chicken pieces", + "peppercorns", + "mint", + "olive oil", + "serrano peppers", + "peanut butter", + "curry powder", + "coriander seeds", + "green onions" + ] + }, + { + "id": 8632, + "cuisine": "russian", + "ingredients": [ + "water", + "bittersweet chocolate", + "sugar" + ] + }, + { + "id": 18385, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "thai basil", + "salt", + "eggs", + "white pepper", + "Shaoxing wine", + "shrimp", + "fish sauce", + "broccoli florets", + "oil", + "cooked rice", + "light soy sauce", + "sesame oil", + "onions" + ] + }, + { + "id": 11261, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "fresh mozzarella", + "toasted sesame oil", + "ground black pepper", + "rice vinegar", + "bread", + "shallots", + "garlic cloves", + "thai basil", + "sea salt" + ] + }, + { + "id": 23206, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "dark sesame oil", + "lime juice", + "salt", + "cooked shrimp", + "low sodium soy sauce", + "lime wedges", + "garlic cloves", + "honey", + "uncooked vermicelli", + "chopped fresh mint" + ] + }, + { + "id": 29035, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "extra-virgin olive oil", + "radicchio", + "butter", + "all-purpose flour", + "mascarpone", + "dry red wine", + "semolina", + "grated parmesan cheese", + "purple onion" + ] + }, + { + "id": 34379, + "cuisine": "mexican", + "ingredients": [ + "halibut fillets", + "vegetable oil", + "dried oregano", + "capers", + "unsalted butter", + "serrano chile", + "tomatoes", + "ground black pepper", + "garlic cloves", + "kosher salt", + "finely chopped onion", + "olives" + ] + }, + { + "id": 29978, + "cuisine": "indian", + "ingredients": [ + "flour", + "paneer", + "fresh mint", + "chopped bell pepper", + "cracked black pepper", + "green chilies", + "cabbage", + "water", + "grating cheese", + "salt", + "coriander", + "baking soda", + "green peas", + "curds", + "mango" + ] + }, + { + "id": 28296, + "cuisine": "southern_us", + "ingredients": [ + "pineapple preserves", + "peach preserves", + "orange marmalade", + "dry mustard", + "prepared horseradish", + "preserves" + ] + }, + { + "id": 40259, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "water", + "diced tomatoes", + "sour cream", + "black beans", + "green onions", + "frozen corn", + "condensed cream of chicken soup", + "tortillas", + "cilantro", + "ground cumin", + "lettuce", + "shredded cheddar cheese", + "boneless skinless chicken breasts", + "salsa" + ] + }, + { + "id": 23219, + "cuisine": "korean", + "ingredients": [ + "white vinegar", + "vegetable oil", + "green onions", + "cucumber", + "sesame seeds", + "kochujang", + "sesame oil" + ] + }, + { + "id": 45214, + "cuisine": "british", + "ingredients": [ + "ground black pepper", + "half & half", + "ground veal", + "grated lemon zest", + "onion gravy", + "bread crumb fresh", + "potatoes", + "butter", + "salt", + "onions", + "ground nutmeg", + "egg yolks", + "ground thyme", + "all-purpose flour", + "marjoram", + "chicken broth", + "ground sage", + "vegetable oil", + "ground pork", + "banger" + ] + }, + { + "id": 12837, + "cuisine": "japanese", + "ingredients": [ + "seasoning salt", + "vegetable oil", + "coarse kosher salt", + "soy sauce", + "tuna steaks", + "all-purpose flour", + "milk", + "onion powder", + "ground white pepper", + "eggs", + "sesame seeds", + "wasabi powder", + "soup mix" + ] + }, + { + "id": 17824, + "cuisine": "british", + "ingredients": [ + "large eggs", + "unsalted butter", + "sharp cheddar cheese", + "self rising flour", + "cumin seed", + "sugar", + "buttermilk" + ] + }, + { + "id": 45172, + "cuisine": "chinese", + "ingredients": [ + "large egg yolks", + "powdered milk", + "cinnamon sticks", + "clove", + "unsalted butter", + "salt", + "palm sugar", + "pineapple", + "confectioners sugar", + "custard powder", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 14339, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "butter", + "flour", + "chicken", + "chicken broth", + "baking powder", + "milk", + "salt" + ] + }, + { + "id": 30289, + "cuisine": "japanese", + "ingredients": [ + "oyster mushrooms", + "mixed seafood", + "fresh lemon juice", + "mayonaise", + "rice vinegar", + "chopped fresh chives", + "mushroom soy sauce" + ] + }, + { + "id": 29371, + "cuisine": "italian", + "ingredients": [ + "walnut pieces", + "Italian parsley leaves", + "grated parmesan cheese", + "linguine", + "radicchio", + "extra-virgin olive oil", + "leeks", + "fresh lemon juice" + ] + }, + { + "id": 13513, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "lemon", + "canola oil", + "eggplant", + "salt", + "jalapeno chilies", + "chopped cilantro", + "pepper", + "purple onion", + "ground cumin" + ] + }, + { + "id": 26781, + "cuisine": "irish", + "ingredients": [ + "dijon mustard", + "shredded swiss cheese", + "sauerkraut", + "egg whites", + "dill weed", + "sesame seeds", + "refrigerated crescent rolls", + "onions", + "beef brisket", + "salad dressing" + ] + }, + { + "id": 46446, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "lemon juice", + "kosher salt", + "chickpeas", + "tahini", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 41498, + "cuisine": "cajun_creole", + "ingredients": [ + "granulated garlic", + "fresh cilantro", + "chili powder", + "guajillo", + "paprika", + "dill", + "juice", + "oregano", + "black pepper", + "pork hocks", + "apple cider vinegar", + "sea salt", + "hot sauce", + "beer", + "red bell pepper", + "tomato paste", + "water", + "jalapeno chilies", + "epazote", + "diced tomatoes", + "yellow onion", + "pinto beans", + "chipotles in adobo", + "sugar", + "lime", + "onion powder", + "bacon", + "cilantro", + "rice", + "thyme", + "cumin" + ] + }, + { + "id": 15447, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "white wine vinegar", + "mayonaise", + "vegetable oil", + "lemon juice", + "italian style seasoning", + "corn syrup", + "romano cheese", + "garlic", + "dried parsley" + ] + }, + { + "id": 11505, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "whole chicken", + "light soy sauce", + "ginger", + "oyster sauce", + "water", + "sesame oil", + "garlic cloves", + "Shaoxing wine", + "salt" + ] + }, + { + "id": 42869, + "cuisine": "italian", + "ingredients": [ + "fava beans", + "ground black pepper", + "chopped fresh thyme", + "garlic cloves", + "water", + "leeks", + "chees fresh mozzarella", + "arborio rice", + "prosciutto", + "dry white wine", + "salt", + "fat free less sodium chicken broth", + "cooking spray", + "butter", + "arugula" + ] + }, + { + "id": 36469, + "cuisine": "filipino", + "ingredients": [ + "brown sugar", + "annatto powder", + "anisette", + "white sugar", + "kosher salt", + "pork shoulder", + "pink salt" + ] + }, + { + "id": 18976, + "cuisine": "greek", + "ingredients": [ + "plain low-fat yogurt", + "fat free milk", + "minced onion", + "diced tomatoes", + "garlic cloves", + "kosher salt", + "feta cheese", + "cooking spray", + "all-purpose flour", + "fresh mint", + "olive oil", + "ground nutmeg", + "ground chicken breast", + "bulgur", + "eggplant", + "ground black pepper", + "butter", + "ground allspice" + ] + }, + { + "id": 25225, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "grated parmesan cheese", + "gluten", + "sliced mushrooms", + "sweet onion", + "chicken breasts", + "salt", + "green bell pepper, slice", + "butter", + "creole seasoning", + "pepper", + "green onions", + "extra-virgin olive oil" + ] + }, + { + "id": 34800, + "cuisine": "indian", + "ingredients": [ + "vanilla low-fat ic cream", + "golden raisins", + "water", + "lime slices", + "rose water", + "cardamom pods", + "sugar", + "pistachios", + "fresh pineapple" + ] + }, + { + "id": 33508, + "cuisine": "italian", + "ingredients": [ + "refrigerated chocolate chip cookie dough", + "ground cinnamon", + "crystallized ginger", + "turbinado", + "ground nutmeg", + "molasses", + "bourbon whiskey" + ] + }, + { + "id": 20445, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "kidney beans", + "purple onion", + "shredded cheddar cheese", + "corn chips", + "salad dressing", + "tomatoes", + "green onions", + "pinto beans", + "taco seasoning mix", + "lean ground beef", + "iceberg lettuce" + ] + }, + { + "id": 1315, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "salt", + "ground beef", + "shredded cheddar cheese", + "potatoes", + "whole kernel corn, drain", + "ground cumin", + "water", + "diced tomatoes", + "pinto beans", + "ground black pepper", + "salsa", + "onions" + ] + }, + { + "id": 48605, + "cuisine": "southern_us", + "ingredients": [ + "sausage casings", + "bay leaves", + "garlic", + "mustard powder", + "chicken-flavored soup powder", + "onions", + "tomato paste", + "ground black pepper", + "worcestershire sauce", + "lima beans", + "ham", + "celery", + "fresh basil", + "chopped fresh chives", + "stewed tomatoes", + "dried navy beans", + "carrots", + "fresh parsley", + "dried thyme", + "green onions", + "salt", + "beer", + "ground cayenne pepper" + ] + }, + { + "id": 23907, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "shrimp heads", + "yellow onion", + "ground black pepper", + "heavy cream", + "ouzo", + "lemon", + "garlic cloves", + "unsalted butter", + "salt" + ] + }, + { + "id": 42793, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "green chilies", + "chopped garlic", + "curry leaves", + "lemon", + "chopped cilantro", + "garam masala", + "mustard seeds", + "canola oil", + "brussels sprouts", + "salt", + "ground turmeric" + ] + }, + { + "id": 23105, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cutlet", + "grated parmesan cheese", + "dry bread crumbs", + "large eggs", + "all-purpose flour", + "mozzarella cheese", + "marinara sauce" + ] + }, + { + "id": 24006, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "shallots", + "garlic", + "oregano", + "sourdough bread", + "cracked black pepper", + "flat leaf parsley", + "seasoned bread crumbs", + "lean ground beef", + "anchovy fillets", + "eggs", + "olive oil", + "San Marzano Crushed Tomatoes", + "fresh basil leaves" + ] + }, + { + "id": 41143, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "fresh ginger", + "habanero", + "black pepper", + "vegetable oil", + "salt", + "brown sugar", + "chicken breasts", + "garlic", + "clove", + "dried thyme", + "lemon", + "onions" + ] + }, + { + "id": 39515, + "cuisine": "italian", + "ingredients": [ + "sugar", + "lemon", + "mascarpone", + "ladyfingers", + "large eggs", + "water", + "liqueur" + ] + }, + { + "id": 20609, + "cuisine": "spanish", + "ingredients": [ + "brandy", + "fresh cranberries", + "cranberries", + "orange", + "red wine", + "water", + "lemon", + "sugar", + "lime slices", + "fresh orange juice" + ] + }, + { + "id": 45322, + "cuisine": "italian", + "ingredients": [ + "whole wheat pastry flour", + "goat cheese", + "eggs", + "parmesan cheese", + "sundried tomato pesto", + "whole wheat breadcrumbs", + "fresh basil", + "boneless skinless chicken breasts" + ] + }, + { + "id": 30316, + "cuisine": "indian", + "ingredients": [ + "sugar", + "coriander powder", + "ginger", + "pork meat", + "ground cumin", + "clove", + "curry powder", + "mint sauce", + "salt", + "ghee", + "pepper", + "dry coconut", + "garlic", + "cinnamon sticks", + "chicken stock", + "chopped tomatoes", + "mango chutney", + "black cardamom pods", + "onions" + ] + }, + { + "id": 43226, + "cuisine": "italian", + "ingredients": [ + "bow-tie pasta", + "chicken broth", + "frozen mixed vegetables", + "frozen meatballs", + "italian seasoning", + "diced tomatoes" + ] + }, + { + "id": 27389, + "cuisine": "british", + "ingredients": [ + "water", + "frozen pastry puff sheets", + "red wine", + "wine syrup", + "foie gras", + "chopped parsley", + "olive oil", + "mushrooms", + "beef tenderloin", + "eggs", + "minced onion", + "shallots", + "chopped garlic" + ] + }, + { + "id": 1487, + "cuisine": "irish", + "ingredients": [ + "bread", + "milk", + "butter", + "sugar", + "flour", + "shortcrust pastry", + "brown sugar", + "large eggs", + "currant", + "mixed spice", + "baking powder" + ] + }, + { + "id": 17228, + "cuisine": "mexican", + "ingredients": [ + "cherry preserves", + "almond extract", + "heavy whipping cream", + "brownies", + "vanilla extract", + "adobo sauce" + ] + }, + { + "id": 41635, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "chicken breasts", + "corn starch", + "chopped garlic", + "sugar", + "peanut oil", + "shao hsing wine", + "dark soy sauce", + "szechwan peppercorns", + "ginger root", + "white vinegar", + "peanuts", + "scallions", + "dried red chile peppers" + ] + }, + { + "id": 41467, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "olive oil", + "balsamic vinaigrette", + "cucumber", + "baguette", + "salt", + "lemon juice", + "water", + "cayenne pepper", + "leg of lamb", + "fresh rosemary", + "fresh chevre", + "garlic cloves" + ] + }, + { + "id": 20329, + "cuisine": "british", + "ingredients": [ + "tapioca flour", + "eggs", + "sea salt", + "full fat coconut milk", + "coconut oil", + "root vegetables" + ] + }, + { + "id": 49297, + "cuisine": "italian", + "ingredients": [ + "sweet onion", + "green onions", + "noodles", + "small curd cottage cheese", + "cream cheese", + "salt and ground black pepper", + "lean ground beef", + "tomato sauce", + "chopped green bell pepper", + "sour cream" + ] + }, + { + "id": 47526, + "cuisine": "italian", + "ingredients": [ + "roast beef deli meat", + "salt", + "baguette", + "extra-virgin olive oil", + "fresh basil", + "roasted red peppers", + "olive oil flavored cooking spray", + "ground black pepper", + "garlic" + ] + }, + { + "id": 23170, + "cuisine": "mexican", + "ingredients": [ + "soy sauce", + "chicken thighs", + "vinegar", + "garlic powder", + "oregano", + "adobo", + "sazon" + ] + }, + { + "id": 39957, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "red pepper", + "heavy whipping cream", + "cajun seasoning", + "linguine", + "grated parmesan cheese", + "basil", + "pepper", + "butter", + "shrimp" + ] + }, + { + "id": 45376, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "worcestershire sauce", + "salt", + "onions", + "jumbo shrimp", + "flour", + "paprika", + "scallions", + "cayenne", + "diced tomatoes", + "green pepper", + "cumin", + "steamed rice", + "butter", + "garlic", + "bay leaf" + ] + }, + { + "id": 19179, + "cuisine": "italian", + "ingredients": [ + "pecorino romano cheese", + "cooked quinoa", + "sauce", + "chicken stock" + ] + }, + { + "id": 33938, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "corn starch", + "onion powder", + "ground cumin", + "paprika", + "garlic powder", + "cayenne pepper" + ] + }, + { + "id": 1621, + "cuisine": "italian", + "ingredients": [ + "caper berries", + "unsalted butter", + "extra-virgin olive oil", + "sugar", + "golden raisins", + "fresh lemon juice", + "pancetta", + "water", + "sea salt", + "cauliflower", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 36530, + "cuisine": "mexican", + "ingredients": [ + "honey", + "non-fat sour cream", + "corn tortillas", + "vidalia onion", + "tomatillos", + "garlic cloves", + "cooking spray", + "salt", + "ground cumin", + "fat free less sodium chicken broth", + "cilantro sprigs", + "nopalitos" + ] + }, + { + "id": 17765, + "cuisine": "mexican", + "ingredients": [ + "lime", + "cilantro", + "corn tortillas", + "tomatoes", + "lime wedges", + "zest", + "iceberg lettuce", + "avocado", + "jalapeno chilies", + "purple onion", + "fresh pineapple", + "orange", + "coarse salt", + "shrimp", + "canola oil" + ] + }, + { + "id": 19117, + "cuisine": "mexican", + "ingredients": [ + "frozen sweet corn", + "grated jack cheese", + "ground cumin", + "white rice", + "low salt chicken broth", + "whipping cream", + "chopped cilantro fresh", + "unsalted butter", + "garlic cloves" + ] + }, + { + "id": 36171, + "cuisine": "thai", + "ingredients": [ + "baby back ribs", + "Sriracha", + "sweet chili sauce", + "barbecue rub" + ] + }, + { + "id": 9903, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "mozzarella cheese", + "olive oil", + "lean ground beef", + "carrots", + "fresh basil", + "golden brown sugar", + "grated parmesan cheese", + "chopped onion", + "italian sausage", + "minced garlic", + "lasagna noodles", + "part-skim ricotta cheese", + "bay leaf", + "tomato paste", + "crushed tomatoes", + "large eggs", + "crushed red pepper", + "dried oregano" + ] + }, + { + "id": 24753, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "pinto beans", + "onions", + "unsalted butter" + ] + }, + { + "id": 40424, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "ground black pepper", + "raisins", + "cinnamon sticks", + "chicken stock", + "honey", + "dried apricot", + "lamb shoulder", + "onions", + "water", + "unsalted butter", + "garlic", + "flat leaf parsley", + "ground ginger", + "almonds", + "spices", + "carrots", + "saffron" + ] + }, + { + "id": 14832, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "ground black pepper", + "garlic cloves", + "fresh basil", + "salt", + "tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 17553, + "cuisine": "mexican", + "ingredients": [ + "bay leaves", + "fresh mint", + "cider vinegar", + "salt", + "dried oregano", + "white onion", + "garlic", + "chipotle salsa", + "fresh cilantro", + "fat", + "chorizo sausage" + ] + }, + { + "id": 35863, + "cuisine": "thai", + "ingredients": [ + "sugar", + "red pepper", + "curry paste", + "chicken breasts", + "salt", + "olive oil", + "garlic", + "onions", + "chicken stock", + "vegetable oil", + "coconut milk" + ] + }, + { + "id": 40907, + "cuisine": "russian", + "ingredients": [ + "pancetta", + "vegetable oil", + "spelt flour", + "egg yolks", + "salt", + "onions", + "black pepper", + "buttermilk", + "garlic cloves", + "bear", + "all-purpose flour" + ] + }, + { + "id": 6367, + "cuisine": "mexican", + "ingredients": [ + "milk", + "butter", + "carrots", + "chicken bouillon granules", + "chile pepper", + "white rice", + "corn kernels", + "peas", + "onions", + "water", + "vegetable oil", + "garlic" + ] + }, + { + "id": 12041, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "boneless skinless chicken breasts", + "crema", + "garlic cloves", + "adobo sauce", + "radishes", + "queso fresco", + "chopped onion", + "poblano chiles", + "chiles", + "lime wedges", + "salt", + "dried guajillo chiles", + "avocado", + "whole peeled tomatoes", + "cilantro", + "tortilla chips", + "chipotles in adobo" + ] + }, + { + "id": 875, + "cuisine": "russian", + "ingredients": [ + "flour", + "cherry pie filling", + "milk", + "apples", + "sugar", + "egg yolks", + "egg whites", + "salt" + ] + }, + { + "id": 26214, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "garbanzo beans", + "garlic", + "sauce", + "corn tortillas", + "romaine lettuce", + "arrowroot powder", + "yellow onion", + "ground coriander", + "chopped cilantro fresh", + "falafel", + "tahini", + "purple onion", + "firm tofu", + "fresh parsley", + "black pepper", + "sea salt", + "cayenne pepper", + "lemon juice", + "ground cumin" + ] + }, + { + "id": 677, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "whole milk", + "baking soda", + "butter", + "honey", + "baking powder", + "yellow corn meal", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 30885, + "cuisine": "french", + "ingredients": [ + "white bread", + "Tabasco Pepper Sauce", + "cooked chicken", + "swiss cheese", + "chopped fresh chives", + "butter" + ] + }, + { + "id": 41372, + "cuisine": "italian", + "ingredients": [ + "butter", + "white wine", + "garlic", + "arborio rice", + "cheese", + "vegetable stock", + "onions" + ] + }, + { + "id": 35034, + "cuisine": "greek", + "ingredients": [ + "hungarian paprika", + "extra-virgin olive oil", + "feta cheese crumbles", + "large shrimp", + "tomatoes", + "red pepper flakes", + "garlic cloves", + "oregano", + "shallots", + "fresh oregano", + "fresh mint", + "white vermouth", + "sea salt", + "juice", + "plum tomatoes" + ] + }, + { + "id": 1746, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "salt", + "avocado", + "roma tomatoes", + "lime", + "garlic cloves", + "white onion", + "jalapeno chilies" + ] + }, + { + "id": 21826, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "vegetable oil", + "kosher salt", + "fresh oregano leaves", + "fresh mozzarella", + "eggplant" + ] + }, + { + "id": 22122, + "cuisine": "chinese", + "ingredients": [ + "fennel seeds", + "fresh coriander", + "star anise", + "cumin seed", + "dark soy sauce", + "granulated sugar", + "garlic", + "chicken stock", + "light soy sauce", + "dipping sauces", + "cinnamon sticks", + "groundnut", + "dry sherry", + "duck" + ] + }, + { + "id": 15475, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "zucchini", + "cheese", + "yellow onion", + "oregano", + "black pepper", + "vegetable oil", + "canned tomatoes", + "oil", + "ground cumin", + "chipotle chile", + "jalapeno chilies", + "garlic", + "cayenne pepper", + "cumin", + "chicken broth", + "yellow squash", + "cilantro", + "salt", + "corn tortillas" + ] + }, + { + "id": 20019, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "salt", + "milk", + "pepper", + "green chilies", + "eggs", + "flour" + ] + }, + { + "id": 3899, + "cuisine": "southern_us", + "ingredients": [ + "prepared horseradish", + "shallots", + "garlic", + "crawfish", + "grated parmesan cheese", + "heavy cream", + "yellow onion", + "chicken stock", + "dijon mustard", + "butter", + "dry bread crumbs", + "salt and ground black pepper", + "green onions", + "paprika", + "cayenne pepper" + ] + }, + { + "id": 1504, + "cuisine": "filipino", + "ingredients": [ + "milk", + "unflavored gelatin", + "almond extract", + "water" + ] + }, + { + "id": 7068, + "cuisine": "southern_us", + "ingredients": [ + "salt and ground black pepper", + "garlic", + "water", + "mustard greens", + "onions", + "white vinegar", + "cannellini beans", + "mustard powder", + "olive oil", + "crushed red pepper flakes", + "white sugar" + ] + }, + { + "id": 16482, + "cuisine": "japanese", + "ingredients": [ + "mochi", + "nori", + "soy sauce" + ] + }, + { + "id": 7720, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "chili powder", + "stewed tomatoes", + "carrots", + "cabbage", + "pepper", + "beef stock cubes", + "salt", + "onions", + "green bell pepper", + "lean ground beef", + "garlic", + "celery", + "ground cumin", + "bread", + "water", + "crushed red pepper flakes", + "cumin seed", + "dried oregano" + ] + }, + { + "id": 24172, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "oil", + "crushed red pepper", + "water", + "chopped walnuts", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 42732, + "cuisine": "indian", + "ingredients": [ + "red lentils", + "cooked chicken", + "ground coriander", + "onions", + "garam masala", + "vegetable oil", + "fresh lemon juice", + "tumeric", + "lemon wedge", + "garlic cloves", + "basmati rice", + "unsweetened coconut milk", + "bay leaves", + "cayenne pepper", + "low salt chicken broth" + ] + }, + { + "id": 25181, + "cuisine": "southern_us", + "ingredients": [ + "ground nutmeg", + "lemon juice", + "ground cinnamon", + "apples", + "apple cider", + "white sugar", + "ground cloves", + "ground allspice" + ] + }, + { + "id": 34122, + "cuisine": "french", + "ingredients": [ + "ground cinnamon", + "anjou pears", + "mint sprigs", + "sugar", + "bourbon whiskey", + "chopped pecans", + "granny smith apples", + "butter", + "fat free frozen top whip", + "phyllo dough", + "cooking spray", + "maple syrup" + ] + }, + { + "id": 13662, + "cuisine": "italian", + "ingredients": [ + "grated orange peel", + "large garlic cloves", + "frozen peas", + "medium shrimp uncook", + "gemelli", + "chopped fresh thyme", + "onions", + "olive oil", + "red bell pepper" + ] + }, + { + "id": 13559, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "thai basil", + "yellow onion", + "thai green curry paste", + "water", + "vegetable oil", + "garlic cloves", + "kosher salt", + "brown rice", + "chickpeas", + "cauliflower", + "lime juice", + "light coconut milk", + "green beans" + ] + }, + { + "id": 22944, + "cuisine": "chinese", + "ingredients": [ + "peanuts", + "crushed red pepper", + "snow peas", + "brown sugar", + "sherry", + "scallions", + "low sodium soy sauce", + "jasmine", + "salt", + "fresh ginger", + "flank steak", + "corn starch" + ] + }, + { + "id": 19865, + "cuisine": "vietnamese", + "ingredients": [ + "coconut sugar", + "garlic", + "water", + "serrano chile", + "fish sauce", + "rice vinegar", + "lime juice" + ] + }, + { + "id": 39505, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "bow-tie pasta", + "pepper", + "crushed red pepper flakes", + "feta cheese crumbles", + "pinenuts", + "sliced black olives", + "lemon juice", + "olive oil", + "salt", + "chopped garlic" + ] + }, + { + "id": 13136, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "light cream", + "butter", + "shredded cheddar cheese", + "dijon mustard", + "all-purpose flour", + "bread crumbs", + "ground black pepper", + "salt", + "milk", + "macaroni" + ] + }, + { + "id": 5152, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "chicken meat", + "fresh dill", + "sweet onion", + "fresh lemon juice", + "bread", + "pepper", + "extra-virgin olive oil", + "plain yogurt", + "kirby cucumbers" + ] + }, + { + "id": 25976, + "cuisine": "southern_us", + "ingredients": [ + "lime", + "mint leaves", + "ale", + "ice cubes", + "bourbon whiskey" + ] + }, + { + "id": 17490, + "cuisine": "mexican", + "ingredients": [ + "low sodium black beans", + "sweet potatoes", + "scallions", + "onions", + "avocado", + "olive oil", + "chili powder", + "corn tortillas", + "fresh cilantro", + "brown rice", + "enchilada sauce", + "ground cumin", + "ground chipotle chile pepper", + "roasted red peppers", + "frozen corn", + "lowfat pepper jack cheese" + ] + }, + { + "id": 45099, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "ricotta cheese", + "garlic cloves", + "tomatoes", + "grated parmesan cheese", + "jumbo pasta shells", + "onions", + "large eggs", + "salt", + "flat leaf parsley", + "tomato sauce", + "lean ground beef", + "fresh mushrooms", + "italian seasoning" + ] + }, + { + "id": 43280, + "cuisine": "southern_us", + "ingredients": [ + "mini marshmallows", + "vanilla extract", + "sugar", + "sweet potatoes", + "salt", + "brown sugar", + "large eggs", + "cornflake cereal", + "milk", + "butter", + "chopped pecans" + ] + }, + { + "id": 17074, + "cuisine": "jamaican", + "ingredients": [ + "butternut squash", + "yellow split peas", + "waxy potatoes", + "vegetable stock", + "cayenne pepper", + "coconut milk", + "fresh corn", + "scotch bonnet chile", + "sweet corn", + "thyme sprigs", + "olive oil", + "red pepper", + "garlic cloves", + "onions" + ] + }, + { + "id": 23754, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "cheese tortellini", + "fresh parsley leaves", + "shredded cheddar cheese", + "ground black pepper", + "garlic", + "onions", + "kosher salt", + "olive oil", + "crushed red pepper flakes", + "ground beef", + "crushed tomatoes", + "diced tomatoes", + "shredded mozzarella cheese", + "dried oregano" + ] + }, + { + "id": 33772, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "french bread", + "salt", + "onions", + "green bell pepper", + "green onions", + "all-purpose flour", + "black pepper", + "ground red pepper", + "garlic cloves", + "chicken broth", + "file powder", + "vegetable oil", + "shrimp" + ] + }, + { + "id": 38551, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "milk", + "salt", + "vanilla ice cream", + "butter", + "chopped pecans", + "brown sugar", + "self rising flour", + "hot water", + "sugar", + "vanilla extract", + "unsweetened cocoa powder" + ] + }, + { + "id": 48114, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "mexicorn", + "rotini", + "black beans", + "green onions", + "red bell pepper", + "ground cumin", + "garlic powder", + "cilantro", + "sour cream", + "mayonaise", + "sliced black olives", + "salt", + "chunky salsa" + ] + }, + { + "id": 19553, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "spaghetti", + "unsalted butter", + "Italian seasoned breadcrumbs", + "boneless skinless chicken breasts", + "grated parmesan cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 16180, + "cuisine": "jamaican", + "ingredients": [ + "ground black pepper", + "cod fish", + "tomatoes", + "baking powder", + "green onions", + "all-purpose flour", + "water", + "vegetable oil" + ] + }, + { + "id": 24494, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "fresh basil", + "balsamic vinegar", + "garlic cloves", + "olive oil", + "purple onion", + "feta cheese crumbles", + "tomatoes", + "fennel bulb", + "chickpeas" + ] + }, + { + "id": 46306, + "cuisine": "italian", + "ingredients": [ + "assorted fresh vegetables", + "unsalted butter", + "anchovy fillets", + "olive oil", + "large garlic cloves", + "french bread" + ] + }, + { + "id": 45718, + "cuisine": "italian", + "ingredients": [ + "water", + "flat leaf parsley", + "capers", + "red cabbage", + "olive oil", + "minced garlic", + "red wine vinegar" + ] + }, + { + "id": 13655, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "olive oil", + "all-purpose flour", + "capers", + "water", + "lemon wedge", + "fresh lemon juice", + "black pepper", + "large egg whites", + "salt", + "seasoned bread crumbs", + "veal cutlets", + "grated lemon zest" + ] + }, + { + "id": 1715, + "cuisine": "russian", + "ingredients": [ + "powdered sugar", + "egg whites", + "meringue", + "dried fruit", + "egg yolks", + "sour cream", + "dough", + "unsalted butter", + "walnuts", + "sugar", + "flour", + "flour for dusting" + ] + }, + { + "id": 23800, + "cuisine": "southern_us", + "ingredients": [ + "whipping cream", + "water", + "condensed milk", + "vanilla wafers", + "bananas", + "vanilla instant pudding" + ] + }, + { + "id": 10801, + "cuisine": "cajun_creole", + "ingredients": [ + "bell pepper", + "garlic", + "large shrimp", + "unsalted butter", + "cajun seasoning", + "okra pods", + "green onions", + "cream cheese", + "grated parmesan cheese", + "toasted baguette", + "celery" + ] + }, + { + "id": 22127, + "cuisine": "italian", + "ingredients": [ + "butter", + "grated parmesan cheese", + "loaves", + "garlic cloves", + "parsley" + ] + }, + { + "id": 11241, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "roasted red peppers", + "garlic cloves", + "parmesan cheese", + "extra-virgin olive oil", + "plum tomatoes", + "eggplant", + "basil", + "oregano", + "nutmeg", + "mascarpone", + "ricotta" + ] + }, + { + "id": 29259, + "cuisine": "brazilian", + "ingredients": [ + "white wine", + "sea scallops", + "yellow onion", + "mussels, well scrubbed", + "toast", + "fish fillets", + "coconut", + "white rice", + "freshly ground pepper", + "shrimp", + "broth", + "saffron threads", + "dry roasted peanuts", + "unsalted butter", + "ground coriander", + "fresh lemon juice", + "chopped cilantro fresh", + "chiles", + "fresh ginger", + "plums", + "garlic cloves", + "coconut milk" + ] + }, + { + "id": 28180, + "cuisine": "french", + "ingredients": [ + "Belgian endive", + "radicchio", + "salt", + "frisee", + "black pepper", + "tawny port", + "fresh lemon juice", + "white sandwich bread", + "sugar", + "sherry vinegar", + "mie", + "walnut oil", + "verjus", + "foie gras terrine", + "fleur de sel" + ] + }, + { + "id": 39314, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "jalapeno chilies", + "chopped cilantro", + "fresh tomatoes", + "corn kernels", + "salt", + "cumin", + "lime", + "green onions", + "coriander", + "black beans", + "orange bell pepper", + "english cucumber", + "canola oil" + ] + }, + { + "id": 35242, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "milk", + "margarine", + "warm water", + "egg yolks", + "yeast", + "brown sugar", + "flour", + "white sugar", + "bread crumbs", + "salt" + ] + }, + { + "id": 42739, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "large eggs", + "salsa", + "corn tortillas", + "kosher salt", + "cilantro", + "cayenne pepper", + "ground cumin", + "black beans", + "butter", + "hot sauce", + "monterey jack", + "avocado", + "lime", + "cheese", + "sour cream" + ] + }, + { + "id": 19332, + "cuisine": "filipino", + "ingredients": [ + "Velveeta", + "potatoes", + "pineapple juice", + "red bell pepper", + "green bell pepper", + "pepper", + "garlic", + "oil", + "chicken", + "green olives", + "soy sauce", + "thai chile", + "sauce", + "onions", + "tomato sauce", + "water", + "salt", + "carrots" + ] + }, + { + "id": 45140, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "cilantro", + "cheddar cheese", + "sweet potatoes", + "corn tortillas", + "spinach", + "feta cheese", + "cheese", + "black beans", + "red pepper", + "onions" + ] + }, + { + "id": 26389, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "chicken breasts", + "non-fat sour cream", + "ground cumin", + "black beans", + "cooking spray", + "tomatillos", + "red bell pepper", + "reduced fat monterey jack cheese", + "corn kernels", + "chili powder", + "garlic cloves", + "pepper", + "green onions", + "cilantro sprigs", + "poblano chiles" + ] + }, + { + "id": 28593, + "cuisine": "moroccan", + "ingredients": [ + "chicken broth", + "zucchini", + "currant", + "salt", + "onions", + "eggplant", + "cinnamon", + "cauliflower florets", + "carrots", + "cumin", + "black pepper", + "vegetable oil", + "stewed tomatoes", + "cayenne pepper", + "coriander", + "garbanzo beans", + "butter", + "garlic", + "toasted almonds" + ] + }, + { + "id": 33079, + "cuisine": "japanese", + "ingredients": [ + "nori", + "water", + "short-grain rice" + ] + }, + { + "id": 32641, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "dried basil", + "chicken breasts", + "onions", + "flavored rice mix", + "shredded cheddar cheese", + "diced green chilies", + "lime wedges", + "ground cumin", + "pepper", + "salted butter", + "chili powder", + "long grain white rice", + "chicken broth", + "water", + "guacamole", + "sour cream" + ] + }, + { + "id": 9456, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chili powder", + "salsa", + "oregano", + "tortillas", + "mild green chiles", + "enchilada sauce", + "quinoa", + "red pepper", + "shredded cheese", + "cumin", + "spinach", + "roma tomatoes", + "garlic", + "onions" + ] + }, + { + "id": 43819, + "cuisine": "mexican", + "ingredients": [ + "part-skim mozzarella cheese", + "onion powder", + "fresh parsley", + "frozen chopped spinach", + "ground nutmeg", + "chopped onion", + "garlic powder", + "condensed cream of mushroom soup", + "boneless skinless chicken breast halves", + "milk", + "flour tortillas", + "sour cream" + ] + }, + { + "id": 20535, + "cuisine": "indian", + "ingredients": [ + "masoor dal", + "cilantro leaves", + "mustard seeds", + "serrano peppers", + "cayenne pepper", + "ginger root", + "pepper", + "salt", + "mustard oil", + "onions", + "tomatoes", + "ground tumeric", + "cumin seed", + "ghee" + ] + }, + { + "id": 10271, + "cuisine": "italian", + "ingredients": [ + "parsley sprigs", + "unsalted butter", + "seafood glaze", + "all-purpose flour", + "oven-ready lasagna noodles", + "water", + "dry white wine", + "chopped celery", + "fresh lemon juice", + "black pepper", + "chopped fresh chives", + "heavy cream", + "cognac", + "medium shrimp", + "tomato paste", + "sea scallops", + "shallots", + "salt", + "carrots" + ] + }, + { + "id": 21986, + "cuisine": "mexican", + "ingredients": [ + "shredded cabbage", + "salsa", + "onions", + "kosher salt", + "cilantro leaves", + "poblano chiles", + "jack cheese", + "vegetable oil", + "sour cream", + "flour tortillas", + "nopales", + "fresh lime juice" + ] + }, + { + "id": 27605, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "rice vinegar", + "soy sauce", + "grapeseed oil", + "boneless chicken breast", + "scallions", + "honey", + "red pepper" + ] + }, + { + "id": 23210, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "boneless skinless chicken", + "ragu", + "italian seasoning", + "eggs", + "shredded mozzarella cheese", + "paprika" + ] + }, + { + "id": 27319, + "cuisine": "italian", + "ingredients": [ + "eggs", + "garlic powder", + "chicken thighs", + "pepper", + "salt", + "fresh basil", + "grated parmesan cheese", + "saltines", + "olive oil", + "heavy whipping cream" + ] + }, + { + "id": 6470, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "peeled fresh ginger", + "okra", + "water", + "salt", + "juice", + "curry powder", + "chickpeas", + "onions", + "black pepper", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 3034, + "cuisine": "chinese", + "ingredients": [ + "light brown sugar", + "rice vinegar", + "pineapple", + "worcestershire sauce", + "ketchup", + "corn starch" + ] + }, + { + "id": 22060, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "jalapeno chilies", + "paprika", + "freshly ground pepper", + "fresh cilantro", + "chili powder", + "salt", + "cumin", + "chicken stock", + "boneless skinless chicken breasts", + "garlic", + "dried oregano", + "bell pepper", + "diced tomatoes", + "yellow onion" + ] + }, + { + "id": 15853, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "monterey jack", + "green onions", + "large eggs", + "bread ciabatta", + "sweet italian sausage" + ] + }, + { + "id": 32557, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "minced garlic", + "sea bass fillets", + "plum tomatoes", + "chopped fresh thyme", + "fresh oregano", + "olive oil", + "lemon" + ] + }, + { + "id": 21971, + "cuisine": "british", + "ingredients": [ + "eggs", + "prosciutto", + "shallots", + "puff pastry", + "kosher salt", + "dijon mustard", + "dry red wine", + "cremini mushrooms", + "unsalted butter", + "cracked black pepper", + "olive oil", + "beef stock", + "beef tenderloin" + ] + }, + { + "id": 42572, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "bourbon whiskey", + "water", + "fresh mint" + ] + }, + { + "id": 12547, + "cuisine": "korean", + "ingredients": [ + "sugar", + "sesame oil", + "onions", + "eggs", + "water", + "firm tofu", + "sliced green onions", + "pork belly", + "Gochujang base", + "toasted sesame seeds", + "fish sauce", + "green onions", + "kimchi" + ] + }, + { + "id": 25365, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "freshly ground pepper", + "dry mustard", + "fresh parsley", + "green onions", + "lemon juice", + "red potato", + "salt" + ] + }, + { + "id": 39659, + "cuisine": "chinese", + "ingredients": [ + "egg whites", + "wonton wrappers", + "fresh lime juice", + "salt and ground black pepper", + "green onions", + "garlic", + "soy sauce", + "pork tenderloin", + "crushed red pepper flakes", + "fresh ginger root", + "sesame oil", + "peanut oil" + ] + }, + { + "id": 40185, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "vanilla extract", + "heavy cream", + "brown sugar", + "white sugar" + ] + }, + { + "id": 46220, + "cuisine": "british", + "ingredients": [ + "pastry", + "salt", + "potatoes", + "onions", + "ground black pepper", + "round steaks", + "butter" + ] + }, + { + "id": 38045, + "cuisine": "indian", + "ingredients": [ + "peeled fresh ginger", + "cilantro sprigs", + "fresh lemon juice", + "ground cumin", + "peeled tomatoes", + "vegetable oil", + "ground coriander", + "chopped cilantro fresh", + "cooked rice", + "chili powder", + "salt", + "chicken thighs", + "finely chopped onion", + "baking potatoes", + "garlic cloves", + "ground turmeric" + ] + }, + { + "id": 8199, + "cuisine": "filipino", + "ingredients": [ + "won ton wrappers", + "ground pork", + "shrimp", + "ground black pepper", + "salt", + "white mushrooms", + "eggs", + "water chestnuts", + "scallions", + "onions", + "water", + "sesame oil", + "carrots" + ] + }, + { + "id": 32448, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "cumin", + "queso fresco", + "chili powder", + "tomatoes", + "cilantro sprigs" + ] + }, + { + "id": 12983, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "ground black pepper", + "garlic cloves", + "artichoke hearts", + "salt", + "olive oil", + "vegetable broth", + "onions", + "fresh basil", + "feta cheese", + "penne pasta" + ] + }, + { + "id": 43174, + "cuisine": "italian", + "ingredients": [ + "frozen pizza dough", + "extra-virgin olive oil", + "basil leaves", + "tomatoes", + "shredded mozzarella cheese" + ] + }, + { + "id": 40481, + "cuisine": "spanish", + "ingredients": [ + "low-sodium fat-free chicken broth", + "shrimp", + "rice", + "sliced green onions", + "green peas", + "chorizo sausage", + "rotelle", + "chicken fingers", + "ground cumin" + ] + }, + { + "id": 48952, + "cuisine": "greek", + "ingredients": [ + "vegetable oil", + "hot water", + "ground black pepper", + "salt", + "dried oregano", + "olive oil", + "garlic", + "fresh parsley", + "potatoes", + "fresh lemon juice" + ] + }, + { + "id": 30461, + "cuisine": "cajun_creole", + "ingredients": [ + "red kidney beans", + "minced garlic", + "red beans", + "bacon fat", + "sliced green onions", + "sugar", + "bell pepper", + "smoked sausage", + "diced celery", + "diced onions", + "black pepper", + "flour", + "salt", + "chopped parsley", + "granulated garlic", + "water", + "vegetable oil", + "long-grain rice" + ] + }, + { + "id": 35217, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "egg yolks", + "light corn syrup", + "sugar", + "unsalted butter", + "bourbon whiskey", + "cake flour", + "grated coconut", + "egg whites", + "raisins", + "chopped pecans", + "cream of tartar", + "milk", + "baking powder", + "vanilla extract" + ] + }, + { + "id": 30376, + "cuisine": "chinese", + "ingredients": [ + "sambal ulek", + "sesame oil", + "cilantro leaves", + "chinese five-spice powder", + "water", + "fresh green bean", + "peanut oil", + "beansprouts", + "soy sauce", + "snow pea shoots", + "boneless pork loin", + "garlic cloves", + "green cabbage", + "mango chutney", + "purple onion", + "gingerroot" + ] + }, + { + "id": 22796, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "white sugar", + "self rising flour", + "mayonaise" + ] + }, + { + "id": 24168, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "corn", + "chili powder", + "chopped garlic", + "black beans", + "flour tortillas", + "onions", + "black pepper", + "peeled tomatoes", + "scallions", + "canola oil", + "kosher salt", + "sweet potatoes", + "dried oregano" + ] + }, + { + "id": 15793, + "cuisine": "italian", + "ingredients": [ + "sausage links", + "rolls", + "spinach", + "ground red pepper", + "olive oil", + "garlic cloves", + "vegetable oil cooking spray", + "salt" + ] + }, + { + "id": 21147, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "garlic", + "oil", + "tomatoes", + "eggplant", + "green chilies", + "ground turmeric", + "red chili powder", + "garam masala", + "cumin seed", + "ground cumin", + "olive oil", + "salt", + "onions" + ] + }, + { + "id": 30217, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "salt", + "dried oregano", + "tomatoes", + "olive oil", + "fresh lemon juice", + "green bell pepper", + "purple onion", + "feta cheese crumbles", + "pepper", + "english cucumber" + ] + }, + { + "id": 34534, + "cuisine": "spanish", + "ingredients": [ + "pork baby back ribs", + "potatoes", + "shanks", + "kale", + "spanish chorizo", + "pancetta", + "garbanzo beans", + "ham", + "water", + "leeks", + "skirt steak" + ] + }, + { + "id": 29385, + "cuisine": "italian", + "ingredients": [ + "fresh blueberries", + "granita", + "lemon rind", + "sugar", + "strawberries", + "water", + "lemon juice" + ] + }, + { + "id": 45644, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "chopped onion", + "egg substitute", + "salt", + "small red potato", + "bacon slices", + "garlic cloves", + "ground black pepper", + "reduced fat swiss cheese", + "red bell pepper" + ] + }, + { + "id": 46645, + "cuisine": "french", + "ingredients": [ + "chopped walnuts", + "brown sugar", + "white sugar", + "ground cinnamon", + "orange juice", + "vanilla extract", + "pears" + ] + }, + { + "id": 297, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "buttermilk", + "eggs", + "flour", + "cornmeal", + "baking soda", + "salt", + "shortening", + "butter" + ] + }, + { + "id": 16930, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "cayenne", + "oil", + "milk", + "paprika", + "cornmeal", + "black pepper", + "flour", + "celery seed", + "garlic powder", + "salt" + ] + }, + { + "id": 7506, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "Shaoxing wine", + "soy sauce", + "garlic cloves", + "water", + "red chili peppers", + "sesame oil" + ] + }, + { + "id": 24777, + "cuisine": "japanese", + "ingredients": [ + "garlic", + "sugar", + "red miso", + "sake", + "chili bean sauce", + "mirin", + "skirt steak" + ] + }, + { + "id": 43038, + "cuisine": "british", + "ingredients": [ + "milk", + "raisins", + "confectioners sugar", + "suet", + "all-purpose flour", + "baking soda", + "vanilla extract", + "molasses", + "egg whites", + "lemon juice" + ] + }, + { + "id": 14569, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "vegetable oil", + "ginger", + "waxy potatoes", + "chicken thighs", + "coconut flakes", + "cayenne", + "diced tomatoes", + "cilantro leaves", + "onions", + "chicken broth", + "garam masala", + "chicken drumsticks", + "salt", + "cinnamon sticks", + "cumin", + "black pepper", + "lemon", + "garlic", + "carrots", + "coriander" + ] + }, + { + "id": 36924, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "shredded swiss cheese", + "all-purpose flour", + "cooking spray", + "diced tomatoes", + "garlic cloves", + "flour tortillas", + "2% reduced-fat milk", + "chopped onion", + "boneless skinless chicken breasts", + "salt" + ] + }, + { + "id": 46042, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "cayenne pepper", + "eggs", + "baking powder", + "canola oil", + "saltines", + "flour", + "steak", + "pepper", + "salt" + ] + }, + { + "id": 16010, + "cuisine": "mexican", + "ingredients": [ + "water", + "vegetable oil", + "cotija", + "green onions", + "corn tortillas", + "eggs", + "refried beans", + "salsa", + "jack cheese", + "Mexican oregano" + ] + }, + { + "id": 25315, + "cuisine": "southern_us", + "ingredients": [ + "wheat bread", + "apples", + "water", + "brown sugar", + "salted butter" + ] + }, + { + "id": 49470, + "cuisine": "japanese", + "ingredients": [ + "sesame oil", + "clear honey", + "cornflour", + "dark soy sauce", + "dry sherry", + "boneless skinless chicken breasts", + "stir fry vegetable blend" + ] + }, + { + "id": 24808, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "baking soda", + "salt", + "sugar", + "baking powder", + "yellow onion", + "eggs", + "cayenne", + "all-purpose flour", + "milk", + "buttermilk", + "canola oil" + ] + }, + { + "id": 17172, + "cuisine": "french", + "ingredients": [ + "pepper", + "gruyere cheese", + "french bread", + "beef broth", + "beef consomme", + "salt", + "romano cheese", + "butter", + "yellow onion" + ] + }, + { + "id": 41827, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "cold water", + "boiling water", + "cornmeal", + "salt" + ] + }, + { + "id": 21983, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "ground black pepper", + "coarse salt", + "fresh oregano", + "olive oil", + "large eggs", + "whipping cream", + "spaghetti", + "sweet onion", + "whole peeled tomatoes", + "crushed red pepper flakes", + "ground turkey", + "fresh basil", + "freshly grated parmesan", + "lean ground beef", + "dry bread crumbs" + ] + }, + { + "id": 8454, + "cuisine": "jamaican", + "ingredients": [ + "water", + "cream of tartar", + "minced ginger", + "lime juice", + "brown sugar" + ] + }, + { + "id": 29303, + "cuisine": "italian", + "ingredients": [ + "dry red wine", + "veal for stew", + "dried sage", + "extra-virgin olive oil", + "red bell pepper", + "capers", + "tomatoes with juice", + "garlic cloves", + "butter", + "all-purpose flour" + ] + }, + { + "id": 36068, + "cuisine": "southern_us", + "ingredients": [ + "beef bouillon", + "all-purpose flour", + "water", + "bacon", + "onions", + "pepper", + "chopped fresh chives", + "medium shrimp", + "evaporated milk", + "salt", + "garlic salt" + ] + }, + { + "id": 35440, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "butter", + "olive oil", + "fresh mushrooms", + "seasoning salt", + "all-purpose flour", + "veal cutlets" + ] + }, + { + "id": 30141, + "cuisine": "chinese", + "ingredients": [ + "gai lan", + "fresh ginger", + "rice wine", + "soy sauce", + "green onions", + "chinese five-spice powder", + "sugar", + "beef shank", + "beef broth", + "tomato paste", + "water", + "bean paste", + "noodles" + ] + }, + { + "id": 4327, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "extra-virgin olive oil", + "ground pepper", + "yellow onion", + "coarse salt", + "long grain white rice", + "cider vinegar", + "smoked bratwurst" + ] + }, + { + "id": 28175, + "cuisine": "italian", + "ingredients": [ + "pesto", + "butter", + "carrots", + "cabbage", + "canned low sodium chicken broth", + "ground black pepper", + "salt", + "onions", + "tomato paste", + "olive oil", + "garlic", + "celery", + "sole fillet", + "zucchini", + "pinto beans", + "boiling potatoes" + ] + }, + { + "id": 32769, + "cuisine": "italian", + "ingredients": [ + "capers", + "tilapia fillets", + "all-purpose flour", + "black pepper", + "orzo", + "fresh parsley", + "white wine", + "salt", + "grape tomatoes", + "butter", + "fresh lemon juice" + ] + }, + { + "id": 24309, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "salsa", + "ground beef", + "tomatoes", + "shredded lettuce", + "potato flakes", + "butter", + "chopped onion", + "milk", + "shredded sharp cheddar cheese", + "sour cream" + ] + }, + { + "id": 583, + "cuisine": "russian", + "ingredients": [ + "seasoning", + "all-purpose flour", + "onions", + "sugar", + "cream cheese", + "eggs", + "lean beef", + "boiling water", + "salt", + "jelly" + ] + }, + { + "id": 12241, + "cuisine": "british", + "ingredients": [ + "new potatoes", + "salt", + "chillies", + "groundnut", + "ginger", + "garlic cloves", + "coriander", + "tumeric", + "chili powder", + "ground coriander", + "onions", + "cooking oil", + "passata", + "sausages", + "ground cumin" + ] + }, + { + "id": 40976, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "vegetable oil", + "scallions", + "cabbage", + "eggs", + "ground black pepper", + "chili oil", + "red bell pepper", + "tofu", + "black bean garlic sauce", + "butter", + "Chinese egg noodles", + "soy sauce", + "Sriracha", + "garlic sauce", + "onions" + ] + }, + { + "id": 19793, + "cuisine": "southern_us", + "ingredients": [ + "shredded swiss cheese", + "sweet onion", + "mayonaise", + "hot sauce", + "grated parmesan cheese" + ] + }, + { + "id": 42717, + "cuisine": "irish", + "ingredients": [ + "olive oil", + "finely chopped onion", + "chives", + "dry sherry", + "carrots", + "soy sauce", + "green lentil", + "mushrooms", + "fresh thyme leaves", + "all-purpose flour", + "bay leaf", + "tomato paste", + "ground nutmeg", + "low-fat buttermilk", + "yukon gold potatoes", + "salt", + "celery", + "water", + "ground black pepper", + "ground red pepper", + "white truffle oil", + "organic vegetable broth" + ] + }, + { + "id": 28590, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "salsa", + "olive oil", + "bonito", + "lime juice", + "mackerel", + "rub", + "radishes", + "scallions" + ] + }, + { + "id": 18103, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "flour tortillas", + "shrimp", + "pepper", + "green onions", + "chopped cilantro fresh", + "avocado", + "jalapeno chilies", + "sour cream", + "lime juice", + "salt", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 3566, + "cuisine": "mexican", + "ingredients": [ + "unsweetened coconut milk", + "triple sec", + "sweetened coconut flakes", + "water", + "whole milk", + "vanilla beans", + "vegetable oil", + "sugar", + "large egg yolks" + ] + }, + { + "id": 20555, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "pepper", + "pineapple", + "salt", + "red bell pepper", + "tomato sauce", + "hard-boiled egg", + "luncheon meat", + "oil", + "pork butt", + "sweet pickle relish", + "water", + "green peas", + "liver", + "onions", + "bread crumbs", + "raisins", + "garlic", + "carrots", + "pineapple slices" + ] + }, + { + "id": 38661, + "cuisine": "mexican", + "ingredients": [ + "taco shells", + "cilantro", + "celery", + "low-fat sour cream", + "lemon", + "juice", + "pepper", + "garlic", + "plum tomatoes", + "avocado", + "extra large shrimp", + "purple onion", + "ground cumin" + ] + }, + { + "id": 49296, + "cuisine": "british", + "ingredients": [ + "ground cinnamon", + "heavy cream", + "caramels", + "white sugar", + "pecans", + "apples", + "butter" + ] + }, + { + "id": 10169, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "fresh parsley", + "leeks", + "boneless pork loin", + "water", + "salt", + "black pepper", + "butter" + ] + }, + { + "id": 34226, + "cuisine": "italian", + "ingredients": [ + "garlic cloves", + "hot red pepper flakes", + "nonfat chicken broth", + "broccoli rabe", + "red bell pepper" + ] + }, + { + "id": 44243, + "cuisine": "southern_us", + "ingredients": [ + "white cornmeal", + "buttermilk", + "eggs", + "canola oil", + "salt" + ] + }, + { + "id": 14412, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "cayenne pepper", + "ground black pepper", + "fresh lemon juice", + "white vinegar", + "salt", + "prepared horseradish", + "apple juice" + ] + }, + { + "id": 25890, + "cuisine": "italian", + "ingredients": [ + "fava beans", + "ground black pepper", + "russet potatoes", + "flat leaf parsley", + "plum tomatoes", + "fresh spinach", + "zucchini", + "fresh green bean", + "celery", + "olive oil", + "leeks", + "carrots", + "frozen peas", + "pesto", + "parmigiano reggiano cheese", + "salt", + "onions" + ] + }, + { + "id": 21739, + "cuisine": "greek", + "ingredients": [ + "fresh mint", + "whole milk greek yogurt", + "honey", + "lemon juice" + ] + }, + { + "id": 10953, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "parmesan cheese", + "chopped fresh chives", + "ricotta", + "flat leaf parsley", + "boneless chicken skinless thigh", + "large eggs", + "all-purpose flour", + "carrots", + "kosher salt", + "grated parmesan cheese", + "grated nutmeg", + "low salt chicken broth", + "parsnips", + "unsalted butter", + "leeks", + "freshly ground pepper" + ] + }, + { + "id": 26607, + "cuisine": "southern_us", + "ingredients": [ + "cooked chicken", + "all-purpose flour", + "canola oil", + "sweet onion", + "buttermilk", + "freshly ground pepper", + "sugar", + "butter", + "chopped fresh sage", + "large eggs", + "chopped celery", + "white cornmeal" + ] + }, + { + "id": 4025, + "cuisine": "southern_us", + "ingredients": [ + "water", + "cinnamon", + "peaches", + "vanilla", + "milk", + "butter", + "sugar", + "self rising flour", + "corn starch" + ] + }, + { + "id": 31742, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "butter", + "warm water", + "salt", + "large eggs", + "all-purpose flour", + "sugar", + "rapid rise yeast" + ] + }, + { + "id": 43492, + "cuisine": "italian", + "ingredients": [ + "cream", + "carbonated water", + "flavored syrup" + ] + }, + { + "id": 9516, + "cuisine": "chinese", + "ingredients": [ + "stock", + "sesame oil", + "oyster sauce", + "shiitake", + "salt", + "bok choy", + "light soy sauce", + "vegetable oil", + "corn starch", + "cooking oil", + "garlic cloves" + ] + }, + { + "id": 47376, + "cuisine": "italian", + "ingredients": [ + "cold water", + "baking powder", + "deli ham", + "sweet italian sausage", + "pepperoni slices", + "vegetable oil", + "salt", + "fresh parsley", + "grated parmesan cheese", + "ricotta cheese", + "all-purpose flour", + "eggs", + "salami", + "butter", + "shredded mozzarella cheese" + ] + }, + { + "id": 7497, + "cuisine": "indian", + "ingredients": [ + "water", + "lemon", + "cardamon", + "milk", + "sugar", + "pistachio nuts" + ] + }, + { + "id": 20369, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "fresh ginger", + "lemon", + "ground coriander", + "cooking fat", + "water", + "ground black pepper", + "crushed red pepper flakes", + "carrots", + "frozen peas", + "cauliflower", + "curry powder", + "boneless skinless chicken breasts", + "raw cashews", + "red bell pepper", + "ground cumin", + "red potato", + "full fat coconut milk", + "sea salt", + "garlic cloves", + "onions" + ] + }, + { + "id": 37361, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "tomatillos", + "ground turmeric", + "sugar", + "celery seed", + "green bell pepper", + "salt", + "cabbage", + "green tomatoes", + "onions" + ] + }, + { + "id": 18061, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "hoisin sauce", + "english cucumber", + "toasted sesame oil", + "serrano chile", + "rice stick noodles", + "lime juice", + "cilantro sprigs", + "garlic cloves", + "mung bean sprouts", + "water", + "lettuce leaves", + "scallions", + "medium shrimp", + "rice paper", + "garlic paste", + "granulated sugar", + "creamy peanut butter", + "fresh mint", + "fresh basil leaves" + ] + }, + { + "id": 25986, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "garlic cloves", + "salt", + "chopped cilantro", + "avocado leaves", + "juice", + "pepper", + "freshly ground pepper", + "short rib" + ] + }, + { + "id": 35697, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "pepper", + "sesame oil", + "soy sauce", + "sesame seeds", + "salt", + "sugar", + "honey", + "cornflour", + "white vinegar", + "ketchup", + "chicken breasts", + "rice" + ] + }, + { + "id": 14793, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "extra-virgin olive oil", + "flat leaf parsley", + "bread crumb fresh", + "coarse salt", + "freshly ground pepper", + "polenta", + "tomatoes", + "dry white wine", + "garlic", + "onions", + "calamari", + "bacon", + "poblano chiles" + ] + }, + { + "id": 878, + "cuisine": "italian", + "ingredients": [ + "eggs", + "potatoes", + "water", + "onions", + "pepper", + "salt", + "olive oil" + ] + }, + { + "id": 15561, + "cuisine": "southern_us", + "ingredients": [ + "white sugar", + "boiling water", + "tea bags", + "lime" + ] + }, + { + "id": 46009, + "cuisine": "mexican", + "ingredients": [ + "white hominy", + "salt", + "garlic cloves", + "masa harina", + "fat free less sodium chicken broth", + "baking powder", + "turkey tenderloins", + "adobo sauce", + "water", + "vegetable oil", + "chopped onion", + "chopped cilantro fresh", + "chipotle chile", + "cooking spray", + "all-purpose flour", + "poblano chiles" + ] + }, + { + "id": 16491, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "tomatillos", + "lime", + "juice", + "kosher salt", + "cilantro leaves", + "jalapeno chilies" + ] + }, + { + "id": 44759, + "cuisine": "mexican", + "ingredients": [ + "water", + "jalapeno chilies", + "salt", + "fresh lime juice", + "avocado", + "garlic powder", + "onion powder", + "chickpeas", + "ground cumin", + "cauliflower", + "olive oil", + "chili powder", + "greek style plain yogurt", + "chopped cilantro", + "pepper", + "red cabbage", + "sea salt", + "corn tortillas" + ] + }, + { + "id": 38846, + "cuisine": "italian", + "ingredients": [ + "capers", + "parmesan cheese", + "salt", + "olive oil", + "grated parmesan cheese", + "arugula", + "penne", + "ground black pepper", + "roast beef", + "radicchio", + "balsamic vinegar" + ] + }, + { + "id": 46985, + "cuisine": "italian", + "ingredients": [ + "crushed garlic", + "all-purpose flour", + "spaghetti", + "ground black pepper", + "diced tomatoes", + "onions", + "chicken", + "butter", + "Burgundy wine", + "italian seasoning", + "green bell pepper, slice", + "salt", + "garlic salt" + ] + }, + { + "id": 48321, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "salt", + "shrimp shells", + "ground black pepper", + "garlic", + "chopped parsley", + "dried thyme", + "Tabasco Pepper Sauce", + "cayenne pepper", + "dried oregano", + "whole grain mustard", + "worcestershire sauce", + "scallions" + ] + }, + { + "id": 46969, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "carrots", + "sliced green onions", + "avocado", + "white wine vinegar", + "corn tortillas", + "no-salt-added black beans", + "red bell pepper", + "romaine lettuce", + "toasted pumpkinseeds", + "chopped cilantro fresh" + ] + }, + { + "id": 16440, + "cuisine": "italian", + "ingredients": [ + "round loaf", + "grated parmesan cheese", + "large garlic cloves", + "flat leaf parsley", + "clove", + "ground black pepper", + "pecorino romano cheese", + "carrots", + "fresh rosemary", + "cannellini beans", + "chopped fresh sage", + "bay leaf", + "celery ribs", + "olive oil", + "butter", + "garlic cloves", + "onions" + ] + }, + { + "id": 47097, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "Anaheim chile", + "sauce", + "dark soy sauce", + "ground chicken", + "vegetable oil", + "plum tomatoes", + "sugar", + "rice noodles", + "garlic cloves", + "green bell pepper", + "thai basil", + "thai chile" + ] + }, + { + "id": 14040, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "beefsteak tomatoes", + "cucumber", + "green chile", + "shell-on shrimp", + "cilantro leaves", + "fresh lime juice", + "sugar", + "basil leaves", + "scallions", + "asian fish sauce", + "lime", + "salt", + "red bell pepper" + ] + }, + { + "id": 2286, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "red wine vinegar", + "sweet onion", + "bell pepper", + "fresh mint", + "eggplant", + "marinade", + "pinenuts", + "zucchini", + "salt" + ] + }, + { + "id": 13060, + "cuisine": "italian", + "ingredients": [ + "russet potatoes", + "canola oil", + "garlic", + "coarse sea salt", + "cooking spray", + "flat leaf parsley" + ] + }, + { + "id": 30887, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "olive oil", + "Italian seasoned breadcrumbs", + "salt", + "garlic powder", + "bone in chicken thighs" + ] + }, + { + "id": 45288, + "cuisine": "french", + "ingredients": [ + "table salt", + "dry white wine", + "flat leaf parsley", + "unsalted butter", + "garlic cloves", + "black pepper", + "shallots", + "kosher salt", + "snails" + ] + }, + { + "id": 46804, + "cuisine": "french", + "ingredients": [ + "curly-leaf parsley", + "yellow onion", + "thyme", + "flour", + "garlic cloves", + "beef", + "round steaks", + "cabernet", + "white button mushrooms", + "bacon", + "carrots" + ] + }, + { + "id": 21869, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "taco seasoning", + "cheese", + "corn", + "pearl couscous", + "hamburger" + ] + }, + { + "id": 14458, + "cuisine": "filipino", + "ingredients": [ + "rib eye steaks", + "pepper", + "garlic", + "sugar", + "butter", + "hot red pepper flakes", + "olive oil", + "salt", + "soy sauce", + "worcestershire sauce" + ] + }, + { + "id": 18839, + "cuisine": "chinese", + "ingredients": [ + "medium egg noodles", + "red pepper", + "king prawns", + "coriander", + "soy sauce", + "broccoli stems", + "skinless chicken breasts", + "beansprouts", + "red chili peppers", + "spring onions", + "sunflower oil", + "baby corn", + "fresh ginger", + "lime wedges", + "garlic cloves", + "curry paste" + ] + }, + { + "id": 36535, + "cuisine": "italian", + "ingredients": [ + "brown sugar", + "olive oil", + "red pepper flakes", + "soy sauce", + "ground black pepper", + "medium shrimp", + "penne", + "parmesan cheese", + "garlic", + "kosher salt", + "green onions" + ] + }, + { + "id": 30668, + "cuisine": "spanish", + "ingredients": [ + "hazelnuts", + "cubed bread", + "blanched almonds", + "chili", + "large garlic cloves", + "roast red peppers, drain", + "kosher salt", + "red wine vinegar", + "country bread", + "olive oil", + "extra-virgin olive oil", + "plum tomatoes" + ] + }, + { + "id": 271, + "cuisine": "thai", + "ingredients": [ + "fat free less sodium chicken broth", + "green curry paste", + "cilantro sprigs", + "fish sauce", + "jasmine rice", + "lime wedges", + "red bell pepper", + "brown sugar", + "water", + "green peas", + "turkey breast", + "kosher salt", + "butternut squash", + "light coconut milk" + ] + }, + { + "id": 4959, + "cuisine": "greek", + "ingredients": [ + "salt", + "pepper", + "greek yogurt", + "feta cheese", + "fresh dill", + "english cucumber" + ] + }, + { + "id": 7240, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "broth", + "rice vinegar", + "mirin", + "sake", + "kabocha squash" + ] + }, + { + "id": 34546, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "paprika", + "garlic powder", + "dark brown sugar", + "seasoning salt", + "dry mustard", + "ground ginger", + "granulated sugar", + "ground cumin" + ] + }, + { + "id": 14528, + "cuisine": "mexican", + "ingredients": [ + "onions", + "lime juice", + "chopped cilantro fresh", + "tomatoes", + "shrimp meat", + "tortilla chips" + ] + }, + { + "id": 20703, + "cuisine": "mexican", + "ingredients": [ + "water", + "pork loin", + "cabbage", + "hominy", + "salt", + "lime", + "chili powder", + "shredded cabbage", + "onions" + ] + }, + { + "id": 4403, + "cuisine": "greek", + "ingredients": [ + "garlic powder", + "water", + "butter", + "chicken bouillon", + "peppermint", + "lime juice", + "long-grain rice" + ] + }, + { + "id": 22915, + "cuisine": "spanish", + "ingredients": [ + "fresh rosemary", + "almonds", + "crushed red pepper", + "low salt chicken broth", + "arborio rice", + "minced garlic", + "mushrooms", + "chopped fresh sage", + "chicken", + "saffron threads", + "sausage links", + "ground black pepper", + "salt", + "red bell pepper", + "tomatoes", + "olive oil", + "lemon wedge", + "green beans" + ] + }, + { + "id": 29966, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "unsalted butter", + "kosher salt", + "all-purpose flour", + "whole milk" + ] + }, + { + "id": 32243, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "baby spinach leaves", + "cooking spray", + "salt", + "onions", + "sugar", + "ground black pepper", + "light coconut milk", + "garlic cloves", + "chiles", + "garam masala", + "ginger", + "chickpeas", + "neutral oil", + "fresh cheese", + "chili powder", + "cilantro leaves" + ] + }, + { + "id": 39265, + "cuisine": "italian", + "ingredients": [ + "sesame seeds", + "all-purpose flour", + "egg yolks", + "italian seasoning", + "parmesan cheese", + "sour cream", + "water", + "butter" + ] + }, + { + "id": 28907, + "cuisine": "french", + "ingredients": [ + "salt", + "egg yolks", + "unsalted butter", + "lemon juice", + "cream", + "cayenne pepper" + ] + }, + { + "id": 7320, + "cuisine": "thai", + "ingredients": [ + "garlic cloves", + "noodles", + "vegetable oil", + "beansprouts", + "spring onions", + "oyster sauce", + "red pepper", + "chicken thighs" + ] + }, + { + "id": 40884, + "cuisine": "french", + "ingredients": [ + "sliced green onions", + "brie cheese", + "bacon slices", + "chutney" + ] + }, + { + "id": 1637, + "cuisine": "korean", + "ingredients": [ + "clams", + "beef", + "garlic", + "stock", + "sesame oil", + "eggs", + "soft tofu", + "scallions", + "soy sauce", + "red pepper" + ] + }, + { + "id": 43135, + "cuisine": "mexican", + "ingredients": [ + "taco sauce", + "jalapeno chilies", + "sour cream", + "refried beans", + "black olives", + "ground cumin", + "shredded cheddar cheese", + "chili powder", + "ground beef", + "chopped tomatoes", + "chopped onion" + ] + }, + { + "id": 43332, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "paprika", + "rice", + "onions", + "tomatoes", + "olive oil", + "salt", + "flat leaf parsley", + "tumeric", + "garbanzo beans", + "Saffron Road Vegetable Broth", + "chopped cilantro", + "tomato paste", + "water", + "garlic", + "lentils", + "saffron" + ] + }, + { + "id": 39365, + "cuisine": "italian", + "ingredients": [ + "rocket leaves", + "ground black pepper", + "cherry tomatoes", + "Italian turkey sausage", + "minced garlic", + "pecorino romano cheese", + "olive oil", + "refrigerated fettuccine" + ] + }, + { + "id": 15185, + "cuisine": "japanese", + "ingredients": [ + "pork", + "baking soda", + "garlic", + "boiled eggs", + "green onions", + "beansprouts", + "soy sauce", + "fresh angel hair", + "salt", + "sake", + "water", + "sesame oil", + "ginger root" + ] + }, + { + "id": 10628, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "garlic cloves", + "dijon mustard", + "canned beef broth", + "bread slices", + "swiss cheese", + "low salt chicken broth", + "grated parmesan cheese", + "butter", + "onions" + ] + }, + { + "id": 4566, + "cuisine": "japanese", + "ingredients": [ + "gari", + "chili paste", + "garlic cloves", + "soy sauce", + "sesame seeds", + "salt", + "wasabi", + "water", + "sesame oil", + "nori sheets", + "sushi rice", + "shiitake", + "rice vinegar" + ] + }, + { + "id": 15403, + "cuisine": "indian", + "ingredients": [ + "butternut squash", + "freshly ground pepper", + "canola oil", + "boneless chicken skinless thigh", + "purple onion", + "Madras curry powder", + "brussels sprouts", + "large garlic cloves", + "greek yogurt", + "fresh ginger", + "salt", + "naan" + ] + }, + { + "id": 30114, + "cuisine": "southern_us", + "ingredients": [ + "parmigiano reggiano cheese", + "grits", + "water", + "sharp cheddar cheese", + "kosher salt", + "Tabasco Pepper Sauce", + "unsalted butter", + "freshly ground pepper" + ] + }, + { + "id": 5745, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "mild Italian sausage", + "artichokes", + "pepperoni slices", + "flour tortillas", + "baby spinach", + "ground beef", + "fresh rosemary", + "parmesan cheese", + "ricotta cheese", + "garlic cloves", + "mozzarella cheese", + "marinara sauce", + "button mushrooms", + "fresh basil leaves" + ] + }, + { + "id": 34502, + "cuisine": "thai", + "ingredients": [ + "fennel seeds", + "reduced sodium chicken broth", + "chili paste", + "shallots", + "cilantro leaves", + "arbol chile", + "black peppercorns", + "lemongrass", + "mint leaves", + "vegetable oil", + "cinnamon sticks", + "wide rice noodles", + "kosher salt", + "mung beans", + "lime wedges", + "cumin seed", + "chicken thighs", + "clove", + "sugar", + "coriander seeds", + "shrimp paste", + "ground tumeric", + "coconut milk" + ] + }, + { + "id": 26898, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "sauce", + "chicken legs", + "mirin", + "light brown sugar", + "water", + "scallions", + "sake", + "shichimi togarashi" + ] + }, + { + "id": 44111, + "cuisine": "chinese", + "ingredients": [ + "honey", + "portabello mushroom", + "tamari soy sauce", + "snow peas", + "cooking oil", + "red pepper", + "baby corn", + "chestnut mushrooms", + "garlic", + "ginger root", + "red chili peppers", + "lemon", + "white wine vinegar", + "noodles" + ] + }, + { + "id": 22981, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "mustard powder", + "tomato paste", + "salt", + "white vinegar", + "butter", + "ground red pepper", + "white sugar" + ] + }, + { + "id": 17543, + "cuisine": "british", + "ingredients": [ + "fish fillets", + "lemon", + "plain flour", + "potatoes", + "beer", + "pepper", + "salt", + "bicarbonate of soda", + "flour", + "cooking fat" + ] + }, + { + "id": 46399, + "cuisine": "italian", + "ingredients": [ + "fillet red snapper", + "diced tomatoes", + "dried oregano", + "dried basil", + "salt", + "pepper", + "garlic", + "dry white wine", + "lemon juice" + ] + }, + { + "id": 26261, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "vanilla extract", + "sugar", + "butter", + "chopped pecans", + "milk", + "fresh orange juice", + "grated orange", + "firmly packed brown sugar", + "sweet potatoes", + "all-purpose flour" + ] + }, + { + "id": 12577, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "bean curd skins", + "salt", + "pork", + "water chestnuts", + "cucumber", + "sugar", + "tapioca flour", + "chinese five-spice powder", + "chicken bouillon granules", + "white pepper", + "garlic", + "onions" + ] + }, + { + "id": 40856, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "extra-virgin olive oil", + "orecchiette", + "pecorino romano cheese", + "country bread", + "cauliflower", + "large garlic cloves", + "flat leaf parsley", + "grated parmesan cheese", + "anchovy fillets" + ] + }, + { + "id": 14922, + "cuisine": "irish", + "ingredients": [ + "ground pepper", + "chicken carcass", + "fresh herbs", + "peppercorns", + "olive oil", + "bay leaves", + "salt", + "onions", + "green cabbage", + "fresh thyme", + "parsley", + "carrots", + "oregano", + "rosemary", + "leeks", + "russet potatoes", + "celery", + "organic chicken broth" + ] + }, + { + "id": 33917, + "cuisine": "french", + "ingredients": [ + "garlic cloves", + "low-fat mayonnaise", + "mustard seeds" + ] + }, + { + "id": 7968, + "cuisine": "british", + "ingredients": [ + "instant espresso powder", + "half & half", + "fresh raspberries", + "raspberry jam", + "semisweet chocolate", + "vanilla extract", + "Scotch whisky", + "bananas", + "whipping cream", + "dark brown sugar", + "sugar", + "egg yolks", + "all-purpose flour", + "frozen pound cake" + ] + }, + { + "id": 40480, + "cuisine": "southern_us", + "ingredients": [ + "black forest ham", + "yams", + "large eggs", + "ground allspice", + "corn bread", + "fresh marjoram", + "green onions", + "low salt chicken broth", + "dijon mustard", + "butter", + "red bell pepper" + ] + }, + { + "id": 25942, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "nonfat vanilla frozen yogurt", + "dark rum", + "dark brown sugar", + "bananas", + "butter", + "banana liqueur" + ] + }, + { + "id": 40566, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "fresh cranberries", + "lime juice", + "orange juice", + "jicama", + "chopped cilantro", + "sugar", + "salt" + ] + }, + { + "id": 47897, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "lemongrass", + "asian fish sauce", + "sugar", + "chicken breasts", + "minced garlic", + "fresh lemon juice" + ] + }, + { + "id": 28050, + "cuisine": "italian", + "ingredients": [ + "halibut", + "prosciutto", + "olive oil", + "adobo seasoning", + "basil" + ] + }, + { + "id": 6931, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "Thai red curry paste", + "garlic cloves", + "sugar", + "shallots", + "beef fillet", + "unsweetened coconut milk", + "peeled fresh ginger", + "rice vermicelli", + "chopped cilantro fresh", + "sugar pea", + "vegetable oil", + "salt" + ] + }, + { + "id": 338, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "taco seasoning mix", + "sour cream", + "shredded cheddar cheese", + "green onions", + "mayonaise", + "guacamole", + "refried beans", + "black olives" + ] + }, + { + "id": 40217, + "cuisine": "korean", + "ingredients": [ + "pepper", + "egg yolks", + "ginger", + "corn starch", + "sugar", + "water", + "rice wine", + "scallions", + "onions", + "minced garlic", + "fresh shiitake mushrooms", + "corn syrup", + "ground beef", + "soy sauce", + "peanuts", + "ground pork", + "garlic cloves" + ] + }, + { + "id": 27321, + "cuisine": "french", + "ingredients": [ + "pepper", + "red wine", + "yellow onion", + "chicken thighs", + "chicken stock", + "bay leaves", + "bacon slices", + "thyme sprigs", + "pearl onions", + "button mushrooms", + "garlic cloves", + "parsley sprigs", + "butter", + "salt", + "fresh parsley" + ] + }, + { + "id": 11768, + "cuisine": "cajun_creole", + "ingredients": [ + "almonds", + "butter", + "sugar", + "kumquats", + "eggs", + "egg yolks", + "chocolate chips", + "puff pastry sheets", + "flour", + "custard" + ] + }, + { + "id": 19586, + "cuisine": "southern_us", + "ingredients": [ + "penne", + "butter", + "cayenne pepper", + "grated parmesan cheese", + "whipping cream", + "red bell pepper", + "large egg yolks", + "blue cheese", + "celery seed", + "celery ribs", + "half & half", + "chopped celery" + ] + }, + { + "id": 3990, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "paprika", + "potatoes", + "onions", + "pepper", + "salt", + "vegetable oil" + ] + }, + { + "id": 8108, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "buttermilk", + "large eggs", + "self rising flour", + "white cornmeal", + "sugar", + "vegetable oil" + ] + }, + { + "id": 4750, + "cuisine": "italian", + "ingredients": [ + "all-purpose flour", + "fresh parmesan cheese", + "greens", + "onions", + "baking potatoes" + ] + }, + { + "id": 16656, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "baking powder", + "yellow corn meal", + "buttermilk", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 18938, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "garbanzo beans", + "cilantro", + "chipotle chile powder", + "tomatoes", + "green onions", + "salt", + "avocado", + "ground pepper", + "extra-virgin olive oil", + "ground cumin", + "lime", + "onion powder", + "fresh lime juice" + ] + }, + { + "id": 15366, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "cream style corn", + "ground beef", + "milk", + "salt", + "shredded cheddar cheese", + "jalapeno chilies", + "onions", + "baking soda", + "cornmeal" + ] + }, + { + "id": 21946, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "sugar", + "arrowroot", + "chopped garlic", + "tumeric", + "base", + "nonfat milk", + "coconut extract", + "bottled clam juice", + "peeled fresh ginger", + "fish sauce", + "jasmine rice", + "sea bass fillets" + ] + }, + { + "id": 45119, + "cuisine": "mexican", + "ingredients": [ + "ground chipotle chile pepper", + "chopped cilantro", + "frozen corn kernels", + "salt", + "crumbled cheese", + "mayonaise", + "fresh lime juice" + ] + }, + { + "id": 48720, + "cuisine": "italian", + "ingredients": [ + "cannellini beans", + "salt", + "olive oil", + "baby spinach", + "garlic cloves", + "grape tomatoes", + "dry white wine", + "chopped onion", + "ground black pepper", + "crushed red pepper", + "large shrimp" + ] + }, + { + "id": 7064, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "pimentos", + "fresh lemon juice", + "dijon mustard", + "hot sauce", + "smoked paprika", + "shredded cheddar cheese", + "ground red pepper", + "okra pods", + "mayonaise", + "bread and butter pickles", + "garlic cloves" + ] + }, + { + "id": 8612, + "cuisine": "japanese", + "ingredients": [ + "slaw", + "corn tortillas", + "vegetable oil", + "albacore", + "mayonaise", + "ponzu" + ] + }, + { + "id": 30622, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "salt", + "whipped topping", + "raspberries", + "mint sprigs", + "blueberries", + "grated orange", + "superfine sugar", + "vanilla extract", + "Grand Marnier", + "blackberries", + "cream of tartar", + "semisweet chocolate", + "strawberries", + "orange rind" + ] + }, + { + "id": 19907, + "cuisine": "chinese", + "ingredients": [ + "water", + "salt", + "whole chicken", + "peeled fresh ginger", + "peanut oil", + "light soy sauce", + "cilantro leaves", + "ham", + "sesame oil", + "scallions" + ] + }, + { + "id": 31163, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "part-skim mozzarella cheese", + "cooking spray", + "italian seasoning", + "olive oil", + "ground black pepper", + "salt", + "sweet onion", + "fresh parmesan cheese", + "uncooked rigatoni", + "sliced green onions", + "fresh basil", + "eggplant", + "zucchini", + "garlic cloves" + ] + }, + { + "id": 14948, + "cuisine": "italian", + "ingredients": [ + "ziti", + "cooking spray", + "ground sirloin", + "part-skim mozzarella cheese" + ] + }, + { + "id": 30480, + "cuisine": "chinese", + "ingredients": [ + "water", + "flank steak", + "oyster sauce", + "broccoli florets", + "crushed red pepper", + "golden brown sugar", + "sesame oil", + "corn starch", + "peeled fresh ginger", + "yams" + ] + }, + { + "id": 9947, + "cuisine": "italian", + "ingredients": [ + "all purpose unbleached flour", + "water", + "fine sea salt", + "vegetable oil cooking spray", + "extra-virgin olive oil", + "active dry yeast" + ] + }, + { + "id": 379, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "garlic", + "boneless pork shoulder", + "orange", + "kosher salt", + "ground cumin", + "black peppercorns", + "bay leaves" + ] + }, + { + "id": 40157, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "ground black pepper", + "watercress", + "garlic cloves", + "lemongrass", + "vegetable oil", + "purple onion", + "fresh ginger", + "red wine vinegar", + "chinese five-spice powder", + "soy sauce", + "medium dry sherry", + "beef tenderloin" + ] + }, + { + "id": 11155, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "vegetable oil", + "grated nutmeg", + "ground cumin", + "green chile", + "ground black pepper", + "large garlic cloves", + "fresh lemon juice", + "low-fat plain yogurt", + "coriander seeds", + "coarse salt", + "gingerroot", + "tumeric", + "cayenne", + "purple onion", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 12873, + "cuisine": "thai", + "ingredients": [ + "romaine lettuce", + "chicken breasts", + "creamy peanut butter", + "shredded carrots", + "light coconut milk", + "celery", + "lower sodium soy sauce", + "lime wedges", + "beansprouts", + "brown sugar", + "ground red pepper", + "unsalted dry roast peanuts", + "fresh lime juice" + ] + }, + { + "id": 17381, + "cuisine": "filipino", + "ingredients": [ + "salt and ground black pepper", + "shrimp", + "pork", + "cooking oil", + "bamboo shoots", + "vinegar", + "onions", + "minced garlic", + "salt" + ] + }, + { + "id": 17919, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "bow-tie pasta", + "extra-virgin olive oil", + "parmigiano reggiano cheese", + "fresh basil leaves", + "unsalted butter", + "salt" + ] + }, + { + "id": 35632, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chicken breasts", + "sea salt", + "onions", + "cayenne", + "onion powder", + "cheese", + "ground cumin", + "garlic powder", + "chili powder", + "paprika", + "dried oregano", + "beans", + "bell pepper", + "whole wheat tortillas", + "roasted tomatoes" + ] + }, + { + "id": 47468, + "cuisine": "filipino", + "ingredients": [ + "water", + "green onions", + "peppercorns", + "leaves", + "salt", + "corn husks", + "calamansi juice", + "fish sauce", + "beef shank", + "onions" + ] + }, + { + "id": 7763, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "shrimp", + "vegetable oil", + "sour cream", + "water", + "sliced mushrooms", + "instant rice", + "butter", + "cream of shrimp soup" + ] + }, + { + "id": 31879, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "cheese tortellini", + "freshly grated parmesan", + "parsley", + "oil", + "marinara sauce", + "all-purpose flour", + "panko", + "red pepper flakes" + ] + }, + { + "id": 22460, + "cuisine": "filipino", + "ingredients": [ + "ground black pepper", + "salt", + "onions", + "low sodium soy sauce", + "chicken breasts", + "shrimp", + "chicken broth", + "canton noodles", + "carrots", + "cabbage", + "pork belly", + "garlic", + "green beans" + ] + }, + { + "id": 49312, + "cuisine": "southern_us", + "ingredients": [ + "cayenne", + "salt", + "catfish fillets", + "whole milk", + "large eggs", + "saltines", + "vegetable oil" + ] + }, + { + "id": 36913, + "cuisine": "italian", + "ingredients": [ + "ragu old world style pasta sauc", + "linguine", + "vegetable oil", + "boneless skinless chicken breast halves", + "water", + "fresh basil leaves", + "whipping heavy cream" + ] + }, + { + "id": 21, + "cuisine": "thai", + "ingredients": [ + "mushrooms", + "light coconut milk", + "boneless skinless chicken breast halves", + "water", + "sesame oil", + "red curry paste", + "fat free less sodium chicken broth", + "green onions", + "salt", + "chopped cilantro fresh", + "fresh ginger", + "lime wedges", + "fresh lime juice" + ] + }, + { + "id": 33744, + "cuisine": "spanish", + "ingredients": [ + "yellow bell pepper", + "hothouse cucumber", + "black pepper", + "scallions", + "tomatoes", + "rice vinegar", + "kosher salt", + "garlic cloves" + ] + }, + { + "id": 28860, + "cuisine": "southern_us", + "ingredients": [ + "red potato", + "milk", + "baking powder", + "salt", + "steak seasoning", + "cream of tartar", + "pepper", + "soup", + "butter", + "carrots", + "biscuits", + "water", + "cooked chicken", + "heavy cream", + "chicken base", + "celery ribs", + "sugar", + "flour", + "chicken breasts", + "yellow onion" + ] + }, + { + "id": 29152, + "cuisine": "mexican", + "ingredients": [ + "soy sauce", + "olive oil", + "corn tortillas", + "pepper", + "chili powder", + "salmon", + "ground red pepper", + "cumin", + "lime", + "salt" + ] + }, + { + "id": 46014, + "cuisine": "russian", + "ingredients": [ + "eggs", + "vanilla", + "applesauce", + "water", + "salt", + "clarified butter", + "sugar", + "cheese", + "sour cream", + "egg yolks", + "all-purpose flour" + ] + }, + { + "id": 33653, + "cuisine": "filipino", + "ingredients": [ + "coconut milk", + "sweet rice", + "brown sugar", + "coconut cream" + ] + }, + { + "id": 47294, + "cuisine": "filipino", + "ingredients": [ + "pork", + "vinegar", + "oil", + "soy sauce", + "sprite", + "garlic cloves", + "sweet chili sauce", + "worcestershire sauce", + "ketchup", + "salt" + ] + }, + { + "id": 16519, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "garlic", + "jalapeno chilies", + "white vinegar", + "serrano chile" + ] + }, + { + "id": 25344, + "cuisine": "mexican", + "ingredients": [ + "water", + "meat", + "stewed tomatoes", + "salsa", + "dried oregano", + "mayonaise", + "chopped green bell pepper", + "chili powder", + "garlic", + "sour cream", + "taco sauce", + "ground black pepper", + "chicken breast halves", + "cheese", + "poultry", + "chicken", + "shredded cheddar cheese", + "flour tortillas", + "spices", + "purple onion", + "dried parsley" + ] + }, + { + "id": 18875, + "cuisine": "vietnamese", + "ingredients": [ + "pepper", + "garlic", + "fresh ginger", + "sliced green onions", + "tilapia fillets", + "asian fish sauce", + "sugar", + "shallots" + ] + }, + { + "id": 12487, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "bittersweet chocolate", + "pure vanilla extract", + "granulated sugar", + "instant espresso powder", + "unsweetened cocoa powder", + "cream of tartar", + "vegetable oil" + ] + }, + { + "id": 4839, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "chicken thighs", + "cilantro", + "tomatillos", + "pickle juice", + "potatoes", + "onions" + ] + }, + { + "id": 41584, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salsa", + "lean ground beef", + "taco toppings", + "water", + "taco seasoning", + "black beans", + "wonton wrappers", + "sour cream" + ] + }, + { + "id": 40326, + "cuisine": "greek", + "ingredients": [ + "boneless skinless chicken breasts", + "greek yogurt", + "dried thyme", + "large garlic cloves", + "pepper", + "lemon", + "oregano", + "olive oil", + "salt" + ] + }, + { + "id": 8299, + "cuisine": "japanese", + "ingredients": [ + "water", + "shoyu", + "all-purpose flour", + "fish", + "sugar", + "mirin", + "paprika", + "scallions", + "chicken", + "curry powder", + "sea salt", + "sauce", + "canola oil", + "boneless chicken skinless thigh", + "satsuma imo", + "rice vinegar", + "konbu" + ] + }, + { + "id": 13048, + "cuisine": "italian", + "ingredients": [ + "spinach", + "garlic cloves", + "greens", + "pitted kalamata olives", + "flat leaf parsley", + "penne", + "feta cheese crumbles", + "extra-virgin olive oil", + "grated lemon peel" + ] + }, + { + "id": 39235, + "cuisine": "brazilian", + "ingredients": [ + "mayonaise", + "hard-boiled egg", + "salt", + "peas", + "chopped parsley", + "potatoes", + "garlic", + "green apples", + "raisins", + "carrots" + ] + }, + { + "id": 36089, + "cuisine": "french", + "ingredients": [ + "almonds", + "almond extract", + "all-purpose flour", + "granulated sugar", + "vanilla", + "confectioners sugar", + "unsalted butter", + "ice water", + "almond paste", + "milk", + "large eggs", + "salt" + ] + }, + { + "id": 10672, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "vegetable oil", + "lemon juice", + "garam masala", + "cumin seed", + "sesame seeds", + "cayenne pepper", + "green cabbage", + "salt", + "onions" + ] + }, + { + "id": 7848, + "cuisine": "spanish", + "ingredients": [ + "romaine lettuce", + "shallots", + "albacore tuna in water", + "sherry vinegar", + "salt", + "cherry tomatoes", + "extra-virgin olive oil", + "smoked paprika", + "haricots verts", + "ground red pepper", + "small red potato" + ] + }, + { + "id": 15478, + "cuisine": "french", + "ingredients": [ + "fat free less sodium chicken broth", + "pork tenderloin", + "all-purpose flour", + "onions", + "ground black pepper", + "diced tomatoes", + "herbes de provence", + "fennel bulb", + "salt", + "fresh parsley", + "olive oil", + "dry white wine", + "garlic cloves", + "olives" + ] + }, + { + "id": 20594, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "chicken breasts", + "penne pasta", + "oregano", + "grated parmesan cheese", + "whipping cream", + "panko breadcrumbs", + "pepper", + "butter", + "thyme", + "chicken broth", + "whole milk", + "salt", + "garlic salt" + ] + }, + { + "id": 18751, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "green onions", + "chicken livers", + "olive oil", + "dry sherry", + "water", + "butter", + "low salt chicken broth", + "truffle oil", + "all-purpose flour" + ] + }, + { + "id": 13985, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "scallions", + "soy sauce", + "salt", + "sugar", + "cilantro", + "oil", + "water", + "tilapia" + ] + }, + { + "id": 16801, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "fresh cilantro", + "green onions", + "carrots", + "mussels", + "water", + "medium shrimp uncook", + "garlic cloves", + "unsweetened coconut milk", + "fish sauce", + "bay scallops", + "peanut oil", + "thai green curry paste", + "fresh basil", + "steamed rice", + "thai chile", + "bok choy" + ] + }, + { + "id": 16199, + "cuisine": "southern_us", + "ingredients": [ + "green chile", + "cream style corn", + "buttermilk", + "pork sausages", + "black-eyed peas", + "jalapeno chilies", + "all-purpose flour", + "shredded cheddar cheese", + "large eggs", + "salt", + "white cornmeal", + "baking soda", + "vegetable oil", + "onions" + ] + }, + { + "id": 48585, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "serrano peppers", + "tomato salsa", + "white vinegar", + "ground black pepper", + "vegetable oil", + "sour cream", + "chorizo", + "lime wedges", + "scallions", + "eggs", + "flour tortillas", + "russet potatoes", + "chopped cilantro" + ] + }, + { + "id": 6311, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "chicken legs", + "chinese five-spice powder" + ] + }, + { + "id": 28752, + "cuisine": "italian", + "ingredients": [ + "light cream cheese", + "fat free lemon curd", + "powdered sugar", + "orange liqueur" + ] + }, + { + "id": 3413, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "heavy cream", + "ground pepper", + "oregano", + "artichoke hearts", + "blue cheese", + "grated parmesan cheese" + ] + }, + { + "id": 40909, + "cuisine": "filipino", + "ingredients": [ + "bay leaves", + "garlic", + "onions", + "pepper", + "condensed cream of mushroom soup", + "beef broth", + "butter", + "salt", + "peppercorns", + "water", + "button mushrooms", + "beef tongue" + ] + }, + { + "id": 11421, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "chili powder", + "garlic", + "water", + "butter", + "onions", + "green bell pepper", + "vegetable oil", + "salt", + "garam masala", + "heavy cream", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 21267, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "bacon", + "garlic cloves", + "tomatoes", + "ground red pepper", + "salt", + "sliced green onions", + "low sodium chicken broth", + "turkey", + "shredded Monterey Jack cheese", + "black beans", + "red pepper", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 24671, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "green onions", + "garlic", + "sugar", + "vinegar", + "ground pork", + "cabbage", + "cold water", + "water", + "sesame oil", + "salt", + "soy sauce", + "flour", + "ginger" + ] + }, + { + "id": 24689, + "cuisine": "italian", + "ingredients": [ + "fresh tomatoes", + "roasted red peppers", + "salt and ground black pepper", + "olive oil", + "fresh basil leaves", + "bread crumbs", + "goat cheese" + ] + }, + { + "id": 44486, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "salt", + "dried oregano", + "sherry vinegar", + "flat leaf parsley", + "extra-virgin olive oil", + "chopped fresh mint", + "eggplant", + "garlic cloves" + ] + }, + { + "id": 49294, + "cuisine": "french", + "ingredients": [ + "chicken stock", + "boneless chicken breast halves", + "all-purpose flour", + "onions", + "parsnips", + "butter", + "garlic cloves", + "greens", + "black peppercorns", + "beef stock", + "baby carrots", + "chicken thighs", + "olive oil", + "dry red wine", + "thyme sprigs" + ] + }, + { + "id": 17348, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "cilantro", + "eggs", + "boneless skinless chicken breasts", + "cornmeal", + "taco seasoning mix", + "green chilies", + "taco sauce", + "red pepper" + ] + }, + { + "id": 46454, + "cuisine": "italian", + "ingredients": [ + "spanish chorizo", + "kale", + "boiling potatoes", + "olive oil", + "water", + "onions" + ] + }, + { + "id": 30693, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "diced green chilies", + "butter", + "sour cream", + "black beans", + "flour", + "chicken stock cubes", + "onions", + "jack cheese", + "flour tortillas", + "chicken drumsticks", + "sweet yellow corn", + "mozzarella cheese", + "colby jack cheese", + "salsa" + ] + }, + { + "id": 42607, + "cuisine": "mexican", + "ingredients": [ + "ranch dressing", + "fritos", + "onions", + "water", + "stewed tomatoes", + "sour cream", + "taco seasoning mix", + "pinto beans", + "ground beef", + "corn", + "cheese", + "rotel tomatoes" + ] + }, + { + "id": 9881, + "cuisine": "southern_us", + "ingredients": [ + "baby lima beans", + "garlic", + "grape tomatoes", + "olive oil", + "salt", + "fresh dill", + "red wine vinegar", + "pepper", + "purple onion" + ] + }, + { + "id": 33552, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "dashi", + "potatoes", + "boiling water", + "pickles", + "fresh ginger", + "bonito flakes", + "stock", + "salmon", + "miso paste", + "vegetable oil", + "eggs", + "soy sauce", + "short-grain rice", + "spring onions" + ] + }, + { + "id": 43774, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "chili powder", + "salt", + "water", + "white rice", + "ground cumin", + "chopped green bell pepper", + "garlic", + "tomato sauce", + "vegetable oil", + "saffron" + ] + }, + { + "id": 41987, + "cuisine": "mexican", + "ingredients": [ + "shredded reduced fat cheddar cheese", + "frozen corn kernels", + "chopped cilantro", + "reduced-fat sour cream", + "fresh lime juice", + "chili powder", + "red bell pepper", + "ground cumin", + "water", + "salsa", + "reduced sodium black beans" + ] + }, + { + "id": 14026, + "cuisine": "italian", + "ingredients": [ + "baby portobello mushrooms", + "large eggs", + "fresh basil", + "ground black pepper", + "salt", + "olive oil", + "grated parmesan cheese", + "capers", + "dijon mustard", + "fresh oregano" + ] + }, + { + "id": 29039, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "Shaoxing wine", + "oil", + "parma ham", + "boneless skinless chicken breasts", + "ground white pepper", + "light soy sauce", + "spring onions", + "garlic cloves", + "golden caster sugar", + "egg noodles", + "sesame oil", + "snow peas" + ] + }, + { + "id": 13388, + "cuisine": "italian", + "ingredients": [ + "capers", + "unsalted butter", + "lemon juice", + "tilapia fillets", + "salt", + "white wine", + "finely chopped fresh parsley", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 41898, + "cuisine": "spanish", + "ingredients": [ + "water", + "green chile", + "chunky salsa", + "black beans", + "fresh cilantro" + ] + }, + { + "id": 2782, + "cuisine": "southern_us", + "ingredients": [ + "grated parmesan cheese", + "salt", + "milk", + "butter", + "pepper", + "quickcooking grits", + "large eggs", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 13902, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "chopped onion", + "taco seasoning mix", + "condensed tomato soup", + "sour cream", + "shredded cheddar cheese", + "lean ground beef", + "tortilla chips", + "macaroni", + "diced tomatoes", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 4670, + "cuisine": "mexican", + "ingredients": [ + "guajillo chiles", + "whole cloves", + "cumin seed", + "oregano", + "ground black pepper", + "avocado leaves", + "garlic cloves", + "cider vinegar", + "fresh thyme leaves", + "allspice berries", + "goat", + "salt", + "onions" + ] + }, + { + "id": 28443, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "blanched hazelnuts", + "garlic cloves", + "unsalted butter", + "crushed red pepper flakes", + "fresh mint", + "grated parmesan cheese", + "freshly ground pepper", + "orecchiette", + "olive oil", + "butternut squash", + "fresh lemon juice" + ] + }, + { + "id": 16721, + "cuisine": "brazilian", + "ingredients": [ + "garlic", + "sausages", + "onions", + "crushed tomatoes", + "hot sauce", + "ham hock", + "pig", + "white beans", + "carrots", + "broth", + "bay leaves", + "ground coriander", + "pork shoulder" + ] + }, + { + "id": 48397, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "yams", + "onions", + "potatoes", + "dill weed", + "olive oil", + "carrots", + "garlic", + "fresh parsley" + ] + }, + { + "id": 42280, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "vegan margarine", + "garlic", + "lemon juice", + "chicken", + "ground ginger", + "garam masala", + "vegan yogurt", + "peanut oil", + "onions", + "cold water", + "soy milk", + "chili powder", + "cayenne pepper", + "bay leaf", + "curry powder", + "shallots", + "salt", + "corn starch", + "ground cumin" + ] + }, + { + "id": 42583, + "cuisine": "japanese", + "ingredients": [ + "chicken bouillon", + "large eggs", + "corn starch", + "sugar", + "garlic powder", + "worcestershire sauce", + "panko breadcrumbs", + "water", + "Tabasco Pepper Sauce", + "chicken thighs", + "ketchup", + "ground pepper", + "salt" + ] + }, + { + "id": 48556, + "cuisine": "moroccan", + "ingredients": [ + "sambal ulek", + "ground black pepper", + "salt", + "garlic cloves", + "chopped fresh mint", + "tomato paste", + "fat free less sodium chicken broth", + "quinces", + "chickpeas", + "carrots", + "grated orange", + "lime rind", + "finely chopped onion", + "all-purpose flour", + "ground cardamom", + "dried oregano", + "ground cinnamon", + "water", + "peeled fresh ginger", + "ground coriander", + "leg of lamb", + "canola oil" + ] + }, + { + "id": 47677, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "ricotta", + "tomatoes", + "basil", + "orecchiette", + "shallots", + "garlic cloves", + "hot red pepper flakes", + "extra-virgin olive oil" + ] + }, + { + "id": 28487, + "cuisine": "brazilian", + "ingredients": [ + "coconut milk", + "unsalted butter", + "light corn syrup", + "coconut", + "sweetened condensed milk" + ] + }, + { + "id": 2358, + "cuisine": "indian", + "ingredients": [ + "large garlic cloves", + "freshly ground pepper", + "turnips", + "extra-virgin olive oil", + "Madras curry powder", + "sea salt", + "carrots", + "parsnips", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 48247, + "cuisine": "italian", + "ingredients": [ + "whipping cream", + "fresh angel hair", + "fresh parsley", + "clam juice", + "cherrystone clams", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 41420, + "cuisine": "southern_us", + "ingredients": [ + "prepared mustard", + "garlic salt", + "eggs", + "salt", + "bread", + "worcestershire sauce", + "pepper", + "ground beef" + ] + }, + { + "id": 40845, + "cuisine": "chinese", + "ingredients": [ + "celery ribs", + "kecap manis", + "peanut oil", + "sliced green onions", + "lower sodium soy sauce", + "french fried onions", + "Chinese egg noodles", + "lower sodium chicken broth", + "boneless skinless chicken breasts", + "garlic cloves", + "large eggs", + "napa cabbage", + "pork loin chops" + ] + }, + { + "id": 23152, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "olive oil", + "crumbs", + "salt", + "chicken stock", + "water", + "large eggs", + "cake flour", + "sliced almonds", + "large egg yolks", + "butternut squash", + "fresh chives", + "parmigiano reggiano cheese", + "all purpose unbleached flour" + ] + }, + { + "id": 47531, + "cuisine": "indian", + "ingredients": [ + "peanuts", + "cane sugar", + "cucumber", + "cilantro", + "black mustard seeds", + "serrano chile", + "flaked coconut", + "cumin seed", + "ghee", + "fine sea salt", + "fresh lemon juice" + ] + }, + { + "id": 27923, + "cuisine": "irish", + "ingredients": [ + "russet potatoes", + "milk", + "bacon", + "butter", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 8401, + "cuisine": "french", + "ingredients": [ + "chicken legs", + "vegetable oil", + "port", + "onions", + "bay leaves", + "dry red wine", + "carrots", + "pearl onions", + "butter", + "all-purpose flour", + "celery ribs", + "mushrooms", + "bacon slices", + "thyme sprigs" + ] + }, + { + "id": 9049, + "cuisine": "filipino", + "ingredients": [ + "whole milk", + "white sugar", + "corn starch", + "condensed milk", + "corn", + "coconut milk" + ] + }, + { + "id": 42042, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "dry white wine", + "chicken broth", + "olive oil", + "salt", + "mussels", + "sweet onion", + "diced tomatoes", + "pepper", + "finely chopped fresh parsley" + ] + }, + { + "id": 38668, + "cuisine": "chinese", + "ingredients": [ + "wonton wrappers", + "oil", + "cream cheese", + "sweet and sour sauce", + "garlic powder", + "scallions" + ] + }, + { + "id": 1991, + "cuisine": "russian", + "ingredients": [ + "medium zucchini", + "spices", + "pork loin", + "yellow onion", + "salt" + ] + }, + { + "id": 27951, + "cuisine": "mexican", + "ingredients": [ + "poblano peppers", + "enchilada sauce", + "yellow squash", + "jalapeno chilies", + "tomatoes", + "zucchini", + "red bell pepper", + "Mexican cheese blend", + "chicken breasts" + ] + }, + { + "id": 4449, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "olive oil", + "garlic cloves", + "ouzo", + "fennel bulb", + "pepper", + "chopped tomatoes", + "fresh oregano leaves", + "halibut fillets", + "chickpeas" + ] + }, + { + "id": 12114, + "cuisine": "italian", + "ingredients": [ + "pepper", + "dry white wine", + "salt", + "rotini", + "grated parmesan cheese", + "garlic", + "hot Italian sausages", + "olive oil", + "baking potatoes", + "all-purpose flour", + "boneless skinless chicken breast halves", + "green bell pepper", + "jalapeno chilies", + "purple onion", + "corn starch" + ] + }, + { + "id": 43245, + "cuisine": "indian", + "ingredients": [ + "eggs", + "butter", + "greek style plain yogurt", + "milk", + "garlic", + "sugar", + "sea salt", + "yeast", + "melted butter", + "whole wheat flour", + "all-purpose flour" + ] + }, + { + "id": 29396, + "cuisine": "italian", + "ingredients": [ + "lamb", + "butter", + "low salt chicken broth", + "all-purpose flour", + "capers", + "fresh lemon juice" + ] + }, + { + "id": 209, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "ground black pepper", + "salt", + "ground cumin", + "water", + "minced onion", + "salsa", + "dried basil", + "chili powder", + "dried parsley", + "olive oil", + "garlic", + "dried oregano" + ] + }, + { + "id": 22195, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "fresh ginger", + "vegetable oil", + "scallions", + "chopped cilantro", + "cooked turkey", + "large eggs", + "rice vinegar", + "corn starch", + "pepper", + "chili paste", + "salt", + "garlic cloves", + "dried mushrooms", + "lemongrass", + "low sodium chicken broth", + "firm tofu", + "toasted sesame oil" + ] + }, + { + "id": 727, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "canola oil", + "salt", + "boneless chicken breast", + "eggs", + "corn starch" + ] + }, + { + "id": 10065, + "cuisine": "mexican", + "ingredients": [ + "low sodium taco seasoning", + "shredded cheese", + "olives", + "tomatoes", + "garlic", + "onions", + "lettuce", + "lean ground beef", + "sour cream", + "cream of chicken soup", + "salsa", + "doritos" + ] + }, + { + "id": 23289, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "green onions", + "lemon juice", + "sliced black olives", + "white wine vinegar", + "fat-free mayonnaise", + "kidney beans", + "low-fat baked tortilla chips", + "iceberg lettuce", + "taco sauce", + "ground turkey breast", + "dill pickles" + ] + }, + { + "id": 25774, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "Kikkoman Soy Sauce", + "carrots", + "beef", + "star anise", + "water", + "spring onions", + "corn starch", + "sugar", + "minced onion", + "freshly ground pepper" + ] + }, + { + "id": 21235, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "hoisin sauce", + "ginger", + "oyster sauce", + "pea shoots", + "boneless skinless chicken breasts", + "garlic", + "corn starch", + "soy sauce", + "sesame oil", + "scallions", + "beansprouts", + "egg noodles", + "red pepper", + "oil" + ] + }, + { + "id": 6230, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "fresh lemon juice", + "broccoli stems", + "sliced almonds" + ] + }, + { + "id": 16650, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "italian salad dressing", + "tomatoes", + "yellow bell pepper", + "garlic cloves", + "black pepper", + "purple onion", + "fresh parsley", + "black-eyed peas", + "mixed greens" + ] + }, + { + "id": 38647, + "cuisine": "italian", + "ingredients": [ + "swiss cheese", + "flat leaf parsley", + "ground bison", + "salt", + "hamburger buns", + "purple onion", + "cooking spray", + "jelly" + ] + }, + { + "id": 45596, + "cuisine": "japanese", + "ingredients": [ + "white onion", + "spring onions", + "eggs", + "beef", + "corn starch", + "chicken stock", + "light soy sauce", + "ginger", + "salmon", + "mirin" + ] + }, + { + "id": 11192, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "balsamic vinegar", + "garlic", + "basmati rice", + "reduced sodium soy sauce", + "ginger", + "fillets", + "honey", + "red pepper", + "carrots", + "frozen petit pois", + "chili powder", + "Flora Cuisine", + "onions" + ] + }, + { + "id": 36620, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "vegetable oil", + "Italian turkey sausage", + "fat free cream cheese", + "cooking spray", + "salt", + "oven-ready lasagna noodles", + "green bell pepper", + "ground red pepper", + "tomato basil sauce", + "red bell pepper", + "fresh parmesan cheese", + "yellow bell pepper", + "garlic cloves", + "onions" + ] + }, + { + "id": 11317, + "cuisine": "italian", + "ingredients": [ + "smoked salmon", + "butter", + "milk", + "reduced fat cream cheese", + "extra-virgin olive oil", + "pasta", + "shallots" + ] + }, + { + "id": 34257, + "cuisine": "spanish", + "ingredients": [ + "pinenuts", + "finely chopped onion", + "fresh parsley", + "swiss chard", + "extra-virgin olive oil", + "baguette", + "raisins", + "tomatoes", + "ground nutmeg", + "garlic cloves" + ] + }, + { + "id": 23838, + "cuisine": "mexican", + "ingredients": [ + "Mexican oregano", + "garlic", + "ground cumin", + "chiles", + "russet potatoes", + "onions", + "boneless pork shoulder", + "chile pepper", + "salt", + "olive oil", + "vegetable broth", + "plum tomatoes" + ] + }, + { + "id": 12563, + "cuisine": "italian", + "ingredients": [ + "ground nutmeg", + "extra-virgin olive oil", + "flat leaf parsley", + "ground cloves", + "large eggs", + "garlic cloves", + "kosher salt", + "butter", + "veal scallops", + "ground cinnamon", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 36311, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk self-rising white cornmeal mix", + "all-purpose flour", + "butter", + "large eggs", + "buttermilk" + ] + }, + { + "id": 28929, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "unsalted butter", + "lard", + "milk", + "corn starch", + "cold water", + "unbleached flour", + "blackberries" + ] + }, + { + "id": 14274, + "cuisine": "indian", + "ingredients": [ + "ground cardamom", + "slivered almonds", + "ghee", + "chickpea flour", + "confectioners sugar", + "chocolate" + ] + }, + { + "id": 33014, + "cuisine": "greek", + "ingredients": [ + "salt", + "sesame seeds", + "honey", + "vegetable oil" + ] + }, + { + "id": 14695, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "green onions", + "salt", + "fresh lemon juice", + "large egg whites", + "finely chopped fresh parsley", + "light mayonnaise", + "dry bread crumbs", + "sour cream", + "lump crab meat", + "dijon mustard", + "ground red pepper", + "cilantro leaves", + "red bell pepper", + "frozen whole kernel corn", + "cooking spray", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 4426, + "cuisine": "southern_us", + "ingredients": [ + "water", + "bacon slices", + "grits", + "pepper", + "large eggs", + "fresh parsley", + "milk", + "garlic", + "parmesan cheese", + "salt" + ] + }, + { + "id": 7352, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "chopped green chilies", + "chili powder", + "minced garlic", + "flour tortillas", + "ground beef", + "refried beans", + "jalapeno chilies", + "ground cumin", + "shredded cheddar cheese", + "finely chopped onion", + "oil" + ] + }, + { + "id": 43235, + "cuisine": "mexican", + "ingredients": [ + "ibarra", + "mexican chocolate", + "orange", + "half & half", + "low-fat milk", + "vegetables", + "cinnamon sticks", + "vanilla beans", + "chile de arbol" + ] + }, + { + "id": 28150, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "garlic", + "red chili peppers", + "balsamic vinegar", + "salt", + "olive oil", + "diced tomatoes", + "white sugar", + "fresh basil", + "ground black pepper", + "purple onion" + ] + }, + { + "id": 41197, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "lime juice", + "ground black pepper", + "lemon slices", + "kosher salt", + "fresh ginger", + "cilantro sprigs", + "branzino", + "minced garlic", + "thai basil", + "thai chile", + "sugar", + "canola", + "lime slices" + ] + }, + { + "id": 2365, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "whole wheat flour", + "chopped cilantro", + "celery leaves", + "minced ginger", + "russet potatoes", + "chat masala", + "olive oil", + "salt", + "serrano chilies", + "water", + "shallots" + ] + }, + { + "id": 27445, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "green onions", + "roasted peanuts", + "Sriracha", + "red pepper", + "broth", + "soy sauce", + "rice noodles", + "oil", + "eggs", + "extra firm tofu", + "garlic" + ] + }, + { + "id": 27482, + "cuisine": "mexican", + "ingredients": [ + "queso fresco", + "onions", + "serrano chilies", + "corn tortillas", + "skirt steak", + "queso blanco", + "chopped cilantro fresh", + "chopped tomatoes", + "fresh lime juice" + ] + }, + { + "id": 25972, + "cuisine": "italian", + "ingredients": [ + "broccoli florets", + "boneless skinless chicken breast halves", + "olive oil", + "grated jack cheese", + "penne", + "whipping cream", + "grated parmesan cheese", + "red bell pepper" + ] + }, + { + "id": 23331, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "hot sauce", + "sour cream", + "garlic powder", + "diced tomatoes", + "whole kernel corn, drain", + "chicken broth", + "seasoned black beans", + "tortilla chips", + "ground cumin", + "boneless skinless chicken breasts", + "cilantro", + "Mexican cheese" + ] + }, + { + "id": 433, + "cuisine": "mexican", + "ingredients": [ + "poblano peppers", + "sour cream", + "shredded Monterey Jack cheese", + "olive oil", + "shrimp", + "dried oregano", + "tomatoes", + "salt", + "corn tortillas", + "ground cumin", + "pepper", + "enchilada sauce", + "onions" + ] + }, + { + "id": 14234, + "cuisine": "french", + "ingredients": [ + "ground nutmeg", + "all purpose unbleached flour", + "large egg whites", + "grated parmesan cheese", + "salt", + "large egg yolks", + "whole milk", + "grated Gruyère cheese", + "unsalted butter", + "paprika" + ] + }, + { + "id": 4040, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "salt", + "cauliflower", + "chili powder", + "coriander", + "potatoes", + "onions", + "tumeric", + "butter" + ] + }, + { + "id": 23571, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "freshly ground pepper", + "red wine vinegar", + "frozen chopped spinach, thawed and squeezed dry", + "chicken cutlets", + "scallions", + "unsalted butter", + "salt", + "thick-cut bacon" + ] + }, + { + "id": 41360, + "cuisine": "french", + "ingredients": [ + "white wine", + "fresh thyme", + "white beans", + "chopped parsley", + "chicken broth", + "olive oil", + "bacon", + "carrots", + "onions", + "bread crumbs", + "ground black pepper", + "diced tomatoes", + "thyme leaves", + "spareribs", + "kosher salt", + "bay leaves", + "garlic cloves", + "celery" + ] + }, + { + "id": 46572, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "fresh ginger", + "egg whites", + "all-purpose flour", + "toasted sesame oil", + "boneless chicken skinless thigh", + "ground black pepper", + "baking powder", + "scallions", + "canola oil", + "warm water", + "sesame seeds", + "bawang goreng", + "diced yellow onion", + "chopped cilantro fresh", + "fish sauce", + "kosher salt", + "instant yeast", + "fresh shiitake mushrooms", + "oyster sauce" + ] + }, + { + "id": 36510, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "egg yolks", + "condensed milk", + "lime", + "whipping cream", + "key lime juice", + "graham crackers", + "sea salt", + "confectioners sugar", + "granulated sugar", + "vanilla extract" + ] + }, + { + "id": 19623, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "salt", + "ground turmeric", + "seeds", + "green chilies", + "coriander powder", + "cilantro leaves", + "fish", + "garlic", + "oil" + ] + }, + { + "id": 8254, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "tomatoes", + "garlic", + "chicken broth", + "chile pepper", + "baguette", + "salt" + ] + }, + { + "id": 45428, + "cuisine": "thai", + "ingredients": [ + "sugar", + "garlic cloves", + "chopped fresh mint", + "sliced green onions", + "rice noodles", + "fresh lime juice", + "asian fish sauce", + "unsalted roasted peanuts", + "beansprouts", + "chopped cilantro fresh", + "eggs", + "red pepper flakes", + "medium shrimp", + "canola oil" + ] + }, + { + "id": 34682, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "crushed red pepper flakes", + "curry powder", + "vegetable oil", + "mango", + "brown sugar", + "apple cider vinegar", + "yellow bell pepper", + "sweet onion", + "pineapple" + ] + }, + { + "id": 18674, + "cuisine": "korean", + "ingredients": [ + "green onions", + "kimchi", + "short-grain rice", + "hot pepper", + "sesame seeds", + "sesame oil", + "tuna in oil", + "seaweed" + ] + }, + { + "id": 13305, + "cuisine": "russian", + "ingredients": [ + "celery ribs", + "herbs", + "salt", + "onions", + "fresh dill", + "vegetable stock", + "carrots", + "cabbage", + "turnips", + "ground black pepper", + "butter", + "sour cream", + "bread", + "bay leaves", + "juice", + "eating apple" + ] + }, + { + "id": 9130, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "parsley", + "white beans", + "onions", + "pepper", + "diced tomatoes", + "carrots", + "pecorino cheese", + "ditalini", + "garlic cloves", + "boiling water", + "olive oil", + "salt", + "celery" + ] + }, + { + "id": 42260, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "red wine vinegar", + "fresh oregano", + "pasta", + "mushroom caps", + "salt", + "pepper", + "garlic", + "fresh basil", + "extra-virgin olive oil", + "lemon juice" + ] + }, + { + "id": 42410, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "chives", + "unsalted butter", + "flat leaf parsley", + "dijon mustard", + "pepper", + "gnocchi" + ] + }, + { + "id": 33445, + "cuisine": "greek", + "ingredients": [ + "grape tomatoes", + "salad dressing", + "english cucumber", + "diced red onions", + "olives", + "capers", + "feta cheese crumbles" + ] + }, + { + "id": 27138, + "cuisine": "japanese", + "ingredients": [ + "atta", + "potatoes", + "tumeric", + "cilantro leaves", + "fenugreek leaves", + "salt", + "ajwain", + "oil" + ] + }, + { + "id": 12058, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "sun-dried tomatoes", + "cajun seasoning", + "salt", + "onions", + "olive oil", + "balsamic vinegar", + "garlic", + "celery", + "brown sugar", + "bay leaves", + "dry mustard", + "cayenne pepper", + "meat stock", + "black beans", + "red beans", + "stewed tomatoes", + "ground meat" + ] + }, + { + "id": 35666, + "cuisine": "southern_us", + "ingredients": [ + "red wine vinegar", + "purple onion", + "sugar", + "cracked black pepper", + "tomatoes", + "romaine lettuce leaves", + "salt", + "watermelon", + "extra-virgin olive oil" + ] + }, + { + "id": 40377, + "cuisine": "italian", + "ingredients": [ + "fettuccine pasta", + "dry white wine", + "dried dillweed", + "milk", + "salt", + "sliced mushrooms", + "pepper", + "butter", + "canned salmon", + "diced onions", + "grated parmesan cheese", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 22260, + "cuisine": "italian", + "ingredients": [ + "warm water", + "extra-virgin olive oil", + "flour", + "plum tomatoes", + "active dry yeast", + "fine sea salt", + "sugar", + "yukon gold potatoes", + "dried oregano" + ] + }, + { + "id": 12651, + "cuisine": "mexican", + "ingredients": [ + "corn", + "salt", + "crema mexicana", + "lime wedges", + "white cheese", + "lime juice", + "butter", + "chili powder", + "hot sauce" + ] + }, + { + "id": 26645, + "cuisine": "spanish", + "ingredients": [ + "smoked paprika", + "olive oil", + "pimento stuffed olives" + ] + }, + { + "id": 30915, + "cuisine": "italian", + "ingredients": [ + "roasted red peppers", + "ciabatta buns", + "marinara sauce", + "dried oregano", + "red pepper flakes", + "italian sausage", + "provolone cheese" + ] + }, + { + "id": 34156, + "cuisine": "mexican", + "ingredients": [ + "starch", + "granulated sugar", + "salt", + "large eggs", + "ground blanched almonds", + "whole milk" + ] + }, + { + "id": 9642, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "salt", + "tomato sauce", + "basil dried leaves", + "cooking spray", + "sausages", + "eggplant", + "crushed red pepper" + ] + }, + { + "id": 25390, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "yellow onion", + "cumin seed", + "chopped cilantro fresh", + "canola oil", + "plain yogurt", + "diced tomatoes", + "chickpeas", + "fresh lime juice", + "ground turmeric", + "yukon gold potatoes", + "cayenne pepper", + "garlic cloves", + "basmati rice", + "ground cumin", + "kosher salt", + "ginger", + "ground coriander", + "chopped fresh mint", + "hothouse cucumber" + ] + }, + { + "id": 15237, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "extra-virgin olive oil", + "couscous", + "dry white wine", + "yellow onion", + "chicken", + "ground pepper", + "all-purpose flour", + "fresh parsley", + "coarse salt", + "garlic cloves" + ] + }, + { + "id": 13997, + "cuisine": "chinese", + "ingredients": [ + "leeks", + "vegetable oil", + "chinese five-spice powder", + "soy sauce", + "rice wine", + "red pepper", + "steak", + "fresh red chili", + "spring onions", + "large garlic cloves", + "carrots", + "fresh ginger root", + "rice noodles", + "cornflour" + ] + }, + { + "id": 24089, + "cuisine": "thai", + "ingredients": [ + "thai black glutinous rice", + "glutinous rice", + "unsweetened coconut milk", + "salt", + "palm sugar" + ] + }, + { + "id": 18109, + "cuisine": "thai", + "ingredients": [ + "peanut butter", + "sugar", + "coconut milk", + "fish sauce", + "tamarind paste", + "red curry paste" + ] + }, + { + "id": 43506, + "cuisine": "brazilian", + "ingredients": [ + "orange", + "vegetable oil", + "cayenne pepper", + "dried black beans", + "chourico", + "garlic", + "onions", + "water", + "jalapeno chilies", + "salt", + "tomatoes", + "chipped beef", + "bacon", + "beef tongue" + ] + }, + { + "id": 47121, + "cuisine": "thai", + "ingredients": [ + "baby bok choy", + "white miso", + "salt", + "soba", + "lime", + "green onions", + "shrimp", + "soy sauce", + "Sriracha", + "carrots", + "fresh ginger", + "vegetable broth", + "chopped cilantro" + ] + }, + { + "id": 29739, + "cuisine": "british", + "ingredients": [ + "vegetable oil", + "potatoes", + "butter", + "chicken stock", + "chopped fresh thyme", + "meat", + "chopped onion" + ] + }, + { + "id": 17814, + "cuisine": "indian", + "ingredients": [ + "water", + "half & half", + "butter", + "cayenne pepper", + "ginger root", + "white onion", + "olive oil", + "marinade", + "paprika", + "ground coriander", + "plain whole-milk yogurt", + "tomato purée", + "lime juice", + "boneless skinless chicken breasts", + "large garlic cloves", + "sauce", + "chopped cilantro", + "kosher salt", + "ground pepper", + "chili powder", + "salt", + "fresh lemon juice", + "ground cumin" + ] + }, + { + "id": 11846, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "russet potatoes", + "green onions", + "red enchilada sauce", + "jalapeno chilies", + "frozen corn kernels", + "cheddar cheese", + "vegetable oil" + ] + }, + { + "id": 36202, + "cuisine": "vietnamese", + "ingredients": [ + "black peppercorns", + "lime", + "beef", + "oxtails", + "salt", + "white sugar", + "sirloin", + "thai basil", + "hoisin sauce", + "rice noodles", + "mung bean sprouts", + "fish sauce", + "fresh ginger", + "radishes", + "green onions", + "cinnamon sticks", + "fresh cilantro", + "hot pepper sauce", + "whole cloves", + "star anise", + "onions" + ] + }, + { + "id": 5953, + "cuisine": "indian", + "ingredients": [ + "fresh tomatoes", + "lime", + "fenugreek", + "garlic", + "mustard oil", + "onions", + "clove", + "pepper", + "cassia cinnamon", + "double cream", + "green cardamom", + "garlic cloves", + "cashew nuts", + "tumeric", + "coriander seeds", + "chili powder", + "salt", + "oil", + "chicken thighs", + "tomatoes", + "fresh coriander", + "bay leaves", + "ginger", + "cumin seed", + "greek yogurt" + ] + }, + { + "id": 45049, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "onions", + "bay leaves", + "green chilies", + "coriander", + "clove", + "yoghurt", + "cardamom pods", + "basmati rice", + "garlic paste", + "curry", + "ghee", + "chicken" + ] + }, + { + "id": 4145, + "cuisine": "italian", + "ingredients": [ + "sugar", + "fresh raspberries", + "half & half", + "fresh lime juice", + "unflavored gelatin", + "cooking spray", + "mango", + "vanilla beans", + "almond milk" + ] + }, + { + "id": 25826, + "cuisine": "french", + "ingredients": [ + "sugar", + "egg whites", + "cream of tartar" + ] + }, + { + "id": 16989, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "salt", + "dry yeast", + "olive oil flavored cooking spray", + "olive oil", + "all-purpose flour", + "warm water", + "crushed red pepper", + "dried oregano" + ] + }, + { + "id": 29295, + "cuisine": "japanese", + "ingredients": [ + "water", + "fine sea salt", + "eggs", + "baking soda", + "carrots", + "black pepper", + "leeks", + "cabbage", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 38207, + "cuisine": "cajun_creole", + "ingredients": [ + "fava beans", + "diced tomatoes", + "salt", + "yellow peppers", + "fresh thyme", + "vegetable broth", + "bay leaf", + "cajun seasoning", + "garlic", + "onions", + "olive oil", + "white rice", + "celery" + ] + }, + { + "id": 46479, + "cuisine": "greek", + "ingredients": [ + "pepper", + "purple onion", + "cucumber", + "roma tomatoes", + "lemon juice", + "olive oil", + "salt", + "dried oregano", + "black olives", + "feta cheese crumbles" + ] + }, + { + "id": 39555, + "cuisine": "italian", + "ingredients": [ + "lime zest", + "ricotta cheese", + "white sugar", + "imitation vanilla flavoring", + "grated lemon zest", + "eggs", + "all-purpose flour", + "semi-sweet chocolate morsels", + "graham cracker crusts", + "anise extract" + ] + }, + { + "id": 8677, + "cuisine": "korean", + "ingredients": [ + "romaine lettuce", + "sesame oil", + "carrots", + "honey", + "Gochujang base", + "kimchi", + "soy sauce", + "rice vinegar", + "cucumber", + "brown sugar", + "red cabbage", + "soba noodles" + ] + }, + { + "id": 25126, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "canola oil", + "shiso leaves", + "miso", + "japanese eggplants", + "sake", + "dried red chile peppers" + ] + }, + { + "id": 31006, + "cuisine": "vietnamese", + "ingredients": [ + "tomato paste", + "sugar", + "green onions", + "minced beef", + "eggs", + "ground black pepper", + "garlic", + "tomatoes", + "water", + "shallots", + "fish sauce", + "water chestnuts", + "salt" + ] + }, + { + "id": 11584, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "heavy cream", + "nonfat yogurt plain", + "garlic powder", + "red food coloring", + "ghee", + "minced garlic", + "ginger", + "skinless chicken breasts", + "tomato paste", + "garam masala", + "salt" + ] + }, + { + "id": 15619, + "cuisine": "vietnamese", + "ingredients": [ + "Maggi", + "ground black pepper", + "garlic cloves", + "rice", + "top sirloin steak", + "canola oil" + ] + }, + { + "id": 41221, + "cuisine": "cajun_creole", + "ingredients": [ + "beet greens", + "finely chopped fresh parsley", + "salt", + "smoked ham hocks", + "cider vinegar", + "baby spinach", + "garlic cloves", + "turnip greens", + "fresh thyme", + "all-purpose flour", + "cabbage", + "red chili peppers", + "unsalted butter", + "mustard greens", + "onions" + ] + }, + { + "id": 17654, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "lemon grass", + "cumin seed", + "fresh ginger", + "paprika", + "lime", + "shallots", + "coriander seeds", + "garlic" + ] + }, + { + "id": 10822, + "cuisine": "italian", + "ingredients": [ + "eggs", + "lasagna noodles", + "garlic", + "onions", + "tomato paste", + "pepper", + "ricotta cheese", + "shredded mozzarella cheese", + "italian sausage", + "sugar", + "grated parmesan cheese", + "salt", + "parsley flakes", + "dried basil", + "diced tomatoes", + "ground beef" + ] + }, + { + "id": 33223, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "ground black pepper", + "salt", + "canned black beans", + "cooking oil", + "onions", + "canned low sodium chicken broth", + "radishes", + "chopped cilantro", + "lime juice", + "dry sherry" + ] + }, + { + "id": 30689, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "baking powder", + "fine salt", + "baking soda", + "buttermilk" + ] + }, + { + "id": 36775, + "cuisine": "french", + "ingredients": [ + "grated parmesan cheese", + "butter", + "water", + "cooking spray", + "onions", + "pepper", + "french bread", + "beef broth", + "beef", + "dry white wine" + ] + }, + { + "id": 15144, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ground black pepper", + "garlic", + "onions", + "green bell pepper", + "fresh ginger", + "flank steak", + "corn starch", + "sugar", + "vegetables", + "sesame oil", + "red bell pepper", + "chicken stock", + "kosher salt", + "Shaoxing wine", + "scallions" + ] + }, + { + "id": 45115, + "cuisine": "japanese", + "ingredients": [ + "black pepper", + "miso", + "red bell pepper", + "tomato paste", + "water", + "ginger", + "toasted sesame oil", + "sugar", + "pumpkin", + "salt", + "japanese eggplants", + "sake", + "cherry tomatoes", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 541, + "cuisine": "chinese", + "ingredients": [ + "fresh red chili", + "hot red pepper flakes", + "medium dry sherry", + "broccoli", + "cooked rice", + "soy sauce", + "vegetable oil", + "corn starch", + "chicken broth", + "sugar", + "sesame oil", + "gingerroot", + "boneless sirloin", + "minced garlic", + "salt" + ] + }, + { + "id": 29904, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "sugar", + "yoghurt", + "paprika", + "cilantro leaves", + "garlic cloves", + "onions", + "fenugreek leaves", + "chopped tomatoes", + "crushed garlic", + "whipping cream", + "cardamom pods", + "cinnamon sticks", + "clove", + "boneless chicken skinless thigh", + "boneless skinless chicken breasts", + "ginger", + "green chilies", + "lemon juice", + "ground cumin", + "tomato purée", + "garam masala", + "lemon", + "salt", + "sweet paprika", + "ghee" + ] + }, + { + "id": 25116, + "cuisine": "moroccan", + "ingredients": [ + "hamburger buns", + "turkey", + "cumin seed", + "red bell pepper", + "coriander seeds", + "white cheddar cheese", + "fresh lemon juice", + "pickle wedges", + "extra-virgin olive oil", + "garlic cloves", + "arugula", + "mayonaise", + "corn chips", + "purple onion", + "smoked paprika" + ] + }, + { + "id": 37856, + "cuisine": "chinese", + "ingredients": [ + "lime juice", + "white sesame seeds", + "smoked salmon", + "fresh ginger", + "sliced green onions", + "avocado", + "dumpling wrappers", + "chopped cilantro fresh", + "kosher salt", + "unsalted butter" + ] + }, + { + "id": 17639, + "cuisine": "vietnamese", + "ingredients": [ + "haricots verts", + "sugar pea", + "banh pho rice noodles", + "carrots", + "red potato", + "water", + "serrano", + "ground turmeric", + "coconut oil", + "coconut", + "cumin seed", + "curry leaves", + "kefir", + "salt", + "chopped cilantro" + ] + }, + { + "id": 27861, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "garlic cloves", + "pepper", + "cooking spray", + "cooked vermicelli", + "tomato sauce", + "grated parmesan cheese", + "onions", + "peeled tomatoes", + "salt" + ] + }, + { + "id": 4304, + "cuisine": "jamaican", + "ingredients": [ + "vegetables", + "onion flakes", + "coconut sugar", + "onion powder", + "ground allspice", + "garlic powder", + "spices", + "ground white pepper", + "dried thyme", + "hot pepper", + "smoked paprika" + ] + }, + { + "id": 11746, + "cuisine": "jamaican", + "ingredients": [ + "vinegar", + "sauce", + "thyme", + "paprika", + "garlic cloves", + "butter beans", + "green bell pepper", + "salt", + "carrots", + "oxtails", + "berries", + "onions" + ] + }, + { + "id": 23702, + "cuisine": "british", + "ingredients": [ + "sweet pickle relish", + "lager beer", + "skinless haddock", + "freshly ground pepper", + "mayonaise", + "baking powder", + "malt vinegar", + "canola oil", + "kosher salt", + "lemon wedge", + "cake flour", + "capers", + "large eggs", + "baking potatoes", + "flat leaf parsley" + ] + }, + { + "id": 39194, + "cuisine": "spanish", + "ingredients": [ + "white wine vinegar", + "hard-boiled egg", + "fresh parsley", + "red potato", + "tuna", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 25607, + "cuisine": "indian", + "ingredients": [ + "water", + "chile powder", + "garam masala", + "curry", + "coriander", + "butter", + "garlic cloves", + "kosher salt", + "extra firm tofu", + "yellow onion", + "cumin", + "frozen spinach", + "garbanzo beans", + "ginger", + "corn starch" + ] + }, + { + "id": 18478, + "cuisine": "thai", + "ingredients": [ + "sugar", + "bird chile", + "chicken bouillon granules", + "lime", + "fish fillets", + "large garlic cloves", + "fish sauce", + "cilantro leaves" + ] + }, + { + "id": 40194, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "vanilla extract", + "graham cracker crumbs", + "fresh lemon juice", + "egg yolks", + "vanilla wafers", + "sugar", + "heavy cream", + "sweetened condensed milk" + ] + }, + { + "id": 46101, + "cuisine": "thai", + "ingredients": [ + "seedless cucumber", + "beef tenderloin", + "fresh lime juice", + "chiles", + "ground black pepper", + "scallions", + "fresh coriander", + "cilantro leaves", + "asian fish sauce", + "sugar", + "shallots", + "fresh mint" + ] + }, + { + "id": 42805, + "cuisine": "greek", + "ingredients": [ + "nonfat yogurt", + "english cucumber", + "kosher salt", + "garlic", + "dried mint flakes", + "fresh mint", + "ground black pepper", + "white wine vinegar" + ] + }, + { + "id": 9346, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "flour tortillas", + "chili powder", + "cilantro", + "ground cumin", + "ground pepper", + "low sodium chicken broth", + "coarse salt", + "garlic cloves", + "shredded cheddar cheese", + "jalapeno chilies", + "vegetable oil", + "all-purpose flour", + "green bell pepper", + "chuck roast", + "bay leaves", + "diced tomatoes", + "dried oregano" + ] + }, + { + "id": 27035, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "zucchini", + "sherry wine vinegar", + "carrots", + "Belgian endive", + "olive oil", + "shallots", + "garlic cloves", + "green apples", + "green bell pepper", + "chopped fresh chives", + "cayenne pepper", + "red bell pepper", + "mayonaise", + "peeled fresh ginger", + "crabmeat", + "chopped cilantro fresh" + ] + }, + { + "id": 16628, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "red pepper flakes", + "garlic cloves", + "sake", + "beef", + "gingerroot", + "ground black pepper", + "peanut oil", + "toasted sesame seeds", + "sugar", + "sesame oil", + "scallions" + ] + }, + { + "id": 36825, + "cuisine": "french", + "ingredients": [ + "cooking oil", + "salt", + "small new potatoes", + "brie cheese", + "mushrooms", + "broccoli", + "florets", + "onions" + ] + }, + { + "id": 8141, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "fresh lemon juice", + "celery ribs", + "kosher salt", + "fresh parsley", + "creole mustard", + "sugar", + "carrots", + "green cabbage", + "green onions" + ] + }, + { + "id": 7521, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "shallots", + "extra-virgin olive oil", + "sage leaves", + "chicken breast halves", + "dry red wine", + "coarse ground mustard", + "cracked black pepper", + "fat", + "minced garlic", + "fresh thyme leaves", + "salt" + ] + }, + { + "id": 19549, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken skinless thigh", + "flour tortillas", + "coarse salt", + "sour cream", + "pico de gallo", + "minced garlic", + "boneless skinless chicken breasts", + "extra-virgin olive oil", + "white onion", + "guacamole", + "red pepper flakes", + "fresh lime juice", + "green bell pepper", + "shredded mild cheddar cheese", + "vegetable oil", + "freshly ground pepper" + ] + }, + { + "id": 40167, + "cuisine": "thai", + "ingredients": [ + "granulated sugar", + "vegetable oil", + "salted dry roasted peanuts", + "boiling water", + "lime", + "shallots", + "salt", + "medium shrimp", + "chopped garlic", + "palm sugar", + "rice noodles", + "tamarind paste", + "mung bean sprouts", + "water", + "large eggs", + "crushed red pepper", + "scallions", + "asian fish sauce" + ] + }, + { + "id": 9855, + "cuisine": "italian", + "ingredients": [ + "red wine vinegar", + "sugar", + "salt", + "olive oil", + "fresh lemon juice", + "basil dried leaves" + ] + }, + { + "id": 441, + "cuisine": "chinese", + "ingredients": [ + "vegetable broth", + "garlic cloves", + "sugar", + "salt", + "sliced green onions", + "crushed red pepper", + "fresh lemon juice", + "eggplant", + "dark sesame oil" + ] + }, + { + "id": 40712, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "fresh parsley", + "capers", + "salt", + "tuna steaks", + "olive oil", + "lemon juice" + ] + }, + { + "id": 26643, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "arrowroot", + "garlic", + "water", + "green onions", + "broccoli", + "boneless chicken skinless thigh", + "mushrooms", + "rice vinegar", + "coconut oil", + "fresh ginger", + "sesame oil", + "oyster sauce" + ] + }, + { + "id": 4245, + "cuisine": "japanese", + "ingredients": [ + "avocado", + "crabmeat", + "sushi rice", + "nori", + "soy sauce", + "toasted sesame seeds", + "wasabi", + "seeds" + ] + }, + { + "id": 47575, + "cuisine": "spanish", + "ingredients": [ + "cod fillets", + "garlic cloves", + "onions", + "olive oil", + "littleneck clams", + "celery", + "tomato paste", + "fingerling potatoes", + "fresh lemon juice", + "andouille sausage", + "clam juice", + "carrots" + ] + }, + { + "id": 45696, + "cuisine": "mexican", + "ingredients": [ + "processed cheese", + "water", + "picante sauce", + "ground beef", + "taco seasoning mix" + ] + }, + { + "id": 13725, + "cuisine": "cajun_creole", + "ingredients": [ + "Dungeness crabs", + "canned tomatoes", + "smoked paprika", + "stock", + "Tabasco Pepper Sauce", + "green pepper", + "bay leaf", + "fennel bulb", + "salt", + "red bell pepper", + "minced garlic", + "old bay seasoning", + "shrimp", + "onions" + ] + }, + { + "id": 43578, + "cuisine": "cajun_creole", + "ingredients": [ + "powdered sugar", + "dry yeast", + "cinnamon", + "fresh lemon juice", + "nutmeg", + "milk", + "egg yolks", + "all-purpose flour", + "melted butter", + "granulated sugar", + "cake", + "condensed milk", + "sugar", + "lemon zest", + "vanilla extract" + ] + }, + { + "id": 37835, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "salt", + "cooking spray", + "orange juice", + "pork tenderloin", + "dark sesame oil", + "brown sugar", + "ground red pepper", + "five-spice powder" + ] + }, + { + "id": 3273, + "cuisine": "moroccan", + "ingredients": [ + "water", + "cooking spray", + "unsalted butter", + "acorn squash", + "sesame seeds", + "maple syrup", + "kosher salt", + "harissa paste" + ] + }, + { + "id": 23528, + "cuisine": "spanish", + "ingredients": [ + "red chili peppers", + "garlic", + "mushrooms", + "fresh parsley", + "sea salt", + "extra-virgin olive oil" + ] + }, + { + "id": 12394, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "fish sauce", + "lemon", + "white vinegar", + "warm water", + "sugar", + "garlic" + ] + }, + { + "id": 3077, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "shredded carrots", + "nonfat ricotta cheese", + "pasta sauce", + "Italian turkey sausage", + "fresh basil", + "salt", + "whole wheat uncooked lasagna noodles", + "part-skim mozzarella cheese", + "hot water" + ] + }, + { + "id": 17621, + "cuisine": "moroccan", + "ingredients": [ + "ground allspice", + "curry powder", + "butter", + "fat free less sodium chicken broth", + "couscous" + ] + }, + { + "id": 37809, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "cracked black pepper", + "chopped fresh sage", + "chopped fresh chives", + "all-purpose flour", + "ham", + "butter", + "beef broth", + "onions", + "brewed coffee", + "bacon slices", + "garlic cloves" + ] + }, + { + "id": 2466, + "cuisine": "italian", + "ingredients": [ + "dried cherry", + "vegetable shortening", + "canola oil", + "sugar", + "baking powder", + "all-purpose flour", + "large eggs", + "vanilla extract", + "baking chocolate", + "cooking spray", + "salt", + "unsweetened cocoa powder" + ] + }, + { + "id": 23860, + "cuisine": "southern_us", + "ingredients": [ + "seasoning salt", + "self-rising cornmeal", + "eggs", + "buttermilk", + "self rising flour", + "onions", + "sugar", + "bacon grease" + ] + }, + { + "id": 5883, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "fresh ginger", + "fenugreek", + "dried chickpeas", + "chopped parsley", + "tomatoes", + "water", + "cayenne", + "florets", + "ground coriander", + "ground cumin", + "cauliflower", + "tumeric", + "garam masala", + "brown mustard seeds", + "green chilies", + "asafetida", + "coconut sugar", + "lime", + "potatoes", + "sea salt", + "cumin seed" + ] + }, + { + "id": 9887, + "cuisine": "indian", + "ingredients": [ + "english cucumber", + "plain whole-milk yogurt", + "urad dal", + "onions", + "vegetable oil", + "black mustard seeds", + "plum tomatoes", + "cumin seed", + "chopped cilantro fresh" + ] + }, + { + "id": 11418, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "eggplant", + "freshly ground pepper", + "bread crumb fresh", + "parmesan cheese", + "garlic cloves", + "olive oil", + "fresh mozzarella", + "oregano", + "kosher salt", + "whole peeled tomatoes", + "onions" + ] + }, + { + "id": 33669, + "cuisine": "chinese", + "ingredients": [ + "spring onions", + "rice", + "brown sugar", + "sesame oil", + "chicken stock", + "chicken breasts", + "soy sauce", + "garlic" + ] + }, + { + "id": 23517, + "cuisine": "italian", + "ingredients": [ + "basil pesto sauce", + "salt", + "heavy cream", + "pepper", + "pasta", + "extra-virgin olive oil" + ] + }, + { + "id": 37595, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "salt", + "lime", + "fresh coriander", + "green chilies", + "tomatoes", + "purple onion" + ] + }, + { + "id": 16304, + "cuisine": "french", + "ingredients": [ + "red food coloring", + "apricots", + "yellow food coloring" + ] + }, + { + "id": 25724, + "cuisine": "southern_us", + "ingredients": [ + "lime zest", + "egg yolks", + "sugar", + "crushed graham crackers", + "melted butter", + "heavy cream", + "lime juice", + "sweetened condensed milk" + ] + }, + { + "id": 22983, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "lasagna noodles", + "shredded mozzarella cheese", + "italian seasoning", + "tomato sauce", + "part-skim ricotta cheese", + "onions", + "eggs", + "bacon", + "fresh parsley", + "fennel seeds", + "milk", + "provolone cheese", + "dried oregano" + ] + }, + { + "id": 41632, + "cuisine": "irish", + "ingredients": [ + "Jameson Irish Whiskey", + "brown sugar", + "cream sweeten whip", + "coffee" + ] + }, + { + "id": 25961, + "cuisine": "vietnamese", + "ingredients": [ + "eggs", + "ketchup", + "daikon", + "carrots", + "white sandwich bread", + "brown sugar", + "Sriracha", + "garlic", + "ground beef", + "fish sauce", + "milk", + "ground pork", + "chopped cilantro", + "mayonaise", + "cooking spray", + "salt", + "onions" + ] + }, + { + "id": 37522, + "cuisine": "southern_us", + "ingredients": [ + "caster sugar", + "eggs", + "digestive biscuit", + "melted butter", + "lime", + "sugar", + "condensed milk" + ] + }, + { + "id": 31107, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "jalapeno chilies", + "yellow onion", + "ground turmeric", + "unsalted butter", + "rockfish", + "hot water", + "canola oil", + "minced ginger", + "lemon", + "garlic cloves", + "plum tomatoes", + "snappers", + "cod fillets", + "salt", + "coconut milk" + ] + }, + { + "id": 48581, + "cuisine": "french", + "ingredients": [ + "balsamic vinegar", + "horseradish mustard", + "extra-virgin olive oil", + "black pepper" + ] + }, + { + "id": 18470, + "cuisine": "moroccan", + "ingredients": [ + "reduced sodium chicken broth", + "lemon zest", + "cardamom pods", + "fresh parsley leaves", + "bone in chicken thighs", + "parsley sprigs", + "fresh ginger", + "large garlic cloves", + "pitted prunes", + "onions", + "red chili peppers", + "ground black pepper", + "salt", + "toasted pine nuts", + "ground turmeric", + "ground cinnamon", + "olive oil", + "apricot halves", + "ground coriander", + "couscous" + ] + }, + { + "id": 44464, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "large eggs", + "chopped onion", + "olive oil", + "cannellini beans", + "large egg whites", + "jalapeno chilies", + "chopped fresh mint", + "pitted kalamata olives", + "swiss chard", + "salt" + ] + }, + { + "id": 40107, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "pork chops", + "salt", + "water", + "granulated white sugar", + "pepper", + "cooking oil", + "lime", + "purple onion" + ] + }, + { + "id": 45407, + "cuisine": "italian", + "ingredients": [ + "lamb shanks", + "red wine vinegar", + "chopped parsley", + "ground pepper", + "corn starch", + "onions", + "dried basil", + "diced tomatoes", + "celery", + "capers", + "calamata olives", + "red bell pepper", + "frozen artichoke hearts" + ] + }, + { + "id": 13641, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "kosher salt", + "ground black pepper", + "chopped celery", + "leg of lamb", + "lower sodium chicken broth", + "water", + "turkey kielbasa", + "garlic cloves", + "boiling water", + "great northern beans", + "baguette", + "grated parmesan cheese", + "chopped onion", + "fresh parsley", + "brandy", + "olive oil", + "bacon", + "carrots" + ] + }, + { + "id": 8110, + "cuisine": "mexican", + "ingredients": [ + "green olives", + "jalapeno chilies", + "shredded sharp cheddar cheese", + "fresh lime juice", + "condensed cream of chicken soup", + "vegetable oil", + "taco seasoning", + "green chile", + "green onions", + "cream cheese", + "shredded Monterey Jack cheese", + "flour tortillas", + "chicken meat", + "sour cream" + ] + }, + { + "id": 32559, + "cuisine": "mexican", + "ingredients": [ + "cooked bacon", + "sliced green onions", + "shredded cheddar cheese", + "softened butter", + "mashed potatoes", + "salsa", + "flour tortillas", + "sour cream" + ] + }, + { + "id": 44900, + "cuisine": "french", + "ingredients": [ + "freshly grated parmesan", + "scallions", + "bread crumb fresh", + "potatoes", + "fresh parsley leaves", + "tomatoes", + "unsalted butter", + "garlic cloves", + "milk", + "kalamata" + ] + }, + { + "id": 23875, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chopped fresh thyme", + "red bell pepper", + "zucchini", + "chopped onion", + "ground black pepper", + "salt", + "tomatoes", + "large eggs", + "garlic cloves" + ] + }, + { + "id": 43575, + "cuisine": "indian", + "ingredients": [ + "bhaji", + "salt", + "cabbage", + "bell pepper", + "carrots", + "garam masala", + "oil", + "florets", + "baby corn" + ] + }, + { + "id": 46200, + "cuisine": "italian", + "ingredients": [ + "bread", + "sea salt", + "flat leaf parsley", + "mint leaves", + "extra-virgin olive oil", + "zucchini", + "mint sprigs", + "crumbled ricotta salata cheese", + "onion tops" + ] + }, + { + "id": 16737, + "cuisine": "italian", + "ingredients": [ + "corn husks", + "crushed red pepper flakes", + "safflower oil", + "grated parmesan cheese", + "squash", + "kosher salt", + "lemon", + "toasted sunflower seeds", + "ground black pepper", + "scallions" + ] + }, + { + "id": 8036, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "kosher salt", + "olive oil", + "bread", + "grated parmesan cheese" + ] + }, + { + "id": 14790, + "cuisine": "spanish", + "ingredients": [ + "italian eggplant", + "sweet onion", + "red bell pepper", + "sea salt", + "extra-virgin olive oil" + ] + }, + { + "id": 17690, + "cuisine": "mexican", + "ingredients": [ + "salad greens", + "corn tortillas", + "pico de gallo", + "Sriracha", + "whitefish", + "olive oil", + "lime", + "sour cream" + ] + }, + { + "id": 27432, + "cuisine": "italian", + "ingredients": [ + "pepper", + "bacon", + "large eggs", + "frozen peas", + "parmesan cheese", + "salt", + "white wine", + "boneless skinless chicken breasts", + "spaghetti" + ] + }, + { + "id": 29393, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "puff pastry", + "granulated sugar", + "cider vinegar", + "apples", + "unsalted butter" + ] + }, + { + "id": 8469, + "cuisine": "mexican", + "ingredients": [ + "slivered almonds", + "beef bouillon", + "poblano chiles", + "olive oil", + "garlic", + "onions", + "Herdez Salsa Verde", + "sour cream", + "beef roast", + "Herdez Salsa Casera", + "golden raisins", + "ripe olives" + ] + }, + { + "id": 8460, + "cuisine": "chinese", + "ingredients": [ + "oil", + "egg roll wrappers", + "pork sausages", + "stir fry vegetable blend", + "teriyaki sauce" + ] + }, + { + "id": 6922, + "cuisine": "brazilian", + "ingredients": [ + "black beans", + "diced tomatoes", + "orange juice", + "onions", + "cayenne", + "salt", + "carrots", + "olive oil", + "cilantro", + "garlic cloves", + "cumin", + "black pepper", + "bell pepper", + "salsa", + "sour cream" + ] + }, + { + "id": 7960, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "milk", + "paprika", + "white pepper", + "baking powder", + "cornmeal", + "black pepper", + "minced onion", + "salt", + "catfish fillets", + "pepper", + "vegetable oil" + ] + }, + { + "id": 22535, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "ground black pepper", + "peanut oil", + "shiitake mushroom caps", + "marsala wine", + "pork tenderloin", + "carrots", + "savoy cabbage", + "fresh ginger", + "salt", + "toasted sesame oil", + "sugar", + "plum sauce", + "scallions", + "pancake" + ] + }, + { + "id": 48826, + "cuisine": "southern_us", + "ingredients": [ + "ice cubes", + "rum", + "triple sec", + "amaretto liqueur", + "energy drink", + "cola-flavored carbonated beverage" + ] + }, + { + "id": 30823, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "grated parmesan cheese", + "spaghetti", + "kosher salt", + "garlic cloves", + "andouille sausage", + "basil leaves", + "ground black pepper", + "onions" + ] + }, + { + "id": 43804, + "cuisine": "brazilian", + "ingredients": [ + "egg yolks", + "coconut", + "unsalted butter", + "sugar", + "coconut milk" + ] + }, + { + "id": 40722, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "salt", + "glass noodles", + "sugar", + "unbleached flour", + "corn starch", + "warm water", + "sesame oil", + "chinese chives", + "large eggs", + "pressed tofu", + "canola oil" + ] + }, + { + "id": 21350, + "cuisine": "british", + "ingredients": [ + "dry sherry", + "raspberries", + "fresh lemon juice", + "dry white wine", + "grated lemon peel", + "sugar", + "whipping cream" + ] + }, + { + "id": 14784, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "purple onion", + "sage leaves", + "olive oil", + "chicken", + "Madeira", + "ground black pepper", + "baguette", + "garlic cloves" + ] + }, + { + "id": 3631, + "cuisine": "italian", + "ingredients": [ + "club soda", + "campari", + "orange" + ] + }, + { + "id": 45869, + "cuisine": "greek", + "ingredients": [ + "red wine vinegar", + "green olives", + "cucumber", + "tomatoes", + "purple onion", + "feta cheese" + ] + }, + { + "id": 42329, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "ground black pepper", + "chopped celery", + "flat leaf parsley", + "green chile", + "swiss chard", + "diced tomatoes", + "garlic cloves", + "water", + "finely chopped onion", + "crushed red pepper", + "fresh basil", + "olive oil", + "cannellini beans", + "salt" + ] + }, + { + "id": 19411, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken breast tenders", + "butter", + "celery", + "sugar", + "cooking spray", + "salt", + "dried thyme", + "diced tomatoes", + "fresh parsley", + "pepper", + "ground red pepper", + "okra" + ] + }, + { + "id": 4028, + "cuisine": "filipino", + "ingredients": [ + "fresh ginger root", + "rice noodles", + "beansprouts", + "sake", + "sesame oil", + "fresh mushrooms", + "snow peas", + "chicken broth", + "green onions", + "garlic", + "spicy pork sausage", + "soy sauce", + "hot pepper", + "shrimp", + "cooked chicken breasts" + ] + }, + { + "id": 27419, + "cuisine": "cajun_creole", + "ingredients": [ + "bay leaves", + "onions", + "lemon", + "dried thyme", + "crushed red pepper flakes", + "herbs", + "medium shrimp" + ] + }, + { + "id": 21139, + "cuisine": "southern_us", + "ingredients": [ + "clove", + "lemon", + "onions", + "bay leaves", + "garlic", + "large shrimp", + "water", + "old bay seasoning", + "boiling potatoes", + "Tabasco Pepper Sauce", + "salt" + ] + }, + { + "id": 1791, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "diced tomatoes", + "garlic cloves", + "italian seasoning", + "tomato paste", + "grated parmesan cheese", + "fresh mushrooms", + "red bell pepper", + "sugar", + "vermicelli", + "freshly ground pepper", + "onions", + "zucchini", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 7990, + "cuisine": "southern_us", + "ingredients": [ + "corn husks", + "all purpose unbleached flour", + "cultured buttermilk", + "sour cream", + "unsalted butter", + "sea salt", + "garlic cloves", + "ground black pepper", + "extra large eggs", + "ground sumac", + "collard greens", + "baking powder", + "extra-virgin olive oil", + "ground cayenne pepper" + ] + }, + { + "id": 20783, + "cuisine": "indian", + "ingredients": [ + "asafoetida", + "salt", + "cumin", + "mustard", + "ginger", + "oil", + "curry leaves", + "urad dal", + "dried red chile peppers", + "grated coconut", + "green chilies", + "mango" + ] + }, + { + "id": 9148, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "chopped cilantro", + "salt", + "avocado", + "fresh lime juice", + "corn kernels", + "serrano chile" + ] + }, + { + "id": 45327, + "cuisine": "mexican", + "ingredients": [ + "butter", + "milk", + "green pepper", + "Velveeta Queso Blanco", + "jalapeno chilies", + "cumin" + ] + }, + { + "id": 25197, + "cuisine": "irish", + "ingredients": [ + "bread crumb fresh", + "garlic cloves", + "unsalted butter", + "oysters", + "pernod", + "lemon wedge" + ] + }, + { + "id": 47224, + "cuisine": "french", + "ingredients": [ + "milk", + "green onions", + "fine sea salt", + "spinach leaves", + "unsalted butter", + "Italian parsley leaves", + "whole wheat flour", + "heavy cream", + "minced garlic", + "large eggs", + "extra-virgin olive oil" + ] + }, + { + "id": 27118, + "cuisine": "italian", + "ingredients": [ + "mushrooms", + "marsala wine", + "flat leaf parsley", + "chicken broth", + "boneless skinless chicken breasts", + "olive oil", + "onions" + ] + }, + { + "id": 17024, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "pie filling", + "powdered sugar", + "sweetened coconut flakes", + "slivered almonds", + "all-purpose flour", + "lemon" + ] + }, + { + "id": 41316, + "cuisine": "cajun_creole", + "ingredients": [ + "prepared horseradish", + "grated lemon zest", + "mayonaise", + "green onions", + "pickle relish", + "capers", + "roasted red peppers", + "fresh parsley", + "pepper", + "salt" + ] + }, + { + "id": 34171, + "cuisine": "italian", + "ingredients": [ + "globe eggplant", + "ground black pepper", + "purple onion", + "flat leaf parsley", + "sourdough bread", + "cooked rigatoni", + "red bell pepper", + "kosher salt", + "whole peeled tomatoes", + "garlic cloves", + "pasilla pepper", + "almonds", + "extra-virgin olive oil", + "pasta water" + ] + }, + { + "id": 44407, + "cuisine": "thai", + "ingredients": [ + "jasmine rice", + "sesame oil", + "peanut butter", + "boneless skinless chicken breasts", + "purple onion", + "mirin", + "cilantro", + "soy sauce", + "green tomatoes", + "rice vinegar" + ] + }, + { + "id": 45292, + "cuisine": "thai", + "ingredients": [ + "low sodium soy sauce", + "red curry paste", + "water", + "coconut milk", + "sugar", + "creamy peanut butter", + "white vinegar", + "sesame oil" + ] + }, + { + "id": 28364, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "almond extract", + "all-purpose flour", + "eggs", + "baking powder", + "vanilla extract", + "nutmeg", + "unsalted butter", + "cinnamon", + "caramel sauce", + "sugar", + "peach schnapps", + "salt" + ] + }, + { + "id": 30582, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "diced green chilies", + "boneless skinless chicken breasts", + "juice", + "lime juice", + "red cabbage", + "salt", + "chopped cilantro", + "cotija", + "ground black pepper", + "whole wheat tortillas", + "poblano chiles", + "green cabbage", + "Tabasco Green Pepper Sauce", + "green onions", + "enchilada sauce" + ] + }, + { + "id": 24257, + "cuisine": "brazilian", + "ingredients": [ + "ground black pepper", + "scallions", + "manioc flour", + "large eggs", + "kosher salt", + "extra-virgin olive oil", + "unsalted butter" + ] + }, + { + "id": 19213, + "cuisine": "irish", + "ingredients": [ + "cold water", + "potatoes", + "beer", + "white onion", + "all-purpose flour", + "corn starch", + "tomato paste", + "garlic", + "carrots", + "olive oil", + "beef broth", + "chuck" + ] + }, + { + "id": 5210, + "cuisine": "italian", + "ingredients": [ + "lemon", + "salt", + "pepper", + "garlic", + "boiling potatoes", + "penne", + "extra-virgin olive oil", + "arugula", + "rosemary", + "purple onion" + ] + }, + { + "id": 29520, + "cuisine": "mexican", + "ingredients": [ + "fresh coriander", + "spring onions", + "beer", + "tomatoes", + "ground black pepper", + "sea salt", + "sour cream", + "avocado", + "shredded cheddar cheese", + "red pepper", + "lemon juice", + "red chili peppers", + "tortillas", + "green chilies" + ] + }, + { + "id": 14067, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "bell pepper", + "orzo", + "flat leaf parsley", + "chicken legs", + "olive oil", + "lemon", + "purple onion", + "black pepper", + "cinnamon", + "garlic", + "dried oregano", + "fresh tomatoes", + "parmesan cheese", + "paprika", + "salt" + ] + }, + { + "id": 29150, + "cuisine": "russian", + "ingredients": [ + "horseradish root", + "white vinegar", + "beets", + "sugar", + "coarse salt" + ] + }, + { + "id": 26889, + "cuisine": "italian", + "ingredients": [ + "slivered almonds", + "all-purpose flour", + "butter", + "orange zest", + "baking powder", + "white sugar", + "eggs", + "salt" + ] + }, + { + "id": 31304, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "salt", + "bread flour", + "rapid rise yeast", + "boiling water", + "olive oil", + "hot water", + "ground pepper", + "cornmeal" + ] + }, + { + "id": 47929, + "cuisine": "brazilian", + "ingredients": [ + "milk", + "shredded mozzarella cheese", + "tapioca flour", + "grated parmesan cheese", + "large eggs", + "oil", + "water", + "salt" + ] + }, + { + "id": 9508, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "chopped celery", + "carrots", + "collard greens", + "ground black pepper", + "organic vegetable broth", + "basmati rice", + "kosher salt", + "smoked sausage", + "garlic cloves", + "olive oil", + "crushed red pepper", + "chicken thighs" + ] + }, + { + "id": 44793, + "cuisine": "irish", + "ingredients": [ + "yukon gold potatoes", + "maldon sea salt", + "extra-virgin olive oil" + ] + }, + { + "id": 12831, + "cuisine": "italian", + "ingredients": [ + "baking powder", + "all-purpose flour", + "sugar", + "anise", + "large eggs", + "salt", + "vegetable oil", + "liqueur" + ] + }, + { + "id": 17109, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "sesame oil", + "sugar", + "fresh ginger", + "oyster sauce", + "gai lan", + "water", + "vegetable oil", + "soy sauce", + "Shaoxing wine", + "corn flour" + ] + }, + { + "id": 32911, + "cuisine": "japanese", + "ingredients": [ + "light soy sauce", + "button mushrooms", + "mirin", + "bamboo shoots", + "honey", + "salt", + "sake", + "chicken thigh fillets" + ] + }, + { + "id": 4074, + "cuisine": "japanese", + "ingredients": [ + "sushi rice", + "reduced sodium soy sauce", + "water", + "caster sugar", + "rice vinegar", + "sesame seeds" + ] + }, + { + "id": 19988, + "cuisine": "japanese", + "ingredients": [ + "yellow miso", + "rice vinegar", + "shallots", + "chopped cilantro fresh", + "frozen orange juice concentrate", + "sesame oil", + "peeled fresh ginger", + "low salt chicken broth" + ] + }, + { + "id": 22027, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "salt", + "potatoes" + ] + }, + { + "id": 9337, + "cuisine": "italian", + "ingredients": [ + "whipping heavy cream", + "frozen mini ravioli", + "salt", + "water", + "chunky pasta sauce" + ] + }, + { + "id": 16925, + "cuisine": "mexican", + "ingredients": [ + "chicken bouillon", + "unsalted butter", + "red pepper flakes", + "cream cheese", + "dried basil", + "boneless skinless chicken breasts", + "penne pasta", + "dried oregano", + "kosher salt", + "whole milk", + "garlic", + "thick-cut bacon", + "Mexican cheese blend", + "ranch dressing", + "yellow onion" + ] + }, + { + "id": 1361, + "cuisine": "british", + "ingredients": [ + "white bread", + "black pepper", + "flour", + "Tabasco Pepper Sauce", + "salt", + "English mustard", + "cremini mushrooms", + "lager beer", + "shallots", + "worcestershire sauce", + "cheddar cheese", + "pepper", + "flank steak", + "butter", + "thyme", + "sirloin", + "kosher salt", + "beef stock", + "watercress", + "sauce" + ] + }, + { + "id": 11138, + "cuisine": "indian", + "ingredients": [ + "garlic powder", + "vegetable oil", + "green beans", + "ground turmeric", + "ground ginger", + "potatoes", + "cilantro leaves", + "onions", + "tomatoes", + "chili powder", + "carrots", + "frozen peas", + "cold water", + "garam masala", + "salt", + "mustard seeds", + "ground cumin" + ] + }, + { + "id": 48372, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "whole milk", + "flat leaf parsley", + "bread crumb fresh", + "large eggs", + "ground pork", + "onions", + "ground black pepper", + "grated parmesan cheese", + "salt", + "spaghetti", + "whole peeled tomatoes", + "large garlic cloves", + "ground beef" + ] + }, + { + "id": 13895, + "cuisine": "british", + "ingredients": [ + "baking soda", + "white sugar", + "cream of tartar", + "all-purpose flour", + "salt", + "milk", + "margarine" + ] + }, + { + "id": 17804, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "broccoli florets", + "button mushrooms", + "minced ginger", + "red pepper", + "curry paste", + "boneless chicken skinless thigh", + "vegetable oil", + "coconut milk", + "fish sauce", + "lime", + "cilantro" + ] + }, + { + "id": 20317, + "cuisine": "french", + "ingredients": [ + "sugar", + "frangipane", + "dough", + "apples", + "salted butter" + ] + }, + { + "id": 45245, + "cuisine": "mexican", + "ingredients": [ + "salt", + "shrimp", + "sauce", + "mango", + "cilantro leaves", + "corn tortillas", + "lime wedges", + "freshly ground pepper" + ] + }, + { + "id": 35044, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "green onions", + "coconut milk", + "fresh basil", + "zucchini", + "cayenne pepper", + "tomato paste", + "fresh ginger", + "red curry paste", + "lean ground turkey", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 1640, + "cuisine": "spanish", + "ingredients": [ + "chili", + "onions", + "pepper", + "salt", + "avocado", + "green tomatoes", + "lime juice", + "chopped cilantro" + ] + }, + { + "id": 21281, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "garlic powder", + "salt", + "dried oregano", + "crushed tomatoes", + "diced tomatoes", + "white sugar", + "minced garlic", + "ground black pepper", + "dried parsley", + "capers", + "dried basil", + "crushed red pepper flakes", + "spaghetti" + ] + }, + { + "id": 35188, + "cuisine": "indian", + "ingredients": [ + "water", + "onions", + "clove", + "green chilies", + "basmati rice", + "cinnamon", + "frozen peas", + "kosher salt", + "ghee", + "ground cumin" + ] + }, + { + "id": 49703, + "cuisine": "russian", + "ingredients": [ + "olive oil", + "lemon wedge", + "fronds", + "salmon caviar", + "smoked salmon", + "pumpernickel bread", + "cream cheese", + "salmon fillets", + "chopped fresh chives", + "fresh lemon juice" + ] + }, + { + "id": 22400, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "butter", + "garlic cloves", + "fettucine", + "grated parmesan cheese", + "purple onion", + "green bell pepper", + "whipping cream", + "red bell pepper", + "chicken stock", + "boneless chicken skinless thigh", + "crushed red pepper" + ] + }, + { + "id": 8604, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "black sesame seeds", + "rice vinegar", + "fresh ginger root", + "nori paper", + "cucumber", + "sushi rice", + "daikon", + "sauce", + "mayonaise", + "Sriracha", + "salt", + "tuna" + ] + }, + { + "id": 40789, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "chili powder", + "rice", + "dried parsley", + "tomato purée", + "cooking oil", + "salt", + "onions", + "white vinegar", + "salt and ground black pepper", + "garlic", + "ground beef", + "cumin", + "water", + "mexicorn", + "bay leaf", + "dried oregano" + ] + }, + { + "id": 6272, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "bread, cut into italian loaf", + "garlic", + "plum tomatoes", + "minced garlic", + "extra-virgin olive oil", + "fresh basil leaves", + "shallots", + "fresh lemon juice" + ] + }, + { + "id": 1518, + "cuisine": "japanese", + "ingredients": [ + "water", + "yellow onion", + "dashi", + "miso paste", + "baby spinach leaves", + "potatoes" + ] + }, + { + "id": 17340, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "chili powder", + "freshly ground pepper", + "tomato paste", + "peaches", + "salt", + "fresh lemon juice", + "fresh ginger", + "worcestershire sauce", + "garlic cloves", + "cider vinegar", + "bourbon whiskey", + "dark brown sugar", + "canola oil" + ] + }, + { + "id": 37621, + "cuisine": "italian", + "ingredients": [ + "salt", + "pepper", + "ground beef", + "seasoned bread crumbs", + "sausages", + "garlic" + ] + }, + { + "id": 33811, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "sugar", + "salt", + "unsalted butter", + "all-purpose flour", + "ice water" + ] + }, + { + "id": 10104, + "cuisine": "indian", + "ingredients": [ + "salt and ground black pepper", + "buttermilk", + "basmati rice", + "curry powder", + "low sodium chicken broth", + "all-purpose flour", + "olive oil", + "green onions", + "chutney", + "water", + "pork chops", + "cauliflower florets" + ] + }, + { + "id": 4772, + "cuisine": "southern_us", + "ingredients": [ + "bacon", + "potatoes", + "onions", + "buttermilk" + ] + }, + { + "id": 26151, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "salt", + "mushrooms", + "onions", + "olive oil", + "penne pasta", + "double cream" + ] + }, + { + "id": 45165, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "onions", + "beef", + "small new potatoes", + "soup", + "Japanese soy sauce", + "carrots" + ] + }, + { + "id": 19230, + "cuisine": "mexican", + "ingredients": [ + "fat free less sodium chicken broth", + "reduced-fat sour cream", + "red bell pepper", + "sliced carrots", + "chopped onion", + "adobo sauce", + "half & half", + "salt", + "celery", + "chipotle chile", + "lime wedges", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 30922, + "cuisine": "southern_us", + "ingredients": [ + "shredded sharp cheddar cheese", + "elbow macaroni", + "milk", + "all-purpose flour", + "pepper", + "salt", + "butter", + "cream cheese" + ] + }, + { + "id": 17062, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "swiss chard", + "unsalted dry roast peanuts", + "corn starch", + "diced onions", + "curry powder", + "chicken breast halves", + "baby carrots", + "fat free less sodium chicken broth", + "ground red pepper", + "salt", + "ground cumin", + "tomato paste", + "olive oil", + "light coconut milk", + "long-grain rice" + ] + }, + { + "id": 36093, + "cuisine": "indian", + "ingredients": [ + "rice", + "chili powder", + "tumeric", + "oil", + "salt" + ] + }, + { + "id": 1246, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "cilantro sprigs", + "curry powder", + "roasting chickens", + "kosher salt", + "cayenne pepper", + "olive oil", + "ground cumin" + ] + }, + { + "id": 19694, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "garlic", + "rice", + "tumeric", + "cilantro", + "red curry paste", + "coconut milk", + "tomato purée", + "butter", + "salt", + "brown lentils", + "sugar", + "ginger", + "cayenne pepper", + "onions" + ] + }, + { + "id": 40022, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "diced tomatoes", + "coconut milk", + "vidalia onion", + "vegetable oil", + "cumin seed", + "lime", + "red curry paste", + "brown sugar", + "vegetable stock", + "garlic cloves" + ] + }, + { + "id": 39162, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "swordfish steaks", + "orange", + "bell pepper" + ] + }, + { + "id": 48001, + "cuisine": "mexican", + "ingredients": [ + "crushed red pepper flakes", + "squash", + "salt and ground black pepper", + "yellow onion", + "chicken bouillon", + "garlic", + "chopped cilantro fresh", + "unsalted butter", + "hot water" + ] + }, + { + "id": 750, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "granulated sugar", + "lemon", + "liver pate", + "sweet potatoes", + "ground allspice", + "ground cinnamon", + "large eggs", + "all-purpose flour", + "ground nutmeg", + "butter" + ] + }, + { + "id": 34051, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "red bell pepper", + "kosher salt", + "basil leaves", + "spinach", + "grated parmesan cheese", + "rigatoni", + "pepper", + "purple onion" + ] + }, + { + "id": 6890, + "cuisine": "southern_us", + "ingredients": [ + "salted butter", + "color food orang", + "ginger", + "powdered sugar", + "egg whites", + "heavy cream", + "nutmeg", + "granulated sugar", + "cinnamon", + "almond flour", + "sweet potatoes", + "vanilla powder" + ] + }, + { + "id": 47086, + "cuisine": "moroccan", + "ingredients": [ + "green bell pepper", + "olive oil", + "balsamic vinegar", + "garlic cloves", + "ground cumin", + "ground cinnamon", + "kosher salt", + "cooking spray", + "purple onion", + "red bell pepper", + "green olives", + "water", + "golden raisins", + "chopped onion", + "couscous", + "fennel seeds", + "pinenuts", + "ground black pepper", + "diced tomatoes", + "small red potato" + ] + }, + { + "id": 6046, + "cuisine": "italian", + "ingredients": [ + "bertolli four chees rosa sauc", + "chicken broth", + "fettuccine, cook and drain", + "red potato", + "chopped garlic", + "Bertolli® Classico Olive Oil" + ] + }, + { + "id": 3647, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "vegetarian refried beans", + "corn tortillas", + "grated jack cheese", + "cheddar cheese", + "onions" + ] + }, + { + "id": 46884, + "cuisine": "cajun_creole", + "ingredients": [ + "boneless chicken breast", + "rice", + "water", + "condensed tomato soup", + "fresh parsley", + "tomatoes", + "cajun seasoning", + "medium shrimp", + "olive oil", + "green pepper", + "onions" + ] + }, + { + "id": 44815, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "buttermilk", + "melted butter", + "baking powder", + "all-purpose flour", + "baking soda", + "shredded sharp cheddar cheese", + "sugar", + "butter", + "beer" + ] + }, + { + "id": 41055, + "cuisine": "french", + "ingredients": [ + "whipping cream", + "sour cream", + "powdered sugar" + ] + }, + { + "id": 17693, + "cuisine": "french", + "ingredients": [ + "pepper", + "egg whites", + "salt", + "nutmeg", + "unsalted butter", + "swiss cheese", + "milk", + "flour", + "cayenne pepper", + "parmesan cheese", + "egg yolks" + ] + }, + { + "id": 6399, + "cuisine": "indian", + "ingredients": [ + "onions", + "eggplant", + "tomatoes", + "clarified butter", + "coriander seeds" + ] + }, + { + "id": 6613, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "refried beans", + "shredded cheddar cheese", + "taco seasoning mix" + ] + }, + { + "id": 43907, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "cream cheese", + "sugar", + "heavy cream", + "kosher salt", + "frozen corn", + "butter" + ] + }, + { + "id": 44143, + "cuisine": "chinese", + "ingredients": [ + "stewing hen", + "broccoli florets", + "corn starch", + "chinese ham", + "sea cucumber", + "scallions", + "pork spare ribs", + "abalone", + "water", + "ginger" + ] + }, + { + "id": 18160, + "cuisine": "moroccan", + "ingredients": [ + "warm water", + "all-purpose flour", + "olive oil", + "dry yeast", + "kosher salt" + ] + }, + { + "id": 49342, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "diced tomatoes", + "carrots", + "fresh basil", + "whole wheat spaghetti", + "salt", + "dried oregano", + "tomato paste", + "fat free milk", + "garlic", + "onions", + "pepper", + "lean ground beef", + "fresh mushrooms" + ] + }, + { + "id": 17170, + "cuisine": "japanese", + "ingredients": [ + "lettuce leaves", + "pickle relish", + "tomatoes", + "wasabi powder", + "white tuna in water", + "light mayonnaise", + "whole wheat pita", + "purple onion" + ] + }, + { + "id": 42411, + "cuisine": "mexican", + "ingredients": [ + "cheese", + "pasta sauce", + "chopped cilantro fresh", + "shredded mozzarella cheese", + "diced green chilies", + "ground cumin" + ] + }, + { + "id": 28625, + "cuisine": "italian", + "ingredients": [ + "warm water", + "mascarpone", + "dried fig", + "honey", + "cooking spray", + "olive oil", + "all-purpose flour", + "kosher salt", + "dry yeast" + ] + }, + { + "id": 16024, + "cuisine": "italian", + "ingredients": [ + "whitefish", + "extra-virgin olive oil", + "broth", + "arborio rice", + "romano cheese", + "garlic cloves", + "fresh basil", + "anchovy fillets", + "large shrimp", + "tomato paste", + "dry white wine", + "onions" + ] + }, + { + "id": 29496, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "extra-virgin olive oil", + "kosher salt", + "garlic cloves", + "pecorino cheese", + "fresh fava bean", + "ground black pepper", + "country bread" + ] + }, + { + "id": 25064, + "cuisine": "thai", + "ingredients": [ + "radishes", + "vegetable oil", + "tamarind paste", + "water", + "lime wedges", + "simple syrup", + "beansprouts", + "garlic chives", + "large eggs", + "thai chile", + "Thai fish sauce", + "peanuts", + "rice noodles", + "pressed tofu", + "medium shrimp" + ] + }, + { + "id": 40527, + "cuisine": "jamaican", + "ingredients": [ + "white vinegar", + "soy sauce", + "olive oil", + "cinnamon", + "garlic cloves", + "vidalia onion", + "pepper", + "cayenne", + "ginger", + "thyme", + "nutmeg", + "black pepper", + "garlic powder", + "sea salt", + "rubbed sage", + "brown sugar", + "lime juice", + "green onions", + "orange juice", + "allspice" + ] + }, + { + "id": 35129, + "cuisine": "mexican", + "ingredients": [ + "baking soda", + "onions", + "tomatoes", + "nopales", + "garlic", + "olive oil", + "arbol chile" + ] + }, + { + "id": 23707, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "pepper", + "pinto beans", + "Anaheim chile", + "onions", + "tomatoes", + "salt" + ] + }, + { + "id": 47205, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "bacon", + "beer", + "white pepper", + "breakfast sausages", + "all-purpose flour", + "garlic salt", + "jalapeno chilies", + "paprika", + "muenster cheese", + "crawfish", + "vegetable oil", + "cream cheese", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 19188, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "large eggs", + "vanilla extract", + "dark brown sugar", + "granulated sugar", + "quick-cooking oats", + "salt", + "ground nutmeg", + "cooking spray", + "frosting", + "boiling water", + "ground cinnamon", + "low-fat buttermilk", + "vegetable shortening", + "all-purpose flour" + ] + }, + { + "id": 6982, + "cuisine": "mexican", + "ingredients": [ + "hot chocolate mix", + "ground cinnamon", + "cayenne pepper", + "milk" + ] + }, + { + "id": 1618, + "cuisine": "irish", + "ingredients": [ + "butter", + "oil", + "onions", + "pepper", + "pearl barley", + "thyme", + "chicken stock", + "salt", + "carrots", + "baby potatoes", + "Guinness Beer", + "lamb", + "bay leaf" + ] + }, + { + "id": 21526, + "cuisine": "russian", + "ingredients": [ + "cold water", + "green onions", + "cucumber", + "potatoes", + "dill", + "vinegar", + "salt", + "sour cream", + "hard-boiled egg", + "ham" + ] + }, + { + "id": 39389, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "peanut oil", + "noodles", + "low sodium soy sauce", + "flank steak", + "garlic cloves", + "chile paste with garlic", + "broccoli", + "oyster sauce", + "brown sugar", + "dark sesame oil", + "onions" + ] + }, + { + "id": 31604, + "cuisine": "japanese", + "ingredients": [ + "water", + "sweet potatoes", + "dried shiitake mushrooms", + "reduced sodium soy sauce", + "fresh shiitake mushrooms", + "snow peas", + "silken tofu", + "mirin", + "kohlrabi", + "dashi kombu", + "bonito flakes", + "soba noodles" + ] + }, + { + "id": 34315, + "cuisine": "irish", + "ingredients": [ + "pepper", + "butter", + "milk", + "salt", + "potatoes", + "cabbage", + "green onions" + ] + }, + { + "id": 15091, + "cuisine": "italian", + "ingredients": [ + "pure vanilla extract", + "almond extract", + "granulated sugar", + "salt", + "unsalted butter", + "Dutch-processed cocoa powder", + "Nutella", + "all-purpose flour" + ] + }, + { + "id": 3361, + "cuisine": "southern_us", + "ingredients": [ + "salted butter", + "fudge brownie mix", + "pure vanilla extract", + "almond extract", + "mini marshmallows", + "chopped pecans", + "powdered sugar", + "heavy cream" + ] + }, + { + "id": 1844, + "cuisine": "southern_us", + "ingredients": [ + "ranch dressing", + "all-purpose flour", + "black pepper", + "buttermilk", + "dill pickles", + "cajun seasoning", + "oil", + "seafood seasoning", + "salt", + "cornmeal" + ] + }, + { + "id": 20167, + "cuisine": "southern_us", + "ingredients": [ + "shredded sharp cheddar cheese", + "garlic salt", + "diced pimentos", + "cream cheese", + "shredded parmesan cheese", + "mayonaise", + "sour cream" + ] + }, + { + "id": 77, + "cuisine": "italian", + "ingredients": [ + "tumeric", + "flour", + "garlic", + "bay leaf", + "pepper", + "red pepper", + "rice", + "yellow peppers", + "wine", + "butter", + "salt", + "onions", + "chicken wings", + "olive oil", + "diced tomatoes", + "fresh mushrooms", + "dried oregano" + ] + }, + { + "id": 18344, + "cuisine": "vietnamese", + "ingredients": [ + "glutinous rice", + "salt", + "pepper", + "mung beans", + "pork" + ] + }, + { + "id": 9975, + "cuisine": "italian", + "ingredients": [ + "mussels", + "fennel bulb", + "red wine vinegar", + "garlic cloves", + "saffron threads", + "dried thyme", + "dry white wine", + "crushed red pepper", + "lump crab meat", + "chopped green bell pepper", + "diced tomatoes", + "medium shrimp", + "clams", + "olive oil", + "clam juice", + "chopped onion" + ] + }, + { + "id": 44739, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "sesame oil", + "shrimp", + "sugar", + "tahini", + "vegetable oil", + "noodles", + "water", + "green onions", + "rice vinegar", + "light soy sauce", + "ground red pepper", + "garlic cloves" + ] + }, + { + "id": 14141, + "cuisine": "thai", + "ingredients": [ + "sugar", + "fresh basil", + "coconut milk", + "chicken broth", + "green curry paste", + "fish sauce", + "fresh lime juice" + ] + }, + { + "id": 33549, + "cuisine": "irish", + "ingredients": [ + "salt and ground black pepper", + "paprika", + "russet potatoes", + "fresh parsley", + "half & half", + "heavy whipping cream", + "butter", + "onions" + ] + }, + { + "id": 22280, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "chopped fresh sage", + "ground cumin", + "arborio rice", + "butternut squash", + "nonfat chicken broth", + "parmigiano reggiano cheese", + "onions", + "minced garlic", + "salt", + "arugula" + ] + }, + { + "id": 29336, + "cuisine": "thai", + "ingredients": [ + "white pepper", + "ground coriander", + "chicken legs", + "hoisin sauce", + "chopped cilantro", + "kosher salt", + "garlic cloves", + "sweet chili sauce", + "vegetable oil", + "asian fish sauce" + ] + }, + { + "id": 43859, + "cuisine": "french", + "ingredients": [ + "sugar", + "unsalted butter", + "salt", + "yellow corn meal", + "baking soda", + "buttermilk", + "caviar", + "corn", + "chopped fresh chives", + "sour cream", + "black pepper", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 3069, + "cuisine": "french", + "ingredients": [ + "water", + "all purpose unbleached flour", + "large eggs", + "ground black pepper", + "salt", + "unsalted butter", + "grated Gruyère cheese" + ] + }, + { + "id": 12955, + "cuisine": "brazilian", + "ingredients": [ + "chives", + "garlic cloves", + "paprika", + "onions", + "tomatoes", + "cilantro", + "large shrimp", + "dende oil", + "coconut milk" + ] + }, + { + "id": 16690, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "garlic", + "olive oil", + "tortilla chips", + "tomato sauce", + "yellow onion", + "grating cheese", + "dried oregano" + ] + }, + { + "id": 8769, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "green onions", + "medium shrimp", + "parmigiano reggiano cheese", + "garlic cloves", + "ground black pepper", + "cream cheese", + "fresh parsley", + "half & half", + "refrigerated fettuccine" + ] + }, + { + "id": 47514, + "cuisine": "indian", + "ingredients": [ + "cold water", + "butter", + "green chilies", + "cooking oil", + "cilantro", + "cinnamon sticks", + "chana dal", + "raisins", + "cumin seed", + "bay leaves", + "salt", + "ground turmeric" + ] + }, + { + "id": 39759, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "arborio rice", + "salt", + "arugula", + "dry white wine", + "low salt chicken broth", + "pepper", + "chopped onion" + ] + }, + { + "id": 28619, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "whole milk", + "neutral oil", + "active dry yeast", + "all-purpose flour", + "warm water", + "vegetable shortening", + "powdered sugar", + "large egg whites", + "boiling water" + ] + }, + { + "id": 38863, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "garlic cloves", + "white onion", + "ground pork", + "ground cumin", + "reduced sodium chicken broth", + "vegetable oil", + "chopped cilantro fresh", + "white hominy", + "salt" + ] + }, + { + "id": 42832, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "extra-virgin olive oil", + "french bread", + "fresh basil leaves", + "ground black pepper", + "salt", + "cooking spray", + "plum tomatoes" + ] + }, + { + "id": 21528, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "pastry", + "vegetable oil", + "semi-sweet chocolate morsels", + "white vinegar", + "powdered sugar", + "egg whites", + "salt", + "eggs", + "olive oil", + "ricotta cheese", + "chocolate chips", + "cold water", + "shortening", + "flour", + "white sugar" + ] + }, + { + "id": 25049, + "cuisine": "indian", + "ingredients": [ + "whole wheat flour", + "paneer", + "ground turmeric", + "fennel seeds", + "chili powder", + "rajma", + "water", + "cilantro sprigs", + "onions", + "dough", + "coriander powder", + "salt" + ] + }, + { + "id": 46900, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "extra-virgin olive oil", + "spaghetti", + "garlic powder", + "onions", + "ground cumin", + "crushed tomatoes", + "crushed red pepper", + "italian seasoning", + "ground cinnamon", + "chili powder", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 37206, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "white sugar", + "unbaked pie crusts", + "vanilla extract", + "eggs", + "buttermilk", + "ground nutmeg", + "all-purpose flour" + ] + }, + { + "id": 24675, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "zucchini", + "all-purpose flour", + "chopped cilantro fresh", + "celery ribs", + "cocoa", + "vegetable oil", + "tequila", + "green bell pepper", + "jalapeno chilies", + "carrots", + "chicken broth", + "pepper", + "salt", + "onions" + ] + }, + { + "id": 13403, + "cuisine": "italian", + "ingredients": [ + "pepper", + "butter", + "bow-tie pasta", + "boneless skinless chicken breast halves", + "capers", + "artichoke hearts", + "bacon", + "fresh lemon juice", + "olive oil", + "heavy cream", + "all-purpose flour", + "white wine", + "mushrooms", + "salt", + "fresh parsley" + ] + }, + { + "id": 32257, + "cuisine": "indian", + "ingredients": [ + "salt", + "mango", + "mustard seeds", + "green chilies", + "sugar", + "jaggery" + ] + }, + { + "id": 21354, + "cuisine": "italian", + "ingredients": [ + "stewed tomatoes", + "yellow squash", + "sausage links", + "chopped onion", + "zucchini" + ] + }, + { + "id": 40588, + "cuisine": "irish", + "ingredients": [ + "reduced sodium beef broth", + "peas", + "onions", + "new potatoes", + "beer", + "ground pepper", + "all-purpose flour", + "chuck", + "tomato paste", + "coarse salt", + "garlic cloves" + ] + }, + { + "id": 2341, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "vegetable oil", + "chopped onion", + "black beans", + "mexicorn", + "tomatoes", + "red wine vinegar", + "tortilla chips", + "hot pepper sauce", + "salt" + ] + }, + { + "id": 8353, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "sour cream", + "tomatoes", + "chopped onion", + "sliced black olives", + "garlic salt", + "picante sauce", + "cream cheese" + ] + }, + { + "id": 10621, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "pears", + "vegetable oil", + "dried cherry", + "refrigerated piecrusts" + ] + }, + { + "id": 21851, + "cuisine": "italian", + "ingredients": [ + "pepper", + "olive oil", + "dried basil", + "balsamic vinegar", + "dried thyme", + "salt", + "sweet onion", + "cooking spray" + ] + }, + { + "id": 16317, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "hot chili powder", + "ginger root", + "fresh coriander", + "boneless skinless chicken breasts", + "cumin seed", + "tumeric", + "potatoes", + "natural yogurt", + "onions", + "chopped tomatoes", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 28168, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "lemon", + "garlic cloves", + "unsalted butter", + "cracked black pepper", + "olive oil", + "worcestershire sauce", + "jumbo shrimp", + "cajun seasoning", + "salt" + ] + }, + { + "id": 21051, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "fat free frozen top whip", + "reduced fat creamy peanut butter", + "sundae syrup", + "graham cracker crusts", + "sweetened condensed milk", + "cream cheese, soften" + ] + }, + { + "id": 1303, + "cuisine": "french", + "ingredients": [ + "clove", + "curly-leaf parsley", + "celery heart", + "yellow onion", + "mustard", + "kosher salt", + "bay leaves", + "thyme sprigs", + "pancetta", + "black peppercorns", + "pepper", + "yukon gold potatoes", + "chicken", + "green cabbage", + "oat groats", + "leeks", + "carrots" + ] + }, + { + "id": 8162, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "watercress", + "red bell pepper", + "mango", + "serrano chilies", + "cayenne", + "gingerroot", + "fresh lime juice", + "lime zest", + "coriander seeds", + "paprika", + "chutney", + "ground cumin", + "plain yogurt", + "vegetable oil", + "garlic cloves", + "medium shrimp" + ] + }, + { + "id": 38765, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "chopped cilantro", + "lamb shanks", + "garlic cloves", + "chiles", + "avocado leaves", + "vegetable oil", + "corn tortillas" + ] + }, + { + "id": 16346, + "cuisine": "indian", + "ingredients": [ + "pepper", + "vegetable oil", + "corn starch", + "boneless skinless chicken breast halves", + "curry powder", + "salt", + "cooking sherry", + "ground ginger", + "beef bouillon", + "creamy peanut butter", + "onions", + "water", + "garlic", + "coconut milk" + ] + }, + { + "id": 37892, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "heavy cream", + "canola oil", + "shallots", + "new york strip steaks", + "unsalted butter", + "fresh tarragon", + "black peppercorns", + "chopped fresh thyme", + "cognac" + ] + }, + { + "id": 17715, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "saltines", + "vegetable oil", + "cayenne", + "salt", + "catfish fillets", + "whole milk" + ] + }, + { + "id": 26010, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "vegetable oil", + "red bell pepper", + "beef", + "sauce", + "white sugar", + "kosher salt", + "dried rice noodles", + "onions", + "potato starch", + "sesame oil", + "beef sirloin" + ] + }, + { + "id": 18189, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "hot Italian sausages", + "white wine", + "pizza doughs", + "pesto", + "parsley", + "mozzarella cheese", + "sharp cheddar cheese" + ] + }, + { + "id": 9242, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "bread crumbs", + "green onions", + "greek seasoning", + "mushrooms", + "olive oil", + "kalamata" + ] + }, + { + "id": 44242, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "dry white wine", + "veal scallops", + "capers", + "all-purpose flour", + "unsalted butter", + "toasted pine nuts", + "fresh sage", + "bacon slices" + ] + }, + { + "id": 16997, + "cuisine": "irish", + "ingredients": [ + "parsley", + "onions", + "water", + "salt", + "pepper", + "mutton", + "potatoes", + "carrots" + ] + }, + { + "id": 44677, + "cuisine": "italian", + "ingredients": [ + "ground round", + "zucchini", + "salt", + "dried oregano", + "water", + "chopped celery", + "gnocchi", + "black pepper", + "sliced carrots", + "chopped onion", + "fat free less sodium chicken broth", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 2732, + "cuisine": "french", + "ingredients": [ + "water", + "ice water", + "vanilla extract", + "sugar", + "unsalted butter", + "mint sprigs", + "all-purpose flour", + "white chocolate", + "semisweet chocolate", + "whipping cream", + "strawberries", + "large egg yolks", + "red currant jelly", + "salt" + ] + }, + { + "id": 12972, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "garden peas", + "ground coriander", + "tumeric", + "chili powder", + "paneer", + "onions", + "tomatoes", + "yoghurt", + "garlic", + "cumin seed", + "fresh coriander", + "vegetable oil", + "salt" + ] + }, + { + "id": 34399, + "cuisine": "french", + "ingredients": [ + "clove", + "canned chicken broth", + "olive oil", + "lettuce leaves", + "red wine vinegar", + "purple onion", + "onions", + "eggs", + "pepper", + "ground nutmeg", + "pork loin", + "butter", + "salt", + "peppercorns", + "dried currants", + "dried thyme", + "bay leaves", + "chopped fresh thyme", + "whipping cream", + "fresh parsley", + "sugar", + "baguette", + "tawny port", + "shallots", + "large garlic cloves", + "all-purpose flour" + ] + }, + { + "id": 5688, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "crushed red pepper flakes", + "pasta", + "cooking spray", + "marinara sauce", + "part-skim ricotta cheese", + "part-skim mozzarella cheese", + "basil" + ] + }, + { + "id": 8941, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "boston butt", + "dry red wine", + "carrots", + "mozzarella cheese", + "bay leaves", + "crushed red pepper", + "onions", + "olive oil", + "large garlic cloves", + "sausages", + "plum tomatoes", + "pasta", + "grated parmesan cheese", + "chopped celery", + "thyme sprigs" + ] + }, + { + "id": 42715, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "pepper", + "watercress", + "creole seasoning", + "capers", + "lime juice", + "hoagie rolls", + "shrimp", + "eggs", + "minced garlic", + "salt", + "non stick spray", + "mustard", + "mayonaise", + "milk", + "hot sauce", + "cornmeal" + ] + }, + { + "id": 41198, + "cuisine": "italian", + "ingredients": [ + "butter", + "chopped parsley", + "sliced black olives", + "salt", + "eggs", + "garlic", + "spaghetti", + "grated parmesan cheese", + "sliced ham" + ] + }, + { + "id": 14500, + "cuisine": "chinese", + "ingredients": [ + "milk", + "vanilla extract", + "red bean paste", + "large eggs", + "unsalted butter", + "glutinous rice flour", + "sugar", + "baking powder" + ] + }, + { + "id": 9666, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "paprika", + "coconut milk", + "tomato purée", + "cardamon", + "fresh lemon juice", + "garam masala", + "ground coriander", + "chicken", + "grass-fed butter", + "chili powder", + "cinnamon sticks" + ] + }, + { + "id": 29838, + "cuisine": "cajun_creole", + "ingredients": [ + "baking soda", + "sugar", + "pecan halves", + "unsalted butter", + "light cream" + ] + }, + { + "id": 42155, + "cuisine": "mexican", + "ingredients": [ + "beef", + "juice", + "jalapeno chilies", + "flour tortillas", + "sour cream", + "avocado", + "cilantro" + ] + }, + { + "id": 10149, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "fresh lime juice", + "cilantro leaves", + "cilantro sprigs", + "lime zest", + "carrots" + ] + }, + { + "id": 3171, + "cuisine": "chinese", + "ingredients": [ + "boneless chicken skinless thigh", + "egg yolks", + "scallions", + "tomato paste", + "minced ginger", + "rice vinegar", + "toasted sesame oil", + "dark soy sauce", + "light soy sauce", + "peanut oil", + "chicken stock", + "minced garlic", + "chile de arbol", + "corn starch" + ] + }, + { + "id": 28986, + "cuisine": "italian", + "ingredients": [ + "water", + "light tuna packed in olive oil", + "salt", + "fresh rosemary", + "dry white wine", + "anchovy paste", + "chopped garlic", + "black pepper", + "boneless turkey breast", + "extra-virgin olive oil", + "lemon zest", + "tapenade", + "fresh lemon juice" + ] + }, + { + "id": 33644, + "cuisine": "thai", + "ingredients": [ + "eggs", + "rice noodles", + "white wine vinegar", + "boneless skinless chicken breast halves", + "peanuts", + "butter", + "beansprouts", + "fish sauce", + "vegetable oil", + "crushed red pepper", + "green onions", + "lemon", + "white sugar" + ] + }, + { + "id": 13355, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "cilantro leaves", + "chicken thighs", + "tamarind pulp", + "fenugreek seeds", + "chicken stock", + "sea salt", + "garlic cloves", + "chili flakes", + "yellow onion", + "chicken" + ] + }, + { + "id": 13783, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "diced tomatoes", + "black beans", + "green chilies", + "flour tortillas", + "onions", + "unbaked pie crusts", + "garlic" + ] + }, + { + "id": 29736, + "cuisine": "british", + "ingredients": [ + "baked beans", + "eggs", + "button mushrooms", + "tomatoes", + "sunflower oil", + "streaky bacon", + "pork sausages" + ] + }, + { + "id": 13860, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "ground beef", + "pepper", + "salt", + "jalapeno chilies", + "onions", + "shredded cheddar cheese", + "tortilla chips" + ] + }, + { + "id": 7367, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "dry sherry", + "corn starch", + "cooked rice", + "vegetable oil", + "new york strip steaks", + "greens", + "sesame seeds", + "rice vinegar", + "red bell pepper", + "sugar", + "red pepper flakes", + "garlic cloves" + ] + }, + { + "id": 4367, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "water", + "coriander seeds", + "salt", + "ground turmeric", + "red chili powder", + "pearl onions", + "urad dal", + "oil", + "black pepper", + "tamarind", + "baton", + "mustard seeds", + "tomatoes", + "coconut", + "vegetables", + "fenugreek seeds", + "cumin" + ] + }, + { + "id": 39128, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "fresh ginger root", + "rice wine", + "beef rib short", + "chestnuts", + "water", + "potatoes", + "salt", + "pears", + "brown sugar", + "shiitake", + "green onions", + "yellow onion", + "kiwi", + "ground ginger", + "minced garlic", + "ground black pepper", + "sesame oil", + "carrots" + ] + }, + { + "id": 44224, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "herb seasoning", + "pesto", + "tortellini", + "tomatoes", + "chicken breasts", + "zucchini", + "cheese" + ] + }, + { + "id": 35050, + "cuisine": "french", + "ingredients": [ + "coriander seeds", + "european style butter", + "fresh chives", + "new potatoes", + "ground black pepper", + "crème fraîche", + "kosher salt", + "sea salt" + ] + }, + { + "id": 48183, + "cuisine": "russian", + "ingredients": [ + "reduced-fat sour cream", + "boneless skinless chicken breast halves", + "chopped onion", + "butter", + "low salt chicken broth", + "paprika", + "plum tomatoes" + ] + }, + { + "id": 35833, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "sugar", + "large eggs", + "paprika", + "roux", + "andouille sausage", + "file powder", + "vegetable oil", + "ground cayenne pepper", + "powdered sugar", + "baking soda", + "onion powder", + "shrimp", + "chicken broth", + "garlic powder", + "baking powder", + "all-purpose flour", + "ground cumin" + ] + }, + { + "id": 24545, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "minced garlic", + "vegetable broth", + "fresh leav spinach", + "ground pepper", + "medium shrimp", + "scallops", + "leeks", + "red chili peppers", + "olive oil", + "red bell pepper" + ] + }, + { + "id": 11948, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "salt", + "garlic powder", + "baking powder", + "chicken", + "water", + "large eggs", + "hot sauce", + "ground black pepper", + "vegetable oil" + ] + }, + { + "id": 44600, + "cuisine": "british", + "ingredients": [ + "large egg whites", + "cream of tartar", + "strawberries", + "pure vanilla extract", + "granulated white sugar", + "caster sugar", + "heavy whipping cream" + ] + }, + { + "id": 19771, + "cuisine": "french", + "ingredients": [ + "grape tomatoes", + "extra-virgin olive oil", + "fresh lemon juice", + "dry white wine", + "garlic cloves", + "cooking spray", + "grated lemon zest", + "arugula", + "ground black pepper", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 18879, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "dried cherry", + "flat leaf parsley", + "sausage casings", + "butter", + "chicken broth", + "ground black pepper", + "onions", + "kosher salt", + "bread, cut french into loaf" + ] + }, + { + "id": 44682, + "cuisine": "korean", + "ingredients": [ + "mayonaise", + "salt", + "chopped cilantro fresh", + "pepper", + "peanut oil", + "bread crumb fresh", + "crabmeat", + "asian fish sauce", + "fresh ginger", + "shrimp" + ] + }, + { + "id": 37219, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cilantro leaves", + "tomatillos", + "onions", + "salt", + "chiles", + "garlic cloves" + ] + }, + { + "id": 27950, + "cuisine": "mexican", + "ingredients": [ + "green olives", + "jalapeno chilies", + "oil", + "onions", + "brown sugar", + "raisins", + "poblano chiles", + "cumin", + "ground cloves", + "garlic", + "cones", + "tomatoes", + "potatoes", + "liquid", + "ground beef" + ] + }, + { + "id": 33547, + "cuisine": "italian", + "ingredients": [ + "white onion", + "lasagna noodles", + "shredded mozzarella cheese", + "italian sausage", + "parmesan cheese", + "ricotta cheese", + "kosher salt", + "grated parmesan cheese", + "pasta sauce", + "ground black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 2501, + "cuisine": "indian", + "ingredients": [ + "sugar", + "dates", + "cardamom", + "clove", + "fresh ginger", + "salt", + "red chili peppers", + "raisins", + "ground cinnamon", + "vinegar", + "blanched almonds" + ] + }, + { + "id": 46345, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "whipping cream", + "frozen blueberries", + "bread", + "large eggs", + "salt", + "light brown sugar", + "granulated sugar", + "vanilla extract", + "confectioners sugar", + "ground cinnamon", + "butter", + "golden syrup" + ] + }, + { + "id": 49582, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "large eggs", + "corn starch", + "coconut extract", + "large egg whites", + "sweetened coconut flakes", + "sugar", + "unsalted butter", + "all-purpose flour", + "pure vanilla extract", + "water", + "spiced rum", + "canola oil" + ] + }, + { + "id": 33838, + "cuisine": "chinese", + "ingredients": [ + "eggplant", + "red pepper", + "garlic cloves", + "water", + "green onions", + "cooking wine", + "coriander", + "sugar", + "cooking oil", + "ginger", + "corn starch", + "light soy sauce", + "bean paste", + "salt", + "black vinegar" + ] + }, + { + "id": 32552, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "whole wheat tortillas", + "low sodium chicken stock", + "onions", + "avocado", + "lime slices", + "garlic", + "red enchilada sauce", + "olive oil", + "red pepper", + "green chilies", + "cumin", + "shredded cheddar cheese", + "boneless skinless chicken breasts", + "cayenne pepper", + "sour cream" + ] + }, + { + "id": 33857, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "green onions", + "soy sauce", + "frozen peas and carrots", + "cooked rice", + "sesame oil", + "white onion", + "chicken" + ] + }, + { + "id": 35966, + "cuisine": "greek", + "ingredients": [ + "ground round", + "large eggs", + "sandwich buns", + "feta cheese crumbles", + "bread crumb fresh", + "light mayonnaise", + "salt", + "dried oregano", + "fat free yogurt", + "cooking spray", + "purple onion", + "fresh parsley", + "frozen chopped spinach", + "roasted red peppers", + "cracked black pepper", + "garlic cloves" + ] + }, + { + "id": 13680, + "cuisine": "southern_us", + "ingredients": [ + "tangerine", + "butter", + "tangerine juice", + "cream sweeten whip", + "large eggs", + "all-purpose flour", + "yellow corn meal", + "milk", + "salt", + "sugar", + "refrigerated piecrusts", + "lemon juice" + ] + }, + { + "id": 24802, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "Sriracha", + "chili sauce", + "chillies", + "ground chicken", + "green onions", + "fresh mint", + "holy basil", + "lime", + "rice vermicelli", + "fresh lime juice", + "rice paper", + "brown sugar", + "roasted rice powder", + "peanut oil", + "onions" + ] + }, + { + "id": 22708, + "cuisine": "southern_us", + "ingredients": [ + "fresh herbs", + "brewed coffee", + "heavy whipping cream", + "firmly packed light brown sugar", + "ham", + "kumquats" + ] + }, + { + "id": 16175, + "cuisine": "british", + "ingredients": [ + "dried thyme", + "yukon gold potatoes", + "salt", + "carrots", + "tomato paste", + "sweet potatoes", + "red wine", + "yellow onion", + "puff pastry", + "olive oil", + "butter", + "all-purpose flour", + "lamb leg", + "fresh rosemary", + "onion powder", + "garlic", + "freshly ground pepper" + ] + }, + { + "id": 49343, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "garlic", + "cooked rice", + "sea salt", + "pinto beans", + "chili powder", + "salsa", + "black pepper", + "paprika", + "cumin" + ] + }, + { + "id": 44263, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "lasagna noodles", + "salt", + "part-skim mozzarella cheese", + "cooking spray", + "nonfat ricotta cheese", + "black pepper", + "marinara sauce", + "whole nutmegs", + "fresh parmesan cheese", + "butter" + ] + }, + { + "id": 37535, + "cuisine": "southern_us", + "ingredients": [ + "dark corn syrup", + "vanilla extract", + "half & half", + "dark brown sugar", + "egg yolks", + "salt", + "butter", + "corn starch" + ] + }, + { + "id": 11528, + "cuisine": "italian", + "ingredients": [ + "amaretti", + "mascarpone", + "brewed espresso", + "sugar", + "heavy cream", + "large eggs", + "salt" + ] + }, + { + "id": 27942, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "chopped pecans", + "salmon fillets", + "dark brown sugar", + "salt", + "pepper", + "lemon juice" + ] + }, + { + "id": 45546, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "chopped onion", + "red potato", + "garbanzo beans", + "unsweetened coconut milk", + "olive oil", + "baby spinach leaves", + "vegetable broth" + ] + }, + { + "id": 22657, + "cuisine": "indian", + "ingredients": [ + "oil", + "warm water", + "chapatti flour", + "salt" + ] + }, + { + "id": 5647, + "cuisine": "greek", + "ingredients": [ + "capers", + "salt", + "tomatoes", + "olive oil", + "onions", + "greek seasoning", + "pepper", + "lemon juice", + "pitted kalamata olives", + "halibut" + ] + }, + { + "id": 18410, + "cuisine": "thai", + "ingredients": [ + "chiles", + "garlic cloves", + "shallots", + "asian fish sauce", + "cilantro leaves", + "cherry tomatoes", + "fresh lemon juice" + ] + }, + { + "id": 45403, + "cuisine": "mexican", + "ingredients": [ + "lime rind", + "garlic cloves", + "ground red pepper", + "fresh lime juice", + "cooking spray", + "tequila", + "light brown sugar", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 6702, + "cuisine": "indian", + "ingredients": [ + "cayenne", + "plain whole-milk yogurt", + "cumin seed", + "fresh coriander", + "cucumber", + "garlic" + ] + }, + { + "id": 32611, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "cayenne", + "diced tomatoes", + "sweet paprika", + "brown sugar", + "dried thyme", + "boneless skinless chicken breasts", + "garlic", + "fresh parsley", + "soy sauce", + "olive oil", + "cajun seasoning", + "creole seasoning", + "onions", + "pepper", + "orange bell pepper", + "red pepper", + "wild rice", + "basmati rice" + ] + }, + { + "id": 4611, + "cuisine": "cajun_creole", + "ingredients": [ + "catfish fillets", + "poblano peppers", + "red wine vinegar", + "salt", + "lemon juice", + "onions", + "cooked rice", + "green onions", + "fish stock", + "hot sauce", + "fresh mint", + "green bell pepper", + "vegetable oil", + "garlic", + "freshly ground pepper", + "fresh parsley", + "tomatoes", + "jalapeno chilies", + "butter", + "all-purpose flour", + "red bell pepper", + "white cornmeal" + ] + }, + { + "id": 14085, + "cuisine": "korean", + "ingredients": [ + "pepper flakes", + "minced garlic", + "sugar", + "green onions", + "fish sauce", + "fresh ginger", + "green cabbage", + "kosher salt", + "yellow onion" + ] + }, + { + "id": 28675, + "cuisine": "mexican", + "ingredients": [ + "finely chopped onion", + "fresh oregano", + "chile pepper", + "chopped cilantro", + "minced garlic", + "tomatillos", + "ground cumin", + "water", + "salt" + ] + }, + { + "id": 20750, + "cuisine": "mexican", + "ingredients": [ + "chili flakes", + "salsa", + "spring onions", + "chips", + "sour cream", + "cheese" + ] + }, + { + "id": 11147, + "cuisine": "russian", + "ingredients": [ + "semolina flour", + "onions", + "soft goat's cheese", + "large eggs", + "unsalted butter", + "table salt", + "cream cheese" + ] + }, + { + "id": 20277, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "salsa verde", + "green onions", + "frozen corn", + "Daisy Sour Cream", + "fresh cilantro", + "roma tomatoes", + "salt", + "masa harina", + "lime juice", + "granulated sugar", + "butter", + "grate lime peel", + "green bell pepper", + "taco seasoning mix", + "jalapeno chilies", + "all-purpose flour" + ] + }, + { + "id": 33514, + "cuisine": "indian", + "ingredients": [ + "potatoes", + "cilantro leaves", + "tumeric", + "mint leaves", + "green chilies", + "cooking oil", + "salt", + "amchur", + "chili powder", + "cumin" + ] + }, + { + "id": 38335, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "hoisin sauce", + "large shrimp", + "peeled fresh ginger", + "rice pilaf", + "salad", + "garlic cloves" + ] + }, + { + "id": 6918, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "baking powder", + "all-purpose flour", + "yellow corn meal", + "baking soda", + "bacon", + "milk", + "buttermilk", + "pinto beans", + "eggs", + "ground black pepper", + "salt" + ] + }, + { + "id": 15319, + "cuisine": "moroccan", + "ingredients": [ + "ground pepper", + "purple onion", + "cardamom", + "water", + "dry red wine", + "beef broth", + "ground ginger", + "ground red pepper", + "salt", + "garlic cloves", + "ground cinnamon", + "vegetable oil", + "all-purpose flour", + "leg of lamb" + ] + }, + { + "id": 44257, + "cuisine": "greek", + "ingredients": [ + "diced tomatoes", + "chopped onion", + "olive oil", + "dry red wine", + "chicken thighs", + "large garlic cloves", + "fresh oregano", + "kalamata", + "feta cheese crumbles" + ] + }, + { + "id": 4405, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "pork butt", + "water", + "diced tomatoes", + "ground cumin", + "white onion", + "dri oregano leaves, crush", + "knorr tomato bouillon with chicken flavor cube", + "hominy", + "garlic" + ] + }, + { + "id": 14439, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "chili paste", + "white mushrooms", + "light brown sugar", + "lemongrass", + "green chilies", + "galangal", + "boneless, skinless chicken breast", + "cilantro leaves", + "coconut milk", + "chicken broth", + "lime", + "Thai fish sauce" + ] + }, + { + "id": 2275, + "cuisine": "french", + "ingredients": [ + "french bread", + "onion soup mix", + "beef broth", + "gruyere cheese", + "beef consomme", + "onions" + ] + }, + { + "id": 36998, + "cuisine": "korean", + "ingredients": [ + "green onions", + "oil", + "minced garlic", + "salt", + "sesame oil", + "sesame seeds", + "dried shiitake mushrooms" + ] + }, + { + "id": 11272, + "cuisine": "indian", + "ingredients": [ + "fish fillets", + "Biryani Masala", + "salt", + "green chilies", + "onions", + "clove", + "garam masala", + "chili powder", + "rice", + "oil", + "ground turmeric", + "milk", + "yoghurt", + "cilantro leaves", + "cumin seed", + "peppercorns", + "garlic paste", + "coriander powder", + "cinnamon", + "green cardamom", + "hot water", + "ginger paste" + ] + }, + { + "id": 43161, + "cuisine": "southern_us", + "ingredients": [ + "barbecue sauce", + "garlic", + "whiskey", + "water", + "butter", + "peach preserves", + "green onions", + "yellow onion", + "olive oil", + "worcestershire sauce", + "chicken thighs" + ] + }, + { + "id": 41268, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "pepper", + "chili powder", + "onions", + "sugar", + "grated parmesan cheese", + "ground beef", + "parsley sprigs", + "tomato juice", + "garlic cloves", + "dried oregano", + "tomato sauce", + "water", + "salt", + "spaghetti" + ] + }, + { + "id": 2095, + "cuisine": "french", + "ingredients": [ + "butter", + "thyme", + "bay scallops", + "garlic", + "chopped parsley", + "red wine", + "toasted almonds", + "shallots", + "salt" + ] + }, + { + "id": 18170, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "cauliflower florets", + "cayenne pepper", + "bay leaf", + "cinnamon", + "garlic", + "brown lentils", + "olive oil", + "vegetable broth", + "chickpeas", + "ground cumin", + "diced tomatoes", + "yellow onion", + "celery" + ] + }, + { + "id": 14168, + "cuisine": "japanese", + "ingredients": [ + "radicchio", + "chili oil", + "cucumber", + "sesame seeds", + "vegetable oil", + "carrots", + "ramen soup mix", + "sesame oil", + "rice vinegar", + "avocado", + "enokitake", + "pea pods", + "beansprouts" + ] + }, + { + "id": 12507, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "cajun seasoning", + "onion tops", + "chopped parsley", + "chicken", + "chicken stock", + "water", + "salt", + "thyme", + "onions", + "andouille sausage", + "garlic", + "okra", + "celery", + "cooked rice", + "ground black pepper", + "all-purpose flour", + "red bell pepper", + "canola oil" + ] + }, + { + "id": 43830, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "dry white wine", + "sliced mushrooms", + "crushed tomatoes", + "extra-virgin olive oil", + "capers", + "pappardelle pasta", + "juice", + "anchovies", + "red pepper flakes" + ] + }, + { + "id": 35251, + "cuisine": "southern_us", + "ingredients": [ + "mint", + "yellow food coloring", + "lemon slices", + "granulated sugar", + "whipped cream", + "fresh lemon juice", + "powdered sugar", + "butter", + "cream cheese", + "pure vanilla extract", + "lemon zest", + "vanilla wafer crumbs", + "sweetened condensed milk" + ] + }, + { + "id": 14824, + "cuisine": "italian", + "ingredients": [ + "butter", + "italian salad dressing", + "fresh green bean" + ] + }, + { + "id": 22456, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "coarse salt", + "flat leaf parsley", + "ground pepper", + "cheese tortellini", + "water", + "grated parmesan cheese", + "garlic cloves", + "shiitake", + "butter" + ] + }, + { + "id": 34893, + "cuisine": "mexican", + "ingredients": [ + "water", + "salt", + "butter", + "cinnamon sugar", + "large eggs", + "all-purpose flour", + "sugar", + "vanilla extract" + ] + }, + { + "id": 19845, + "cuisine": "moroccan", + "ingredients": [ + "preserved lemon", + "unsalted butter", + "cilantro leaves", + "onions", + "saffron threads", + "minced garlic", + "kalamata", + "freshly ground pepper", + "chicken", + "store bought low sodium chicken stock", + "sea salt", + "ground allspice", + "ground turmeric", + "ground ginger", + "cayenne", + "extra-virgin olive oil", + "couscous", + "ground cumin" + ] + }, + { + "id": 16302, + "cuisine": "spanish", + "ingredients": [ + "dry bread crumbs", + "fresh parsley", + "olive oil", + "pork loin chops", + "large eggs", + "serrano ham", + "garlic cloves" + ] + }, + { + "id": 46104, + "cuisine": "moroccan", + "ingredients": [ + "water", + "dry white wine", + "all-purpose flour", + "chopped cilantro", + "black pepper", + "olive oil", + "paprika", + "smoked paprika", + "active dry yeast", + "butter", + "cumin seed", + "onions", + "chili pepper", + "coriander seeds", + "salt", + "chopped parsley" + ] + }, + { + "id": 46754, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "pinenuts", + "loosely packed fresh basil leaves", + "olive oil", + "salt", + "large garlic cloves" + ] + }, + { + "id": 15225, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "grated nutmeg", + "ground cinnamon", + "unsweetened cocoa powder", + "instant espresso powder" + ] + }, + { + "id": 41730, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "salt", + "pecans", + "bourbon whiskey", + "brown sugar", + "butter", + "evaporated milk", + "vanilla extract" + ] + }, + { + "id": 13740, + "cuisine": "greek", + "ingredients": [ + "finely chopped onion", + "fresh parsley", + "fresh rosemary", + "bulgur", + "chopped fresh chives", + "broth", + "olive oil", + "couscous" + ] + }, + { + "id": 21145, + "cuisine": "brazilian", + "ingredients": [ + "water", + "pork country-style ribs", + "vegetable oil", + "onions", + "bay leaves", + "cooked white rice", + "dried black beans", + "garlic", + "chorizo sausage" + ] + }, + { + "id": 5455, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "vegetable oil", + "corn tortillas", + "cream of chicken soup", + "diced tomatoes", + "cooked chicken breasts", + "minced garlic", + "red pepper", + "onions", + "cream of celery soup", + "chili powder", + "green pepper" + ] + }, + { + "id": 26045, + "cuisine": "japanese", + "ingredients": [ + "dark soy sauce", + "egg yolks", + "sunflower oil", + "konbu", + "mirin", + "lemon wedge", + "cornflour", + "roe", + "sesame seeds", + "spring onions", + "ponzu", + "asparagus spears", + "chili flakes", + "self rising flour", + "carbonated water", + "rice vinegar" + ] + }, + { + "id": 23254, + "cuisine": "indian", + "ingredients": [ + "water", + "flour", + "ground cumin", + "cold water", + "semolina", + "salt", + "amchur", + "baking powder", + "mint", + "chili paste", + "ginger paste" + ] + }, + { + "id": 7401, + "cuisine": "greek", + "ingredients": [ + "parsley flakes", + "minced garlic", + "roast red peppers, drain", + "dried oregano", + "pepper", + "ground black pepper", + "onions", + "capers", + "olive oil", + "ripe olives", + "green olives", + "dried basil", + "pickled vegetables" + ] + }, + { + "id": 45921, + "cuisine": "cajun_creole", + "ingredients": [ + "seasoning", + "finely chopped onion", + "chopped celery", + "ham", + "water", + "ground red pepper", + "all-purpose flour", + "fresh parsley", + "crawfish", + "green onions", + "salt", + "red bell pepper", + "ground black pepper", + "vegetable oil", + "long-grain rice" + ] + }, + { + "id": 36168, + "cuisine": "japanese", + "ingredients": [ + "leeks", + "fresh pork fat", + "chicken", + "vegetable oil", + "garlic cloves", + "mushrooms", + "scallions", + "pig", + "ginger", + "onions" + ] + }, + { + "id": 7192, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "bay leaves", + "yellow onion", + "dried oregano", + "chiles", + "olive oil", + "worcestershire sauce", + "ancho chile pepper", + "reduced sodium vegetable broth", + "dried thyme", + "red wine vinegar", + "garlic cloves", + "ground cumin", + "red chili peppers", + "ground black pepper", + "salt", + "boiling water" + ] + }, + { + "id": 2664, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "fat free less sodium chicken broth", + "reduced fat milk", + "chopped onion", + "ground round", + "olive oil", + "diced tomatoes", + "ground turkey", + "tomato paste", + "minced garlic", + "dry white wine", + "carrots", + "black pepper", + "ground nutmeg", + "chopped celery" + ] + }, + { + "id": 46921, + "cuisine": "japanese", + "ingredients": [ + "sea salt", + "fresh ginger", + "cayenne pepper", + "sugar", + "rice vinegar", + "daikon", + "hothouse cucumber" + ] + }, + { + "id": 22219, + "cuisine": "chinese", + "ingredients": [ + "natural peanut butter", + "brown rice", + "sliced green onions", + "pork tenderloin", + "garlic cloves", + "picante sauce", + "dark sesame oil", + "low sodium soy sauce", + "peeled fresh ginger", + "red bell pepper" + ] + }, + { + "id": 44435, + "cuisine": "french", + "ingredients": [ + "green peppercorns", + "kosher salt", + "dry bread crumbs", + "onions", + "sugar", + "pappardelle pasta", + "flat leaf parsley", + "reduced sodium chicken broth", + "( oz.) tomato sauce", + "duck drumsticks", + "green olives", + "dried thyme", + "orange liqueur", + "orange zest" + ] + }, + { + "id": 18768, + "cuisine": "french", + "ingredients": [ + "chutney", + "vegetable oil", + "sweet potatoes", + "confit duck leg" + ] + }, + { + "id": 3937, + "cuisine": "indian", + "ingredients": [ + "tomato ketchup", + "vegetables", + "dough", + "butter oil", + "cilantro leaves" + ] + }, + { + "id": 41401, + "cuisine": "japanese", + "ingredients": [ + "sake", + "sea scallops", + "button mushrooms", + "molasses", + "mirin", + "fresh ginger", + "worcestershire sauce", + "sugar", + "reduced sodium soy sauce", + "scallions" + ] + }, + { + "id": 12594, + "cuisine": "cajun_creole", + "ingredients": [ + "scallion greens", + "water", + "large eggs", + "mesclun", + "puff pastry sheets", + "crawfish", + "unsalted butter", + "all-purpose flour", + "tomatoes", + "olive oil", + "pastry shell", + "onions", + "green bell pepper", + "cayenne", + "white wine vinegar" + ] + }, + { + "id": 18146, + "cuisine": "southern_us", + "ingredients": [ + "ground ginger", + "boneless chicken skinless thigh", + "diced tomatoes", + "cooked shrimp", + "green bell pepper", + "curry powder", + "garlic", + "chicken broth", + "kosher salt", + "white rice", + "onions", + "granny smith apples", + "raisins", + "cayenne pepper" + ] + }, + { + "id": 38760, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "yellow split peas", + "onions", + "curry leaves", + "vegetable oil", + "garlic cloves", + "lemon wedge", + "cumin seed", + "ground turmeric", + "chopped tomatoes", + "vegetable stock", + "chillies" + ] + }, + { + "id": 28528, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "tomatoes", + "pesto" + ] + }, + { + "id": 25653, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "cayenne pepper sauce", + "olive oil", + "fresh orange juice", + "honey", + "onions" + ] + }, + { + "id": 42780, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "orange zest", + "orange juice", + "sweetened condensed milk", + "sugar" + ] + }, + { + "id": 16449, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "red wine", + "salt", + "broth", + "pepper", + "tomato juice", + "littleneck clams", + "chopped onion", + "fish", + "tomatoes", + "Dungeness crabs", + "basil", + "halibut", + "large shrimp", + "chopped bell pepper", + "parsley", + "garlic", + "bouquet" + ] + }, + { + "id": 598, + "cuisine": "italian", + "ingredients": [ + "ragu old world style pasta sauc", + "shredded mozzarella cheese", + "ricotta cheese", + "ground beef", + "grated parmesan cheese", + "rotini", + "dri oregano leaves, crush" + ] + }, + { + "id": 23310, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "lemon juice", + "pepper", + "queso fresco", + "grated lemon zest", + "onions", + "portuguese rolls", + "ground pork", + "garlic cloves", + "mayonaise", + "poblano peppers", + "spanish chorizo", + "smoked paprika" + ] + }, + { + "id": 18120, + "cuisine": "italian", + "ingredients": [ + "dried currants", + "olive oil", + "grated parmesan cheese", + "garlic cloves", + "pinenuts", + "finely chopped onion", + "sweet italian sausage", + "bread crumb fresh", + "ground black pepper", + "diced tomatoes", + "spaghetti", + "fresh basil", + "milk", + "large eggs", + "chopped onion" + ] + }, + { + "id": 27638, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "self-rising cake flour", + "large eggs", + "pitted date", + "dark brown sugar" + ] + }, + { + "id": 22086, + "cuisine": "chinese", + "ingredients": [ + "chiles", + "star anise", + "toasted sesame oil", + "shallots", + "peanut oil", + "fresh ginger", + "garlic", + "szechwan peppercorns", + "cinnamon sticks" + ] + }, + { + "id": 22550, + "cuisine": "italian", + "ingredients": [ + "pasta", + "crumbled blue cheese", + "diced tomatoes", + "olive oil", + "baby spinach", + "garlic", + "sugar", + "half & half", + "crushed red pepper flakes", + "ground black pepper", + "heavy cream", + "salt" + ] + }, + { + "id": 11302, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "water", + "vanilla extract", + "sugar", + "light corn syrup", + "baking soda", + "salted peanuts" + ] + }, + { + "id": 28738, + "cuisine": "mexican", + "ingredients": [ + "salt", + "vegetable shortening", + "baking powder", + "hot water", + "all-purpose flour" + ] + }, + { + "id": 16296, + "cuisine": "southern_us", + "ingredients": [ + "grapefruit", + "sugar", + "red grapefruit juice", + "ginger ale", + "cinnamon sticks", + "crushed ice" + ] + }, + { + "id": 1704, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "grated parmesan cheese", + "italian seasoning", + "olive oil", + "bagels", + "garlic" + ] + }, + { + "id": 42023, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "celery", + "water", + "carrots", + "cabbage", + "miso", + "onions", + "fresh ginger root", + "toasted sesame oil", + "canola oil" + ] + }, + { + "id": 37358, + "cuisine": "mexican", + "ingredients": [ + "ground chipotle chile pepper", + "chopped cilantro fresh", + "Knorr® Vegetable recipe mix", + "lime juice", + "chickpeas" + ] + }, + { + "id": 1152, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "jalapeno chilies", + "snapper fillets", + "garlic salt", + "tomato purée", + "asparagus", + "salt", + "shrimp", + "sugar", + "zucchini", + "crabmeat", + "chopped cilantro", + "fontina cheese", + "olive oil", + "shallots", + "carrots", + "plum tomatoes" + ] + }, + { + "id": 12401, + "cuisine": "indian", + "ingredients": [ + "cardamom", + "jaggery", + "salt", + "ghee", + "wheat flour", + "oil", + "toor dal" + ] + }, + { + "id": 35948, + "cuisine": "british", + "ingredients": [ + "eggs", + "baking soda", + "ground cloves", + "corn syrup", + "ground cinnamon", + "cider vinegar", + "white sugar", + "shortening", + "all-purpose flour" + ] + }, + { + "id": 49008, + "cuisine": "filipino", + "ingredients": [ + "tomato sauce", + "hot dogs", + "onions", + "ketchup", + "salt", + "canola oil", + "sugar", + "grating cheese", + "noodles", + "water", + "ground beef" + ] + }, + { + "id": 36308, + "cuisine": "italian", + "ingredients": [ + "butter", + "medium shrimp", + "salt", + "garlic", + "plum tomatoes", + "olive oil", + "cayenne pepper" + ] + }, + { + "id": 14721, + "cuisine": "southern_us", + "ingredients": [ + "plain yogurt", + "baking powder", + "fresh dill", + "unsalted butter", + "all-purpose flour", + "baking soda", + "salt", + "sugar", + "whole milk", + "extra sharp cheddar cheese" + ] + }, + { + "id": 26508, + "cuisine": "indian", + "ingredients": [ + "egg whites", + "vegetable oil", + "puff pastry", + "chicken breasts", + "salt", + "ground cumin", + "yoghurt", + "ginger", + "ground turmeric", + "chili powder", + "onions" + ] + }, + { + "id": 35312, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "coriander seeds", + "lemon wedge", + "salt", + "chopped cilantro", + "water", + "ground black pepper", + "cilantro", + "long-grain rice", + "tomato sauce", + "garlic powder", + "lean ground beef", + "yellow onion", + "celery ribs", + "olive oil", + "potatoes", + "garlic", + "carrots" + ] + }, + { + "id": 16456, + "cuisine": "vietnamese", + "ingredients": [ + "vietnamese fish sauce", + "sugar", + "fresh lime juice", + "green chile", + "garlic cloves", + "water" + ] + }, + { + "id": 47678, + "cuisine": "southern_us", + "ingredients": [ + "kale", + "olive oil", + "creole seasoning" + ] + }, + { + "id": 28032, + "cuisine": "italian", + "ingredients": [ + "chopped ham", + "ground black pepper", + "garlic", + "onions", + "crushed tomatoes", + "cannellini beans", + "celery", + "pasta", + "beef stock", + "carrots", + "olive oil", + "chopped fresh thyme", + "bay leaf" + ] + }, + { + "id": 9659, + "cuisine": "french", + "ingredients": [ + "oil cured olives", + "grated lemon zest", + "green olives", + "chopped fresh thyme", + "garlic cloves", + "ground black pepper", + "anchovy fillets", + "capers", + "kalamata", + "flat leaf parsley" + ] + }, + { + "id": 1288, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "pepper", + "vegetable oil", + "all-purpose flour", + "ground beef", + "sugar", + "active dry yeast", + "salt", + "lemon juice", + "bread flour", + "soy sauce", + "swiss chard", + "rice vinegar", + "cornmeal", + "powdered sugar", + "water", + "cilantro", + "garlic cloves", + "onions" + ] + }, + { + "id": 36739, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "lard", + "queso fresco", + "vegetable stock", + "tortilla chips" + ] + }, + { + "id": 10601, + "cuisine": "moroccan", + "ingredients": [ + "active dry yeast", + "all-purpose flour", + "semolina flour", + "olive oil", + "nigella seeds", + "honey", + "barley flour", + "water", + "salt", + "cornmeal" + ] + }, + { + "id": 38299, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "navel oranges", + "asparagus", + "vegetable oil", + "avocado", + "cooked chicken", + "toasted sesame seeds", + "shredded cabbage", + "wonton wrappers" + ] + }, + { + "id": 39327, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "oyster sauce", + "fresh ginger", + "teriyaki sauce", + "spring onions", + "garlic", + "scallops", + "dry sherry", + "lemon juice" + ] + }, + { + "id": 16981, + "cuisine": "irish", + "ingredients": [ + "vegetable oil cooking spray", + "carrots", + "salt", + "rutabaga", + "margarine", + "honey" + ] + }, + { + "id": 35963, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cannellini beans", + "fresh parmesan cheese", + "fresh lemon juice", + "ground pepper", + "garlic cloves", + "kale", + "roasted red peppers", + "rigatoni" + ] + }, + { + "id": 1643, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "reduced sodium soy sauce", + "vegetable oil", + "garlic", + "dry roasted peanuts", + "chicken breasts", + "dry sherry", + "spaghetti", + "kosher salt", + "green onions", + "red wine vinegar", + "corn starch", + "chicken broth", + "ground black pepper", + "sesame oil", + "chili paste with garlic" + ] + }, + { + "id": 33117, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "cumin seed", + "salmon", + "shallots", + "fresh lime juice", + "ground black pepper", + "greek yogurt", + "kosher salt", + "mango chutney" + ] + }, + { + "id": 39438, + "cuisine": "vietnamese", + "ingredients": [ + "pepper", + "spices", + "salt", + "sugar", + "peanuts", + "feet", + "fish sauce", + "lemongrass", + "garlic", + "white wine", + "flour", + "purple onion" + ] + }, + { + "id": 24767, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "large eggs", + "extra-virgin olive oil", + "heavy whipping cream", + "kosher salt", + "chopped green bell pepper", + "pimentos", + "hot sauce", + "ground cumin", + "unsalted butter", + "golden raisins", + "all-purpose flour", + "ground beef", + "honey", + "finely chopped onion", + "lime wedges", + "cream cheese" + ] + }, + { + "id": 32678, + "cuisine": "japanese", + "ingredients": [ + "red chili powder", + "bay leaves", + "salt", + "oil", + "ground turmeric", + "garam masala", + "kasuri methi", + "cubed potatoes", + "frozen peas", + "red chili peppers", + "ginger", + "cilantro leaves", + "onions", + "tomatoes", + "coriander powder", + "garlic", + "cumin seed", + "cashew nuts" + ] + }, + { + "id": 30851, + "cuisine": "italian", + "ingredients": [ + "red bell pepper", + "balsamic vinegar", + "fresh basil leaves", + "yellow bell pepper", + "olive oil", + "orange peel" + ] + }, + { + "id": 37131, + "cuisine": "italian", + "ingredients": [ + "ground pepper", + "frozen peas", + "penne", + "lemon", + "coarse salt", + "olive oil", + "blanched almonds" + ] + }, + { + "id": 41935, + "cuisine": "thai", + "ingredients": [ + "( oz.) tomato sauce", + "serrano chilies", + "golden raisins", + "firmly packed brown sugar", + "chopped garlic", + "vinegar" + ] + }, + { + "id": 41324, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "salt", + "whipping cream", + "light corn syrup", + "chopped pecans", + "light brown sugar", + "vanilla extract" + ] + }, + { + "id": 45287, + "cuisine": "southern_us", + "ingredients": [ + "yoghurt", + "corn flour", + "sea salt", + "vegetable oil", + "ground black pepper", + "okra" + ] + }, + { + "id": 9275, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper", + "capers", + "italian style stewed tomatoes", + "garlic cloves", + "fresh basil", + "eggplant", + "chopped onion", + "pitted kalamata olives", + "balsamic vinegar" + ] + }, + { + "id": 16023, + "cuisine": "italian", + "ingredients": [ + "lemon zest", + "salt", + "mayonaise", + "baby spinach", + "bread slices", + "fresh basil", + "chicken breasts", + "freshly ground pepper", + "sun-dried tomatoes", + "butter", + "smoked gouda" + ] + }, + { + "id": 10730, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "white rice", + "red bell pepper", + "olive oil", + "cilantro", + "salt", + "cumin", + "canned black beans", + "chili powder", + "purple onion", + "oregano", + "zucchini", + "button mushrooms", + "shredded cheese" + ] + }, + { + "id": 48973, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "lemon", + "ras el hanout", + "chuck", + "kosher salt", + "low-fat greek yogurt", + "extra-virgin olive oil", + "fresh mint", + "minced garlic", + "ground black pepper", + "dipping sauces", + "ground lamb", + "fresh ginger", + "mint sprigs", + "salt" + ] + }, + { + "id": 8931, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "onion powder", + "fresh lime juice", + "ground cumin", + "pepper", + "flour tortillas", + "salt", + "coriander", + "black beans", + "diced red onions", + "red pepper", + "chopped cilantro", + "water", + "jalapeno chilies", + "shredded pepper jack cheese", + "mango" + ] + }, + { + "id": 2315, + "cuisine": "moroccan", + "ingredients": [ + "lemon", + "garlic cloves", + "olive oil", + "vegetable broth", + "fava beans", + "paprika", + "cumin", + "cayenne", + "salt" + ] + }, + { + "id": 34848, + "cuisine": "italian", + "ingredients": [ + "cream", + "garlic", + "fresh basil", + "olive oil", + "red bell pepper", + "crushed tomatoes", + "penne pasta", + "sugar", + "roma tomatoes" + ] + }, + { + "id": 25894, + "cuisine": "filipino", + "ingredients": [ + "water", + "pork bouillon cube", + "pork", + "garlic", + "noodles", + "veggies", + "onions", + "soy sauce", + "oil" + ] + }, + { + "id": 25372, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "quinoa", + "green chilies", + "chicken broth", + "corn", + "garlic", + "cumin", + "fresh cilantro", + "diced tomatoes", + "onions", + "black beans", + "olive oil", + "salt" + ] + }, + { + "id": 12639, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "almond extract", + "pure vanilla extract", + "coffee liqueur", + "cinnamon sticks", + "half & half", + "mexican chocolate", + "sugar", + "whole milk" + ] + }, + { + "id": 17827, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "sugar", + "vanilla extract", + "vegetable oil cooking spray", + "peaches", + "all-purpose flour", + "ground cinnamon", + "slivered almonds", + "ice water", + "margarine", + "firmly packed brown sugar", + "water", + "salt" + ] + }, + { + "id": 16468, + "cuisine": "thai", + "ingredients": [ + "green curry paste", + "broccoli", + "parboiled rice", + "coconut milk", + "leeks", + "carrots", + "silken tofu", + "red pepper" + ] + }, + { + "id": 31224, + "cuisine": "spanish", + "ingredients": [ + "dried thyme", + "green peas", + "green beans", + "olive oil", + "white rice", + "butter beans", + "saffron threads", + "paprika", + "salt", + "dried rosemary", + "tomatoes", + "rabbit", + "garlic cloves", + "chicken" + ] + }, + { + "id": 22559, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "corn tortillas", + "tomato sauce", + "diced tomatoes", + "cooked chicken", + "shredded cheddar cheese", + "red enchilada sauce" + ] + }, + { + "id": 47864, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "sea scallops", + "mussels", + "jasmine rice", + "shrimp", + "unsweetened coconut milk", + "broccoli slaw", + "Thai red curry paste", + "fresh basil", + "water", + "fresh lime juice" + ] + }, + { + "id": 41736, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "red bell pepper", + "green bell pepper", + "canned tomatoes", + "water", + "sweet italian sausage", + "arborio rice", + "dry white wine", + "onions" + ] + }, + { + "id": 35857, + "cuisine": "filipino", + "ingredients": [ + "butter", + "brown sugar", + "orange juice", + "satsuma imo" + ] + }, + { + "id": 35314, + "cuisine": "british", + "ingredients": [ + "milk", + "eggs", + "all-purpose flour", + "beef drippings", + "salt" + ] + }, + { + "id": 7690, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "large eggs", + "salt", + "bread slices", + "bananas", + "whipping cream", + "salted peanuts", + "sugar", + "butter", + "all-purpose flour", + "granulated sugar", + "vanilla extract", + "creamy peanut butter" + ] + }, + { + "id": 46390, + "cuisine": "french", + "ingredients": [ + "radishes", + "solid white tuna", + "garlic cloves", + "olive oil", + "green leaf lettuce", + "anchovy fillets", + "tomatoes", + "hard-boiled egg", + "black olives", + "fresh lemon juice", + "fresh basil", + "green onions", + "green pepper", + "cucumber" + ] + }, + { + "id": 44829, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "salt", + "potato chips", + "pepper", + "fresh lemon juice", + "sliced almonds", + "sharp cheddar cheese", + "onions", + "chicken breasts", + "diced celery" + ] + }, + { + "id": 2357, + "cuisine": "japanese", + "ingredients": [ + "green tea", + "baking powder", + "egg yolks", + "cake flour", + "water", + "black sesame seeds", + "white sugar", + "egg whites", + "vanilla extract" + ] + }, + { + "id": 44527, + "cuisine": "southern_us", + "ingredients": [ + "dark rum", + "light rum", + "amaretto liqueur", + "pineapple juice", + "lemon juice", + "cocktail cherries", + "orange juice", + "orange", + "grenadine syrup" + ] + }, + { + "id": 22909, + "cuisine": "irish", + "ingredients": [ + "tumeric", + "sweet potatoes", + "lamb shoulder", + "freshly ground pepper", + "ground cumin", + "soft goat's cheese", + "unsalted butter", + "extra-virgin olive oil", + "ground allspice", + "onions", + "water", + "baby spinach", + "salt", + "garlic cloves", + "milk", + "paprika", + "all-purpose flour", + "carrots" + ] + }, + { + "id": 2318, + "cuisine": "southern_us", + "ingredients": [ + "water", + "garlic", + "crab boil", + "crawfish", + "lemon", + "cayenne pepper", + "onions", + "corn", + "salt", + "small red potato", + "bell pepper", + "hot sauce", + "celery" + ] + }, + { + "id": 28422, + "cuisine": "vietnamese", + "ingredients": [ + "fresh shiitake mushrooms", + "salt", + "baby corn", + "water", + "cauliflower florets", + "carrots", + "fish sauce", + "rice wine", + "oil", + "kale", + "garlic", + "ground white pepper" + ] + }, + { + "id": 17241, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "monkfish fillets", + "red pepper", + "cumin seed", + "chopped cilantro fresh", + "picholine olives", + "bay leaves", + "garlic", + "flat leaf parsley", + "fresh cilantro", + "coarse salt", + "sweet paprika", + "celery", + "preserved lemon", + "green bell pepper, slice", + "extra-virgin olive oil", + "carrots" + ] + }, + { + "id": 18116, + "cuisine": "moroccan", + "ingredients": [ + "fat free less sodium chicken broth", + "ground red pepper", + "salt", + "cooking spray", + "reduced-fat sour cream", + "chopped cilantro", + "curry powder", + "large garlic cloves", + "ground coriander", + "butternut squash", + "1% low-fat milk", + "ground cumin" + ] + }, + { + "id": 31927, + "cuisine": "italian", + "ingredients": [ + "semolina", + "ravioli", + "grated nutmeg", + "fresh sage", + "grated parmesan cheese", + "extra-virgin olive oil", + "flat leaf parsley", + "reduced sodium chicken broth", + "butternut squash", + "salt", + "dough", + "ground black pepper", + "butter", + "toasted almonds" + ] + }, + { + "id": 21299, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "boneless skinless chicken breasts", + "onions", + "soy sauce", + "garlic", + "brown sugar", + "vegetable oil", + "fresh basil leaves", + "Sriracha", + "crushed red pepper" + ] + }, + { + "id": 37577, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "chicken", + "zucchini", + "parmesan cheese", + "bow-tie pasta" + ] + }, + { + "id": 37551, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "napa cabbage", + "dark sesame oil", + "sliced green onions", + "kosher salt", + "ginger", + "corn starch", + "soy sauce", + "ground pork", + "shrimp", + "chicken broth", + "wonton wrappers", + "garlic", + "ground white pepper" + ] + }, + { + "id": 26125, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "flour", + "chicken wingettes", + "corn starch", + "honey", + "sesame oil", + "rice vinegar", + "water", + "green onions", + "garlic", + "canola oil", + "sesame seeds", + "ginger", + "Gochujang base" + ] + }, + { + "id": 16674, + "cuisine": "mexican", + "ingredients": [ + "serrano chile", + "tomatillos", + "avocado", + "salt" + ] + }, + { + "id": 17891, + "cuisine": "southern_us", + "ingredients": [ + "sesame oil", + "sweet paprika", + "honey", + "diced tomatoes", + "chopped parsley", + "Sriracha", + "extra-virgin olive oil", + "onions", + "sugar", + "heavy cream", + "garlic cloves" + ] + }, + { + "id": 45308, + "cuisine": "french", + "ingredients": [ + "shallots", + "all-purpose flour", + "unsalted butter", + "cheese", + "heavy whipping cream", + "ground black pepper", + "ice water", + "grated nutmeg", + "large eggs", + "salt" + ] + }, + { + "id": 3687, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "peeled fresh ginger", + "garlic cloves", + "jasmine rice", + "peanut oil", + "bok choy", + "pork", + "lime wedges", + "cucumber", + "green chile", + "fresh cilantro", + "scallions" + ] + }, + { + "id": 5971, + "cuisine": "mexican", + "ingredients": [ + "chuck roast", + "red pepper", + "salt", + "smoked paprika", + "cumin", + "garlic powder", + "chili powder", + "cilantro", + "green pepper", + "corn tortillas", + "black pepper", + "guacamole", + "shredded lettuce", + "salsa", + "sour cream", + "diced green chilies", + "onion powder", + "cheese", + "taco toppings", + "onions" + ] + }, + { + "id": 6187, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "coconut oil", + "fresh ginger", + "garlic", + "cumin", + "clove", + "white onion", + "cinnamon", + "ghee", + "tomato paste", + "water", + "sea salt", + "brown basmati rice", + "red lentils", + "fresh spinach", + "garam masala", + "cardamom" + ] + }, + { + "id": 10186, + "cuisine": "korean", + "ingredients": [ + "bean threads", + "shredded carrots", + "garlic", + "green beans", + "soy sauce", + "flank steak", + "dried shiitake mushrooms", + "pepper", + "sesame oil", + "yellow onion", + "sugar", + "green onions", + "salt", + "toasted sesame seeds" + ] + }, + { + "id": 29407, + "cuisine": "italian", + "ingredients": [ + "water", + "semisweet chocolate", + "whipping cream", + "milk chocolate", + "unsalted butter", + "light corn syrup", + "roasted hazelnuts", + "vanilla beans", + "egg yolks", + "sour cream", + "sugar", + "large egg yolks", + "half & half", + "Frangelico" + ] + }, + { + "id": 35501, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "cooked chicken", + "garlic", + "sliced green onions", + "flour tortillas", + "onion powder", + "fresh lime juice", + "salsa verde", + "chili powder", + "cream cheese", + "ground cumin", + "cooking spray", + "cheese", + "chopped cilantro" + ] + }, + { + "id": 31045, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "onions", + "eggs", + "vegetable oil", + "chicken bouillon", + "snow peas", + "instant rice", + "beansprouts" + ] + }, + { + "id": 40937, + "cuisine": "italian", + "ingredients": [ + "shallots", + "small white beans", + "bay leaf", + "calamari", + "garlic cloves", + "thyme sprigs", + "extra-virgin olive oil", + "fresh lemon juice", + "onions", + "crushed red pepper", + "flat leaf parsley" + ] + }, + { + "id": 12604, + "cuisine": "mexican", + "ingredients": [ + "water", + "salt", + "chili powder", + "cayenne pepper", + "garlic powder", + "all-purpose flour", + "tomato paste", + "vegetable oil", + "cumin" + ] + }, + { + "id": 30888, + "cuisine": "chinese", + "ingredients": [ + "boneless pork shoulder", + "water", + "corn oil", + "corn starch", + "firmly packed brown sugar", + "fresh ginger", + "chinese five-spice powder", + "asian eggplants", + "steamed rice", + "rice wine", + "soy sauce", + "green onions", + "garlic cloves" + ] + }, + { + "id": 11313, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "meatballs", + "garlic", + "ground cayenne pepper", + "spaghetti", + "fresh basil", + "olive oil", + "diced tomatoes", + "sauce", + "fresh parsley", + "eggs", + "kosher salt", + "grated parmesan cheese", + "salt", + "ground beef", + "black pepper", + "parmesan cheese", + "crushed red pepper flakes", + "garlic cloves", + "fresh basil leaves" + ] + }, + { + "id": 40120, + "cuisine": "korean", + "ingredients": [ + "fish sauce", + "green onions", + "ginger", + "sweet rice flour", + "kosher salt", + "daikon", + "carrots", + "water", + "red pepper flakes", + "shrimp", + "sugar", + "napa cabbage", + "garlic cloves" + ] + }, + { + "id": 10731, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "water", + "sugar", + "raspberry preserves", + "slivered almonds", + "large egg whites", + "sliced almonds", + "almond extract" + ] + }, + { + "id": 21295, + "cuisine": "italian", + "ingredients": [ + "fennel bulb", + "salt", + "white bread", + "ricotta cheese", + "cooking spray", + "ground black pepper", + "fresh tarragon" + ] + }, + { + "id": 27853, + "cuisine": "british", + "ingredients": [ + "kosher salt", + "all-purpose flour", + "chocolate covered english toffee", + "granulated sugar", + "light brown sugar", + "unsalted butter", + "corn starch", + "pecans", + "vanilla extract" + ] + }, + { + "id": 34279, + "cuisine": "british", + "ingredients": [ + "fresh blueberries", + "salt", + "Swerve Sweetener", + "whipping cream", + "cream of tartar", + "vanilla", + "raspberry liqueur", + "egg whites", + "vanilla extract" + ] + }, + { + "id": 28415, + "cuisine": "thai", + "ingredients": [ + "chile paste with garlic", + "peeled fresh ginger", + "loosely packed fresh basil leaves", + "Thai fish sauce", + "red cabbage", + "watercress", + "cilantro leaves", + "fresh lime juice", + "brown sugar", + "flank steak", + "unsalted dry roast peanuts", + "fresh mint", + "cooking spray", + "cracked black pepper", + "carrots" + ] + }, + { + "id": 30776, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "orange peel", + "coriander seeds", + "crushed red pepper", + "chopped cilantro fresh", + "low sodium soy sauce", + "large garlic cloves", + "rib", + "szechwan peppercorns", + "salt", + "chicken" + ] + }, + { + "id": 40212, + "cuisine": "mexican", + "ingredients": [ + "lime", + "chile pepper", + "cilantro leaves", + "corn oil", + "garlic", + "honey", + "fresh thyme leaves", + "kosher salt", + "flank steak", + "purple onion" + ] + }, + { + "id": 40426, + "cuisine": "brazilian", + "ingredients": [ + "chopped green bell pepper", + "merluza", + "onions", + "tomatoes", + "yellow bell pepper", + "flat leaf parsley", + "chopped garlic", + "shell-on shrimp", + "salt", + "chopped cilantro fresh", + "pepper", + "extra-virgin olive oil", + "fresh lime juice", + "plantains" + ] + }, + { + "id": 22867, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "shredded lettuce", + "chopped tomatoes", + "ground beef", + "Old El Paso™ taco seasoning mix", + "ripe olives", + "taco sauce", + "Pillsbury™ Refrigerated Crescent Dinner Rolls", + "nacho cheese tortilla chips" + ] + }, + { + "id": 29947, + "cuisine": "cajun_creole", + "ingredients": [ + "cider vinegar", + "ground red pepper", + "salt", + "ketchup", + "green onions", + "paprika", + "prepared horseradish", + "vegetable oil", + "lemon juice", + "black pepper", + "prepared mustard", + "chopped celery" + ] + }, + { + "id": 21348, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "apricot preserves", + "sugar", + "vanilla extract", + "vegetable oil cooking spray", + "refrigerated piecrusts", + "apricots", + "cream", + "all-purpose flour" + ] + }, + { + "id": 12892, + "cuisine": "thai", + "ingredients": [ + "cooking oil", + "fresh basil", + "roasted peanuts", + "water", + "shrimp", + "spring roll wrappers", + "sauce" + ] + }, + { + "id": 27854, + "cuisine": "southern_us", + "ingredients": [ + "lime zest", + "butter", + "granulated sugar", + "sweetened condensed milk", + "large egg yolks", + "heavy cream", + "graham cracker crumbs", + "key lime juice" + ] + }, + { + "id": 32976, + "cuisine": "jamaican", + "ingredients": [ + "tarragon vinegar", + "chopped fresh thyme", + "garlic cloves", + "eggs", + "chives", + "salt", + "boiling water", + "pepper", + "vegetable oil", + "all-purpose flour", + "ground black pepper", + "dried salted codfish", + "onions" + ] + }, + { + "id": 33981, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "stewed tomatoes", + "cooking spray", + "polenta", + "ground turkey breast", + "garlic cloves", + "ground red pepper", + "italian seasoning" + ] + }, + { + "id": 3272, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "sea scallops", + "large garlic cloves", + "Thai fish sauce", + "chopped fresh mint", + "serrano chilies", + "lemongrass", + "vegetable oil", + "garlic chili sauce", + "fresh lime juice", + "bean threads", + "water", + "shallots", + "garlic cloves", + "beansprouts", + "snow peas", + "sugar", + "shredded carrots", + "salted roast peanuts", + "cucumber", + "chopped cilantro fresh" + ] + }, + { + "id": 28967, + "cuisine": "mexican", + "ingredients": [ + "celery ribs", + "chili powder", + "poblano chiles", + "dried oregano", + "hominy", + "garlic", + "onions", + "ground cumin", + "black pepper", + "parsley", + "fresh lime juice", + "chicken", + "jalapeno chilies", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 39072, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "garlic", + "ricotta cheese", + "frozen chopped spinach" + ] + }, + { + "id": 6861, + "cuisine": "french", + "ingredients": [ + "olive oil", + "fresh lemon juice", + "garlic cloves", + "dijon style mustard", + "heavy cream" + ] + }, + { + "id": 17171, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "fresh cilantro", + "freshly ground pepper", + "lime juice", + "extra-virgin olive oil", + "kosher salt", + "tuna steaks", + "fresh pineapple" + ] + }, + { + "id": 19662, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "sweet potatoes", + "baton", + "soda water", + "eggs", + "ground black pepper", + "mint sprigs", + "scallions", + "canola oil", + "leaves", + "ice water", + "cayenne pepper", + "ground turmeric", + "kosher salt", + "lettuce leaves", + "all-purpose flour", + "medium shrimp" + ] + }, + { + "id": 33090, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "pepper", + "salt", + "center cut pork chops", + "diced onions", + "sausage casings", + "diced tomatoes", + "garlic cloves", + "sliced green onions", + "green chile", + "chicken breasts", + "shredded parmesan cheese", + "italian seasoning", + "pasta", + "green bell pepper", + "orzo", + "celery" + ] + }, + { + "id": 34560, + "cuisine": "irish", + "ingredients": [ + "candy bar", + "frozen whip topping, thaw", + "instant pudding mix", + "fudge brownie mix", + "coffee liqueur" + ] + }, + { + "id": 47831, + "cuisine": "italian", + "ingredients": [ + "sugar", + "vegetable oil", + "garlic cloves", + "water", + "crushed red pepper", + "italian seasoning", + "black pepper", + "diced tomatoes", + "onions", + "tomato paste", + "dried basil", + "salt" + ] + }, + { + "id": 29510, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "sweetened condensed milk", + "lime", + "cold water" + ] + }, + { + "id": 36682, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "salt", + "bay leaf", + "brandy", + "dry white wine", + "fresh mushrooms", + "tomato paste", + "low sodium chicken broth", + "all-purpose flour", + "marjoram", + "white pepper", + "extra-virgin olive oil", + "chicken leg quarters" + ] + }, + { + "id": 11972, + "cuisine": "brazilian", + "ingredients": [ + "fish fillets", + "Tabasco Pepper Sauce", + "cashew butter", + "cooked shrimp", + "chicken stock", + "jalapeno chilies", + "garlic", + "coconut milk", + "plum tomatoes", + "lime", + "dende oil", + "salt", + "dried shrimp", + "fresh ginger", + "cilantro", + "cilantro leaves", + "onions" + ] + }, + { + "id": 38296, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "bourbon whiskey", + "all-purpose flour", + "cooking spray", + "vanilla extract", + "unsweetened cocoa powder", + "large eggs", + "butter", + "semi-sweet chocolate morsels", + "baking powder", + "salt" + ] + }, + { + "id": 12395, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "olive oil", + "garlic cloves", + "large egg yolks", + "fresh lemon juice", + "water", + "salt" + ] + }, + { + "id": 44781, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "yellow hominy", + "radish slices", + "Mexican cheese", + "onions", + "Mazola Corn Oil", + "minced garlic", + "shredded cabbage", + "Spice Islands Bay Leaves", + "corn tortillas", + "avocado", + "tostadas", + "jalapeno chilies", + "lime wedges", + "sour cream", + "Mazola® Chicken Flavor Bouillon Powder", + "Spice Islands Oregano", + "water", + "boneless skinless chicken breasts", + "cilantro", + "fresh lime juice" + ] + }, + { + "id": 27444, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh rosemary", + "lemon", + "hot sauce", + "shrimp", + "ground black pepper", + "garlic", + "beer", + "crusty bread", + "worcestershire sauce", + "creole seasoning", + "clove", + "butter", + "salt", + "oil" + ] + }, + { + "id": 25240, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "corn tortillas", + "cumin", + "chicken broth", + "lard", + "adobo sauce", + "garlic", + "chipotles in adobo", + "eggs", + "ancho chile pepper", + "onions" + ] + }, + { + "id": 19887, + "cuisine": "indian", + "ingredients": [ + "lime", + "chili powder", + "garlic cloves", + "red chili peppers", + "ground black pepper", + "Knorr Chicken Stock Pots", + "basmati rice", + "fresh ginger root", + "Flora Cuisine", + "onions", + "fresh coriander", + "chicken breasts", + "Elmlea single", + "ground turmeric" + ] + }, + { + "id": 20072, + "cuisine": "mexican", + "ingredients": [ + "lime", + "chili powder", + "cayenne pepper", + "avocado", + "jalapeno chilies", + "cilantro", + "cumin", + "hominy", + "diced tomatoes", + "onions", + "chicken stock", + "pork loin", + "garlic" + ] + }, + { + "id": 44945, + "cuisine": "mexican", + "ingredients": [ + "bread crumbs", + "carrots", + "chopped cilantro fresh", + "eggs", + "hominy", + "ground turkey", + "fresh leav spinach", + "low salt chicken broth", + "dried oregano", + "tomato sauce", + "green chilies", + "onions" + ] + }, + { + "id": 44201, + "cuisine": "thai", + "ingredients": [ + "shallots", + "poblano chiles", + "cilantro leaves", + "japanese eggplants", + "garlic", + "fresh lime juice", + "Thai fish sauce" + ] + }, + { + "id": 48404, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "salsa", + "refrigerated pizza dough", + "canola oil", + "sweet onion", + "chopped cilantro", + "shredded pepper jack cheese", + "chicken" + ] + }, + { + "id": 32208, + "cuisine": "thai", + "ingredients": [ + "coconut oil", + "red curry paste", + "yellow peppers", + "boneless skinless chicken breasts", + "coconut milk", + "basil leaves", + "yellow onion", + "red pepper", + "cooked quinoa" + ] + }, + { + "id": 24844, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "bay leaves", + "ground cumin", + "boneless pork shoulder roast", + "ground coriander", + "ground cinnamon", + "salt", + "garlic powder", + "dried oregano" + ] + }, + { + "id": 35535, + "cuisine": "southern_us", + "ingredients": [ + "table salt", + "ear of corn", + "large eggs", + "grits", + "milk", + "white cornmeal", + "butter" + ] + }, + { + "id": 30453, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "nam prik", + "fish sauce", + "squid", + "thai basil", + "chiles", + "oil" + ] + }, + { + "id": 28896, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "black beans", + "cream cheese", + "rotelle", + "corn", + "ranch dip" + ] + }, + { + "id": 26346, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "knorr pasta side", + "Sriracha", + "large shrimp", + "lime juice", + "creamy peanut butter", + "eggs", + "vegetable oil" + ] + }, + { + "id": 43046, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "dried thyme", + "tomatoes with juice", + "cayenne pepper", + "soy sauce", + "bacon", + "garlic", + "onions", + "cooked ham", + "ground black pepper", + "white rice", + "medium shrimp", + "chicken stock", + "chorizo", + "paprika", + "all-purpose flour", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 30856, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "apple cider vinegar", + "garlic salt", + "lime juice", + "chipotles in adobo", + "top round roast", + "garlic", + "chili powder", + "onions" + ] + }, + { + "id": 17083, + "cuisine": "mexican", + "ingredients": [ + "green cabbage", + "boneless skinless chicken breasts", + "purple onion", + "reduced sodium chicken broth", + "lime wedges", + "dried oregano", + "canned black beans", + "chili powder", + "salt", + "hominy", + "garlic", + "canola oil" + ] + }, + { + "id": 9870, + "cuisine": "italian", + "ingredients": [ + "garlic", + "grated parmesan cheese", + "cavatelli", + "broccoli", + "butter", + "sliced mushrooms" + ] + }, + { + "id": 23185, + "cuisine": "italian", + "ingredients": [ + "spinach leaves", + "water", + "red wine", + "flour for dusting", + "pepper", + "large eggs", + "provolone cheese", + "bread crumbs", + "prosciutto", + "salt", + "romano cheese", + "olive oil", + "ground pork", + "ground beef" + ] + }, + { + "id": 4988, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "garlic", + "ground cumin", + "olive oil", + "onions", + "orange", + "pork shoulder", + "table salt", + "jalapeno chilies", + "dried oregano" + ] + }, + { + "id": 15604, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "reduced fat italian dressing", + "salsa", + "tomatoes", + "Mexican cheese blend", + "shredded lettuce", + "onions", + "corn", + "lean ground beef", + "taco seasoning reduced sodium", + "black beans", + "flour tortillas", + "reduced-fat sour cream", + "ground cumin" + ] + }, + { + "id": 5978, + "cuisine": "mexican", + "ingredients": [ + "scallion greens", + "fresh cilantro", + "banana peppers", + "monterey jack" + ] + }, + { + "id": 3391, + "cuisine": "irish", + "ingredients": [ + "milk", + "butter", + "non stick spray", + "white pepper", + "garlic powder", + "salt", + "eggs", + "seasoning salt", + "idaho potatoes", + "chopped parsley", + "water", + "onion powder", + "all-purpose flour" + ] + }, + { + "id": 12338, + "cuisine": "southern_us", + "ingredients": [ + "water", + "lemon juice", + "sugar", + "rum", + "orange", + "bacardi", + "mint sprigs" + ] + }, + { + "id": 7295, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "red pepper", + "oil", + "light soy sauce", + "cornflour", + "beansprouts", + "ground black pepper", + "chili sauce", + "toasted sesame oil", + "skinless chicken breast fillets", + "spring onions", + "chinese five-spice powder", + "noodles" + ] + }, + { + "id": 15594, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "shredded cheddar cheese", + "flour tortillas", + "condensed cream of chicken soup", + "chili powder" + ] + }, + { + "id": 20637, + "cuisine": "irish", + "ingredients": [ + "sugar", + "color food green", + "all-purpose flour", + "eggs", + "almond extract", + "pudding powder", + "brown sugar", + "butter", + "butterscotch chips", + "baking soda", + "vanilla extract", + "chopped walnuts" + ] + }, + { + "id": 16257, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "fresh lemon juice", + "water", + "potatoes", + "chicken bouillon", + "ground black pepper", + "dried rosemary", + "dried thyme", + "garlic" + ] + }, + { + "id": 49043, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "sweet potatoes", + "large garlic cloves", + "bay leaf", + "unsalted butter", + "dry white wine", + "carrots", + "water", + "leeks", + "crème fraîche", + "finely chopped onion", + "baking potatoes", + "chopped pecans" + ] + }, + { + "id": 108, + "cuisine": "southern_us", + "ingredients": [ + "pork", + "sweet potatoes", + "salt", + "juice", + "mayonaise", + "hot pepper sauce", + "worcestershire sauce", + "lemon juice", + "ground black pepper", + "pimentos", + "sharp cheddar cheese", + "minced garlic", + "green onions", + "mild cheddar cheese" + ] + }, + { + "id": 38841, + "cuisine": "irish", + "ingredients": [ + "cheddar cheese", + "dried chile", + "eggs", + "butter", + "dried parsley", + "black pepper", + "sour cream", + "red potato", + "sea salt", + "gluten-free flour" + ] + }, + { + "id": 44090, + "cuisine": "chinese", + "ingredients": [ + "water", + "worcestershire sauce", + "chinese five-spice powder", + "sweet bean sauce", + "eggs", + "pork tenderloin", + "tomato ketchup", + "corn starch", + "plum sauce", + "salt", + "oil", + "black vinegar", + "sugar", + "Shaoxing wine", + "chili sauce", + "toasted sesame seeds" + ] + }, + { + "id": 2538, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "salt", + "eggs", + "buttermilk", + "vegetable shortening", + "bread flour", + "granulated sugar", + "cake flour" + ] + }, + { + "id": 7156, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "coarse salt", + "white wine", + "shallots", + "garlic", + "asparagus", + "butter", + "olive oil", + "ravioli", + "thyme" + ] + }, + { + "id": 25202, + "cuisine": "indian", + "ingredients": [ + "vidalia onion", + "peeled fresh ginger", + "fresh lemon juice", + "red lentils", + "fat free less sodium chicken broth", + "crushed red pepper", + "cinnamon sticks", + "fat free yogurt", + "vegetable oil", + "cucumber", + "flatbread", + "water", + "salt" + ] + }, + { + "id": 48062, + "cuisine": "japanese", + "ingredients": [ + "shiitake", + "tamari soy sauce", + "konbu", + "green tea bags", + "vegetable broth", + "scallions", + "toasted sesame oil", + "baby spinach", + "soba noodles", + "carrots", + "white miso", + "firm tofu", + "lemon juice" + ] + }, + { + "id": 38997, + "cuisine": "vietnamese", + "ingredients": [ + "low sodium soy sauce", + "shredded carrots", + "crushed red pepper", + "beansprouts", + "sesame seeds", + "green onions", + "dark sesame oil", + "dried mushrooms", + "water", + "peeled fresh ginger", + "rice vinegar", + "bok choy", + "hoisin sauce", + "vegetable oil", + "garlic cloves", + "rice paper" + ] + }, + { + "id": 16409, + "cuisine": "filipino", + "ingredients": [ + "chicken legs", + "olive oil", + "salt", + "chorizo", + "potatoes", + "cabbage", + "pepper", + "garbanzo beans", + "onions", + "tomatoes", + "water", + "garlic", + "plantains" + ] + }, + { + "id": 47082, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "crushed red pepper", + "pasta", + "olive oil", + "fresh herbs", + "pancetta", + "pepper", + "salt", + "tomatoes", + "cheese", + "onions" + ] + }, + { + "id": 36115, + "cuisine": "mexican", + "ingredients": [ + "pepper sauce", + "large eggs", + "olive oil", + "coarse salt", + "large egg whites", + "flour tortillas", + "pepper jack" + ] + }, + { + "id": 23609, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "white rice", + "cajun seasoning", + "onions", + "diced tomatoes", + "red beans", + "ground beef" + ] + }, + { + "id": 35239, + "cuisine": "vietnamese", + "ingredients": [ + "pepper", + "meat", + "orange juice", + "sugar", + "orange", + "salt", + "minced ginger", + "garlic", + "corn starch", + "soy sauce", + "tapioca starch", + "rice vinegar" + ] + }, + { + "id": 19172, + "cuisine": "indian", + "ingredients": [ + "pineapple", + "diced celery", + "hearts of romaine", + "cucumber", + "salt", + "carrots", + "garbanzo beans", + "fresh lemon juice", + "mango" + ] + }, + { + "id": 4433, + "cuisine": "mexican", + "ingredients": [ + "butter", + "sugar", + "ground cinnamon", + "frozen pastry puff sheets" + ] + }, + { + "id": 37545, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "kidney beans", + "bulgur", + "red bell pepper", + "crushed tomatoes", + "chili powder", + "garlic cloves", + "ground cumin", + "water", + "jalapeno chilies", + "ground coriander", + "onions", + "ground cinnamon", + "olive oil", + "white wine vinegar", + "carrots" + ] + }, + { + "id": 1557, + "cuisine": "brazilian", + "ingredients": [ + "pepper", + "apples", + "frozen peas", + "green olives", + "boneless skinless chicken breasts", + "frozen corn kernels", + "potatoes", + "salt", + "mayonaise", + "raisins", + "carrots" + ] + }, + { + "id": 11635, + "cuisine": "italian", + "ingredients": [ + "milk", + "lean ground beef", + "salt", + "mozzarella cheese", + "egg yolks", + "stewed tomatoes", + "onions", + "white wine", + "olive oil", + "butter", + "all-purpose flour", + "pepper", + "dried sage", + "pasta shells", + "dried rosemary" + ] + }, + { + "id": 15955, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "fresh mushrooms", + "garlic", + "boneless skinless chicken breasts", + "onions", + "green pepper" + ] + }, + { + "id": 48618, + "cuisine": "thai", + "ingredients": [ + "parsnips", + "green onions", + "cayenne pepper", + "carrots", + "dried oregano", + "coconut sugar", + "minced garlic", + "rice noodles", + "ground coriander", + "celery", + "turnips", + "kosher salt", + "apple cider vinegar", + "roasted peanuts", + "beansprouts", + "ground cumin", + "coconut oil", + "lime", + "dried chickpeas", + "maple sugar", + "bay leaf" + ] + }, + { + "id": 35334, + "cuisine": "cajun_creole", + "ingredients": [ + "oysters", + "all-purpose flour", + "garlic cloves", + "lump crab meat", + "chopped celery", + "okra", + "peeled tomatoes", + "hot sauce", + "ham", + "fat free less sodium chicken broth", + "vegetable oil", + "chopped onion", + "medium shrimp" + ] + }, + { + "id": 43805, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "apple cider vinegar", + "peppercorns", + "sugar", + "bay leaves", + "pork butt", + "potatoes", + "onions", + "water", + "garlic cloves" + ] + }, + { + "id": 35657, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese", + "refried beans", + "salsa" + ] + }, + { + "id": 41867, + "cuisine": "thai", + "ingredients": [ + "fresh ginger root", + "cayenne pepper", + "ground turmeric", + "fish sauce", + "vegetable oil", + "fresh lime juice", + "green onions", + "coconut milk", + "water", + "chicken meat", + "chopped cilantro fresh" + ] + }, + { + "id": 30338, + "cuisine": "spanish", + "ingredients": [ + "rosemary sprigs", + "white wine vinegar", + "red bell pepper", + "chicken stock", + "fresh thyme", + "salt", + "olive oil", + "purple onion", + "turkey breast", + "black peppercorns", + "bay leaves", + "allspice berries" + ] + }, + { + "id": 20546, + "cuisine": "british", + "ingredients": [ + "fresh chives", + "butter", + "all-purpose flour", + "dried thyme", + "garlic", + "milk", + "cracked black pepper", + "eggs", + "beef rib roast", + "salt" + ] + }, + { + "id": 27659, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "french bread", + "extra-virgin olive oil", + "beef tenderloin steaks", + "ground black pepper", + "chopped fresh thyme", + "salt", + "cider vinegar", + "cooking spray", + "port", + "tomatoes", + "finely chopped onion", + "pecorino romano cheese", + "corn syrup" + ] + }, + { + "id": 39485, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "spanish chorizo", + "onions", + "black pepper", + "extra-virgin olive oil", + "garlic cloves", + "potatoes", + "scallions", + "manchego cheese", + "salt", + "sour cream" + ] + }, + { + "id": 7547, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "fresh basil", + "balsamic vinegar", + "grated parmesan cheese", + "baguette", + "green pesto" + ] + }, + { + "id": 45062, + "cuisine": "russian", + "ingredients": [ + "eggs", + "butter", + "cabbage", + "pepper", + "salt", + "milk", + "all-purpose flour", + "active dry yeast", + "white sugar" + ] + }, + { + "id": 18036, + "cuisine": "southern_us", + "ingredients": [ + "butter pecan cake mix", + "schnapps", + "vegetable oil", + "eggs", + "chopped pecans" + ] + }, + { + "id": 24974, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "garlic", + "carrots", + "ground cumin", + "honey", + "cayenne pepper", + "onions", + "dried currants", + "greek style plain yogurt", + "chopped parsley", + "olive oil", + "chickpeas", + "ground turmeric" + ] + }, + { + "id": 1593, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "light soy sauce", + "ground pork", + "scallions", + "water", + "Shaoxing wine", + "salt", + "chinese black vinegar", + "pork neck", + "minced ginger", + "sesame oil", + "all-purpose flour", + "aspic", + "warm water", + "pork rind", + "ginger", + "ground white pepper" + ] + }, + { + "id": 1702, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "peanut oil", + "low salt chicken broth", + "sugar", + "ginger", + "garlic chili sauce", + "large shrimp", + "cooked rice", + "dry sherry", + "garlic cloves", + "red bell pepper", + "soy sauce", + "crushed red pepper", + "corn starch" + ] + }, + { + "id": 14523, + "cuisine": "french", + "ingredients": [ + "large eggs", + "small red potato", + "capers", + "Niçoise olives", + "italian salad dressing", + "dried tarragon leaves", + "mixed greens", + "tuna steaks", + "green beans" + ] + }, + { + "id": 30117, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "olive oil", + "beef broth", + "green bell pepper", + "vegetable oil", + "chopped cilantro fresh", + "tomato paste", + "flank steak", + "onions", + "tomato sauce", + "garlic", + "ground cumin" + ] + }, + { + "id": 7730, + "cuisine": "jamaican", + "ingredients": [ + "roma tomatoes", + "green onions", + "thyme", + "bread", + "serrano peppers", + "green pepper", + "chopped cilantro", + "light beer", + "butter", + "thyme sprigs", + "diced red onions", + "jamaican jerk spice", + "shrimp", + "chopped garlic" + ] + }, + { + "id": 34989, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "garlic cloves", + "tomatillos", + "serrano peppers", + "chopped cilantro fresh", + "salt" + ] + }, + { + "id": 7707, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "fresh thyme", + "garlic", + "carrots", + "vegetable bouillon cube", + "water", + "potatoes", + "yellow split peas", + "celery", + "pepper", + "cooking oil", + "salt", + "coconut milk", + "fresh corn", + "fresh ginger", + "jamaican pumpkin", + "cayenne pepper", + "onions" + ] + }, + { + "id": 41753, + "cuisine": "japanese", + "ingredients": [ + "water", + "cabbage", + "eggs", + "salt", + "flour", + "sausage links", + "carrots" + ] + }, + { + "id": 35814, + "cuisine": "irish", + "ingredients": [ + "irish cream liqueur", + "large eggs", + "semisweet chocolate", + "sugar", + "whipping cream" + ] + }, + { + "id": 3145, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "garlic cloves", + "diced tomatoes", + "corn tortillas", + "vegetable oil", + "taco toppings", + "boneless chicken skinless thigh", + "salt", + "chipotles in adobo" + ] + }, + { + "id": 30933, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "salt", + "diced tomatoes", + "diced onions", + "garlic", + "jalapeno chilies", + "fresh lime juice" + ] + }, + { + "id": 21158, + "cuisine": "french", + "ingredients": [ + "pepper", + "salt", + "herbs", + "eggs", + "butter", + "milk" + ] + }, + { + "id": 16611, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "baking potatoes", + "corn tortillas", + "taco seasoning mix", + "enchilada sauce", + "monterey jack", + "milk", + "salsa", + "onions", + "olive oil", + "pinto beans" + ] + }, + { + "id": 23794, + "cuisine": "mexican", + "ingredients": [ + "extra-virgin olive oil", + "lime juice", + "onions", + "kosher salt", + "cilantro leaves", + "roma tomatoes", + "serrano chile" + ] + }, + { + "id": 4404, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "bell pepper", + "chopped parsley", + "long grain white rice", + "celery ribs", + "ground black pepper", + "salt", + "onions", + "olive oil", + "chili powder", + "coconut milk", + "chopped tomatoes", + "Tabasco Pepper Sauce", + "kidney" + ] + }, + { + "id": 36606, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "red bell pepper", + "fresh basil", + "tomatoes", + "polenta", + "cooking spray" + ] + }, + { + "id": 30976, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "cream cheese", + "baking powder", + "eggs", + "lemon", + "milk", + "corn starch" + ] + }, + { + "id": 16504, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "vegetable oil", + "cornmeal", + "saltines", + "minced onion", + "all-purpose flour", + "ground black pepper", + "salt", + "eggs", + "frogs legs", + "peanut oil" + ] + }, + { + "id": 47400, + "cuisine": "filipino", + "ingredients": [ + "pork", + "garlic", + "soy sauce", + "peppercorns", + "vinegar", + "sprite" + ] + }, + { + "id": 6968, + "cuisine": "french", + "ingredients": [ + "shortening", + "all-purpose flour", + "light corn syrup", + "brown sugar", + "chopped pecans" + ] + }, + { + "id": 7983, + "cuisine": "italian", + "ingredients": [ + "Italian parsley leaves", + "toasted pine nuts", + "olive oil", + "fresh oregano", + "fresh leav spinach", + "salt", + "fresh basil leaves", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 11386, + "cuisine": "cajun_creole", + "ingredients": [ + "kidney beans", + "low salt chicken broth", + "cooked rice", + "smoked sausage", + "cajun seasoning", + "onions", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 3157, + "cuisine": "chinese", + "ingredients": [ + "caster sugar", + "dry sherry", + "soy sauce", + "fresh ginger root", + "oyster sauce", + "ground cinnamon", + "honey", + "chinese five-spice powder", + "ketchup", + "hoisin sauce", + "pork shoulder" + ] + }, + { + "id": 38036, + "cuisine": "southern_us", + "ingredients": [ + "country ham", + "corn kernels", + "salt", + "milk", + "lager", + "freshly ground pepper", + "sweet onion", + "butter", + "large shrimp", + "sugar pea", + "unsalted butter", + "ear of corn" + ] + }, + { + "id": 5974, + "cuisine": "southern_us", + "ingredients": [ + "banana squash", + "greek yogurt", + "honey", + "honey graham crackers", + "vanilla almondmilk", + "whipped cream", + "key lime juice", + "egg yolks", + "graham cracker pie crust" + ] + }, + { + "id": 27971, + "cuisine": "vietnamese", + "ingredients": [ + "haricots verts", + "sweet chili sauce", + "carrots", + "chopped garlic", + "turnips", + "spring roll wrappers", + "shallots", + "corn starch", + "eggs", + "peanuts", + "shrimp", + "lettuce", + "red chili peppers", + "salt", + "cucumber" + ] + }, + { + "id": 16465, + "cuisine": "italian", + "ingredients": [ + "almonds", + "baking powder", + "orange zest", + "ground ginger", + "pistachios", + "cake flour", + "brown sugar", + "egg yolks", + "white sugar", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 36042, + "cuisine": "japanese", + "ingredients": [ + "granulated sugar", + "dipping sauces", + "decorating sugars", + "all-purpose flour", + "large egg yolks", + "butter", + "large eggs", + "salt" + ] + }, + { + "id": 40646, + "cuisine": "greek", + "ingredients": [ + "feta cheese crumbles", + "lime juice", + "avocado", + "plum tomatoes", + "garlic" + ] + }, + { + "id": 25775, + "cuisine": "italian", + "ingredients": [ + "halibut fillets", + "lemon wedge", + "hazelnut oil", + "sugar", + "cooking spray", + "whole wheat bread", + "red bell pepper", + "pepper", + "ground red pepper", + "salt", + "slivered almonds", + "ground black pepper", + "red wine vinegar", + "garlic cloves" + ] + }, + { + "id": 44581, + "cuisine": "jamaican", + "ingredients": [ + "fresh cilantro", + "egg noodles", + "heavy whipping cream", + "pepper", + "jerk paste", + "salt", + "chicken stock", + "olive oil", + "garlic", + "chopped cilantro fresh", + "lime", + "dry white wine", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 16556, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "shallots", + "yellow split peas", + "large eggs", + "salt", + "garam masala", + "garlic", + "freshly ground pepper", + "red lentils", + "low sodium chicken broth", + "cilantro leaves" + ] + }, + { + "id": 5727, + "cuisine": "brazilian", + "ingredients": [ + "cocoa powder", + "large egg yolks", + "salted butter", + "chocolate sprinkles", + "condensed milk" + ] + }, + { + "id": 6435, + "cuisine": "french", + "ingredients": [ + "pancetta", + "duck fat", + "salt", + "duck drumsticks", + "pepper", + "shallots", + "carrots", + "orange zest", + "chicken stock", + "Toulouse sausage", + "garlic cloves", + "sea salt flakes", + "olive oil", + "coco", + "chopped parsley" + ] + }, + { + "id": 6568, + "cuisine": "irish", + "ingredients": [ + "low-fat buttermilk", + "raisins", + "sugar", + "baking powder", + "all-purpose flour", + "cooking spray", + "salt", + "baking soda", + "butter" + ] + }, + { + "id": 49377, + "cuisine": "irish", + "ingredients": [ + "water", + "vegetable oil", + "all-purpose flour", + "leg of lamb", + "pepper", + "new potatoes", + "salt", + "carrots", + "frozen pastry puff sheets", + "top sirloin steak", + "beef broth", + "onions", + "dried tarragon leaves", + "bay leaves", + "garlic", + "beer" + ] + }, + { + "id": 35904, + "cuisine": "moroccan", + "ingredients": [ + "dried apricot", + "yellow onion", + "leg of lamb", + "plum tomatoes", + "ground ginger", + "large garlic cloves", + "ground allspice", + "low sodium beef broth", + "yukon gold potatoes", + "chickpeas", + "cinnamon sticks", + "olive oil", + "ras el hanout", + "carrots", + "bay leaf" + ] + }, + { + "id": 37016, + "cuisine": "korean", + "ingredients": [ + "cauliflower", + "reduced-sodium tamari sauce", + "sesame oil", + "carrots", + "roasted sesame seeds", + "mushrooms", + "Gochujang base", + "kimchi", + "brown rice vinegar", + "zucchini", + "fried eggs", + "asparagus spears", + "honey", + "green onions", + "garlic cloves" + ] + }, + { + "id": 32855, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "salt", + "water", + "sweet potatoes", + "tawny port", + "whipping cream", + "sugar", + "half & half" + ] + }, + { + "id": 23346, + "cuisine": "mexican", + "ingredients": [ + "pepper jack", + "chopped onion", + "sausage casings", + "chile pepper", + "flour tortillas", + "roast red peppers, drain", + "refried beans", + "garlic" + ] + }, + { + "id": 7465, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "garlic powder", + "cayenne pepper", + "dried basil", + "paprika", + "white pepper", + "onion powder", + "dried oregano", + "dried thyme", + "salt" + ] + }, + { + "id": 37120, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "yellow mustard", + "salt", + "tomatoes", + "jalapeno chilies", + "cracked black pepper", + "onions", + "tumeric", + "vegetable oil", + "garlic", + "potatoes", + "cilantro", + "chicken pieces" + ] + }, + { + "id": 6681, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "salt", + "fromage blanc", + "unsalted butter", + "large egg yolks", + "corn starch", + "sugar", + "lemon" + ] + }, + { + "id": 22406, + "cuisine": "thai", + "ingredients": [ + "thai basil", + "onions", + "soy sauce", + "garlic cloves", + "honey", + "oyster sauce", + "red chili peppers", + "pumpkin" + ] + }, + { + "id": 7221, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "buttermilk", + "lemon juice", + "cinnamon", + "all-purpose flour", + "sugar", + "vanilla", + "butter", + "pie shell" + ] + }, + { + "id": 30563, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "pitas", + "vegetable oil", + "greek yogurt", + "serrano chile", + "ground cumin", + "pepper", + "boneless skinless chicken breasts", + "salt", + "fresh mint", + "plum tomatoes", + "kosher salt", + "garlic powder", + "balsamic vinegar", + "ground cayenne pepper", + "ground turmeric", + "fresh cilantro", + "onion powder", + "ground coriander", + "onions", + "saffron" + ] + }, + { + "id": 41348, + "cuisine": "mexican", + "ingredients": [ + "fresh lime juice", + "white onion", + "serrano chile", + "avocado", + "chopped cilantro fresh", + "tomatillos" + ] + }, + { + "id": 42974, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "buttermilk", + "all-purpose flour", + "large egg yolks", + "large eggs", + "vanilla extract", + "brown sugar", + "granulated sugar", + "heavy cream", + "chopped pecans", + "baking soda", + "baking powder", + "salt" + ] + }, + { + "id": 37217, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "warm water", + "bread flour", + "sugar", + "salt", + "active dry yeast" + ] + }, + { + "id": 31249, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "ricotta salata", + "salt", + "fresh basil", + "extra-virgin olive oil", + "cherry tomatoes", + "spaghetti" + ] + }, + { + "id": 18202, + "cuisine": "russian", + "ingredients": [ + "powdered sugar", + "large egg yolks", + "salt", + "heavy whipping cream", + "sugar", + "large eggs", + "apricot preserves", + "ground cinnamon", + "ground cloves", + "blanched hazelnuts", + "greek yogurt", + "grated orange peel", + "unsalted butter", + "all-purpose flour", + "unsweetened cocoa powder" + ] + }, + { + "id": 16716, + "cuisine": "mexican", + "ingredients": [ + "fresh dill", + "chopped hazelnuts", + "oil", + "dried basil", + "cauliflower florets", + "fresh asparagus", + "minced garlic", + "chili powder", + "celery seed", + "celery ribs", + "kidney beans", + "salt" + ] + }, + { + "id": 11295, + "cuisine": "italian", + "ingredients": [ + "gorgonzola dolce", + "flat leaf parsley", + "pizza doughs", + "walnuts", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 42095, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "corn", + "cooked chicken", + "garlic", + "ground cumin", + "chicken broth", + "jalapeno chilies", + "vegetable oil", + "corn tortillas", + "avocado", + "poblano peppers", + "chili powder", + "sour cream", + "pepper", + "flour", + "butter", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 30804, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "chees fresh mozzarella", + "fresh basil", + "green tomatoes", + "freshly ground pepper", + "olive oil", + "salt", + "brown sugar", + "balsamic vinegar", + "garlic cloves" + ] + }, + { + "id": 8210, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "old bay seasoning", + "lemon juice", + "light brown sugar", + "butter", + "garlic", + "onions", + "water", + "bacon", + "shrimp", + "chicken stock", + "2% reduced-fat milk", + "salt", + "corn grits" + ] + }, + { + "id": 46450, + "cuisine": "southern_us", + "ingredients": [ + "cornish hens", + "melted butter", + "stuffing" + ] + }, + { + "id": 2257, + "cuisine": "french", + "ingredients": [ + "all-purpose flour", + "large eggs", + "unsalted butter", + "confectioners sugar", + "salt" + ] + }, + { + "id": 26101, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "granulated sugar", + "black moss", + "baby carrots", + "snow peas", + "straw mushrooms", + "shiitake", + "peeled fresh ginger", + "gluten", + "bean curd", + "soy sauce", + "black fungus", + "lily buds", + "napa cabbage", + "bamboo shoots", + "deep-fried tofu", + "baby bok choy", + "water", + "steamed white rice", + "vegetable oil", + "baby corn", + "nuts" + ] + }, + { + "id": 37242, + "cuisine": "indian", + "ingredients": [ + "white vinegar", + "ground allspice", + "vegetable oil", + "chicken", + "plain yogurt", + "lemon juice", + "salt" + ] + }, + { + "id": 48920, + "cuisine": "vietnamese", + "ingredients": [ + "boneless skinless chicken breasts", + "carrots", + "sugar pea", + "spices", + "onions", + "pepper", + "teriyaki sauce", + "cooking spray", + "broccoli" + ] + }, + { + "id": 25335, + "cuisine": "italian", + "ingredients": [ + "plain yogurt", + "rotelle", + "zucchini", + "italian sausage", + "dried mint flakes", + "olive oil", + "fresh mint" + ] + }, + { + "id": 24648, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "fennel", + "butter", + "ground coriander", + "fresh parsley", + "olive oil", + "vegetable stock", + "grated lemon zest", + "fresh mint", + "pepper", + "dry white wine", + "salt", + "red bell pepper", + "fresh rosemary", + "grated parmesan cheese", + "garlic", + "fresh lemon juice", + "onions" + ] + }, + { + "id": 29388, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "ketchup", + "garlic", + "sugar", + "fresh cilantro", + "popcorn chicken", + "tomato purée", + "water", + "corn starch", + "soy sauce", + "ginger", + "onions" + ] + }, + { + "id": 6014, + "cuisine": "italian", + "ingredients": [ + "water", + "potato gnocchi", + "ground pepper", + "walnuts", + "grated parmesan cheese", + "arugula", + "olive oil", + "salt" + ] + }, + { + "id": 1800, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "sweet potatoes", + "cilantro", + "sour cream", + "black beans", + "olive oil", + "brown rice", + "taco seasoning", + "lime juice", + "green onions", + "salsa", + "chopped cilantro", + "shredded cheddar cheese", + "bell pepper", + "whole wheat tortillas", + "red enchilada sauce" + ] + }, + { + "id": 18091, + "cuisine": "italian", + "ingredients": [ + "vinaigrette dressing", + "black olives", + "ground black pepper", + "fresh basil leaves", + "fresh mozzarella", + "cherry tomatoes", + "salt" + ] + }, + { + "id": 8075, + "cuisine": "southern_us", + "ingredients": [ + "seafood seasoning", + "all-purpose flour", + "pepper", + "buttermilk", + "water", + "salt", + "catfish fillets", + "vegetable oil", + "cornmeal" + ] + }, + { + "id": 19602, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "whipping cream", + "shrimp", + "brandy", + "butter", + "garlic cloves", + "onions", + "tomato paste", + "dry white wine", + "cayenne pepper", + "bay leaf", + "peeled tomatoes", + "fish stock", + "carrots" + ] + }, + { + "id": 45951, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "basil", + "peanut oil", + "iceberg lettuce", + "fish sauce", + "nuoc nam", + "rice vermicelli", + "beansprouts", + "peanuts", + "cilantro sprigs", + "shrimp", + "sugar", + "red pepper flakes", + "garlic", + "onions" + ] + }, + { + "id": 30142, + "cuisine": "southern_us", + "ingredients": [ + "rolled oats", + "baking powder", + "salt", + "rosewater", + "eggs", + "unsalted butter", + "buttermilk", + "grated lemon zest", + "cornmeal", + "sugar", + "crumb topping", + "vanilla extract", + "dark brown sugar", + "blackberries", + "baking soda", + "cinnamon", + "all-purpose flour", + "ground cardamom" + ] + }, + { + "id": 35178, + "cuisine": "thai", + "ingredients": [ + "curry powder", + "green onions", + "dark sesame oil", + "tomato paste", + "rice sticks", + "light coconut milk", + "snow peas", + "fresh cilantro", + "ground red pepper", + "garlic cloves", + "water", + "peeled fresh ginger", + "salt" + ] + }, + { + "id": 23311, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "salt", + "vegetable oil", + "granulated sugar", + "anise seed", + "heavy cream" + ] + }, + { + "id": 36163, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "instant yeast", + "water", + "bread flour" + ] + }, + { + "id": 29611, + "cuisine": "french", + "ingredients": [ + "chicken stock", + "chopped onion", + "veal chops", + "carrots", + "butter", + "bay leaf", + "fresh thyme", + "garlic cloves" + ] + }, + { + "id": 47873, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh oregano", + "fresh basil leaves", + "diced tomatoes", + "garlic cloves", + "rigatoni", + "grated parmesan cheese", + "hot Italian sausages", + "arugula", + "crushed tomatoes", + "dry red wine", + "onions" + ] + }, + { + "id": 38156, + "cuisine": "vietnamese", + "ingredients": [ + "lemon juice", + "white pepper", + "salt" + ] + }, + { + "id": 48352, + "cuisine": "chinese", + "ingredients": [ + "cooking spray", + "salt", + "canola oil", + "lower sodium soy sauce", + "brown rice", + "dark sesame oil", + "fresh ginger", + "green onions", + "rice vinegar", + "large eggs", + "green peas", + "medium shrimp" + ] + }, + { + "id": 14044, + "cuisine": "japanese", + "ingredients": [ + "large eggs", + "salt", + "unsalted butter", + "baking powder", + "bittersweet chocolate", + "granulated sugar", + "ginger", + "sweetened condensed milk", + "candy canes", + "flour", + "cardamom" + ] + }, + { + "id": 2654, + "cuisine": "mexican", + "ingredients": [ + "low-fat shredded cheddar cheese", + "baby portobello mushrooms", + "large eggs", + "sea salt", + "red bell pepper", + "yellow corn meal", + "black beans", + "baking powder", + "garlic", + "ground cumin", + "chile powder", + "skim milk", + "jalapeno chilies", + "diced tomatoes", + "dried oregano", + "coconut oil", + "zucchini", + "apple cider vinegar", + "diced yellow onion" + ] + }, + { + "id": 14079, + "cuisine": "chinese", + "ingredients": [ + "sea bass", + "salt", + "light soy sauce", + "scallions", + "sugar", + "peanut oil", + "fresh ginger" + ] + }, + { + "id": 5779, + "cuisine": "italian", + "ingredients": [ + "nonfat mayonnaise", + "fresh parmesan cheese", + "worcestershire sauce", + "sourdough bread", + "red wine vinegar", + "garlic cloves", + "pepper", + "dijon mustard", + "anchovy paste", + "romaine lettuce", + "olive oil", + "cajun seasoning" + ] + }, + { + "id": 34464, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "all purpose unbleached flour", + "baking powder", + "salt", + "whole milk", + "cracked black pepper", + "unsalted butter", + "chopped fresh thyme" + ] + }, + { + "id": 16307, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "wasabi powder", + "dry white wine", + "cooking spray", + "rice vinegar", + "yellow miso", + "flank steak" + ] + }, + { + "id": 13045, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "garlic", + "diced tomatoes in juice", + "kosher salt", + "jalapeno chilies", + "tortilla chips", + "chopped cilantro fresh", + "black beans", + "quinoa", + "salsa", + "sour cream", + "corn", + "vegetable broth", + "shredded cheese" + ] + }, + { + "id": 41574, + "cuisine": "greek", + "ingredients": [ + "water", + "long-grain rice", + "salt", + "low salt chicken broth", + "large eggs", + "fresh lemon juice", + "white pepper", + "lemon slices" + ] + }, + { + "id": 9890, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "chopped cilantro fresh", + "tostada shells", + "salsa", + "canned black beans", + "cream cheese", + "butter" + ] + }, + { + "id": 393, + "cuisine": "indian", + "ingredients": [ + "coriander powder", + "cumin seed", + "canola oil", + "pastry", + "chili powder", + "onions", + "garam masala", + "salt", + "frozen peas", + "potatoes", + "mustard seeds" + ] + }, + { + "id": 39395, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "peanut oil", + "light soy sauce", + "sea salt", + "halibut fillets", + "cilantro sprigs", + "dark soy sauce", + "green onions", + "toasted sesame oil" + ] + }, + { + "id": 34982, + "cuisine": "southern_us", + "ingredients": [ + "green onions", + "salt", + "red bell pepper", + "quickcooking grits", + "whipping cream", + "low salt chicken broth", + "ground black pepper", + "chopped fresh thyme", + "garlic cloves", + "thyme sprigs", + "hot pepper sauce", + "butter", + "feta cheese crumbles", + "large shrimp" + ] + }, + { + "id": 7907, + "cuisine": "irish", + "ingredients": [ + "low-fat buttermilk", + "whole wheat flour", + "salt", + "baking soda", + "all-purpose flour", + "cooking spray" + ] + }, + { + "id": 7020, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "yuca", + "vegetable oil" + ] + }, + { + "id": 40491, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "green onions", + "bread crumb fresh", + "half & half", + "white cornmeal", + "cream style corn", + "butter", + "sugar", + "large eggs", + "salt" + ] + }, + { + "id": 21619, + "cuisine": "italian", + "ingredients": [ + "mint", + "lemon", + "watermelon", + "sugar", + "mint sprigs", + "anisette" + ] + }, + { + "id": 3121, + "cuisine": "british", + "ingredients": [ + "salt", + "unsalted butter", + "chopped fresh mint", + "cracked black pepper", + "frozen peas", + "water", + "flat leaf parsley" + ] + }, + { + "id": 23583, + "cuisine": "indian", + "ingredients": [ + "amchur", + "garlic", + "cumin seed", + "bay leaf", + "ground cumin", + "coriander powder", + "cilantro leaves", + "black salt", + "chaat masala", + "kale", + "salt", + "oil", + "onions", + "tomatoes", + "chili powder", + "green chilies", + "lemon juice", + "mango" + ] + }, + { + "id": 8927, + "cuisine": "italian", + "ingredients": [ + "feta cheese", + "salt", + "fresh basil leaves", + "extra-virgin olive oil", + "fresh mint", + "black pepper", + "linguine", + "flat leaf parsley", + "asparagus", + "scallions", + "frozen peas" + ] + }, + { + "id": 27948, + "cuisine": "italian", + "ingredients": [ + "capers", + "lemon wedge", + "chopped parsley", + "unsalted butter", + "purple onion", + "hot red pepper flakes", + "extra-virgin olive oil", + "sourdough baguette", + "red vermouth", + "chicken livers" + ] + }, + { + "id": 37974, + "cuisine": "moroccan", + "ingredients": [ + "eggplant", + "extra-virgin olive oil", + "chopped cilantro fresh", + "coarse salt", + "sweet paprika", + "finely chopped fresh parsley", + "garlic", + "ground cumin", + "paprika", + "fresh lemon juice" + ] + }, + { + "id": 4942, + "cuisine": "french", + "ingredients": [ + "shallots", + "grated lemon peel", + "anchovy fillets", + "unsalted butter", + "fresh lemon juice", + "new york strip steaks" + ] + }, + { + "id": 27052, + "cuisine": "indian", + "ingredients": [ + "chicken stock", + "raisins", + "couscous", + "curry powder", + "extra-virgin olive oil", + "slivered almonds", + "cilantro", + "ground black pepper", + "salt" + ] + }, + { + "id": 47740, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "bread flour", + "active dry yeast", + "kosher salt", + "vegetable shortening" + ] + }, + { + "id": 33386, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "baguette", + "fish stock", + "California bay leaves", + "saffron threads", + "fish fillets", + "lobster", + "extra-virgin olive oil", + "boiling potatoes", + "mussels", + "black pepper", + "rouille", + "garlic cloves", + "large shrimp", + "cockles", + "fronds", + "sea salt", + "onions" + ] + }, + { + "id": 20173, + "cuisine": "chinese", + "ingredients": [ + "Japanese mountain yam", + "corn oil", + "wild rice", + "water", + "ground pork", + "carrots", + "medium eggs", + "shiitake", + "salt", + "dumplings", + "dark soy sauce", + "cooking oil", + "essence", + "cucumber" + ] + }, + { + "id": 32848, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "salt", + "corn starch", + "mirin", + "wax beans", + "oil", + "yellow peppers", + "water", + "cutlet", + "scallions", + "onions", + "sugar", + "flour", + "ginger", + "garlic cloves" + ] + }, + { + "id": 35873, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "cracked black pepper", + "fresh parsley", + "grape tomatoes", + "sweet potatoes", + "fresh lime juice", + "avocado", + "jalapeno chilies", + "lamb", + "ground cumin", + "ground chipotle chile pepper", + "Himalayan salt", + "ghee" + ] + }, + { + "id": 12174, + "cuisine": "thai", + "ingredients": [ + "chili oil", + "oyster sauce", + "fresh basil leaves", + "black pepper", + "salt", + "chillies", + "garlic", + "fillets", + "caster sugar", + "fresh mushrooms", + "onions" + ] + }, + { + "id": 20428, + "cuisine": "southern_us", + "ingredients": [ + "fresh chives", + "mango chutney", + "salt", + "ground coriander", + "celery ribs", + "peanuts", + "red pepper", + "rich chicken stock", + "ground turmeric", + "curry powder", + "butter", + "yellow onion", + "chopped pecans", + "black pepper", + "chunky peanut butter", + "heavy cream", + "sweet paprika", + "ground cumin" + ] + }, + { + "id": 34886, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "purple onion", + "sour cream", + "honey", + "vine ripened tomatoes", + "scallions", + "chopped cilantro", + "lime wedges", + "salt", + "chipotles in adobo", + "olive oil", + "shredded sharp cheddar cheese", + "garlic cloves", + "chicken" + ] + }, + { + "id": 17259, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "paprika", + "salt", + "cayenne pepper", + "monterey jack", + "black beans", + "chili powder", + "vegetable broth", + "hot sauce", + "corn tortillas", + "cheddar cheese", + "ground black pepper", + "cilantro", + "frozen corn", + "ground coriander", + "ground cumin", + "lettuce", + "lime", + "diced tomatoes", + "garlic", + "yellow onion", + "cooked quinoa" + ] + }, + { + "id": 8915, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "salt", + "onion powder", + "rubbed sage", + "eggs", + "vegetable oil", + "chicken leg quarters", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 4859, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "water", + "salsa verde", + "boneless skinless chicken breasts", + "shredded lettuce", + "salsa", + "olives", + "kosher salt", + "honey", + "flour tortillas", + "onion powder", + "salt", + "smoked paprika", + "ground cumin", + "beans", + "lime juice", + "ground black pepper", + "chili powder", + "garlic", + "shredded cheese", + "dried oregano", + "avocado", + "pepper", + "olive oil", + "cooking spray", + "lime wedges", + "cilantro leaves", + "sour cream" + ] + }, + { + "id": 10295, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "orange juice", + "shrimp", + "ground cumin", + "water", + "purple onion", + "mixed greens", + "fresh lime juice", + "avocado", + "cilantro sprigs", + "freshly ground pepper", + "red bell pepper", + "jalapeno chilies", + "salt", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 20331, + "cuisine": "spanish", + "ingredients": [ + "plain flour", + "parsley", + "minced beef", + "saffron", + "bread crumbs", + "salt", + "carrots", + "pork", + "paprika", + "garlic cloves", + "olive oil", + "free range egg", + "onions" + ] + }, + { + "id": 41743, + "cuisine": "italian", + "ingredients": [ + "low-fat plain yogurt", + "finely chopped onion", + "noodles", + "olive oil", + "lemon", + "light sour cream", + "chopped green bell pepper", + "blue cheese", + "pitted kalamata olives", + "red sockeye", + "italian seasoning" + ] + }, + { + "id": 7389, + "cuisine": "italian", + "ingredients": [ + "lime juice", + "chopped onion", + "sea salt", + "dried rosemary", + "tomatoes", + "garlic", + "chopped green bell pepper", + "dried oregano" + ] + }, + { + "id": 18230, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "onions", + "salt", + "garlic", + "chopped cilantro fresh", + "cayenne pepper" + ] + }, + { + "id": 14313, + "cuisine": "jamaican", + "ingredients": [ + "hot pepper sauce", + "mango", + "salt", + "purple onion", + "lime", + "chopped cilantro fresh" + ] + }, + { + "id": 21405, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "salt", + "water", + "bacon", + "carrots", + "turnips", + "chopped fresh thyme", + "pearl barley", + "ground black pepper", + "lamb shoulder", + "onions" + ] + }, + { + "id": 27407, + "cuisine": "spanish", + "ingredients": [ + "large egg whites", + "manzanilla", + "ground coriander", + "tomato sauce", + "cooking spray", + "fresh oregano", + "fresh parsley", + "ground turkey breast", + "dry bread crumbs", + "garlic cloves", + "black pepper", + "paprika", + "chopped onion" + ] + }, + { + "id": 2067, + "cuisine": "cajun_creole", + "ingredients": [ + "jasmine rice", + "bay leaves", + "paprika", + "garlic salt", + "andouille sausage", + "bell pepper", + "rotelle", + "onions", + "chicken broth", + "olive oil", + "chili powder", + "garlic", + "red kidney beans", + "water", + "red beans", + "stewed tomatoes", + "italian seasoning" + ] + }, + { + "id": 43003, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "beef tongue", + "vegetable oil", + "corn tortillas", + "fresh cilantro", + "lemon juice", + "tomatoes", + "salt", + "onions" + ] + }, + { + "id": 4676, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "vegetable oil", + "carrots", + "sugar", + "bell pepper", + "skinless chicken breasts", + "bamboo shoots", + "steamed white rice", + "salt", + "corn starch", + "minced ginger", + "Shaoxing wine", + "garlic chili sauce", + "black vinegar" + ] + }, + { + "id": 43419, + "cuisine": "cajun_creole", + "ingredients": [ + "prepared horseradish", + "fresh tarragon", + "lump crab meat", + "dijon mustard", + "fresh lemon juice", + "mayonaise", + "ground black pepper", + "salt", + "pepper", + "ground red pepper" + ] + }, + { + "id": 33400, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame oil", + "goji berries", + "shiitake", + "garlic", + "corn starch", + "light soy sauce", + "ginger", + "oyster sauce", + "dark soy sauce", + "chicken breasts", + "scallions" + ] + }, + { + "id": 38825, + "cuisine": "jamaican", + "ingredients": [ + "tomatoes", + "lime", + "vegetable oil", + "scallions", + "curry powder", + "meat", + "ground allspice", + "pepper", + "dried thyme", + "garlic", + "coconut milk", + "water", + "ground black pepper", + "salt", + "onions" + ] + }, + { + "id": 17974, + "cuisine": "french", + "ingredients": [ + "egg whites", + "water", + "confectioners sugar", + "almond meal", + "granulated sugar" + ] + }, + { + "id": 18972, + "cuisine": "mexican", + "ingredients": [ + "zucchini", + "butter", + "green chilies", + "whole milk", + "chopped onion", + "ground cumin", + "corn kernels", + "chili powder", + "grated jack cheese", + "flour tortillas", + "all-purpose flour", + "chopped cilantro fresh" + ] + }, + { + "id": 4440, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "beef broth", + "chopped parsley", + "ground cumin", + "eggs", + "water", + "sliced shallots", + "dried oregano", + "minced garlic", + "red bell pepper", + "chipotle chile powder", + "red potato", + "salt", + "roast beef", + "canola oil" + ] + }, + { + "id": 26405, + "cuisine": "southern_us", + "ingredients": [ + "apple cider vinegar", + "honey", + "salt", + "ground black pepper", + "ketchup", + "red pepper flakes" + ] + }, + { + "id": 42555, + "cuisine": "italian", + "ingredients": [ + "chestnut mushrooms", + "thyme leaves", + "white wine", + "sauce", + "chicken breasts", + "olive oil", + "chopped onion" + ] + }, + { + "id": 12862, + "cuisine": "thai", + "ingredients": [ + "chicken wings", + "cilantro", + "chopped cilantro", + "sweet chili sauce", + "oil", + "fish sauce", + "chili sauce", + "light brown sugar", + "lemongrass", + "ground white pepper" + ] + }, + { + "id": 37174, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "onions", + "salt", + "pepper", + "waxy potatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 28871, + "cuisine": "british", + "ingredients": [ + "pepper", + "butter", + "beef broth", + "frozen pastry puff sheets", + "beef tenderloin", + "onions", + "liver pate", + "red wine", + "fresh mushrooms", + "egg yolks", + "salt" + ] + }, + { + "id": 17486, + "cuisine": "chinese", + "ingredients": [ + "sugar pea", + "green onions", + "carrots", + "fresh ginger", + "dark sesame oil", + "vegetable oil cooking spray", + "large eggs", + "garlic cloves", + "light soy sauce", + "brown rice" + ] + }, + { + "id": 3804, + "cuisine": "irish", + "ingredients": [ + "coffee", + "whipping cream", + "sugar", + "Irish whiskey" + ] + }, + { + "id": 23569, + "cuisine": "brazilian", + "ingredients": [ + "garlic powder", + "smoked pork", + "black beans", + "bacon", + "dried oregano", + "chicken broth", + "bay leaves", + "basmati rice", + "olive oil", + "salt" + ] + }, + { + "id": 47084, + "cuisine": "french", + "ingredients": [ + "capers", + "garlic", + "pepper", + "lemon juice", + "pitted kalamata olives", + "salt", + "olive oil", + "fresh parsley" + ] + }, + { + "id": 37304, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "ground black pepper", + "scallions", + "soy sauce", + "garlic", + "sugar", + "sesame oil", + "large shrimp", + "olive oil", + "chili sauce" + ] + }, + { + "id": 46834, + "cuisine": "korean", + "ingredients": [ + "eggs", + "cayenne", + "scallions", + "soy sauce", + "sesame oil", + "cabbage", + "chiles", + "meat", + "noodles", + "chicken stock", + "sweet chili sauce", + "chili pepper flakes", + "chopped garlic" + ] + }, + { + "id": 9972, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "cayenne", + "ground allspice", + "onions", + "red kidney beans", + "garlic powder", + "Tabasco Pepper Sauce", + "sausages", + "ground cloves", + "ground black pepper", + "salt", + "ground white pepper", + "celery ribs", + "dried thyme", + "bay leaves", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 19203, + "cuisine": "vietnamese", + "ingredients": [ + "pork", + "garlic", + "cooked white rice", + "soy sauce", + "peanut oil", + "fish sauce", + "lemongrass", + "nuoc cham", + "sugar", + "ground black pepper", + "sliced shallots" + ] + }, + { + "id": 4888, + "cuisine": "filipino", + "ingredients": [ + "vinegar", + "white sugar", + "pineapple chunks", + "bacon", + "water chestnuts", + "soy sauce", + "chicken livers" + ] + }, + { + "id": 3378, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "large eggs", + "lo mein noodles", + "butter", + "fresh cilantro", + "green onions", + "brown sugar", + "Sriracha", + "crushed red pepper" + ] + }, + { + "id": 16812, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "mushrooms", + "polenta", + "zucchini", + "sausages", + "olive oil", + "marinara sauce", + "red bell pepper", + "finely chopped onion", + "garlic cloves" + ] + }, + { + "id": 26230, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "cream cheese", + "flour tortillas", + "sliced green onions", + "lime juice", + "sour cream", + "picante sauce", + "jalapeno chilies" + ] + }, + { + "id": 49013, + "cuisine": "filipino", + "ingredients": [ + "water", + "salt", + "peppercorns", + "pork shanks", + "vinegar", + "garlic cloves", + "brown sugar", + "bananas", + "oil", + "soy sauce", + "bay leaves", + "onions" + ] + }, + { + "id": 41305, + "cuisine": "southern_us", + "ingredients": [ + "cornbread", + "trout", + "salt", + "thick-cut bacon", + "kale", + "paprika", + "lemon juice", + "olive oil", + "purple onion", + "fillets", + "pepper", + "red wine vinegar", + "pumpkin seeds", + "ground cumin" + ] + }, + { + "id": 2462, + "cuisine": "japanese", + "ingredients": [ + "sea scallops", + "wasabi paste", + "teriyaki sauce", + "sesame seeds", + "green onions" + ] + }, + { + "id": 36990, + "cuisine": "mexican", + "ingredients": [ + "large egg whites", + "semisweet chocolate", + "salt", + "sugar", + "unsalted butter", + "vanilla extract", + "large egg yolks", + "mint sprigs", + "fresh raspberries", + "ground cinnamon", + "instant espresso powder", + "whipping cream" + ] + }, + { + "id": 39575, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "peanuts", + "szechwan peppercorns", + "garlic", + "white sesame seeds", + "soy sauce", + "base", + "ponzu", + "scallions", + "chili flakes", + "white pepper", + "goma", + "ground pork", + "oil", + "red chili peppers", + "mirin", + "sesame oil", + "salt", + "noodles" + ] + }, + { + "id": 17973, + "cuisine": "japanese", + "ingredients": [ + "frozen edamame beans", + "soy sauce", + "vegetable oil", + "carrots", + "sake", + "vinegar", + "dried shiitake mushrooms", + "shiso", + "minced chicken", + "spring onions", + "firm tofu", + "eggs", + "granulated sugar", + "salt", + "ginger root" + ] + }, + { + "id": 31321, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "bourbon whiskey", + "vanilla extract", + "pecans", + "large eggs", + "bacon", + "dark brown sugar", + "sugar", + "flour", + "light corn syrup", + "eggs", + "unsalted butter", + "ice water", + "bacon grease" + ] + }, + { + "id": 16270, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "garlic powder", + "diced tomatoes", + "cayenne pepper", + "onions", + "other vegetables", + "Tabasco Pepper Sauce", + "garlic", + "okra", + "broth", + "black pepper", + "bay leaves", + "vegetable broth", + "chickpeas", + "yellow peppers", + "dried thyme", + "all purpose unbleached flour", + "salt", + "flavoring" + ] + }, + { + "id": 34451, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "cracked black pepper", + "cognac", + "szechwan peppercorns", + "crème fraîche", + "shallots", + "salt", + "beef tenderloin steaks", + "watercress", + "beef broth" + ] + }, + { + "id": 35406, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "corn tortillas", + "bacon", + "corn kernels", + "salsa" + ] + }, + { + "id": 33820, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "Shaoxing wine", + "ground pork", + "toasted sesame oil", + "minced ginger", + "napa cabbage", + "ramps", + "kosher salt", + "vegetable oil", + "all-purpose flour", + "boiling water", + "sugar", + "fresh ginger", + "bacon", + "chinkiang vinegar" + ] + }, + { + "id": 31310, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "reduced fat milk", + "center cut loin pork chop", + "fresh sage", + "ground black pepper", + "all-purpose flour", + "fontina cheese", + "prosciutto", + "salt", + "sage leaves", + "olive oil", + "dry white wine", + "polenta" + ] + }, + { + "id": 409, + "cuisine": "korean", + "ingredients": [ + "cooked rice", + "sweet chili sauce", + "mirin", + "ginger", + "lemon juice", + "brown sugar", + "honey", + "green onions", + "Gochujang base", + "spinach", + "lime juice", + "Sriracha", + "garlic", + "chicken thighs", + "eggs", + "soy sauce", + "sesame seeds", + "sesame oil", + "orange juice" + ] + }, + { + "id": 14343, + "cuisine": "italian", + "ingredients": [ + "chicken bouillon granules", + "olive oil", + "garlic", + "boneless skinless chicken breast halves", + "pepper", + "grated parmesan cheese", + "bow-tie pasta", + "water", + "butter", + "carrots", + "chicken broth", + "zucchini", + "salt" + ] + }, + { + "id": 34434, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "onions", + "red wine", + "top sirloin steak", + "chunky pasta sauce", + "garlic" + ] + }, + { + "id": 42451, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ginger", + "corn starch", + "Shaoxing wine", + "scallions", + "lobster", + "all-purpose flour", + "ground white pepper", + "sugar", + "sesame oil", + "oil" + ] + }, + { + "id": 20022, + "cuisine": "british", + "ingredients": [ + "water", + "beef tenderloin", + "Burgundy wine", + "cold water", + "dried basil", + "salt", + "liver pate", + "beaten eggs", + "shortening", + "beef bouillon granules", + "all-purpose flour" + ] + }, + { + "id": 36757, + "cuisine": "korean", + "ingredients": [ + "persimmon", + "pinenuts", + "fresh ginger", + "sugar" + ] + }, + { + "id": 24212, + "cuisine": "indian", + "ingredients": [ + "clove", + "coconut", + "cinnamon", + "juice", + "canola oil", + "tumeric", + "finely chopped onion", + "garlic", + "medium shrimp", + "green cardamom pods", + "water", + "bay leaves", + "cilantro leaves", + "basmati rice", + "serrano chilies", + "lime", + "ginger", + "coconut milk" + ] + }, + { + "id": 12129, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh lemon juice", + "fresh rosemary", + "salt", + "chicken", + "cannellini beans", + "grated lemon peel", + "sugar", + "garlic cloves" + ] + }, + { + "id": 34321, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "shallots", + "vegetable broth", + "arborio rice", + "green onions", + "butter", + "freshly ground pepper", + "minced garlic", + "dry white wine", + "garden peas", + "fresh parsley", + "parmigiano reggiano cheese", + "vine leaves", + "salt" + ] + }, + { + "id": 22146, + "cuisine": "cajun_creole", + "ingredients": [ + "prepared horseradish", + "anchovy paste", + "grated orange", + "mayonaise", + "worcestershire sauce", + "lemon juice", + "creole mustard", + "old bay seasoning", + "grated lemon zest", + "sweet pickle", + "paprika", + "chopped cilantro" + ] + }, + { + "id": 8163, + "cuisine": "mexican", + "ingredients": [ + "pure maple syrup", + "shredded cheddar cheese", + "tortillas", + "cilantro", + "fresh lime juice", + "black beans", + "corn", + "boneless skinless chicken breasts", + "salt", + "romaine lettuce", + "fresh cilantro", + "green onions", + "extra-virgin olive oil", + "ground cumin", + "avocado", + "pepper", + "cherry tomatoes", + "lime wedges", + "cayenne pepper" + ] + }, + { + "id": 32635, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "sharp cheddar cheese", + "butter", + "quickcooking grits", + "okra pods", + "water", + "salt" + ] + }, + { + "id": 36054, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "all-purpose flour", + "leg of lamb", + "saffron", + "tomato purée", + "shallots", + "ground coriander", + "flat leaf parsley", + "ground ginger", + "clear honey", + "lemon rind", + "cinnamon sticks", + "lamb stock", + "pitted Medjool dates", + "garlic cloves", + "coriander" + ] + }, + { + "id": 5123, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "granulated sugar", + "marinade", + "yellow bell pepper", + "red bell pepper", + "pepper", + "Sriracha", + "top sirloin steak", + "garlic cloves", + "black pepper", + "zucchini", + "sesame oil", + "salt", + "onions", + "chinese rice wine", + "water", + "mushrooms", + "ginger", + "corn starch" + ] + }, + { + "id": 19129, + "cuisine": "cajun_creole", + "ingredients": [ + "diced tomatoes", + "salt", + "smoked paprika", + "white rice", + "okra", + "onions", + "chicken stock", + "garlic", + "sausages", + "deveined shrimp", + "green pepper", + "celery" + ] + }, + { + "id": 7842, + "cuisine": "chinese", + "ingredients": [ + "molasses", + "ginger", + "garlic cloves", + "sesame oil", + "rice vinegar", + "steak", + "jalapeno chilies", + "navel oranges", + "corn starch", + "low sodium soy sauce", + "red pepper flakes", + "scallions", + "canola oil" + ] + }, + { + "id": 7128, + "cuisine": "japanese", + "ingredients": [ + "tamarind extract", + "chili powder", + "paneer", + "ground turmeric", + "tomatoes", + "coriander seeds", + "ginger", + "cumin seed", + "sugar", + "garam masala", + "peas", + "oil", + "cream", + "butter", + "green chilies" + ] + }, + { + "id": 32882, + "cuisine": "british", + "ingredients": [ + "beef drippings", + "salt", + "milk", + "eggs", + "parsley", + "water", + "all-purpose flour" + ] + }, + { + "id": 40445, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "garlic", + "couscous", + "ground cinnamon", + "apricot halves", + "all-purpose flour", + "ground cumin", + "ground ginger", + "pitted green olives", + "lamb shoulder", + "onions", + "black pepper", + "paprika", + "carrots" + ] + }, + { + "id": 39934, + "cuisine": "thai", + "ingredients": [ + "sugar", + "green onions", + "chinese cabbage", + "fresh lime juice", + "fish sauce", + "shredded carrots", + "seasoned rice wine vinegar", + "red bell pepper", + "fresh basil", + "chili paste", + "salt", + "cucumber", + "serrano chile", + "bean threads", + "pork", + "purple onion", + "peanut oil", + "chopped fresh mint" + ] + }, + { + "id": 20567, + "cuisine": "italian", + "ingredients": [ + "pepper", + "shredded mozzarella cheese", + "meat", + "salt", + "lasagna noodles", + "meat sauce" + ] + }, + { + "id": 1206, + "cuisine": "greek", + "ingredients": [ + "strawberries", + "honey", + "phyllo dough", + "greek yogurt", + "unsalted butter" + ] + }, + { + "id": 46031, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "salted butter", + "salt", + "pure vanilla extract", + "fruit", + "ice water", + "corn starch", + "sugar", + "unsalted butter", + "lemon juice", + "shortening", + "ground nutmeg", + "all-purpose flour" + ] + }, + { + "id": 2124, + "cuisine": "thai", + "ingredients": [ + "sweet soy sauce", + "ginger root", + "sugar", + "sunflower oil", + "salmon fillets", + "spring onions", + "red chili peppers", + "cilantro leaves" + ] + }, + { + "id": 3359, + "cuisine": "mexican", + "ingredients": [ + "roma tomatoes", + "kosher salt", + "chopped cilantro fresh", + "white onion", + "garlic cloves", + "lime juice", + "serrano chile" + ] + }, + { + "id": 34593, + "cuisine": "indian", + "ingredients": [ + "cherry tomatoes", + "garam masala", + "salt", + "ghee", + "chicken", + "red chili peppers", + "coriander seeds", + "garlic", + "cumin seed", + "methi", + "tomatoes", + "sun-dried tomatoes", + "coriander powder", + "cilantro leaves", + "mixed bell peppers", + "ground cumin", + "pepper", + "ginger piece", + "purple onion", + "lemon juice", + "ground turmeric" + ] + }, + { + "id": 23469, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "green onions", + "oyster sauce", + "soy sauce", + "extra firm tofu", + "garlic", + "chicken broth", + "ground black pepper", + "ground pork", + "corn starch", + "water", + "cooking oil", + "salt" + ] + }, + { + "id": 2509, + "cuisine": "italian", + "ingredients": [ + "pepper", + "lemon juice", + "fresh green bean", + "olive oil", + "capers", + "salt" + ] + }, + { + "id": 28184, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "garlic cloves", + "water", + "white vinegar", + "serrano peppers", + "sugar", + "fresh lime juice" + ] + }, + { + "id": 6914, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "fresh shiitake mushrooms", + "garlic cloves", + "oysters", + "vegetable oil", + "dried mushrooms", + "gyoza", + "salt", + "soy sauce", + "shallots", + "toasted sesame oil" + ] + }, + { + "id": 25481, + "cuisine": "french", + "ingredients": [ + "walnut halves", + "mixed greens", + "salt", + "walnut oil", + "goat cheese", + "pepper", + "lemon juice" + ] + }, + { + "id": 48630, + "cuisine": "thai", + "ingredients": [ + "pepper", + "honey", + "sesame oil", + "chili sauce", + "toasted sesame oil", + "black pepper", + "lemongrass", + "reduced sodium soy sauce", + "red pepper", + "carrots", + "fresh basil leaves", + "fish sauce", + "water", + "fresh ginger", + "lean ground beef", + "roasted peanuts", + "toasted sesame seeds", + "jasmine rice", + "lime", + "green onions", + "garlic", + "coconut milk" + ] + }, + { + "id": 32437, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic cloves", + "salted butter", + "cracked black pepper", + "baguette", + "fresh lemon juice" + ] + }, + { + "id": 28959, + "cuisine": "brazilian", + "ingredients": [ + "superfine sugar", + "cachaca", + "crushed ice", + "lime" + ] + }, + { + "id": 19378, + "cuisine": "mexican", + "ingredients": [ + "chili", + "onion tops", + "chicken stock", + "chopped cilantro fresh", + "tomatillos" + ] + }, + { + "id": 48285, + "cuisine": "french", + "ingredients": [ + "vanilla extract", + "fat free milk", + "bittersweet chocolate", + "sugar", + "salt", + "large eggs", + "unsweetened cocoa powder" + ] + }, + { + "id": 7189, + "cuisine": "vietnamese", + "ingredients": [ + "pickled carrots", + "cilantro", + "bamboo shoots", + "pork", + "roasted rice powder", + "nuoc mam", + "sugar", + "ground black pepper", + "garlic", + "baguette", + "shallots", + "fresh pork fat" + ] + }, + { + "id": 44120, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "full fat cream cheese", + "walnuts", + "eating apple", + "cheese" + ] + }, + { + "id": 10860, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "bacon", + "green pepper", + "chopped parsley", + "unsalted butter", + "salt", + "juice", + "water", + "white cheddar cheese", + "garlic cloves", + "grits", + "green onions", + "yellow onion", + "shrimp" + ] + }, + { + "id": 48936, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "green onions", + "hot water", + "cooked chicken breasts", + "flour tortillas", + "creamy peanut butter", + "beansprouts", + "ground black pepper", + "salt", + "red bell pepper", + "shredded carrots", + "garlic chili sauce", + "fresh lime juice" + ] + }, + { + "id": 32808, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "kosher salt", + "onions", + "black pepper", + "russet potatoes", + "olive oil" + ] + }, + { + "id": 27369, + "cuisine": "indian", + "ingredients": [ + "peaches", + "curry powder", + "pineapple slices", + "light brown sugar", + "cherries", + "oleo", + "pears" + ] + }, + { + "id": 7335, + "cuisine": "chinese", + "ingredients": [ + "black peppercorns", + "silken tofu", + "chili oil", + "cilantro leaves", + "oil", + "cinnamon sticks", + "green cardamom pods", + "sugar", + "dry white wine", + "chile de arbol", + "cumin seed", + "pork shoulder boston butt", + "bay leaf", + "tomato paste", + "kosher salt", + "szechwan peppercorns", + "thai chile", + "scallions", + "low salt chicken broth", + "chopped garlic", + "fish sauce", + "whole cloves", + "ginger", + "chopped onion", + "konbu", + "fermented black beans" + ] + }, + { + "id": 20295, + "cuisine": "chinese", + "ingredients": [ + "pork belly", + "chinese five-spice powder", + "ground black pepper", + "water", + "rock salt", + "sugar", + "salt" + ] + }, + { + "id": 41832, + "cuisine": "french", + "ingredients": [ + "sourdough bread", + "purple onion", + "capers", + "roasted red peppers", + "garlic cloves", + "tomatoes", + "olive oil", + "brine-cured black olives", + "anchovies", + "solid white tuna" + ] + }, + { + "id": 38389, + "cuisine": "irish", + "ingredients": [ + "pepper", + "vegetable oil", + "salt", + "milk", + "butter", + "frozen peas and carrots", + "water", + "russet potatoes", + "ground turkey", + "chicken gravy mix", + "cooking spray", + "cheese", + "onions" + ] + }, + { + "id": 49681, + "cuisine": "italian", + "ingredients": [ + "salami", + "fresh parsley", + "breadstick", + "pickled okra", + "kalamata", + "crackers", + "roasted red peppers", + "goat cheese" + ] + }, + { + "id": 12754, + "cuisine": "indian", + "ingredients": [ + "salt", + "sugar", + "coconut milk", + "cooked rice", + "rice", + "coconut", + "yeast" + ] + }, + { + "id": 11839, + "cuisine": "italian", + "ingredients": [ + "cremini mushrooms", + "olive oil", + "dry red wine", + "whole wheat penne", + "dried porcini mushrooms", + "finely chopped onion", + "salt", + "warm water", + "ground black pepper", + "chopped celery", + "parmigiano-reggiano cheese", + "crushed tomatoes", + "parmigiano reggiano cheese", + "carrots" + ] + }, + { + "id": 15706, + "cuisine": "british", + "ingredients": [ + "water", + "vegetable oil", + "cinnamon sticks", + "demerara sugar", + "olive oil", + "red wine", + "allspice", + "tomato purée", + "rosemary", + "red wine vinegar", + "onions", + "black pepper", + "beef", + "salt" + ] + }, + { + "id": 1995, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "green pepper", + "ziti", + "marinara sauce", + "ground beef", + "mozzarella cheese", + "brats" + ] + }, + { + "id": 42178, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "minced garlic", + "tortilla chips", + "ground cumin", + "spanish rice", + "cilantro leaves", + "sour cream", + "reduced sodium chicken broth", + "extra-virgin olive oil", + "rotisserie chicken", + "shredded cheddar cheese", + "sauce", + "onions" + ] + }, + { + "id": 33600, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "baby spinach", + "avocado", + "lime", + "taco shells", + "cilantro", + "grape tomatoes", + "center cut bacon" + ] + }, + { + "id": 5373, + "cuisine": "italian", + "ingredients": [ + "pecorino cheese", + "fusilli", + "freshly ground pepper", + "cherry tomatoes", + "extra-virgin olive oil", + "plain dry bread crumb", + "loosely packed fresh basil leaves", + "garlic cloves", + "parmigiano reggiano cheese", + "salt" + ] + }, + { + "id": 36672, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "guajillo", + "red radishes", + "ground cumin", + "clove", + "white hominy", + "garlic", + "oregano", + "avocado", + "lime", + "cilantro", + "pork shoulder", + "tostada shells", + "bay leaves", + "salt", + "cabbage" + ] + }, + { + "id": 5915, + "cuisine": "mexican", + "ingredients": [ + "cooked rice", + "chicken breasts", + "black beans", + "cream cheese", + "colby cheese", + "green enchilada sauce", + "tortillas" + ] + }, + { + "id": 35276, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "apples", + "softened butter", + "cream", + "butter", + "salt", + "hot water", + "nutmeg", + "cinnamon", + "vanilla extract", + "cinnamon sugar", + "granulated sugar", + "buttermilk", + "all-purpose flour", + "confectioners sugar" + ] + }, + { + "id": 44426, + "cuisine": "jamaican", + "ingredients": [ + "tomatoes", + "habanero pepper", + "garlic cloves", + "water", + "cilantro", + "onions", + "ketchup", + "meat", + "thyme", + "curry powder", + "scallions", + "cumin" + ] + }, + { + "id": 20991, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "white rice flour", + "butter", + "pork sausages", + "flour", + "xanthan gum", + "pepper", + "salt" + ] + }, + { + "id": 31217, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "purple onion", + "fresh cilantro", + "frozen corn", + "lime juice", + "salt", + "jalapeno chilies" + ] + }, + { + "id": 518, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "tortillas", + "yellow corn", + "ground cumin", + "low-fat cottage cheese", + "rotelle", + "red enchilada sauce", + "shredded reduced fat cheddar cheese", + "chili powder", + "garlic", + "lean ground turkey", + "garlic powder", + "reduced-fat sour cream", + "onions" + ] + }, + { + "id": 38441, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "onions", + "large eggs", + "shredded sharp cheddar cheese", + "tomatoes", + "paprika", + "cracker crumbs", + "salt" + ] + }, + { + "id": 46629, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "peeled shrimp", + "brown sugar", + "green onions", + "chicken stock", + "fresh ginger root", + "boneless pork loin", + "chinese rice wine", + "wonton wrappers" + ] + }, + { + "id": 19140, + "cuisine": "chinese", + "ingredients": [ + "fillet red snapper", + "vegetable oil", + "medium dry sherry", + "scallions", + "fresh ginger", + "salt", + "sesame oil", + "serrano chile" + ] + }, + { + "id": 27709, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "whipped topping", + "butter", + "yellow cake mix", + "peaches in heavy syrup" + ] + }, + { + "id": 6291, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "coriander powder", + "mustard oil", + "tomatoes", + "red chili peppers", + "panch phoran", + "ground cumin", + "asafoetida", + "potatoes", + "ground turmeric", + "red chili powder", + "eggplant", + "salt" + ] + }, + { + "id": 40504, + "cuisine": "british", + "ingredients": [ + "water", + "large eggs", + "salt", + "ground ginger", + "unsalted butter", + "heavy cream", + "light brown sugar", + "baking soda", + "baking powder", + "all-purpose flour", + "pitted date", + "granulated sugar", + "vanilla" + ] + }, + { + "id": 20240, + "cuisine": "mexican", + "ingredients": [ + "tortilla wraps", + "cucumber", + "avocado", + "salt", + "coriander", + "cheddar cheese", + "onions", + "tomatoes", + "lemon juice" + ] + }, + { + "id": 30291, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "granulated sugar", + "baking powder", + "salt", + "shortening", + "peaches", + "egg yolks", + "mint sprigs", + "confectioners sugar", + "toasted pecans", + "unsalted butter", + "cooking spray", + "whipping cream", + "almond liqueur", + "coarse sugar", + "ground nutmeg", + "fresh blueberries", + "buttermilk", + "all-purpose flour" + ] + }, + { + "id": 31543, + "cuisine": "italian", + "ingredients": [ + "linguine", + "plum tomatoes", + "balsamic vinegar", + "garlic cloves", + "olive oil", + "salt", + "kalamata", + "arugula" + ] + }, + { + "id": 6081, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "baking powder", + "okra", + "water", + "salt", + "pepper", + "vegetable oil", + "cornmeal", + "finely chopped onion", + "all-purpose flour" + ] + }, + { + "id": 42627, + "cuisine": "indian", + "ingredients": [ + "water", + "lime wedges", + "onions", + "unsweetened coconut milk", + "fresh ginger", + "salt", + "curry powder", + "vegetable oil", + "serrano chile", + "sugar", + "shell-on shrimp", + "fresh lime juice" + ] + }, + { + "id": 12482, + "cuisine": "cajun_creole", + "ingredients": [ + "white pepper", + "chile pepper", + "worcestershire sauce", + "all-purpose flour", + "celery", + "chicken stock", + "ground black pepper", + "butter", + "paprika", + "cayenne pepper", + "sliced green onions", + "diced onions", + "garlic powder", + "vegetable oil", + "diced tomatoes", + "hot sauce", + "dried oregano", + "cooked rice", + "onion powder", + "ground thyme", + "salt", + "shrimp" + ] + }, + { + "id": 41112, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "shredded mozzarella cheese", + "milk", + "casings", + "large eggs", + "red bell pepper", + "green bell pepper", + "basil leaves", + "Italian bread" + ] + }, + { + "id": 27879, + "cuisine": "moroccan", + "ingredients": [ + "eggs", + "garlic", + "ground lamb", + "bread crumbs", + "red bell pepper", + "red chili peppers", + "rice", + "chicken stock", + "moroccan seasoning", + "onions" + ] + }, + { + "id": 24123, + "cuisine": "mexican", + "ingredients": [ + "lime", + "rotisserie chicken", + "avocado", + "broccoli", + "bread", + "purple onion", + "plum tomatoes", + "pinenuts", + "sauce" + ] + }, + { + "id": 26118, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "plums", + "kale", + "ground black pepper", + "goat cheese", + "almonds", + "tamari soy sauce", + "honey", + "dijon mustard", + "lemon juice" + ] + }, + { + "id": 47179, + "cuisine": "southern_us", + "ingredients": [ + "vanilla extract", + "egg whites", + "white sugar", + "water", + "chopped walnuts", + "light corn syrup" + ] + }, + { + "id": 46054, + "cuisine": "jamaican", + "ingredients": [ + "ground black pepper", + "ground thyme", + "cayenne pepper", + "ground ginger", + "chile pepper", + "salt", + "fresh thyme", + "paprika", + "allspice", + "brown sugar", + "cinnamon", + "grated nutmeg" + ] + }, + { + "id": 1831, + "cuisine": "irish", + "ingredients": [ + "water", + "beef broth", + "cabbage", + "red potato", + "beef brisket", + "carrots", + "white vinegar", + "olive oil", + "beer", + "parsnips", + "all-purpose flour", + "onions" + ] + }, + { + "id": 38363, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "fresh basil", + "refrigerated pizza dough", + "fontina cheese", + "grated parmesan cheese", + "cherry tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 30361, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "coriander seeds", + "chili powder", + "salt", + "ghee", + "pepper", + "unsalted butter", + "ginger", + "cumin seed", + "fenugreek leaves", + "water", + "yoghurt", + "garlic", + "chopped cilantro", + "boneless chicken skinless thigh", + "garam masala", + "heavy cream", + "yellow onion" + ] + }, + { + "id": 41388, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "water", + "smoked ham hocks", + "hot pepper", + "pepper", + "field peas" + ] + }, + { + "id": 12688, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "poblano peppers", + "cinnamon", + "ground pork", + "onions", + "clove", + "jack cheese", + "flour", + "diced tomatoes", + "sauce", + "oregano", + "slivered almonds", + "jalapeno chilies", + "raisins", + "garlic", + "pimento stuffed green olives", + "chicken broth", + "cider vinegar", + "corn oil", + "cilantro", + "oil", + "cumin" + ] + }, + { + "id": 18244, + "cuisine": "cajun_creole", + "ingredients": [ + "lump crab meat", + "hot pepper sauce", + "salt", + "canola mayonnaise", + "black pepper", + "water", + "shallots", + "red bell pepper", + "fresh chives", + "panko", + "cajun seasoning", + "cream cheese, soften", + "minced garlic", + "cooking spray", + "lemon juice" + ] + }, + { + "id": 48120, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "mushrooms", + "smoked paprika", + "cheddar cheese", + "Sriracha", + "salt", + "ground cumin", + "tomatoes", + "fresh coriander", + "garlic", + "long grain white rice", + "black pepper", + "flour tortillas", + "oil" + ] + }, + { + "id": 6444, + "cuisine": "vietnamese", + "ingredients": [ + "thai basil", + "mung bean sprouts", + "kosher salt", + "scallions", + "pork", + "yellow onion", + "chopped cilantro fresh", + "fish sauce", + "meat bones", + "noodles" + ] + }, + { + "id": 47540, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "serrano peppers", + "yellow onion", + "cumin", + "chicken stock", + "flour tortillas", + "non-fat sour cream", + "chopped cilantro", + "avocado", + "ground pepper", + "butter", + "garlic cloves", + "jack cheese", + "flour", + "salt", + "cooked chicken breasts" + ] + }, + { + "id": 25668, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "nuts", + "white cake mix", + "cocktail cherries", + "milk", + "boiling water", + "white frostings", + "vegetable oil" + ] + }, + { + "id": 26566, + "cuisine": "vietnamese", + "ingredients": [ + "tomatoes", + "water", + "celery ribs", + "fish sauce", + "tamarind paste", + "mint", + "palm sugar", + "cod", + "red chili peppers", + "beansprouts" + ] + }, + { + "id": 48954, + "cuisine": "italian", + "ingredients": [ + "traditional italian sauce", + "pepperoni", + "part-skim ricotta cheese", + "bread", + "shredded mozzarella cheese" + ] + }, + { + "id": 28186, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "whole milk", + "granulated sugar", + "vanilla extract", + "unsalted butter", + "cinnamon", + "french bread" + ] + }, + { + "id": 4287, + "cuisine": "italian", + "ingredients": [ + "capers", + "garlic cloves", + "french bread", + "olive oil flavored cooking spray", + "balsamic vinegar", + "plum tomatoes", + "olive oil", + "fresh basil leaves" + ] + }, + { + "id": 39586, + "cuisine": "southern_us", + "ingredients": [ + "chile powder", + "buttermilk", + "freshly ground pepper", + "bone in skinless chicken thigh", + "sweet paprika", + "kosher salt", + "cayenne pepper", + "canola oil", + "brown sugar", + "all-purpose flour", + "smoked paprika" + ] + }, + { + "id": 33978, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "dry mustard", + "snapper fillets", + "fat free less sodium chicken broth", + "clam juice", + "salt", + "red bell pepper", + "tomato paste", + "habanero pepper", + "purple onion", + "garlic cloves", + "honey", + "chopped fresh thyme", + "yellow onion" + ] + }, + { + "id": 3577, + "cuisine": "chinese", + "ingredients": [ + "tofu", + "balsamic vinegar", + "ginger", + "Chinese egg noodles", + "organic soy sauce", + "red wine", + "roasted peanuts", + "red chili peppers", + "vegetable stock", + "garlic", + "sesame chili oil", + "szechwan peppercorns", + "sea salt", + "scallions" + ] + }, + { + "id": 30074, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "tortilla chips", + "cheese", + "chopped cilantro fresh", + "russet potatoes", + "sour cream", + "milk", + "salsa" + ] + }, + { + "id": 3381, + "cuisine": "mexican", + "ingredients": [ + "pinto beans", + "water", + "lard", + "salt" + ] + }, + { + "id": 17571, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "Shaoxing wine", + "ginger", + "corn starch", + "wide rice noodles", + "water", + "flank steak", + "oil", + "dark soy sauce", + "light soy sauce", + "sesame oil", + "oyster sauce", + "white pepper", + "green onions", + "garlic", + "beansprouts" + ] + }, + { + "id": 25556, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "ground black pepper", + "low sodium chicken broth", + "chipotle chile powder", + "cumin", + "corn kernels", + "poblano peppers", + "garlic cloves", + "onions", + "kosher salt", + "Mexican cheese blend", + "extra-virgin olive oil", + "roasted tomatoes", + "quinoa", + "jalapeno chilies", + "red bell pepper", + "dried oregano" + ] + }, + { + "id": 27111, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "ground black pepper", + "roasting chickens", + "onions", + "beans", + "instant chicken bouillon granules", + "thyme", + "black peppercorns", + "potatoes", + "carrots", + "turnips", + "water", + "salt", + "chopped parsley" + ] + }, + { + "id": 40146, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "balsamic vinegar", + "red bell pepper", + "bay leaves", + "garlic cloves", + "water", + "purple onion", + "butter beans", + "olive oil", + "salt" + ] + }, + { + "id": 49360, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "marinara sauce", + "mozzarella cheese", + "flat leaf parsley", + "french baguette", + "sweet italian sausage", + "grated parmesan cheese" + ] + }, + { + "id": 37268, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "salt", + "ginger root", + "water", + "rice wine", + "duck", + "five-spice powder", + "caster sugar", + "bean paste", + "rice vinegar", + "onions", + "honey", + "red", + "oil" + ] + }, + { + "id": 40195, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "creole seasoning", + "red bell pepper", + "celery ribs", + "olive oil", + "garlic cloves", + "vegetable bouillon cube", + "water", + "long-grain rice", + "onions", + "red kidney beans", + "salt", + "smoked paprika", + "sliced green onions" + ] + }, + { + "id": 319, + "cuisine": "irish", + "ingredients": [ + "club soda", + "lime", + "ice cubes", + "Irish whiskey" + ] + }, + { + "id": 44053, + "cuisine": "italian", + "ingredients": [ + "water", + "raisins", + "sugar", + "red wine vinegar", + "hot water", + "ground black pepper", + "salt", + "pinenuts", + "butter", + "onions" + ] + }, + { + "id": 12313, + "cuisine": "southern_us", + "ingredients": [ + "garlic", + "collards", + "pepper", + "bacon fat", + "salt", + "smoked ham hocks", + "water", + "yellow onion" + ] + }, + { + "id": 10830, + "cuisine": "indian", + "ingredients": [ + "lime", + "green chile", + "cilantro leaves", + "mint leaves", + "salt" + ] + }, + { + "id": 39860, + "cuisine": "mexican", + "ingredients": [ + "chili", + "tortilla chips", + "black olives", + "shredded cheddar cheese", + "chunky salsa" + ] + }, + { + "id": 10412, + "cuisine": "korean", + "ingredients": [ + "sugar", + "rice vinegar", + "canola oil", + "sesame seeds", + "carrots", + "minced garlic", + "dark sesame oil", + "low sodium soy sauce", + "ground red pepper", + "cucumber" + ] + }, + { + "id": 8926, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "capers", + "lemon", + "tuna", + "grated parmesan cheese", + "fresh lemon juice", + "olive oil", + "large garlic cloves", + "flat leaf parsley" + ] + }, + { + "id": 9012, + "cuisine": "french", + "ingredients": [ + "calvados", + "bacon", + "all-purpose flour", + "ground black pepper", + "giblet", + "garlic", + "chicken stock", + "mushrooms", + "sea salt", + "ham", + "unsalted butter", + "red wine", + "bouquet garni" + ] + }, + { + "id": 49024, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "low-fat buttermilk", + "lemon juice", + "ground black pepper", + "boneless skinless chicken breasts", + "olive oil", + "lemon zest", + "chopped pecans", + "tomatoes", + "peaches", + "salsa" + ] + }, + { + "id": 2736, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "large garlic cloves", + "garlic cloves", + "free-range chickens", + "artichokes", + "coarse kosher salt", + "ground black pepper", + "extra-virgin olive oil", + "fresh lemon juice", + "olive oil", + "lemon", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 9063, + "cuisine": "mexican", + "ingredients": [ + "sliced black olives", + "grating cheese", + "black pepper", + "large flour tortillas", + "fresh basil", + "pizza sauce", + "medium tomatoes", + "portabello mushroom" + ] + }, + { + "id": 13189, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "cumin", + "celery ribs", + "enchilada sauce", + "chili powder", + "chicken", + "tomatoes", + "onions" + ] + }, + { + "id": 30720, + "cuisine": "mexican", + "ingredients": [ + "chunky mild salsa", + "Mexican cheese blend", + "chopped cilantro fresh", + "nonstick spray", + "vermicelli", + "cooked chicken breasts" + ] + }, + { + "id": 30577, + "cuisine": "french", + "ingredients": [ + "nutmeg", + "vanilla extract", + "pears", + "large eggs", + "salt", + "sugar", + "1% low-fat milk", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 38988, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "basil leaves", + "cilantro leaves", + "sweet chili sauce", + "vegetable oil", + "red chili peppers", + "rice noodles", + "beansprouts", + "lime", + "sirloin steak" + ] + }, + { + "id": 8511, + "cuisine": "mexican", + "ingredients": [ + "whole milk", + "yellow onion", + "monterey jack", + "unsalted butter", + "garlic", + "chopped cilantro", + "cheddar cheese", + "diced tomatoes", + "sour cream", + "jalapeno chilies", + "all-purpose flour", + "serrano chile" + ] + }, + { + "id": 47251, + "cuisine": "spanish", + "ingredients": [ + "salt", + "baby potatoes", + "olive oil", + "dried oregano", + "orange", + "chicken thighs", + "purple onion", + "chorizo sausage" + ] + }, + { + "id": 49065, + "cuisine": "irish", + "ingredients": [ + "butter", + "light cream", + "scallions", + "kosher salt", + "cracked black pepper", + "russet potatoes" + ] + }, + { + "id": 34133, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "hass avocado", + "jalapeno chilies", + "white onion", + "chopped cilantro fresh", + "coarse salt" + ] + }, + { + "id": 29320, + "cuisine": "greek", + "ingredients": [ + "eggplant", + "butter", + "garlic cloves", + "dried oregano", + "crushed tomatoes", + "grated parmesan cheese", + "chopped celery", + "flat leaf parsley", + "olive oil", + "whole milk", + "all-purpose flour", + "onions", + "ground cinnamon", + "large egg yolks", + "portabello mushroom", + "carrots" + ] + }, + { + "id": 39201, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "tortilla chips", + "American cheese" + ] + }, + { + "id": 48888, + "cuisine": "mexican", + "ingredients": [ + "tostadas", + "salt", + "fresh lime juice", + "ketchup", + "lime slices", + "cucumber", + "avocado", + "white onion", + "hot sauce", + "chopped cilantro fresh", + "saltines", + "olive oil", + "shrimp" + ] + }, + { + "id": 46980, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "chile pepper", + "all-purpose flour", + "pork stew meat", + "onion salt", + "garlic salt", + "water", + "vegetable oil", + "onions", + "tomato sauce", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 39754, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "garlic", + "mushrooms", + "scallions", + "cooking oil", + "salt", + "monkfish fillets", + "heavy cream" + ] + }, + { + "id": 41597, + "cuisine": "italian", + "ingredients": [ + "Alfredo sauce", + "tilapia fillets", + "garlic", + "butter", + "olive oil", + "creole seasoning" + ] + }, + { + "id": 34660, + "cuisine": "japanese", + "ingredients": [ + "olive oil", + "ume plum vinegar", + "fillets", + "agave nectar", + "salmon" + ] + }, + { + "id": 13830, + "cuisine": "southern_us", + "ingredients": [ + "dry mustard", + "whole cloves", + "dark brown sugar", + "bourbon whiskey", + "smoked fully cooked ham", + "navel oranges" + ] + }, + { + "id": 10260, + "cuisine": "southern_us", + "ingredients": [ + "dry white wine", + "bacon", + "pepper", + "butter", + "garlic cloves", + "tomatoes", + "shallots", + "salt", + "green onions", + "fresh green bean", + "shrimp" + ] + }, + { + "id": 28218, + "cuisine": "italian", + "ingredients": [ + "whipping cream", + "blackberries", + "sugar", + "crème fraîche", + "hazelnuts", + "Frangelico", + "unflavored gelatin", + "vanilla extract" + ] + }, + { + "id": 22294, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "lime", + "peanut oil", + "boneless chicken skinless thigh", + "sesame seeds", + "onions", + "red chili peppers", + "superfine sugar", + "garlic cloves", + "chicken stock", + "lemongrass", + "amaranth" + ] + }, + { + "id": 30092, + "cuisine": "mexican", + "ingredients": [ + "lime rind", + "ground black pepper", + "corn tortillas", + "grated orange", + "sugar", + "halibut fillets", + "tequila", + "arugula", + "chipotle chile", + "salt", + "fresh lime juice", + "warm water", + "olive oil", + "reduced fat mayonnaise", + "chopped cilantro fresh" + ] + }, + { + "id": 37546, + "cuisine": "filipino", + "ingredients": [ + "shrimp paste", + "coconut cream", + "onions", + "crab", + "garlic", + "oil", + "mussels", + "ginger", + "squid", + "pepper", + "salt", + "shrimp" + ] + }, + { + "id": 40071, + "cuisine": "italian", + "ingredients": [ + "walnuts", + "pecorino romano cheese", + "extra-virgin olive oil", + "Belgian endive" + ] + }, + { + "id": 5154, + "cuisine": "southern_us", + "ingredients": [ + "ground ginger", + "kosher salt", + "ground black pepper", + "root beer", + "whiskey", + "celery salt", + "brown sugar", + "olive oil", + "onion powder", + "dry mustard", + "light brown sugar", + "hamburger buns", + "ground nutmeg", + "balsamic vinegar", + "garlic salt", + "ground cinnamon", + "pork shoulder roast", + "barbecue sauce", + "paprika" + ] + }, + { + "id": 36977, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "fresh tarragon", + "clams", + "dry white wine", + "linguine", + "crusty bread", + "red pepper flakes", + "garlic", + "beefsteak tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 38271, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "brown lentils", + "onions", + "greek seasoning", + "vegetable stock", + "red bell pepper", + "ground black pepper", + "feta cheese crumbles", + "oregano", + "green bell pepper", + "stewed tomatoes", + "bay leaf" + ] + }, + { + "id": 36391, + "cuisine": "spanish", + "ingredients": [ + "potatoes", + "green pepper", + "white wine vinegar", + "onions", + "red pepper", + "garlic cloves", + "olive oil", + "salt" + ] + }, + { + "id": 24727, + "cuisine": "italian", + "ingredients": [ + "crusty bread", + "dry white wine", + "onions", + "pepper", + "thyme", + "italian sausage", + "olive oil", + "red bell pepper", + "kosher salt", + "garlic", + "polenta" + ] + }, + { + "id": 14598, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "chicken breast halves", + "salt", + "ground cumin", + "green chile", + "fresh cilantro", + "diced tomatoes", + "garlic salt", + "red potato", + "water", + "sliced carrots", + "chopped onion", + "reduced fat sharp cheddar cheese", + "bay leaves", + "paprika", + "nonfat evaporated milk" + ] + }, + { + "id": 17822, + "cuisine": "korean", + "ingredients": [ + "salt", + "cucumber", + "pickled radish", + "english cucumber", + "lobster", + "rice", + "toasted sesame seeds", + "sesame oil", + "carrots" + ] + }, + { + "id": 37368, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "bay leaves", + "butter", + "chopped onion", + "andouille sausage links", + "kosher salt", + "Tabasco Pepper Sauce", + "large garlic cloves", + "diced celery", + "green bell pepper", + "green onions", + "ground thyme", + "long-grain rice", + "tomato paste", + "crawfish", + "vegetable oil", + "stewed tomatoes" + ] + }, + { + "id": 18258, + "cuisine": "japanese", + "ingredients": [ + "tobiko", + "abura age", + "sugar", + "salt", + "sushi rice", + "rice vinegar" + ] + }, + { + "id": 19711, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "grated parmesan cheese", + "salt", + "corn", + "fresh thyme leaves", + "ground black pepper", + "butter", + "chicken broth", + "shallots" + ] + }, + { + "id": 49098, + "cuisine": "spanish", + "ingredients": [ + "granny smith apples", + "red wine", + "peaches", + "white sugar", + "bananas", + "cinnamon sticks", + "lemon-lime soda" + ] + }, + { + "id": 27965, + "cuisine": "mexican", + "ingredients": [ + "poblano peppers", + "cointreau", + "blackberries", + "silver tequila" + ] + }, + { + "id": 19758, + "cuisine": "japanese", + "ingredients": [ + "tumeric", + "vegetable oil", + "cumin seed", + "coriander", + "tomatoes", + "water", + "salt", + "lemon juice", + "frozen chopped spinach", + "tomato sauce", + "channa dal", + "garlic cloves", + "red chili powder", + "garam masala", + "green chilies", + "onions" + ] + }, + { + "id": 34180, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "cayenne", + "salt", + "chopped cilantro", + "fresh ginger", + "garlic", + "lemon juice", + "ground cumin", + "tumeric", + "cooking oil", + "okra", + "onions", + "water", + "diced tomatoes", + "ground coriander", + "frozen peas" + ] + }, + { + "id": 11321, + "cuisine": "spanish", + "ingredients": [ + "egg yolks", + "warm water", + "golden syrup", + "vanilla extract", + "milk" + ] + }, + { + "id": 5465, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime juice", + "broccoli florets", + "cilantro", + "unsweetened coconut milk", + "chili pepper", + "roma tomatoes", + "spring onions", + "galangal", + "brown sugar", + "lemongrass", + "mushrooms", + "carrots", + "tofu", + "water", + "pumpkin purée", + "sea salt", + "onions" + ] + }, + { + "id": 43490, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "salt", + "melted fat", + "baking powder", + "chopped onion", + "flour", + "cayenne pepper", + "sugar", + "beaten eggs", + "cornmeal" + ] + }, + { + "id": 44994, + "cuisine": "filipino", + "ingredients": [ + "water", + "butter", + "cheddar cheese", + "flour", + "eggs", + "evaporated milk", + "vanilla extract", + "sugar", + "baking powder" + ] + }, + { + "id": 37754, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "chopped fresh thyme", + "low salt chicken broth", + "kale", + "apple cider vinegar", + "salt", + "corn bread", + "ground black pepper", + "bacon", + "chopped pecans", + "sweet potatoes & yams", + "large eggs", + "dry mustard", + "onions" + ] + }, + { + "id": 43541, + "cuisine": "mexican", + "ingredients": [ + "red snapper", + "olive oil", + "sour cream", + "fresh cilantro", + "red bell pepper", + "mozzarella cheese", + "pineapple", + "green bell pepper", + "flour tortillas", + "onions" + ] + }, + { + "id": 12609, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "corn tortillas", + "mayonaise", + "salsa", + "shredded sharp cheddar cheese", + "olive oil", + "hot sauce" + ] + }, + { + "id": 41591, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "celery seed", + "green cabbage", + "vegetable oil", + "apple cider vinegar", + "onions", + "sugar", + "carrots" + ] + }, + { + "id": 38857, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "ground beef", + "avocado", + "tortilla chips", + "iceberg lettuce", + "cherry tomatoes", + "onions", + "taco sauce", + "sour cream" + ] + }, + { + "id": 32161, + "cuisine": "moroccan", + "ingredients": [ + "salt and ground black pepper", + "chickpeas", + "chopped cilantro fresh", + "green onions", + "carrots", + "ground cumin", + "feta cheese", + "fresh lemon juice", + "plum tomatoes", + "olive oil", + "cayenne pepper", + "red bell pepper" + ] + }, + { + "id": 48399, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "roasting chickens", + "onions", + "lime rind", + "salt", + "chipotle chile powder", + "green chile", + "butter", + "fresh lime juice", + "ground cumin", + "tomatillos", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 29200, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "prosciutto", + "dry bread crumbs", + "olive oil", + "dry white wine", + "low salt chicken broth", + "rosemary sprigs", + "minced onion", + "garlic cloves", + "fresh parmesan cheese", + "chicken breast halves" + ] + }, + { + "id": 14505, + "cuisine": "mexican", + "ingredients": [ + "zucchini", + "frozen corn", + "chopped cilantro", + "black beans", + "sea salt", + "enchilada sauce", + "white corn tortillas", + "chili powder", + "yellow onion", + "ground cumin", + "garlic powder", + "shredded pepper jack cheese", + "red bell pepper" + ] + }, + { + "id": 27691, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "chopped onion", + "tomatoes", + "cooking spray", + "dried oregano", + "chopped green bell pepper", + "Italian turkey sausage", + "minced garlic", + "cannellini beans" + ] + }, + { + "id": 27794, + "cuisine": "italian", + "ingredients": [ + "unsalted margarine", + "all-purpose flour", + "eggs", + "ground cinnamon", + "white sugar", + "baking powder" + ] + }, + { + "id": 40544, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "kosher salt", + "jalapeno chilies", + "chopped onion", + "crab", + "ground black pepper", + "large garlic cloves", + "iceberg lettuce", + "jack cheese", + "olive oil", + "green onions", + "fresh lime juice", + "taco shells", + "roma tomatoes", + "cilantro leaves" + ] + }, + { + "id": 29759, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "arugula", + "portabello mushroom", + "orecchiette", + "large garlic cloves", + "plum tomatoes", + "olive oil", + "brie cheese" + ] + }, + { + "id": 5377, + "cuisine": "italian", + "ingredients": [ + "pepper", + "extra-virgin olive oil", + "bass fillets", + "clams", + "dry white wine", + "salt", + "mussels", + "shallots", + "garlic cloves", + "halibut fillets", + "crushed red pepper", + "flat leaf parsley" + ] + }, + { + "id": 30112, + "cuisine": "mexican", + "ingredients": [ + "orange", + "mirin", + "scallions", + "kosher salt", + "ground black pepper", + "kiwi fruits", + "skirt steak", + "sugar", + "lime", + "ancho powder", + "onions", + "Budweiser", + "fresh cilantro", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 21992, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "dry sherry", + "peanut oil", + "tomatoes", + "sesame seeds", + "maple syrup", + "boneless skinless chicken breast halves", + "red leaf lettuce", + "salt", + "chinese five-spice powder", + "soy sauce", + "fresh ginger root", + "all-purpose flour" + ] + }, + { + "id": 9210, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "juice", + "cooked rice", + "sesame oil", + "eggs", + "spring onions", + "cabbage", + "black pepper", + "bacon slices" + ] + }, + { + "id": 29946, + "cuisine": "southern_us", + "ingredients": [ + "green chile", + "whole milk", + "sharp cheddar cheese", + "unsalted butter", + "salt", + "ground black pepper", + "green onions", + "grits", + "grated parmesan cheese", + "cilantro leaves" + ] + }, + { + "id": 42575, + "cuisine": "italian", + "ingredients": [ + "veal stock", + "low salt chicken broth", + "grated parmesan cheese", + "fettucine", + "sage leaves", + "butter" + ] + }, + { + "id": 31008, + "cuisine": "french", + "ingredients": [ + "hot smoked paprika", + "ground black pepper", + "asparagus spears", + "fresh lemon juice", + "salt", + "beef tenderloin steaks" + ] + }, + { + "id": 2132, + "cuisine": "french", + "ingredients": [ + "milk", + "salt", + "pepper", + "cheese", + "eggs", + "bacon", + "cream", + "paprika" + ] + }, + { + "id": 20301, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "salt", + "chopped fresh chives", + "freshly ground pepper", + "half & half", + "fresh oregano", + "grape tomatoes", + "cheese", + "fresh parsley" + ] + }, + { + "id": 25647, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "crushed red pepper flakes", + "snow peas", + "ground black pepper", + "vegetable oil", + "corn starch", + "water", + "sesame oil", + "firm tofu", + "chicken broth", + "water chestnuts", + "red wine vinegar", + "red bell pepper" + ] + }, + { + "id": 400, + "cuisine": "british", + "ingredients": [ + "baking soda", + "butter", + "chopped hazelnuts", + "sour cream", + "large eggs", + "all-purpose flour", + "brown sugar", + "cinnamon" + ] + }, + { + "id": 42396, + "cuisine": "chinese", + "ingredients": [ + "szechwan peppercorns", + "scallions", + "cold water", + "salt", + "oil", + "star anise", + "chinese five-spice powder", + "sesame seeds", + "all-purpose flour", + "boiling water" + ] + }, + { + "id": 4758, + "cuisine": "italian", + "ingredients": [ + "fettuccine pasta", + "grated parmesan cheese", + "salt", + "olive oil", + "chicken breasts", + "kefir", + "flour", + "garlic cloves", + "chicken broth", + "ground pepper", + "basil" + ] + }, + { + "id": 37432, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "asparagus", + "garlic cloves", + "olive oil", + "salt", + "water", + "cooking spray", + "ground black pepper", + "lemon rind" + ] + }, + { + "id": 28405, + "cuisine": "chinese", + "ingredients": [ + "fresh shiitake mushrooms", + "chinese five-spice powder", + "peeled fresh ginger", + "top sirloin steak", + "snow peas", + "green onions", + "cilantro leaves", + "hoisin sauce", + "sesame oil", + "garlic chili sauce" + ] + }, + { + "id": 9562, + "cuisine": "italian", + "ingredients": [ + "rosemary", + "sausages", + "olive oil", + "cherry tomatoes", + "flat leaf parsley", + "penne", + "chestnut mushrooms" + ] + }, + { + "id": 22724, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "large eggs", + "grated lemon peel", + "olive oil", + "truffle oil", + "all-purpose flour", + "black truffles", + "ground black pepper", + "whole milk ricotta cheese", + "water", + "unsalted butter", + "salt" + ] + }, + { + "id": 2467, + "cuisine": "italian", + "ingredients": [ + "ground round", + "water", + "garlic", + "bay leaf", + "tomato paste", + "seasoned bread crumbs", + "olive oil", + "fresh oregano", + "spaghetti", + "sugar", + "crushed tomatoes", + "salt", + "fresh parsley", + "eggs", + "pepper", + "grated parmesan cheese", + "chopped onion" + ] + }, + { + "id": 17589, + "cuisine": "thai", + "ingredients": [ + "seasoning", + "cilantro sprigs", + "chopped cilantro fresh", + "water", + "oyster sauce", + "lean ground pork", + "chinese cabbage", + "large garlic cloves", + "beansprouts" + ] + }, + { + "id": 45472, + "cuisine": "brazilian", + "ingredients": [ + "juice", + "frozen strawberries" + ] + }, + { + "id": 21080, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "cream cheese", + "powdered sugar", + "vanilla extract" + ] + }, + { + "id": 30731, + "cuisine": "spanish", + "ingredients": [ + "arborio rice", + "hungarian paprika", + "purple onion", + "boneless skinless chicken breast halves", + "mussels", + "olive oil", + "yellow bell pepper", + "flat leaf parsley", + "tomatoes", + "fennel bulb", + "salt", + "large shrimp", + "saffron threads", + "black pepper", + "low sodium chicken broth", + "garlic cloves", + "chorizo sausage" + ] + }, + { + "id": 35259, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "salt", + "arborio rice", + "extra-virgin olive oil", + "parmagiano reggiano", + "dry white wine", + "beef broth", + "dried porcini mushrooms", + "garlic", + "flat leaf parsley" + ] + }, + { + "id": 15657, + "cuisine": "japanese", + "ingredients": [ + "sake", + "cooking oil", + "fresh ginger root", + "white sugar", + "soy sauce", + "garlic", + "mirin", + "chicken" + ] + }, + { + "id": 764, + "cuisine": "japanese", + "ingredients": [ + "rice", + "dal", + "ginger", + "oil", + "spinach", + "green chilies", + "green gram", + "salt", + "asafetida powder" + ] + }, + { + "id": 43044, + "cuisine": "indian", + "ingredients": [ + "chicken breasts", + "low-fat yogurt", + "tandoori spices", + "ginger", + "ground turmeric", + "red chili powder", + "cracked black pepper", + "methi", + "coriander powder", + "meat tenderizer", + "saffron" + ] + }, + { + "id": 6442, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "grated lemon zest", + "low-fat plain yogurt", + "garlic", + "fresh lemon juice", + "extra-virgin olive oil", + "english cucumber", + "fresh dill", + "salt" + ] + }, + { + "id": 7979, + "cuisine": "greek", + "ingredients": [ + "dried lentils", + "ground black pepper", + "grated lemon zest", + "thyme", + "pitted kalamata olives", + "extra-virgin olive oil", + "fresh lemon juice", + "plum tomatoes", + "rosemary sprigs", + "green onions", + "garlic cloves", + "fresh parsley", + "water", + "salt", + "carrots", + "dried oregano" + ] + }, + { + "id": 41989, + "cuisine": "southern_us", + "ingredients": [ + "cayenne pepper", + "coarse salt", + "water", + "grits", + "white cheddar cheese" + ] + }, + { + "id": 18793, + "cuisine": "irish", + "ingredients": [ + "smoked salmon", + "cooking spray", + "salt", + "olive oil", + "butter", + "fat free milk", + "white cheddar cheese", + "black pepper", + "yukon gold potatoes" + ] + }, + { + "id": 29449, + "cuisine": "russian", + "ingredients": [ + "potatoes", + "onions", + "pepper", + "salt", + "water", + "fresh parsley", + "fish fillets", + "lemon" + ] + }, + { + "id": 14078, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "navel oranges", + "sweetened condensed milk", + "ground cinnamon", + "sweet potatoes", + "ground allspice", + "ground nutmeg", + "vanilla extract", + "orange zest", + "mini marshmallows", + "salt" + ] + }, + { + "id": 24696, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "vodka", + "fresh ginger", + "egg whites", + "scallions", + "sugar", + "store bought low sodium chicken stock", + "baking soda", + "Shaoxing wine", + "corn starch", + "chiles", + "kosher salt", + "peanuts", + "flour", + "oil", + "boneless chicken skinless thigh", + "minced garlic", + "steamed white rice", + "baking powder", + "Chinese rice vinegar" + ] + }, + { + "id": 15132, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "whole milk", + "rennet", + "cold water", + "citric acid" + ] + }, + { + "id": 4964, + "cuisine": "southern_us", + "ingredients": [ + "turnip greens", + "lemon pepper", + "turnips", + "bacon", + "hot pepper sauce", + "onions", + "sugar", + "salt" + ] + }, + { + "id": 34788, + "cuisine": "cajun_creole", + "ingredients": [ + "parsley flakes", + "pepper", + "dri leav thyme", + "pepper sauce", + "smoked sausage", + "medium shrimp", + "cooked rice", + "diced tomatoes", + "garlic cloves", + "celery ribs", + "green bell pepper", + "salt", + "onions" + ] + }, + { + "id": 2176, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "fresh ginger", + "ground pork", + "carrots", + "savoy cabbage", + "minced garlic", + "green onions", + "rice vinegar", + "rice paper", + "ground chicken", + "peanuts", + "salt", + "canola oil", + "bean threads", + "honey", + "red pepper flakes", + "cayenne pepper" + ] + }, + { + "id": 14940, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "jicama", + "chopped cilantro fresh", + "radishes", + "fresh lemon juice", + "nonfat yogurt", + "cilantro sprigs", + "ground cumin", + "green onions", + "carrots" + ] + }, + { + "id": 18957, + "cuisine": "thai", + "ingredients": [ + "tapioca flour", + "salt", + "white sugar", + "flaked coconut", + "coconut milk", + "bananas", + "coconut cream", + "arrowroot starch", + "rice flour" + ] + }, + { + "id": 37413, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "salt", + "half & half", + "bacon", + "white cornmeal", + "sugar", + "vegetable oil", + "softened butter", + "green onions", + "shredded sharp cheddar cheese", + "boiling water" + ] + }, + { + "id": 4584, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lemon juice", + "water", + "salt", + "chicken", + "lemon zest", + "dried rosemary", + "ground black pepper", + "onions" + ] + }, + { + "id": 9318, + "cuisine": "spanish", + "ingredients": [ + "water", + "cannellini beans", + "Italian turkey sausage", + "olive oil", + "salt", + "fat free less sodium chicken broth", + "sweet potatoes", + "chopped onion", + "kale", + "crushed red pepper", + "garlic cloves" + ] + }, + { + "id": 39892, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "lettuce leaves", + "worcestershire sauce", + "large shrimp", + "creole mustard", + "prepared horseradish", + "red wine vinegar", + "onions", + "tomatoes", + "green onions", + "paprika", + "ketchup", + "vegetable oil", + "flat leaf parsley" + ] + }, + { + "id": 7829, + "cuisine": "french", + "ingredients": [ + "vegetable oil", + "fine sea salt", + "russet potatoes" + ] + }, + { + "id": 10759, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "green onions", + "chopped celery", + "fresh parsley leaves", + "chicken broth", + "ground black pepper", + "vegetable oil", + "yellow onion", + "long grain white rice", + "cooked ham", + "Tabasco Pepper Sauce", + "salt", + "medium shrimp", + "tomatoes", + "cayenne", + "fryer chickens", + "garlic cloves" + ] + }, + { + "id": 36417, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "peanuts", + "urad dal", + "oil", + "cumin", + "tumeric", + "coriander powder", + "green chilies", + "lemon juice", + "mustard", + "grated coconut", + "chana dal", + "okra", + "onions", + "red chili powder", + "garam masala", + "salt", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 20980, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "bay leaves", + "salt", + "grits", + "chicken broth", + "parmesan cheese", + "lemon", + "chopped parsley", + "chicken stock", + "olive oil", + "green onions", + "shrimp", + "spicy sausage", + "flour", + "garlic", + "onions" + ] + }, + { + "id": 33540, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "vegetable oil", + "large eggs", + "all-purpose flour", + "baking powder", + "milk", + "salt" + ] + }, + { + "id": 24473, + "cuisine": "southern_us", + "ingredients": [ + "oysters", + "cooking spray", + "chopped onion", + "sliced green onions", + "fat free less sodium chicken broth", + "ground black pepper", + "salt", + "bay leaf", + "lump crab meat", + "chopped green bell pepper", + "all-purpose flour", + "nonfat evaporated milk", + "black pepper", + "dried thyme", + "chopped celery", + "garlic cloves" + ] + }, + { + "id": 13981, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "butter", + "onions", + "parsley sprigs", + "cooking spray", + "garlic cloves", + "black pepper", + "baking potatoes", + "fresh parsley", + "white bread", + "reduced fat milk", + "salt" + ] + }, + { + "id": 42981, + "cuisine": "brazilian", + "ingredients": [ + "whole milk", + "sugar", + "condensed milk", + "eggs", + "vanilla extract", + "water" + ] + }, + { + "id": 9936, + "cuisine": "chinese", + "ingredients": [ + "water", + "fresh green bean", + "brown sugar", + "sesame oil", + "garlic cloves", + "fresh ginger root", + "crushed red pepper flakes", + "soy sauce", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 8419, + "cuisine": "greek", + "ingredients": [ + "pita wedges", + "zucchini", + "red bell pepper", + "kosher salt", + "extra-virgin olive oil", + "hummus", + "fresh oregano leaves", + "lemon", + "golden zucchini", + "minced garlic", + "purple onion", + "olives" + ] + }, + { + "id": 21530, + "cuisine": "thai", + "ingredients": [ + "asparagus", + "boneless skinless chicken breast halves", + "water", + "green onions", + "jasmine rice", + "shredded carrots", + "snow peas", + "curry powder", + "light coconut milk" + ] + }, + { + "id": 5117, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "salt", + "fresh lemon juice", + "ground cumin", + "plain low-fat yogurt", + "peeled fresh ginger", + "ground coriander", + "ground turmeric", + "boneless chicken skinless thigh", + "ground red pepper", + "garlic cloves", + "canola oil", + "hungarian sweet paprika", + "cooking spray", + "chopped onion", + "serrano chile" + ] + }, + { + "id": 17805, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "corn flour", + "sake", + "ginger", + "eggs", + "flour", + "chicken thighs", + "soy sauce", + "garlic" + ] + }, + { + "id": 3858, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "tahini", + "fresh tarragon", + "fresh lemon juice", + "honey", + "lemon", + "garlic cloves", + "ceci bean", + "kosher salt", + "balsamic vinegar", + "purple onion", + "flat leaf parsley", + "olive oil", + "red pepper flakes", + "toasted pine nuts" + ] + }, + { + "id": 45725, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "tomato sauce", + "dry red wine", + "fresh oregano", + "ripe olives", + "ground round", + "minced garlic", + "crushed red pepper", + "fresh mushrooms", + "fresh parsley", + "fresh basil", + "sugar", + "chopped celery", + "green pepper", + "bay leaf", + "tomato paste", + "vegetable oil cooking spray", + "grated parmesan cheese", + "salt", + "carrots", + "spaghetti" + ] + }, + { + "id": 32223, + "cuisine": "southern_us", + "ingredients": [ + "whipping cream", + "quickcooking grits", + "butter", + "chicken stock" + ] + }, + { + "id": 9444, + "cuisine": "italian", + "ingredients": [ + "dry yeast", + "extra-virgin olive oil", + "sea salt", + "water", + "all-purpose flour" + ] + }, + { + "id": 33215, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "baking soda", + "buttermilk", + "kosher salt", + "baking powder", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 11641, + "cuisine": "italian", + "ingredients": [ + "eggs", + "butter", + "cream cheese", + "unsweetened cocoa powder", + "shredded coconut", + "vanilla extract", + "confectioners sugar", + "shortening", + "buttermilk", + "chopped pecans", + "baking soda", + "all-purpose flour", + "white sugar" + ] + }, + { + "id": 26791, + "cuisine": "british", + "ingredients": [ + "golden brown sugar", + "dried apricot", + "all-purpose flour", + "unsalted butter", + "vanilla extract", + "large eggs", + "salt", + "baking soda", + "baking powder", + "sour cream" + ] + }, + { + "id": 36866, + "cuisine": "mexican", + "ingredients": [ + "large flour tortillas", + "shredded cheddar cheese", + "red enchilada sauce", + "stew meat", + "beef stock cubes", + "refried beans" + ] + }, + { + "id": 44008, + "cuisine": "mexican", + "ingredients": [ + "Mexican oregano", + "chopped cilantro", + "tequila", + "garlic", + "ground cumin", + "ground black pepper", + "fresh lime juice" + ] + }, + { + "id": 1035, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "sausages", + "fresh basil", + "cooking spray", + "dough", + "fresh parmesan cheese", + "black pepper", + "diced tomatoes" + ] + }, + { + "id": 27496, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "water", + "flour", + "garlic", + "ground beef", + "pie crust", + "sugar", + "meat filling", + "ice water", + "oil", + "tomato sauce", + "milk", + "butter", + "salt", + "onions", + "frozen sweet peas", + "pepper", + "potatoes", + "raisins", + "carrots" + ] + }, + { + "id": 34319, + "cuisine": "japanese", + "ingredients": [ + "crab meat", + "sushi rice", + "dry sherry", + "nori sheets", + "sugar", + "water", + "rice vinegar", + "avocado", + "gari", + "salt", + "cucumber", + "wasabi", + "soy sauce", + "short-grain rice", + "fresh lemon juice" + ] + }, + { + "id": 40288, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "onions", + "eggs", + "jalapeno chilies", + "garlic cloves", + "ground black pepper", + "taco seasoning", + "pie dough", + "diced tomatoes", + "ground beef" + ] + }, + { + "id": 18075, + "cuisine": "korean", + "ingredients": [ + "mild pork sausage", + "green onions", + "large eggs", + "dipping sauces", + "granulated sugar", + "ice water", + "white flour", + "cooking oil", + "kimchi" + ] + }, + { + "id": 8065, + "cuisine": "cajun_creole", + "ingredients": [ + "creole mustard", + "paprika", + "mayonaise", + "lemon juice", + "horseradish", + "garlic cloves", + "green onions", + "fresh parsley" + ] + }, + { + "id": 9833, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "diced tomatoes", + "freshly ground pepper", + "roasted red peppers", + "yellow onion", + "chicken thighs", + "olive oil", + "salt", + "juice", + "saffron threads", + "large garlic cloves", + "fresh oregano", + "long grain white rice" + ] + }, + { + "id": 24339, + "cuisine": "italian", + "ingredients": [ + "crushed cornflakes", + "ground black pepper", + "cooking spray", + "italian seasoning", + "large egg whites", + "extra firm tofu", + "crushed red pepper", + "water", + "minced onion", + "vegetable oil", + "fresh parmesan cheese", + "marinara sauce", + "salt" + ] + }, + { + "id": 4707, + "cuisine": "mexican", + "ingredients": [ + "vegetable juice", + "chili powder", + "chicken thighs", + "green bell pepper", + "water", + "salt", + "ground cumin", + "picante sauce", + "chicken drumsticks", + "dried oregano", + "sugar", + "cooking spray", + "onions" + ] + }, + { + "id": 7902, + "cuisine": "british", + "ingredients": [ + "light brown sugar", + "bread dough", + "navel oranges", + "unsalted butter", + "mincemeat" + ] + }, + { + "id": 27177, + "cuisine": "italian", + "ingredients": [ + "sugar", + "lasagna noodles", + "extra-virgin olive oil", + "garlic cloves", + "black pepper", + "whole milk", + "all-purpose flour", + "hot water", + "fresh basil", + "unsalted butter", + "diced tomatoes", + "chopped onion", + "dried porcini mushrooms", + "parmigiano reggiano cheese", + "salt", + "juice" + ] + }, + { + "id": 21233, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "low salt chicken broth", + "whipping cream", + "fresh parsley", + "fresh spinach", + "crumbled gorgonzola", + "garlic cloves", + "polenta" + ] + }, + { + "id": 340, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh basil leaves", + "tomatoes", + "garlic", + "chili flakes", + "onions", + "dry red wine", + "pears" + ] + }, + { + "id": 38654, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "chopped fresh chives", + "olive oil", + "pecorino romano cheese", + "zucchini", + "salt", + "large eggs" + ] + }, + { + "id": 19761, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "buttermilk", + "cheddar cheese", + "green onions", + "irish bacon", + "granulated sugar", + "all-purpose flour", + "kosher salt", + "vegetable oil" + ] + }, + { + "id": 20733, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "light coconut milk", + "curry paste", + "fish sauce", + "sweet potatoes", + "garlic cloves", + "chicken stock", + "lime", + "peanut oil", + "onions", + "minced ginger", + "boneless skinless chicken breasts", + "green beans" + ] + }, + { + "id": 34335, + "cuisine": "irish", + "ingredients": [ + "fat free yogurt", + "cooking spray", + "all-purpose flour", + "whole wheat flour", + "butter", + "grated orange", + "large egg whites", + "baking powder", + "strawberries", + "sugar", + "baking soda", + "salt" + ] + }, + { + "id": 41660, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "peas", + "chopped fresh mint", + "parmesan cheese", + "ricotta cheese", + "garlic cloves", + "lemon zest", + "butter", + "refrigerated fettuccine", + "pepper", + "half & half", + "salt" + ] + }, + { + "id": 32127, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "tomato salsa", + "flour tortillas", + "cheese", + "spring onions", + "rice", + "fat free yogurt", + "cajun seasoning" + ] + }, + { + "id": 28483, + "cuisine": "thai", + "ingredients": [ + "chiles", + "sweet soy sauce", + "garlic cloves", + "dark soy sauce", + "boneless chicken skinless thigh", + "thai chile", + "canola oil", + "long beans", + "dark molasses", + "regular soy sauce", + "holy basil", + "fish sauce", + "water", + "yellow onion" + ] + }, + { + "id": 16065, + "cuisine": "brazilian", + "ingredients": [ + "basmati", + "fresh cilantro", + "bay leaves", + "garlic", + "beef rib short", + "pancetta", + "black beans", + "olive oil", + "sea salt", + "rice", + "thyme", + "manioc flour", + "orange", + "ground black pepper", + "paprika", + "homemade stock", + "pork sausages", + "black pepper", + "linguica", + "spices", + "yellow onion", + "scallions" + ] + }, + { + "id": 8815, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "garlic cloves", + "extra-virgin olive oil", + "fresh marjoram", + "crushed red pepper", + "coriander seeds", + "sourdough baguette" + ] + }, + { + "id": 32054, + "cuisine": "japanese", + "ingredients": [ + "beef stock", + "fresh spinach", + "roast beef", + "sake", + "button mushrooms", + "soy sauce", + "onions" + ] + }, + { + "id": 12033, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "extra firm tofu", + "water", + "brewed coffee", + "brown sugar", + "mascarpone", + "cake", + "brandy", + "granulated sugar", + "unsweetened cocoa powder" + ] + }, + { + "id": 24061, + "cuisine": "southern_us", + "ingredients": [ + "capers", + "red wine vinegar", + "olive oil", + "pimento stuffed green olives", + "vidalia onion", + "fresh oregano", + "fresh basil", + "meat", + "sourdough baguette" + ] + }, + { + "id": 4109, + "cuisine": "cajun_creole", + "ingredients": [ + "shucked oysters", + "fish stock", + "scallions", + "thyme", + "green bell pepper", + "vegetable oil", + "okra", + "juice", + "onions", + "celery ribs", + "lump crab meat", + "bacon", + "garlic cloves", + "flat leaf parsley", + "tomatoes", + "cayenne", + "all-purpose flour", + "California bay leaves", + "medium shrimp" + ] + }, + { + "id": 14233, + "cuisine": "mexican", + "ingredients": [ + "cream", + "minced beef", + "iceberg lettuce", + "corn kernels", + "cocoa powder", + "tortillas", + "oil", + "diced tomatoes", + "onions" + ] + }, + { + "id": 5101, + "cuisine": "italian", + "ingredients": [ + "capers", + "potatoes", + "bread dough", + "olive oil", + "shredded mozzarella cheese", + "dried rosemary", + "fresh rosemary", + "ground pepper", + "feta cheese crumbles", + "jack cheese", + "salt", + "onions" + ] + }, + { + "id": 43741, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "soy sauce", + "ginger", + "daikon", + "dashi" + ] + }, + { + "id": 812, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "Thai fish sauce", + "brown sugar", + "grapefruit", + "avocado", + "purple onion", + "chopped cilantro fresh", + "red chili peppers", + "uncook medium shrimp, peel and devein" + ] + }, + { + "id": 17820, + "cuisine": "brazilian", + "ingredients": [ + "bread crumbs", + "cooking oil", + "salt", + "rice flour", + "water", + "chicken cutlets", + "chili sauce", + "pepper", + "egg yolks", + "salsa", + "onions", + "milk", + "butter", + "garlic cloves" + ] + }, + { + "id": 25184, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "fish fingers", + "warm water", + "mirin", + "shrimp", + "asparagus", + "salt", + "soy sauce", + "large eggs" + ] + }, + { + "id": 12719, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "diced tomatoes", + "salt", + "olive oil", + "cracked black pepper", + "peeled deveined shrimp", + "crushed red pepper flakes", + "fresh parsley", + "butter", + "garlic" + ] + }, + { + "id": 22975, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "lemon juice", + "clove", + "salt", + "fresno chiles", + "coriander seeds", + "dried red chile peppers", + "red chili peppers", + "cumin seed" + ] + }, + { + "id": 28439, + "cuisine": "mexican", + "ingredients": [ + "water", + "lard", + "white vinegar", + "Mexican oregano", + "ancho chile pepper", + "pork", + "salt", + "bay leaf", + "pepper", + "garlic cloves", + "cumin" + ] + }, + { + "id": 34255, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "dry yeast", + "crushed red pepper", + "mozzarella cheese", + "all purpose unbleached flour", + "soft fresh goat cheese", + "warm water", + "large garlic cloves", + "salt", + "swiss chard", + "extra-virgin olive oil" + ] + }, + { + "id": 47217, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "salt", + "black beans", + "large eggs", + "shredded cheese", + "tortillas", + "salsa", + "pepper", + "butter" + ] + }, + { + "id": 2980, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "red chili peppers", + "pitted green olives", + "cilantro leaves", + "preserved lemon", + "mint leaves", + "fish stock", + "plum tomatoes", + "whitefish", + "olive oil", + "lemon", + "garlic cloves", + "vidalia onion", + "dry white wine", + "salt", + "ground cumin" + ] + }, + { + "id": 41353, + "cuisine": "thai", + "ingredients": [ + "low sodium soy sauce", + "fresh coriander", + "fresh ginger", + "vegetable oil", + "soba noodles", + "brown sugar", + "lemongrass", + "extra firm tofu", + "garlic", + "toasted sesame oil", + "pepper", + "lime", + "shallots", + "salt", + "fish sauce", + "water", + "shiitake", + "thai chile", + "coconut milk" + ] + }, + { + "id": 8897, + "cuisine": "chinese", + "ingredients": [ + "vegetables", + "oil", + "red chili peppers", + "skinless salmon fillets", + "oyster sauce", + "fresh ginger root", + "garlic cloves", + "honey", + "teriyaki sauce" + ] + }, + { + "id": 36003, + "cuisine": "jamaican", + "ingredients": [ + "water", + "fresh lime juice", + "vanilla extract", + "soursop", + "sweetened condensed milk", + "grated nutmeg" + ] + }, + { + "id": 16859, + "cuisine": "british", + "ingredients": [ + "pepper", + "bay leaves", + "garlic cloves", + "onions", + "rosemary", + "salt", + "celery", + "water", + "lamb neck", + "carrots", + "beef bones", + "potatoes", + "lamb", + "fresh parsley" + ] + }, + { + "id": 33946, + "cuisine": "french", + "ingredients": [ + "large eggs", + "chocolate chips", + "unsalted butter", + "vanilla extract", + "vanilla sugar", + "all-purpose flour", + "baking soda", + "sea salt" + ] + }, + { + "id": 19452, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "poha", + "cilantro leaves", + "nuts", + "tumeric", + "chili powder", + "oil", + "tomatoes", + "seeds", + "green chilies", + "mustard", + "sugar", + "salt", + "lemon juice" + ] + }, + { + "id": 4042, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "beef stock", + "purple onion", + "diced onions", + "lime", + "cilantro", + "corn tortillas", + "ground cloves", + "beef brisket", + "garlic", + "chipotle peppers", + "cider vinegar", + "bay leaves", + "salsa" + ] + }, + { + "id": 24937, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "red bell pepper", + "unsweetened coconut milk", + "brown sugar", + "curry paste", + "fish sauce", + "fresh lime juice", + "tomatoes", + "chicken fingers", + "onions" + ] + }, + { + "id": 161, + "cuisine": "french", + "ingredients": [ + "whipping cream", + "coconut extract", + "cream of coconut", + "dark chocolate chip" + ] + }, + { + "id": 26658, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "water", + "yellow onion", + "collard greens", + "whole milk", + "chicken broth", + "large eggs", + "thick-cut bacon", + "pepper", + "salt" + ] + }, + { + "id": 27966, + "cuisine": "southern_us", + "ingredients": [ + "bacon", + "collard greens", + "white sugar", + "seasoning", + "onions", + "salt and ground black pepper", + "cabbage" + ] + }, + { + "id": 46093, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "garlic cloves", + "plum tomatoes", + "green olives", + "extra-virgin olive oil", + "onions", + "mayonaise", + "spanish paprika", + "broth", + "halibut fillets", + "serrano ham" + ] + }, + { + "id": 21169, + "cuisine": "jamaican", + "ingredients": [ + "water", + "kidney beans", + "yellow onion", + "dried thyme", + "scotch bonnet chile", + "garlic cloves", + "lime", + "vegetable oil", + "long-grain rice", + "chicken stock", + "fresh ginger", + "salt", + "coconut milk" + ] + }, + { + "id": 955, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salt", + "vegetable oil", + "warm water", + "masa harina", + "dough", + "shredded lettuce" + ] + }, + { + "id": 25759, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "butter", + "large eggs", + "all-purpose flour", + "sugar", + "salt", + "baking powder", + "cultured buttermilk" + ] + }, + { + "id": 7746, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "fresh thyme", + "salt", + "coconut milk", + "water", + "cooking oil", + "shrimp", + "onions", + "green bell pepper", + "curry powder", + "curry sauce", + "corn starch", + "ketchup", + "hot pepper sauce", + "garlic", + "red bell pepper" + ] + }, + { + "id": 48218, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "vegetable oil", + "chopped cilantro fresh", + "orzo pasta", + "jalape", + "curry powder", + "canned beef broth", + "ground lamb", + "tomatoes", + "peeled fresh ginger", + "ground cardamom" + ] + }, + { + "id": 10275, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "vegetable oil", + "white cornmeal", + "large eggs", + "salt", + "self rising flour", + "buttermilk", + "sugar", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 44885, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "prepared horseradish", + "green onions", + "butter", + "essence", + "corn starch", + "sweet onion", + "minced onion", + "parsley", + "salt", + "green pepper", + "medium shrimp", + "milk", + "ground black pepper", + "green tomatoes", + "yellow mustard", + "cayenne pepper", + "celery", + "yellow corn meal", + "whole grain mustard", + "large eggs", + "vegetable oil", + "all-purpose flour", + "lemon juice" + ] + }, + { + "id": 7562, + "cuisine": "southern_us", + "ingredients": [ + "kale", + "mustard greens", + "onions", + "olive oil", + "garlic", + "cherry tomatoes", + "cajun seasoning", + "broth", + "andouille sausage", + "ground black pepper", + "lemon juice" + ] + }, + { + "id": 23129, + "cuisine": "indian", + "ingredients": [ + "seedless cucumber", + "cumin seed", + "minced garlic", + "plain yogurt", + "chopped cilantro fresh", + "freshly ground pepper" + ] + }, + { + "id": 25600, + "cuisine": "italian", + "ingredients": [ + "ground red pepper", + "all-purpose flour", + "cooking spray", + "paprika", + "fresh parsley", + "bouillon", + "butter", + "fresh lemon juice", + "dry white wine", + "lemon slices", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 42918, + "cuisine": "italian", + "ingredients": [ + "vegetable oil cooking spray", + "baking powder", + "lemon rind", + "sugar", + "salt", + "eggs", + "egg whites", + "all-purpose flour", + "slivered almonds", + "vegetable oil", + "fresh lemon juice" + ] + }, + { + "id": 41042, + "cuisine": "italian", + "ingredients": [ + "fresh mozzarella balls", + "baby spinach", + "cream cheese", + "pepper", + "flour", + "pizza doughs", + "parmesan cheese", + "bacon", + "seasoning", + "artichok heart marin", + "salt" + ] + }, + { + "id": 49353, + "cuisine": "thai", + "ingredients": [ + "whole wheat buns", + "pepper", + "shredded carrots", + "salt", + "coconut milk", + "soy sauce", + "lime", + "napa cabbage", + "creamy peanut butter", + "brown sugar", + "fresh cilantro", + "green onions", + "rice vinegar", + "lean ground turkey", + "sweet chili sauce", + "peanuts", + "ginger", + "garlic cloves" + ] + }, + { + "id": 27836, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "wholemeal flour", + "tumeric", + "sunflower oil", + "plain flour", + "zucchini", + "fresh coriander", + "cumin seed" + ] + }, + { + "id": 9319, + "cuisine": "french", + "ingredients": [ + "mascarpone", + "bread slices", + "rye", + "green onions", + "pumpernickel", + "fresh dill", + "radishes", + "crackers", + "smoked trout fillets", + "fresh lemon juice" + ] + }, + { + "id": 10498, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "baking powder", + "chicken fillets", + "soy sauce", + "salt", + "sugar", + "lemon", + "chicken broth", + "cooking oil", + "corn starch" + ] + }, + { + "id": 14275, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "heavy cream", + "vanilla ice cream", + "unsalted butter", + "peaches", + "all-purpose flour", + "sugar", + "baking powder" + ] + }, + { + "id": 22429, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "green onions", + "cayenne pepper", + "dried oregano", + "kosher salt", + "sliced black olives", + "onion powder", + "corn tortillas", + "avocado", + "salsa verde", + "chili powder", + "shredded cheese", + "ground cumin", + "refried beans", + "roma tomatoes", + "salsa", + "ground beef" + ] + }, + { + "id": 48928, + "cuisine": "greek", + "ingredients": [ + "lamb shanks", + "fresh lemon juice", + "chicken broth", + "lemon", + "olive oil", + "onions", + "fresh dill", + "artichokes" + ] + }, + { + "id": 14393, + "cuisine": "cajun_creole", + "ingredients": [ + "pecan halves", + "extra firm tofu", + "vanilla extract", + "confectioners sugar", + "water", + "gluten", + "sorghum flour", + "baking soda", + "sprinkles", + "xanthan gum", + "sugar", + "cinnamon", + "salt" + ] + }, + { + "id": 39182, + "cuisine": "chinese", + "ingredients": [ + "water", + "confectioners sugar", + "wonton wrappers", + "canola", + "bittersweet chocolate", + "chinese five-spice powder" + ] + }, + { + "id": 47950, + "cuisine": "thai", + "ingredients": [ + "shallots", + "fish sauce", + "thai chile", + "lime" + ] + }, + { + "id": 11160, + "cuisine": "thai", + "ingredients": [ + "fresh coriander", + "Flora pro.activ", + "garlic cloves", + "thai green curry paste", + "eggplant", + "vegetable oil", + "green beans", + "coconut", + "spring onions", + "lemon juice", + "noodles", + "chicken stock", + "boneless chicken breast", + "red pepper", + "Thai fish sauce" + ] + }, + { + "id": 608, + "cuisine": "french", + "ingredients": [ + "spinach", + "paprika", + "pearl barley", + "ground turmeric", + "diced onions", + "water", + "salt", + "lentils", + "black pepper", + "bulgur wheat", + "ground allspice", + "ground cumin", + "plain low-fat yogurt", + "olive oil", + "chickpeas", + "bay leaf" + ] + }, + { + "id": 24353, + "cuisine": "filipino", + "ingredients": [ + "water", + "salt", + "white vinegar", + "bay leaves", + "pork butt", + "ground black pepper", + "oil", + "soy sauce", + "crushed garlic", + "chicken" + ] + }, + { + "id": 45417, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "large eggs", + "salt", + "chopped pecans", + "baking soda", + "butter", + "cream cheese", + "sugar", + "vegetable oil", + "all-purpose flour", + "ground cinnamon", + "bananas", + "vanilla extract", + "crushed pineapple" + ] + }, + { + "id": 18500, + "cuisine": "thai", + "ingredients": [ + "roasted cashews", + "kale", + "shallots", + "garlic cloves", + "ground cumin", + "tumeric", + "extra firm tofu", + "Thai red curry paste", + "fresh lime juice", + "brown sugar", + "fresh ginger", + "sea salt", + "coconut milk", + "lime zest", + "water", + "sweet potatoes", + "creamy peanut butter", + "canola oil" + ] + }, + { + "id": 6333, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "salt", + "red lentils", + "vegetable stock", + "oil", + "garam masala", + "broccoli", + "black pepper", + "garlic", + "onions" + ] + }, + { + "id": 15526, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "cheese", + "thyme", + "onions", + "dry vermouth", + "shallots", + "garlic cloves", + "bay leaf", + "unsalted butter", + "white wine vinegar", + "country bread", + "low sodium chicken broth", + "freshly ground pepper", + "flat leaf parsley" + ] + }, + { + "id": 40393, + "cuisine": "cajun_creole", + "ingredients": [ + "powdered sugar", + "superfine sugar", + "cinnamon", + "oil", + "melted butter", + "warm water", + "granulated sugar", + "salt", + "food colouring", + "unsalted butter", + "vanilla extract", + "sour cream", + "eggs", + "active dry yeast", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 22799, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "garlic cloves", + "fat-free mayonnaise", + "pepper", + "worcestershire sauce", + "boiling water", + "sun-dried tomatoes", + "salt", + "italian seasoning", + "whole wheat hamburger buns", + "lean ground beef", + "fresh basil leaves" + ] + }, + { + "id": 26015, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "thai basil", + "red curry paste", + "noodles", + "fresh basil", + "green curry paste", + "vegetable broth", + "coconut milk", + "coconut oil", + "fresh ginger", + "garlic", + "lime leaves", + "fresh cilantro", + "spring onions", + "red bell pepper" + ] + }, + { + "id": 8466, + "cuisine": "thai", + "ingredients": [ + "boneless chicken breast", + "coconut milk", + "sugar", + "vegetable oil", + "fish sauce", + "zucchini", + "thai green curry paste", + "soy sauce", + "cuttlefish balls" + ] + }, + { + "id": 28548, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "garlic powder", + "purple onion", + "avocado", + "fresh cilantro", + "chili powder", + "oil", + "tomato sauce", + "lasagna noodles", + "salt", + "lean ground turkey", + "corn", + "onion powder", + "ground cumin" + ] + }, + { + "id": 12527, + "cuisine": "french", + "ingredients": [ + "peaches", + "strawberries", + "fresh orange juice", + "brown sugar" + ] + }, + { + "id": 14905, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "chile de arbol", + "tamarind paste", + "ground turmeric", + "brown mustard seeds", + "garlic", + "chopped cilantro", + "canola oil", + "curry leaves", + "ginger", + "serrano", + "toor dal", + "red chile powder", + "thai chile", + "cumin seed", + "plum tomatoes" + ] + }, + { + "id": 2840, + "cuisine": "mexican", + "ingredients": [ + "yellow corn meal", + "cream style corn", + "salt", + "carnitas", + "green chile", + "baking powder", + "enchilada sauce", + "eggs", + "granulated sugar", + "all-purpose flour", + "milk", + "vegetable oil", + "white cheese" + ] + }, + { + "id": 36799, + "cuisine": "french", + "ingredients": [ + "olive oil", + "pasta shells", + "plum tomatoes", + "vegetable oil spray", + "red bell pepper", + "eggplant", + "garlic cloves", + "halibut fillets", + "zucchini", + "herbes de provence" + ] + }, + { + "id": 30105, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped green bell pepper", + "chopped celery", + "chopped onion", + "reduced fat sharp cheddar cheese", + "ground red pepper", + "all-purpose flour", + "crayfish", + "fettucine", + "grated parmesan cheese", + "salt", + "garlic cloves", + "black pepper", + "diced tomatoes", + "margarine", + "evaporated skim milk" + ] + }, + { + "id": 49560, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "snails", + "onions", + "soy sauce", + "garlic", + "cucumber", + "brown sugar", + "red pepper flakes", + "carrots", + "vinegar", + "Gochujang base", + "noodles" + ] + }, + { + "id": 35882, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "salt", + "large egg yolks", + "cinnamon sticks", + "milk", + "corn starch", + "vanilla extract", + "orange zest" + ] + }, + { + "id": 3662, + "cuisine": "mexican", + "ingredients": [ + "lean ground beef", + "fresh lime juice", + "shredded cheddar cheese", + "rice", + "black beans", + "salsa", + "chopped cilantro fresh", + "guacamole", + "chopped onion" + ] + }, + { + "id": 27088, + "cuisine": "brazilian", + "ingredients": [ + "hearts of palm", + "green onions", + "corn starch", + "milk", + "salt", + "onions", + "lime juice", + "cheese", + "chopped parsley", + "tomatoes", + "parmesan cheese", + "shrimp", + "peppercorns" + ] + }, + { + "id": 9675, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "parsley", + "unsalted butter", + "salt", + "parmesan cheese", + "garlic", + "pasta", + "parmigiano reggiano cheese" + ] + }, + { + "id": 32560, + "cuisine": "italian", + "ingredients": [ + "starchy potatoes", + "salt", + "large eggs", + "spinach", + "all-purpose flour" + ] + }, + { + "id": 21802, + "cuisine": "mexican", + "ingredients": [ + "golden raisins", + "hot water", + "sliced green onions", + "corn husks", + "salt", + "fat free cream cheese", + "non-fat sour cream", + "masa dough", + "egg whites", + "goat cheese", + "olives" + ] + }, + { + "id": 11281, + "cuisine": "italian", + "ingredients": [ + "cooked brown rice", + "parmesan cheese", + "garlic cloves", + "fresh basil", + "olive oil", + "heavy cream", + "pepper", + "ground chicken breast", + "onions", + "tomato sauce", + "orange bell pepper", + "salt" + ] + }, + { + "id": 9285, + "cuisine": "french", + "ingredients": [ + "butternut squash", + "acorn squash", + "onions", + "sugar", + "large garlic cloves", + "low salt chicken broth", + "fresh sage", + "butter", + "grated Gruyère cheese", + "fresh thyme", + "whipping cream", + "bread slices" + ] + }, + { + "id": 12019, + "cuisine": "british", + "ingredients": [ + "worcestershire sauce", + "low-fat milk", + "beer", + "condensed cheddar cheese soup", + "cayenne pepper" + ] + }, + { + "id": 36733, + "cuisine": "french", + "ingredients": [ + "black pepper", + "rouille", + "garlic cloves", + "fish fillets", + "lobster", + "extra-virgin olive oil", + "boiling potatoes", + "saffron threads", + "baguette", + "fish stock", + "California bay leaves", + "tomatoes", + "fronds", + "sea salt", + "onions" + ] + }, + { + "id": 41541, + "cuisine": "mexican", + "ingredients": [ + "KRAFT Shredded Pepper Jack Cheese with a TOUCH OF PHILADELPHIA", + "baby spinach leaves", + "green onions", + "eggs", + "cherry tomatoes", + "milk", + "mexican chorizo" + ] + }, + { + "id": 34267, + "cuisine": "vietnamese", + "ingredients": [ + "fresh ginger", + "chicken", + "pork neck", + "salt", + "yellow rock sugar", + "water", + "yellow onion" + ] + }, + { + "id": 12827, + "cuisine": "spanish", + "ingredients": [ + "ground red pepper", + "diced tomatoes", + "salt", + "red bell pepper", + "ground cumin", + "lump crab meat", + "chili powder", + "green peas", + "long-grain rice", + "fresh parsley", + "andouille sausage", + "meat", + "cracked black pepper", + "chopped onion", + "medium shrimp", + "olive oil", + "clam juice", + "chopped celery", + "garlic cloves", + "sliced green onions" + ] + }, + { + "id": 1688, + "cuisine": "chinese", + "ingredients": [ + "water", + "red pepper flakes", + "brown sugar", + "flank steak", + "corn starch", + "low sodium soy sauce", + "green onions", + "ginger", + "minced garlic", + "vegetable oil" + ] + }, + { + "id": 34661, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "fresh basil leaves", + "mozzarella balls", + "cherry tomatoes", + "italian salad dressing" + ] + }, + { + "id": 48910, + "cuisine": "french", + "ingredients": [ + "mayonaise", + "fresh lemon juice", + "roasted red peppers", + "chopped garlic", + "cayenne", + "hot water", + "saffron threads", + "extra-virgin olive oil" + ] + }, + { + "id": 791, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "pitted black olives", + "marinara sauce", + "spinach", + "grated parmesan cheese", + "penne pasta", + "pepper", + "cauliflower florets" + ] + }, + { + "id": 17999, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "grated parmesan cheese", + "extra-virgin olive oil", + "chickpeas", + "italian seasoning", + "romaine lettuce", + "artichoke hearts", + "coarse salt", + "black olives", + "cucumber", + "pasta", + "honey", + "small pasta", + "garlic", + "pepperoni", + "black pepper", + "diced red onions", + "red pepper flakes", + "white wine vinegar", + "plum tomatoes" + ] + }, + { + "id": 32435, + "cuisine": "mexican", + "ingredients": [ + "watermelon", + "salted roast peanuts", + "honeydew", + "avocado", + "cantaloupe", + "english cucumber", + "green cabbage", + "jicama", + "lemon juice", + "radishes", + "crema", + "seedless red grapes" + ] + }, + { + "id": 31807, + "cuisine": "russian", + "ingredients": [ + "finely chopped fresh parsley", + "butter", + "dried dillweed", + "black pepper", + "boneless skinless chicken breasts", + "all-purpose flour", + "cold water", + "large eggs", + "lemon", + "garlic powder", + "vegetable oil", + "dry bread crumbs" + ] + }, + { + "id": 17433, + "cuisine": "french", + "ingredients": [ + "saffron threads", + "whitefish", + "water", + "parsley leaves", + "dry white wine", + "garlic cloves", + "onions", + "tomato paste", + "fish fillets", + "fennel bulb", + "bay leaves", + "salt", + "hot water", + "celery ribs", + "tomatoes", + "dried thyme", + "lobster", + "parsley", + "carrots", + "mussels", + "black peppercorns", + "olive oil", + "leeks", + "littleneck clams", + "ground white pepper" + ] + }, + { + "id": 41299, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "part-skim mozzarella cheese", + "part-skim ricotta cheese", + "black pepper", + "parmigiano reggiano cheese", + "plum tomatoes", + "spinach", + "garlic powder", + "crushed red pepper", + "pizza crust", + "shallots", + "dried oregano" + ] + }, + { + "id": 7662, + "cuisine": "chinese", + "ingredients": [ + "sauce", + "frozen broccoli", + "frozen popcorn chicken", + "brown rice" + ] + }, + { + "id": 35013, + "cuisine": "korean", + "ingredients": [ + "sweet mini bells", + "green onions", + "sesame seeds", + "bbq sauce", + "boneless beef chuck roast" + ] + }, + { + "id": 8608, + "cuisine": "mexican", + "ingredients": [ + "chicken legs", + "unsalted butter", + "ice water", + "salt", + "white vinegar", + "black pepper", + "bay leaves", + "all purpose unbleached flour", + "smoked paprika", + "green olives", + "large eggs", + "large garlic cloves", + "spanish chorizo", + "eggs", + "reduced sodium chicken broth", + "dry white wine", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 28310, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "paprika", + "fresh parsley", + "reduced fat cheddar cheese", + "cooking spray", + "salt", + "large eggs", + "purple onion", + "black pepper", + "baking potatoes", + "garlic cloves" + ] + }, + { + "id": 28846, + "cuisine": "mexican", + "ingredients": [ + "cooked chicken", + "pizza crust", + "red enchilada sauce", + "taco seasoned cheese" + ] + }, + { + "id": 25346, + "cuisine": "italian", + "ingredients": [ + "sugar", + "lemon", + "ladyfingers", + "large eggs", + "mascarpone", + "water", + "liqueur" + ] + }, + { + "id": 21761, + "cuisine": "british", + "ingredients": [ + "irish cream liqueur", + "flour", + "double cream", + "orange", + "baking powder", + "maple syrup", + "sugar", + "large eggs", + "butter", + "whiskey", + "ground cloves", + "bay leaves", + "fine sea salt" + ] + }, + { + "id": 18553, + "cuisine": "vietnamese", + "ingredients": [ + "eggs", + "garlic", + "fish sauce", + "rice", + "chili pepper", + "shrimp", + "spring onions" + ] + }, + { + "id": 24292, + "cuisine": "thai", + "ingredients": [ + "seeds", + "coriander seeds", + "long pepper", + "cumin seed", + "szechwan peppercorns" + ] + }, + { + "id": 12073, + "cuisine": "indian", + "ingredients": [ + "ground chicken", + "chinese ginger", + "naan", + "diced onions", + "coriander seeds", + "chutney", + "bread crumbs", + "chickpeas", + "ground cumin", + "tumeric", + "salt", + "couscous" + ] + }, + { + "id": 39894, + "cuisine": "french", + "ingredients": [ + "prepared horseradish", + "dried dillweed", + "sour cream", + "dry mustard" + ] + }, + { + "id": 24637, + "cuisine": "chinese", + "ingredients": [ + "chili pepper", + "vinegar", + "ground pork", + "scallions", + "sugar", + "light soy sauce", + "spring onions", + "cooking wine", + "corn starch", + "black pepper", + "eggplant", + "sesame oil", + "salt", + "ginger root", + "eggs", + "water", + "flour", + "ginger", + "garlic cloves" + ] + }, + { + "id": 3345, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "vegetable oil", + "celery", + "taco seasoning mix", + "beef tongue", + "black pepper", + "salt", + "onions", + "leeks", + "carrots" + ] + }, + { + "id": 9783, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "cilantro", + "scallions", + "eggplant", + "chili bean paste", + "corn starch", + "soy sauce", + "ginger", + "garlic cloves", + "chicken stock", + "szechwan peppercorns", + "peanut oil", + "chinkiang vinegar" + ] + }, + { + "id": 7260, + "cuisine": "italian", + "ingredients": [ + "pepper", + "cook egg hard", + "chopped fresh mint", + "tomatoes", + "olive oil", + "garlic cloves", + "baguette", + "salt", + "capers", + "fresh tarragon", + "fresh parsley" + ] + }, + { + "id": 20730, + "cuisine": "indian", + "ingredients": [ + "powdered sugar", + "cardamom seeds", + "clarified butter", + "pistachios", + "all-purpose flour", + "semolina", + "salt", + "saffron", + "chopped almonds", + "gram flour" + ] + }, + { + "id": 1875, + "cuisine": "southern_us", + "ingredients": [ + "chiles", + "vinegar", + "onions", + "white vinegar", + "kosher salt", + "ham hock", + "black pepper", + "peas", + "serrano chile", + "sugar", + "bay leaves", + "smoked ham hocks" + ] + }, + { + "id": 32244, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "orange", + "leeks", + "salt", + "bay leaf", + "fish", + "mussels", + "water", + "lobster", + "garlic", + "celery", + "saffron", + "white wine", + "olive oil", + "parsley", + "shrimp", + "onions", + "pepper", + "fennel", + "littleneck clams", + "thyme", + "peppercorns" + ] + }, + { + "id": 41883, + "cuisine": "indian", + "ingredients": [ + "mint", + "honey", + "basmati rice", + "mixed spice", + "garlic", + "spinach", + "cilantro", + "cauliflower", + "lime", + "coconut milk" + ] + }, + { + "id": 44465, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "dried thyme", + "grated nutmeg", + "ground cloves", + "paprika", + "ground allspice", + "sugar", + "ground black pepper", + "cayenne pepper", + "curry powder", + "salt" + ] + }, + { + "id": 45213, + "cuisine": "southern_us", + "ingredients": [ + "biscuits", + "low sodium chicken broth", + "poultry seasoning", + "frozen peas", + "black pepper", + "heavy cream", + "celery", + "kosher salt", + "all-purpose flour", + "onions", + "boneless chicken skinless thigh", + "dry white wine", + "carrots" + ] + }, + { + "id": 47955, + "cuisine": "thai", + "ingredients": [ + "shallots", + "chinese cabbage", + "large garlic cloves", + "fresh lime juice", + "coarse salt", + "Thai fish sauce", + "lemongrass", + "thai chile" + ] + }, + { + "id": 1852, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "salsa", + "boneless chicken skinless thigh", + "vegetable oil", + "iceberg lettuce", + "mayonaise", + "flour tortillas", + "hot sauce", + "shredded cheddar cheese", + "salt" + ] + }, + { + "id": 9449, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "chili oil", + "chinese five-spice powder", + "soy sauce", + "Sriracha", + "rice vinegar", + "chicken wings", + "honey", + "paprika", + "garlic cloves", + "sweet chili sauce", + "sesame oil", + "scallions" + ] + }, + { + "id": 41483, + "cuisine": "french", + "ingredients": [ + "pastry", + "eggs", + "apples", + "sugar", + "butter" + ] + }, + { + "id": 22823, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "red wine", + "pork shoulder", + "ground black pepper", + "sauce", + "fresh rosemary", + "garlic", + "dill weed" + ] + }, + { + "id": 23359, + "cuisine": "mexican", + "ingredients": [ + "boneless pork shoulder", + "fat", + "garlic", + "dried oregano", + "chili powder", + "onions", + "salt", + "ground cumin" + ] + }, + { + "id": 23326, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "ground pepper", + "sweet mini bells", + "grits", + "milk", + "old bay seasoning", + "smoked paprika", + "andouille sausage", + "flour", + "shrimp", + "pancetta", + "olive oil", + "sea salt", + "bamboo shoots" + ] + }, + { + "id": 17567, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "cooking spray", + "chopped fresh mint", + "salt", + "ground black pepper", + "small red potato" + ] + }, + { + "id": 12141, + "cuisine": "thai", + "ingredients": [ + "tilapia fillets", + "cilantro", + "fish sauce", + "chili", + "coconut milk", + "lime juice", + "oil", + "sugar", + "green curry paste", + "lime leaves" + ] + }, + { + "id": 21955, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "shrimp", + "extra-virgin olive oil", + "grits", + "butter", + "onions", + "white pepper", + "salt" + ] + }, + { + "id": 44816, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "fresh ginger", + "dry sherry", + "pea pods", + "red bell pepper", + "black pepper", + "green onions", + "garlic", + "rice vinegar", + "boneless chicken skinless thigh", + "cooking spray", + "cilantro", + "salt", + "asian noodles", + "water", + "sesame oil", + "fat-free chicken broth", + "carrots" + ] + }, + { + "id": 3280, + "cuisine": "southern_us", + "ingredients": [ + "balsamic vinegar", + "smoked paprika", + "garlic", + "greens", + "vegetable broth", + "ginger root", + "purple onion", + "dried cranberries" + ] + }, + { + "id": 6954, + "cuisine": "chinese", + "ingredients": [ + "baking soda", + "vegetable oil", + "corn starch", + "sugar", + "flour", + "rice vinegar", + "brown sugar", + "reduced sodium soy sauce", + "garlic", + "water", + "boneless skinless chicken breasts", + "broccoli" + ] + }, + { + "id": 38325, + "cuisine": "french", + "ingredients": [ + "sugar", + "ground black pepper", + "salt", + "prosciutto", + "fresh thyme leaves", + "ground coriander", + "fat free less sodium chicken broth", + "cooking spray", + "strawberries", + "sherry vinegar", + "cheese", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 44112, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "finely chopped onion", + "chopped celery", + "fresh mushrooms", + "olive oil", + "reduced-fat sour cream", + "cayenne pepper", + "garlic cloves", + "water", + "chili powder", + "salt", + "long-grain rice", + "fresh tomatoes", + "reduced sodium soy sauce", + "paprika", + "green pepper", + "fresh parsley" + ] + }, + { + "id": 37293, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "angel hair", + "half & half", + "fresh parsley", + "chicken stock", + "grated parmesan cheese", + "salt", + "pepper", + "butter" + ] + }, + { + "id": 21062, + "cuisine": "thai", + "ingredients": [ + "canned low sodium chicken broth", + "shiitake", + "cooking oil", + "chopped cilantro", + "lean ground pork", + "cayenne", + "scallions", + "soy sauce", + "short-grain rice", + "salt", + "green bell pepper", + "lime juice", + "radishes", + "red bell pepper" + ] + }, + { + "id": 17127, + "cuisine": "british", + "ingredients": [ + "white bread", + "sea salt", + "marrow bones", + "shallots", + "flat leaf parsley", + "capers", + "extra-virgin olive oil", + "ground black pepper", + "fresh lemon juice" + ] + }, + { + "id": 31481, + "cuisine": "italian", + "ingredients": [ + "polenta", + "water", + "salt" + ] + }, + { + "id": 1729, + "cuisine": "chinese", + "ingredients": [ + "minced chicken", + "fresh ginger root", + "agar agar flakes", + "warm water", + "flour", + "cooking wine", + "sugar", + "ground black pepper", + "sesame oil", + "chicken stock", + "soy sauce", + "spring onions", + "oil" + ] + }, + { + "id": 20868, + "cuisine": "italian", + "ingredients": [ + "campari", + "sweet vermouth", + "fresh orange juice", + "gin" + ] + }, + { + "id": 41447, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "foie gras", + "veal demi-glace", + "dry red wine", + "vanilla beans", + "cracked black pepper", + "tawny port", + "seedless red grapes" + ] + }, + { + "id": 557, + "cuisine": "jamaican", + "ingredients": [ + "water", + "green onions", + "okra", + "blue crabs", + "fresh thyme", + "salt", + "onions", + "taro leaf", + "garlic", + "coconut milk", + "pig", + "habanero pepper", + "cubed pumpkin" + ] + }, + { + "id": 37515, + "cuisine": "italian", + "ingredients": [ + "bacon", + "garlic powder", + "breadstick", + "grated parmesan cheese" + ] + }, + { + "id": 1927, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "garlic", + "ricotta cheese", + "lasagna noodles", + "ground beef", + "cheese" + ] + }, + { + "id": 30687, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "jalapeno chilies", + "beef tongue", + "tomatoes", + "salt", + "vegetable oil", + "onions" + ] + }, + { + "id": 5439, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chili powder", + "onions", + "tomatoes", + "ground turkey breast", + "salt", + "shredded cheddar cheese", + "seasoned black beans", + "cumin", + "green bell pepper", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 19111, + "cuisine": "french", + "ingredients": [ + "water", + "whipping cream", + "large egg yolks", + "vanilla extract", + "sugar", + "light corn syrup", + "ground cardamom", + "unsalted butter", + "plums" + ] + }, + { + "id": 23293, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "dumpling wrappers", + "firm tofu", + "water", + "garlic", + "corn starch", + "kosher salt", + "vegetables", + "scallions", + "neutral oil", + "minced ginger", + "rice vinegar", + "toasted sesame oil" + ] + }, + { + "id": 17491, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "garlic cloves", + "lime juice", + "white sugar", + "water", + "chillies", + "rice vinegar" + ] + }, + { + "id": 4289, + "cuisine": "filipino", + "ingredients": [ + "white vinegar", + "ketchup", + "salt", + "green beans", + "pork", + "water", + "carrots", + "lumpia skins", + "soy sauce", + "vegetable oil", + "corn starch", + "onions", + "sugar", + "black pepper", + "garlic cloves", + "beansprouts" + ] + }, + { + "id": 15047, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "corn oil", + "all-purpose flour", + "sugar", + "buttermilk", + "powdered sugar", + "baking powder", + "cornmeal", + "milk", + "salt" + ] + }, + { + "id": 26970, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "bay leaves", + "celery", + "andouille sausage", + "olive oil", + "cajun seasoning", + "dried parsley", + "green bell pepper", + "dried thyme", + "dried sage", + "onions", + "minced garlic", + "kidney beans", + "cayenne pepper", + "long grain white rice" + ] + }, + { + "id": 28816, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "salt", + "sugar", + "flour", + "pepper", + "beaten eggs", + "melted butter", + "cream style corn" + ] + }, + { + "id": 14131, + "cuisine": "southern_us", + "ingredients": [ + "ground nutmeg", + "salt", + "white sugar", + "ground cinnamon", + "unsalted butter", + "fresh lemon juice", + "peaches", + "all-purpose flour", + "boiling water", + "brown sugar", + "baking powder", + "corn starch" + ] + }, + { + "id": 6488, + "cuisine": "russian", + "ingredients": [ + "plain yogurt", + "garlic cloves", + "kasha", + "zucchini", + "onions", + "olive oil", + "red bell pepper", + "chicken broth", + "large eggs" + ] + }, + { + "id": 17700, + "cuisine": "filipino", + "ingredients": [ + "ginger", + "onions", + "water", + "patis", + "chicken", + "garlic", + "green papaya", + "vegetable oil", + "pepper leaves" + ] + }, + { + "id": 10440, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "fennel bulb", + "grated lemon zest", + "fresh parmesan cheese", + "shallots", + "medium shrimp", + "arborio rice", + "ground black pepper", + "butter", + "fronds", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 33022, + "cuisine": "spanish", + "ingredients": [ + "sausage links", + "hungarian paprika", + "large garlic cloves", + "low salt chicken broth", + "mussels", + "pepper", + "dry white wine", + "salt", + "large shrimp", + "tomatoes", + "olive oil", + "lemon wedge", + "rice", + "saffron threads", + "sugar pea", + "asparagus", + "littleneck clams", + "onions" + ] + }, + { + "id": 34644, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "whole wheat spaghetti noodles", + "sea salt", + "soy sauce", + "garlic", + "veggies" + ] + }, + { + "id": 5017, + "cuisine": "british", + "ingredients": [ + "brown sugar", + "flour", + "salt", + "rolled oats", + "cinnamon", + "sugar", + "baking powder", + "milk", + "butter" + ] + }, + { + "id": 2235, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "green onions", + "rice vermicelli", + "shrimp", + "ground chicken", + "hot pepper sauce", + "red pepper", + "garlic", + "fish sauce", + "peanuts", + "vegetable oil", + "vegetable broth", + "beansprouts", + "fresh coriander", + "granulated sugar", + "Heinz Tomato Ketchup", + "gingerroot" + ] + }, + { + "id": 36072, + "cuisine": "indian", + "ingredients": [ + "mace", + "french fried onions", + "cilantro leaves", + "green chilies", + "cumin", + "mint", + "bay leaves", + "cracked black pepper", + "green cardamom", + "ghee", + "ginger paste", + "clove", + "coriander powder", + "sea salt", + "cayenne pepper", + "cinnamon sticks", + "chicken", + "water", + "yoghurt", + "white rice", + "brown cardamom", + "ground turmeric", + "ground cumin" + ] + }, + { + "id": 14115, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "vegetable oil", + "enchilada sauce", + "flour tortillas", + "rice", + "shredded mild cheddar cheese", + "diced tomatoes", + "ground chicken", + "jalapeno chilies", + "chopped onion" + ] + }, + { + "id": 32501, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "olive oil", + "jalapeno chilies", + "worcestershire sauce", + "cayenne pepper", + "smoked paprika", + "dried oregano", + "andouille sausage", + "ground black pepper", + "chicken breasts", + "garlic", + "okra pods", + "onions", + "fresh prawn", + "orange bell pepper", + "green onions", + "diced tomatoes", + "wild rice", + "celery", + "dried thyme", + "vinegar", + "red rice", + "hot sauce", + "carrots", + "long grain white rice" + ] + }, + { + "id": 13540, + "cuisine": "chinese", + "ingredients": [ + "peanut oil", + "szechwan peppercorns" + ] + }, + { + "id": 22095, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "salt", + "beef tendons", + "oil", + "water", + "pork and beans", + "beef shank", + "onions" + ] + }, + { + "id": 22468, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "salt", + "onions", + "olive oil", + "vegetable broth", + "celery", + "fava beans", + "diced tomatoes", + "long-grain rice", + "yellow peppers", + "fresh thyme leaves", + "garlic", + "bay leaf" + ] + }, + { + "id": 46230, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "garlic cloves", + "thai chile", + "asian fish sauce", + "rice vinegar", + "warm water", + "fresh lime juice" + ] + }, + { + "id": 14229, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "Best Foods® Real Mayonnaise", + "ground black pepper", + "paprika", + "kosher salt", + "russet potatoes", + "Kraft Miracle Whip Dressing", + "yellow onion" + ] + }, + { + "id": 602, + "cuisine": "moroccan", + "ingredients": [ + "mint sprigs", + "sugar", + "green tea" + ] + }, + { + "id": 45300, + "cuisine": "italian", + "ingredients": [ + "chopped ham", + "pitted black olives", + "sausages", + "tomatoes", + "zesty italian dressing", + "green olives", + "shredded mozzarella cheese", + "pasta", + "green onions" + ] + }, + { + "id": 756, + "cuisine": "spanish", + "ingredients": [ + "tomato juice", + "purple onion", + "celery ribs", + "extra-virgin olive oil", + "red bell pepper", + "red wine", + "cucumber", + "tomatoes", + "garlic" + ] + }, + { + "id": 9142, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "dried apricot", + "ras el hanout", + "cilantro leaves", + "cinnamon sticks", + "almonds", + "extra-virgin olive oil", + "salt", + "fresh lemon juice", + "water", + "large garlic cloves", + "purple onion", + "chickpeas", + "couscous", + "black pepper", + "mint leaves", + "crushed red pepper", + "grated lemon zest", + "escarole" + ] + }, + { + "id": 11013, + "cuisine": "french", + "ingredients": [ + "dried basil", + "dried oregano", + "bay leaf", + "marjoram", + "rubbed sage", + "dried rosemary" + ] + }, + { + "id": 28239, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "crisco", + "shredded monterey jack cheese", + "enchilada sauce", + "green chile", + "fresh cilantro", + "cooked chicken", + "all-purpose flour", + "corn tortillas", + "chicken broth", + "shredded cheddar cheese", + "green onions", + "salt", + "sour cream", + "tomato sauce", + "garlic powder", + "chili powder", + "oil", + "ground cumin" + ] + }, + { + "id": 118, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "garlic cloves", + "salsa verde", + "butter", + "onions", + "chicken breasts", + "Mexican cheese", + "diced green chilies", + "cream cheese" + ] + }, + { + "id": 6189, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "spinach", + "green onions", + "pepper", + "Alfredo sauce", + "fettucine", + "grated parmesan cheese" + ] + }, + { + "id": 29638, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "orange marmalade", + "adobo sauce", + "cider vinegar", + "green onions", + "boneless chicken skinless thigh", + "cooking spray", + "pepper", + "salt" + ] + }, + { + "id": 29724, + "cuisine": "korean", + "ingredients": [ + "vegetable oil", + "carrots", + "eggs", + "chili sauce", + "toasted sesame seeds", + "chicken stock", + "baby spinach", + "toasted sesame oil", + "cooked turkey", + "long-grain rice" + ] + }, + { + "id": 19088, + "cuisine": "spanish", + "ingredients": [ + "chicken broth", + "garlic cloves", + "frozen peas", + "saffron threads", + "olive oil", + "red bell pepper", + "chicken", + "green bell pepper", + "fresh parsley leaves", + "plum tomatoes", + "arborio rice", + "paprika", + "onions" + ] + }, + { + "id": 30478, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "small red potato", + "chicken bouillon granules", + "olive oil", + "water", + "dried oregano", + "diced onions", + "green pepper" + ] + }, + { + "id": 49108, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "italian seasoning", + "roast red peppers, drain", + "hellmann' or best food real mayonnais", + "garlic powder", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 29360, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "miso", + "scallions", + "spinach", + "mirin", + "firm tofu", + "soy sauce", + "dried soba", + "konbu", + "water", + "dried bonito flakes", + "carrots" + ] + }, + { + "id": 42408, + "cuisine": "french", + "ingredients": [ + "egg substitute", + "cooking spray", + "fat-free mayonnaise", + "whole grain dijon mustard", + "sliced ham", + "fat free milk", + "gruyere cheese", + "ground black pepper", + "Italian bread" + ] + }, + { + "id": 20306, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "red cabbage", + "carrots", + "green cabbage", + "olive oil", + "cilantro leaves", + "lime", + "lime wedges", + "tostada shells", + "agave nectar", + "roasting chickens" + ] + }, + { + "id": 35263, + "cuisine": "mexican", + "ingredients": [ + "clove", + "whipped cream", + "chocolate syrup", + "coffee beans", + "brown sugar", + "vanilla", + "water", + "cinnamon sticks" + ] + }, + { + "id": 7751, + "cuisine": "korean", + "ingredients": [ + "kosher salt", + "sea salt", + "toasted sesame oil", + "coconut oil", + "water chestnuts", + "freshly ground pepper", + "brussels sprouts", + "extra firm tofu", + "Gochujang base", + "soy sauce", + "furikake", + "garlic cloves" + ] + }, + { + "id": 49334, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "crushed red pepper flakes", + "chicken", + "ground black pepper", + "salt", + "water", + "purple onion", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 46050, + "cuisine": "thai", + "ingredients": [ + "chile paste", + "rice wine", + "ground coriander", + "fresh basil", + "lemon grass", + "rice vinegar", + "chopped fresh mint", + "peanuts", + "purple onion", + "fresh lime juice", + "soy sauce", + "flank steak", + "dark sesame oil", + "garlic salt" + ] + }, + { + "id": 35418, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "jalapeno chilies", + "garlic cloves", + "ancho chile pepper", + "ground cumin", + "avocado", + "water", + "salsa", + "sour cream", + "oregano", + "dried black beans", + "vegetable oil", + "juice", + "fresh lime juice", + "fresh coriander", + "purple onion", + "red bell pepper", + "onions" + ] + }, + { + "id": 12875, + "cuisine": "italian", + "ingredients": [ + "and cook drain pasta ziti", + "vegetable oil", + "prego fresh mushroom italian sauce", + "bone-in pork chops" + ] + }, + { + "id": 47235, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "rice wine", + "seasoned rice wine vinegar", + "corn starch", + "egg yolks", + "ice water", + "scallions", + "water", + "vegetable oil", + "all-purpose flour", + "sugar", + "baking powder", + "salt", + "shrimp" + ] + }, + { + "id": 42201, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "ground nutmeg", + "ground cinnamon", + "evaporated milk", + "vanilla extract", + "single crust pie", + "flour", + "navy beans", + "sugar", + "butter" + ] + }, + { + "id": 21860, + "cuisine": "moroccan", + "ingredients": [ + "hot red pepper flakes", + "baby greens", + "yellow bell pepper", + "yams", + "pepper", + "sea salt", + "garlic", + "curry paste", + "granny smith apples", + "cinnamon", + "vegetable broth", + "coconut milk", + "green chile", + "lime", + "diced tomatoes", + "chickpeas", + "chopped cilantro fresh" + ] + }, + { + "id": 28090, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "spring onions", + "soy sauce", + "ground pork", + "brown sugar", + "wonton wrappers", + "chicken broth", + "black pepper", + "salt" + ] + }, + { + "id": 41376, + "cuisine": "french", + "ingredients": [ + "water", + "mint sprigs", + "unflavored gelatin", + "whole milk", + "sugar", + "buttermilk", + "vanilla beans", + "strawberries" + ] + }, + { + "id": 31829, + "cuisine": "italian", + "ingredients": [ + "fronds", + "fennel bulb", + "salt", + "fennel seeds", + "ground black pepper", + "trout fillet", + "prosciutto", + "lemon wedge", + "fresh lemon juice", + "olive oil", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 29868, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "amchur", + "salt", + "oil", + "masala", + "red chili powder", + "cinnamon", + "rajma", + "bay leaf", + "fenugreek leaves", + "garam masala", + "cilantro leaves", + "jeera", + "ground cumin", + "fennel seeds", + "milk", + "star anise", + "curds", + "onions" + ] + }, + { + "id": 2915, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "fresh coriander", + "fresh ginger", + "salt", + "fresh parsley", + "preserved lemon", + "fresh cilantro", + "potatoes", + "sweet paprika", + "saffron", + "green olives", + "water", + "ground black pepper", + "roasting chickens", + "onions", + "chiles", + "olive oil", + "bay leaves", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 45773, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "sauce", + "yellow corn meal", + "butter", + "water", + "salt", + "grated parmesan cheese" + ] + }, + { + "id": 41956, + "cuisine": "mexican", + "ingredients": [ + "pinto beans", + "tortillas", + "salsa verde", + "chicken", + "shredded cheese" + ] + }, + { + "id": 29060, + "cuisine": "mexican", + "ingredients": [ + "fresh basil", + "green onions", + "garlic cloves", + "fresh pineapple", + "tomatoes", + "chipotle chile", + "dry sherry", + "shrimp", + "avocado", + "sugar", + "lime wedges", + "fresh lemon juice", + "ground cumin", + "low sodium soy sauce", + "olive oil", + "salt", + "adobo sauce" + ] + }, + { + "id": 33786, + "cuisine": "thai", + "ingredients": [ + "rice vinegar", + "water", + "red jalapeno peppers", + "tapioca flour", + "garlic cloves", + "palm sugar" + ] + }, + { + "id": 14645, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "salsa", + "green chile", + "olive oil", + "shredded Monterey Jack cheese", + "shredded cheddar cheese", + "onions", + "pork", + "flour tortillas" + ] + }, + { + "id": 29475, + "cuisine": "filipino", + "ingredients": [ + "vegetable oil", + "carrots", + "green onions", + "garlic", + "soy sauce", + "ground pork", + "cabbage", + "eggs", + "lumpia wrappers", + "onions" + ] + }, + { + "id": 27645, + "cuisine": "chinese", + "ingredients": [ + "tahini", + "chili oil", + "minced garlic", + "sesame oil", + "peanut oil", + "soy sauce", + "chinese noodles", + "bone-in chicken breasts", + "water", + "red wine vinegar" + ] + }, + { + "id": 14701, + "cuisine": "southern_us", + "ingredients": [ + "processed cheese", + "chopped pecans", + "red chili peppers", + "worcestershire sauce", + "mayonaise", + "pimentos", + "extra sharp cheddar cheese", + "hot pepper sauce", + "chopped onion" + ] + }, + { + "id": 33462, + "cuisine": "italian", + "ingredients": [ + "milk", + "garlic", + "ground black pepper", + "cream cheese, soften", + "parmesan cheese", + "salt", + "butter" + ] + }, + { + "id": 6020, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "dried thyme", + "butter", + "chopped onion", + "pepper", + "half & half", + "salt", + "melted butter", + "garlic powder", + "chopped celery", + "carrots", + "biscuits", + "water", + "chicken breasts", + "all-purpose flour" + ] + }, + { + "id": 30949, + "cuisine": "japanese", + "ingredients": [ + "shiro miso", + "sesame seeds", + "soy sauce", + "water", + "spinach", + "sesame paste" + ] + }, + { + "id": 45782, + "cuisine": "filipino", + "ingredients": [ + "green mango", + "tomatoes", + "salt", + "pepper", + "onions", + "cilantro" + ] + }, + { + "id": 11910, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "salt", + "ground cumin", + "fresh orange juice", + "fresh parsley", + "golden raisins", + "fresh lemon juice", + "grated carrot", + "chopped cilantro fresh" + ] + }, + { + "id": 20883, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "olive oil", + "pepper", + "vinegar" + ] + }, + { + "id": 40746, + "cuisine": "mexican", + "ingredients": [ + "gold tequila", + "kiwi", + "triple sec", + "superfine sugar", + "ice cubes", + "fresh lime juice" + ] + }, + { + "id": 24763, + "cuisine": "southern_us", + "ingredients": [ + "white bread", + "ground sage", + "poultry seasoning", + "pepper", + "cooking spray", + "bread mix", + "large eggs", + "diced celery", + "diced onions", + "fat free milk", + "fat free reduced sodium chicken broth" + ] + }, + { + "id": 33388, + "cuisine": "indian", + "ingredients": [ + "baby spinach leaves", + "yoghurt", + "salt", + "coconut milk", + "ground cumin", + "plain flour", + "garam masala", + "lamb fillet", + "pomegranate", + "basmati rice", + "chicken stock", + "fresh ginger", + "chili powder", + "green chilies", + "onions", + "tomatoes", + "ground black pepper", + "vegetable oil", + "garlic cloves", + "ground turmeric" + ] + }, + { + "id": 11413, + "cuisine": "moroccan", + "ingredients": [ + "sherry vinegar", + "baby spinach", + "chickpeas", + "olive oil", + "dijon mustard", + "extra-virgin olive oil", + "red bell pepper", + "eggplant", + "harissa", + "purple onion", + "fresh mint", + "kosher salt", + "ground black pepper", + "yellow bell pepper", + "vinaigrette" + ] + }, + { + "id": 35671, + "cuisine": "southern_us", + "ingredients": [ + "dressing", + "water", + "boneless pork loin", + "hamburger buns", + "salt", + "brown sugar", + "barbecue sauce", + "cabbage", + "black pepper", + "hot sauce" + ] + }, + { + "id": 30631, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic cloves", + "ground black pepper", + "olive oil", + "dried oregano", + "tomatoes", + "anchovy fillets" + ] + }, + { + "id": 20689, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "parsley", + "water", + "lean ground beef", + "italian sausage", + "lasagna noodles", + "ricotta cheese", + "pasta sauce", + "grated parmesan cheese", + "oregano" + ] + }, + { + "id": 41346, + "cuisine": "italian", + "ingredients": [ + "pepper", + "garlic", + "chopped cooked ham", + "vegetables", + "pizza doughs", + "olive oil", + "salt", + "tomatoes", + "ricotta cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 25437, + "cuisine": "thai", + "ingredients": [ + "cilantro root", + "chicken", + "garlic", + "salt", + "lemongrass", + "peppercorns" + ] + }, + { + "id": 40027, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "ground black pepper", + "salt", + "onions", + "fresh ginger root", + "bay leaves", + "ground cardamom", + "ground cumin", + "olive oil", + "whole peeled tomatoes", + "skinless chicken thighs", + "ground turmeric", + "ground nutmeg", + "garlic", + "cinnamon sticks" + ] + }, + { + "id": 29880, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "all-purpose flour", + "pure vanilla extract", + "cinnamon", + "ricotta", + "amaretti", + "grated lemon zest", + "sugar", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 35584, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "napa cabbage", + "garlic", + "shrimp", + "white sugar", + "chinese rice wine", + "shallots", + "ground pork", + "rice vinegar", + "dumplings", + "mirin", + "cilantro", + "salt", + "ground white pepper", + "sugar", + "sesame oil", + "ginger", + "scallions", + "bird chile" + ] + }, + { + "id": 6899, + "cuisine": "indian", + "ingredients": [ + "chile powder", + "water", + "large garlic cloves", + "ground turmeric", + "green chile", + "peeled fresh ginger", + "ground coriander", + "tomatoes", + "curry powder", + "salt", + "mango", + "unsweetened coconut milk", + "coconut oil", + "sea bass fillets", + "black mustard seeds" + ] + }, + { + "id": 2248, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "butter", + "asparagus", + "salt", + "ground black pepper", + "heavy cream", + "grated parmesan cheese", + "grated nutmeg" + ] + }, + { + "id": 49209, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "white miso", + "chili paste", + "ramen noodles", + "ginger", + "soft-boiled egg", + "toasted sesame oil", + "dashi", + "miso paste", + "large free range egg", + "spices", + "togarashi", + "scallions", + "nori", + "chicken stock", + "sesame seeds", + "ground black pepper", + "shallots", + "ground pork", + "dried shiitake mushrooms", + "sesame paste", + "water", + "soy milk", + "mirin", + "vegetable oil", + "garlic", + "dark brown sugar", + "onions" + ] + }, + { + "id": 1256, + "cuisine": "mexican", + "ingredients": [ + "fat-free reduced-sodium chicken broth", + "Taco Bell Taco Seasoning Mix", + "rotisserie chicken", + "lime", + "diced tomatoes", + "Velveeta", + "butter", + "onions", + "flour", + "tortilla chips" + ] + }, + { + "id": 26519, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "vegetable oil", + "rice vinegar", + "chinese chives", + "sugar", + "regular soy sauce", + "ground pork", + "scallions", + "sake", + "fresh ginger", + "napa cabbage", + "all-purpose flour", + "toasted sesame oil", + "soy sauce", + "sesame oil", + "garlic", + "corn starch" + ] + }, + { + "id": 44614, + "cuisine": "korean", + "ingredients": [ + "honey", + "rice vinegar", + "soy sauce", + "green onions", + "lotus roots", + "water", + "sesame oil", + "brown sugar", + "sesame seeds", + "apple juice" + ] + }, + { + "id": 44122, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "tapioca starch", + "rice flour", + "minced garlic", + "ground pork", + "canola oil", + "kosher salt", + "shallots", + "dried shrimp", + "fish sauce", + "ground black pepper", + "banana leaves" + ] + }, + { + "id": 6788, + "cuisine": "southern_us", + "ingredients": [ + "water", + "green tomatoes", + "almond flour", + "cayenne pepper", + "olive oil", + "onion powder", + "eggs", + "garlic powder" + ] + }, + { + "id": 30910, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "salt", + "buttermilk", + "all-purpose flour" + ] + }, + { + "id": 15954, + "cuisine": "mexican", + "ingredients": [ + "Sriracha", + "purple onion", + "greek yogurt", + "dried oregano", + "olive oil", + "chili powder", + "ground coriander", + "corn tortillas", + "ground black pepper", + "garlic", + "juice", + "skirt steak", + "kosher salt", + "jalapeno chilies", + "ear of corn", + "fresh mint", + "ground cumin" + ] + }, + { + "id": 24361, + "cuisine": "french", + "ingredients": [ + "water", + "chopped fresh thyme", + "filet", + "ground black pepper", + "sea salt", + "corn starch", + "olive oil", + "butter", + "cabernet sauvignon", + "shallots", + "beef broth", + "white mushrooms" + ] + }, + { + "id": 44921, + "cuisine": "british", + "ingredients": [ + "eau de vie", + "strawberries", + "cookies", + "granulated sugar", + "heavy cream" + ] + }, + { + "id": 21347, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "french bread", + "garlic cloves", + "tomatoes", + "cayenne", + "basil", + "oregano", + "olive oil", + "butter", + "onions", + "eggs", + "bell pepper", + "salt" + ] + }, + { + "id": 18738, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "mandarin oranges", + "red wine vinegar", + "chopped cilantro fresh", + "olive oil", + "salt", + "black beans", + "red pepper" + ] + }, + { + "id": 16546, + "cuisine": "italian", + "ingredients": [ + "whole wheat spaghetti", + "garlic", + "black pepper", + "butter", + "baby spinach", + "salt", + "parmigiano reggiano cheese", + "basil" + ] + }, + { + "id": 25685, + "cuisine": "italian", + "ingredients": [ + "baking soda", + "baking powder", + "grated lemon zest", + "egg substitute", + "orange marmalade", + "salt", + "powdered sugar", + "granulated sugar", + "extra-virgin olive oil", + "fresh lemon juice", + "fat free milk", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 38321, + "cuisine": "italian", + "ingredients": [ + "genoa salami", + "kosher salt", + "lemon", + "Italian bread", + "fresh basil", + "radishes", + "extra-virgin olive oil", + "pitted kalamata olives", + "zucchini", + "provolone cheese", + "breadstick", + "pepper", + "cracked black pepper", + "crackers" + ] + }, + { + "id": 17933, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "diced tomatoes", + "beef sausage", + "olive oil", + "garlic", + "shredded cheddar cheese", + "white rice", + "onions", + "red beans", + "green pepper" + ] + }, + { + "id": 36940, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "epazote", + "fresh lime juice", + "mussels", + "coarse salt", + "hot water", + "unsalted butter", + "salsa", + "plum tomatoes", + "corn oil", + "garlic cloves" + ] + }, + { + "id": 12036, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "vegetable oil", + "fresh ginger", + "crushed red pepper", + "orange", + "loin pork roast", + "cold water", + "mirin", + "toasted sesame oil" + ] + }, + { + "id": 39752, + "cuisine": "french", + "ingredients": [ + "capers", + "Italian parsley leaves", + "garlic cloves", + "fresh thyme leaves", + "anchovy fillets", + "olives", + "dried tomatoes", + "Niçoise olives", + "fresh oregano leaves", + "extra-virgin olive oil", + "fresh basil leaves" + ] + }, + { + "id": 41977, + "cuisine": "greek", + "ingredients": [ + "spinach", + "black olives", + "juice", + "feta cheese", + "zest", + "black-eyed peas", + "salt", + "sun-dried tomatoes in oil", + "green onions", + "garlic cloves" + ] + }, + { + "id": 23970, + "cuisine": "italian", + "ingredients": [ + "shiitake", + "baby spinach", + "oyster mushrooms", + "cremini mushrooms", + "shallots", + "bacon slices", + "garlic cloves", + "Madeira", + "ground black pepper", + "asiago", + "salt", + "homemade chicken stock", + "chopped fresh thyme", + "extra-virgin olive oil", + "carnaroli rice" + ] + }, + { + "id": 22155, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "chana dal", + "salt", + "garlic cloves", + "coriander powder", + "ginger", + "green chilies", + "ground turmeric", + "garam masala", + "chili powder", + "cilantro leaves", + "ghee", + "finely chopped onion", + "urad dal", + "cumin seed" + ] + }, + { + "id": 37340, + "cuisine": "mexican", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "eggs", + "baking powder", + "white sugar", + "whole milk", + "heavy whipping cream", + "evaporated milk", + "vanilla extract", + "sweetened condensed milk" + ] + }, + { + "id": 44312, + "cuisine": "italian", + "ingredients": [ + "sugar", + "parmigiano reggiano cheese", + "ricotta", + "mint", + "olive oil", + "chilled seltzer", + "squash blossoms", + "hot red pepper flakes", + "large egg yolks", + "all-purpose flour", + "plum tomatoes", + "water", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 11986, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lemongrass", + "fish balls", + "lime juice", + "salt", + "green beans", + "brown sugar", + "mushrooms", + "oil", + "chicken broth", + "minced ginger", + "red curry paste", + "coconut milk" + ] + }, + { + "id": 15616, + "cuisine": "japanese", + "ingredients": [ + "water", + "konbu", + "sugar", + "sea salt", + "mirin", + "sushi rice", + "rice vinegar" + ] + }, + { + "id": 35171, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "low sodium chicken stock", + "roasted tomatoes", + "fresh cilantro", + "brown rice", + "smoked paprika", + "large shrimp", + "andouille chicken sausage", + "scallions", + "oregano", + "spanish onion", + "garlic", + "red bell pepper", + "cumin" + ] + }, + { + "id": 36328, + "cuisine": "italian", + "ingredients": [ + "crushed red pepper", + "plum tomatoes", + "kosher salt", + "new york strip steaks", + "fresh basil", + "ciabatta", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 30415, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "extra-virgin olive oil", + "mushrooms", + "purple onion", + "dry red wine", + "chopped fresh sage", + "water", + "whipping cream" + ] + }, + { + "id": 40475, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "pie crust", + "butter", + "sugar", + "corn starch", + "almond extract" + ] + }, + { + "id": 46092, + "cuisine": "italian", + "ingredients": [ + "whole wheat pasta", + "olive oil", + "table salt", + "garlic cloves", + "fresh spinach", + "low-fat cream cheese", + "water", + "fresh lemon juice" + ] + }, + { + "id": 39224, + "cuisine": "vietnamese", + "ingredients": [ + "fresh red chili", + "warm water", + "thai basil", + "large garlic cloves", + "freshly ground pepper", + "beansprouts", + "romaine lettuce", + "lemongrass", + "green leaf lettuce", + "rice vermicelli", + "garlic cloves", + "fresh lime juice", + "fish sauce", + "water", + "bawang goreng", + "grated carrot", + "english cucumber", + "fresh mint", + "sugar", + "unsalted roasted peanuts", + "vegetable oil", + "purple onion", + "carrots", + "chuck" + ] + }, + { + "id": 4480, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "cinnamon", + "maple syrup", + "granulated sugar", + "1% low-fat milk", + "turbinado", + "cooking spray", + "gruyere cheese", + "egg substitute", + "butter", + "pears" + ] + }, + { + "id": 17072, + "cuisine": "italian", + "ingredients": [ + "red chili peppers", + "fresh thyme", + "lemon", + "tomatoes", + "mozzarella cheese", + "grated parmesan cheese", + "salt", + "bread crumb fresh", + "large eggs", + "garlic", + "fresh basil", + "pepper", + "chicken breasts", + "all-purpose flour" + ] + }, + { + "id": 41724, + "cuisine": "french", + "ingredients": [ + "sugar", + "vanilla extract", + "powdered sugar", + "half & half", + "Grand Marnier", + "grated orange peel", + "butter", + "bread slices", + "large eggs", + "maple syrup" + ] + }, + { + "id": 26156, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "salt", + "chopped cilantro fresh", + "balsamic vinegar", + "garlic cloves", + "cilantro sprigs", + "bread slices", + "ground red pepper", + "dark sesame oil" + ] + }, + { + "id": 49573, + "cuisine": "british", + "ingredients": [ + "ground ginger", + "cider vinegar", + "green tomatoes", + "mustard seeds", + "tumeric", + "whole cloves", + "salt", + "light brown sugar", + "black pepper", + "bay leaves", + "yellow onion", + "green bell pepper", + "zucchini", + "cinnamon", + "celery seed" + ] + }, + { + "id": 8306, + "cuisine": "french", + "ingredients": [ + "flour", + "salt", + "sole fillet", + "lemon", + "fresh parsley", + "butter", + "lemon juice", + "ground black pepper", + "heavy cream" + ] + }, + { + "id": 15207, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "honey", + "peeled fresh ginger", + "crushed red pepper", + "fresh lemon juice", + "cider vinegar", + "lower sodium soy sauce", + "chicken drumsticks", + "salt", + "canola oil", + "brown sugar", + "lemongrass", + "cooking spray", + "fresh orange juice", + "garlic cloves", + "black pepper", + "annatto seeds", + "butter", + "purple onion", + "chicken thighs" + ] + }, + { + "id": 48852, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "rice vinegar", + "chili flakes", + "fresh ginger", + "green beans", + "minced garlic", + "ground white pepper", + "sugar", + "vegetable oil" + ] + }, + { + "id": 13336, + "cuisine": "russian", + "ingredients": [ + "granulated sugar", + "all-purpose flour", + "eggs", + "vanilla extract", + "walnuts", + "baking powder", + "cream cheese", + "unsalted butter", + "cocktail cherries" + ] + }, + { + "id": 47054, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "poblano chiles", + "black pepper", + "cooking spray", + "dried oregano", + "reduced fat sharp cheddar cheese", + "flour tortillas", + "onions", + "black beans", + "salt", + "mango" + ] + }, + { + "id": 7433, + "cuisine": "thai", + "ingredients": [ + "light soy sauce", + "bell pepper", + "garlic", + "fish sauce", + "peanuts", + "rice noodles", + "beansprouts", + "honey", + "chicken breasts", + "carrots", + "lime", + "zucchini", + "red pepper flakes" + ] + }, + { + "id": 30857, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "ancho powder", + "cayenne pepper", + "chicken", + "self rising flour", + "paprika", + "ground coriander", + "garlic powder", + "buttermilk", + "cilantro leaves", + "adobo sauce", + "ketchup", + "vegetable oil", + "salt", + "chipotles in adobo" + ] + }, + { + "id": 18956, + "cuisine": "indian", + "ingredients": [ + "cornflour", + "figs", + "lemon juice", + "fat", + "sugar substitute", + "low-fat milk" + ] + }, + { + "id": 47199, + "cuisine": "indian", + "ingredients": [ + "chickpea flour", + "yoghurt", + "water", + "sugar", + "vegetable oil", + "flour" + ] + }, + { + "id": 965, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "ice cream", + "vanilla ice cream", + "matcha green tea powder", + "confectioners sugar", + "water", + "almond extract", + "granulated sugar", + "ground almonds" + ] + }, + { + "id": 7982, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "flank steak", + "salt", + "broccoli florets", + "vegetable oil", + "fish sauce", + "low sodium chicken broth", + "garlic", + "fresh ginger", + "rice noodles", + "red curry paste" + ] + }, + { + "id": 4921, + "cuisine": "southern_us", + "ingredients": [ + "tasso", + "fresh thyme", + "pepper", + "salt", + "brewed coffee", + "all-purpose flour", + "chicken broth", + "butter" + ] + }, + { + "id": 5431, + "cuisine": "moroccan", + "ingredients": [ + "large eggs", + "onions", + "black pepper", + "salt", + "challa", + "extra-virgin olive oil", + "boiling potatoes", + "cuban peppers", + "cumin seed" + ] + }, + { + "id": 6786, + "cuisine": "italian", + "ingredients": [ + "baking soda", + "baking powder", + "shredded mozzarella cheese", + "kosher salt", + "large eggs", + "extra-virgin olive oil", + "pepperoni slices", + "ground black pepper", + "buttermilk", + "italian seasoning", + "parmesan cheese", + "marinara sauce", + "all-purpose flour" + ] + }, + { + "id": 41711, + "cuisine": "japanese", + "ingredients": [ + "wasabi paste", + "soy sauce", + "pickled carrots", + "nori", + "ahi", + "gari", + "salt", + "eggs", + "sushi rice", + "butter", + "avocado", + "sugar", + "water", + "rice vinegar" + ] + }, + { + "id": 840, + "cuisine": "british", + "ingredients": [ + "cheddar cheese", + "cod fillets", + "bay leaf", + "pepper", + "butter", + "onions", + "smoked haddock", + "potatoes", + "fresh parsley", + "plain flour", + "milk", + "salt" + ] + }, + { + "id": 20846, + "cuisine": "italian", + "ingredients": [ + "citron", + "ricotta cheese", + "confectioners sugar" + ] + }, + { + "id": 42282, + "cuisine": "italian", + "ingredients": [ + "pesto", + "tuna steaks", + "dry bread crumbs", + "capers", + "ground black pepper", + "shallots", + "water", + "dry white wine", + "spinach", + "cooking spray", + "balsamic vinegar" + ] + }, + { + "id": 47092, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "water", + "lime wedges", + "boiling water", + "white onion", + "tortillas", + "garlic", + "green cabbage", + "kosher salt", + "radishes", + "chopped onion", + "chiles", + "hominy", + "chicken drumsticks", + "dried oregano" + ] + }, + { + "id": 36238, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "small new potatoes", + "salt", + "red wine vinegar", + "purple onion", + "kalamata", + "dried oregano" + ] + }, + { + "id": 31763, + "cuisine": "indian", + "ingredients": [ + "capsicum", + "cilantro leaves", + "idli", + "carrots", + "chili powder", + "oil", + "water", + "salt", + "onions" + ] + }, + { + "id": 9668, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "purple onion", + "romaine lettuce", + "kalamata", + "lemon juice", + "tomatoes", + "ground black pepper", + "english cucumber", + "fresh oregano leaves", + "extra-virgin olive oil", + "feta cheese crumbles" + ] + }, + { + "id": 24145, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "hamburger buns", + "finely chopped onion", + "grated carrot", + "pickle relish", + "Pam No-Stick Cooking Spray", + "dijon mustard", + "bacon slices", + "fresh parsley", + "Morton Salt", + "pepper", + "green leaf lettuce", + "dill pickles", + "vidalia onion", + "beef", + "cheese slices", + "Jimmy Dean Pork Sausage" + ] + }, + { + "id": 4393, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "chicken bouillon", + "achiote paste", + "pepper", + "orange juice", + "soy sauce", + "paprika" + ] + }, + { + "id": 18369, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "flour tortillas", + "ground beef", + "lettuce", + "pepper", + "purple onion", + "ketchup", + "worcestershire sauce", + "mustard", + "pepper jack", + "salt" + ] + }, + { + "id": 2535, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "vegetable oil", + "penne pasta", + "frozen spinach", + "milk", + "portabello mushroom", + "minced garlic", + "butter", + "soy sauce", + "dried basil", + "all-purpose flour" + ] + }, + { + "id": 34408, + "cuisine": "mexican", + "ingredients": [ + "oxtails", + "dried guajillo chiles", + "canola oil", + "kosher salt", + "lime wedges", + "plum tomatoes", + "white onion", + "yukon gold potatoes", + "cooked white rice", + "ground black pepper", + "garlic", + "dried oregano" + ] + }, + { + "id": 47796, + "cuisine": "italian", + "ingredients": [ + "basil pesto sauce", + "tuna", + "tomatoes", + "prepared mustard", + "lettuce", + "rye bread", + "mayonaise", + "garlic" + ] + }, + { + "id": 14665, + "cuisine": "italian", + "ingredients": [ + "pasta", + "dried basil", + "red wine", + "all-purpose flour", + "chicken pieces", + "dried oregano", + "eggs", + "parmesan cheese", + "garlic", + "carrots", + "onions", + "green bell pepper", + "ground black pepper", + "salt", + "celery", + "white sugar", + "tomato paste", + "olive oil", + "tomatoes with juice", + "fresh mushrooms", + "fresh parsley" + ] + }, + { + "id": 5191, + "cuisine": "italian", + "ingredients": [ + "pesto", + "salt", + "panko breadcrumbs", + "tomatoes", + "olive oil", + "ground turkey", + "pepper", + "garlic cloves", + "eggs", + "grated parmesan cheese", + "onions" + ] + }, + { + "id": 13113, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "chopped fresh thyme", + "mozzarella cheese", + "large eggs", + "all-purpose flour", + "plain dry bread crumb", + "ground black pepper", + "salt", + "olive oil", + "grated parmesan cheese", + "flat leaf parsley" + ] + }, + { + "id": 42970, + "cuisine": "mexican", + "ingredients": [ + "boneless pork shoulder", + "chili powder", + "ground cumin", + "dried cornhusks", + "salt", + "garlic powder", + "masa", + "tomato paste", + "vegetable oil" + ] + }, + { + "id": 16822, + "cuisine": "mexican", + "ingredients": [ + "fat free less sodium chicken broth", + "cooking spray", + "diced tomatoes", + "garlic cloves", + "ground cumin", + "water", + "ground red pepper", + "chopped onion", + "chopped cilantro", + "black pepper", + "olive oil", + "chili powder", + "low-fat cream cheese", + "bone in chicken thighs", + "shredded cheddar cheese", + "green onions", + "salt", + "corn tortillas" + ] + }, + { + "id": 49607, + "cuisine": "french", + "ingredients": [ + "sugar", + "butter", + "unsalted butter", + "milk", + "vanilla extract", + "eggs", + "flour" + ] + }, + { + "id": 13684, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "white sugar", + "milk", + "vanilla extract", + "eggs", + "butter", + "egg noodles", + "salt" + ] + }, + { + "id": 19170, + "cuisine": "italian", + "ingredients": [ + "basil", + "large eggs", + "freshly ground pepper", + "unsalted butter", + "salt", + "wheat bread", + "extra-virgin olive oil" + ] + }, + { + "id": 27232, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "ground allspice", + "ground black pepper", + "large garlic cloves", + "chicken livers", + "sage leaves", + "coarse salt", + "garlic cloves", + "french bread", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 25419, + "cuisine": "thai", + "ingredients": [ + "vegetable oil", + "japanese eggplants", + "unsweetened coconut milk", + "green beans", + "fresh basil", + "boneless skinless chicken breast halves", + "Thai red curry paste" + ] + }, + { + "id": 5417, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "maldon sea salt", + "unsalted butter", + "baguette", + "radishes" + ] + }, + { + "id": 672, + "cuisine": "british", + "ingredients": [ + "bread", + "yellow mustard", + "extra sharp cheddar cheese", + "eggs", + "hot sauce", + "tomatoes", + "rabbit", + "butter", + "beer" + ] + }, + { + "id": 45675, + "cuisine": "french", + "ingredients": [ + "sugar", + "vanilla extract", + "egg yolks", + "nonfat dry milk", + "salt", + "reduced fat milk", + "coffee beans" + ] + }, + { + "id": 20298, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "all purpose unbleached flour", + "coarse salt", + "ground white pepper", + "large eggs", + "grated nutmeg", + "russet potatoes" + ] + }, + { + "id": 30391, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "chopped cilantro fresh", + "pita bread", + "fresh lemon juice", + "red kidney beans", + "garlic cloves", + "ground cumin", + "vegetables", + "sour cream" + ] + }, + { + "id": 33464, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "bell pepper", + "crabmeat", + "onions", + "chicken broth", + "olive oil", + "all-purpose flour", + "celery", + "black pepper", + "salt", + "celery seed", + "cajun spice mix", + "garlic", + "shrimp" + ] + }, + { + "id": 19692, + "cuisine": "mexican", + "ingredients": [ + "Mexican seasoning mix", + "cilantro leaves", + "rotisserie chicken", + "fresh lime juice", + "guacamole", + "hot sauce", + "sour cream", + "corn kernels", + "salsa", + "chutney", + "canola oil", + "green chile", + "dipping sauces", + "cream cheese", + "corn tortillas" + ] + }, + { + "id": 47896, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "onions", + "pepper", + "salt", + "water", + "ham hock", + "ham steak", + "jalapeno chilies" + ] + }, + { + "id": 13499, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "salt and ground black pepper", + "chili powder", + "cayenne pepper", + "panko breadcrumbs", + "diced onions", + "water", + "flour", + "butter", + "diced celery", + "green bell pepper", + "chilegarlic sauce", + "vegetable oil", + "catfish", + "long grain and wild rice mix", + "tomato paste", + "crushed tomatoes", + "seafood seasoning", + "worcestershire sauce", + "corn starch" + ] + }, + { + "id": 21843, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "lard", + "pepper", + "whole chicken", + "salt", + "water", + "fat" + ] + }, + { + "id": 48728, + "cuisine": "indian", + "ingredients": [ + "green bell pepper", + "potatoes", + "ginger", + "cilantro leaves", + "green beans", + "masala", + "fennel seeds", + "milk", + "chili powder", + "paneer", + "cumin seed", + "basmati rice", + "cauliflower", + "plain yogurt", + "french fried onions", + "green peas", + "cardamom pods", + "cashew nuts", + "saffron", + "tomatoes", + "garam masala", + "chilli paste", + "salt", + "carrots", + "ground turmeric" + ] + }, + { + "id": 33627, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "freshly ground pepper", + "chopped cilantro", + "lime zest", + "large garlic cloves", + "thai jasmine rice", + "snow peas", + "vegetable oil", + "scallions", + "medium shrimp", + "tomatoes", + "crushed red pepper", + "fresh lime juice", + "asian fish sauce" + ] + }, + { + "id": 45903, + "cuisine": "italian", + "ingredients": [ + "water", + "roasted red peppers", + "dried oregano", + "vidalia onion", + "brown hash potato", + "salt", + "egg substitute", + "ground black pepper", + "feta cheese crumbles", + "frozen chopped spinach", + "dried basil", + "butter" + ] + }, + { + "id": 8276, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "lime", + "hoisin sauce", + "cinnamon", + "cilantro leaves", + "carrots", + "noodles", + "green cabbage", + "chicken bones", + "coriander seeds", + "shallots", + "thai chile", + "yellow onion", + "celery", + "cooked chicken breasts", + "black pepper", + "fresh ginger", + "green onions", + "star anise", + "hot sauce", + "beansprouts", + "peppercorns", + "rock sugar", + "water", + "thai basil", + "daikon", + "purple onion", + "cardamom", + "chopped cilantro", + "chicken" + ] + }, + { + "id": 19997, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "salt", + "chopped fresh mint", + "sliced green onions", + "fresh basil", + "star anise", + "fresh lime juice", + "serrano chile", + "peeled fresh ginger", + "dried rice noodles", + "chopped cilantro fresh", + "green onions", + "beef broth", + "boneless sirloin steak" + ] + }, + { + "id": 5075, + "cuisine": "indian", + "ingredients": [ + "salt", + "fenugreek", + "coconut oil", + "rice", + "black gram" + ] + }, + { + "id": 47018, + "cuisine": "jamaican", + "ingredients": [ + "unsweetened shredded dried coconut", + "bananas", + "red apples", + "water", + "vegetable oil", + "dark molasses", + "brown rice", + "curry powder", + "onions" + ] + }, + { + "id": 49374, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "milk", + "butter", + "carrots", + "chicken thighs", + "shortening", + "half & half", + "salt", + "celery", + "stock", + "flour", + "garlic", + "chopped parsley", + "frozen peas", + "pepper", + "baking powder", + "all-purpose flour", + "onions" + ] + }, + { + "id": 19915, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "parmigiano reggiano cheese", + "chanterelle", + "cremini mushrooms", + "sun-dried tomatoes", + "shallots", + "fresh parsley", + "arborio rice", + "olive oil", + "dry white wine", + "garlic cloves", + "black pepper", + "asparagus", + "salt", + "boiling water" + ] + }, + { + "id": 35705, + "cuisine": "mexican", + "ingredients": [ + "cream of tartar", + "milk", + "vegetable oil", + "salt", + "powdered sugar", + "mini m&ms", + "butter", + "eggs", + "baking soda", + "almond extract", + "sugar", + "flour", + "vanilla" + ] + }, + { + "id": 17363, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "beef sausage", + "shredded cheddar cheese", + "hot sauce", + "pepper", + "salt", + "grits", + "kale", + "garlic cloves" + ] + }, + { + "id": 383, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "quick-cooking oats", + "vanilla extract", + "confectioners sugar", + "ground cinnamon", + "baking soda", + "2% reduced-fat milk", + "all-purpose flour", + "glaze", + "sugar", + "butter", + "salt", + "sour cream", + "eggs", + "baking powder", + "peach slices", + "peach pie filling" + ] + }, + { + "id": 11166, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "plain low-fat yogurt", + "salt", + "finely chopped onion", + "pitas", + "plum tomatoes" + ] + }, + { + "id": 38725, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "grated lemon peel", + "powdered sugar", + "grappa", + "seedless red grapes" + ] + }, + { + "id": 2478, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "salt", + "ground black pepper", + "butter", + "feta cheese crumbles", + "large eggs", + "whipping cream", + "fresh basil leaves", + "pitted kalamata olives", + "green onions", + "oil" + ] + }, + { + "id": 11927, + "cuisine": "irish", + "ingredients": [ + "olive oil", + "arrowroot powder", + "beef jerky", + "dried porcini mushrooms", + "chopped fresh thyme", + "garlic", + "bisquick", + "Madeira", + "salt and ground black pepper", + "button mushrooms", + "diced yellow onion", + "soy sauce", + "egg whites", + "beef tenderloin", + "frozen chopped spinach, thawed and squeezed dry" + ] + }, + { + "id": 9839, + "cuisine": "french", + "ingredients": [ + "milk", + "salt", + "dark chocolate", + "butter", + "yeast", + "sugar", + "vanilla extract", + "bread flour", + "egg yolks", + "all-purpose flour" + ] + }, + { + "id": 12332, + "cuisine": "italian", + "ingredients": [ + "guanciale", + "large eggs", + "ground black pepper", + "extra-virgin olive oil", + "parmigiano reggiano cheese", + "pasta", + "pecorino romano cheese" + ] + }, + { + "id": 906, + "cuisine": "mexican", + "ingredients": [ + "cod", + "salsa", + "corn chips", + "avocado", + "sour cream", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 41206, + "cuisine": "spanish", + "ingredients": [ + "large garlic cloves", + "olive oil", + "red bell pepper", + "extra-virgin olive oil", + "sherry wine vinegar", + "fresh parsley" + ] + }, + { + "id": 36112, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "bell pepper", + "bread slices", + "tomatoes", + "large eggs", + "cayenne pepper", + "jambon de bayonne", + "butter", + "onions", + "olive oil", + "large garlic cloves" + ] + }, + { + "id": 44007, + "cuisine": "mexican", + "ingredients": [ + "spinach", + "olive oil", + "green pepper", + "lime juice", + "chipotle", + "black beans", + "tortillas", + "onions", + "fresh cilantro", + "sweet potatoes" + ] + }, + { + "id": 15344, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "boneless skinless chicken breast halves", + "chicken broth", + "sun-dried tomatoes", + "salt", + "olives", + "dried basil", + "ground black pepper", + "onions", + "angel hair", + "artichoke hearts", + "feta cheese crumbles", + "dried oregano" + ] + }, + { + "id": 26362, + "cuisine": "italian", + "ingredients": [ + "instant espresso powder", + "savoiardi", + "marsala wine", + "coffee liqueur", + "unsweetened cocoa powder", + "large egg yolks", + "heavy cream", + "sugar", + "mascarpone", + "hot water" + ] + }, + { + "id": 7356, + "cuisine": "chinese", + "ingredients": [ + "cooked rice", + "minced garlic", + "green chilies", + "corn starch", + "black beans", + "green onions", + "oyster sauce", + "sugar", + "peeled fresh ginger", + "peanut oil", + "hot water", + "chinese black mushrooms", + "dry sherry", + "shrimp" + ] + }, + { + "id": 29106, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "salt", + "bacon bits", + "vegetable oil", + "self-rising cornmeal", + "green onions", + "sour cream", + "eggs", + "buttermilk" + ] + }, + { + "id": 7672, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "buttermilk", + "jalapeno chilies", + "self-rising cornmeal", + "large eggs", + "chopped onion", + "cream style corn", + "vegetable oil" + ] + }, + { + "id": 2424, + "cuisine": "korean", + "ingredients": [ + "olive oil", + "bean paste", + "noodles", + "sugar", + "prawns", + "cucumber", + "chicken stock", + "mirin", + "corn starch", + "water", + "red cabbage", + "onions" + ] + }, + { + "id": 32366, + "cuisine": "jamaican", + "ingredients": [ + "milk", + "cinnamon", + "oil", + "eggs", + "flour", + "salt", + "sugar", + "baking powder", + "cane sugar", + "nutmeg", + "bananas", + "vanilla", + "lemon juice" + ] + }, + { + "id": 3049, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "salt", + "dried oregano", + "pepper", + "garlic", + "lemon juice", + "romaine lettuce", + "kalamata", + "croutons", + "egg substitute", + "purple onion", + "feta cheese crumbles" + ] + }, + { + "id": 48970, + "cuisine": "italian", + "ingredients": [ + "diced onions", + "olive oil", + "vegetable broth", + "black pepper", + "diced tomatoes", + "frozen mixed vegetables", + "pesto", + "zucchini", + "garlic cloves", + "water", + "cheese tortellini", + "dried oregano" + ] + }, + { + "id": 31865, + "cuisine": "thai", + "ingredients": [ + "jalapeno chilies", + "vinegar" + ] + }, + { + "id": 881, + "cuisine": "southern_us", + "ingredients": [ + "egg substitute", + "vegetable oil cooking spray", + "quickcooking grits", + "nonfat buttermilk", + "cornbread mix", + "reduced fat cheddar cheese", + "vegetable oil" + ] + }, + { + "id": 20718, + "cuisine": "italian", + "ingredients": [ + "romaine lettuce", + "chicken breasts", + "croutons", + "dressing", + "parmesan cheese", + "salt", + "tomatoes", + "dijon mustard", + "oil", + "pepper", + "cheese tortellini", + "sour cream" + ] + }, + { + "id": 19151, + "cuisine": "italian", + "ingredients": [ + "chives", + "salt", + "parmesan cheese", + "red wine vinegar", + "chopped fresh herbs", + "balsamic vinegar", + "garlic cloves", + "ground black pepper", + "extra-virgin olive oil", + "arugula" + ] + }, + { + "id": 48828, + "cuisine": "italian", + "ingredients": [ + "chopped fresh chives", + "boneless skinless chicken breast halves", + "ground chipotle chile pepper", + "brie cheese", + "lemon wedge", + "prosciutto", + "freshly ground pepper" + ] + }, + { + "id": 10387, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "heavy cream", + "pecan halves", + "large eggs", + "unsweetened chocolate", + "cream sweeten whip", + "unsalted butter", + "all-purpose flour", + "pecans", + "bourbon whiskey", + "bittersweet chocolate" + ] + }, + { + "id": 23711, + "cuisine": "british", + "ingredients": [ + "caster sugar", + "currant", + "suet", + "citrus peel", + "medium eggs", + "self rising flour", + "milk", + "salt" + ] + }, + { + "id": 12119, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "bread ciabatta", + "peaches", + "ground black pepper", + "honey", + "ricotta" + ] + }, + { + "id": 11266, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "salt", + "pineapple", + "mango", + "jalapeno chilies", + "fresh lime juice", + "black pepper", + "purple onion", + "ground cumin" + ] + }, + { + "id": 35656, + "cuisine": "mexican", + "ingredients": [ + "sliced olives", + "cream of mushroom soup", + "cream of chicken soup", + "taco seasoning", + "shredded cheddar cheese", + "boneless skinless chicken breasts", + "flour tortillas", + "enchilada sauce" + ] + }, + { + "id": 26193, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "wild salmon", + "cayenne", + "cream cheese", + "cottage cheese", + "salt", + "chopped fresh chives", + "fresh lime juice" + ] + }, + { + "id": 43929, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "marinara sauce", + "garlic cloves", + "chopped green bell pepper", + "salt", + "red bell pepper", + "fresh rosemary", + "parmigiano reggiano cheese", + "chopped onion", + "bone in chicken thighs", + "ground black pepper", + "chopped celery", + "sliced mushrooms" + ] + }, + { + "id": 34965, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "beef", + "shredded lettuce", + "sour cream", + "ground cumin", + "ground chuck", + "tortillas", + "onion powder", + "sauce", + "masa harina", + "sugar", + "garlic powder", + "chili powder", + "paprika", + "garlic salt", + "tostada shells", + "seasoning salt", + "beef bouillon powder", + "diced tomatoes", + "dried minced onion" + ] + }, + { + "id": 42952, + "cuisine": "filipino", + "ingredients": [ + "water", + "peppercorns", + "bay leaves", + "cooking oil", + "pork belly", + "salt" + ] + }, + { + "id": 43239, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "ground black pepper", + "cucumber", + "green cabbage", + "olive oil", + "salt", + "honey", + "red cabbage", + "granny smith apples", + "dried cherry", + "pumpkin seeds" + ] + }, + { + "id": 33579, + "cuisine": "thai", + "ingredients": [ + "large egg yolks", + "salt", + "whole milk", + "coconut milk", + "granulated sugar", + "corn starch", + "white bread", + "pandanus leaf" + ] + }, + { + "id": 20112, + "cuisine": "mexican", + "ingredients": [ + "chili habanero pepper", + "cilantro leaves", + "pork", + "extra-virgin olive oil", + "sour cream", + "lime", + "garlic", + "corn tortillas", + "sea salt", + "scallions" + ] + }, + { + "id": 29220, + "cuisine": "mexican", + "ingredients": [ + "cremini mushrooms", + "oyster mushrooms", + "fresh lime juice", + "rocket leaves", + "tomato salsa", + "rolls", + "shiitake", + "salt", + "chopped cilantro", + "soft goat's cheese", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 14972, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "red pepper flakes", + "dark sesame oil", + "sesame seeds", + "corn syrup", + "steak", + "minced garlic", + "sauce", + "kimchi", + "lettuce", + "apple cider vinegar", + "Gochujang base", + "somen" + ] + }, + { + "id": 11586, + "cuisine": "indian", + "ingredients": [ + "lime", + "oil", + "garlic paste", + "mackerel", + "red chile powder", + "juice", + "tumeric", + "salt" + ] + }, + { + "id": 17191, + "cuisine": "cajun_creole", + "ingredients": [ + "honey", + "extra-virgin olive oil", + "ground white pepper", + "coarse salt", + "cognac", + "ground black pepper", + "cayenne pepper", + "green beans", + "paprika", + "garlic cloves" + ] + }, + { + "id": 10834, + "cuisine": "thai", + "ingredients": [ + "water", + "sesame seeds", + "salt", + "gingerroot", + "fresh cilantro", + "vegetable oil", + "creamy peanut butter", + "ground lamb", + "lime juice", + "egg roll wrappers", + "hot sauce", + "fresh mint", + "minced garlic", + "honey", + "teriyaki sauce", + "dark sesame oil", + "ground cumin" + ] + }, + { + "id": 9650, + "cuisine": "cajun_creole", + "ingredients": [ + "red kidney beans", + "creole seasoning", + "sliced green onions", + "green bell pepper", + "long-grain rice", + "celery ribs", + "smoked chicken sausages", + "onions", + "water", + "garlic cloves" + ] + }, + { + "id": 11629, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "vegetable oil", + "pork chops", + "panko breadcrumbs", + "pepper", + "salt", + "flour" + ] + }, + { + "id": 31257, + "cuisine": "greek", + "ingredients": [ + "dried currants", + "coarse salt", + "garlic", + "bechamel", + "aleppo", + "eggplant", + "yellow bell pepper", + "freshly ground pepper", + "plum tomatoes", + "olive oil", + "idaho potatoes", + "ras el hanout", + "onions", + "ground cinnamon", + "lean ground beef", + "dry red wine", + "kefalotyri", + "ground lamb" + ] + }, + { + "id": 21287, + "cuisine": "korean", + "ingredients": [ + "water", + "extra firm tofu", + "baby spinach", + "carrots", + "kosher salt", + "lower sodium soy sauce", + "peeled fresh ginger", + "Gochujang base", + "shiitake mushroom caps", + "sugar", + "short-grain rice", + "large eggs", + "crushed red pepper", + "beansprouts", + "minced garlic", + "unsalted butter", + "apple cider vinegar", + "dark sesame oil" + ] + }, + { + "id": 22236, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "dandelion greens", + "large garlic cloves", + "hot red pepper flakes", + "salt" + ] + }, + { + "id": 42308, + "cuisine": "moroccan", + "ingredients": [ + "crushed tomatoes", + "paprika", + "lemon juice", + "onions", + "zucchini", + "salt", + "ground cayenne pepper", + "dried oregano", + "fresh ginger root", + "garlic", + "carrots", + "ground turmeric", + "chicken broth", + "boneless skinless chicken breasts", + "chickpeas", + "celery", + "ground cumin" + ] + }, + { + "id": 15008, + "cuisine": "french", + "ingredients": [ + "beans", + "red pepper flakes", + "carrots", + "plum tomatoes", + "diced onions", + "fennel", + "garlic cloves", + "bay leaf", + "celery ribs", + "olive oil", + "garlic", + "chopped parsley", + "prepar pesto", + "fresh thyme", + "diced celery", + "onions" + ] + }, + { + "id": 25959, + "cuisine": "irish", + "ingredients": [ + "sugar", + "all-purpose flour", + "unsalted butter" + ] + }, + { + "id": 33065, + "cuisine": "mexican", + "ingredients": [ + "pepper jack", + "garlic", + "all potato purpos", + "chopped onion", + "jalapeno chilies", + "oil", + "taco shells", + "cilantro" + ] + }, + { + "id": 1126, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "grated kefalotiri", + "leeks", + "ground cumin", + "eggplant", + "walnuts", + "cheddar cheese", + "phyllo" + ] + }, + { + "id": 6885, + "cuisine": "indian", + "ingredients": [ + "extra firm tofu", + "salt", + "curry powder", + "light coconut milk", + "mango", + "minced ginger", + "garlic", + "sesame oil", + "chopped cilantro" + ] + }, + { + "id": 29013, + "cuisine": "spanish", + "ingredients": [ + "zinfandel", + "merlot", + "dry red wine", + "burgundy", + "orange", + "pinot noir", + "lemon", + "sparkling mineral water" + ] + }, + { + "id": 43707, + "cuisine": "italian", + "ingredients": [ + "light butter", + "vanilla", + "ground black pepper", + "firmly packed light brown sugar", + "strawberries", + "amaretto" + ] + }, + { + "id": 42537, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "fresh tarragon", + "fresh lemon juice", + "minced garlic", + "extra-virgin olive oil", + "baguette", + "crushed red pepper flakes", + "plum tomatoes", + "finely chopped fresh parsley", + "garlic" + ] + }, + { + "id": 3146, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "tempeh", + "hot water", + "soy sauce", + "salt", + "red chili peppers", + "garlic", + "vegetable oil", + "roasted peanuts" + ] + }, + { + "id": 34526, + "cuisine": "mexican", + "ingredients": [ + "part-skim mozzarella cheese", + "salsa", + "fresh lemon juice", + "fresh cilantro", + "jalapeno chilies", + "chopped onion", + "tomatoes", + "flour tortillas", + "margarine", + "medium shrimp", + "corn kernels", + "salt", + "garlic cloves" + ] + }, + { + "id": 31868, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "pimento stuffed green olives", + "cherry tomatoes", + "garlic", + "olive oil", + "salt", + "dry white wine", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 27347, + "cuisine": "french", + "ingredients": [ + "reduced sodium chicken broth", + "dry white wine", + "rabbit", + "onions", + "cold water", + "unsalted butter", + "chopped fresh thyme", + "corn starch", + "whole grain mustard", + "vegetable oil", + "salt", + "black pepper", + "dijon mustard", + "large garlic cloves", + "thyme sprigs" + ] + }, + { + "id": 38359, + "cuisine": "mexican", + "ingredients": [ + "honey", + "salt", + "fresh lime juice", + "coleslaw", + "mayonaise", + "flour tortillas", + "all-purpose flour", + "adobo sauce", + "eggs", + "salt and ground black pepper", + "cilantro leaves", + "chipotles in adobo", + "ground cumin", + "tilapia fillets", + "vegetable oil", + "cayenne pepper", + "panko breadcrumbs" + ] + }, + { + "id": 34426, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "water chestnuts", + "hot sauce", + "cooked chicken breasts", + "vegetable oil cooking spray", + "fresh cilantro", + "reduced sodium teriyaki sauce", + "gingerroot", + "ground cumin", + "minced garlic", + "sesame seeds", + "vegetable oil", + "fresh mint", + "water", + "egg roll wrappers", + "salt", + "apricots" + ] + }, + { + "id": 20234, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "vegetable oil", + "shrimp", + "chopped cilantro fresh", + "grape tomatoes", + "jalapeno chilies", + "salt", + "tequila", + "avocado", + "olive oil", + "shredded lettuce", + "smoked paprika", + "cumin", + "lime juice", + "chili powder", + "cayenne pepper", + "corn tortillas" + ] + }, + { + "id": 15289, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "basil", + "cherry tomatoes", + "flour", + "salt", + "ground black pepper", + "cooking spray", + "corn kernels", + "grated parmesan cheese", + "1% low-fat milk" + ] + }, + { + "id": 46167, + "cuisine": "greek", + "ingredients": [ + "ground red pepper", + "sun-dried tomatoes in oil", + "dried basil", + "garlic cloves", + "mayonaise", + "chickpeas", + "grated parmesan cheese", + "lemon juice" + ] + }, + { + "id": 30186, + "cuisine": "indian", + "ingredients": [ + "cinnamon sticks", + "butter", + "onions", + "water", + "bay leaf", + "salt", + "basmati rice" + ] + }, + { + "id": 20606, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "warm water", + "all-purpose flour", + "active dry yeast", + "sugar", + "salt" + ] + }, + { + "id": 12611, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "salt", + "corn tortillas" + ] + }, + { + "id": 2172, + "cuisine": "italian", + "ingredients": [ + "grated orange peel", + "garlic", + "black peppercorns", + "lemon", + "salt", + "chili flakes", + "extra-virgin olive oil", + "flat leaf parsley", + "sherry vinegar", + "artichokes" + ] + }, + { + "id": 27209, + "cuisine": "italian", + "ingredients": [ + "eggs", + "prosciutto", + "unbaked pie crusts", + "ricotta cheese", + "cooked ham", + "grated parmesan cheese", + "genoa salami", + "mozzarella cheese" + ] + }, + { + "id": 19403, + "cuisine": "jamaican", + "ingredients": [ + "pepper sauce", + "seasoning salt", + "garlic", + "black pepper", + "potatoes", + "skinless chicken thighs", + "jamaican curry powder", + "fresh thyme", + "scallions", + "Jamaican allspice", + "water", + "bell pepper", + "onions" + ] + }, + { + "id": 42587, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "chicken broth", + "shrimp", + "diced tomatoes", + "cooked rice", + "gumbo" + ] + }, + { + "id": 11243, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "olive oil", + "guacamole", + "butter", + "ground allspice", + "ground cumin", + "shredded cheddar cheese", + "unsalted butter", + "russet potatoes", + "cilantro", + "sour cream", + "kosher salt", + "cayenne", + "flank steak", + "worcestershire sauce", + "orange juice", + "lime juice", + "jalapeno chilies", + "red wine vinegar", + "garlic", + "dried oregano" + ] + }, + { + "id": 41731, + "cuisine": "indian", + "ingredients": [ + "bread crumbs", + "paneer", + "oil", + "cheese", + "all-purpose flour", + "coriander", + "chana dal", + "salt", + "corn starch", + "chili flakes", + "garlic", + "green chilies", + "masala" + ] + }, + { + "id": 22754, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "diced tomatoes", + "ground cumin", + "diced green chilies", + "chopped cilantro fresh", + "yellow hominy", + "shredded Monterey Jack cheese", + "minced garlic", + "salt" + ] + }, + { + "id": 26183, + "cuisine": "mexican", + "ingredients": [ + "baby spinach", + "pumpkin seeds", + "heavy whipping cream", + "vegetable oil", + "anise", + "low salt chicken broth", + "chopped cilantro fresh", + "butter", + "grated jack cheese", + "poblano chiles", + "corn husks", + "hierba santa", + "bass fillets", + "corn tortillas" + ] + }, + { + "id": 44003, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large garlic cloves", + "salt", + "medium shrimp", + "cockles", + "basil leaves", + "crushed red pepper", + "thyme sprigs", + "mussels", + "bottled clam juice", + "extra-virgin olive oil", + "squid", + "tentacles", + "italian plum tomatoes", + "linguine", + "freshly ground pepper" + ] + }, + { + "id": 36675, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "sugar", + "shallots", + "red chili peppers", + "large garlic cloves", + "fish sauce", + "lime juice" + ] + }, + { + "id": 28946, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "smoked sausage", + "celery", + "red kidney beans", + "white rice", + "margarine", + "green bell pepper", + "garlic", + "creole seasoning", + "ground black pepper", + "salt", + "onions" + ] + }, + { + "id": 29468, + "cuisine": "indian", + "ingredients": [ + "shell-on shrimp", + "garlic cloves", + "ground turmeric", + "fresh curry leaves", + "ginger", + "onions", + "coconut", + "ground coriander", + "serrano chile", + "tomatoes", + "vegetable oil", + "mustard seeds", + "ground cumin" + ] + }, + { + "id": 8647, + "cuisine": "mexican", + "ingredients": [ + "piloncillo", + "large egg yolks", + "strawberries", + "vanilla beans", + "dark rum", + "chopped fresh mint", + "unsweetened coconut milk", + "large egg whites", + "sweetened coconut flakes", + "mango", + "sugar", + "flour tortillas", + "coarse kosher salt" + ] + }, + { + "id": 21945, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "capsicum", + "oyster sauce", + "clove", + "black pepper", + "salt", + "chicken fillets", + "soy sauce", + "ginger", + "dried chile", + "red chili powder", + "water", + "oil" + ] + }, + { + "id": 18450, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "unsalted butter", + "olive oil", + "all-purpose flour", + "chicken stock", + "veal loin", + "prosciutto" + ] + }, + { + "id": 15577, + "cuisine": "french", + "ingredients": [ + "sliced almonds", + "salt", + "butter", + "pepper", + "lemon juice", + "fresh green bean" + ] + }, + { + "id": 23590, + "cuisine": "southern_us", + "ingredients": [ + "mint", + "large egg yolks", + "jalapeno chilies", + "shallots", + "salt", + "fresh lime juice", + "pepper", + "radishes", + "chives", + "yellow bell pepper", + "garlic cloves", + "asian fish sauce", + "shucked oysters", + "unsalted butter", + "whole milk", + "vegetable oil", + "all-purpose flour", + "chopped cilantro", + "stone-ground cornmeal", + "large eggs", + "baking powder", + "extra-virgin olive oil", + "red bell pepper", + "grated orange" + ] + }, + { + "id": 15202, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "salt", + "olive oil", + "portabello mushroom", + "red bell pepper", + "mozzarella cheese", + "basil leaves", + "pizza doughs", + "ground black pepper", + "garlic" + ] + }, + { + "id": 10944, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "water chestnuts", + "ground pork", + "dark soy sauce", + "light soy sauce", + "sesame oil", + "minced ginger", + "Shaoxing wine", + "corn starch", + "sugar", + "enokitake", + "napa cabbage" + ] + }, + { + "id": 21386, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "star anise", + "chicken legs", + "fresh ginger", + "ice", + "soy sauce", + "hoisin sauce", + "orange zest", + "cold water", + "curing salt", + "dark brown sugar" + ] + }, + { + "id": 12644, + "cuisine": "british", + "ingredients": [ + "ground ginger", + "heavy whipping cream", + "graham cracker crumbs", + "sweetened condensed milk", + "bananas", + "white sugar", + "butter" + ] + }, + { + "id": 17224, + "cuisine": "mexican", + "ingredients": [ + "chili flakes", + "garlic powder", + "dried parsley", + "tomato sauce", + "chili powder", + "cumin", + "water", + "onion powder", + "olive oil", + "brown rice flour" + ] + }, + { + "id": 18125, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "cinnamon", + "ground coriander", + "panko breadcrumbs", + "olive oil", + "garlic", + "fresh parsley", + "ground cumin", + "eggs", + "diced tomatoes", + "fresh mint", + "ground lamb", + "ground black pepper", + "salt", + "onions" + ] + }, + { + "id": 34489, + "cuisine": "french", + "ingredients": [ + "sea salt", + "chestnuts", + "crème fraîche", + "ground black pepper", + "chicken stock", + "star anise" + ] + }, + { + "id": 7074, + "cuisine": "italian", + "ingredients": [ + "turkey legs", + "salt", + "juice", + "black pepper", + "lemon zest", + "anchovy fillets", + "onions", + "reduced sodium chicken broth", + "dry white wine", + "garlic cloves", + "orange zest", + "tomatoes", + "olive oil", + "all-purpose flour", + "flat leaf parsley" + ] + }, + { + "id": 9537, + "cuisine": "spanish", + "ingredients": [ + "chicken stock", + "olive oil", + "onion powder", + "dri leav thyme", + "onions", + "white pepper", + "ground nutmeg", + "salt", + "shrimp", + "black pepper", + "garlic powder", + "paprika", + "ham", + "dried oregano", + "dried basil", + "dry white wine", + "all-purpose flour", + "chicken pieces" + ] + }, + { + "id": 27986, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "shredded cheddar cheese", + "enchilada sauce", + "beef stew meat", + "refried beans" + ] + }, + { + "id": 35707, + "cuisine": "greek", + "ingredients": [ + "water", + "celery", + "eggs", + "lemon", + "chicken", + "orzo pasta", + "onions", + "kosher salt", + "carrots" + ] + }, + { + "id": 32984, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "low sodium chicken broth", + "italian chicken sausage", + "grated parmesan cheese", + "chardonnay", + "sweet onion", + "ground black pepper", + "sweet peas", + "arborio rice", + "olive oil", + "garlic" + ] + }, + { + "id": 16913, + "cuisine": "chinese", + "ingredients": [ + "chili oil", + "yardlong beans", + "hoisin sauce", + "sauce", + "vegetable oil" + ] + }, + { + "id": 18633, + "cuisine": "jamaican", + "ingredients": [ + "sauce", + "jerk seasoning", + "chicken breasts" + ] + }, + { + "id": 1752, + "cuisine": "french", + "ingredients": [ + "parsley sprigs", + "unsalted butter", + "all-purpose flour", + "bay leaf", + "black peppercorns", + "veal breast", + "crème fraîche", + "thyme sprigs", + "water", + "leeks", + "fresh lemon juice", + "onions", + "large egg yolks", + "mushrooms", + "carrots", + "boneless veal shoulder" + ] + }, + { + "id": 39465, + "cuisine": "british", + "ingredients": [ + "brussels sprouts", + "ground black pepper", + "all-purpose flour", + "kosher salt", + "vegetable oil", + "eggs", + "unsalted butter", + "onions", + "milk", + "russet potatoes" + ] + }, + { + "id": 11984, + "cuisine": "mexican", + "ingredients": [ + "salt", + "fresh lime juice", + "pepper", + "jelly", + "salsa", + "center cut loin pork chop", + "cooking spray", + "tequila" + ] + }, + { + "id": 36601, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "baking powder", + "gala apples", + "granulated sugar", + "vanilla extract", + "honey", + "butter", + "blackberries", + "firmly packed light brown sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 39053, + "cuisine": "southern_us", + "ingredients": [ + "chocolate", + "peanuts", + "vanilla cream" + ] + }, + { + "id": 24171, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "ginger", + "canola oil", + "trout", + "garlic cloves", + "Shaoxing wine", + "fermented black beans", + "soy sauce", + "scallions" + ] + }, + { + "id": 21484, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "marinade", + "rice", + "salad oil", + "green bell pepper", + "pepper", + "salt", + "oyster sauce", + "sake", + "chicken breasts", + "sauce", + "corn starch", + "chicken stock", + "soy sauce", + "ginger", + "garlic cloves", + "celery" + ] + }, + { + "id": 9470, + "cuisine": "italian", + "ingredients": [ + "water", + "zucchini", + "salt", + "fettucine", + "olive oil", + "whole milk", + "cherry tomatoes", + "mint leaves", + "minced garlic", + "ground black pepper", + "buttermilk" + ] + }, + { + "id": 29464, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "salt", + "ripe olives", + "tomato sauce", + "chicken breast halves", + "shredded mozzarella cheese", + "angel hair", + "zucchini", + "fresh mushrooms", + "onions", + "pepper", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 41893, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "fresh thyme leaves", + "grated lemon peel", + "broccoli florets", + "fresh lemon juice", + "olive oil", + "butter", + "grated parmesan cheese", + "dried fettuccine" + ] + }, + { + "id": 27550, + "cuisine": "mexican", + "ingredients": [ + "lime", + "butter", + "shredded mozzarella cheese", + "jalapeno chilies", + "all-purpose flour", + "corn tortillas", + "poblano peppers", + "garlic", + "sour cream", + "fresh cilantro", + "half & half", + "fresh mushrooms", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 13761, + "cuisine": "indian", + "ingredients": [ + "golden raisins", + "cilantro", + "lentils", + "water", + "brown rice", + "fine sea salt", + "coconut milk", + "tomato paste", + "green onions", + "ginger", + "carrots", + "curry powder", + "butter", + "split peas" + ] + }, + { + "id": 16305, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "half & half", + "chopped fresh thyme", + "arugula", + "salmon fillets", + "fresh parmesan cheese", + "leeks", + "garlic cloves", + "fat free less sodium chicken broth", + "ground black pepper", + "dry white wine", + "thyme", + "arborio rice", + "garnish", + "cooking spray", + "sea salt", + "plum tomatoes" + ] + }, + { + "id": 42878, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "olive oil", + "chicken", + "ketchup", + "balsamic vinegar", + "frozen orange juice concentrate", + "flour", + "kosher salt", + "boneless chicken" + ] + }, + { + "id": 42632, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "pecorino romano cheese", + "cayenne pepper", + "toasted pecans", + "grated parmesan cheese", + "sea salt", + "spinach leaves", + "lemon zest", + "lemon", + "flat leaf parsley", + "olive oil", + "basil leaves", + "garlic" + ] + }, + { + "id": 40679, + "cuisine": "mexican", + "ingredients": [ + "slaw mix", + "barbecue sauce", + "nonstick spray", + "low-fat sesame-ginger dressing", + "skinless chicken breasts", + "wonton wrappers", + "chopped cilantro fresh" + ] + }, + { + "id": 23552, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "salt", + "soda", + "chinese five-spice powder", + "instant yeast", + "all-purpose flour", + "sugar", + "ice water", + "oil" + ] + }, + { + "id": 8510, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "pork loin", + "cilantro", + "ground cumin", + "chile powder", + "white hominy", + "chile pepper", + "enchilada sauce", + "bacon drippings", + "kosher salt", + "Mexican oregano", + "garlic", + "chicken stock", + "jalapeno chilies", + "bacon", + "onions" + ] + }, + { + "id": 24497, + "cuisine": "mexican", + "ingredients": [ + "stew", + "water", + "cilantro", + "bay leaf", + "tomatoes", + "olive oil", + "garlic", + "cumin", + "red potato", + "light beer", + "salt", + "adobo", + "achiote", + "scallions" + ] + }, + { + "id": 6140, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "crushed red pepper flakes", + "brown sugar", + "green onions", + "garlic cloves", + "soy sauce", + "sesame oil", + "pears", + "pork tenderloin", + "rice vinegar" + ] + }, + { + "id": 18048, + "cuisine": "mexican", + "ingredients": [ + "roma tomatoes", + "hot sauce", + "iceberg lettuce", + "grilled chicken", + "salsa", + "chopped cilantro", + "cheddar cheese", + "vegetable oil", + "corn tortillas", + "guacamole", + "sour cream" + ] + }, + { + "id": 43781, + "cuisine": "cajun_creole", + "ingredients": [ + "dinner rolls", + "sausages", + "green leaf lettuce", + "cajun seasoning", + "remoulade", + "ground beef" + ] + }, + { + "id": 21464, + "cuisine": "vietnamese", + "ingredients": [ + "rice sticks", + "rice vinegar", + "fresh lime juice", + "chopped cilantro fresh", + "sugar", + "fresh shiitake mushrooms", + "carrots", + "mung bean sprouts", + "iceberg lettuce", + "chili", + "cilantro leaves", + "fresh mint", + "fresh basil leaves", + "fish sauce", + "olive oil", + "garlic cloves", + "medium shrimp", + "hothouse cucumber" + ] + }, + { + "id": 111, + "cuisine": "mexican", + "ingredients": [ + "salt", + "lime", + "tomatoes", + "onions", + "cilantro" + ] + }, + { + "id": 12922, + "cuisine": "spanish", + "ingredients": [ + "fillet red snapper", + "diced tomatoes", + "chopped cilantro fresh", + "ground red pepper", + "salsa", + "cooking spray", + "salt", + "ground cumin", + "green olives", + "lime wedges", + "pinto beans" + ] + }, + { + "id": 34688, + "cuisine": "southern_us", + "ingredients": [ + "mini marshmallows", + "carrots", + "ground cinnamon", + "raisins", + "flaked coconut", + "plain yogurt", + "pineapple" + ] + }, + { + "id": 39177, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "tortilla chips", + "shredded cheddar cheese", + "chopped onion", + "salsa", + "ground turkey", + "bow-tie pasta", + "taco seasoning" + ] + }, + { + "id": 6805, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "bay leaf", + "dried pinto beans", + "onions", + "vegetable oil", + "chipotles in adobo", + "kosher salt", + "garlic" + ] + }, + { + "id": 43282, + "cuisine": "mexican", + "ingredients": [ + "lemon slices", + "apple cider", + "tequila", + "fresh lemon juice", + "salt", + "orange liqueur" + ] + }, + { + "id": 21214, + "cuisine": "french", + "ingredients": [ + "shallots", + "salt", + "dijon mustard", + "white wine vinegar", + "dried tarragon leaves", + "whipping cream", + "green peppercorns", + "fresh tarragon", + "cognac" + ] + }, + { + "id": 37430, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "sour cream", + "mayonaise", + "green onions", + "jalapeno chilies", + "shredded cheddar cheese", + "mexicorn" + ] + }, + { + "id": 23224, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "garam masala", + "rice", + "black mustard seeds", + "red chili powder", + "salt", + "cumin seed", + "ground turmeric", + "tomatoes", + "coriander powder", + "green chilies", + "onions", + "ground fennel", + "asafoetida", + "cilantro leaves", + "oil" + ] + }, + { + "id": 37205, + "cuisine": "british", + "ingredients": [ + "pepper", + "baking potatoes", + "self rising flour", + "oil", + "fish fillets", + "lemon wedge", + "water", + "salt" + ] + }, + { + "id": 45106, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "garlic powder", + "romaine lettuce leaves", + "plum tomatoes", + "olive oil", + "dijon mustard", + "lemon juice", + "dried basil", + "baby greens", + "purple onion", + "dried oregano", + "feta cheese", + "red wine vinegar", + "cucumber" + ] + }, + { + "id": 20911, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "finely chopped onion", + "chopped celery", + "garlic cloves", + "applewood smoked bacon", + "savoy cabbage", + "ground black pepper", + "chopped fresh thyme", + "chopped fresh sage", + "flat leaf parsley", + "olive oil", + "yukon gold potatoes", + "pearl barley", + "green beans", + "water", + "cannellini beans", + "salt", + "carrots", + "sliced green onions" + ] + }, + { + "id": 30065, + "cuisine": "russian", + "ingredients": [ + "eggs", + "salt", + "onions", + "bay leaves", + "carrots", + "vegetable oil", + "ground beef", + "potatoes", + "dill tips" + ] + }, + { + "id": 19645, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "globe eggplant", + "white wine vinegar", + "fresh basil", + "heirloom tomatoes", + "mozzarella cheese", + "plum tomatoes" + ] + }, + { + "id": 15278, + "cuisine": "italian", + "ingredients": [ + "sugar", + "cheese slices", + "garlic cloves", + "vegetable oil cooking spray", + "light mayonnaise", + "purple onion", + "frozen spinach", + "refrigerated pizza dough", + "balsamic vinegar", + "olive oil", + "chicken breast halves", + "italian seasoning" + ] + }, + { + "id": 22930, + "cuisine": "cajun_creole", + "ingredients": [ + "baking soda", + "oil", + "whole milk", + "confectioners sugar", + "sugar", + "buttermilk", + "bread flour", + "active dry yeast", + "salt" + ] + }, + { + "id": 38547, + "cuisine": "greek", + "ingredients": [ + "plain yogurt", + "cucumber", + "grated lemon zest", + "fresh dill", + "garlic cloves", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 5801, + "cuisine": "southern_us", + "ingredients": [ + "mini marshmallows", + "sweetened condensed milk", + "semi-sweet chocolate morsels", + "dry roasted peanuts" + ] + }, + { + "id": 14902, + "cuisine": "italian", + "ingredients": [ + "chili flakes", + "chopped tomatoes", + "garlic cloves", + "salad", + "baguette", + "zucchini", + "mozzarella cheese", + "roasted red peppers", + "oregano leaves", + "tomatoes", + "eggplant", + "basil" + ] + }, + { + "id": 14461, + "cuisine": "spanish", + "ingredients": [ + "green bell pepper", + "bay leaves", + "littleneck clams", + "sweet onion", + "hot pepper", + "olive oil", + "large garlic cloves", + "crushed tomatoes", + "dry white wine", + "red bell pepper" + ] + }, + { + "id": 42256, + "cuisine": "french", + "ingredients": [ + "boneless skinless chicken breasts", + "condensed cream of chicken soup", + "butter", + "white wine", + "diced ham", + "shredded swiss cheese" + ] + }, + { + "id": 44944, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "fresh lemon juice", + "plum tomatoes", + "greek seasoning", + "fresh thyme", + "feta cheese crumbles", + "olive oil", + "shrimp", + "french baguette", + "green onions", + "chopped parsley" + ] + }, + { + "id": 25180, + "cuisine": "japanese", + "ingredients": [ + "melted butter", + "panko breadcrumbs", + "large eggs", + "italian seasoning", + "zucchini", + "garlic salt", + "grated parmesan cheese" + ] + }, + { + "id": 22854, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "garlic", + "cream cheese", + "milk", + "all-purpose flour", + "butter", + "salsa", + "boneless chicken skinless thigh", + "bow-tie pasta" + ] + }, + { + "id": 41328, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "sherry", + "linguine", + "water", + "clove garlic, fine chop", + "ground ginger", + "Lipton® Recipe Secrets® Onion Soup Mix", + "bok choy" + ] + }, + { + "id": 18959, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "nonfat yogurt", + "dried rosemary", + "olive oil", + "salt", + "vegetable oil cooking spray", + "pita bread rounds", + "boneless lamb", + "garlic powder", + "cucumber" + ] + }, + { + "id": 29512, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "cheese tortellini", + "butter", + "pepper", + "heavy cream", + "marinara sauce", + "salt" + ] + }, + { + "id": 19514, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "sea salt", + "parmigiano reggiano cheese", + "penne rigate", + "olive oil", + "anchovy fillets", + "tomatoes", + "red pepper flakes", + "flat leaf parsley" + ] + }, + { + "id": 8697, + "cuisine": "mexican", + "ingredients": [ + "bread", + "tortilla chips", + "jalapeno chilies", + "jack cheese", + "cream cheese", + "butter" + ] + }, + { + "id": 31256, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "yellow onion", + "ground beef", + "jumbo pasta shells", + "taco seasoning", + "mozzarella cheese", + "cream cheese", + "salsa", + "enchilada sauce" + ] + }, + { + "id": 20165, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "extra-virgin olive oil", + "vegetable oil spray", + "fresh lemon juice", + "fingerling potatoes", + "grated lemon peel", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 10512, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "egg yolks", + "fresh lemon juice", + "lemon zest", + "garlic cloves", + "white pepper", + "white truffle oil", + "fresh asparagus" + ] + }, + { + "id": 41799, + "cuisine": "jamaican", + "ingredients": [ + "pepper sauce", + "green onions", + "garlic", + "long-grain rice", + "ground turmeric", + "pork tenderloin", + "no-salt-added black beans", + "ground allspice", + "fresh lime juice", + "dried thyme", + "sliced carrots", + "chopped onion", + "red bell pepper", + "vegetable oil cooking spray", + "ground red pepper", + "salt", + "no salt added chicken broth" + ] + }, + { + "id": 9474, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "fresh lemon juice", + "olive oil", + "salt", + "fettucine", + "asparagus", + "dried oregano", + "fresh parmesan cheese", + "grated lemon zest" + ] + }, + { + "id": 19751, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "chopped cilantro fresh", + "pineapple juice", + "brown sugar", + "fresh lemon juice", + "purple onion", + "mango" + ] + }, + { + "id": 14209, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "green onions", + "granulated sugar", + "ginger", + "garlic powder", + "sesame oil", + "soy sauce", + "beef" + ] + }, + { + "id": 25532, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "vanilla extract", + "powdered sugar", + "large eggs", + "heavy whipping cream", + "cream of tartar", + "semisweet chocolate", + "salt", + "sugar", + "dark rum" + ] + }, + { + "id": 46737, + "cuisine": "british", + "ingredients": [ + "fresh blueberries", + "greek style plain yogurt", + "powdered sugar", + "vanilla extract", + "lemon juice", + "heavy cream", + "blueberries", + "granulated sugar", + "salt", + "corn starch" + ] + }, + { + "id": 30881, + "cuisine": "filipino", + "ingredients": [ + "lemongrass", + "salt", + "leeks", + "ground black pepper", + "chicken", + "banana leaves" + ] + }, + { + "id": 26912, + "cuisine": "mexican", + "ingredients": [ + "corn husks", + "chopped onion", + "masa dough", + "fat free less sodium chicken broth", + "hot sauce", + "hot water", + "roast breast of chicken", + "non-fat sour cream", + "fresh lemon juice", + "pork sausages", + "saffron threads", + "cooking spray", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 13877, + "cuisine": "indian", + "ingredients": [ + "mustard", + "tumeric", + "vinegar", + "boneless chicken", + "oil", + "tomato purée", + "black pepper", + "chili powder", + "salt", + "ginger paste", + "tomatoes", + "sugar", + "capsicum", + "ginger", + "onions", + "garlic paste", + "garam masala", + "red capsicum", + "tomato ketchup", + "ground cumin" + ] + }, + { + "id": 26093, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "celery", + "kidney beans", + "broth", + "kielbasa", + "long grain white rice", + "olive oil", + "onions" + ] + }, + { + "id": 3986, + "cuisine": "british", + "ingredients": [ + "black pepper", + "worcestershire sauce", + "mustard", + "large eggs", + "stilton cheese", + "white vinegar", + "finely chopped onion", + "salt", + "chicken broth", + "vegetable oil" + ] + }, + { + "id": 34605, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "water", + "radishes", + "cheese", + "pork shoulder", + "cabbage", + "chiles", + "olive oil", + "queso fresco", + "salt", + "dried oregano", + "chicken stock", + "lime", + "cake", + "garlic", + "onions", + "pepper", + "hominy", + "cilantro", + "tortilla chips", + "cumin" + ] + }, + { + "id": 45008, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "green tomatoes", + "salt", + "ground cumin", + "yellow corn meal", + "cooking spray", + "cilantro sprigs", + "chopped cilantro fresh", + "water", + "green onions", + "1% low-fat milk", + "shredded Monterey Jack cheese", + "jalapeno chilies", + "queso fresco", + "garlic cloves" + ] + }, + { + "id": 37239, + "cuisine": "british", + "ingredients": [ + "coffee extract", + "vanilla essence", + "dates", + "bicarbonate of soda", + "self rising flour", + "boiling water", + "eggs", + "caster sugar", + "golden syrup", + "black treacle", + "butter" + ] + }, + { + "id": 9841, + "cuisine": "italian", + "ingredients": [ + "yellow tomato", + "extra-virgin olive oil", + "fresh basil", + "freshly ground pepper", + "chees fresh mozzarella", + "tomatoes", + "salt" + ] + }, + { + "id": 4744, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "green pepper", + "onions", + "celery ribs", + "diced tomatoes", + "garlic cloves", + "sugar", + "hot sauce", + "flat leaf parsley", + "green onions", + "creole seasoning" + ] + }, + { + "id": 17242, + "cuisine": "cajun_creole", + "ingredients": [ + "paprika", + "ground black pepper", + "ground white pepper", + "garlic powder", + "cayenne pepper", + "chili powder" + ] + }, + { + "id": 32874, + "cuisine": "italian", + "ingredients": [ + "capers", + "water", + "diced tomatoes", + "diced onions", + "sugar", + "chopped green bell pepper", + "garlic cloves", + "pitted kalamata olives", + "olive oil", + "cauliflower florets", + "tomato paste", + "black pepper", + "red wine vinegar" + ] + }, + { + "id": 46077, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic", + "chicken broth", + "jalapeno chilies", + "onions", + "whole peeled tomatoes", + "vermicelli noodles", + "fresh cilantro", + "vegetable oil", + "cumin" + ] + }, + { + "id": 10668, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "jalapeno chilies", + "garlic", + "cayenne pepper", + "black beans", + "olive oil", + "brown rice", + "cilantro leaves", + "curly kale", + "cherry tomatoes", + "shallots", + "salt", + "cumin", + "lime juice", + "salsa verde", + "chili powder", + "hot sauce" + ] + }, + { + "id": 31801, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame oil", + "soy sauce", + "angel hair", + "stir fry vegetable blend" + ] + }, + { + "id": 21829, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "leeks", + "salt", + "corn starch", + "chicken stock", + "ground black pepper", + "ground sichuan pepper", + "garlic cloves", + "soy sauce", + "chicken breasts", + "peanut oil", + "chinese black vinegar", + "chinese rice wine", + "egg whites", + "ginger", + "garlic chili sauce" + ] + }, + { + "id": 28252, + "cuisine": "greek", + "ingredients": [ + "canned low sodium chicken broth", + "boneless skinless chicken breasts", + "fresh parsley", + "feta cheese", + "salt", + "ground black pepper", + "lemon juice", + "cherry tomatoes", + "ziti", + "dried oregano" + ] + }, + { + "id": 64, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "butter", + "ground cumin", + "onion powder", + "salt", + "ground black pepper", + "paprika", + "boneless chop pork", + "vegetable oil", + "cayenne pepper" + ] + }, + { + "id": 24827, + "cuisine": "russian", + "ingredients": [ + "sugar", + "egg yolks", + "unsalted butter", + "cream cheese", + "vanilla sugar", + "cottage cheese", + "whipping cream" + ] + }, + { + "id": 8987, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "chili", + "chopped fresh thyme", + "sweet paprika", + "shrimp", + "tomatoes", + "ground black pepper", + "yellow onion", + "garlic cloves", + "chicken broth", + "olive oil", + "salt", + "long-grain rice", + "boneless skinless chicken breast halves", + "green bell pepper", + "unsalted butter", + "cayenne pepper", + "ham" + ] + }, + { + "id": 33478, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "parmesan cheese", + "extra-virgin olive oil", + "italian seasoning", + "olive oil", + "coarse salt", + "white wine vinegar", + "mozzarella cheese", + "fresh thyme", + "garlic", + "pasta", + "artichoke hearts", + "baby spinach", + "fresh lemon juice" + ] + }, + { + "id": 17894, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "salt", + "calamansi juice", + "white sugar", + "powdered sugar", + "all-purpose flour", + "butter" + ] + }, + { + "id": 17390, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "light soy sauce", + "red wine vinegar", + "boneless pork loin", + "ground white pepper", + "dried black mushrooms", + "reduced sodium chicken broth", + "lily buds", + "cilantro leaves", + "peanut oil", + "sugar", + "large eggs", + "tree ear mushrooms", + "firm tofu", + "bamboo shoots", + "scallion greens", + "kosher salt", + "sesame oil", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 11238, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "ricotta cheese", + "prosciutto", + "fresh parsley leaves", + "tomato sauce", + "cheese", + "large eggs", + "prepared lasagne" + ] + }, + { + "id": 11447, + "cuisine": "cajun_creole", + "ingredients": [ + "crawfish", + "vegetable oil", + "garlic cloves", + "mayonaise", + "green onions", + "worcestershire sauce", + "large eggs", + "cajun seasoning", + "lemon juice", + "bread crumbs", + "ground red pepper", + "cilantro sprigs" + ] + }, + { + "id": 23663, + "cuisine": "italian", + "ingredients": [ + "sliced tomatoes", + "fresh mozzarella", + "grated parmesan cheese", + "fresh basil", + "tapenade", + "frozen pastry puff sheets" + ] + }, + { + "id": 11222, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "zucchini", + "onions", + "pepper", + "salt", + "hominy", + "fresh lime juice", + "fat free less sodium chicken broth", + "vegetable oil" + ] + }, + { + "id": 27075, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "garlic", + "cayenne pepper", + "paprika", + "salt", + "ground cumin", + "garam masala", + "purple onion", + "ground cardamom", + "ginger", + "skin on bone in chicken legs" + ] + }, + { + "id": 11084, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "salt", + "shrimp", + "mussels", + "black pepper", + "crabmeat", + "saffron", + "clams", + "fish fillets", + "cayenne pepper", + "onions", + "pure olive oil", + "cilantro", + "garlic cloves" + ] + }, + { + "id": 38153, + "cuisine": "mexican", + "ingredients": [ + "water", + "corn chips", + "cream cheese", + "ground beef", + "cumin", + "avocado", + "garlic powder", + "garlic", + "sour cream", + "chopped cilantro fresh", + "diced onions", + "olive oil", + "shredded lettuce", + "pinto beans", + "coriander", + "masa harina", + "shredded cheddar cheese", + "chili powder", + "salt", + "fresh lime juice", + "dried oregano" + ] + }, + { + "id": 35130, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "garam masala", + "cayenne pepper", + "ground cardamom", + "plain low-fat yogurt", + "fresh ginger", + "heavy cream", + "freshly ground pepper", + "ground turmeric", + "chile powder", + "peeled tomatoes", + "vegetable oil", + "ground coriander", + "onions", + "sugar", + "almonds", + "salt", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 23276, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "carrots", + "tomato sauce", + "salt", + "onions", + "green peas", + "low salt chicken broth", + "minced garlic", + "frozen corn kernels", + "long grain white rice" + ] + }, + { + "id": 7472, + "cuisine": "indian", + "ingredients": [ + "diced tomatoes", + "curry", + "cinnamon sticks", + "dhal", + "ginger", + "cumin seed", + "onions", + "serrano chilies", + "garlic", + "mustard seeds", + "ground turmeric", + "crushed red pepper flakes", + "salt", + "coconut milk" + ] + }, + { + "id": 22187, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "red wine vinegar", + "fresh oregano", + "lime", + "jalapeno chilies", + "garlic", + "kosher salt", + "parsley leaves", + "crushed red pepper flakes", + "medium shrimp", + "olive oil", + "shallots", + "cilantro leaves" + ] + }, + { + "id": 19197, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "baking powder", + "chopped fresh sage", + "unsalted butter", + "salt", + "baking soda", + "buttermilk", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 38420, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "dried oregano", + "dry white wine", + "fresh lemon juice", + "pepper", + "garlic cloves", + "salt" + ] + }, + { + "id": 2028, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "cooking oil", + "corn starch", + "spring roll wrappers", + "water", + "napa cabbage", + "pork shoulder", + "sugar", + "shiitake", + "peanut oil", + "kosher salt", + "Shaoxing wine", + "beansprouts" + ] + }, + { + "id": 3824, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "olive oil", + "salt", + "ground cumin", + "chili pepper", + "ground red pepper", + "long-grain rice", + "black pepper", + "sea scallops", + "cilantro leaves", + "water", + "lime wedges", + "ground turmeric" + ] + }, + { + "id": 27451, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "asparagus", + "scallions", + "shiitake", + "sesame oil", + "white sesame seeds", + "eggs", + "swiss chard", + "garlic", + "jasmine rice", + "gochugaru", + "carrots" + ] + }, + { + "id": 31599, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "pasta sauce", + "rigatoni", + "italian sausage", + "shredded mozzarella cheese", + "grated parmesan cheese" + ] + }, + { + "id": 34722, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "ground red pepper", + "chickpeas", + "onions", + "lower sodium chicken broth", + "salt", + "fresh lemon juice", + "ground lamb", + "ground cinnamon", + "extra-virgin olive oil", + "ground coriander", + "chopped cilantro fresh", + "golden raisins", + "grated lemon zest", + "carrots", + "ground cumin" + ] + }, + { + "id": 48802, + "cuisine": "italian", + "ingredients": [ + "flat leaf parsley", + "artichoke hearts", + "large garlic cloves", + "olive oil" + ] + }, + { + "id": 24241, + "cuisine": "mexican", + "ingredients": [ + "water", + "roast", + "beef base", + "dried oregano", + "adobo", + "garlic powder", + "jalapeno chilies", + "hot sauce", + "ground cumin", + "olive oil", + "bell pepper", + "chili powder", + "beef roast", + "black pepper", + "diced green chilies", + "bay leaves", + "onions" + ] + }, + { + "id": 7254, + "cuisine": "french", + "ingredients": [ + "brandy", + "vanilla ice cream", + "frozen pastry puff sheets", + "unsalted butter", + "sugar", + "bosc pears" + ] + }, + { + "id": 13831, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "buttermilk", + "vegetables", + "chicken livers", + "kosher salt", + "hot sauce", + "flour", + "panko breadcrumbs" + ] + }, + { + "id": 24086, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "green chilies", + "whole milk", + "self rising flour", + "pork sausages", + "vegetable shortening" + ] + }, + { + "id": 49361, + "cuisine": "indian", + "ingredients": [ + "frozen spinach", + "ground black pepper", + "lamb", + "onions", + "minced ginger", + "diced tomatoes", + "coconut milk", + "ground cumin", + "kosher salt", + "lemon", + "ground coriander", + "ground turmeric", + "garam masala", + "garlic", + "ghee" + ] + }, + { + "id": 11078, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "cayenne", + "vegetable stock", + "paprika", + "wild rice", + "celery ribs", + "dried thyme", + "bay leaves", + "sea salt", + "hot sauce", + "scallions", + "water", + "sweet potatoes", + "red wine vinegar", + "extra-virgin olive oil", + "freshly ground pepper", + "tomato paste", + "kidney beans", + "arrowroot", + "diced tomatoes", + "yellow onion", + "garlic cloves" + ] + }, + { + "id": 36044, + "cuisine": "mexican", + "ingredients": [ + "cream of celery soup", + "lime juice", + "colby jack cheese", + "red bell pepper", + "oregano", + "black beans", + "boneless skinless chicken breasts", + "butter", + "chopped cilantro fresh", + "frozen sweet corn", + "olive oil", + "chili powder", + "garlic salt", + "ground cumin", + "chicken broth", + "minced garlic", + "chives", + "rice", + "chunky salsa" + ] + }, + { + "id": 42305, + "cuisine": "chinese", + "ingredients": [ + "fresh shiitake mushrooms", + "chinese five-spice powder", + "peeled fresh ginger", + "top sirloin steak", + "snow peas", + "hoisin sauce", + "sesame oil", + "garlic chili sauce", + "green onions", + "cilantro leaves" + ] + }, + { + "id": 9162, + "cuisine": "british", + "ingredients": [ + "powdered sugar", + "hazelnuts", + "unsalted butter", + "whole milk", + "Grand Marnier", + "sparkling rosé wine", + "whole almonds", + "raspberries", + "self rising flour", + "whipping cream", + "oil", + "pecans", + "pinenuts", + "vanilla pods", + "cornflour", + "gelatin sheet", + "raspberry jam", + "marsala wine", + "caster sugar", + "egg yolks", + "free range egg", + "lemon juice" + ] + }, + { + "id": 31255, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "bread crumb fresh", + "vegetable oil", + "ricotta", + "meatloaf", + "fettucine", + "large eggs", + "pecorino romano cheese", + "California bay leaves", + "onions", + "black pepper", + "whole milk", + "salt", + "juice", + "dried oregano", + "tomatoes", + "olive oil", + "fresh mozzarella", + "garlic cloves", + "flat leaf parsley" + ] + }, + { + "id": 26277, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "sugar", + "miso paste", + "scallions", + "celery leaves", + "ketchup", + "salt", + "ground white pepper", + "sweet potato starch", + "oysters", + "rice vinegar", + "eggs", + "soy sauce", + "vegetables", + "corn starch" + ] + }, + { + "id": 22664, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "marjoram", + "ground cumin", + "minced garlic", + "ground beef", + "dried rosemary", + "sea salt", + "dried oregano", + "dried thyme", + "onions", + "ground lamb" + ] + }, + { + "id": 23090, + "cuisine": "spanish", + "ingredients": [ + "california chile", + "roasted red peppers", + "salt", + "olive oil", + "deveined shrimp", + "flat leaf parsley", + "sherry vinegar", + "garlic", + "pepper", + "roma tomatoes", + "toasted almonds" + ] + }, + { + "id": 27422, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "ground nutmeg", + "lemon", + "milk", + "baking powder", + "all-purpose flour", + "sugar", + "granulated sugar", + "salt", + "ground cinnamon", + "peaches in light syrup", + "butter", + "corn starch" + ] + }, + { + "id": 6778, + "cuisine": "italian", + "ingredients": [ + "boneless chicken breast", + "italian salad dressing", + "bbq sauce" + ] + }, + { + "id": 46144, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "baking powder", + "flour", + "milk", + "salt" + ] + }, + { + "id": 39032, + "cuisine": "irish", + "ingredients": [ + "milk", + "shallots", + "salt", + "unsalted butter", + "russet potatoes", + "freshly ground pepper", + "mace", + "napa cabbage", + "grated nutmeg", + "curly kale", + "leeks", + "bacon slices" + ] + }, + { + "id": 46687, + "cuisine": "italian", + "ingredients": [ + "pecorino romano cheese", + "prosciutto", + "extra-virgin olive oil", + "water", + "all purpose unbleached flour", + "large eggs", + "salt" + ] + }, + { + "id": 6803, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "all-purpose flour", + "butter", + "cinnamon", + "sugar", + "salt" + ] + }, + { + "id": 29749, + "cuisine": "southern_us", + "ingredients": [ + "turbinado", + "unsalted butter", + "fresh lemon juice", + "sugar", + "salt", + "heavy whipping cream", + "peaches", + "all-purpose flour", + "cornmeal", + "ground cinnamon", + "baking powder", + "corn starch" + ] + }, + { + "id": 42006, + "cuisine": "russian", + "ingredients": [ + "mashed potatoes", + "all-purpose flour", + "prepared horseradish", + "caviar", + "fresh dill", + "sour cream", + "vegetable oil" + ] + }, + { + "id": 39143, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "black-eyed peas", + "dried thyme", + "garlic cloves", + "water", + "ground black pepper", + "tomatoes", + "olive oil", + "onions" + ] + }, + { + "id": 5898, + "cuisine": "mexican", + "ingredients": [ + "clove", + "black pepper", + "lime", + "lime wedges", + "red radishes", + "onions", + "black peppercorns", + "kosher salt", + "jalapeno chilies", + "purple onion", + "red bell pepper", + "ground cumin", + "tomatoes", + "white onion", + "coriander seeds", + "cilantro", + "carrots", + "skirt steak", + "chipotle chile", + "lime juice", + "chili powder", + "garlic cloves", + "corn tortillas" + ] + }, + { + "id": 23739, + "cuisine": "italian", + "ingredients": [ + "sugar", + "egg whites", + "all-purpose flour", + "green cardamom pods", + "unsalted butter", + "golden raisins", + "candied orange peel", + "large eggs", + "salt", + "saffron threads", + "active dry yeast", + "whole milk" + ] + }, + { + "id": 4784, + "cuisine": "vietnamese", + "ingredients": [ + "canola oil", + "shallots" + ] + }, + { + "id": 19795, + "cuisine": "french", + "ingredients": [ + "vanilla ice cream", + "large eggs", + "unsalted butter", + "sugar", + "frozen pastry puff sheets", + "rhubarb", + "raspberry preserves" + ] + }, + { + "id": 13618, + "cuisine": "indian", + "ingredients": [ + "almonds", + "butter", + "fresh spinach", + "jalapeno chilies", + "firm tofu", + "fresh ginger", + "shallots", + "sour cream", + "garam masala", + "salt" + ] + }, + { + "id": 25770, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "garlic", + "frozen peas", + "dried thyme", + "Irish whiskey", + "yellow onion", + "ground black pepper", + "paprika", + "carrots", + "seasoning salt", + "beef stock", + "lamb shoulder" + ] + }, + { + "id": 26205, + "cuisine": "italian", + "ingredients": [ + "milk", + "apricot preserves", + "heavy cream", + "sugar", + "corn starch" + ] + }, + { + "id": 19435, + "cuisine": "korean", + "ingredients": [ + "milk", + "salt", + "warm water", + "dry yeast", + "white sugar", + "white flour", + "cinnamon", + "peanuts", + "dark brown sugar" + ] + }, + { + "id": 23630, + "cuisine": "japanese", + "ingredients": [ + "extra light olive oil", + "reduced sodium soy sauce", + "japanese eggplants", + "sugar", + "scallions", + "mirin" + ] + }, + { + "id": 3707, + "cuisine": "indian", + "ingredients": [ + "kasuri methi", + "pepper", + "cilantro leaves", + "cream", + "salt", + "cheese cubes", + "oil" + ] + }, + { + "id": 31758, + "cuisine": "greek", + "ingredients": [ + "light sour cream", + "cucumber", + "dill", + "salt", + "garlic cloves" + ] + }, + { + "id": 18407, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "champagne", + "kosher salt", + "shallots", + "oysters", + "chopped fresh thyme", + "sugar", + "ground black pepper", + "thyme sprigs" + ] + }, + { + "id": 45543, + "cuisine": "italian", + "ingredients": [ + "warm water", + "parmigiano reggiano cheese", + "cornmeal", + "olive oil", + "all-purpose flour", + "dried oregano", + "garlic powder", + "margarine", + "active dry yeast", + "salt", + "white sugar" + ] + }, + { + "id": 10853, + "cuisine": "italian", + "ingredients": [ + "manicotti shells", + "garlic powder", + "pepper", + "ricotta cheese", + "pasta sauce", + "grated parmesan cheese", + "italian sausage", + "part-skim mozzarella cheese", + "italian seasoning" + ] + }, + { + "id": 39756, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "ground chipotle chile pepper", + "lime", + "jalapeno chilies", + "garlic", + "rice flour", + "chopped cilantro", + "tomatoes", + "pepper", + "cayenne", + "chipotle puree", + "vinaigrette", + "corn tortillas", + "mayonaise", + "lime juice", + "red cabbage", + "paprika", + "oil", + "fillets", + "green cabbage", + "white onion", + "garlic powder", + "Mexican beer", + "salt", + "sour cream", + "oregano" + ] + }, + { + "id": 47243, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "pepper", + "ground black pepper", + "salt", + "dried oregano", + "tri-tip roast", + "fresh cilantro", + "cilantro", + "tequila", + "avocado", + "lime juice", + "red wine vinegar", + "garlic cloves", + "ground cumin", + "soy sauce", + "olive oil", + "garlic", + "sour cream" + ] + }, + { + "id": 22476, + "cuisine": "italian", + "ingredients": [ + "garbanzo beans", + "pepperoni", + "vinaigrette dressing", + "provolone cheese", + "lettuce", + "pepperoncini", + "ripe olives", + "cherry tomatoes", + "fresh mushrooms" + ] + }, + { + "id": 24313, + "cuisine": "mexican", + "ingredients": [ + "cooked rice", + "bell pepper", + "sauce", + "lime", + "beaten eggs", + "chicken", + "pepper", + "jalapeno chilies", + "chopped parsley", + "olive oil", + "salt" + ] + }, + { + "id": 37019, + "cuisine": "mexican", + "ingredients": [ + "lean ground beef", + "taco seasoning", + "diced tomatoes", + "wonton wrappers", + "sharp cheddar cheese" + ] + }, + { + "id": 29844, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "green onions", + "tomatoes", + "salad greens", + "fresh lime juice", + "avocado", + "fresh cilantro", + "salt", + "black pepper", + "jalapeno chilies", + "fresh parsley" + ] + }, + { + "id": 40029, + "cuisine": "french", + "ingredients": [ + "haricots verts", + "ground black pepper", + "extra-virgin olive oil", + "grape tomatoes", + "balsamic vinegar", + "anchovy fillets", + "pasta", + "solid white tuna in oil", + "red wine vinegar", + "Niçoise olives", + "capers", + "shallots", + "salt" + ] + }, + { + "id": 24629, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "cannellini beans", + "onions", + "olive oil", + "garlic", + "black pepper", + "baby spinach", + "ditalini pasta", + "salt" + ] + }, + { + "id": 1683, + "cuisine": "italian", + "ingredients": [ + "parmigiano-reggiano cheese", + "dried basil", + "salt", + "fennel seeds", + "white wine", + "ground black pepper", + "garlic cloves", + "penne", + "olive oil", + "ground coriander", + "fresh basil", + "chicken breast tenders", + "diced tomatoes" + ] + }, + { + "id": 26894, + "cuisine": "greek", + "ingredients": [ + "sun-dried tomatoes", + "red wine vinegar", + "purple onion", + "couscous", + "sunflower seeds", + "dijon mustard", + "basil", + "garlic cloves", + "feta cheese", + "diced tomatoes", + "salt", + "dried oregano", + "black pepper", + "green onions", + "extra-virgin olive oil", + "cucumber" + ] + }, + { + "id": 31544, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "fresh parsley", + "pita bread", + "chopped fresh thyme", + "ground pepper", + "ouzo", + "cheese" + ] + }, + { + "id": 34188, + "cuisine": "cajun_creole", + "ingredients": [ + "sandwich rolls", + "prepared horseradish", + "green pepper", + "ketchup", + "soup", + "ground beef", + "brown sugar", + "vinegar", + "bay leaf", + "pepper", + "salt", + "onions" + ] + }, + { + "id": 20731, + "cuisine": "italian", + "ingredients": [ + "eggs", + "extra-virgin olive oil", + "parmigiano reggiano cheese", + "noodles", + "black pepper", + "garlic cloves", + "Italian parsley leaves" + ] + }, + { + "id": 46456, + "cuisine": "vietnamese", + "ingredients": [ + "stock", + "minced ginger", + "ground pork", + "silken tofu", + "cilantro", + "scallions", + "soy sauce", + "peanuts", + "salt", + "minced garlic", + "crushed red pepper flakes" + ] + }, + { + "id": 26803, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "ground black pepper", + "dry red wine", + "ground beef", + "pancetta", + "crushed tomatoes", + "beef stock", + "salt", + "dried oregano", + "fresh basil", + "parmigiano reggiano cheese", + "garlic", + "onions", + "celery ribs", + "olive oil", + "whole milk", + "carrots" + ] + }, + { + "id": 12229, + "cuisine": "italian", + "ingredients": [ + "angel hair", + "butter", + "salt", + "snow peas", + "chicken broth", + "grated parmesan cheese", + "heavy cream", + "garlic cloves", + "zucchini", + "florets", + "broccoli", + "tomatoes", + "basil leaves", + "peas", + "asparagus spears" + ] + }, + { + "id": 3047, + "cuisine": "british", + "ingredients": [ + "Scotch whisky", + "orange bitters", + "sweet vermouth", + "olives", + "crushed ice" + ] + }, + { + "id": 41276, + "cuisine": "mexican", + "ingredients": [ + "margarita mix", + "lime", + "guava", + "tequila", + "orange juice" + ] + }, + { + "id": 43122, + "cuisine": "japanese", + "ingredients": [ + "panko", + "carrots", + "sugar", + "vegetable oil", + "white vinegar", + "large eggs", + "center cut pork chops", + "water", + "scallions" + ] + }, + { + "id": 29595, + "cuisine": "thai", + "ingredients": [ + "avocado", + "roasted peanuts", + "sprouts", + "hummus", + "Sriracha", + "garlic chili sauce", + "cream cheese" + ] + }, + { + "id": 23835, + "cuisine": "korean", + "ingredients": [ + "vegetable oil", + "pork shoulder boston butt", + "sake", + "Gochujang base", + "ginger", + "mirin", + "garlic cloves" + ] + }, + { + "id": 6809, + "cuisine": "italian", + "ingredients": [ + "roasted red peppers", + "cream cheese", + "pesto" + ] + }, + { + "id": 18550, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "chili powder", + "mayonaise", + "jalapeno chilies", + "cilantro", + "corn", + "butter", + "cotija", + "green onions", + "garlic" + ] + }, + { + "id": 39975, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "garlic cloves", + "tomatoes", + "chees fresco queso", + "vegetable oil", + "corn tortillas", + "white onion", + "salt" + ] + }, + { + "id": 41061, + "cuisine": "southern_us", + "ingredients": [ + "spice cake mix", + "applesauce", + "blackberry jam", + "buttermilk", + "ground cinnamon", + "vegetable oil", + "large eggs", + "frosting" + ] + }, + { + "id": 48817, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "corn tortillas", + "cilantro", + "salsa verde", + "carnitas", + "avocado", + "purple onion" + ] + }, + { + "id": 30251, + "cuisine": "italian", + "ingredients": [ + "green olives", + "eggplant", + "fresh oregano", + "capers", + "red wine vinegar", + "garlic cloves", + "grape tomatoes", + "extra-virgin olive oil", + "celery ribs", + "vidalia onion", + "crushed red pepper" + ] + }, + { + "id": 5416, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "abura age", + "potatoes", + "kelp", + "konnyaku", + "beef", + "cinnamon", + "onions", + "soy sauce", + "kampyo", + "katsuo dashi", + "carrots", + "sake", + "water", + "mirin", + "salt" + ] + }, + { + "id": 36974, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "flour", + "Sargento® Traditional Cut Shredded 4 Cheese Mexican", + "iceberg lettuce", + "pepper", + "garlic", + "corn tortillas", + "milk", + "salt", + "ground beef", + "red chili powder", + "butter", + "chopped onion" + ] + }, + { + "id": 5697, + "cuisine": "indian", + "ingredients": [ + "sugar", + "golden raisins", + "mustard seeds", + "garam masala", + "red pepper flakes", + "mango", + "white vinegar", + "peeled fresh ginger", + "garlic", + "kosher salt", + "vegetable oil", + "onions" + ] + }, + { + "id": 46484, + "cuisine": "chinese", + "ingredients": [ + "glutinous rice flour", + "dates", + "vegetable oil", + "candy", + "large eggs", + "white sesame seeds" + ] + }, + { + "id": 11819, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "ground nutmeg", + "flour", + "cream sauce", + "ground cinnamon", + "unsalted butter", + "salt", + "ground ginger", + "peaches", + "quick-cooking oats", + "raspberries", + "granulated sugar", + "corn starch" + ] + }, + { + "id": 33929, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "beef", + "carrots", + "black pepper", + "green onions", + "snow peas", + "low sodium soy sauce", + "vegetables", + "garlic cloves", + "sugar", + "mushrooms", + "onions" + ] + }, + { + "id": 46961, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "sage leaves", + "dry white wine", + "trout", + "olive oil", + "butter" + ] + }, + { + "id": 14757, + "cuisine": "spanish", + "ingredients": [ + "water", + "fresh parsley", + "vegetable oil", + "chuck roast", + "fajita seasoning mix", + "cooked rice", + "stewed tomatoes" + ] + }, + { + "id": 32517, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "pecorino romano cheese", + "ditalini pasta", + "unsalted chicken stock" + ] + }, + { + "id": 31777, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic cloves", + "dry bread crumbs", + "chopped fresh mint", + "extra-virgin olive oil", + "fresh lemon juice", + "black pepper", + "fresh oregano", + "cherrystone clams" + ] + }, + { + "id": 6233, + "cuisine": "italian", + "ingredients": [ + "crushed red pepper flakes", + "yellow onion", + "feta cheese", + "garlic", + "chopped bell pepper", + "extra-virgin olive oil", + "thin pizza crust", + "herbs", + "salt" + ] + }, + { + "id": 18906, + "cuisine": "italian", + "ingredients": [ + "pasta", + "ground black pepper", + "fresh lemon juice", + "kosher salt", + "parmigiano reggiano cheese", + "pancetta", + "minced garlic", + "extra-virgin olive oil", + "pinenuts", + "asparagus" + ] + }, + { + "id": 48224, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "all purpose unbleached flour", + "bread flour", + "instant yeast", + "salt", + "warm water", + "extra-virgin olive oil", + "grated parmesan cheese", + "white sugar" + ] + }, + { + "id": 7809, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "white cornmeal", + "buttermilk", + "butter", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 15459, + "cuisine": "italian", + "ingredients": [ + "dry yeast", + "salt", + "warm water", + "all-purpose flour", + "cooking spray" + ] + }, + { + "id": 6696, + "cuisine": "spanish", + "ingredients": [ + "chicken breasts", + "salt", + "boiling potatoes", + "olive oil", + "paprika", + "sherry wine", + "brandy", + "red wine", + "garlic cloves", + "chorizo sausage", + "bay leaves", + "canned tomatoes", + "onions" + ] + }, + { + "id": 23445, + "cuisine": "chinese", + "ingredients": [ + "ginger", + "oil", + "honey", + "salt", + "water", + "garlic", + "corn starch", + "sesame seeds", + "rice vinegar" + ] + }, + { + "id": 18567, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "extra-virgin olive oil", + "bay leaf", + "water", + "dry white wine", + "all-purpose flour", + "meat fats", + "ground nutmeg", + "butter", + "garlic cloves", + "rosemary sprigs", + "potatoes", + "salt", + "plum tomatoes" + ] + }, + { + "id": 32768, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "spring onions", + "fish", + "pepper", + "salt", + "sugar", + "shallots", + "olive oil", + "rice" + ] + }, + { + "id": 8660, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "bay leaves", + "scallions", + "olive oil", + "red pepper", + "onions", + "kosher salt", + "red wine vinegar", + "long-grain rice", + "chicken broth", + "ground black pepper", + "garlic", + "ground cumin" + ] + }, + { + "id": 11698, + "cuisine": "french", + "ingredients": [ + "red wine vinegar", + "fresh oregano", + "olives", + "black pepper", + "purple onion", + "garlic cloves", + "chopped fresh thyme", + "salt", + "flat leaf parsley", + "fresh rosemary", + "extra-virgin olive oil", + "chickpeas" + ] + }, + { + "id": 13147, + "cuisine": "jamaican", + "ingredients": [ + "bread crumbs", + "jalapeno chilies", + "salt", + "garlic cloves", + "tumeric", + "curry powder", + "ground red pepper", + "dri leav thyme", + "chunky salsa", + "nutmeg", + "water", + "refrigerated crescent rolls", + "salsa", + "juice", + "fruit", + "ground pepper", + "lean ground beef", + "chopped onion" + ] + }, + { + "id": 27536, + "cuisine": "indian", + "ingredients": [ + "salt", + "wheat flour", + "tumeric", + "green chilies", + "cabbage", + "garam masala", + "oil", + "atta", + "cilantro leaves", + "ghee" + ] + }, + { + "id": 18724, + "cuisine": "indian", + "ingredients": [ + "salmon fillets", + "ground mustard", + "mustard seeds", + "salt", + "cumin seed", + "fennel seeds", + "cayenne pepper", + "mustard oil", + "cayenne", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 25729, + "cuisine": "greek", + "ingredients": [ + "grated parmesan cheese", + "orzo", + "dried oregano", + "fresh basil", + "dry white wine", + "garlic cloves", + "olive oil", + "diced tomatoes", + "feta cheese crumbles", + "medium shrimp uncook", + "crushed red pepper" + ] + }, + { + "id": 46568, + "cuisine": "italian", + "ingredients": [ + "warm water", + "flour", + "flat leaf parsley", + "olive oil", + "sea salt", + "active dry yeast", + "all purpose unbleached flour", + "sugar", + "unsalted butter", + "garlic" + ] + }, + { + "id": 23816, + "cuisine": "moroccan", + "ingredients": [ + "hot pepper sauce", + "pimento stuffed green olives", + "mayonaise", + "lemon peel" + ] + }, + { + "id": 18731, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "yellow onion", + "bittersweet chocolate", + "boneless chicken skinless thigh", + "diced tomatoes", + "ancho chile pepper", + "ground cinnamon", + "coarse salt", + "garlic cloves", + "ground cumin", + "sliced almonds", + "extra-virgin olive oil", + "chipotles in adobo" + ] + }, + { + "id": 1872, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "grated parmesan cheese", + "garlic powder", + "boneless skinless chicken breast halves", + "pasta sauce", + "swiss cheese" + ] + }, + { + "id": 46528, + "cuisine": "vietnamese", + "ingredients": [ + "fresh ginger", + "cilantro leaves", + "roast beef", + "asian fish sauce", + "rice stick noodles", + "vegetable oil", + "beansprouts", + "serrano chile", + "shallots", + "beef broth", + "fresh lime juice", + "water", + "loosely packed fresh basil leaves", + "fresh mint", + "snow peas" + ] + }, + { + "id": 42708, + "cuisine": "chinese", + "ingredients": [ + "honey", + "balsamic vinegar", + "olive oil spray", + "low sodium soy sauce", + "Sriracha", + "ginger", + "sesame seeds", + "chicken drumsticks", + "water", + "chives", + "garlic" + ] + }, + { + "id": 10000, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "grated parmesan cheese", + "onions", + "dried basil", + "sweet italian sausage", + "frozen chopped spinach", + "whole peeled tomatoes", + "fresh parsley", + "green bell pepper", + "orzo pasta", + "chopped garlic" + ] + }, + { + "id": 38457, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "flour", + "bay leaf", + "ground black pepper", + "large garlic cloves", + "ground cumin", + "pork shoulder butt", + "salt", + "reduced sodium chicken broth", + "vegetable oil", + "onions" + ] + }, + { + "id": 46885, + "cuisine": "cajun_creole", + "ingredients": [ + "mayonaise", + "low-fat buttermilk", + "salt", + "tomatoes", + "oysters", + "french bread", + "cornmeal", + "black pepper", + "egg whites", + "dry bread crumbs", + "vegetable oil cooking spray", + "garlic powder", + "ground red pepper", + "iceberg lettuce" + ] + }, + { + "id": 34947, + "cuisine": "french", + "ingredients": [ + "balsamic vinegar", + "pepper", + "canola oil", + "salt", + "foie gras" + ] + }, + { + "id": 34056, + "cuisine": "southern_us", + "ingredients": [ + "water", + "lemon juice", + "granulated sugar" + ] + }, + { + "id": 40757, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "cooking spray", + "corn tortillas", + "ground cumin", + "lime", + "reduced-fat sour cream", + "iceberg lettuce", + "lower sodium chicken broth", + "garlic powder", + "salsa", + "shredded Monterey Jack cheese", + "shredded cheddar cheese", + "boneless skinless chicken breasts", + "chipotle chile powder" + ] + }, + { + "id": 28369, + "cuisine": "thai", + "ingredients": [ + "caster sugar", + "spring onions", + "garlic cloves", + "tiger prawn", + "fish sauce", + "egg noodles", + "ginger", + "chillies", + "lime", + "red pepper", + "beansprouts", + "soy sauce", + "water chestnuts", + "oil", + "coriander" + ] + }, + { + "id": 32944, + "cuisine": "french", + "ingredients": [ + "vegetable oil cooking spray", + "pepper", + "shallots", + "garlic cloves", + "fresh basil", + "black pepper", + "coulis", + "salt", + "tomatoes", + "sugar", + "olive oil", + "basil", + "red bell pepper", + "spinach leaves", + "skim milk", + "eggplant", + "yellow bell pepper" + ] + }, + { + "id": 13544, + "cuisine": "brazilian", + "ingredients": [ + "olive oil", + "tapioca flour", + "salt", + "eggs", + "grating cheese", + "milk" + ] + }, + { + "id": 33130, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "butter", + "water", + "mixed nuts", + "caster sugar", + "grated lemon zest", + "honey", + "phyllo pastry" + ] + }, + { + "id": 19273, + "cuisine": "french", + "ingredients": [ + "dried thyme", + "green onions", + "ground turkey", + "chicken broth", + "salt and ground black pepper", + "purple onion", + "bay leaf", + "olive oil", + "red wine", + "dried minced onion", + "dried tarragon leaves", + "flour", + "feta cheese crumbles", + "fresh parsley" + ] + }, + { + "id": 17494, + "cuisine": "irish", + "ingredients": [ + "milk", + "all-purpose flour", + "grated parmesan cheese", + "baking soda", + "eggs", + "salt" + ] + }, + { + "id": 25133, + "cuisine": "korean", + "ingredients": [ + "honey", + "mushrooms", + "sauce", + "onions", + "soy sauce", + "ground black pepper", + "ginger", + "baby carrots", + "pears", + "brown sugar", + "sesame seeds", + "sesame oil", + "chopped onion", + "short rib", + "minced garlic", + "potatoes", + "garlic", + "scallions", + "kiwi" + ] + }, + { + "id": 4038, + "cuisine": "italian", + "ingredients": [ + "broccoli rabe", + "red pepper flakes", + "warm water", + "coarse salt", + "salt", + "baking powder", + "all purpose unbleached flour", + "olive oil", + "large garlic cloves" + ] + }, + { + "id": 34737, + "cuisine": "italian", + "ingredients": [ + "chopped fresh sage", + "whole peeled tomatoes", + "white beans", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 25255, + "cuisine": "chinese", + "ingredients": [ + "water", + "soy sauce", + "wood ear mushrooms", + "pork leg", + "minced garlic" + ] + }, + { + "id": 32588, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "pork", + "mint leaves", + "garlic", + "celery", + "ground turmeric", + "mint", + "milk", + "crushed red pepper flakes", + "scallions", + "dried parsley", + "ground cumin", + "eggs", + "pepper", + "mango chutney", + "green chilies", + "onions", + "chicken", + "bread", + "chiles", + "garam masala", + "ginger", + "carrots", + "glaze" + ] + }, + { + "id": 45766, + "cuisine": "southern_us", + "ingredients": [ + "potatoes", + "okra", + "salt", + "cornmeal", + "vegetable oil", + "freshly ground pepper", + "all-purpose flour" + ] + }, + { + "id": 42139, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "all-purpose flour", + "soft shelled crabs", + "milk", + "oil", + "eggs", + "salt" + ] + }, + { + "id": 46890, + "cuisine": "irish", + "ingredients": [ + "tomato paste", + "beef rib roast", + "shallots", + "demi-glace", + "black pepper", + "dijon mustard", + "dry red wine", + "cumin", + "kosher salt", + "fresh thyme", + "garlic", + "allspice", + "sugar", + "unsalted butter", + "cinnamon", + "coriander" + ] + }, + { + "id": 33288, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "paprika", + "pasta water", + "mozzarella cheese", + "half & half", + "garlic cloves", + "fettuccine pasta", + "parmesan cheese", + "crushed red pepper flakes", + "dried basil", + "mushrooms", + "shrimp" + ] + }, + { + "id": 35653, + "cuisine": "brazilian", + "ingredients": [ + "açai", + "frozen banana", + "maca powder", + "coconut cream", + "spinach leaves", + "coconut milk" + ] + }, + { + "id": 18563, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "onions", + "salt", + "chile pepper", + "chopped garlic" + ] + }, + { + "id": 15783, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "cracked black pepper", + "prosciutto", + "honeydew melon", + "fresh mint", + "cantaloupe", + "fresh lemon juice", + "ground black pepper", + "mint sprigs" + ] + }, + { + "id": 9884, + "cuisine": "italian", + "ingredients": [ + "red wine vinegar", + "chopped onion", + "olive oil", + "salt", + "tuna steaks", + "all-purpose flour", + "pepper", + "mint sprigs" + ] + }, + { + "id": 8399, + "cuisine": "italian", + "ingredients": [ + "bulk italian sausag", + "italian style stewed tomatoes", + "ground beef", + "dried oregano", + "tomato paste", + "olive oil", + "dri leav thyme", + "marjoram", + "dried basil", + "diced tomatoes", + "onions", + "tomato sauce", + "garlic powder", + "herb seasoning", + "white sugar" + ] + }, + { + "id": 18348, + "cuisine": "british", + "ingredients": [ + "eggs", + "malt vinegar", + "white pepper", + "onions", + "dried split peas", + "salt", + "fresh rosemary", + "butter" + ] + }, + { + "id": 18399, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "garlic", + "orange juice", + "sugar", + "jalapeno chilies", + "salt", + "fresh ginger", + "white wine vinegar", + "onions", + "soy sauce", + "chicken drumsticks", + "ground allspice" + ] + }, + { + "id": 42292, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "jalapeno chilies", + "fresh lime", + "kosher salt", + "garlic", + "fire roasted diced tomatoes", + "fresh cilantro" + ] + }, + { + "id": 2546, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "chiles", + "tomatoes", + "salt", + "lime juice" + ] + }, + { + "id": 26948, + "cuisine": "moroccan", + "ingredients": [ + "lamb", + "sweet potatoes", + "apricots", + "crushed tomatoes", + "red bell pepper", + "spices", + "clarified butter" + ] + }, + { + "id": 29570, + "cuisine": "thai", + "ingredients": [ + "grained" + ] + }, + { + "id": 36437, + "cuisine": "korean", + "ingredients": [ + "flour", + "baby zucchini", + "large eggs", + "sea salt", + "roasted sesame seeds", + "vegetable oil", + "Kikkoman Soy Sauce", + "rice vinegar" + ] + }, + { + "id": 38727, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "ground black pepper", + "salt", + "fresh parsley", + "canned low sodium chicken broth", + "garlic", + "ham", + "chicken thighs", + "green bell pepper", + "chicken drumsticks", + "rice", + "onions", + "olive oil", + "canned tomatoes", + "red bell pepper" + ] + }, + { + "id": 24342, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "minced ginger", + "yellow onion", + "string beans", + "coarse salt", + "brown mustard seeds" + ] + }, + { + "id": 214, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime wedges", + "chopped fresh mint", + "calamari", + "long-grain rice", + "lime rind", + "crushed red pepper", + "sliced green onions", + "green chile", + "shallots", + "fresh lime juice" + ] + }, + { + "id": 5414, + "cuisine": "spanish", + "ingredients": [ + "avocado", + "crushed red pepper", + "low salt chicken broth", + "vegetable oil", + "chopped onion", + "plum tomatoes", + "green peas", + "long-grain rice", + "chili powder", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 7772, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "large eggs", + "garlic", + "fresh oregano", + "ground black pepper", + "lemon wedge", + "dry bread crumbs", + "greens", + "olive oil", + "grated parmesan cheese", + "salt", + "ground meat", + "grated romano cheese", + "red pepper flakes", + "yellow onion" + ] + }, + { + "id": 26580, + "cuisine": "mexican", + "ingredients": [ + "tostada shells", + "vegetable oil", + "boneless skinless chicken breast halves", + "white hominy", + "salt", + "water", + "garlic", + "dried oregano", + "chicken broth", + "chili powder", + "onions" + ] + }, + { + "id": 30292, + "cuisine": "chinese", + "ingredients": [ + "vegetables", + "rice wine", + "chillies", + "pork", + "yellow bean sauce", + "rice", + "mirin", + "garlic", + "coriander", + "soy sauce", + "spring onions", + "oyster sauce" + ] + }, + { + "id": 13344, + "cuisine": "french", + "ingredients": [ + "turkey bacon", + "maple syrup", + "cooking spray", + "large eggs", + "black pepper", + "crepes" + ] + }, + { + "id": 40871, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "chopped garlic", + "Italian bread", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 4796, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "gai lan", + "toasted sesame oil" + ] + }, + { + "id": 4996, + "cuisine": "russian", + "ingredients": [ + "chicken broth", + "pepper", + "frozen pastry puff sheets", + "all-purpose flour", + "fresh dill", + "salt and ground black pepper", + "button mushrooms", + "long grain white rice", + "eggs", + "water", + "butter", + "lemon juice", + "salmon fillets", + "finely chopped onion", + "salt", + "cabbage" + ] + }, + { + "id": 6045, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "large eggs", + "corn tortillas", + "tomatoes", + "fat free milk", + "salt", + "large egg whites", + "cooking spray", + "black pepper", + "finely chopped onion", + "nopalitos" + ] + }, + { + "id": 14853, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "butter", + "grated nutmeg", + "black pepper", + "salt", + "eggs", + "cheese", + "chopped fresh chives", + "crème fraîche" + ] + }, + { + "id": 41489, + "cuisine": "southern_us", + "ingredients": [ + "sea bass", + "minced garlic", + "shallots", + "lump crab meat", + "salt and ground black pepper", + "all-purpose flour", + "crawfish", + "half & half", + "fresh parsley", + "white pepper", + "mild olive oil", + "butter" + ] + }, + { + "id": 19803, + "cuisine": "chinese", + "ingredients": [ + "beef shank", + "dried red chile peppers", + "rock sugar", + "star anise", + "dark soy sauce", + "Shaoxing wine", + "soy sauce", + "chinese cinnamon" + ] + }, + { + "id": 42683, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "diced tomatoes", + "carrots", + "dried oregano", + "chicken broth", + "bread crumbs", + "salt", + "ground beef", + "tomato sauce", + "white rice", + "celery", + "ground cumin", + "eggs", + "garlic powder", + "cilantro leaves", + "onions" + ] + }, + { + "id": 37901, + "cuisine": "irish", + "ingredients": [ + "vegetable oil", + "potatoes", + "salt", + "flour", + "butter" + ] + }, + { + "id": 21034, + "cuisine": "japanese", + "ingredients": [ + "white vinegar", + "vegetable oil", + "persian cucumber", + "toasted sesame oil", + "short-grain rice", + "cilantro leaves", + "garlic cloves", + "chive blossoms", + "peeled fresh ginger", + "tuna fillets", + "nori sheets", + "kosher salt", + "thai chile", + "scallions", + "toasted sesame seeds" + ] + }, + { + "id": 14309, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vegetables", + "fermented black beans", + "kosher salt", + "garlic", + "baby bok choy", + "water", + "corn starch", + "white pepper", + "sesame oil" + ] + }, + { + "id": 24879, + "cuisine": "southern_us", + "ingredients": [ + "water", + "garlic", + "chopped cilantro fresh", + "peanuts", + "creamy peanut butter", + "olive oil", + "hot sauce", + "ground cumin", + "pepper", + "cilantro sprigs", + "fresh lime juice" + ] + }, + { + "id": 40596, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "low sodium chicken broth", + "red pepper flakes", + "all-purpose flour", + "low sodium soy sauce", + "hoisin sauce", + "boneless skinless chicken breasts", + "salt", + "light brown sugar", + "baking soda", + "green onions", + "garlic", + "corn starch", + "black pepper", + "egg whites", + "vegetable oil", + "rice vinegar" + ] + }, + { + "id": 10140, + "cuisine": "french", + "ingredients": [ + "raisins", + "powdered sugar", + "nuts", + "egg yolks" + ] + }, + { + "id": 7434, + "cuisine": "russian", + "ingredients": [ + "ground black pepper", + "salt", + "mayonaise", + "hard-boiled egg", + "lemon juice", + "roast breast of chicken", + "potatoes", + "sweet peas", + "pickles", + "spicy brown mustard", + "carrots" + ] + }, + { + "id": 1553, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "vegetable oil", + "pork sausages", + "green onions", + "salt", + "large eggs", + "buttermilk", + "yellow corn meal", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 27358, + "cuisine": "italian", + "ingredients": [ + "nutmeg", + "minced garlic", + "salt", + "pasta sauce", + "ricotta cheese", + "lemon juice", + "fresh spinach", + "butter", + "oven-ready lasagna noodles", + "eggs", + "fresh thyme", + "shredded mozzarella cheese" + ] + }, + { + "id": 27364, + "cuisine": "spanish", + "ingredients": [ + "cabrales", + "extra-virgin olive oil", + "vidalia onion", + "chopped fresh chives", + "olive oil", + "sliced almonds", + "sherry wine vinegar" + ] + }, + { + "id": 38999, + "cuisine": "indian", + "ingredients": [ + "yellow mustard seeds", + "vegetable oil", + "chopped cilantro", + "sweet onion", + "freshly ground pepper", + "cauliflower", + "unsalted butter", + "fresh lemon juice", + "curry powder", + "salt" + ] + }, + { + "id": 42976, + "cuisine": "mexican", + "ingredients": [ + "zucchini", + "purple onion", + "pepper", + "jalapeno chilies", + "tortilla chips", + "avocado", + "roma tomatoes", + "salt", + "lime", + "cilantro" + ] + }, + { + "id": 20185, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "red pepper flakes", + "pepperoni", + "pepper", + "salt", + "dried basil", + "green pepper", + "tomato sauce", + "unsalted butter", + "pizza doughs" + ] + }, + { + "id": 276, + "cuisine": "russian", + "ingredients": [ + "gold potatoes", + "purple onion", + "carrots", + "low-fat mayonnaise", + "dill pickles", + "kosher salt", + "white wine vinegar", + "ham", + "hard-boiled egg", + "sweet peas" + ] + }, + { + "id": 16123, + "cuisine": "chinese", + "ingredients": [ + "unsalted roasted peanuts", + "vegetable broth", + "chinese black vinegar", + "low sodium soy sauce", + "cooking oil", + "corn starch", + "zucchini", + "garlic", + "red chili peppers", + "boneless skinless chicken breasts", + "red bell pepper" + ] + }, + { + "id": 20780, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "beef broth", + "ground beef", + "ground cumin", + "olive oil", + "garlic cloves", + "puff pastry", + "pepper", + "hot sauce", + "onions", + "eggs", + "salt", + "smoked paprika", + "oregano" + ] + }, + { + "id": 6797, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "pepper", + "dried sage", + "salt", + "chicken stock", + "herb seasoned stuffing", + "unsalted butter", + "buttermilk", + "sugar", + "sweet onion", + "baking powder", + "all-purpose flour", + "yellow corn meal", + "kosher salt", + "large eggs", + "chopped celery" + ] + }, + { + "id": 13889, + "cuisine": "moroccan", + "ingredients": [ + "tea bags", + "water", + "sugar", + "mint leaves" + ] + }, + { + "id": 189, + "cuisine": "greek", + "ingredients": [ + "italian plum tomatoes", + "onions", + "olive oil", + "salt", + "medium shrimp uncook", + "freshly ground pepper", + "dry white wine", + "dried oregano" + ] + }, + { + "id": 7598, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "fat free milk", + "dry white wine", + "strawberries", + "egg substitute", + "granulated sugar", + "vanilla extract", + "corn starch", + "ground cinnamon", + "water", + "fresh blueberries", + "salt", + "blackberries", + "french baguette", + "ground nutmeg", + "butter", + "fresh raspberries" + ] + }, + { + "id": 31959, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "olive oil", + "large eggs", + "beef broth", + "cinnamon sticks", + "chopped cilantro fresh", + "ground cinnamon", + "panko", + "golden raisins", + "cayenne pepper", + "coarse kosher salt", + "saffron threads", + "baby spinach leaves", + "ground black pepper", + "diced tomatoes", + "carrots", + "onions", + "tumeric", + "ground nutmeg", + "lemon wedge", + "garlic cloves", + "ground beef" + ] + }, + { + "id": 38750, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "mild olive oil", + "caesar salad dressing", + "romaine lettuce", + "bacon", + "grated parmesan cheese", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 9436, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "large garlic cloves", + "chopped cilantro", + "extra firm tofu", + "salt", + "diced red onions", + "cilantro", + "avocado", + "tomatillos", + "baked tortilla chips" + ] + }, + { + "id": 46114, + "cuisine": "mexican", + "ingredients": [ + "parmesan cheese", + "salt", + "frozen chopped spinach, thawed and squeezed dry", + "sliced green onions", + "roasted red peppers", + "cream cheese", + "corn tortillas", + "large eggs", + "enchilada sauce", + "chopped cilantro fresh", + "shredded mild cheddar cheese", + "salsa", + "sour cream" + ] + }, + { + "id": 30566, + "cuisine": "vietnamese", + "ingredients": [ + "lime", + "roasted peanuts", + "asian fish sauce", + "green onions", + "peanut oil", + "chicken", + "sugar", + "salt", + "chopped cilantro fresh", + "napa cabbage", + "freshly ground pepper" + ] + }, + { + "id": 35011, + "cuisine": "filipino", + "ingredients": [ + "flour", + "salt", + "sugar", + "butter", + "egg yolks", + "sweetened condensed milk", + "evaporated milk", + "ice water" + ] + }, + { + "id": 25182, + "cuisine": "indian", + "ingredients": [ + "clove", + "salt", + "carrots", + "cashew nuts", + "water", + "green chilies", + "bay leaf", + "cumin", + "grated coconut", + "rice", + "cinnamon sticks", + "peppercorns", + "fresh green peas", + "coconut", + "cardamom", + "ghee" + ] + }, + { + "id": 18778, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "Bertolli Garlic Alfredo Sauce", + "sun-dried tomatoes", + "penne pasta", + "dry white wine", + "Bertolli® Classico Olive Oil", + "onions" + ] + }, + { + "id": 45822, + "cuisine": "italian", + "ingredients": [ + "warm water", + "vanilla extract", + "bread flour", + "butter", + "dry milk powder", + "mixed dried fruit", + "salt", + "eggs", + "bread machine yeast", + "white sugar" + ] + }, + { + "id": 49498, + "cuisine": "british", + "ingredients": [ + "steak sauce", + "green onions", + "beef tenderloin steaks", + "red potato", + "butter", + "eggs", + "refrigerated piecrusts", + "leeks", + "dry mustard" + ] + }, + { + "id": 18910, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "dry bread crumbs", + "olive oil", + "garlic", + "fresh parsley", + "lemon", + "fillets", + "ground black pepper", + "salt" + ] + }, + { + "id": 41600, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "dry white wine", + "coconut milk", + "garam masala", + "alaskan king salmon", + "unsalted butter", + "heavy cream", + "curry powder", + "vegetable oil" + ] + }, + { + "id": 16413, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "baguette", + "plum tomatoes", + "garlic cloves" + ] + }, + { + "id": 14354, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "coriander powder", + "salt", + "ground turmeric", + "pepper", + "chili powder", + "oil", + "sugar", + "potatoes", + "cilantro leaves", + "cumin", + "garam masala", + "garlic", + "onions" + ] + }, + { + "id": 44951, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "vegetable oil", + "ground black pepper", + "large garlic cloves", + "sesame seeds", + "tomatillos", + "minced onion", + "salt" + ] + }, + { + "id": 24118, + "cuisine": "southern_us", + "ingredients": [ + "almond extract", + "sour cream", + "firmly packed light brown sugar", + "whipping cream", + "unsalted butter", + "corn starch", + "sweetened coconut flakes" + ] + }, + { + "id": 23176, + "cuisine": "spanish", + "ingredients": [ + "serrano ham", + "vegetable oil", + "manchego cheese", + "preserves" + ] + }, + { + "id": 21623, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "groundnut", + "spring onions", + "pak choi", + "beansprouts", + "sugar", + "Shaoxing wine", + "ginger", + "carrots", + "fish sauce", + "water", + "sesame oil", + "garlic cloves", + "white pepper", + "mushrooms", + "salt", + "corn flour" + ] + }, + { + "id": 44207, + "cuisine": "italian", + "ingredients": [ + "eggs", + "dried basil", + "salt", + "Italian cheese", + "mild Italian sausage", + "dried oregano", + "pasta sauce", + "ground black pepper", + "yellow onion", + "pasta", + "minced garlic", + "ricotta cheese" + ] + }, + { + "id": 36064, + "cuisine": "southern_us", + "ingredients": [ + "candy canes", + "cocktail cherries", + "mint sprigs", + "cake", + "candy", + "pecan halves", + "frosting" + ] + }, + { + "id": 28492, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "bacon", + "coarse salt", + "vegetable oil", + "onions", + "pepper flakes", + "red wine vinegar" + ] + }, + { + "id": 10805, + "cuisine": "mexican", + "ingredients": [ + "zucchini", + "purple onion", + "chopped cilantro fresh", + "chili powder", + "corn tortillas", + "olive oil", + "pineapple", + "fresh lime juice", + "jicama", + "halibut", + "serrano chile" + ] + }, + { + "id": 28682, + "cuisine": "italian", + "ingredients": [ + "prebaked pizza crusts", + "broccoli florets", + "garlic cloves", + "fresh basil", + "part-skim mozzarella cheese", + "purple onion", + "kosher salt", + "portabello mushroom", + "red bell pepper", + "olive oil", + "crushed red pepper", + "olive oil flavored cooking spray" + ] + }, + { + "id": 14345, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "garlic cloves", + "olive oil", + "cilantro sprigs", + "processed cheese", + "chopped onion", + "diced tomatoes", + "cream cheese, soften" + ] + }, + { + "id": 26280, + "cuisine": "french", + "ingredients": [ + "salt", + "minced garlic", + "flat leaf parsley", + "unsalted butter", + "boiling potatoes", + "black pepper", + "goose fat" + ] + }, + { + "id": 8047, + "cuisine": "mexican", + "ingredients": [ + "corn husks", + "lard", + "sugar", + "raisins", + "dough", + "baking powder", + "water", + "red food coloring" + ] + }, + { + "id": 33157, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "baking powder", + "lemon juice", + "sugar", + "butter", + "milk", + "salt", + "peaches", + "all-purpose flour" + ] + }, + { + "id": 41538, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "jalapeno chilies", + "garlic", + "pepper", + "chili powder", + "chopped cilantro", + "chili pepper", + "serrano peppers", + "salt", + "chicken broth", + "poblano peppers", + "tomatillos", + "cumin" + ] + }, + { + "id": 9279, + "cuisine": "japanese", + "ingredients": [ + "fat free beef broth", + "large eggs", + "soba", + "sugar", + "beef tenderloin", + "low sodium soy sauce", + "peeled fresh ginger", + "sliced green onions", + "large egg whites", + "beansprouts" + ] + }, + { + "id": 38585, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "salt", + "fresh lemon juice", + "boneless skinless chicken breasts", + "ground coriander", + "ground cumin", + "ground black pepper", + "sweet paprika", + "fresh parsley", + "fresh cilantro", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 44978, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "fresh lemon juice", + "black pepper", + "sea salt", + "dried oregano", + "potatoes", + "fresh parsley", + "dried thyme", + "extra-virgin olive oil" + ] + }, + { + "id": 10898, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "skinless salmon fillets", + "soy sauce", + "sake", + "red miso" + ] + }, + { + "id": 43728, + "cuisine": "mexican", + "ingredients": [ + "french bread", + "onions", + "taco seasoning mix", + "salsa", + "shredded cheddar cheese", + "vegetable oil", + "boneless skinless chicken breast halves", + "tomato juice", + "red bell pepper" + ] + }, + { + "id": 2592, + "cuisine": "southern_us", + "ingredients": [ + "dry mustard", + "medium cheddar cheese", + "cayenne pepper", + "cheddar cheese", + "garlic", + "worcestershire sauce", + "beer" + ] + }, + { + "id": 35690, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "vegetable oil", + "shrimp", + "shiitake", + "ham", + "frozen peas", + "large eggs", + "oyster sauce", + "long grain white rice", + "kosher salt", + "scallions", + "ground white pepper" + ] + }, + { + "id": 1837, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "parmesan cheese", + "italian seasoning", + "olive oil", + "fresh mozzarella", + "pepper", + "marinara sauce", + "eggplant", + "fresh basil leaves" + ] + }, + { + "id": 38347, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "olive oil", + "1% low-fat milk", + "large egg whites", + "granulated sugar", + "salt", + "sliced almonds", + "large egg yolks", + "crushed red pepper", + "fresh rosemary", + "honey", + "dry yeast", + "all-purpose flour" + ] + }, + { + "id": 33694, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "olive oil", + "ras el hanout", + "cinnamon sticks", + "chicken", + "tumeric", + "golden raisins", + "salt", + "chopped parsley", + "saffron threads", + "black pepper", + "butter", + "cayenne pepper", + "chopped cilantro", + "tomatoes", + "honey", + "garlic", + "chickpeas", + "onions" + ] + }, + { + "id": 21005, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "boneless skinless chicken breasts", + "salt", + "tomatoes", + "fresh ginger root", + "garlic", + "clarified butter", + "lime juice", + "heavy cream", + "ginger root", + "red chili peppers", + "garam masala", + "purple onion" + ] + }, + { + "id": 48245, + "cuisine": "italian", + "ingredients": [ + "white vinegar", + "olive oil", + "garlic", + "mozzarella cheese", + "vegetable oil", + "fresh basil", + "salt and ground black pepper", + "anchovy fillets", + "tomatoes", + "eggplant", + "all-purpose flour" + ] + }, + { + "id": 44105, + "cuisine": "italian", + "ingredients": [ + "pepperoni slices", + "pepperoni", + "basil", + "sausages", + "water", + "shredded mozzarella cheese", + "tomato sauce", + "penne pasta" + ] + }, + { + "id": 36802, + "cuisine": "mexican", + "ingredients": [ + "corn", + "salsa", + "black pepper", + "bell pepper", + "sour cream", + "olive oil", + "yellow onion", + "kosher salt", + "guacamole", + "skirt steak" + ] + }, + { + "id": 36236, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "hot pepper sauce", + "creamy peanut butter", + "fish sauce", + "water", + "sesame oil", + "boneless skinless chicken breast halves", + "jasmine rice", + "unsalted cashews", + "onions", + "brown sugar", + "fresh ginger root", + "garlic" + ] + }, + { + "id": 21035, + "cuisine": "southern_us", + "ingredients": [ + "grape tomatoes", + "lemon", + "english cucumber", + "dressing", + "radishes", + "roasting chickens", + "chopped fresh mint", + "olive oil", + "chickpeas", + "flat leaf parsley", + "pita chips", + "purple onion", + "fresh lemon juice" + ] + }, + { + "id": 27024, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "ground beef", + "tomatoes", + "garlic powder", + "ground cumin", + "pepper", + "onions", + "green bell pepper", + "salt" + ] + }, + { + "id": 32380, + "cuisine": "mexican", + "ingredients": [ + "red potato", + "hot pepper", + "hot chili powder", + "beef broth", + "shredded cabbage", + "lime wedges", + "garlic", + "chopped cilantro fresh", + "white hominy", + "chile pepper", + "diced tomatoes", + "onions", + "flank steak", + "queso fresco", + "salt", + "ground cumin" + ] + }, + { + "id": 3298, + "cuisine": "jamaican", + "ingredients": [ + "kosher salt", + "unsalted butter", + "crushed pineapple", + "milk", + "flour", + "pepper", + "grated parmesan cheese", + "eggs", + "honey", + "baking powder" + ] + }, + { + "id": 33323, + "cuisine": "thai", + "ingredients": [ + "scallion greens", + "dry roasted peanuts", + "crushed red pepper", + "mung bean sprouts", + "fish sauce", + "lime wedges", + "peanut oil", + "wide rice noodles", + "large eggs", + "rice vinegar", + "brown sugar", + "garlic", + "shrimp" + ] + }, + { + "id": 13710, + "cuisine": "italian", + "ingredients": [ + "large garlic cloves", + "fresh parsley", + "unsalted butter", + "crushed red pepper", + "olive oil", + "linguine", + "dry white wine", + "shrimp" + ] + }, + { + "id": 35291, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "light corn syrup", + "unsalted butter", + "nonstick spray", + "baking soda", + "salted dry roasted peanuts", + "coarse salt" + ] + }, + { + "id": 29412, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "olive oil", + "asiago", + "garlic cloves", + "fresh basil", + "shallots", + "penne pasta", + "shiitake", + "vegetable broth", + "asparagus spears" + ] + }, + { + "id": 18070, + "cuisine": "thai", + "ingredients": [ + "cremini mushrooms", + "cilantro leaves", + "kaffir lime leaves", + "lemon grass", + "fresh lime juice", + "chicken broth", + "fresh ginger", + "coconut milk", + "fish sauce", + "deveined shrimp", + "serrano chile" + ] + }, + { + "id": 11024, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "fresh dill", + "plum tomatoes", + "flour tortillas", + "smoked salmon", + "light cream cheese" + ] + }, + { + "id": 16299, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "evapor low-fat milk", + "sugar", + "corn syrup", + "water", + "and fat free half half", + "butter" + ] + }, + { + "id": 8526, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "frozen corn kernels", + "yellow corn meal", + "baking powder", + "eggs", + "salt", + "milk" + ] + }, + { + "id": 49609, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "nonfat ricotta cheese", + "prosciutto", + "boneless skinless chicken breast halves", + "frozen chopped spinach", + "marinara sauce", + "sun-dried tomatoes", + "cooking spray" + ] + }, + { + "id": 3290, + "cuisine": "mexican", + "ingredients": [ + "barbecue sauce", + "chipotles in adobo", + "tomato paste", + "purple onion", + "shredded Monterey Jack cheese", + "whole wheat tortillas", + "canola oil", + "cider vinegar", + "portobello caps" + ] + }, + { + "id": 14585, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "onion powder", + "ground cumin", + "boneless pork shoulder roast", + "cayenne", + "cinnamon", + "brown sugar", + "garlic powder", + "vegetable oil", + "ground cloves", + "chili powder", + "ground oregano" + ] + }, + { + "id": 2304, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "cockles", + "snow peas", + "dashi", + "sake" + ] + }, + { + "id": 4224, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "tomato salsa", + "fresh lemon juice", + "guacamole", + "salt", + "ground cumin", + "bell pepper", + "purple onion", + "skirt steak", + "olive oil", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 36953, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "flour tortillas", + "reduced-fat sour cream", + "ground cumin", + "fresh cilantro", + "lean ground beef", + "taco seasoning reduced sodium", + "black beans", + "reduced fat italian dressing", + "salsa", + "Mexican cheese blend", + "shredded lettuce", + "onions" + ] + }, + { + "id": 25695, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "napa cabbage", + "rice vinegar", + "mint", + "cooked chicken", + "garlic", + "fresh lime juice", + "ground black pepper", + "cilantro", + "carrots", + "sugar", + "vegetable oil", + "vietnamese fish sauce", + "onions" + ] + }, + { + "id": 25253, + "cuisine": "southern_us", + "ingredients": [ + "green tomatoes", + "pepper", + "tarragon vinegar", + "sugar", + "salt" + ] + }, + { + "id": 2829, + "cuisine": "irish", + "ingredients": [ + "yellow peas", + "vegetable broth", + "onions", + "bay leaves", + "salt", + "water", + "cracked black pepper", + "carrots", + "potatoes", + "lamb shoulder" + ] + }, + { + "id": 30469, + "cuisine": "mexican", + "ingredients": [ + "Kraft Sharp Cheddar Cheese", + "full fat sour cream", + "tomatoes", + "cooked chicken", + "poblano peppers", + "scallions", + "fresh cilantro", + "colby jack cheese" + ] + }, + { + "id": 8191, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "sliced green onions", + "pepper", + "salt", + "filet mignon steaks", + "sliced mushrooms", + "marsala wine", + "butter" + ] + }, + { + "id": 23659, + "cuisine": "mexican", + "ingredients": [ + "shredded low-fat cheddar cheese", + "boneless skinless chicken breasts", + "olive oil", + "frozen corn", + "black beans", + "whole wheat tortillas", + "barbecue sauce" + ] + }, + { + "id": 12120, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "green beans", + "ginger", + "skirt steak", + "coconut oil", + "fresh basil leaves", + "cooked rice", + "garlic" + ] + }, + { + "id": 11498, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "zucchini", + "olive oil", + "greek seasoning", + "salt" + ] + }, + { + "id": 15670, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "freshly ground pepper", + "balsamic vinegar", + "coarse salt", + "chicken thighs", + "garlic" + ] + }, + { + "id": 10750, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "garlic", + "coriander", + "diced onions", + "chili powder", + "Mexican cheese", + "cumin", + "flour tortillas", + "red enchilada sauce", + "chopped cilantro fresh", + "red kidney beans", + "diced tomatoes", + "ground turkey", + "italian seasoning" + ] + }, + { + "id": 20822, + "cuisine": "greek", + "ingredients": [ + "pinenuts", + "extra-virgin olive oil", + "brine", + "golden raisins", + "ricotta", + "fennel bulb", + "salt", + "brine-cured olives", + "kalamata", + "Italian bread" + ] + }, + { + "id": 32607, + "cuisine": "mexican", + "ingredients": [ + "sweet corn", + "cream", + "chiles", + "queso anejo", + "unsalted butter" + ] + }, + { + "id": 23869, + "cuisine": "chinese", + "ingredients": [ + "water", + "egg whites", + "crushed red pepper flakes", + "sugar", + "baking soda", + "boneless skinless chicken breasts", + "garlic cloves", + "white vinegar", + "fresh ginger", + "green onions", + "all-purpose flour", + "soy sauce", + "hoisin sauce", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 33185, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper flakes", + "kosher salt", + "grated parmesan cheese", + "whole wheat fettuccine", + "swiss chard", + "garlic", + "cherry tomatoes", + "cannellini beans" + ] + }, + { + "id": 3607, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "chili paste", + "garlic", + "beansprouts", + "cooked shrimp", + "soy sauce", + "green onions", + "spring rolls", + "toasted sesame oil", + "pork", + "hoisin sauce", + "cilantro leaves", + "fresh mint", + "natural peanut butter", + "water", + "rice noodles", + "carrots", + "fresh lime juice" + ] + }, + { + "id": 17629, + "cuisine": "filipino", + "ingredients": [ + "olive oil", + "garlic", + "fish sauce", + "green onions", + "onions", + "chicken broth", + "vermicelli", + "dried shiitake mushrooms", + "white pepper", + "chicken meat" + ] + }, + { + "id": 45953, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "chicken breasts", + "sweet pepper", + "ground cumin", + "red kidney beans", + "shredded cheddar cheese", + "extra-virgin olive oil", + "rice", + "chili pepper", + "prepar salsa", + "cilantro leaves", + "seasoning", + "corn", + "garlic", + "garlic salt" + ] + }, + { + "id": 11807, + "cuisine": "british", + "ingredients": [ + "eggs", + "cinnamon", + "cake flour", + "apricot jam", + "sliced almonds", + "lemon", + "hot water", + "powdered sugar", + "butter", + "salt", + "yeast", + "caster sugar", + "buttermilk", + "cake mix" + ] + }, + { + "id": 29252, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "crushed red pepper", + "rigatoni", + "fresh basil", + "parmesan cheese", + "garlic cloves", + "green bell pepper", + "mild Italian sausage", + "red bell pepper", + "chicken broth", + "olive oil", + "purple onion" + ] + }, + { + "id": 7621, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "leaves", + "star anise", + "water", + "vinegar", + "soy sauce", + "pork leg", + "oil", + "shiitake", + "Shaoxing wine" + ] + }, + { + "id": 13497, + "cuisine": "brazilian", + "ingredients": [ + "honey", + "powdered sugar", + "butter", + "coconut", + "vanilla extract", + "eggs", + "egg yolks" + ] + }, + { + "id": 34423, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "black pepper", + "grated parmesan cheese", + "walnuts", + "unsalted butter", + "broccoli", + "kosher salt", + "florets", + "orecchiette" + ] + }, + { + "id": 48551, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "Mexican oregano", + "taco seasoning", + "chopped green chilies", + "white beans", + "ground cumin", + "crushed tomatoes", + "garlic", + "marjoram", + "cooked chicken", + "cayenne pepper" + ] + }, + { + "id": 31996, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "bacon", + "cabbage" + ] + }, + { + "id": 7075, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "ground black pepper", + "extra-virgin olive oil", + "celery ribs", + "kosher salt", + "red pepper flakes", + "chopped fresh sage", + "pasta", + "freshly grated parmesan", + "diced tomatoes", + "onions", + "sage leaves", + "fresh rosemary", + "cannellini beans", + "garlic" + ] + }, + { + "id": 25939, + "cuisine": "british", + "ingredients": [ + "ground ginger", + "tangerine", + "ground nutmeg", + "baking powder", + "all-purpose flour", + "pure maple syrup", + "bread crumbs", + "large eggs", + "vanilla extract", + "gran marnier", + "ground cinnamon", + "ground cloves", + "unsalted butter", + "fresh cranberries", + "calimyrna figs", + "dried currants", + "golden brown sugar", + "dark rum", + "salt", + "dried cranberries" + ] + }, + { + "id": 39083, + "cuisine": "italian", + "ingredients": [ + "spinach leaves", + "diced tomatoes", + "white kidney beans", + "italian sausage", + "low-sodium fat-free chicken broth", + "onions", + "pepper", + "garlic", + "fennel bulb", + "salt" + ] + }, + { + "id": 29321, + "cuisine": "irish", + "ingredients": [ + "russet potatoes", + "unsalted butter", + "grated nutmeg", + "sugar", + "apples", + "coarse salt" + ] + }, + { + "id": 5777, + "cuisine": "vietnamese", + "ingredients": [ + "chicken wings", + "water", + "sugar", + "chili sauce", + "fish sauce", + "lime juice", + "minced garlic" + ] + }, + { + "id": 46277, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "cooking spray", + "flat leaf parsley", + "seasoned bread crumbs", + "fresh parmesan cheese", + "salt", + "black pepper", + "garlic powder", + "lean ground beef", + "dried oregano", + "dried basil", + "finely chopped onion", + "tomato basil sauce" + ] + }, + { + "id": 10114, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "granulated sugar", + "salt", + "pure vanilla extract", + "peaches", + "vegetable shortening", + "baking soda", + "baking powder", + "all-purpose flour", + "ground cinnamon", + "unsalted butter", + "buttermilk" + ] + }, + { + "id": 32931, + "cuisine": "thai", + "ingredients": [ + "jasmine rice", + "lemon grass", + "pineapple", + "red bell pepper", + "chopped cilantro fresh", + "fish sauce", + "lime", + "shallots", + "salt", + "medium shrimp", + "soy sauce", + "fresh ginger root", + "chile pepper", + "peanut oil", + "white sugar", + "fresh basil", + "water", + "unsalted butter", + "garlic", + "coconut milk" + ] + }, + { + "id": 42403, + "cuisine": "italian", + "ingredients": [ + "baby spinach", + "salt", + "black pepper", + "heavy cream", + "shredded mozzarella cheese", + "potato gnocchi", + "all-purpose flour", + "ground nutmeg", + "part-skim ricotta cheese" + ] + }, + { + "id": 4035, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "rice", + "sausages", + "mung bean sprouts", + "soy sauce", + "loin pork roast", + "scallions", + "dried red chile peppers", + "large eggs", + "peanut oil", + "kimchi", + "water", + "salt", + "garlic cloves", + "toasted sesame oil" + ] + }, + { + "id": 38688, + "cuisine": "japanese", + "ingredients": [ + "sesame oil", + "kosher salt", + "soya bean" + ] + }, + { + "id": 29943, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "ground pork", + "dry bread crumbs", + "chopped cilantro fresh", + "ground black pepper", + "garlic", + "ground beef", + "chicken broth", + "vegetable oil", + "salt", + "onions", + "water", + "tomatoes with juice", + "chipotles in adobo", + "ground cumin" + ] + }, + { + "id": 16442, + "cuisine": "southern_us", + "ingredients": [ + "dried basil", + "shredded sharp cheddar cheese", + "freshly ground pepper", + "cooked ham", + "buttermilk cornbread", + "hot sauce", + "vegetable oil cooking spray", + "large eggs", + "salt", + "milk", + "worcestershire sauce", + "dried dillweed" + ] + }, + { + "id": 826, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "raisins", + "onions", + "brown sugar", + "lamb stew meat", + "all-purpose flour", + "chicken stock", + "curry powder", + "salt", + "granny smith apples", + "butter", + "lemon juice" + ] + }, + { + "id": 47767, + "cuisine": "indian", + "ingredients": [ + "coarse salt", + "fresh mint", + "water", + "cilantro sprigs", + "serrano chile", + "coconut", + "frozen banana leaf", + "ground cumin", + "salmon", + "large garlic cloves", + "fresh lime juice" + ] + }, + { + "id": 39635, + "cuisine": "chinese", + "ingredients": [ + "butter lettuce", + "minced ginger", + "szechwan peppercorns", + "star anise", + "toasted sesame seeds", + "celery ribs", + "kosher salt", + "cayenne", + "red pepper flakes", + "dark brown sugar", + "soy sauce", + "eggplant", + "sesame oil", + "rice vinegar", + "canola oil", + "brown sugar", + "minced garlic", + "sherry", + "ginger", + "scallions" + ] + }, + { + "id": 549, + "cuisine": "french", + "ingredients": [ + "water", + "boneless beef chuck roast", + "carrots", + "pepper", + "olive oil", + "beef broth", + "flat leaf parsley", + "fresh rosemary", + "pearl onions", + "salt", + "corn starch", + "minced garlic", + "button mushrooms", + "cabernet sauvignon", + "thick-cut bacon" + ] + }, + { + "id": 23509, + "cuisine": "indian", + "ingredients": [ + "mace", + "cardamom seeds", + "fennel seeds", + "whole cloves", + "cinnamon sticks", + "ground nutmeg", + "cumin seed", + "black peppercorns", + "bay leaves" + ] + }, + { + "id": 31813, + "cuisine": "thai", + "ingredients": [ + "salt", + "chili", + "rice vinegar", + "sugar", + "cilantro leaves", + "shallots", + "cucumber" + ] + }, + { + "id": 3658, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "spring onions", + "chicken", + "olive oil", + "garlic", + "chicken broth", + "hard-boiled egg", + "calamansi", + "rolled oats", + "ginger" + ] + }, + { + "id": 34458, + "cuisine": "southern_us", + "ingredients": [ + "tumeric", + "pimentos", + "cayenne pepper", + "chopped cilantro fresh", + "potatoes", + "cilantro sprigs", + "garlic cloves", + "canned chicken broth", + "butter", + "chopped onion", + "long grain white rice", + "dry white wine", + "smoked sausage", + "shrimp" + ] + }, + { + "id": 38883, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "all-purpose flour", + "polenta", + "large eggs", + "sour cream", + "sugar", + "baking powder", + "grated lemon peel", + "olive oil", + "lemon juice" + ] + }, + { + "id": 31175, + "cuisine": "french", + "ingredients": [ + "shallots", + "ground pepper", + "salt", + "dijon mustard", + "dried mixed herbs", + "olive oil", + "wine vinegar" + ] + }, + { + "id": 10850, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "large eggs", + "double-acting baking powder", + "yellow corn meal", + "buttermilk", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 41432, + "cuisine": "irish", + "ingredients": [ + "cooking spray", + "vanilla extract", + "chopped pecans", + "large eggs", + "stout", + "unsweetened chocolate", + "brown sugar", + "baking powder", + "salt", + "granulated sugar", + "butter", + "all-purpose flour" + ] + }, + { + "id": 36853, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "flour tortillas", + "chopped cilantro fresh", + "fresh tomatoes", + "vegetable oil", + "avocado", + "pumpkin", + "ground cumin", + "salt and ground black pepper", + "vegetable stock" + ] + }, + { + "id": 11694, + "cuisine": "italian", + "ingredients": [ + "water", + "grated parmesan cheese", + "shredded mozzarella cheese", + "prosciutto", + "cracked black pepper", + "bulk italian sausag", + "ricotta cheese", + "chopped parsley", + "eggs", + "large eggs", + "pizza doughs" + ] + }, + { + "id": 33080, + "cuisine": "korean", + "ingredients": [ + "sugar", + "baby spinach", + "chopped garlic", + "mushrooms", + "carrots", + "safflower oil", + "tamari soy sauce", + "bean threads", + "sesame oil", + "onions" + ] + }, + { + "id": 47587, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "berries", + "unflavored gelatin", + "non-fat sour cream", + "nonfat block cream cheese", + "water", + "chèvre", + "gingersnap", + "nonfat ricotta cheese" + ] + }, + { + "id": 39850, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "low-sodium low-fat chicken broth", + "canola oil", + "kosher salt", + "orange marmalade", + "boneless skinless chicken breast halves", + "fresh ginger", + "ground coriander", + "sliced almonds", + "ground black pepper", + "scallions" + ] + }, + { + "id": 47791, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "fat free less sodium beef broth", + "chopped onion", + "red kidnei beans, rins and drain", + "cannellini beans", + "crushed red pepper", + "carrots", + "ground round", + "fresh parmesan cheese", + "chopped celery", + "garlic cloves", + "black pepper", + "ditalini", + "salt", + "italian seasoning" + ] + }, + { + "id": 12209, + "cuisine": "french", + "ingredients": [ + "monkfish", + "dried thyme", + "potatoes", + "sea salt", + "fish", + "rosemary", + "lobster", + "soup", + "saffron", + "water", + "olive oil", + "rouille", + "croutons", + "peeled tomatoes", + "red mullet", + "bay leaves", + "onions" + ] + }, + { + "id": 848, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "Mexican beer", + "salt", + "fresh lime juice", + "orange bell pepper", + "jalapeno chilies", + "reduced-fat sour cream", + "salsa", + "boneless skinless chicken breast halves", + "flour tortillas", + "worcestershire sauce", + "cilantro leaves", + "onions", + "lower sodium soy sauce", + "cooking spray", + "yellow bell pepper", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 35813, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "ranch dressing", + "fresh parsley", + "red potato", + "grated parmesan cheese", + "salt", + "white vinegar", + "minced garlic", + "bacon", + "mayonaise", + "prepared mustard", + "chopped onion" + ] + }, + { + "id": 3021, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "egg yolks", + "grated parmesan cheese", + "ricotta", + "large eggs", + "salt", + "tomato sauce", + "flour" + ] + }, + { + "id": 40011, + "cuisine": "russian", + "ingredients": [ + "extra sharp white cheddar cheese", + "vegetable oil", + "onions", + "water", + "large eggs", + "all-purpose flour", + "ground nutmeg", + "baking potatoes", + "black pepper", + "unsalted butter", + "salt" + ] + }, + { + "id": 8002, + "cuisine": "southern_us", + "ingredients": [ + "crispy bacon", + "mild salsa", + "mustard greens", + "purple onion", + "nutmeg", + "water", + "unsalted butter", + "vegetable broth", + "sharp cheddar cheese", + "eggs", + "olive oil", + "whole milk", + "garlic", + "grits", + "kosher salt", + "ground black pepper", + "gouda", + "hot sauce" + ] + }, + { + "id": 3088, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "corn", + "salt", + "white pepper", + "apple cider vinegar", + "tree ears", + "soy sauce", + "soft tofu", + "scallions", + "chicken broth", + "water", + "ground pork", + "bamboo shoots" + ] + }, + { + "id": 29345, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "pepper", + "salt", + "red bell pepper", + "mussels", + "chopped almonds", + "garlic cloves", + "fresh parsley", + "clams", + "crushed tomatoes", + "chopped onion", + "medium shrimp", + "vegetable oil cooking spray", + "dry sherry", + "low sodium 96% fat free ham" + ] + }, + { + "id": 837, + "cuisine": "italian", + "ingredients": [ + "biscuit dough", + "ground beef", + "sliced black olives", + "sausages", + "shredded cheddar cheese", + "shredded mozzarella cheese", + "onions", + "pizza sauce", + "sliced mushrooms" + ] + }, + { + "id": 1022, + "cuisine": "french", + "ingredients": [ + "reduced fat milk", + "maple syrup", + "ground cinnamon", + "vanilla extract", + "butter oil", + "whole wheat bread", + "blueberries", + "large eggs", + "salt" + ] + }, + { + "id": 31458, + "cuisine": "italian", + "ingredients": [ + "wheat bran", + "sun-dried tomatoes", + "boiling water", + "active dry yeast", + "powdered milk", + "water", + "quinoa", + "bread flour", + "dried basil", + "salt" + ] + }, + { + "id": 38194, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "white wine", + "red pepper flakes", + "flat leaf parsley", + "hard shelled clams", + "fresh thyme leaves", + "Italian bread", + "kosher salt", + "extra-virgin olive oil" + ] + }, + { + "id": 10101, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "sesame oil", + "garlic", + "soy sauce", + "ground pork", + "corn starch", + "fish sauce", + "wonton wrappers", + "scallions", + "ground black pepper", + "ginger", + "toasted sesame oil" + ] + }, + { + "id": 27561, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "extra-virgin olive oil", + "fresh basil", + "roasted red peppers", + "fresh lemon juice", + "white tuna in water", + "sourdough bread", + "purple onion", + "capers", + "fennel bulb" + ] + }, + { + "id": 1341, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "lemon", + "water", + "navel oranges", + "brandy", + "fresh orange juice", + "Cointreau Liqueur", + "dry red wine" + ] + }, + { + "id": 17592, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "olive oil", + "bread flour", + "active dry yeast", + "white sugar", + "garlic" + ] + }, + { + "id": 46814, + "cuisine": "japanese", + "ingredients": [ + "black peppercorns", + "honey", + "cinnamon", + "salt", + "coriander", + "clove", + "cream", + "garam masala", + "kasuri methi", + "green chilies", + "ginger paste", + "garlic paste", + "mace", + "butter", + "tomato ketchup", + "cashew nuts", + "tomatoes", + "red chile powder", + "yoghurt", + "paneer", + "mustard oil", + "ground cumin" + ] + }, + { + "id": 14746, + "cuisine": "cajun_creole", + "ingredients": [ + "large egg whites", + "cooking spray", + "sliced mushrooms", + "crawfish", + "processed cheese", + "hot sauce", + "seasoning", + "large eggs", + "non-fat sour cream", + "water", + "chopped fresh chives", + "ham" + ] + }, + { + "id": 7995, + "cuisine": "mexican", + "ingredients": [ + "corn", + "ground beef", + "salsa", + "pasta spiral", + "condensed cream of chicken soup", + "Mexican cheese" + ] + }, + { + "id": 7027, + "cuisine": "mexican", + "ingredients": [ + "cauliflower florets", + "heavy whipping cream", + "kosher salt", + "green chilies", + "shredded sharp cheddar cheese", + "chopped cilantro fresh", + "butter", + "mexican chorizo" + ] + }, + { + "id": 20478, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "heavy cream", + "freshly ground pepper", + "flat leaf parsley", + "dried pasta", + "large eggs", + "all-purpose flour", + "garlic cloves", + "milk", + "grated parmesan cheese", + "dry bread crumbs", + "ground turkey", + "chicken broth", + "shiitake", + "salt", + "scallions" + ] + }, + { + "id": 5259, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "olive oil", + "hard-boiled egg", + "canned tomatoes", + "onions", + "capers", + "large eggs", + "lean ground beef", + "smoked paprika", + "eggs", + "unsalted butter", + "parsley", + "salt", + "ground cumin", + "pepper", + "flour", + "ice water", + "red bell pepper" + ] + }, + { + "id": 35935, + "cuisine": "jamaican", + "ingredients": [ + "ground black pepper", + "scallions", + "scotch bonnet chile", + "butternut squash", + "thyme", + "homemade chicken stock", + "salt" + ] + }, + { + "id": 45859, + "cuisine": "italian", + "ingredients": [ + "prepar pesto", + "meat", + "freshly ground pepper", + "olive oil", + "sea salt", + "onions", + "fresh leav spinach", + "ravioli", + "garlic cloves", + "fresh rosemary", + "low sodium chicken broth", + "diced tomatoes" + ] + }, + { + "id": 48187, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "boneless skinless chicken breasts", + "chopped cilantro fresh", + "avocado", + "chopped tomatoes", + "tomato salsa", + "Cholula Hot Sauce", + "onion powder", + "iceberg lettuce", + "green chile", + "flour tortillas", + "purple onion" + ] + }, + { + "id": 11958, + "cuisine": "vietnamese", + "ingredients": [ + "black pepper", + "rice vinegar", + "fish sauce", + "jalapeno chilies", + "chicken thighs", + "water", + "oil", + "sugar", + "garlic" + ] + }, + { + "id": 17467, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "cilantro", + "carrots", + "cumin", + "clove", + "chili powder", + "garlic", + "onions", + "tomatoes", + "cinnamon", + "salt", + "frozen peas", + "cauliflower", + "potatoes", + "ginger", + "mustard seeds", + "canola oil" + ] + }, + { + "id": 42830, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "chili powder", + "fresh mint", + "ground cumin", + "tomatoes", + "ground black pepper", + "garlic", + "olive oil spray", + "fresh red chili", + "garam masala", + "ginger", + "onions", + "lean minced beef", + "yoghurt", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 34000, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "grated lemon zest", + "caster sugar", + "vanilla extract", + "ammonium bicarbonate", + "plain flour", + "butter", + "chopped walnuts", + "honey", + "salt" + ] + }, + { + "id": 47232, + "cuisine": "jamaican", + "ingredients": [ + "water", + "ground black pepper", + "salt", + "pepper", + "ground nutmeg", + "garlic", + "boneless skinless chicken breast halves", + "brown sugar", + "dried thyme", + "vegetable oil", + "onions", + "ground ginger", + "lime", + "green onions", + "ground allspice" + ] + }, + { + "id": 16784, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "butter", + "sour cream", + "vanilla ice cream", + "lemon extract", + "all-purpose flour", + "sugar", + "large eggs", + "sauce", + "bananas", + "vanilla extract", + "glaze" + ] + }, + { + "id": 40760, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "chees fresco queso", + "chopped cilantro fresh", + "butter", + "garlic cloves", + "chili powder", + "chopped onion", + "dried oregano", + "large eggs", + "diced tomatoes", + "poblano chiles" + ] + }, + { + "id": 5520, + "cuisine": "vietnamese", + "ingredients": [ + "minced garlic", + "spices", + "green cabbage", + "egg noodles", + "carrots", + "beef", + "oil", + "soy sauce", + "vegetable oil" + ] + }, + { + "id": 39070, + "cuisine": "italian", + "ingredients": [ + "lemon", + "artichokes" + ] + }, + { + "id": 3333, + "cuisine": "southern_us", + "ingredients": [ + "sliced almonds", + "peach slices", + "sweetened condensed milk", + "pure vanilla extract", + "unsalted butter", + "almond meal", + "brown sugar", + "cinnamon", + "cream cheese", + "peaches", + "sea salt" + ] + }, + { + "id": 26052, + "cuisine": "thai", + "ingredients": [ + "bottled clam juice", + "boneless skinless chicken breasts", + "fresh lime juice", + "fat free less sodium chicken broth", + "mushrooms", + "red curry paste", + "large shrimp", + "sugar", + "fresh ginger", + "onion tops", + "snow peas", + "fish sauce", + "minced garlic", + "light coconut milk", + "chopped cilantro fresh" + ] + }, + { + "id": 17739, + "cuisine": "french", + "ingredients": [ + "sugar", + "half & half", + "large egg yolks", + "tea bags" + ] + }, + { + "id": 49444, + "cuisine": "indian", + "ingredients": [ + "cheddar cheese", + "olive oil", + "yoghurt", + "all-purpose flour", + "thyme", + "dough", + "pepper", + "reduced fat milk", + "purple onion", + "kale leaves", + "broth", + "nutmeg", + "active dry yeast", + "sweet potatoes", + "salt", + "carrots", + "sugar", + "whole wheat flour", + "butter", + "broccoli", + "onions" + ] + }, + { + "id": 11184, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "red pepper", + "low-fat natural yogurt", + "flour tortillas", + "skinless chicken breasts", + "coriander", + "lime", + "Flora Cuisine", + "onions", + "chili powder", + "smoked paprika" + ] + }, + { + "id": 34808, + "cuisine": "french", + "ingredients": [ + "water", + "semisweet chocolate", + "unsalted butter", + "sugar", + "large eggs" + ] + }, + { + "id": 47775, + "cuisine": "french", + "ingredients": [ + "water", + "large eggs", + "all-purpose flour", + "sugar", + "unsalted butter", + "vanilla", + "granny smith apples", + "calvados", + "salt", + "ground cinnamon", + "large egg yolks", + "baking powder" + ] + }, + { + "id": 45947, + "cuisine": "british", + "ingredients": [ + "powdered sugar", + "fresh mint", + "heavy cream", + "sugar", + "blackberries", + "vanilla" + ] + }, + { + "id": 37030, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "yoghurt", + "rice", + "sliced mushrooms", + "stone flower", + "garlic paste", + "cilantro leaves", + "green chilies", + "onions", + "clove", + "mint", + "star anise", + "green cardamom", + "cinnamon sticks", + "fennel seeds", + "mace", + "grated nutmeg", + "oil", + "shahi jeera" + ] + }, + { + "id": 48695, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "ginger", + "ground turmeric", + "moong dal", + "garam masala", + "cumin seed", + "lime", + "salt", + "asafetida", + "water", + "chili powder", + "ghee" + ] + }, + { + "id": 12707, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "reduced fat milk", + "butter", + "corn syrup", + "ground nutmeg", + "cooking spray", + "vanilla extract", + "sugar", + "french bread", + "raisins", + "large eggs", + "bourbon whiskey", + "salt" + ] + }, + { + "id": 12904, + "cuisine": "japanese", + "ingredients": [ + "asafoetida", + "garam masala", + "chili powder", + "oil", + "daal", + "coriander powder", + "ginger", + "lentils", + "fennel seeds", + "baking soda", + "flour", + "green chilies", + "semolina", + "cooking oil", + "salt" + ] + }, + { + "id": 8051, + "cuisine": "french", + "ingredients": [ + "potatoes", + "green beans", + "calvados", + "heavy cream", + "butter", + "chicken thighs", + "zucchini", + "carrots" + ] + }, + { + "id": 24621, + "cuisine": "thai", + "ingredients": [ + "smooth natural peanut butter", + "fresh ginger", + "garlic", + "curry paste", + "homemade chicken stock", + "splenda", + "peanut oil", + "lite coconut milk", + "ground black pepper", + "rice vinegar", + "soy sauce", + "boneless skinless chicken breasts", + "chopped cilantro" + ] + }, + { + "id": 12227, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "salsa", + "cooked rice", + "red pepper", + "taco seasoning", + "avocado", + "chicken breasts", + "green pepper", + "black beans", + "yellow corn", + "onions" + ] + }, + { + "id": 23769, + "cuisine": "french", + "ingredients": [ + "granny smith apples", + "crème de framboise", + "dry hard cider" + ] + }, + { + "id": 49293, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "green onions", + "garlic", + "brown sugar", + "asparagus", + "sesame oil", + "red miso", + "low sodium soy sauce", + "fresh ginger", + "fresh shiitake mushrooms", + "soba noodles", + "sunflower seeds", + "black sesame seeds", + "extra-virgin olive oil", + "hot water" + ] + }, + { + "id": 36922, + "cuisine": "mexican", + "ingredients": [ + "beef sausage", + "barbecue sauce", + "cheddar cheese", + "tortilla chips" + ] + }, + { + "id": 39114, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "lemon grass", + "salt", + "coconut milk", + "curry powder", + "shallots", + "garlic cloves", + "coriander", + "brown sugar", + "potatoes", + "oil", + "chicken fillets", + "chicken legs", + "peanuts", + "ginger", + "carrots", + "ground turmeric" + ] + }, + { + "id": 1580, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "butter", + "semi-sweet chocolate morsels", + "graham cracker crumbs", + "all-purpose flour", + "large eggs", + "vanilla", + "bourbon whiskey", + "chopped pecans" + ] + }, + { + "id": 6377, + "cuisine": "jamaican", + "ingredients": [ + "water", + "salt", + "creamed coconut", + "peas", + "onions", + "dried thyme", + "long-grain rice", + "pepper", + "garlic" + ] + }, + { + "id": 6721, + "cuisine": "moroccan", + "ingredients": [ + "chiles", + "honey", + "paprika", + "grated lemon zest", + "basmati rice", + "fresh cilantro", + "sweet potatoes", + "garlic", + "flat leaf parsley", + "kosher salt", + "ground black pepper", + "cauliflower florets", + "fresh lemon juice", + "ground cumin", + "water", + "Anaheim chile", + "extra-virgin olive oil", + "red bell pepper" + ] + }, + { + "id": 28155, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "salt", + "pepper", + "green onions", + "tomato basil sauce", + "wide egg noodles", + "lean ground beef", + "sour cream", + "parmesan cheese", + "large garlic cloves" + ] + }, + { + "id": 40666, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "ground black pepper", + "sweet italian sausage", + "olive oil", + "cannellini beans", + "sage", + "seasoned bread crumbs", + "grated parmesan cheese", + "onions", + "chicken broth", + "fennel", + "garlic" + ] + }, + { + "id": 49517, + "cuisine": "japanese", + "ingredients": [ + "warm water", + "sugar cookie dough", + "eggs", + "active dry yeast", + "bread flour", + "milk", + "salt", + "sugar", + "unsalted butter" + ] + }, + { + "id": 48037, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "lime", + "cilantro stems", + "apple cider vinegar", + "sour cream", + "mayonaise", + "orange bell pepper", + "chili powder", + "salt", + "dried oregano", + "romaine lettuce", + "olive oil", + "flank steak", + "garlic", + "onions", + "avocado", + "kosher salt", + "ground black pepper", + "onion powder", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 4434, + "cuisine": "italian", + "ingredients": [ + "angel hair", + "butter", + "olive oil", + "crushed red pepper", + "kosher salt", + "garlic", + "dry white wine", + "medium shrimp" + ] + }, + { + "id": 15244, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "homemade chicken stock", + "green olives", + "duck" + ] + }, + { + "id": 29824, + "cuisine": "mexican", + "ingredients": [ + "low salt chicken broth", + "onions", + "zucchini", + "flat leaf parsley", + "olive oil", + "red bell pepper", + "long grain white rice", + "pumpkin seeds", + "golden zucchini" + ] + }, + { + "id": 38129, + "cuisine": "russian", + "ingredients": [ + "baking apples", + "all-purpose flour", + "butter", + "eggs", + "vanilla extract", + "baking powder", + "white sugar" + ] + }, + { + "id": 2166, + "cuisine": "indian", + "ingredients": [ + "mixed spice", + "cumin seed", + "chicken wings", + "vegetable oil", + "fresh mint", + "plain yogurt", + "coarse salt", + "water", + "carrots" + ] + }, + { + "id": 24782, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "garlic", + "lime juice", + "carrots", + "chili paste", + "water", + "vietnamese fish sauce" + ] + }, + { + "id": 44245, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "garlic cloves", + "bacon", + "fresh green bean", + "pepper", + "salt" + ] + }, + { + "id": 5342, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "garlic", + "ground beef", + "spinach", + "sesame oil", + "rice", + "eggs", + "pickled radish", + "salt", + "skirt steak", + "sugar", + "vegetable oil", + "carrots" + ] + }, + { + "id": 38698, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "salt", + "garlic cloves", + "peeled fresh ginger", + "chopped onion", + "ground cumin", + "garam masala", + "chickpeas", + "chopped cilantro fresh", + "tomatoes", + "ground red pepper", + "organic vegetable broth" + ] + }, + { + "id": 21573, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "olive oil", + "cheese dip", + "black beans", + "garlic", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 24125, + "cuisine": "indian", + "ingredients": [ + "fresh red chili", + "lime", + "flour", + "lime wedges", + "chutney", + "tumeric", + "fresh ginger", + "yoghurt", + "sea salt", + "bicarbonate of soda", + "olive oil", + "sweet potatoes", + "baking potatoes", + "coriander", + "chickpea flour", + "red chili peppers", + "ground black pepper", + "spring onions", + "mustard seeds" + ] + }, + { + "id": 11785, + "cuisine": "brazilian", + "ingredients": [ + "chicken wings", + "flour", + "salt", + "lime", + "vegetable oil", + "chopped parsley", + "pepper", + "lime wedges", + "garlic cloves", + "olive oil", + "red pepper flakes" + ] + }, + { + "id": 3842, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "freshly ground pepper", + "garlic", + "large shrimp", + "grated parmesan cheese", + "fresh parsley", + "seasoning salt", + "dry bread crumbs" + ] + }, + { + "id": 20682, + "cuisine": "italian", + "ingredients": [ + "frozen spinach", + "grated parmesan cheese", + "shredded mozzarella cheese", + "garlic powder", + "hot italian pork sausage", + "onions", + "olive oil", + "pizza sauce", + "oil", + "egg roll wrappers", + "green pepper" + ] + }, + { + "id": 910, + "cuisine": "southern_us", + "ingredients": [ + "vegetable stock", + "chopped onion", + "collard greens", + "garlic", + "olive oil", + "crushed red pepper", + "tomatoes", + "butter" + ] + }, + { + "id": 180, + "cuisine": "italian", + "ingredients": [ + "bread, cut french into loaf", + "hellmann' or best food real mayonnais", + "boneless chicken cutlet", + "zucchini", + "wish-bone" + ] + }, + { + "id": 17917, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "granulated garlic", + "pepper", + "red pepper", + "fresh lime juice", + "avocado", + "kosher salt", + "jicama", + "garlic", + "cumin", + "tomatoes", + "silken tofu", + "brown rice", + "salt", + "chile powder", + "black beans", + "jalapeno chilies", + "cilantro", + "yellow peppers" + ] + }, + { + "id": 30224, + "cuisine": "french", + "ingredients": [ + "active dry yeast", + "fine salt", + "dry milk powder", + "eggs", + "granulated sugar", + "all-purpose flour", + "large egg yolks", + "whole milk", + "fleur de sel", + "mineral water", + "unsalted butter", + "butter" + ] + }, + { + "id": 13199, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "fat skimmed chicken broth", + "polenta", + "nonfat milk" + ] + }, + { + "id": 39750, + "cuisine": "spanish", + "ingredients": [ + "potatoes", + "onions", + "eggs", + "salt", + "extra-virgin olive oil", + "pepper", + "garlic cloves" + ] + }, + { + "id": 28958, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "Sriracha", + "garlic", + "brown sugar", + "lime", + "vegetable oil", + "jasmine rice", + "chicken breasts", + "coconut milk", + "natural peanut butter", + "fresh ginger", + "cilantro" + ] + }, + { + "id": 12971, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "cornmeal", + "baking soda", + "salt", + "sugar", + "buttermilk", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 31221, + "cuisine": "french", + "ingredients": [ + "pecans", + "vanilla", + "large eggs", + "all-purpose flour", + "unsalted butter", + "salt", + "baking powder", + "confectioners sugar" + ] + }, + { + "id": 2851, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "oil", + "broiler-fryer chicken", + "all-purpose flour", + "eggs", + "paprika", + "garlic salt", + "pepper", + "poultry seasoning" + ] + }, + { + "id": 32655, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chicken cutlets", + "salt", + "pepper", + "grated parmesan cheese", + "chees fresh mozzarella", + "large eggs", + "butter", + "all-purpose flour", + "milk", + "marinara sauce", + "linguine" + ] + }, + { + "id": 20063, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "crushed red pepper", + "vegetable oil", + "salt", + "cider vinegar", + "purple onion", + "vegetable broth", + "dark brown sugar" + ] + }, + { + "id": 45970, + "cuisine": "thai", + "ingredients": [ + "ground ginger", + "pepper", + "vegetable oil", + "garlic salt", + "molasses", + "sesame seeds", + "salsa", + "sliced green onions", + "soy sauce", + "water", + "balsamic vinegar", + "glass noodles", + "boneless chop pork", + "chili powder", + "peanut butter" + ] + }, + { + "id": 48347, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "chopped celery", + "elbow macaroni", + "garbanzo beans", + "chopped onion", + "flat leaf parsley", + "grated parmesan cheese", + "garlic cloves", + "bay leaf", + "olive oil", + "crushed red pepper", + "low salt chicken broth" + ] + }, + { + "id": 14218, + "cuisine": "southern_us", + "ingredients": [ + "1% low-fat cottage cheese", + "cracked black pepper", + "corn mix muffin", + "pimentos", + "vegetable oil cooking spray", + "finely chopped onion", + "margarine", + "egg substitute", + "frozen chopped broccoli" + ] + }, + { + "id": 29600, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "dried apricot", + "garlic cloves", + "red lentils", + "olive oil", + "tomato ketchup", + "onions", + "boneless chicken skinless thigh", + "mint leaves", + "cinnamon sticks", + "chicken stock", + "coriander seeds", + "sweet paprika", + "ground cumin" + ] + }, + { + "id": 47354, + "cuisine": "southern_us", + "ingredients": [ + "coarse salt", + "Hatch Green Chiles", + "unsalted butter", + "all-purpose flour", + "corn kernels", + "heavy cream", + "monterey jack", + "large eggs", + "scallions" + ] + }, + { + "id": 46488, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "cayenne pepper", + "chili powder", + "cumin", + "onion powder", + "paprika" + ] + }, + { + "id": 6491, + "cuisine": "thai", + "ingredients": [ + "fresh ginger", + "green onions", + "salt", + "baby bok choy", + "jalapeno chilies", + "sesame oil", + "chopped cilantro", + "chicken broth", + "Sriracha", + "boneless skinless chicken breasts", + "rice vinegar", + "soy sauce", + "chinese noodles", + "garlic" + ] + }, + { + "id": 24045, + "cuisine": "indian", + "ingredients": [ + "ginger", + "chopped tomatoes", + "curry paste", + "garlic cloves", + "vegetable oil", + "onions" + ] + }, + { + "id": 42019, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "garlic powder", + "salsa", + "ground beef", + "taco shells", + "colby jack cheese", + "corn starch", + "ground cumin", + "tomato sauce", + "guacamole", + "cayenne pepper", + "dried oregano", + "lettuce", + "refried beans", + "chili powder", + "dried minced onion" + ] + }, + { + "id": 8895, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "green onions", + "lime juice", + "jalapeno chilies", + "salt", + "canned black beans", + "ground pepper", + "purple onion", + "cherry tomatoes", + "sweet corn kernels", + "chopped cilantro" + ] + }, + { + "id": 17208, + "cuisine": "italian", + "ingredients": [ + "garlic cloves", + "baguette", + "extra-virgin olive oil" + ] + }, + { + "id": 35586, + "cuisine": "russian", + "ingredients": [ + "kale", + "crushed red pepper flakes", + "kosher salt", + "russet potatoes", + "onions", + "reduced sodium chicken broth", + "olive oil", + "spanish chorizo", + "pepper", + "large garlic cloves" + ] + }, + { + "id": 44669, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "large eggs", + "all-purpose flour", + "water", + "butter", + "grated lemon peel", + "unsalted butter", + "vanilla extract", + "sugar", + "baking powder", + "lemon juice" + ] + }, + { + "id": 14374, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "carrots", + "cabbage", + "milk", + "celery seed", + "white vinegar", + "salt", + "onions", + "mayonaise", + "lemon juice", + "white sugar" + ] + }, + { + "id": 41681, + "cuisine": "chinese", + "ingredients": [ + "large eggs", + "green peas", + "fresh lime juice", + "lower sodium soy sauce", + "green onions", + "garlic cloves", + "long grain white rice", + "white onion", + "peeled fresh ginger", + "rice vinegar", + "boneless skinless chicken breast halves", + "hoisin sauce", + "chili paste with garlic", + "corn starch", + "canola oil" + ] + }, + { + "id": 12474, + "cuisine": "thai", + "ingredients": [ + "sugar", + "ground pepper", + "garlic", + "chicken", + "eggs", + "lime", + "rice noodles", + "chinese chives", + "tofu", + "chili pepper", + "radishes", + "liquid", + "fish sauce", + "peanuts", + "vegetable oil", + "beansprouts" + ] + }, + { + "id": 34, + "cuisine": "greek", + "ingredients": [ + "pepper", + "grated parmesan cheese", + "salt", + "ground cinnamon", + "ground nutmeg", + "lean ground beef", + "ground allspice", + "tomato paste", + "water", + "half & half", + "all-purpose flour", + "eggs", + "macaroni", + "butter", + "onions" + ] + }, + { + "id": 3367, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "enchilada sauce", + "ground beef", + "salt", + "sour cream", + "ground cumin", + "chili powder", + "pinto beans", + "onions", + "black beans", + "green chilies", + "corn tortillas" + ] + }, + { + "id": 31655, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "sausages", + "portabello mushroom", + "sliced black olives", + "pasta sauce", + "garlic" + ] + }, + { + "id": 29623, + "cuisine": "indian", + "ingredients": [ + "sugar", + "powdered milk", + "all-purpose flour", + "milk", + "butter", + "yeast", + "water", + "baking powder", + "oil", + "eggs", + "sesame seeds", + "salt" + ] + }, + { + "id": 40169, + "cuisine": "italian", + "ingredients": [ + "freshly grated parmesan", + "cod fillets", + "fish stock", + "dry bread crumbs", + "sea scallops", + "medium dry sherry", + "heavy cream", + "fresh lemon juice", + "pasta", + "unsalted butter", + "large eggs", + "extra-virgin olive oil", + "medium shrimp", + "milk", + "fennel bulb", + "leeks", + "all-purpose flour" + ] + }, + { + "id": 42528, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "milk", + "all-purpose flour", + "large egg yolks", + "large eggs" + ] + }, + { + "id": 517, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "tomatoes", + "chopped cilantro", + "chipotles in adobo", + "white onion" + ] + }, + { + "id": 20276, + "cuisine": "russian", + "ingredients": [ + "water", + "onions", + "pork", + "flour", + "eggs", + "beef", + "black pepper", + "salt" + ] + }, + { + "id": 49173, + "cuisine": "mexican", + "ingredients": [ + "fresh orange juice", + "chiles", + "garlic cloves", + "olive oil", + "ancho chile pepper", + "salt" + ] + }, + { + "id": 15355, + "cuisine": "vietnamese", + "ingredients": [ + "unsalted butter", + "yellow onion", + "chuck", + "brown sugar", + "star anise", + "cinnamon sticks", + "jalapeno chilies", + "carrots", + "baguette", + "salt", + "low sodium beef stock" + ] + }, + { + "id": 295, + "cuisine": "jamaican", + "ingredients": [ + "white vinegar", + "carrots", + "pimentos", + "cho-cho", + "onions", + "habanero" + ] + }, + { + "id": 23671, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "bay leaves", + "cardamom pods", + "onions", + "ginger paste", + "clove", + "garam masala", + "green peas", + "ghee", + "basmati rice", + "tomatoes", + "cooking oil", + "salt", + "ground beef", + "ground turmeric", + "water", + "chile pepper", + "cinnamon sticks", + "chopped cilantro fresh", + "ground cumin" + ] + }, + { + "id": 40567, + "cuisine": "indian", + "ingredients": [ + "tikka masala curry paste", + "fresh ginger", + "lemon", + "coriander", + "clove", + "black pepper", + "garam masala", + "greek yogurt", + "skinless chicken fillets", + "tumeric", + "chopped tomatoes", + "purple onion", + "fresh red chili", + "sliced almonds", + "butter", + "coconut milk" + ] + }, + { + "id": 5501, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "chili powder", + "salsa", + "canola oil", + "green bell pepper", + "frozen whole kernel corn", + "non-fat sour cream", + "dried oregano", + "diced onions", + "shredded reduced fat cheddar cheese", + "cracked black pepper", + "corn tortillas", + "ground cumin", + "black beans", + "cooking spray", + "salt", + "iceberg lettuce" + ] + }, + { + "id": 44034, + "cuisine": "thai", + "ingredients": [ + "baby spinach leaves", + "Thai fish sauce", + "sunflower oil", + "red pepper", + "tiger prawn", + "garlic cloves" + ] + }, + { + "id": 47850, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "fresh lemon juice", + "butter", + "lemon zest", + "orange zest", + "fresh orange juice" + ] + }, + { + "id": 44648, + "cuisine": "mexican", + "ingredients": [ + "black turtle beans", + "garlic", + "chickpeas", + "ground black pepper", + "salt", + "onions", + "olive oil", + "passata", + "sweet corn", + "ground cinnamon", + "dried pinto beans", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 23976, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "dried basil", + "butter", + "celery", + "chicken broth", + "corn mix muffin", + "cream style corn", + "salt", + "dried oregano", + "eggs", + "milk", + "ground black pepper", + "cayenne pepper", + "plain yogurt", + "dried thyme", + "garlic", + "onions" + ] + }, + { + "id": 21491, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "yellow onion", + "fresh oregano leaves", + "ravioli", + "flat leaf parsley", + "chicken broth", + "fresh thyme leaves", + "carrots", + "ground black pepper", + "extra-virgin olive oil", + "frozen peas" + ] + }, + { + "id": 20717, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "cider vinegar", + "chickpeas", + "onions", + "ground cinnamon", + "cayenne", + "juice", + "mussels", + "sugar", + "paprika", + "flat leaf parsley", + "tomatoes", + "olive oil", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 34609, + "cuisine": "southern_us", + "ingredients": [ + "yellow squash", + "diced tomatoes", + "onions", + "bell pepper", + "salt", + "olive oil", + "garlic", + "vodka", + "jalapeno chilies", + "shrimp" + ] + }, + { + "id": 18443, + "cuisine": "southern_us", + "ingredients": [ + "barbecue sauce", + "cracked black pepper", + "boston butt", + "pineapple", + "chili powder", + "sweet onion", + "apple cider vinegar" + ] + }, + { + "id": 8694, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken skinless thigh", + "chipotles in adobo", + "vegetable oil", + "knorr chicken flavor bouillon cube", + "onions", + "tomato sauce", + "sliced mushrooms" + ] + }, + { + "id": 14124, + "cuisine": "moroccan", + "ingredients": [ + "lower sodium beef broth", + "apricot halves", + "ground coriander", + "couscous", + "slivered almonds", + "ground black pepper", + "grated lemon zest", + "leg of lamb", + "ground cumin", + "diced onions", + "honey", + "salt", + "fresh lemon juice", + "fresh parsley", + "minced garlic", + "peeled fresh ginger", + "orange juice", + "cinnamon sticks" + ] + }, + { + "id": 2695, + "cuisine": "japanese", + "ingredients": [ + "shichimi togarashi", + "rice crackers", + "cream cheese", + "white miso" + ] + }, + { + "id": 20618, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "salad", + "flour tortillas", + "lean minced beef", + "red kidney beans", + "sour cream" + ] + }, + { + "id": 19444, + "cuisine": "irish", + "ingredients": [ + "instant pudding mix", + "sprinkles", + "whipped cream", + "milk", + "OREO® Cookies", + "color food green" + ] + }, + { + "id": 640, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "cheese", + "spaghetti", + "bell pepper", + "whole wheat breadcrumbs", + "grated parmesan cheese", + "salt", + "pasta sauce", + "parsley", + "ground turkey" + ] + }, + { + "id": 45134, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil", + "all-purpose flour", + "onions", + "black pepper", + "diced tomatoes", + "beef sausage", + "green bell pepper", + "cajun seasoning", + "okra", + "chicken", + "bay leaves", + "salt", + "celery" + ] + }, + { + "id": 14599, + "cuisine": "thai", + "ingredients": [ + "sweet potatoes", + "Thai red curry paste", + "olive oil", + "vegetable stock", + "skim milk", + "spring onions", + "coriander", + "egg noodles", + "skinless salmon fillets" + ] + }, + { + "id": 36658, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "fresh lime juice", + "french baguette", + "green onions", + "garlic cloves", + "avocado", + "garlic powder", + "hot sauce", + "plum tomatoes", + "fresh cilantro", + "white wine vinegar", + "ground white pepper" + ] + }, + { + "id": 49660, + "cuisine": "italian", + "ingredients": [ + "fat free milk", + "fettucine", + "sliced mushrooms", + "pasta sauce", + "fresh parsley", + "clams", + "non-fat sour cream" + ] + }, + { + "id": 24032, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "hoisin sauce", + "low sodium chicken stock", + "scallion greens", + "minced garlic", + "vegetable oil", + "corn starch", + "soy sauce", + "sesame oil", + "shrimp", + "chiles", + "fresh ginger", + "rice vinegar", + "chinese chili paste" + ] + }, + { + "id": 12961, + "cuisine": "japanese", + "ingredients": [ + "red pepper flakes", + "cane sugar", + "sake", + "awase miso", + "veggies", + "mirin", + "firm tofu" + ] + }, + { + "id": 35902, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "arugula", + "garlic cloves", + "walnuts", + "whole wheat pasta", + "gorgonzola" + ] + }, + { + "id": 30280, + "cuisine": "french", + "ingredients": [ + "whipping cream", + "chocolate baking bar" + ] + }, + { + "id": 2402, + "cuisine": "moroccan", + "ingredients": [ + "warm water", + "chopped fresh thyme", + "salt", + "chopped fresh mint", + "olive oil", + "kalamata", + "flat leaf parsley", + "black pepper", + "large garlic cloves", + "fresh lemon juice", + "chicken broth", + "red grape", + "extra-virgin olive oil", + "couscous" + ] + }, + { + "id": 6173, + "cuisine": "british", + "ingredients": [ + "ice water", + "flour", + "baking powder", + "shortening", + "salt" + ] + }, + { + "id": 45234, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "parmesan cheese", + "garlic", + "olive oil", + "red wine", + "spaghetti", + "smoked streaky bacon", + "beef", + "onions", + "sun-dried tomatoes", + "extra-virgin olive oil", + "plum tomatoes" + ] + }, + { + "id": 3057, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic", + "fresh basil", + "boneless beef rib eye steaks", + "fresh parsley", + "fresh rosemary", + "olive oil", + "fresh oregano", + "white pepper", + "balsamic vinegar" + ] + }, + { + "id": 23305, + "cuisine": "mexican", + "ingredients": [ + "cottage cheese", + "frozen broccoli", + "butter", + "corn bread", + "jalapeno chilies", + "chopped onion", + "eggs", + "frozen corn", + "monterey jack" + ] + }, + { + "id": 15956, + "cuisine": "vietnamese", + "ingredients": [ + "large eggs", + "scallions", + "vietnamese rice paper", + "salt", + "wood ear mushrooms", + "pork", + "peeled fresh ginger", + "garlic cloves", + "lump crab meat", + "peanut oil", + "chopped cilantro fresh" + ] + }, + { + "id": 47645, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "white wine", + "butter", + "eggs", + "vegetable stock", + "seafood", + "plain flour", + "vegetable oil", + "lemon", + "bread crumbs", + "watercress" + ] + }, + { + "id": 49237, + "cuisine": "thai", + "ingredients": [ + "water", + "jalapeno chilies", + "fresh lemon juice", + "chopped cilantro fresh", + "black peppercorns", + "fresh ginger", + "green onions", + "cooked white rice", + "large shrimp", + "unsweetened coconut milk", + "nam pla", + "bay leaves", + "garlic chili sauce", + "grated lemon peel", + "bottled clam juice", + "wafer", + "boneless skinless chicken breasts", + "onions" + ] + }, + { + "id": 7639, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "fresh blueberries", + "vanilla extract", + "cream cheese", + "white vinegar", + "unsalted butter", + "buttermilk", + "salt", + "baking soda", + "baking powder", + "cake flour", + "unsweetened cocoa powder", + "powdered sugar", + "large eggs", + "red food coloring", + "fresh raspberries" + ] + }, + { + "id": 23227, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "all-purpose flour", + "onions", + "chopped fresh thyme", + "fresh lemon juice", + "yellow bell pepper", + "red bell pepper", + "olive oil", + "garlic cloves", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 35381, + "cuisine": "irish", + "ingredients": [ + "stewing beef", + "russet potatoes", + "carrots", + "sugar", + "bay leaves", + "large garlic cloves", + "onions", + "tomato paste", + "beef stock", + "butter", + "fresh parsley", + "dried thyme", + "vegetable oil", + "worcestershire sauce" + ] + }, + { + "id": 37142, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "all-purpose flour", + "ground cinnamon", + "baking powder", + "white sugar", + "cream of tartar", + "shortening", + "orange juice", + "anise seed", + "salt" + ] + }, + { + "id": 37653, + "cuisine": "italian", + "ingredients": [ + "eggs", + "fennel bulb", + "center cut pork chops", + "panko", + "lemon", + "olive oil", + "grated parmesan cheese", + "arugula", + "ground black pepper", + "salt" + ] + }, + { + "id": 21189, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "red wine", + "whole peeled tomatoes", + "fresh parsley", + "tomato paste", + "garlic" + ] + }, + { + "id": 34392, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "portabello mushroom", + "chicken broth", + "butter", + "veal chops", + "fresh rosemary", + "red wine" + ] + }, + { + "id": 13177, + "cuisine": "brazilian", + "ingredients": [ + "swiss cheese", + "oil", + "salt", + "large egg whites", + "dry bread crumbs", + "parsley" + ] + }, + { + "id": 13512, + "cuisine": "chinese", + "ingredients": [ + "fennel seeds", + "beef tendons", + "szechwan peppercorns", + "ginger root", + "sugar", + "Shaoxing wine", + "star anise", + "dark soy sauce", + "cassia cinnamon", + "daikon", + "dried red chile peppers", + "water", + "chenpi", + "carrots" + ] + }, + { + "id": 7496, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "garlic powder", + "cilantro", + "low sodium chicken stock", + "red bell pepper", + "cornmeal", + "diced onions", + "black beans", + "boneless skinless chicken breasts", + "salt", + "green chilies", + "rotel tomatoes", + "green bell pepper", + "diced red onions", + "garlic", + "grated jack cheese", + "sour cream", + "cumin", + "avocado", + "olive oil", + "chili powder", + "salsa", + "hot water", + "corn tortillas" + ] + }, + { + "id": 3400, + "cuisine": "indian", + "ingredients": [ + "salmon fillets", + "fresh cilantro", + "ground black pepper", + "garlic", + "ground ginger", + "plain yogurt", + "garlic powder", + "cardamom seeds", + "bay leaf", + "white vinegar", + "ground cloves", + "red chile powder", + "ginger", + "cucumber", + "ground cinnamon", + "kosher salt", + "garam masala", + "thai chile", + "canola oil" + ] + }, + { + "id": 47913, + "cuisine": "mexican", + "ingredients": [ + "crescent rolls", + "shredded mozzarella cheese", + "tomatoes", + "cream cheese", + "ripe olives", + "shredded lettuce", + "sour cream", + "shredded cheddar cheese", + "taco seasoning", + "ground beef" + ] + }, + { + "id": 15306, + "cuisine": "moroccan", + "ingredients": [ + "chicken consomme", + "chicken thigh fillets", + "garlic cloves", + "coriander", + "zucchini", + "ginger", + "celery", + "olive oil", + "diced tomatoes", + "lemon juice", + "ground cumin", + "chili flakes", + "sweet potatoes", + "chickpeas", + "onions" + ] + }, + { + "id": 28285, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh basil", + "grated parmesan cheese", + "crushed red pepper flakes", + "heavy whipping cream", + "scallops", + "shredded swiss cheese", + "shrimp", + "fettuccine pasta", + "green onions", + "salt", + "chopped parsley", + "ground black pepper", + "chopped fresh thyme", + "ground white pepper" + ] + }, + { + "id": 37280, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "golden brown sugar", + "heavy whipping cream", + "large egg whites", + "chunky", + "sugar", + "vanilla extract", + "coarse kosher salt", + "bittersweet chocolate chips", + "salted peanuts", + "unsweetened cocoa powder" + ] + }, + { + "id": 1770, + "cuisine": "mexican", + "ingredients": [ + "boneless chuck roast", + "chipotles in adobo", + "tomatoes", + "vegetable oil", + "onions", + "hominy", + "adobo sauce", + "water", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 18892, + "cuisine": "mexican", + "ingredients": [ + "polenta prepar", + "salsa", + "chili powder", + "chopped cilantro fresh", + "refried beans", + "ground beef", + "chicken broth", + "shredded sharp cheddar cheese", + "ground cumin" + ] + }, + { + "id": 44403, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "sesame oil", + "salt", + "chinese five-spice powder", + "pork shoulder butt", + "red pepper", + "green pepper", + "corn starch", + "water", + "coarse sea salt", + "all-purpose flour", + "oil", + "Shaoxing wine", + "garlic", + "peanut oil", + "ground white pepper" + ] + }, + { + "id": 22974, + "cuisine": "jamaican", + "ingredients": [ + "hot pepper sauce", + "jamaican pumpkin", + "onions", + "ketchup", + "cod fish", + "long-grain rice", + "green bell pepper", + "cooking oil", + "salt", + "cabbage", + "black pepper", + "bacon", + "hot water" + ] + }, + { + "id": 10165, + "cuisine": "mexican", + "ingredients": [ + "fresh marjoram", + "granulated sugar", + "salt", + "plantains", + "piloncillo", + "water", + "bay leaves", + "carrots", + "chiles", + "olive oil", + "purple onion", + "chopped garlic", + "cider vinegar", + "fresh thyme", + "ground allspice" + ] + }, + { + "id": 13647, + "cuisine": "cajun_creole", + "ingredients": [ + "rosemary", + "butter", + "beer", + "jumbo shrimp", + "Tabasco Pepper Sauce", + "basil", + "oregano", + "french bread", + "worcestershire sauce", + "thyme", + "black pepper", + "clam juice", + "garlic" + ] + }, + { + "id": 20721, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "cinnamon", + "corn starch", + "unsalted butter", + "salt", + "peaches", + "butter", + "boiling water", + "sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 22058, + "cuisine": "italian", + "ingredients": [ + "baguette", + "fleur de sel", + "rocket leaves", + "extra-virgin olive oil", + "pink peppercorns", + "burrata", + "garlic cloves" + ] + }, + { + "id": 4606, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "kimchi", + "seasoned rice wine vinegar", + "toasted sesame seeds", + "flour tortillas", + "toasted sesame oil", + "avocado", + "cilantro leaves" + ] + }, + { + "id": 3243, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "minced garlic", + "watercress", + "rice vinegar", + "soy sauce", + "cooking oil", + "purple onion", + "oyster sauce", + "sugar", + "lime", + "cracked black pepper", + "beef sirloin", + "tomatoes", + "kosher salt", + "sesame oil", + "salt" + ] + }, + { + "id": 41757, + "cuisine": "irish", + "ingredients": [ + "clove", + "whole allspice", + "yukon gold potatoes", + "hot mustard", + "ale", + "green cabbage", + "white onion", + "baby carrots", + "black peppercorns", + "beef brisket", + "bay leaf" + ] + }, + { + "id": 8027, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "taco shells", + "fine sea salt", + "fresh lemon juice", + "romaine lettuce", + "ground black pepper", + "salsa", + "chopped cilantro fresh", + "avocado", + "sugar", + "jalapeno chilies", + "liquid", + "fish fillets", + "olive oil", + "purple onion", + "fresh lime juice" + ] + }, + { + "id": 4654, + "cuisine": "spanish", + "ingredients": [ + "dry white wine", + "large garlic cloves", + "bay leaf", + "black pepper", + "brown rice", + "salt", + "large shrimp", + "lemon wedge", + "crushed red pepper", + "fresh parsley", + "olive oil", + "butter", + "lemon slices" + ] + }, + { + "id": 23522, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "smoked sausage", + "lower sodium chicken broth", + "chopped green bell pepper", + "fresh parsley", + "kidney beans", + "medium shrimp", + "minced garlic", + "diced tomatoes" + ] + }, + { + "id": 37079, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "cinnamon", + "brown sugar", + "bourbon whiskey", + "plums", + "oats", + "flour", + "butter", + "sugar", + "thickeners" + ] + }, + { + "id": 21234, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "vegetable stock", + "olive oil", + "sliced almonds", + "cauliflower", + "harissa paste" + ] + }, + { + "id": 13602, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "green chilies", + "ground cumin", + "cilantro sprigs", + "garlic cloves", + "low-fat ricotta cheese", + "sharp cheddar cheese", + "fresh oregano", + "feta cheese crumbles" + ] + }, + { + "id": 17136, + "cuisine": "chinese", + "ingredients": [ + "white vinegar", + "boneless chicken thighs", + "low sodium chicken broth", + "peanut oil", + "brown sugar", + "fresh ginger", + "cayenne pepper", + "orange peel", + "cold water", + "large egg whites", + "garlic", + "corn starch", + "soy sauce", + "baking soda", + "orange juice", + "orange zest" + ] + }, + { + "id": 22527, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "crushed garlic", + "cooked shrimp", + "tomato juice", + "purple onion", + "ketchup", + "hot pepper sauce", + "fresh lime juice", + "avocado", + "prepared horseradish", + "salt" + ] + }, + { + "id": 40409, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "cayenne", + "onions", + "green bell pepper", + "salt", + "scallion greens", + "vegetable oil", + "chicken", + "water", + "all-purpose flour" + ] + }, + { + "id": 28293, + "cuisine": "japanese", + "ingredients": [ + "garlic paste", + "salt", + "coriander powder", + "mustard seeds", + "bananas", + "oil", + "curry leaves", + "chili powder", + "ground turmeric" + ] + }, + { + "id": 39293, + "cuisine": "indian", + "ingredients": [ + "clove", + "vegetables", + "chili powder", + "ground cardamom", + "ground ginger", + "cooking oil", + "cumin seed", + "baby potatoes", + "ground fennel", + "garam masala", + "salt", + "hot water", + "asafoetida", + "yoghurt", + "mustard oil" + ] + }, + { + "id": 24315, + "cuisine": "mexican", + "ingredients": [ + "chopped green chilies", + "garlic", + "sour cream", + "taco seasoning mix", + "colby jack cheese", + "red enchilada sauce", + "medium shrimp", + "sweet onion", + "jalapeno chilies", + "ear of corn", + "corn tortillas", + "olive oil", + "cilantro", + "red bell pepper", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 6277, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "crabmeat", + "onions", + "salt", + "garlic cloves", + "water", + "okra", + "greens", + "salt pork", + "coconut milk" + ] + }, + { + "id": 17382, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "pancetta", + "spinach" + ] + }, + { + "id": 33160, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "ginger", + "bay leaf", + "tumeric", + "chili powder", + "paneer", + "cumin", + "spinach", + "garam masala", + "garlic", + "onions", + "cream", + "diced tomatoes", + "green chilies" + ] + }, + { + "id": 40374, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "fresh cilantro", + "diced tomatoes", + "green chilies", + "pepper", + "guacamole", + "salt", + "ground beef", + "coconut oil", + "sweet potatoes", + "garlic", + "smoked paprika", + "tomato paste", + "lime juice", + "green onions", + "yellow onion", + "ground cumin" + ] + }, + { + "id": 49512, + "cuisine": "jamaican", + "ingredients": [ + "jerk seasoning", + "soy", + "large shrimp", + "olive oil" + ] + }, + { + "id": 26102, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "ricotta cheese", + "ground turkey", + "eggs", + "green onions", + "salsa", + "flour tortillas", + "diced tomatoes", + "water", + "chile pepper", + "sour cream" + ] + }, + { + "id": 14493, + "cuisine": "italian", + "ingredients": [ + "chicken breasts", + "shredded mozzarella cheese", + "olive oil", + "salt", + "parmesan cheese", + "sauce", + "whole wheat pizza dough", + "diced tomatoes", + "fresh parsley" + ] + }, + { + "id": 14698, + "cuisine": "japanese", + "ingredients": [ + "black cod fillets", + "vegetable oil", + "sake", + "white miso", + "sugar", + "mirin", + "gari" + ] + }, + { + "id": 16093, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "potatoes", + "cardamom pods", + "onions", + "chicken broth", + "fresh cilantro", + "garlic", + "carrots", + "ground cumin", + "red lentils", + "curry powder", + "butter", + "ground coriander", + "ground turmeric", + "ground cinnamon", + "fresh ginger", + "green chilies", + "coconut milk" + ] + }, + { + "id": 1739, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "lemongrass", + "shrimp paste", + "paprika", + "low salt chicken broth", + "sambal ulek", + "water", + "green onions", + "vegetable oil", + "garlic cloves", + "chopped cilantro fresh", + "sugar", + "basil leaves", + "lime wedges", + "salt", + "bird chile", + "Vietnamese coriander", + "shredded cabbage", + "rice noodles", + "beef rib short", + "onions" + ] + }, + { + "id": 28070, + "cuisine": "italian", + "ingredients": [ + "capers", + "butter", + "boneless skinless chicken breast halves", + "radicchio", + "garlic cloves", + "fennel seeds", + "dijon mustard", + "fresh lemon juice", + "olive oil", + "anchovy fillets" + ] + }, + { + "id": 31267, + "cuisine": "italian", + "ingredients": [ + "melted butter", + "garlic", + "boneless skinless chicken breasts", + "flat leaf parsley", + "olive oil", + "dry bread crumbs", + "cheese", + "grated lemon peel" + ] + }, + { + "id": 39657, + "cuisine": "mexican", + "ingredients": [ + "butter", + "confectioners sugar", + "all-purpose flour", + "vanilla extract", + "chopped walnuts" + ] + }, + { + "id": 25362, + "cuisine": "italian", + "ingredients": [ + "eggs", + "vanilla extract", + "white sugar", + "baking powder", + "chopped walnuts", + "anise seed", + "butter", + "anise extract", + "egg yolks", + "all-purpose flour" + ] + }, + { + "id": 45031, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "clear honey", + "cumin seed", + "fresh mint", + "ground lamb", + "chopped tomatoes", + "paprika", + "lemon juice", + "chopped fresh mint", + "fresh ginger", + "harissa paste", + "garlic cloves", + "onions", + "lamb stock", + "coriander seeds", + "salt", + "cinnamon sticks", + "saffron" + ] + }, + { + "id": 15440, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "bacon", + "coarse salt", + "freshly ground pepper", + "olive oil", + "low sodium canned chicken stock", + "red wine vinegar", + "onions" + ] + }, + { + "id": 15376, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper flakes", + "ground turkey", + "fresh basil", + "grated parmesan cheese", + "shredded mozzarella cheese", + "eggs", + "lasagna noodles", + "fresh oregano", + "onions", + "crushed tomatoes", + "ricotta cheese", + "garlic cloves" + ] + }, + { + "id": 45161, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "chopped garlic", + "fresh lime", + "fish sauce", + "chile pepper", + "water" + ] + }, + { + "id": 2756, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "salt", + "cold water", + "unsalted butter", + "cayenne", + "fresh lemon juice", + "white pepper", + "white wine vinegar" + ] + }, + { + "id": 44148, + "cuisine": "indian", + "ingredients": [ + "chicken broth", + "garam masala", + "chili powder", + "ginger", + "chopped cilantro", + "minced garlic", + "bay leaves", + "butter", + "ground coriander", + "basmati rice", + "pepper", + "jalapeno chilies", + "lime wedges", + "salt", + "onions", + "tomato paste", + "olive oil", + "boneless skinless chicken breasts", + "heavy cream", + "ground cardamom" + ] + }, + { + "id": 40587, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "sour cream", + "bacon bits", + "green onions", + "shredded cheddar cheese", + "tortilla chips", + "guacamole", + "ground beef" + ] + }, + { + "id": 47768, + "cuisine": "southern_us", + "ingredients": [ + "celery salt", + "low fat low sodium chicken broth", + "bone in chicken thighs", + "ground black pepper", + "salt", + "whole wheat flour", + "grapeseed oil", + "low-fat buttermilk", + "sweet paprika" + ] + }, + { + "id": 48919, + "cuisine": "southern_us", + "ingredients": [ + "cinnamon", + "bisquick", + "sugar", + "peach slices", + "vanilla ice cream", + "butter", + "milk", + "vanilla extract" + ] + }, + { + "id": 6884, + "cuisine": "italian", + "ingredients": [ + "eggs", + "water", + "basil dried leaves", + "fresh parsley", + "italian seasoning", + "tomato sauce", + "lasagna noodles", + "sweet italian sausage", + "garlic salt", + "spinach", + "ground black pepper", + "part-skim ricotta cheese", + "onions", + "tomato paste", + "minced garlic", + "grated parmesan cheese", + "shredded mozzarella cheese", + "dried oregano" + ] + }, + { + "id": 49112, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "fresh lemon juice", + "sugar", + "whipping cream", + "water", + "lemon verbena", + "lemon peel" + ] + }, + { + "id": 9989, + "cuisine": "southern_us", + "ingredients": [ + "green onions", + "salt", + "flat leaf parsley", + "bacon slices", + "fresh lemon juice", + "butter", + "hot sauce", + "quickcooking grits", + "shredded sharp cheddar cheese", + "shrimp" + ] + }, + { + "id": 12192, + "cuisine": "french", + "ingredients": [ + "baguette", + "cooking spray", + "less sodium beef broth", + "ground black pepper", + "gruyere cheese", + "tomato paste", + "chips", + "yellow onion", + "dried thyme", + "dry sherry", + "garlic cloves" + ] + }, + { + "id": 40581, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "pecan halves", + "light corn syrup", + "pie crust", + "large eggs", + "brown sugar", + "vanilla extract" + ] + }, + { + "id": 20706, + "cuisine": "chinese", + "ingredients": [ + "honey", + "rice vinegar", + "soy sauce", + "hoisin sauce", + "pork spareribs", + "sake", + "fresh ginger", + "chinese five-spice powder", + "ketchup", + "garlic", + "lemon juice" + ] + }, + { + "id": 2804, + "cuisine": "mexican", + "ingredients": [ + "vegan cheese", + "salt", + "canola oil", + "tomato purée", + "chili powder", + "corn tortillas", + "jalapeno chilies", + "yellow onion", + "ground cumin", + "black beans", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 24936, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "garlic powder", + "garlic", + "ground cumin", + "kosher salt", + "low-fat mayonnaise", + "dried parsley", + "low-fat sour cream", + "pork tenderloin", + "ground coriander", + "pepper", + "cilantro", + "dried oregano" + ] + }, + { + "id": 37048, + "cuisine": "mexican", + "ingredients": [ + "water", + "flank steak", + "salt", + "dijon mustard", + "extra-virgin olive oil", + "garlic cloves", + "ground black pepper", + "Italian parsley leaves", + "cilantro leaves", + "capers", + "cooking spray", + "cornichons", + "fresh lime juice" + ] + }, + { + "id": 39624, + "cuisine": "french", + "ingredients": [ + "sugar", + "milk", + "berries", + "vanilla beans", + "half & half", + "orange", + "large eggs", + "water", + "large egg yolks", + "fresh lemon juice" + ] + }, + { + "id": 40008, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "guacamole", + "escarole", + "chipotle chile", + "olive oil", + "purple onion", + "avocado", + "lime", + "white wine vinegar", + "black beans", + "ground black pepper", + "cilantro leaves" + ] + }, + { + "id": 37947, + "cuisine": "indian", + "ingredients": [ + "water", + "purple onion", + "five-spice powder", + "peeled fresh ginger", + "fresh lemon juice", + "canola oil", + "jalapeno chilies", + "salt", + "ground turmeric", + "red lentils", + "butter", + "chopped cilantro fresh" + ] + }, + { + "id": 8589, + "cuisine": "southern_us", + "ingredients": [ + "yellow summer squash", + "bacon slices", + "zucchini", + "onions" + ] + }, + { + "id": 45264, + "cuisine": "italian", + "ingredients": [ + "water", + "garlic", + "sliced mushrooms", + "green bell pepper", + "olive oil", + "chopped onion", + "italian tomatoes", + "ground black pepper", + "pork loin chops", + "dried basil", + "salt", + "dried oregano" + ] + }, + { + "id": 20068, + "cuisine": "french", + "ingredients": [ + "coriander seeds", + "parsley", + "salt", + "dried thyme", + "bay leaves", + "garlic", + "onions", + "ground black pepper", + "mackerel fillets", + "carrots", + "olive oil", + "dry white wine", + "wine vinegar", + "peppercorns" + ] + }, + { + "id": 5381, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "fine sea salt", + "cold water", + "leeks", + "goat cheese", + "sage leaves", + "large eggs", + "all-purpose flour", + "olive oil", + "butternut squash" + ] + }, + { + "id": 45794, + "cuisine": "vietnamese", + "ingredients": [ + "hard-boiled egg", + "oyster sauce", + "chinese sausage", + "dried shiitake mushrooms", + "white sugar", + "self rising flour", + "barbecued pork", + "milk", + "ground pork", + "onions" + ] + }, + { + "id": 32574, + "cuisine": "thai", + "ingredients": [ + "caramels", + "teas", + "sugar", + "half & half", + "corn starch", + "large eggs", + "whipped cream", + "kosher salt", + "whole milk", + "cashew nuts" + ] + }, + { + "id": 11008, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "pepper", + "golden raisins", + "paprika", + "couscous", + "preserved lemon", + "olive oil", + "butter", + "fat skimmed chicken broth", + "chopped cilantro fresh", + "ground cinnamon", + "minced garlic", + "chicken breast halves", + "salt", + "onions", + "tumeric", + "pistachios", + "raisins", + "fresh mint", + "ground cumin" + ] + }, + { + "id": 4652, + "cuisine": "mexican", + "ingredients": [ + "water", + "non-fat sour cream", + "black beans", + "cooking spray", + "chopped cilantro fresh", + "chili", + "corn tortillas", + "pepper", + "chicken breasts", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 45360, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "all-purpose flour", + "yellow corn meal", + "unsalted butter", + "buttermilk", + "chopped onion", + "fresh basil", + "roasted red peppers", + "salt", + "grated jack cheese", + "baking soda", + "baking powder", + "frozen corn kernels" + ] + }, + { + "id": 33571, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "large garlic cloves", + "fresh lemon juice", + "cilantro stems", + "tortilla chips", + "onions", + "jalapeno chilies", + "stewed tomatoes", + "fresh lime juice", + "green onions", + "green chilies", + "ground cumin" + ] + }, + { + "id": 32652, + "cuisine": "spanish", + "ingredients": [ + "salt", + "onions", + "olive oil", + "carrots", + "potatoes", + "red bell pepper", + "green bell pepper", + "lentils", + "chorizo sausage" + ] + }, + { + "id": 19396, + "cuisine": "spanish", + "ingredients": [ + "manchego cheese", + "balsamic vinegar", + "green olives", + "sherry vinegar", + "salt", + "radicchio", + "extra-virgin olive oil", + "pepper", + "shallots" + ] + }, + { + "id": 46768, + "cuisine": "french", + "ingredients": [ + "extra-virgin olive oil", + "Piment d'Espelette", + "almonds", + "fleur de sel", + "dri leav thyme" + ] + }, + { + "id": 19698, + "cuisine": "japanese", + "ingredients": [ + "salt", + "granulated sugar", + "medium-grain rice", + "water", + "rice vinegar", + "vegetable oil" + ] + }, + { + "id": 19070, + "cuisine": "indian", + "ingredients": [ + "melted butter", + "salt", + "yeast", + "water", + "oil", + "sugar", + "all-purpose flour", + "baking soda", + "full-fat plain yogurt" + ] + }, + { + "id": 38227, + "cuisine": "filipino", + "ingredients": [ + "corn starch", + "water", + "sugar", + "coconut milk", + "sweetened coconut flakes" + ] + }, + { + "id": 6447, + "cuisine": "italian", + "ingredients": [ + "cottage cheese", + "large eggs", + "balsamic vinegar", + "fresh oregano", + "marjoram", + "crushed tomatoes", + "lasagna noodles, cooked and drained", + "sea salt", + "shredded mozzarella cheese", + "ground chuck", + "grated parmesan cheese", + "red wine", + "freshly ground pepper", + "dried oregano", + "fresh basil", + "olive oil", + "whole milk ricotta cheese", + "yellow onion", + "garlic cloves" + ] + }, + { + "id": 48714, + "cuisine": "chinese", + "ingredients": [ + "tofu", + "fresh chili", + "garlic", + "brine", + "sugar", + "water spinach", + "salt" + ] + }, + { + "id": 28734, + "cuisine": "southern_us", + "ingredients": [ + "bacon drippings", + "chives", + "all-purpose flour", + "milk", + "bacon slices", + "sugar", + "baking powder", + "unsalted butter", + "salt" + ] + }, + { + "id": 3048, + "cuisine": "mexican", + "ingredients": [ + "milk", + "salt", + "onions", + "ground cumin", + "baking powder", + "lard", + "dried oregano", + "bay leaves", + "all-purpose flour", + "pork butt roast", + "eggs", + "garlic", + "chipotle salsa", + "masa harina" + ] + }, + { + "id": 28201, + "cuisine": "italian", + "ingredients": [ + "peeled tomatoes", + "dried chile", + "pasta", + "extra-virgin olive oil", + "pecorino cheese", + "salt", + "guanciale", + "sauce tomato", + "onions" + ] + }, + { + "id": 26780, + "cuisine": "indian", + "ingredients": [ + "clove", + "red chili peppers", + "bay leaves", + "cumin seed", + "ground turmeric", + "tomato purée", + "salt and ground black pepper", + "ginger", + "onions", + "tomatoes", + "curry powder", + "vegetable oil", + "garlic cloves", + "black peppercorns", + "potatoes", + "chickpeas", + "coriander" + ] + }, + { + "id": 24194, + "cuisine": "spanish", + "ingredients": [ + "saltpeter", + "minced garlic", + "cayenne pepper", + "white sugar", + "hog casings", + "brandy", + "crushed red pepper flakes", + "fresh pork fat", + "pork", + "red wine vinegar", + "ascorbic acid", + "dried oregano", + "fennel seeds", + "black pepper", + "salt", + "cumin seed" + ] + }, + { + "id": 32019, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "dashi", + "tofu", + "miso paste" + ] + }, + { + "id": 26875, + "cuisine": "spanish", + "ingredients": [ + "minced garlic", + "salt", + "dry sherry", + "olive oil", + "chopped parsley", + "chili flakes", + "deveined shrimp" + ] + }, + { + "id": 20544, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "Shaoxing wine", + "salt", + "corn starch", + "dark soy sauce", + "water", + "ginger", + "scallions", + "soy sauce", + "chicken meat", + "rice vinegar", + "sugar", + "hoisin sauce", + "garlic", + "oil" + ] + }, + { + "id": 7280, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "milk", + "pasta sauce", + "chicken stock", + "parmesan cheese" + ] + }, + { + "id": 28584, + "cuisine": "british", + "ingredients": [ + "rump roast", + "all-purpose flour", + "garlic powder", + "milk", + "freshly ground pepper", + "eggs", + "salt" + ] + }, + { + "id": 41914, + "cuisine": "mexican", + "ingredients": [ + "cottage cheese", + "butter", + "cheese dip", + "eggs", + "green onions", + "cream cheese", + "colby cheese", + "chile pepper", + "sour cream", + "tomatoes", + "sliced black olives", + "tortilla chips" + ] + }, + { + "id": 4539, + "cuisine": "french", + "ingredients": [ + "pepper", + "egg whites", + "salt", + "crumbled goat cheese", + "cayenne", + "butter", + "onions", + "milk", + "flour", + "thyme sprigs", + "freshly grated parmesan", + "egg yolks", + "bay leaf" + ] + }, + { + "id": 14134, + "cuisine": "french", + "ingredients": [ + "chopped fresh chives", + "extra-virgin olive oil", + "parsley sprigs", + "large garlic cloves", + "fresh lemon juice", + "shallots", + "ham", + "dried porcini mushrooms", + "button mushrooms" + ] + }, + { + "id": 2630, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "feta cheese crumbles", + "garlic cloves", + "navel oranges", + "arugula", + "honey", + "fresh lemon juice" + ] + }, + { + "id": 45017, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "mozzarella cheese", + "parmesan cheese", + "pasta", + "ground beef" + ] + }, + { + "id": 3062, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "ground red pepper", + "chopped cilantro fresh", + "peeled fresh ginger", + "garlic cloves", + "cooking spray", + "paprika", + "ground cumin", + "plain low-fat yogurt", + "boneless skinless chicken breasts", + "fresh lemon juice" + ] + }, + { + "id": 24572, + "cuisine": "japanese", + "ingredients": [ + "wasabi paste", + "nori", + "avocado", + "rice vinegar", + "sushi rice", + "smoked salmon", + "cucumber" + ] + }, + { + "id": 31216, + "cuisine": "irish", + "ingredients": [ + "large eggs", + "currant", + "sugar", + "butter", + "flour", + "salt", + "baking soda", + "buttermilk" + ] + }, + { + "id": 33146, + "cuisine": "cajun_creole", + "ingredients": [ + "barbecue sauce", + "worcestershire sauce", + "garlic salt", + "sugar", + "red wine", + "sauce", + "cajun seasoning", + "paprika", + "black pepper", + "red pepper", + "bbq sauce" + ] + }, + { + "id": 21496, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "green onions", + "corn tortillas", + "sliced black olives", + "green enchilada sauce", + "tomatoes", + "chicken breasts", + "lettuce", + "jalapeno chilies", + "shredded cheese" + ] + }, + { + "id": 43798, + "cuisine": "cajun_creole", + "ingredients": [ + "large eggs", + "vanilla extract", + "red delicious apples", + "butter", + "crushed pineapple", + "evaporated milk", + "raisins", + "sugar", + "french bread", + "sauce" + ] + }, + { + "id": 8143, + "cuisine": "thai", + "ingredients": [ + "peanuts", + "vegetable oil", + "fresh lemon juice", + "sugar", + "jalapeno chilies", + "salt", + "pork tenderloin", + "light coconut milk", + "chopped fresh mint", + "rice sticks", + "peeled fresh ginger", + "garlic cloves" + ] + }, + { + "id": 19791, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "dry yeast", + "bread flour", + "fresh rosemary", + "olive oil", + "onions", + "pitted kalamata olives", + "salt", + "pancetta", + "sugar", + "hot water" + ] + }, + { + "id": 32423, + "cuisine": "french", + "ingredients": [ + "saffron threads", + "mayonaise", + "ground black pepper", + "garlic", + "garlic cloves", + "chervil", + "fennel", + "fish stock", + "cayenne pepper", + "tomato paste", + "kosher salt", + "leeks", + "bouquet garni", + "flat leaf parsley", + "tomatoes", + "olive oil", + "russet potatoes", + "seafood", + "onions" + ] + }, + { + "id": 48812, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "bacon slices", + "red bell pepper", + "orange bell pepper", + "yellow bell pepper", + "garlic cloves", + "fresh basil", + "kalamata", + "bow-tie pasta", + "ground black pepper", + "salt", + "plum tomatoes" + ] + }, + { + "id": 21356, + "cuisine": "mexican", + "ingredients": [ + "soy sauce", + "chile pepper", + "chopped cilantro fresh", + "chopped green bell pepper", + "sliced mushrooms", + "frozen chopped spinach", + "corn oil", + "dried minced onion", + "lime juice", + "tempeh" + ] + }, + { + "id": 39701, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "lemon juice", + "water", + "jicama", + "large shrimp", + "dijon mustard", + "chopped cilantro", + "olive oil", + "salt", + "mango" + ] + }, + { + "id": 36021, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "zucchini", + "salt", + "orange bell pepper", + "apple cider vinegar", + "onions", + "black pepper", + "pimentos", + "corn starch", + "ground nutmeg", + "dry mustard", + "ground turmeric" + ] + }, + { + "id": 25527, + "cuisine": "irish", + "ingredients": [ + "milk", + "white sugar", + "butter", + "self rising flour", + "eggs", + "raisins" + ] + }, + { + "id": 30525, + "cuisine": "italian", + "ingredients": [ + "dry bread crumbs", + "boneless skinless chicken breasts", + "salad dressing" + ] + }, + { + "id": 14227, + "cuisine": "greek", + "ingredients": [ + "dried thyme", + "large garlic cloves", + "red bell pepper", + "dry vermouth", + "feta cheese", + "brown shrimp", + "tomatoes", + "olive oil", + "linguine", + "pitted black olives", + "green onions", + "fresh lemon juice" + ] + }, + { + "id": 30238, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "bread", + "salt", + "garlic", + "tomatoes" + ] + }, + { + "id": 7543, + "cuisine": "french", + "ingredients": [ + "baby leaf lettuce", + "fresh thyme", + "asparagus spears", + "olive oil", + "balsamic vinegar", + "fresh basil leaves", + "cherry tomatoes", + "shallots", + "green beans", + "fresh basil", + "dijon mustard", + "fresh tarragon" + ] + }, + { + "id": 33034, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "arugula", + "vegetable stock", + "flat leaf parsley", + "mascarpone", + "risotto rice", + "smoked salmon", + "grated lemon zest", + "onions" + ] + }, + { + "id": 43409, + "cuisine": "greek", + "ingredients": [ + "all-purpose flour", + "corn starch", + "safflower oil", + "chopped onion", + "dried oregano", + "chickpeas", + "chopped fresh mint", + "olive oil", + "scallions" + ] + }, + { + "id": 49713, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "large eggs", + "creole seasoning", + "romano cheese", + "roasted red peppers", + "baking mix", + "canola oil", + "fresh basil", + "milk", + "chicken breast halves", + "cream cheese, soften", + "vidalia onion", + "chicken flavor stuffing mix", + "bacon slices", + "onion gravy" + ] + }, + { + "id": 43632, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "eggs", + "salsa", + "flour tortillas", + "sour cream", + "fontina cheese", + "bacon slices" + ] + }, + { + "id": 35949, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "parmigiano reggiano cheese", + "salt", + "dried oregano", + "ground black pepper", + "marinara sauce", + "meatloaf", + "water", + "large eggs", + "Italian seasoned breadcrumbs", + "finely chopped fresh parsley", + "garlic", + "spaghetti" + ] + }, + { + "id": 8561, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "corn tortillas", + "salsa", + "cilantro", + "avocado", + "goat cheese" + ] + }, + { + "id": 42446, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "boneless skinless chicken breasts", + "shredded mozzarella cheese", + "garlic powder", + "Philadelphia Cream Cheese", + "artichoke hearts", + "basil", + "milk", + "lasagna noodles", + "Kraft Grated Parmesan Cheese" + ] + }, + { + "id": 26968, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "vegetable stock", + "onions", + "pepper", + "shredded mozzarella cheese", + "fresh basil", + "salt", + "grated parmesan cheese", + "oil" + ] + }, + { + "id": 49588, + "cuisine": "indian", + "ingredients": [ + "English mustard", + "parmesan cheese", + "chili powder", + "onions", + "white wine", + "yoghurt", + "curry", + "cumin", + "garlic paste", + "lobster", + "double cream", + "coriander", + "lime", + "brown mustard seeds", + "ghee", + "saffron" + ] + }, + { + "id": 24729, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "freshly ground pepper", + "sweet onion", + "crème fraîche", + "olive oil", + "frozen pizza dough", + "salt", + "fresh basil leaves" + ] + }, + { + "id": 21306, + "cuisine": "thai", + "ingredients": [ + "canned chicken broth", + "basil", + "sliced green onions", + "serrano chilies", + "lemongrass", + "sliced mushrooms", + "unsweetened coconut milk", + "boneless chicken skinless thigh", + "garlic chili sauce", + "fish sauce", + "fresh ginger", + "fresh lime juice" + ] + }, + { + "id": 32149, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "salt", + "tomato sauce", + "lean ground beef", + "white sugar", + "ground black pepper", + "onions", + "dried basil", + "butter", + "dried oregano" + ] + }, + { + "id": 42980, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "self rising flour", + "salt", + "active dry yeast", + "baking spray", + "water", + "large eggs", + "italian seasoning", + "garlic powder", + "butter" + ] + }, + { + "id": 8313, + "cuisine": "italian", + "ingredients": [ + "water", + "parmesan cheese", + "garlic", + "whole wheat rigatoni", + "olive oil", + "heirloom tomatoes", + "shredded cheese", + "spinach", + "kale", + "lemon", + "salt", + "pesto", + "almonds", + "basil" + ] + }, + { + "id": 12144, + "cuisine": "southern_us", + "ingredients": [ + "apple cider vinegar", + "cayenne pepper", + "water", + "hot sauce", + "onions", + "pepper", + "salt", + "bacon grease", + "low sodium chicken broth", + "kale leaves", + "smoked ham hocks" + ] + }, + { + "id": 30334, + "cuisine": "irish", + "ingredients": [ + "chicken stock", + "beef stock", + "asparagus spears", + "zucchini", + "carrots", + "beef tenderloin steaks", + "unsalted butter", + "dry red wine", + "red bell pepper", + "olive oil", + "fresh shiitake mushrooms", + "green beans" + ] + }, + { + "id": 5608, + "cuisine": "thai", + "ingredients": [ + "milk", + "curry", + "chicken breasts", + "celery", + "green onions", + "coconut milk", + "red pepper" + ] + }, + { + "id": 45857, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "green peas", + "wild rice", + "fontina cheese", + "cooking spray", + "salt", + "asparagus", + "1% low-fat milk", + "sliced green onions", + "fresh parmesan cheese", + "chopped fresh thyme", + "all-purpose flour" + ] + }, + { + "id": 5994, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "vegetable oil", + "cayenne pepper", + "brown sugar", + "green onions", + "ground thyme", + "onions", + "soy sauce", + "boneless skinless chicken breasts", + "salt", + "nutmeg", + "cider vinegar", + "cinnamon", + "ground allspice" + ] + }, + { + "id": 43404, + "cuisine": "southern_us", + "ingredients": [ + "egg yolks", + "maple syrup", + "nutmeg", + "cinnamon", + "dark brown sugar", + "sweet potatoes", + "pie shell", + "plain yogurt", + "salt", + "chopped pecans" + ] + }, + { + "id": 7431, + "cuisine": "russian", + "ingredients": [ + "beef broth", + "onions", + "red wine vinegar", + "cucumber", + "black pepper", + "beets", + "salt", + "sour cream" + ] + }, + { + "id": 12558, + "cuisine": "french", + "ingredients": [ + "olive oil", + "Niçoise olives", + "milk", + "basil", + "yeast", + "flour", + "freshly ground pepper", + "cherry tomatoes", + "salt", + "dried oregano" + ] + }, + { + "id": 38364, + "cuisine": "irish", + "ingredients": [ + "white bread", + "large free range egg", + "pure vanilla extract", + "cream", + "whipped cream", + "sugar", + "butter", + "rhubarb", + "milk" + ] + }, + { + "id": 32804, + "cuisine": "chinese", + "ingredients": [ + "powdered sugar", + "vanilla extract", + "plain flour", + "evaporated milk", + "caster sugar", + "hot water", + "eggs", + "butter" + ] + }, + { + "id": 6180, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "muscovado sugar", + "garlic cloves", + "fish sauce", + "hard-boiled egg", + "green chilies", + "onions", + "black peppercorns", + "water", + "salt", + "bay leaf", + "pork", + "cane vinegar", + "oil" + ] + }, + { + "id": 43361, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "red chili peppers", + "sprouts", + "coconut milk", + "fish sauce", + "lemongrass", + "button mushrooms", + "chopped cilantro", + "coconut sugar", + "boneless chicken skinless thigh", + "sea salt", + "fresh lime juice", + "chicken broth", + "coconut oil", + "green onions", + "garlic cloves", + "galangal" + ] + }, + { + "id": 29870, + "cuisine": "southern_us", + "ingredients": [ + "dressing", + "processed cheese", + "milk", + "water", + "butter", + "potatoes" + ] + }, + { + "id": 30796, + "cuisine": "mexican", + "ingredients": [ + "cold water", + "salt", + "olive oil", + "dried black beans", + "onions", + "cilantro sprigs" + ] + }, + { + "id": 36069, + "cuisine": "southern_us", + "ingredients": [ + "lime zest", + "whipped cream", + "corn starch", + "egg whites", + "pie shell", + "sweetened condensed milk", + "egg yolks", + "meringue", + "key lime juice", + "sugar", + "salt", + "heavy whipping cream" + ] + }, + { + "id": 40769, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "chili powder", + "cumin", + "garlic powder", + "salt", + "water", + "onion salt", + "flour", + "oil" + ] + }, + { + "id": 7423, + "cuisine": "moroccan", + "ingredients": [ + "red wine", + "ground cumin", + "capers", + "leg of lamb", + "pitted black olives", + "onions", + "ground ginger", + "garlic" + ] + }, + { + "id": 40817, + "cuisine": "jamaican", + "ingredients": [ + "tomatoes", + "sugar", + "lime juice", + "cooking oil", + "paprika", + "salt", + "scallions", + "browning", + "tomato sauce", + "water", + "fresh thyme", + "flour", + "garlic", + "cayenne pepper", + "hot water", + "allspice", + "coconut oil", + "kosher salt", + "hot pepper sauce", + "bell pepper", + "rosemary leaves", + "tomato ketchup", + "thyme", + "chicken", + "brown sugar", + "black pepper", + "habanero hot sauce", + "potatoes", + "ginger", + "yellow onion", + "carrots", + "oregano" + ] + }, + { + "id": 22558, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sesame oil", + "beansprouts", + "rib eye steaks", + "ground black pepper", + "garlic cloves", + "water", + "sauce", + "Korean chile flakes", + "leeks", + "kelp" + ] + }, + { + "id": 3678, + "cuisine": "vietnamese", + "ingredients": [ + "white pepper", + "tapioca starch", + "bird chile", + "lime", + "vegetable oil", + "silken tofu", + "green onions", + "soy sauce", + "granulated sugar", + "salt" + ] + }, + { + "id": 5471, + "cuisine": "irish", + "ingredients": [ + "whole wheat flour", + "large eggs", + "anise", + "light molasses", + "all purpose unbleached flour", + "dried pear", + "baking soda", + "old-fashioned oats", + "salt", + "unsalted butter", + "buttermilk", + "liqueur" + ] + }, + { + "id": 8737, + "cuisine": "british", + "ingredients": [ + "active dry yeast", + "non stick spray", + "sugar", + "butter", + "milk", + "salt", + "flour", + "cornmeal" + ] + }, + { + "id": 18211, + "cuisine": "mexican", + "ingredients": [ + "red grape", + "pomegranate seeds", + "salt", + "avocado", + "purple onion", + "peaches", + "serrano chile" + ] + }, + { + "id": 398, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "red bell pepper", + "salt", + "chicken thighs", + "extra-virgin olive oil", + "onions", + "hot red pepper flakes", + "garlic cloves" + ] + }, + { + "id": 35506, + "cuisine": "italian", + "ingredients": [ + "egg yolks", + "salt", + "sugar", + "baking powder", + "unsalted butter", + "lemon", + "eggs", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 29219, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "half & half", + "sour cream", + "avocado", + "fresh ginger", + "butter", + "minced garlic", + "green onions", + "fresh lime juice", + "chicken stock", + "finely chopped onion", + "salt" + ] + }, + { + "id": 18118, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "flour", + "cheddar cheese", + "butter", + "green chile", + "vegetable oil", + "bread", + "pepper jack", + "salt" + ] + }, + { + "id": 5087, + "cuisine": "japanese", + "ingredients": [ + "medium dry sherry", + "gingerroot", + "soy sauce", + "white wine vinegar", + "honey", + "salt", + "chicken breasts", + "garlic cloves" + ] + }, + { + "id": 11110, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "chopped parsley", + "rosemary", + "bucatini", + "olive oil", + "thyme", + "bread crumb fresh", + "garlic cloves", + "sage" + ] + }, + { + "id": 36850, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "green beans", + "sugar", + "chilli bean sauce", + "sake", + "ginger", + "minced pork", + "soy sauce", + "scallions" + ] + }, + { + "id": 11380, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "sugar", + "garlic", + "whipping cream", + "olive oil", + "salt" + ] + }, + { + "id": 23940, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "cooking oil", + "rolls", + "mayonaise", + "salt", + "eggs", + "red pepper", + "shrimp", + "lettuce", + "black pepper", + "all-purpose flour" + ] + }, + { + "id": 5895, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "butter", + "chopped celery", + "red bell pepper", + "cooked rice", + "flour", + "worcestershire sauce", + "chopped onion", + "onions", + "shrimp stock", + "ground black pepper", + "lemon", + "hot sauce", + "celery", + "minced garlic", + "cajun seasoning", + "diced tomatoes", + "shrimp" + ] + }, + { + "id": 46194, + "cuisine": "mexican", + "ingredients": [ + "bone-in chicken breast halves", + "salt", + "reduced fat cream cheese", + "chili powder", + "corn starch", + "crispy bacon", + "chile pepper", + "cold water", + "reduced sodium chicken broth", + "lemon juice" + ] + }, + { + "id": 26372, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "bacon", + "yellow onion", + "tomato sauce", + "flank steak", + "garlic", + "eggs", + "beef stock", + "chees fresh mozzarella", + "hot Italian sausages", + "pepper", + "red wine", + "salt" + ] + }, + { + "id": 29075, + "cuisine": "indian", + "ingredients": [ + "spices", + "green chilies", + "ground turmeric", + "water", + "salt", + "chopped cilantro", + "canola oil", + "fresh ginger", + "chickpeas", + "onions", + "garlic", + "hot water", + "cabbage" + ] + }, + { + "id": 39735, + "cuisine": "italian", + "ingredients": [ + "mussels", + "olive oil", + "bay leaves", + "squid", + "onions", + "tentacles", + "fennel bulb", + "clam juice", + "shrimp", + "cod", + "kosher salt", + "whole peeled tomatoes", + "crushed red pepper flakes", + "country bread", + "fennel seeds", + "ground black pepper", + "dry white wine", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 11778, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "jalapeno chilies", + "purple onion", + "panko breadcrumbs", + "ground chipotle chile pepper", + "cilantro", + "carrots", + "lime", + "garlic", + "corn tortillas", + "cotija", + "flour", + "nopales" + ] + }, + { + "id": 45749, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "japanese cucumber", + "cilantro leaves", + "green papaya", + "spring roll wrappers", + "palm sugar", + "grapeseed oil", + "garlic cloves", + "large shrimp", + "peanuts", + "mint leaves", + "rice", + "noodles", + "fish sauce", + "tamarind juice", + "romaine lettuce leaves", + "carrots" + ] + }, + { + "id": 119, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "linguine", + "margarine", + "chicken broth", + "chicken breast halves", + "all-purpose flour", + "fresh mushrooms", + "fontina cheese", + "half & half", + "salt", + "chopped onion", + "minced garlic", + "dry sherry", + "dry bread crumbs", + "ground white pepper" + ] + }, + { + "id": 18895, + "cuisine": "irish", + "ingredients": [ + "firmly packed brown sugar", + "low-fat milk", + "coffee", + "water", + "ground cinnamon", + "bourbon whiskey" + ] + }, + { + "id": 26080, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "tamari soy sauce", + "white sesame seeds", + "radishes", + "scallions", + "shiso", + "black sesame seeds", + "cucumber", + "canola oil", + "beans", + "rice vinegar", + "toasted sesame oil" + ] + }, + { + "id": 40307, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "garlic", + "shredded carrots", + "ground turkey", + "fresh ginger", + "salt", + "Boston lettuce", + "I Can't Believe It's Not Butter!® Spread" + ] + }, + { + "id": 20403, + "cuisine": "chinese", + "ingredients": [ + "water", + "chicken", + "chinese rice wine", + "green onions", + "fresh ginger", + "sugar", + "salt" + ] + }, + { + "id": 35475, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "minced garlic", + "garlic powder", + "chili powder", + "sour cream", + "lettuce", + "ketchup", + "honey", + "guacamole", + "worcestershire sauce", + "ground cumin", + "cheddar cheese", + "fresh lime", + "tortillas", + "apple cider vinegar", + "chipotles in adobo", + "chicken broth", + "pepper", + "chopped tomatoes", + "boneless skinless chicken breasts", + "salt" + ] + }, + { + "id": 27234, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "basil leaves", + "cognac", + "picholine", + "dijon mustard", + "anchovy fillets", + "fresh lemon juice", + "capers", + "extra-virgin olive oil", + "garlic cloves", + "large eggs", + "goat cheese", + "bread slices" + ] + }, + { + "id": 17706, + "cuisine": "french", + "ingredients": [ + "waxy potatoes", + "salt", + "freshly ground pepper", + "heavy cream" + ] + }, + { + "id": 11884, + "cuisine": "southern_us", + "ingredients": [ + "vanilla", + "unsalted butter", + "sugar", + "cake flour", + "large eggs" + ] + }, + { + "id": 1447, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "water", + "collard greens", + "dried red chile peppers", + "smoked pork neck bones" + ] + }, + { + "id": 26298, + "cuisine": "greek", + "ingredients": [ + "dried lentils", + "olive oil", + "dry bread crumbs", + "ground cumin", + "large egg whites", + "crushed red pepper", + "cooked white rice", + "kosher salt", + "ground black pepper", + "sauce", + "water", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 45918, + "cuisine": "italian", + "ingredients": [ + "pasta", + "fresh basil leaves", + "mozzarella cheese", + "tomato sauce", + "shredded mozzarella cheese" + ] + }, + { + "id": 1793, + "cuisine": "thai", + "ingredients": [ + "light brown sugar", + "shiitake", + "cilantro leaves", + "coconut milk", + "fish sauce", + "palm sugar", + "cucumber", + "chicken broth", + "thai basil", + "red curry paste", + "boneless pork shoulder", + "fresh ginger", + "sliced carrots", + "baby corn" + ] + }, + { + "id": 15575, + "cuisine": "irish", + "ingredients": [ + "lemon curd", + "whipping cream", + "mint sprigs", + "orange liqueur", + "orange", + "strawberries", + "sugar", + "shortbread cookies" + ] + }, + { + "id": 30669, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "onions", + "corn kernel whole", + "garam masala", + "cumin seed", + "chopped cilantro fresh", + "olive oil", + "lemon", + "frozen peas", + "whole milk", + "red bell pepper", + "ground turmeric" + ] + }, + { + "id": 20693, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "grated parmesan cheese", + "garlic", + "fresh parsley leaves", + "table salt", + "lasagna noodles", + "diced tomatoes", + "salt", + "fresh basil", + "ground black pepper", + "red pepper flakes", + "part-skim ricotta cheese", + "crushed tomatoes", + "large eggs", + "extra-virgin olive oil", + "shredded mozzarella cheese" + ] + }, + { + "id": 20271, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "refried beans", + "tortilla chips", + "cumin", + "chicken broth", + "shredded cheddar cheese", + "diced tomatoes", + "sour cream", + "avocado", + "pepper", + "diced green chilies", + "enchilada sauce", + "boneless chicken skinless thigh", + "corn", + "salt", + "chopped cilantro" + ] + }, + { + "id": 9759, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "dough", + "ground black pepper", + "fresh parmesan cheese", + "fresh basil", + "cooking spray" + ] + }, + { + "id": 9234, + "cuisine": "indian", + "ingredients": [ + "buttermilk", + "fenugreek seeds", + "oil", + "water", + "salt", + "green chilies", + "ginger", + "rice", + "poha", + "cilantro leaves", + "cumin seed" + ] + }, + { + "id": 18404, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "large eggs", + "cilantro leaves", + "tamarind paste", + "medium shrimp", + "unsalted roasted peanuts", + "lime wedges", + "dried rice noodles", + "scallions", + "table salt", + "shallots", + "rice vinegar", + "peanut oil", + "boiling water", + "palm sugar", + "garlic", + "cayenne pepper", + "beansprouts" + ] + }, + { + "id": 5656, + "cuisine": "indian", + "ingredients": [ + "lemon", + "stewed tomatoes", + "black mustard seeds", + "chili pepper", + "cilantro", + "salt", + "ghee", + "fennel seeds", + "raw sugar", + "garlic", + "dried chile", + "masoor dal", + "ginger", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 38155, + "cuisine": "chinese", + "ingredients": [ + "Sriracha", + "gai lan", + "chicken", + "oil", + "rice stick noodles", + "garlic cloves" + ] + }, + { + "id": 11542, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "fresh ginger", + "cinnamon", + "oil", + "onions", + "plain flour", + "canola", + "yoghurt", + "garlic", + "cooking cream", + "nutmeg", + "steamed rice", + "chicken breasts", + "salt", + "chillies", + "fresh coriander", + "garam masala", + "diced tomatoes", + "lemon juice", + "cumin" + ] + }, + { + "id": 45974, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "yellow onion", + "fettucine", + "crushed red pepper flakes", + "large shrimp", + "virgin olive oil", + "diced tomatoes", + "flat leaf parsley", + "kosher salt", + "garlic" + ] + }, + { + "id": 3051, + "cuisine": "indian", + "ingredients": [ + "jalapeno chilies", + "heavy cream", + "frozen peas", + "fresh ginger", + "shallots", + "smoked paprika", + "boneless skinless chicken breasts", + "garlic", + "basmati rice", + "garam masala", + "vegetable oil", + "roasted tomatoes" + ] + }, + { + "id": 25744, + "cuisine": "indian", + "ingredients": [ + "clove", + "kosher salt", + "vegetable oil", + "grated nutmeg", + "cardamom pods", + "onions", + "spinach leaves", + "mace", + "garlic", + "chickpeas", + "juice", + "ground turmeric", + "ground cinnamon", + "fresh ginger", + "star anise", + "cayenne pepper", + "cumin seed", + "cashew nuts", + "black peppercorns", + "coriander seeds", + "cilantro leaves", + "green chilies", + "coconut milk" + ] + }, + { + "id": 48771, + "cuisine": "southern_us", + "ingredients": [ + "key lime juice", + "vanilla yogurt", + "sweetened condensed milk" + ] + }, + { + "id": 39440, + "cuisine": "mexican", + "ingredients": [ + "water", + "large garlic cloves", + "kosher salt", + "capon", + "ground cumin", + "unsalted butter", + "chopped cilantro fresh", + "red chile powder", + "carrots" + ] + }, + { + "id": 33122, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "water chestnuts", + "black moss", + "oyster sauce", + "snow peas", + "peanuts", + "mung bean noodles", + "salt", + "bamboo shoots", + "canola oil", + "water", + "lily buds", + "wood mushrooms", + "carrots", + "nuts", + "tofu", + "dried oysters", + "sesame oil", + "dried shiitake mushrooms", + "bean curd" + ] + }, + { + "id": 32373, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "mushrooms", + "no-salt-added black beans", + "corn tortillas", + "dried oregano", + "salsa verde", + "lime wedges", + "hot sauce", + "onions", + "light sour cream", + "frozen whole kernel corn", + "queso fresco", + "poblano chiles", + "chopped cilantro fresh", + "olive oil", + "chili powder", + "salt", + "fresh lime juice", + "ground cumin" + ] + }, + { + "id": 13516, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "ground beef", + "taco sauce", + "scallions", + "tomatoes", + "shells", + "colby cheese", + "sour cream" + ] + }, + { + "id": 10589, + "cuisine": "brazilian", + "ingredients": [ + "dried black beans", + "bell pepper", + "cayenne pepper", + "sour cream", + "water", + "salt", + "garlic cloves", + "cumin", + "black pepper", + "cilantro", + "orange juice", + "onions", + "tomatoes", + "olive oil", + "salsa", + "carrots" + ] + }, + { + "id": 24065, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "chopped onion", + "dried oregano", + "garlic", + "dried parsley", + "white rice", + "ground beef", + "chicken broth", + "chopped celery", + "pork sausages" + ] + }, + { + "id": 8405, + "cuisine": "southern_us", + "ingredients": [ + "grated parmesan cheese", + "white cornmeal", + "egg substitute", + "vegetable oil", + "vegetable oil cooking spray", + "ground red pepper", + "fat-free buttermilk", + "all-purpose flour" + ] + }, + { + "id": 45654, + "cuisine": "southern_us", + "ingredients": [ + "cream cheese", + "boiling water", + "jello", + "chopped pecans", + "crushed pineapple", + "mini marshmallows", + "sour cream" + ] + }, + { + "id": 32320, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "avocado", + "tomatillos", + "cilantro stems", + "garlic powder", + "salt" + ] + }, + { + "id": 45350, + "cuisine": "italian", + "ingredients": [ + "brown sugar", + "crushed tomatoes", + "garlic", + "onions", + "bread crumbs", + "ricotta cheese", + "hot Italian sausages", + "black pepper", + "lean ground beef", + "salt", + "eggs", + "water", + "heavy cream", + "chopped parsley" + ] + }, + { + "id": 3573, + "cuisine": "korean", + "ingredients": [ + "water", + "white rice", + "sesame oil", + "deveined shrimp", + "rice wine", + "salt" + ] + }, + { + "id": 43744, + "cuisine": "spanish", + "ingredients": [ + "honey", + "ice cream", + "cinnamon", + "figs", + "crème fraîche" + ] + }, + { + "id": 4559, + "cuisine": "japanese", + "ingredients": [ + "ginger juice", + "soy sauce", + "sugar", + "sake", + "ground chicken" + ] + }, + { + "id": 40579, + "cuisine": "irish", + "ingredients": [ + "chicken stock", + "parsley", + "garlic cloves", + "potatoes", + "yellow onion", + "ground pepper", + "bacon", + "pork sausages", + "dried sage", + "oil" + ] + }, + { + "id": 2012, + "cuisine": "italian", + "ingredients": [ + "pepper", + "bacon", + "brie cheese", + "herbs", + "purple onion", + "baguette", + "garlic", + "fresh thyme leaves", + "cream cheese" + ] + }, + { + "id": 10817, + "cuisine": "italian", + "ingredients": [ + "honey", + "all-purpose flour", + "eggs", + "vanilla extract", + "grated lemon peel", + "candy sprinkles", + "oil", + "sugar", + "salt" + ] + }, + { + "id": 15119, + "cuisine": "southern_us", + "ingredients": [ + "cayenne", + "dried oregano", + "kosher salt", + "dri leav thyme", + "chili powder", + "ground black pepper", + "pork shoulder boston butt" + ] + }, + { + "id": 28530, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "salsa", + "flour tortillas", + "ground beef", + "olive oil", + "sour cream", + "cooked rice", + "guacamole" + ] + }, + { + "id": 16343, + "cuisine": "italian", + "ingredients": [ + "cream of tartar", + "vanilla extract", + "semi-sweet chocolate morsels", + "water", + "strawberries", + "sugar", + "salt", + "blackberries", + "white vinegar", + "large egg whites", + "whipped topping" + ] + }, + { + "id": 24555, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "french bread", + "paprika", + "garlic cloves", + "jumbo shrimp", + "minced garlic", + "lemon wedge", + "crushed red pepper", + "plum tomatoes", + "slivered almonds", + "roasted red peppers", + "red wine vinegar", + "salt", + "hazelnuts", + "cooking spray", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 29416, + "cuisine": "french", + "ingredients": [ + "sliced almonds", + "amaretto", + "granulated sugar", + "fresh lemon juice", + "peaches", + "crepes", + "powdered sugar", + "fat-free cottage cheese", + "cream cheese, soften" + ] + }, + { + "id": 41053, + "cuisine": "greek", + "ingredients": [ + "green bell pepper", + "eggplant", + "salt", + "dill weed", + "tomatoes", + "pepper", + "fresh green bean", + "fresh mushrooms", + "tomato sauce", + "potatoes", + "fresh oregano", + "onions", + "fresh basil", + "olive oil", + "summer squash", + "garlic cloves" + ] + }, + { + "id": 9294, + "cuisine": "southern_us", + "ingredients": [ + "cream style corn", + "eggs", + "sour cream", + "vegetable oil", + "milk", + "cornmeal" + ] + }, + { + "id": 27168, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "garlic", + "tomatoes", + "cod fillets", + "fresh parsley", + "olive oil", + "salt", + "penne", + "red pepper flakes" + ] + }, + { + "id": 46669, + "cuisine": "french", + "ingredients": [ + "granulated sugar", + "all-purpose flour", + "large egg yolks", + "butter", + "tart apples", + "ground nutmeg", + "salt", + "firmly packed brown sugar", + "large eggs", + "walnuts" + ] + }, + { + "id": 40150, + "cuisine": "indian", + "ingredients": [ + "milk", + "salt", + "melted butter", + "sesame seeds", + "olive oil", + "bread flour", + "sugar", + "baking powder" + ] + }, + { + "id": 8515, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "portabello mushroom", + "lime", + "Thai fish sauce", + "sugar", + "Thai red curry paste", + "spring onions", + "chicken" + ] + }, + { + "id": 158, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "mango chutney", + "hummus", + "pepper", + "roasted red peppers", + "purple onion", + "spinach", + "tortillas", + "cheese", + "cherry tomatoes", + "chives", + "salt" + ] + }, + { + "id": 1070, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "mint leaves", + "ground beef", + "ground pepper", + "paprika", + "onions", + "fresh coriander", + "cinnamon", + "fresh parsley", + "beef", + "salt", + "cumin" + ] + }, + { + "id": 40021, + "cuisine": "british", + "ingredients": [ + "olive oil", + "butter", + "white mushrooms", + "frozen peas", + "cauliflower", + "lean ground beef", + "carrots", + "onions", + "fresh thyme leaves", + "all-purpose flour", + "yukon gold", + "ground black pepper", + "salt", + "low sodium beef broth", + "low-fat milk" + ] + }, + { + "id": 16620, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "vegetable oil", + "large eggs", + "water", + "fine sea salt", + "baking powder" + ] + }, + { + "id": 49448, + "cuisine": "indian", + "ingredients": [ + "water", + "chili powder", + "oil", + "garam masala", + "salt", + "lime juice", + "crushed garlic", + "chicken", + "cream", + "yoghurt", + "cumin seed" + ] + }, + { + "id": 11124, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "pecorino romano cheese", + "pancetta", + "unsalted butter", + "linguine", + "ground black pepper", + "Italian parsley leaves", + "cream", + "parmigiano reggiano cheese" + ] + }, + { + "id": 19526, + "cuisine": "thai", + "ingredients": [ + "basil leaves", + "yellow curry paste", + "lobster", + "cayenne pepper", + "kaffir lime leaves", + "salt", + "coconut milk", + "vegetable oil", + "hot curry powder" + ] + }, + { + "id": 49557, + "cuisine": "vietnamese", + "ingredients": [ + "marrow", + "eye of the round", + "hoisin sauce", + "lime wedges", + "ginger", + "scallions", + "chile sauce", + "fennel seeds", + "thai basil", + "oxtails", + "cinnamon", + "vietnamese fish sauce", + "bird chile", + "clove", + "coriander seeds", + "beef brisket", + "rice noodles", + "star anise", + "beansprouts", + "black peppercorns", + "yellow rock sugar", + "shallots", + "cilantro", + "black cardamom pods", + "onions" + ] + }, + { + "id": 12327, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "chopped cilantro", + "minced garlic", + "Anaheim chile", + "pinto beans", + "ground cumin", + "chicken stock", + "ground black pepper", + "pink beans", + "onions", + "water", + "lime wedges", + "ground turkey" + ] + }, + { + "id": 1783, + "cuisine": "spanish", + "ingredients": [ + "crusty bread", + "garlic", + "red bell pepper", + "cooked ham", + "fresh parsley leaves", + "hot red pepper flakes", + "salt", + "large shrimp", + "olive oil", + "sherry wine" + ] + }, + { + "id": 25794, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "corn tortillas", + "green onions", + "coarse kosher salt", + "lime wedges", + "poblano chiles", + "avocado", + "garlic cloves", + "skirt steak" + ] + }, + { + "id": 26830, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "zucchini", + "ground beef", + "pepper", + "salt", + "fresh basil leaves", + "lasagna noodles", + "shredded mozzarella cheese", + "italian seasoning", + "romano cheese", + "ricotta cheese", + "onions" + ] + }, + { + "id": 4940, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "garbanzo beans", + "chili powder", + "smoked paprika", + "tomato paste", + "olive oil", + "tortillas", + "salt", + "onions", + "low sodium vegetable broth", + "garlic powder", + "onion powder", + "red bell pepper", + "shelled hemp seeds", + "nutritional yeast", + "roma tomatoes", + "all-purpose flour", + "cumin" + ] + }, + { + "id": 2731, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "olive oil", + "dry white wine", + "salt", + "carrots", + "lamb shanks", + "lemon peel", + "diced tomatoes", + "ground coriander", + "fresh parsley", + "fresh rosemary", + "ground black pepper", + "chopped fresh thyme", + "chopped onion", + "low salt chicken broth", + "capocollo", + "bay leaves", + "chopped celery", + "garlic cloves", + "grated lemon peel" + ] + }, + { + "id": 11732, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "toasted slivered almonds", + "greens", + "avocado", + "sprouts", + "serrano chile", + "mung beans", + "broth", + "posole", + "scallions", + "olives" + ] + }, + { + "id": 21055, + "cuisine": "italian", + "ingredients": [ + "butter", + "ground black pepper", + "salt", + "meat-filled tortellini", + "garlic", + "ground sage", + "flat leaf parsley" + ] + }, + { + "id": 20900, + "cuisine": "italian", + "ingredients": [ + "butter", + "fresh parmesan cheese", + "chinese cabbage", + "shredded carrots", + "lemon juice", + "pepper", + "salt" + ] + }, + { + "id": 13358, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "shredded cheddar cheese", + "ground beef", + "green enchilada sauce", + "salsa verde" + ] + }, + { + "id": 26310, + "cuisine": "spanish", + "ingredients": [ + "green bell pepper", + "cucumber", + "clove", + "olive oil", + "bread", + "pepper", + "red bell pepper", + "tomatoes", + "white wine vinegar" + ] + }, + { + "id": 22568, + "cuisine": "indian", + "ingredients": [ + "saffron threads", + "mango chutney", + "salt", + "slivered almonds", + "currant", + "basmati rice", + "chicken broth", + "butter", + "chopped onion", + "pepper", + "garlic" + ] + }, + { + "id": 45483, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "pork country-style ribs", + "honey", + "molasses", + "barbecue sauce" + ] + }, + { + "id": 43156, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "Asian chili sauce", + "dark brown sugar", + "flank steak", + "fresh orange juice", + "grated orange", + "green onions", + "vegetable oil", + "corn starch", + "soy sauce", + "brown rice", + "rice vinegar" + ] + }, + { + "id": 22119, + "cuisine": "spanish", + "ingredients": [ + "granny smith apples", + "pimentos", + "raisins", + "cinnamon sticks", + "water", + "vegetable oil", + "salt", + "slivered almonds", + "jalapeno chilies", + "large garlic cloves", + "chopped onion", + "pepper", + "ground sirloin", + "diced tomatoes" + ] + }, + { + "id": 38013, + "cuisine": "japanese", + "ingredients": [ + "potato starch", + "vegetable oil", + "chicken thighs", + "soy sauce", + "ginger", + "sake", + "lemon", + "granulated sugar", + "garlic" + ] + }, + { + "id": 13882, + "cuisine": "italian", + "ingredients": [ + "celery salt", + "white wine", + "chopped fresh thyme", + "salt", + "dried mushrooms", + "fresh rosemary", + "water", + "garlic", + "ground beef", + "tomatoes", + "pepper", + "butter", + "flat leaf parsley", + "tomato sauce", + "olive oil", + "granulated white sugar", + "onions" + ] + }, + { + "id": 7609, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "celery seed", + "cayenne pepper", + "kosher salt", + "ground cumin", + "brown sugar", + "mustard powder" + ] + }, + { + "id": 26184, + "cuisine": "indian", + "ingredients": [ + "lemon", + "garlic cloves", + "coriander", + "pepper", + "salt", + "onions", + "plain yogurt", + "paprika", + "ginger root", + "cumin", + "garam masala", + "cayenne pepper", + "chicken thighs" + ] + }, + { + "id": 25357, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "green onions", + "pearl barley", + "water", + "vegetable broth", + "rocket leaves", + "parmesan cheese", + "salt", + "pepper", + "cilantro", + "orecchiette" + ] + }, + { + "id": 4821, + "cuisine": "indian", + "ingredients": [ + "hot red pepper flakes", + "coconut", + "vegetable oil", + "ground cumin", + "minced garlic", + "sweet potatoes", + "cayenne pepper", + "green chile", + "water", + "brown mustard seeds", + "ground turmeric", + "fresh curry leaves", + "kidney beans", + "salt" + ] + }, + { + "id": 7601, + "cuisine": "indian", + "ingredients": [ + "salt", + "onions", + "potatoes", + "green chilies", + "cilantro leaves", + "teas", + "oil" + ] + }, + { + "id": 31710, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "sugar", + "gruyere cheese", + "large eggs", + "water", + "salt" + ] + }, + { + "id": 1935, + "cuisine": "thai", + "ingredients": [ + "unsalted chicken stock", + "szechwan peppercorns", + "ground pork", + "peanut butter", + "ground cumin", + "chili paste", + "vegetable oil", + "star anise", + "scallions", + "soy sauce", + "sesame oil", + "ginger", + "ground coriander", + "chili flakes", + "Shaoxing wine", + "cinnamon", + "garlic", + "noodles" + ] + }, + { + "id": 48458, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "chopped fresh mint", + "crushed red pepper", + "mango chutney", + "lamb rib chops", + "salt" + ] + }, + { + "id": 30278, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "dry sherry", + "shiitake mushroom caps", + "arborio rice", + "dried thyme", + "salt", + "dried porcini mushrooms", + "olive oil", + "garlic cloves", + "water", + "vegetable broth", + "boiling water" + ] + }, + { + "id": 3539, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "yardlong beans", + "grated carrot", + "persian cucumber", + "boneless skinless chicken breast halves", + "kaffir lime leaves", + "olive oil", + "daikon", + "thai chile", + "celery", + "plum tomatoes", + "fish sauce", + "palm sugar", + "large garlic cloves", + "cilantro leaves", + "fresh lime juice", + "green cabbage", + "lemongrass", + "green onions", + "salted roast peanuts", + "fresh lemon juice", + "chopped cilantro fresh" + ] + }, + { + "id": 44494, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "balsamic vinegar", + "fresh mint", + "unsalted butter", + "purple onion", + "kosher salt", + "garlic", + "eggs", + "zucchini", + "waxy potatoes" + ] + }, + { + "id": 10603, + "cuisine": "italian", + "ingredients": [ + "sugar", + "cooking spray", + "crumbled gorgonzola", + "olive oil", + "all-purpose flour", + "warm water", + "salt", + "onions", + "dry yeast", + "chopped walnuts" + ] + }, + { + "id": 11578, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "olive oil", + "butternut squash", + "chopped onion", + "fat free less sodium chicken broth", + "cooking spray", + "all-purpose flour", + "sugar", + "ground black pepper", + "bacon slices", + "chopped fresh sage", + "warm water", + "dry yeast", + "salt", + "cornmeal" + ] + }, + { + "id": 19039, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "ground nutmeg", + "dill", + "chopped parsley", + "eggs", + "milk", + "garlic", + "medium-grain rice", + "ground beef", + "chicken broth", + "water", + "ground pork", + "ground allspice", + "flat leaf parsley", + "black pepper", + "olive oil", + "sauce", + "lemon juice", + "onions" + ] + }, + { + "id": 4617, + "cuisine": "italian", + "ingredients": [ + "prebaked pizza crusts", + "cheese", + "minced garlic", + "tomatoes" + ] + }, + { + "id": 10268, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "ginger", + "oil", + "pepper", + "shells", + "fresh spinach", + "garlic", + "onions", + "tomatoes", + "water", + "salt" + ] + }, + { + "id": 42623, + "cuisine": "indian", + "ingredients": [ + "clove", + "sugar", + "vegetable oil", + "garlic", + "red bell pepper", + "unsweetened shredded dried coconut", + "kosher salt", + "fresh green bean", + "cumin seed", + "ground cumin", + "tomatoes", + "plain yogurt", + "vegetable stock", + "cayenne pepper", + "onions", + "tumeric", + "fresh ginger", + "cilantro", + "black mustard seeds" + ] + }, + { + "id": 23895, + "cuisine": "indian", + "ingredients": [ + "chile pepper", + "cucumber", + "salt", + "plain yogurt", + "chopped cilantro" + ] + }, + { + "id": 10203, + "cuisine": "french", + "ingredients": [ + "ice water", + "large egg yolks", + "all-purpose flour", + "sugar", + "salt", + "unsalted butter" + ] + }, + { + "id": 48276, + "cuisine": "brazilian", + "ingredients": [ + "lime juice", + "sugar", + "unsweetened almond milk", + "orange zest", + "avocado", + "cinnamon" + ] + }, + { + "id": 2035, + "cuisine": "mexican", + "ingredients": [ + "water", + "black olives", + "sour cream", + "tomatoes", + "guacamole", + "salsa", + "avocado", + "flour tortillas", + "shredded sharp cheddar cheese", + "ground beef", + "green olives", + "shredded lettuce", + "taco seasoning" + ] + }, + { + "id": 5555, + "cuisine": "southern_us", + "ingredients": [ + "canola", + "large eggs", + "light corn syrup", + "dark brown sugar", + "bittersweet chocolate chips", + "white chocolate chips", + "butter", + "cayenne pepper", + "pecans", + "ground black pepper", + "crumbs", + "vanilla extract", + "corn starch", + "shortening", + "unsalted butter", + "bourbon whiskey", + "salt", + "chocolate chips" + ] + }, + { + "id": 49315, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "honey", + "red wine vinegar", + "grape tomatoes", + "feta cheese", + "fresh lemon juice", + "fresh basil", + "olive oil", + "orzo", + "pinenuts", + "green onions" + ] + }, + { + "id": 28765, + "cuisine": "indian", + "ingredients": [ + "fresh curry leaves", + "chile pepper", + "mustard seeds", + "split black lentils", + "dried chickpeas", + "dried red chile peppers", + "grated coconut", + "cooking oil", + "fresh lemon juice", + "mango", + "water", + "salt", + "asafoetida powder" + ] + }, + { + "id": 29823, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "zucchini", + "pinto beans", + "chorizo sausage", + "olive oil", + "tomatoes with juice", + "onions", + "cooked rice", + "lean ground beef", + "chopped cilantro", + "ground cumin", + "ground black pepper", + "fine sea salt", + "dried oregano" + ] + }, + { + "id": 15559, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "blanched almonds", + "garlic powder", + "grating cheese", + "chicken", + "pepper", + "ground thyme", + "fresh parsley", + "quick oats", + "salt" + ] + }, + { + "id": 41683, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "unsalted butter", + "garlic", + "ground cayenne pepper", + "lump crab meat", + "clam juice", + "all-purpose flour", + "white corn", + "green onions", + "salt", + "onions", + "dried thyme", + "heavy cream", + "ground white pepper" + ] + }, + { + "id": 35029, + "cuisine": "japanese", + "ingredients": [ + "pistachios", + "carrots", + "sugar", + "raisins", + "cashew nuts", + "cinnamon", + "ghee", + "milk", + "cardamom pods" + ] + }, + { + "id": 24873, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "cilantro sprigs", + "pumpkin seeds", + "chicken broth", + "tomatillos", + "purple onion", + "corn tortillas", + "cooked chicken", + "garlic", + "sour cream", + "serrano chilies", + "poblano chilies", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 15770, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "boneless skinless chicken breasts", + "garlic", + "sausages", + "onions", + "black pepper", + "butter", + "cayenne pepper", + "celery", + "brussels sprouts", + "rotelle", + "salt", + "thyme", + "oregano", + "minute rice", + "paprika", + "green pepper", + "cooked shrimp" + ] + }, + { + "id": 25285, + "cuisine": "french", + "ingredients": [ + "fresh thyme", + "garlic cloves", + "turnips", + "butter", + "celery root", + "leeks", + "low salt chicken broth", + "parsnips", + "whipping cream" + ] + }, + { + "id": 42769, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "celery", + "cabbage", + "smoked sausage", + "onions", + "stewed tomatoes", + "ground beef", + "chopped garlic", + "rice", + "garlic salt" + ] + }, + { + "id": 24019, + "cuisine": "mexican", + "ingredients": [ + "cider vinegar", + "wax beans", + "red bell pepper", + "sugar", + "jalapeno chilies", + "purple onion", + "red kidnei beans, rins and drain", + "olive oil", + "dry mustard", + "black pepper", + "unsweetened apple juice", + "green beans" + ] + }, + { + "id": 34293, + "cuisine": "spanish", + "ingredients": [ + "sweet onion", + "yellow bell pepper", + "fresh lemon juice", + "tomatoes", + "ground black pepper", + "english cucumber", + "large shrimp", + "fresh basil", + "seafood seasoning", + "garlic cloves", + "olive oil", + "salt", + "red bell pepper" + ] + }, + { + "id": 41103, + "cuisine": "southern_us", + "ingredients": [ + "top round steak", + "breakfast sausages", + "cayenne pepper", + "kosher salt", + "buttermilk", + "eggs", + "whole milk", + "all-purpose flour", + "black pepper", + "vegetable oil" + ] + }, + { + "id": 4181, + "cuisine": "italian", + "ingredients": [ + "eggs", + "lemon zest", + "vanilla extract", + "whole wheat flour", + "butter", + "honey", + "ricotta cheese", + "slivered almonds", + "graham cracker crumbs", + "pumpkin seeds" + ] + }, + { + "id": 5242, + "cuisine": "brazilian", + "ingredients": [ + "water", + "salt", + "flavoring", + "red potato", + "olive oil", + "garlic cloves", + "fresh parsley", + "tomatoes", + "dried thyme", + "yellow onion", + "red bell pepper", + "dried black beans", + "ground black pepper", + "carrots", + "ground cumin" + ] + }, + { + "id": 19925, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "unsalted butter", + "rigatoni", + "olive oil", + "garlic", + "parmesan cheese", + "fresh mushrooms", + "grape tomatoes", + "cannellini beans" + ] + }, + { + "id": 13744, + "cuisine": "greek", + "ingredients": [ + "pepper", + "boneless skinless chicken breast halves", + "salt", + "tzatziki", + "purple onion", + "cumin" + ] + }, + { + "id": 21976, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "part-skim mozzarella cheese", + "canola oil", + "pepperoni turkei", + "flour tortillas" + ] + }, + { + "id": 7432, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "ground black pepper", + "diced tomatoes", + "carrots", + "onions", + "tomato paste", + "dried basil", + "lean ground beef", + "beef broth", + "red bell pepper", + "pork sausages", + "green bell pepper", + "dried thyme", + "beef stock cubes", + "sausages", + "celery", + "dried oregano", + "minced garlic", + "bay leaves", + "crushed red pepper flakes", + "sliced mushrooms", + "white sugar" + ] + }, + { + "id": 12183, + "cuisine": "french", + "ingredients": [ + "caraway seeds", + "unsalted butter", + "sweet onion", + "yukon gold potatoes", + "kosher salt", + "duck fat", + "ground black pepper" + ] + }, + { + "id": 21450, + "cuisine": "cajun_creole", + "ingredients": [ + "large eggs", + "monterey jack", + "creole seasoning", + "french bread", + "fresh parsley" + ] + }, + { + "id": 15274, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "buttermilk", + "sauce", + "grated parmesan cheese", + "garlic", + "fresh parsley", + "large eggs", + "chees fresh mozzarella", + "Italian bread", + "kosher salt", + "vegetable oil", + "all-purpose flour", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 38884, + "cuisine": "chinese", + "ingredients": [ + "maltose", + "walnut halves", + "dried dates", + "ground cinnamon", + "salt", + "canola" + ] + }, + { + "id": 30066, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "couscous", + "tomatoes", + "chickpeas", + "herbs", + "canola oil", + "chicken legs", + "sauce" + ] + }, + { + "id": 46177, + "cuisine": "cajun_creole", + "ingredients": [ + "boneless chicken skinless thigh", + "diced tomatoes", + "bay leaf", + "cumin", + "tomato paste", + "green onions", + "smoked paprika", + "long grain white rice", + "bell pepper", + "mexican chorizo", + "onions", + "chicken broth", + "vegetable oil", + "celery", + "oregano" + ] + }, + { + "id": 39866, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "garlic cloves", + "chicken broth", + "smoked sausage", + "onions", + "brown rice", + "fresh parsley", + "green bell pepper", + "salt" + ] + }, + { + "id": 33004, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "shiitake", + "coconut milk", + "kaffir lime leaves", + "curry powder", + "green onions", + "medium shrimp", + "water", + "lemon grass", + "galangal", + "fish sauce", + "lime juice", + "red pepper flakes" + ] + }, + { + "id": 42697, + "cuisine": "chinese", + "ingredients": [ + "ramps", + "all purpose unbleached flour", + "hot water" + ] + }, + { + "id": 41424, + "cuisine": "italian", + "ingredients": [ + "cream", + "chili powder", + "margarine", + "chicken thighs", + "chicken broth", + "water chestnuts", + "Tabasco Pepper Sauce", + "celery", + "spaghetti", + "cream of celery soup", + "bell pepper", + "peas", + "cream of mushroom soup", + "cheddar cheese", + "chicken breasts", + "broccoli", + "onions" + ] + }, + { + "id": 10728, + "cuisine": "vietnamese", + "ingredients": [ + "salad", + "fish sauce", + "water", + "ground pork", + "oil", + "spring roll wrappers", + "minced garlic", + "tree ear mushrooms", + "yellow onion", + "bean threads", + "sugar", + "ground black pepper", + "dipping sauces", + "carrots", + "eggs", + "ground chicken", + "green onions", + "salt", + "corn starch" + ] + }, + { + "id": 4723, + "cuisine": "italian", + "ingredients": [ + "pepper", + "grated parmesan cheese", + "white sugar", + "tomato sauce", + "garlic powder", + "ricotta cheese", + "eggs", + "dried basil", + "lean ground beef", + "dried oregano", + "mozzarella cheese", + "lasagna noodles", + "salt" + ] + }, + { + "id": 15094, + "cuisine": "italian", + "ingredients": [ + "sugar", + "whipped cream", + "ground ginger", + "brewed coffee", + "water", + "ground allspice", + "ground cinnamon", + "amaretto" + ] + }, + { + "id": 38, + "cuisine": "southern_us", + "ingredients": [ + "oysters", + "clam juice", + "chopped celery", + "okra", + "medium shrimp", + "bay leaves", + "diced tomatoes", + "hot sauce", + "garlic cloves", + "chopped green bell pepper", + "cajun seasoning", + "all-purpose flour", + "long-grain rice", + "vegetable oil", + "bacon slices", + "chopped onion", + "hot water" + ] + }, + { + "id": 11536, + "cuisine": "indian", + "ingredients": [ + "tomato sauce", + "garam masala", + "garlic", + "lemon juice", + "tofu", + "cream", + "serrano peppers", + "cayenne pepper", + "chopped cilantro fresh", + "cauliflower", + "fresh ginger root", + "paprika", + "ground coriander", + "ground cumin", + "plain yogurt", + "unsalted butter", + "salt", + "frozen peas" + ] + }, + { + "id": 5519, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "noodles", + "heavy cream", + "butter", + "salt" + ] + }, + { + "id": 18814, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "cooking spray", + "garlic cloves", + "curry powder", + "vegetable oil", + "low-fat plain yogurt", + "lime juice", + "chicken fingers", + "kosher salt", + "mango chutney" + ] + }, + { + "id": 9471, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "dried thyme", + "old bay seasoning", + "hot sauce", + "bay leaf", + "dried oregano", + "pepper", + "cajun seasoning", + "salt", + "okra pods", + "onions", + "reduced sodium chicken broth", + "boneless skinless chicken breasts", + "garlic", + "cayenne pepper", + "medium shrimp", + "canola oil", + "green bell pepper", + "water", + "butter", + "all-purpose flour", + "celery", + "long grain white rice" + ] + }, + { + "id": 38412, + "cuisine": "italian", + "ingredients": [ + "saffron threads", + "sugar", + "lemon wedge", + "pinot noir", + "carrots", + "onions", + "tomato paste", + "peeled tomatoes", + "parsley", + "fresh oregano", + "thyme sprigs", + "mussels", + "water", + "sliced carrots", + "salt", + "celery", + "fish", + "fish fillets", + "olive oil", + "chopped fresh thyme", + "garlic cloves", + "fresh parsley" + ] + }, + { + "id": 24388, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "ditalini", + "garlic cloves", + "kosher salt", + "crushed red pepper flakes", + "onions", + "celery ribs", + "olive oil", + "chickpeas", + "fresh rosemary", + "Italian parsley leaves", + "carrots" + ] + }, + { + "id": 34096, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "sweet onion", + "all-purpose flour", + "fresh parsley", + "red chili peppers", + "cajun seasoning", + "shrimp", + "plum tomatoes", + "sausage links", + "olive oil", + "beer", + "boneless skinless chicken breast halves", + "minced garlic", + "diced tomatoes", + "celery" + ] + }, + { + "id": 26578, + "cuisine": "mexican", + "ingredients": [ + "lime", + "taco seasoning", + "olive oil", + "cooked shrimp" + ] + }, + { + "id": 6643, + "cuisine": "chinese", + "ingredients": [ + "chicken wings", + "soy sauce", + "brown sugar", + "garlic powder" + ] + }, + { + "id": 2111, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "butter", + "fresh mushrooms", + "dried basil", + "green onions", + "linguine", + "red bell pepper", + "garlic powder", + "cajun seasoning", + "salt", + "boneless skinless chicken breast halves", + "green bell pepper", + "grated parmesan cheese", + "heavy cream", + "lemon pepper" + ] + }, + { + "id": 7114, + "cuisine": "indian", + "ingredients": [ + "cumin seed", + "water", + "frozen peas", + "chicken broth", + "onions", + "coarse salt" + ] + }, + { + "id": 43376, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "fresh ginger", + "rice noodles", + "culantro", + "chopped cilantro fresh", + "rock sugar", + "water", + "thai basil", + "salt", + "fat", + "chicken", + "clove", + "black pepper", + "coriander seeds", + "cilantro", + "scallions", + "serrano chile", + "mint", + "lime", + "cooked chicken", + "yellow onion", + "beansprouts" + ] + }, + { + "id": 14507, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "bay leaves", + "black peppercorns", + "water", + "pork shoulder", + "black beans", + "garlic", + "brown sugar", + "vinegar" + ] + }, + { + "id": 3411, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "cilantro", + "salsa", + "cumin", + "chicken breasts", + "salt", + "rice", + "minced garlic", + "cracked black pepper", + "cayenne pepper", + "black beans", + "chili powder", + "frozen corn", + "dried oregano" + ] + }, + { + "id": 26265, + "cuisine": "japanese", + "ingredients": [ + "pepper", + "purple onion", + "flavored oil", + "garlic", + "rice vinegar", + "ginger", + "salt", + "toasted sesame oil", + "tamari soy sauce", + "carrots" + ] + }, + { + "id": 32292, + "cuisine": "greek", + "ingredients": [ + "tomato sauce", + "diced tomatoes", + "salt", + "olive oil", + "garlic", + "feta cheese crumbles", + "pepper", + "kalamata", + "yellow onion", + "capers", + "balsamic vinegar", + "crushed red pepper" + ] + }, + { + "id": 39497, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "green onions", + "white sugar", + "sesame seeds", + "salt", + "msg", + "garlic", + "chicken", + "ground black pepper", + "peanut oil" + ] + }, + { + "id": 41917, + "cuisine": "southern_us", + "ingredients": [ + "Jameson Irish Whiskey", + "unsalted butter", + "salt", + "dark brown sugar", + "sugar", + "light corn syrup", + "corn syrup", + "dark chocolate", + "large eggs", + "all-purpose flour", + "heavy whipping cream", + "light brown sugar", + "water", + "vanilla", + "chopped walnuts" + ] + }, + { + "id": 30130, + "cuisine": "jamaican", + "ingredients": [ + "tumeric", + "dried thyme", + "butter", + "diced tomatoes in juice", + "cumin", + "water", + "flour", + "scallions", + "onions", + "pepper", + "cardamon", + "beef broth", + "ground beef", + "allspice", + "eggs", + "milk", + "dry white wine", + "garlic cloves", + "dried parsley" + ] + }, + { + "id": 17009, + "cuisine": "mexican", + "ingredients": [ + "boneless pork shoulder", + "garlic", + "canola oil", + "jalapeno chilies", + "ground coriander", + "poblano peppers", + "beef broth", + "ground cumin", + "serrano peppers", + "onions" + ] + }, + { + "id": 23261, + "cuisine": "vietnamese", + "ingredients": [ + "whitefish fillets", + "freshly ground pepper", + "canola oil", + "sugar", + "shallots", + "black cod", + "peeled fresh ginger", + "garlic cloves", + "soy sauce", + "thai chile", + "asian fish sauce" + ] + }, + { + "id": 17336, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "flour", + "cilantro", + "cumin", + "honey", + "lime wedges", + "mahi mahi fillets", + "sliced green onions", + "lime", + "chili powder", + "salt", + "cabbage", + "plain yogurt", + "flour tortillas", + "vegetable oil", + "chopped cilantro" + ] + }, + { + "id": 3627, + "cuisine": "italian", + "ingredients": [ + "pepper", + "butter", + "fresh lemon juice", + "eggplant", + "garlic", + "fresh spinach", + "grated parmesan cheese", + "salt", + "olive oil", + "cracked black pepper", + "bows" + ] + }, + { + "id": 34463, + "cuisine": "french", + "ingredients": [ + "water", + "large eggs", + "tarragon", + "kosher salt", + "dijon mustard", + "chopped parsley", + "Emmenthal", + "chives", + "chervil", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 4941, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "sea salt", + "kiwifruit", + "mango", + "Tabasco Green Pepper Sauce", + "cucumber", + "green onions" + ] + }, + { + "id": 22330, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "turkey broth", + "salt", + "chopped cilantro", + "lime juice", + "tomatillos", + "tortilla chips", + "monterey jack", + "black beans", + "jalapeno chilies", + "yellow onion", + "oregano", + "cooked turkey", + "garlic", + "sour cream", + "ground cumin" + ] + }, + { + "id": 30275, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "pepper", + "low sodium chicken broth", + "salt", + "tomato sauce", + "ground black pepper", + "extra-virgin olive oil", + "pinenuts", + "large eggs", + "purple onion", + "parmigiano-reggiano cheese", + "milk", + "baby spinach", + "white sandwich bread" + ] + }, + { + "id": 44005, + "cuisine": "italian", + "ingredients": [ + "swiss chard", + "salt", + "fontina", + "ground black pepper", + "pork chops", + "olive oil", + "grated parmesan cheese" + ] + }, + { + "id": 46023, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "extra-virgin olive oil", + "balsamic vinegar", + "fresh basil leaves", + "pepper", + "salt", + "chees fresh mozzarella" + ] + }, + { + "id": 27160, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "garlic", + "ground cumin", + "fresh tomatoes", + "flour tortillas", + "salsa", + "frozen chopped spinach", + "kidney beans", + "salt", + "diced onions", + "water", + "chili powder", + "sour cream" + ] + }, + { + "id": 20148, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "low sodium chicken broth", + "colby jack cheese", + "long-grain rice", + "olive oil", + "green onions", + "diced tomatoes", + "cumin", + "pepper", + "guacamole", + "chili powder", + "sour cream", + "black beans", + "garlic powder", + "boneless skinless chicken breasts", + "diced yellow onion" + ] + }, + { + "id": 42972, + "cuisine": "italian", + "ingredients": [ + "rocket leaves", + "white wine", + "low sodium chicken broth", + "freshly ground pepper", + "arborio rice", + "fresh marjoram", + "unsalted butter", + "sea salt", + "grape tomatoes", + "olive oil", + "balsamic vinegar", + "garlic cloves", + "fresh rosemary", + "boneless chicken skinless thigh", + "grated parmesan cheese", + "purple onion" + ] + }, + { + "id": 40963, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "cayenne", + "whipping cream", + "canola oil", + "eggs", + "ground black pepper", + "pan drippings", + "rice bran oil", + "garlic powder", + "meat", + "round steaks", + "milk", + "flour", + "salt" + ] + }, + { + "id": 48562, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "whitefish fillets", + "sesame seeds", + "sesame oil", + "cilantro leaves", + "black pepper", + "coconut", + "lemon grass", + "garlic", + "red chili peppers", + "lime juice", + "fresh ginger root", + "red pepper", + "Thai fish sauce", + "plain flour", + "groundnut", + "lime", + "Japanese soy sauce", + "salt" + ] + }, + { + "id": 21721, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "beef brisket", + "vegetable oil", + "eggs", + "ground black pepper", + "green onions", + "salt", + "water", + "rice cakes", + "garlic", + "fish sauce", + "beef", + "sesame oil" + ] + }, + { + "id": 11876, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "sugar", + "all-purpose flour", + "soda" + ] + }, + { + "id": 22417, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salsa", + "lime juice", + "pepper", + "salt" + ] + }, + { + "id": 30264, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "ground sichuan pepper", + "scallions", + "sugar", + "fresh shiitake mushrooms", + "salt", + "chinese rice wine", + "fresh ginger", + "chili bean sauce", + "green beans", + "red chili peppers", + "sesame oil", + "peanut oil" + ] + }, + { + "id": 37094, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "red food coloring", + "hoisin sauce", + "chinese five-spice powder", + "soy sauce", + "garlic", + "spareribs", + "dry sherry" + ] + }, + { + "id": 39370, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "large eggs", + "cilantro leaves", + "rice flour", + "sesame seeds", + "vegetable oil", + "all-purpose flour", + "soy sauce", + "large egg yolks", + "salt", + "scallions", + "water", + "sesame oil", + "rice vinegar", + "serrano chile" + ] + }, + { + "id": 27189, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "ground black pepper", + "extra-virgin olive oil", + "fresh basil leaves", + "minced garlic", + "cannellini beans", + "salt", + "pitted kalamata olives", + "cooking spray", + "purple onion", + "water", + "red wine vinegar", + "Italian bread" + ] + }, + { + "id": 18224, + "cuisine": "italian", + "ingredients": [ + "dry yeast", + "warm water", + "sea salt", + "semolina flour", + "all purpose unbleached flour", + "water" + ] + }, + { + "id": 4202, + "cuisine": "thai", + "ingredients": [ + "bread crumbs", + "ground lamb", + "coconut milk", + "green curry paste", + "steak seasoning" + ] + }, + { + "id": 49007, + "cuisine": "southern_us", + "ingredients": [ + "carambola", + "orange juice", + "peach schnapps", + "vodka" + ] + }, + { + "id": 19053, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "carrots", + "kosher salt", + "crushed red pepper", + "fresh basil", + "garlic", + "dried oregano", + "celery ribs", + "ground black pepper", + "yellow onion" + ] + }, + { + "id": 36670, + "cuisine": "french", + "ingredients": [ + "duck breasts", + "mushrooms", + "rosemary leaves", + "chopped parsley", + "olive oil", + "fresh thyme leaves", + "oyster mushrooms", + "chopped garlic", + "pepper", + "foie gras", + "garlic", + "duck drumsticks", + "tomatoes", + "duck fat", + "butter", + "salt" + ] + }, + { + "id": 33175, + "cuisine": "french", + "ingredients": [ + "parmigiano reggiano cheese", + "frozen pastry puff sheets" + ] + }, + { + "id": 46818, + "cuisine": "filipino", + "ingredients": [ + "water", + "raisins", + "carrots", + "tomato sauce", + "potatoes", + "garlic", + "cooking oil", + "ground pork", + "onions", + "pepper", + "hard-boiled egg", + "salt" + ] + }, + { + "id": 27122, + "cuisine": "mexican", + "ingredients": [ + "milk", + "butter", + "huitlacoche", + "vegetable oil", + "poblano chiles", + "flour", + "salt", + "chile sauce", + "queso fresco", + "corn tortillas" + ] + }, + { + "id": 2632, + "cuisine": "mexican", + "ingredients": [ + "cilantro", + "tomatoes", + "salt", + "avocado", + "purple onion", + "lime juice" + ] + }, + { + "id": 22488, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "water", + "chopped cilantro fresh", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 40645, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "soft fresh goat cheese", + "red wine vinegar", + "plum tomatoes", + "fusilli", + "fresh basil leaves", + "large garlic cloves" + ] + }, + { + "id": 16085, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "leeks", + "Chianti", + "beets", + "butter" + ] + }, + { + "id": 36958, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "jalape", + "macaroni", + "arugula", + "pinenuts", + "extra-virgin olive oil", + "large garlic cloves" + ] + }, + { + "id": 46606, + "cuisine": "mexican", + "ingredients": [ + "chili beans", + "black beans", + "beer", + "tomato sauce", + "whole kernel corn, drain", + "onions", + "tomatoes", + "chicken breasts", + "taco seasoning", + "cheddar cheese", + "tortilla chips", + "sour cream" + ] + }, + { + "id": 47445, + "cuisine": "vietnamese", + "ingredients": [ + "purple onion", + "medium shrimp", + "honeydew melon", + "fresh mint", + "cashew nuts", + "sugar", + "cilantro leaves", + "fresh basil leaves", + "vietnamese fish sauce", + "fresh lime juice", + "serrano chile" + ] + }, + { + "id": 16131, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "rigatoni", + "minced garlic", + "kalamata", + "sun-dried tomatoes", + "feta cheese crumbles", + "tomatoes", + "basil" + ] + }, + { + "id": 31987, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "bell pepper", + "onions", + "chicken broth", + "lime", + "chicken tenderloin", + "dried oregano", + "kosher salt", + "chili powder", + "long grain white rice", + "double concentrate tomato paste", + "olive oil", + "cilantro", + "ground cumin" + ] + }, + { + "id": 43470, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "basil", + "onions", + "bell pepper", + "okra", + "tomatoes", + "garlic", + "italian seasoning", + "flour", + "oil" + ] + }, + { + "id": 39427, + "cuisine": "chinese", + "ingredients": [ + "dumpling wrappers", + "green onions", + "rice vinegar", + "green cabbage", + "Sriracha", + "red pepper flakes", + "frozen peas", + "fresh ginger", + "sesame oil", + "beansprouts", + "low sodium soy sauce", + "shredded carrots", + "garlic" + ] + }, + { + "id": 7564, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "garlic", + "onions", + "water", + "oil", + "pepper", + "salt", + "tomatoes", + "stewing beef", + "chayotes" + ] + }, + { + "id": 15284, + "cuisine": "filipino", + "ingredients": [ + "chicken broth", + "garlic", + "shrimp", + "pork belly", + "pancit bihon", + "onions", + "low sodium soy sauce", + "salt", + "green beans", + "celery ribs", + "ground black pepper", + "carrots" + ] + }, + { + "id": 35643, + "cuisine": "korean", + "ingredients": [ + "Korean chile flakes", + "radishes", + "garlic", + "oil", + "chopped garlic", + "soy sauce", + "green onions", + "sauce", + "mung bean sprouts", + "eggs", + "zucchini", + "dried shiitake mushrooms", + "shrimp powder", + "sesame seeds", + "sesame oil", + "english cucumber", + "fern" + ] + }, + { + "id": 7342, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "butter", + "fresh parsley", + "kosher salt", + "dry white wine", + "heavy cream", + "angel hair", + "low sodium chicken broth", + "lemon", + "olive oil", + "boneless skinless chicken breasts", + "all-purpose flour" + ] + }, + { + "id": 14936, + "cuisine": "japanese", + "ingredients": [ + "coconut extract", + "coconut milk", + "melted butter", + "baking powder", + "sweet rice flour", + "eggs", + "vanilla extract", + "milk", + "white sugar" + ] + }, + { + "id": 47640, + "cuisine": "indian", + "ingredients": [ + "water", + "coriander powder", + "ginger", + "oil", + "fenugreek leaves", + "garam masala", + "raw sugar", + "purple onion", + "ground turmeric", + "tomatoes", + "leaves", + "chili powder", + "garlic", + "coconut milk", + "tumeric", + "ground cashew", + "crushed red pepper flakes", + "salt", + "ground cumin" + ] + }, + { + "id": 12379, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "garlic", + "ground beef", + "lime", + "bacon", + "salt", + "oregano", + "shredded cheddar cheese", + "chili powder", + "purple onion", + "roasted tomatoes", + "kidney beans", + "cilantro", + "beef broth", + "cumin" + ] + }, + { + "id": 41139, + "cuisine": "mexican", + "ingredients": [ + "hot sauce", + "tortilla chips", + "frozen corn kernels", + "avocado", + "chicken noodle soup" + ] + }, + { + "id": 3840, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "bacon pieces", + "onions", + "kale", + "garlic", + "chicken broth", + "russet potatoes", + "flour", + "heavy whipping cream" + ] + }, + { + "id": 26332, + "cuisine": "vietnamese", + "ingredients": [ + "fresh ginger", + "tamari soy sauce", + "cucumber", + "hamburger buns", + "ground pork", + "carrots", + "white sugar", + "fish sauce", + "green onions", + "garlic chili sauce", + "chopped fresh mint", + "fresh basil", + "mirin", + "rice vinegar", + "toasted sesame oil" + ] + }, + { + "id": 3294, + "cuisine": "italian", + "ingredients": [ + "wine", + "extra-virgin olive oil", + "dry white wine", + "octopuses", + "garlic", + "whole peppercorn", + "lemon" + ] + }, + { + "id": 12115, + "cuisine": "italian", + "ingredients": [ + "sugar", + "all-purpose flour", + "powdered sugar", + "large egg whites", + "pinenuts", + "slivered almonds", + "salt" + ] + }, + { + "id": 15139, + "cuisine": "southern_us", + "ingredients": [ + "sherry vinegar", + "salt", + "water", + "dark leafy greens", + "garlic cloves", + "jasmine rice", + "parmigiano reggiano cheese", + "freshly ground pepper", + "olive oil", + "vegetable broth" + ] + }, + { + "id": 39381, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "purple onion", + "black pepper", + "fresh lime juice", + "tomatoes", + "cilantro leaves", + "kosher salt", + "serrano chile" + ] + }, + { + "id": 47870, + "cuisine": "russian", + "ingredients": [ + "olive oil", + "beef tenderloin", + "heavy cream", + "onions", + "unsalted butter", + "chopped parsley", + "button mushrooms" + ] + }, + { + "id": 641, + "cuisine": "indian", + "ingredients": [ + "sugar", + "almonds", + "vegetable oil", + "freshly ground pepper", + "ground turmeric", + "low-fat plain yogurt", + "fresh cilantro", + "chicken breasts", + "cayenne pepper", + "ground cardamom", + "crushed tomatoes", + "garam masala", + "heavy cream", + "garlic cloves", + "ground cumin", + "tomato sauce", + "fresh ginger", + "chili powder", + "ground coriander", + "onions" + ] + }, + { + "id": 3264, + "cuisine": "italian", + "ingredients": [ + "ground pepper", + "heavy cream", + "butter", + "fettucine", + "cheese" + ] + }, + { + "id": 48545, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "green onions", + "salt", + "frozen peas", + "white onion", + "butter", + "oyster sauce", + "soy sauce", + "sesame oil", + "rice", + "pepper", + "garlic", + "carrots" + ] + }, + { + "id": 24058, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "tortilla chips", + "crushed red pepper", + "oregano", + "Kraft Miracle Whip Dressing", + "sour cream", + "milk", + "salt", + "cumin" + ] + }, + { + "id": 11451, + "cuisine": "british", + "ingredients": [ + "frozen hash browns", + "salt", + "beef gravy", + "lean ground beef", + "carrots", + "ketchup", + "refrigerated piecrusts", + "onions", + "pepper", + "garlic cloves" + ] + }, + { + "id": 24926, + "cuisine": "british", + "ingredients": [ + "butter", + "milk", + "salt", + "all purpose unbleached flour", + "active dry yeast", + "white sugar" + ] + }, + { + "id": 42258, + "cuisine": "korean", + "ingredients": [ + "eggs", + "baking powder", + "milk", + "rice flour", + "sweet red bean paste", + "salt", + "batter" + ] + }, + { + "id": 21120, + "cuisine": "japanese", + "ingredients": [ + "boneless chicken thighs", + "mirin", + "salt", + "dark soy sauce", + "water", + "bell pepper", + "cooked white rice", + "soy sauce", + "granulated sugar", + "stuffing", + "pepper", + "large eggs", + "sauce" + ] + }, + { + "id": 12323, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "olive oil", + "ginger", + "tumeric", + "sweet potatoes", + "black mustard seeds", + "red lentils", + "garam masala", + "garlic", + "white onion", + "vegetable stock", + "curry paste" + ] + }, + { + "id": 36956, + "cuisine": "indian", + "ingredients": [ + "spinach", + "potatoes", + "coconut milk", + "pepper", + "salt", + "ground cumin", + "tumeric", + "cannellini beans", + "apple puree", + "chili flakes", + "chopped tomatoes", + "carrots" + ] + }, + { + "id": 17909, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "large egg yolks", + "heavy cream", + "unflavored gelatin", + "vanilla beans", + "cherries", + "kirsch", + "sugar", + "large egg whites", + "whole milk", + "unsweetened cocoa powder", + "cold water", + "water", + "granulated sugar", + "confectioners sugar" + ] + }, + { + "id": 27529, + "cuisine": "mexican", + "ingredients": [ + "lime slices", + "chipotles in adobo", + "ground black pepper", + "salt", + "corn", + "queso fresco", + "unsalted butter", + "fresh lime juice" + ] + }, + { + "id": 21218, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "dry white wine", + "black pepper", + "sea scallops", + "carrots", + "pinenuts", + "leeks", + "flat leaf parsley", + "olive oil", + "clove garlic, fine chop" + ] + }, + { + "id": 31095, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "olive oil", + "garlic cloves", + "salmon", + "ginger", + "toasted sesame seeds", + "soy sauce", + "green onions", + "toasted sesame oil", + "honey", + "rice vinegar" + ] + }, + { + "id": 8732, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "taco shells", + "oil", + "boneless skinless chicken breasts", + "water" + ] + }, + { + "id": 26255, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "cachaca", + "strawberries", + "lemon", + "english cucumber" + ] + }, + { + "id": 7378, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "salt", + "chili flakes", + "dried apricot", + "mustard seeds", + "coriander seeds", + "lemon juice", + "sugar", + "lemon" + ] + }, + { + "id": 16632, + "cuisine": "greek", + "ingredients": [ + "plain yogurt", + "chicken breasts", + "dried dill", + "dried oregano", + "romaine lettuce", + "ground nutmeg", + "salt", + "cucumber", + "minced garlic", + "cinnamon", + "lemon juice", + "ground cloves", + "roma tomatoes", + "greek style plain yogurt", + "naan" + ] + }, + { + "id": 35766, + "cuisine": "southern_us", + "ingredients": [ + "chili", + "whipping cream", + "butter", + "red bell pepper", + "quickcooking grits", + "garlic cloves", + "chicken stock", + "yellow bell pepper", + "monterey jack" + ] + }, + { + "id": 17323, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "self-rising cornmeal", + "large eggs", + "butter", + "buttermilk" + ] + }, + { + "id": 2442, + "cuisine": "spanish", + "ingredients": [ + "Boston lettuce", + "shell-on shrimp", + "purple onion", + "lobster meat", + "sea scallops", + "navel oranges", + "chopped fresh mint", + "watermelon", + "fresh orange juice", + "fresh lime juice", + "chiles", + "peeled fresh ginger", + "salt" + ] + }, + { + "id": 4826, + "cuisine": "italian", + "ingredients": [ + "eggs", + "salt", + "grated parmesan cheese", + "bread dough", + "pepper", + "shredded mozzarella cheese", + "frozen chopped spinach", + "ricotta cheese", + "italian seasoning" + ] + }, + { + "id": 29915, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "red bell pepper", + "shiitake", + "scallions", + "boiling water", + "minced garlic", + "red pepper flakes", + "fermented black beans", + "cold water", + "extra firm tofu", + "corn starch" + ] + }, + { + "id": 15784, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "basil", + "bean soup", + "escarole", + "cooking spray" + ] + }, + { + "id": 2088, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "evaporated milk", + "softened butter", + "water", + "all-purpose flour", + "bread crumbs", + "salt", + "yeast", + "eggs", + "milk", + "oil" + ] + }, + { + "id": 11833, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "vanilla extract", + "egg whites", + "sweetened condensed milk", + "milk", + "Philadelphia Cream Cheese", + "Morton Salt", + "egg yolks" + ] + }, + { + "id": 890, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "long grain white rice", + "tomato sauce", + "lard", + "chicken broth", + "salt", + "plum tomatoes", + "chili powder", + "onions" + ] + }, + { + "id": 9154, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "cream", + "green onions", + "green pepper", + "reduced fat cheddar cheese", + "flour tortillas", + "extra-virgin olive oil", + "pinto beans", + "vegetable oil cooking spray", + "minced garlic", + "shredded lettuce", + "chopped onion", + "nonfat mayonnaise", + "jalapeno chilies", + "salsa", + "chopped cilantro fresh" + ] + }, + { + "id": 34925, + "cuisine": "moroccan", + "ingredients": [ + "capers", + "olive oil", + "salt", + "fresh lemon juice", + "black pepper", + "cooking spray", + "lemon rind", + "ground cumin", + "halibut fillets", + "paprika", + "garlic cloves", + "parsley sprigs", + "garnish", + "cilantro leaves", + "flat leaf parsley" + ] + }, + { + "id": 35919, + "cuisine": "irish", + "ingredients": [ + "sugar", + "croissants", + "milk", + "heavy cream", + "water", + "bourbon whiskey", + "large eggs" + ] + }, + { + "id": 3368, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "parmesan cheese", + "shredded mozzarella cheese", + "tomato sauce", + "part-skim ricotta cheese", + "vegetables", + "fresh parsley" + ] + }, + { + "id": 3794, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "pitas", + "black olives", + "cucumber", + "boneless, skinless chicken breast", + "butter", + "dill", + "dried oregano", + "plain yogurt", + "ground black pepper", + "salt", + "onions", + "olive oil", + "garlic", + "lemon juice" + ] + }, + { + "id": 13982, + "cuisine": "italian", + "ingredients": [ + "fresh tomatoes", + "olive oil", + "half & half", + "all-purpose flour", + "white wine", + "grated parmesan cheese", + "red pepper flakes", + "fresh parsley", + "black pepper", + "lemon zest", + "chicken cutlets", + "scallions", + "minced garlic", + "low sodium chicken broth", + "sea salt", + "spaghetti" + ] + }, + { + "id": 48595, + "cuisine": "french", + "ingredients": [ + "1% low-fat milk", + "sugar", + "cinnamon sticks", + "large egg yolks" + ] + }, + { + "id": 48700, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "ponzu", + "wasabi paste" + ] + }, + { + "id": 2744, + "cuisine": "italian", + "ingredients": [ + "pepper", + "freshly ground pepper", + "pork rib chops", + "juice", + "salt", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 8494, + "cuisine": "italian", + "ingredients": [ + "pesto sauce", + "garlic", + "boneless skinless chicken breasts", + "sun-dried tomatoes in oil", + "olive oil", + "bow-tie pasta", + "crushed red pepper flakes" + ] + }, + { + "id": 21497, + "cuisine": "french", + "ingredients": [ + "ham steak", + "unsalted butter", + "thyme", + "cauliflower", + "pepper", + "goat cheese", + "kosher salt", + "heavy cream", + "bread crumbs", + "whole milk", + "onions" + ] + }, + { + "id": 5253, + "cuisine": "cajun_creole", + "ingredients": [ + "corn kernels", + "salt", + "onions", + "green bell pepper", + "vegetable oil", + "ground cayenne pepper", + "tomato paste", + "ground black pepper", + "red bell pepper", + "water", + "garlic", + "ground beef" + ] + }, + { + "id": 26072, + "cuisine": "southern_us", + "ingredients": [ + "hot pepper sauce", + "buttermilk", + "chicken", + "garlic powder", + "vegetable oil", + "salt", + "brown sugar", + "dried sage", + "paprika", + "ground black pepper", + "crushed garlic", + "all-purpose flour" + ] + }, + { + "id": 47295, + "cuisine": "greek", + "ingredients": [ + "salt", + "diced tomatoes", + "cucumber", + "quinoa", + "feta cheese crumbles", + "purple onion", + "ripe olives" + ] + }, + { + "id": 18281, + "cuisine": "chinese", + "ingredients": [ + "baby bok choy", + "fresh ginger", + "sesame oil", + "chicken stock", + "black pepper", + "boneless skinless chicken breasts", + "ginger", + "soy sauce", + "green onions", + "wonton wrappers", + "sugar", + "white pepper", + "rice wine", + "salt" + ] + }, + { + "id": 47774, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "fresh oregano", + "fresh basil", + "extra-virgin olive oil", + "diced tomatoes", + "fresh parsley", + "kosher salt", + "garlic" + ] + }, + { + "id": 37705, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "baking powder", + "salt", + "tart apples", + "sugar", + "vanilla extract", + "oil", + "grated orange peel", + "butter", + "orange juice", + "whole milk", + "cake flour", + "confectioners sugar" + ] + }, + { + "id": 39332, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "Tabasco Pepper Sauce", + "salt", + "chicken", + "hot pepper sauce", + "buttermilk", + "chopped fresh sage", + "garlic powder", + "vegetable shortening", + "all-purpose flour", + "onion powder", + "paprika", + "freshly ground pepper" + ] + }, + { + "id": 17736, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salt", + "chili powder", + "ground red pepper", + "ground cumin", + "brown sugar", + "dry mustard" + ] + }, + { + "id": 47037, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "marinade", + "tomato ketchup", + "chopped garlic", + "water", + "cornflour", + "oil", + "caster sugar", + "worcestershire sauce", + "sauce", + "chicken", + "sugar", + "light soy sauce", + "salt", + "onions" + ] + }, + { + "id": 30921, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "unsalted butter", + "grated horseradish", + "eggs", + "asiago", + "flour", + "frozen corn" + ] + }, + { + "id": 36547, + "cuisine": "korean", + "ingredients": [ + "ham", + "Gochujang base", + "cucumber", + "fried eggs", + "carrots", + "rice", + "kimchi" + ] + }, + { + "id": 38645, + "cuisine": "italian", + "ingredients": [ + "bacon", + "tomato sauce", + "spaghetti", + "sweet onion", + "sliced mushrooms" + ] + }, + { + "id": 37638, + "cuisine": "italian", + "ingredients": [ + "pecans", + "ground black pepper", + "olive oil", + "fresh basil leaves", + "kosher salt", + "garlic", + "parmesan cheese" + ] + }, + { + "id": 2792, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "provolone cheese", + "cooked chicken", + "Alfredo sauce", + "olive oil", + "penne pasta" + ] + }, + { + "id": 21160, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "refried beans", + "flour", + "red pepper flakes", + "salsa", + "cumin", + "shredded cheddar cheese", + "ground black pepper", + "onion powder", + "paprika", + "sour cream", + "corn tortilla chips", + "garlic powder", + "chili powder", + "shredded lettuce", + "taco seasoning", + "water", + "flour tortillas", + "lean ground beef", + "salt", + "oregano" + ] + }, + { + "id": 18397, + "cuisine": "southern_us", + "ingredients": [ + "water", + "grits", + "unsalted butter", + "milk", + "kosher salt", + "heavy cream" + ] + }, + { + "id": 42574, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "cream of mushroom soup", + "rice", + "cream of chicken soup", + "ground beef", + "french onion soup", + "sausages" + ] + }, + { + "id": 17303, + "cuisine": "mexican", + "ingredients": [ + "pinto beans", + "water", + "lard", + "salt" + ] + }, + { + "id": 35342, + "cuisine": "italian", + "ingredients": [ + "yellow bell pepper", + "red bell pepper", + "unsalted butter", + "anchovy fillets", + "green onions", + "garlic cloves", + "celery ribs", + "extra-virgin olive oil" + ] + }, + { + "id": 43058, + "cuisine": "italian", + "ingredients": [ + "cooked rice", + "balsamic vinegar", + "pepper", + "garlic cloves", + "fresh spinach", + "salt", + "olive oil", + "red bell pepper" + ] + }, + { + "id": 16080, + "cuisine": "italian", + "ingredients": [ + "rolls", + "pasta sauce", + "oven-ready lasagna noodles", + "shredded mozzarella cheese", + "ricotta cheese", + "dried parsley" + ] + }, + { + "id": 11473, + "cuisine": "irish", + "ingredients": [ + "pinenuts", + "salt", + "black pepper", + "ground black pepper", + "goat cheese", + "fresh leav spinach", + "sesame oil", + "leg of lamb", + "fennel seeds", + "dried thyme", + "all-purpose flour" + ] + }, + { + "id": 28714, + "cuisine": "greek", + "ingredients": [ + "large eggs", + "oil", + "fresh marjoram", + "extra-virgin olive oil", + "kefalotyri", + "fresh thyme leaves", + "feta cheese crumbles", + "black pepper", + "cheese", + "phyllo pastry" + ] + }, + { + "id": 35046, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "vanilla extract", + "hazelnuts", + "whole milk", + "all-purpose flour", + "baking soda", + "baking powder", + "sour cream", + "sugar", + "large eggs", + "salt" + ] + }, + { + "id": 18708, + "cuisine": "mexican", + "ingredients": [ + "ground chipotle chile pepper", + "seeds", + "sour cream", + "avocado", + "refried beans", + "salt", + "shredded cheddar cheese", + "black olives", + "ground cumin", + "tomatoes", + "Anaheim chile", + "bacon fat" + ] + }, + { + "id": 2834, + "cuisine": "filipino", + "ingredients": [ + "milk", + "salt", + "ground cinnamon", + "unsalted butter", + "all-purpose flour", + "eggs", + "baking powder", + "white sugar", + "brown sugar", + "vanilla extract", + "fresh pineapple" + ] + }, + { + "id": 49025, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "chicken", + "jalapeno chilies", + "corn tortillas", + "salsa verde", + "sour cream", + "ground cumin", + "shredded sharp cheddar cheese", + "chopped cilantro" + ] + }, + { + "id": 2130, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "fresh ginger", + "rice vinegar", + "cucumber", + "baby spinach leaves", + "vegetable oil", + "roasted peanuts", + "toasted sesame oil", + "sugar pea", + "sesame seeds", + "creamy peanut butter", + "red bell pepper", + "honey", + "purple onion", + "carrots" + ] + }, + { + "id": 34014, + "cuisine": "southern_us", + "ingredients": [ + "piecrust", + "sweetened condensed milk", + "lime zest", + "lime slices", + "egg yolks", + "key lime juice", + "powdered sugar", + "whipping cream" + ] + }, + { + "id": 37945, + "cuisine": "russian", + "ingredients": [ + "pepper", + "garlic", + "carrots", + "celery ribs", + "potatoes", + "dill", + "onions", + "water", + "salt", + "sour cream", + "fresh dill", + "lemon", + "beets", + "cabbage" + ] + }, + { + "id": 47553, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "whole milk", + "salt", + "pure vanilla extract", + "large eggs", + "heavy cream", + "unsalted butter", + "raisins", + "corn starch", + "baguette", + "bourbon whiskey", + "ground allspice" + ] + }, + { + "id": 39909, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "ground black pepper", + "mustard powder", + "minced garlic", + "salt", + "red wine vinegar", + "dried oregano" + ] + }, + { + "id": 49586, + "cuisine": "russian", + "ingredients": [ + "horseradish", + "beets", + "cider vinegar", + "salt", + "sugar" + ] + }, + { + "id": 22998, + "cuisine": "filipino", + "ingredients": [ + "ground chicken", + "raisins", + "sharp cheddar cheese", + "pepper", + "salt", + "onions", + "sweet pickle", + "green peas", + "sausages", + "eggs", + "chorizo", + "all-purpose flour" + ] + }, + { + "id": 40691, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "Kraft Grated Parmesan Cheese", + "italian sausage", + "red pepper", + "pizza sauce", + "Velveeta", + "penne pasta" + ] + }, + { + "id": 15868, + "cuisine": "korean", + "ingredients": [ + "rice wine", + "brown sugar", + "sirloin steak", + "low sodium soy sauce", + "sesame oil", + "minced garlic", + "chili sauce" + ] + }, + { + "id": 37087, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "chili powder", + "onions", + "garlic paste", + "bell pepper", + "oil", + "red chili powder", + "garam masala", + "cilantro leaves", + "chicken", + "tomatoes", + "cream", + "salt", + "cumin" + ] + }, + { + "id": 1133, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "extra-virgin olive oil", + "fresh basil leaves", + "yellow bell pepper", + "red bell pepper", + "orange bell pepper", + "garlic", + "dried oregano" + ] + }, + { + "id": 37435, + "cuisine": "jamaican", + "ingredients": [ + "veggie patties", + "bread crumbs", + "vegetables", + "flour", + "garlic", + "margarine", + "jamaica", + "carrots", + "onions", + "shortening", + "water", + "beef", + "veggies", + "broccoli", + "Italian seasoned breadcrumbs", + "oil", + "squash", + "dough", + "pepper", + "leaves", + "ackee", + "salt", + "rolls", + "scallions", + "thyme", + "cabbage", + "cauliflower", + "black pepper", + "curry powder", + "bell pepper", + "crust", + "beef broth", + "liquid", + "Equal Sweetener", + "ground beef" + ] + }, + { + "id": 12549, + "cuisine": "thai", + "ingredients": [ + "reduced fat coconut milk", + "lime", + "Thai red curry paste", + "red chili peppers", + "basil", + "bamboo shoots", + "eggs", + "vegetable oil", + "green beans", + "lean minced beef", + "ginger", + "basmati rice" + ] + }, + { + "id": 4852, + "cuisine": "italian", + "ingredients": [ + "water", + "ground black pepper", + "organic vegetable broth", + "arborio rice", + "olive oil", + "dry white wine", + "dried oregano", + "dried basil", + "pumpkin", + "garlic cloves", + "cremini mushrooms", + "fresh parmesan cheese", + "shallots" + ] + }, + { + "id": 18968, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "onions", + "pasta sauce", + "garlic", + "italian sausage", + "cheese", + "fresh spinach", + "jumbo pasta shells" + ] + }, + { + "id": 17992, + "cuisine": "french", + "ingredients": [ + "olive oil", + "Niçoise olives", + "fresh marjoram", + "salt", + "onions", + "sugar", + "all-purpose flour", + "yeast", + "warm water", + "anchovy fillets" + ] + }, + { + "id": 47493, + "cuisine": "french", + "ingredients": [ + "all-purpose flour", + "milk", + "melted butter", + "large eggs" + ] + }, + { + "id": 30964, + "cuisine": "indian", + "ingredients": [ + "tea bags", + "yoghurt", + "oil", + "plain flour", + "pink lentil", + "salt", + "onions", + "clove", + "water", + "teas", + "cinnamon sticks", + "tomatoes", + "flour", + "chickpeas" + ] + }, + { + "id": 18996, + "cuisine": "spanish", + "ingredients": [ + "fresh tomatoes", + "fish stock", + "garlic cloves", + "dry white wine", + "canned tomatoes", + "flat leaf parsley", + "ground pepper", + "extra-virgin olive oil", + "tuna", + "green bell pepper", + "russet potatoes", + "salt", + "onions" + ] + }, + { + "id": 39740, + "cuisine": "italian", + "ingredients": [ + "baguette", + "extra-virgin olive oil" + ] + }, + { + "id": 15455, + "cuisine": "italian", + "ingredients": [ + "loaves", + "olive oil", + "sliced ham", + "sundried tomato paste", + "mozzarella cheese", + "gherkins", + "olives", + "crisps", + "artichokes", + "pickled onion", + "pizza toppings", + "pepper", + "provolone cheese" + ] + }, + { + "id": 48284, + "cuisine": "mexican", + "ingredients": [ + "whole allspice", + "pork tenderloin", + "mint sprigs", + "fresh lime juice", + "vegetable oil cooking spray", + "Anaheim chile", + "pineapple", + "fresh mint", + "black peppercorns", + "coriander seeds", + "raisins", + "cinnamon sticks", + "piloncillo", + "papaya", + "whole cloves", + "salt", + "sliced green onions" + ] + }, + { + "id": 1908, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "green chilies", + "chickpea flour", + "ginger", + "dried red chile peppers", + "mung beans", + "garlic cloves", + "curry leaves", + "salt", + "onions" + ] + }, + { + "id": 2468, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "mushrooms", + "red bell pepper", + "milk", + "butter", + "cooked ham", + "green onions", + "spaghetti", + "grated parmesan cheese", + "cream cheese" + ] + }, + { + "id": 41298, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "salt", + "olive oil", + "corn", + "fresh lime juice", + "avocado", + "diced tomatoes" + ] + }, + { + "id": 24266, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "boneless skinless chicken breasts", + "oil", + "ground black pepper", + "all-purpose flour", + "buttermilk" + ] + }, + { + "id": 46680, + "cuisine": "french", + "ingredients": [ + "large eggs", + "salt", + "pure maple syrup", + "bosc pears", + "ground cinnamon", + "half & half", + "all-purpose flour", + "golden brown sugar", + "vanilla extract" + ] + }, + { + "id": 8743, + "cuisine": "indian", + "ingredients": [ + "sugar", + "salt", + "coriander", + "tomatoes", + "coriander powder", + "oil", + "milk", + "cumin seed", + "ground turmeric", + "red chili powder", + "paneer", + "onions" + ] + }, + { + "id": 43291, + "cuisine": "spanish", + "ingredients": [ + "ground red pepper", + "blanched almonds", + "red bell pepper", + "hazelnuts", + "salt", + "hot water", + "tomato paste", + "extra-virgin olive oil", + "smoked paprika", + "bread", + "red wine vinegar", + "garlic cloves", + "ancho chile pepper" + ] + }, + { + "id": 18353, + "cuisine": "italian", + "ingredients": [ + "eggs", + "pepper", + "prosciutto", + "salt", + "white wine", + "milk", + "heavy cream", + "shredded mozzarella cheese", + "fresh spinach", + "minced garlic", + "vegetable oil", + "all-purpose flour", + "seasoned bread crumbs", + "garlic powder", + "paprika", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 34906, + "cuisine": "southern_us", + "ingredients": [ + "green beans", + "water", + "ham hock" + ] + }, + { + "id": 21266, + "cuisine": "italian", + "ingredients": [ + "white bread", + "ground black pepper", + "salt", + "low moisture mozzarella", + "large egg whites", + "pizza sauce", + "pizza doughs", + "flat leaf parsley", + "warm water", + "parmigiano reggiano cheese", + "yellow onion", + "garlic cloves", + "olive oil", + "ground veal", + "hot Italian sausages" + ] + }, + { + "id": 47778, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "tomato juice", + "butter", + "green beans", + "Louisiana Hot Sauce", + "bell pepper", + "rice", + "chicken", + "chicken broth", + "boneless chicken breast", + "smoked sausage", + "onions", + "corn", + "flour", + "okra" + ] + }, + { + "id": 534, + "cuisine": "mexican", + "ingredients": [ + "poblano chilies", + "honey", + "hot water", + "red wine vinegar", + "ancho chile pepper", + "whipping cream" + ] + }, + { + "id": 35617, + "cuisine": "french", + "ingredients": [ + "olive oil", + "red wine vinegar", + "red bell pepper", + "spinach leaves", + "zucchini", + "cayenne pepper", + "tomato paste", + "eggplant", + "portabello mushroom", + "flat leaf parsley", + "minced garlic", + "chopped fresh thyme", + "chopped onion" + ] + }, + { + "id": 24234, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "boneless skinless chicken breasts", + "purple onion", + "lemon juice", + "cheddar cheese", + "olive oil", + "red pepper", + "cayenne pepper", + "ground cumin", + "avocado", + "kosher salt", + "chili powder", + "salsa", + "sour cream", + "jack cheese", + "tortillas", + "garlic", + "green pepper" + ] + }, + { + "id": 28579, + "cuisine": "korean", + "ingredients": [ + "stock", + "green onions", + "Gochujang base", + "carrots", + "honey", + "sesame oil", + "garlic cloves", + "chicken", + "soy sauce", + "rice wine", + "green chilies", + "onions", + "Korean chile flakes", + "potatoes", + "ginger", + "oyster sauce" + ] + }, + { + "id": 41263, + "cuisine": "mexican", + "ingredients": [ + "salt", + "pepper", + "chopped cilantro", + "red wine vinegar", + "sliced green onions", + "tomatoes", + "poblano chiles" + ] + }, + { + "id": 30164, + "cuisine": "mexican", + "ingredients": [ + "frozen whole kernel corn", + "vegetable oil", + "tequila", + "sliced green onions", + "ground pepper", + "flank steak", + "garlic", + "shredded Monterey Jack cheese", + "flour tortillas", + "red pepper", + "sour cream", + "ground cumin", + "lime juice", + "jalapeno chilies", + "diced tomatoes", + "chopped cilantro fresh" + ] + }, + { + "id": 37296, + "cuisine": "mexican", + "ingredients": [ + "ice cubes", + "triple sec", + "seedless green grape", + "fresh lime juice", + "water", + "sugar", + "tequila" + ] + }, + { + "id": 2529, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "club soda", + "mint sprigs", + "lemon", + "sugar", + "ice" + ] + }, + { + "id": 31205, + "cuisine": "indian", + "ingredients": [ + "potatoes", + "chutney", + "purple onion", + "fresh cilantro", + "rounds", + "yoghurt" + ] + }, + { + "id": 20450, + "cuisine": "korean", + "ingredients": [ + "low sodium soy sauce", + "fresh ginger", + "large garlic cloves", + "sugar", + "sesame seeds", + "kimchi", + "water", + "sesame oil", + "cooked rice", + "boneless chuck roast", + "scallions" + ] + }, + { + "id": 43395, + "cuisine": "french", + "ingredients": [ + "sugar", + "bourbon whiskey", + "confectioners sugar", + "semisweet chocolate", + "all-purpose flour", + "unsalted butter", + "salt", + "pecans", + "egg whites", + "unsweetened chocolate" + ] + }, + { + "id": 4199, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "olive oil", + "ground beef", + "kosher salt", + "garlic", + "white onion", + "ground black pepper", + "eggs", + "mozzarella cheese", + "flat leaf parsley" + ] + }, + { + "id": 36966, + "cuisine": "spanish", + "ingredients": [ + "hard shelled clams", + "zucchini", + "fresh parsley leaves", + "water", + "dry white wine", + "spaghetti", + "sausage links", + "fideos", + "onions", + "olive oil", + "garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 38676, + "cuisine": "thai", + "ingredients": [ + "five spice", + "fresh coriander", + "asparagus", + "rice noodles", + "runny honey", + "fresh red chili", + "tumeric", + "sesame seeds", + "spring onions", + "light coconut milk", + "chicken thighs", + "fish sauce", + "lime", + "butternut squash", + "ginger", + "peanut butter", + "kaffir lime leaves", + "soy sauce", + "organic chicken", + "sesame oil", + "garlic" + ] + }, + { + "id": 8831, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "red wine vinegar", + "toasted pine nuts", + "cornmeal", + "green bell pepper", + "chopped fresh chives", + "yellow bell pepper", + "soft fresh goat cheese", + "olive oil", + "wonton wrappers", + "chopped onion", + "red bell pepper", + "tomatoes", + "grated parmesan cheese", + "butter", + "fresh herbs", + "olives" + ] + }, + { + "id": 32163, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "all-purpose flour", + "dry yeast", + "cooking spray", + "warm water", + "extra-virgin olive oil" + ] + }, + { + "id": 3549, + "cuisine": "italian", + "ingredients": [ + "sausage links", + "ground black pepper", + "fresh parsley leaves", + "olive oil", + "ricotta cheese", + "kosher salt", + "marinara sauce", + "won ton wrappers", + "shredded mozzarella cheese" + ] + }, + { + "id": 1473, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "buttermilk", + "caraway seeds", + "large eggs", + "salt", + "baking soda", + "whole milk", + "all-purpose flour", + "parmigiano reggiano cheese", + "white cheddar cheese" + ] + }, + { + "id": 36686, + "cuisine": "korean", + "ingredients": [ + "carrot sticks", + "garlic", + "gochugaru", + "scallions", + "soy sauce", + "salt", + "fish sauce", + "ginger", + "cabbage" + ] + }, + { + "id": 43097, + "cuisine": "southern_us", + "ingredients": [ + "cinnamon", + "vanilla extract", + "sugar", + "buttermilk", + "sorghum syrup", + "melted butter", + "lemon", + "salt", + "self rising flour", + "apples" + ] + }, + { + "id": 28597, + "cuisine": "southern_us", + "ingredients": [ + "ground cloves", + "unsalted butter", + "all-purpose flour", + "powdered sugar", + "baking soda", + "buttermilk", + "cane syrup", + "ground cinnamon", + "kosher salt", + "large eggs", + "ground allspice", + "sugar", + "ground nutmeg", + "ginger", + "sour cream" + ] + }, + { + "id": 25296, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "tilapia fillets", + "paprika", + "chipotles in adobo", + "white onion", + "garlic powder", + "dried dill", + "canola oil", + "green cabbage", + "kosher salt", + "cayenne", + "corn tortillas", + "ground cumin", + "mayonaise", + "lime", + "greek style plain yogurt", + "dried oregano" + ] + }, + { + "id": 16426, + "cuisine": "filipino", + "ingredients": [ + "green bell pepper", + "lime juice", + "diced tomatoes", + "fresh sea bass", + "jalapeno chilies", + "gingerroot", + "pepper", + "minced onion", + "salt", + "white vinegar", + "minced garlic", + "spring onions", + "red bell pepper" + ] + }, + { + "id": 37784, + "cuisine": "italian", + "ingredients": [ + "cheese", + "thin pizza crust", + "plum tomatoes", + "cooking spray", + "salt", + "red bell pepper", + "japanese eggplants", + "chicken breasts", + "garlic cloves", + "flat leaf parsley", + "olive oil", + "purple onion", + "sliced mushrooms", + "italian seasoning" + ] + }, + { + "id": 1968, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "ground pork", + "Italian bread", + "warm water", + "parsley", + "salt", + "eggs", + "pepper", + "garlic", + "ground beef", + "romano cheese", + "ground veal", + "fresh oregano" + ] + }, + { + "id": 29591, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "sesame oil", + "cooking wine", + "corn starch", + "sugar", + "fresh ginger", + "napa cabbage", + "rice vinegar", + "soy sauce", + "chili paste", + "ground pork", + "scallions", + "water", + "wonton wrappers", + "salt", + "toasted sesame oil" + ] + }, + { + "id": 2122, + "cuisine": "thai", + "ingredients": [ + "sugar", + "shallots", + "fresh mint", + "Boston lettuce", + "lemongrass", + "oil", + "sliced green onions", + "fish sauce", + "ground chicken", + "cilantro leaves", + "fresh lime juice", + "chiles", + "chili paste", + "low salt chicken broth" + ] + }, + { + "id": 9151, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "beer", + "sour cream", + "dressing", + "diced tomatoes", + "pinto beans", + "taco seasoning mix", + "shredded cheese", + "ground beef", + "beans", + "whole kernel corn, drain", + "fritos" + ] + }, + { + "id": 47635, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "salt", + "frozen chopped spinach", + "ricotta cheese", + "boneless skinless chicken breast halves", + "pepper", + "shredded mozzarella cheese", + "eggs", + "garlic" + ] + }, + { + "id": 44541, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "grated parmesan cheese", + "garlic", + "heavy whipping cream", + "dried thyme", + "ground black pepper", + "dry white wine", + "all-purpose flour", + "onions", + "spinach", + "ground nutmeg", + "mushrooms", + "salt", + "celery", + "olive oil", + "lasagna noodles", + "tomatoes with juice", + "carrots" + ] + }, + { + "id": 26677, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "chicken breasts", + "cabbage", + "cider vinegar", + "water chestnuts", + "crushed red pepper", + "low sodium soy sauce", + "hoisin sauce", + "unsalted dry roast peanuts", + "minced garlic", + "lettuce leaves", + "dark sesame oil" + ] + }, + { + "id": 39706, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "tomatoes", + "garlic", + "avocado", + "chile pepper", + "lime juice", + "onions" + ] + }, + { + "id": 5850, + "cuisine": "british", + "ingredients": [ + "horseradish", + "large eggs", + "all-purpose flour", + "frozen peas", + "large egg whites", + "heavy cream", + "roast beef", + "milk", + "worcestershire sauce", + "garlic cloves", + "boiling potatoes", + "unsalted butter", + "salt", + "onions" + ] + }, + { + "id": 6258, + "cuisine": "russian", + "ingredients": [ + "sorrel", + "unsalted butter", + "scallions", + "onions", + "celery ribs", + "fresh dill", + "salt", + "sour cream", + "parsnips", + "hard-boiled egg", + "carrots", + "boiling potatoes", + "chicken stock", + "ground black pepper", + "dill", + "fresh parsley" + ] + }, + { + "id": 42195, + "cuisine": "russian", + "ingredients": [ + "vanilla", + "unsalted butter", + "all-purpose flour", + "poppy seeds", + "sugar", + "salt" + ] + }, + { + "id": 26327, + "cuisine": "chinese", + "ingredients": [ + "baking soda", + "oyster sauce", + "peanut oil", + "gai lan" + ] + }, + { + "id": 46792, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "green onions", + "salt", + "celery ribs", + "large eggs", + "buttermilk", + "cornmeal", + "sugar", + "baking powder", + "all-purpose flour", + "bacon drippings", + "baking soda", + "butter", + "herb seasoned stuffing mix" + ] + }, + { + "id": 21620, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "milk", + "bacon", + "collard greens", + "onion powder", + "shredded cheese", + "biscuits", + "pepper", + "butter", + "grits", + "eggs", + "olive oil", + "salt" + ] + }, + { + "id": 15846, + "cuisine": "mexican", + "ingredients": [ + "cheese", + "chopped cilantro fresh", + "barbecue sauce", + "fajita size flour tortillas", + "barbecued pork", + "sliced green onions", + "green onions", + "sour cream" + ] + }, + { + "id": 8663, + "cuisine": "korean", + "ingredients": [ + "cooking spray", + "canola oil", + "brown sugar", + "salt", + "boneless skinless chicken breasts", + "lower sodium soy sauce", + "garlic cloves" + ] + }, + { + "id": 1179, + "cuisine": "chinese", + "ingredients": [ + "water", + "crushed red pepper", + "soy sauce", + "vegetable oil", + "cooked shrimp", + "ground ginger", + "honey", + "corn starch", + "ketchup", + "garlic", + "sliced green onions" + ] + }, + { + "id": 11178, + "cuisine": "chinese", + "ingredients": [ + "fish sauce", + "large eggs", + "ground pork", + "ghee", + "ground black pepper", + "fresh shiitake mushrooms", + "toasted sesame oil", + "asparagus", + "shallots", + "chopped cilantro", + "water", + "green onions", + "coconut aminos" + ] + }, + { + "id": 43971, + "cuisine": "jamaican", + "ingredients": [ + "ground black pepper", + "ground cayenne pepper", + "ground ginger", + "ground allspice", + "basil dried leaves", + "ground cumin", + "garlic powder", + "sweet paprika" + ] + }, + { + "id": 5031, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "reduced sodium black beans", + "white vinegar", + "jalapeno chilies", + "garlic cloves", + "dried oregano", + "reduced sodium chicken broth", + "chicken breasts", + "carrots", + "ground cumin", + "pepper", + "purple onion", + "chopped cilantro" + ] + }, + { + "id": 21213, + "cuisine": "thai", + "ingredients": [ + "dark soy sauce", + "lime juice", + "mirin", + "roasted peanuts", + "serrano chile", + "lime zest", + "kosher salt", + "lemon grass", + "rice vinegar", + "chopped fresh mint", + "fish sauce", + "fresh ginger root", + "chile pepper", + "peanut oil", + "cold water", + "minced garlic", + "extra large shrimp", + "peanut butter", + "chopped cilantro fresh" + ] + }, + { + "id": 7587, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "black pepper", + "quinoa", + "green onions", + "garlic", + "sour cream", + "green bell pepper", + "water", + "jalapeno chilies", + "diced tomatoes", + "greek yogurt", + "crackers", + "red kidney beans", + "black beans", + "zucchini", + "chili powder", + "carrots", + "onions", + "celery ribs", + "tomato sauce", + "olive oil", + "chips", + "cheese", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 4477, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "queso fresco", + "yellow onion", + "olive oil", + "extra-virgin olive oil", + "roasting chickens", + "fresh cilantro", + "tomatillos", + "tortilla chips", + "jalapeno chilies", + "salt", + "garlic cloves" + ] + }, + { + "id": 21556, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "large eggs", + "low salt chicken broth", + "bread crumb fresh", + "unsalted butter", + "all-purpose flour", + "freshly grated parmesan", + "dry white wine", + "onions", + "arborio rice", + "prosciutto", + "vegetable oil" + ] + }, + { + "id": 6308, + "cuisine": "french", + "ingredients": [ + "Pernod Liqueur", + "whipping cream", + "leeks", + "fresh parsley", + "mussels", + "red bell pepper", + "dry white wine" + ] + }, + { + "id": 21999, + "cuisine": "french", + "ingredients": [ + "Belgian endive", + "shallots", + "garlic cloves", + "whole grain dijon mustard", + "extra-virgin olive oil", + "chopped cilantro fresh", + "radicchio", + "fresh tarragon", + "frisee", + "chopped fresh chives", + "white wine vinegar" + ] + }, + { + "id": 45984, + "cuisine": "thai", + "ingredients": [ + "jalapeno chilies", + "ginger", + "oil", + "tomatoes", + "butter", + "garlic", + "coconut milk", + "green cabbage", + "sweet potatoes", + "vegetable broth", + "lentils", + "tumeric", + "cilantro", + "salt", + "onions" + ] + }, + { + "id": 1859, + "cuisine": "italian", + "ingredients": [ + "jalapeno chilies", + "sugar", + "salt", + "honeydew melon", + "water", + "fresh lime juice" + ] + }, + { + "id": 35828, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "lettuce leaves", + "button mushrooms", + "garlic cloves", + "kecap manis", + "sesame oil", + "cilantro leaves", + "soy sauce", + "spring onions", + "ginger", + "cooked quinoa", + "Shaoxing wine", + "lime wedges", + "peanut oil" + ] + }, + { + "id": 1033, + "cuisine": "moroccan", + "ingredients": [ + "mint", + "dried apricot", + "lamb shoulder", + "couscous", + "ground cinnamon", + "fresh ginger", + "cilantro", + "salt", + "saffron", + "chicken stock", + "pepper", + "raisins", + "curry", + "onions", + "prunes", + "almonds", + "garlic", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 20635, + "cuisine": "irish", + "ingredients": [ + "orange", + "celery", + "cold water", + "golden delicious apples", + "cabbage", + "beef brisket", + "onions", + "pickling spices", + "margarine" + ] + }, + { + "id": 29917, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "baking soda", + "salt", + "brown sugar", + "vanilla extract", + "white sugar", + "rolled oats", + "mexican chocolate", + "eggs", + "butter", + "all-purpose flour" + ] + }, + { + "id": 7698, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "pork shoulder", + "chicken broth", + "vegetable oil", + "dried oregano", + "kosher salt", + "garlic", + "ground cumin", + "chili powder", + "onions" + ] + }, + { + "id": 9608, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "green onions", + "salt", + "sesame seeds", + "top sirloin", + "carrots", + "ground black pepper", + "garlic", + "white sugar", + "msg", + "sesame oil", + "yellow onion" + ] + }, + { + "id": 24920, + "cuisine": "italian", + "ingredients": [ + "water", + "baking powder", + "chopped pecans", + "large eggs", + "salt", + "semi-sweet chocolate morsels", + "baking soda", + "vegetable oil", + "sour cream", + "sugar", + "egg yolks", + "all-purpose flour", + "dried cranberries" + ] + }, + { + "id": 29973, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "crushed red pepper", + "olive oil", + "plum tomatoes", + "minced garlic", + "salt", + "bread", + "ground black pepper", + "dried oregano" + ] + }, + { + "id": 37894, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "garlic", + "tomatillos", + "chopped cilantro fresh", + "pepper", + "salt" + ] + }, + { + "id": 8841, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "minced ginger", + "marinade", + "broccoli", + "corn starch", + "brown sugar", + "kosher salt", + "broccoli florets", + "crushed red pepper flakes", + "round steaks", + "chinese rice wine", + "water", + "rice wine", + "garlic", + "peanut oil", + "soy sauce", + "hoisin sauce", + "sesame oil", + "sauce", + "onions" + ] + }, + { + "id": 20789, + "cuisine": "french", + "ingredients": [ + "chocolate morsels", + "almond filling", + "sliced almonds", + "croissants" + ] + }, + { + "id": 37531, + "cuisine": "southern_us", + "ingredients": [ + "mashed potatoes", + "chives", + "buttermilk", + "granulated sugar", + "onion powder", + "all-purpose flour", + "baking soda", + "baking powder", + "shredded sharp cheddar cheese", + "large eggs", + "butter", + "garlic salt" + ] + }, + { + "id": 6963, + "cuisine": "italian", + "ingredients": [ + "water", + "garlic", + "crumbled gorgonzola", + "tomatoes", + "boneless skinless chicken breasts", + "shredded mozzarella cheese", + "italian seasoning", + "olive oil", + "baked pizza crust", + "onions", + "fresh spinach", + "pizza sauce", + "sliced mushrooms" + ] + }, + { + "id": 7937, + "cuisine": "spanish", + "ingredients": [ + "smoked sweet Spanish paprika", + "anchovy fillets", + "fresh parsley", + "white wine vinegar", + "garlic cloves", + "extra-virgin olive oil", + "cumin seed", + "cherry tomatoes", + "purple onion", + "escarole" + ] + }, + { + "id": 47293, + "cuisine": "italian", + "ingredients": [ + "eggs", + "semisweet chocolate", + "all-purpose flour", + "sugar", + "baking powder", + "vegetable oil cooking spray", + "egg whites", + "water", + "vanilla extract" + ] + }, + { + "id": 30229, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "black olives", + "flour tortillas", + "sour cream", + "chopped tomatoes", + "chopped onion", + "chicken meat" + ] + }, + { + "id": 38733, + "cuisine": "italian", + "ingredients": [ + "eau de vie", + "prosecco", + "plums", + "water", + "sugar" + ] + }, + { + "id": 6336, + "cuisine": "italian", + "ingredients": [ + "eggs", + "cheese", + "vegetable oil cooking spray", + "prego traditional italian sauce", + "shredded mozzarella cheese", + "boneless skinless chicken breasts" + ] + }, + { + "id": 15298, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "zucchini", + "bacon", + "carrots", + "red kidney beans", + "olive oil", + "shredded cabbage", + "elbow macaroni", + "italian seasoning", + "tomatoes", + "grated parmesan cheese", + "garlic", + "celery", + "frozen chopped spinach", + "water", + "leeks", + "salt", + "fresh parsley" + ] + }, + { + "id": 6622, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic", + "flat leaf parsley", + "celery ribs", + "fresh thyme", + "yellow onion", + "plum tomatoes", + "olive oil", + "all-purpose flour", + "bay leaf", + "black pepper", + "dry red wine", + "carrots", + "chicken" + ] + }, + { + "id": 48206, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "ground black pepper", + "chili powder", + "tequila", + "lime juice", + "bell pepper", + "large garlic cloves", + "chopped cilantro fresh", + "kosher salt", + "flour tortillas", + "vegetable oil", + "sour cream", + "sweet onion", + "flank steak", + "salsa" + ] + }, + { + "id": 44674, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "salt", + "yoghurt", + "cumin", + "cayenne", + "cucumber", + "paprika" + ] + }, + { + "id": 48869, + "cuisine": "italian", + "ingredients": [ + "great northern beans", + "vegetable broth", + "bay leaf", + "olive oil", + "carrots", + "kale", + "garlic cloves", + "onions", + "tomatoes", + "butternut squash", + "thyme sprigs" + ] + }, + { + "id": 46083, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "water", + "heavy cream", + "garlic cloves", + "pork shoulder", + "saffron", + "tomatoes", + "crimini mushrooms", + "cumin seed", + "chopped cilantro", + "basmati rice", + "tomato paste", + "bay leaves", + "cardamom pods", + "cinnamon sticks", + "onions", + "clove", + "garam masala", + "ginger", + "greek yogurt", + "ghee", + "low-fat milk" + ] + }, + { + "id": 30576, + "cuisine": "thai", + "ingredients": [ + "radishes", + "Thai fish sauce", + "sesame oil", + "roast beef", + "green onions", + "grate lime peel", + "romaine lettuce", + "vegetable oil", + "fresh lime juice" + ] + }, + { + "id": 36309, + "cuisine": "indian", + "ingredients": [ + "coconut", + "oil", + "plain flour", + "poppy seeds", + "ghee", + "milk", + "ground cardamom", + "powdered sugar", + "khoa" + ] + }, + { + "id": 36052, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "rice vinegar", + "soy sauce", + "teriyaki sauce", + "garlic chili sauce", + "chicken wings", + "sesame oil", + "non stick spray", + "honey", + "garlic", + "sliced green onions" + ] + }, + { + "id": 22092, + "cuisine": "mexican", + "ingredients": [ + "fresh rosemary", + "beef stock", + "beef tenderloin steaks", + "chili", + "dry red wine", + "water", + "butter", + "plum tomatoes", + "chicken stock", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 12182, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "cumin seed", + "serrano chile", + "kosher salt", + "baby spinach", + "split peas", + "tumeric", + "unsalted butter", + "garlic cloves", + "water", + "rice", + "lemon juice" + ] + }, + { + "id": 16802, + "cuisine": "italian", + "ingredients": [ + "vanilla ice cream", + "plums", + "unsalted butter", + "rum", + "sugar", + "toast" + ] + }, + { + "id": 2505, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "chopped green bell pepper", + "cilantro sprigs", + "corn starch", + "tomatoes", + "boneless chicken thighs", + "chili powder", + "chopped onion", + "ground cumin", + "cooked rice", + "water", + "vegetable oil", + "garlic cloves", + "sugar", + "chicken breast halves", + "salt", + "unsweetened cocoa powder" + ] + }, + { + "id": 18508, + "cuisine": "thai", + "ingredients": [ + "lime", + "red pepper", + "fish sauce", + "zucchini", + "carrots", + "thai basil", + "cilantro", + "soy sauce", + "vegetable oil", + "fresh mint" + ] + }, + { + "id": 28202, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "salt", + "dried pinto beans", + "chicken broth", + "ham hock" + ] + }, + { + "id": 45227, + "cuisine": "italian", + "ingredients": [ + "radishes", + "beets", + "pepper", + "salt", + "crostini", + "extra-virgin olive oil", + "frozen peas", + "watermelon", + "goat cheese" + ] + }, + { + "id": 16872, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "bay leaves", + "chipotles in adobo", + "chicken broth", + "lime juice", + "garlic", + "ground cumin", + "white onion", + "apple cider vinegar", + "dried oregano", + "ground cloves", + "chuck roast", + "salt" + ] + }, + { + "id": 19229, + "cuisine": "japanese", + "ingredients": [ + "dark soy sauce", + "honey", + "boneless chicken thighs", + "mirin", + "sake", + "Japanese soy sauce", + "water", + "dark brown sugar" + ] + }, + { + "id": 44307, + "cuisine": "french", + "ingredients": [ + "cherry tomatoes", + "red wine vinegar", + "purple onion", + "flat leaf parsley", + "capers", + "ground black pepper", + "kalamata", + "garlic cloves", + "salmon fillets", + "dijon mustard", + "anchovy paste", + "green beans", + "olive oil", + "shell pasta", + "salt" + ] + }, + { + "id": 29783, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "pepper jack", + "salsa", + "cumin", + "milk", + "cilantro", + "sour cream", + "pepper", + "chili powder", + "rolls", + "avocado", + "garlic powder", + "salt", + "coriander" + ] + }, + { + "id": 178, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "vegetable bouillon", + "garlic", + "cumin", + "red lentils", + "water", + "paprika", + "ground coriander", + "black pepper", + "Himalayan salt", + "purple onion", + "coconut oil", + "lime", + "ginger", + "coconut milk" + ] + }, + { + "id": 6354, + "cuisine": "italian", + "ingredients": [ + "breadstick", + "italian seasoning", + "grated parmesan cheese", + "part-skim mozzarella cheese", + "pizza sauce" + ] + }, + { + "id": 32332, + "cuisine": "southern_us", + "ingredients": [ + "spinach", + "cane vinegar", + "garlic cloves", + "ground black pepper", + "paprika", + "chicken thighs", + "chicken stock", + "unsalted butter", + "navel oranges", + "pearl onions", + "sea salt", + "fresh mint" + ] + }, + { + "id": 27598, + "cuisine": "southern_us", + "ingredients": [ + "ground nutmeg", + "vanilla extract", + "sweet potatoes", + "white sugar", + "cream", + "butter", + "egg yolks", + "pie shell" + ] + }, + { + "id": 9502, + "cuisine": "japanese", + "ingredients": [ + "olive oil", + "togarashi", + "sea salt", + "green onions", + "nori", + "frozen shelled edamame", + "rice vinegar" + ] + }, + { + "id": 11255, + "cuisine": "jamaican", + "ingredients": [ + "dark soy sauce", + "onion powder", + "yellow onion", + "thyme", + "celery salt", + "fresh ginger", + "paprika", + "scallions", + "allspice", + "black pepper", + "vegetable oil", + "sauce", + "garlic salt", + "stew", + "coriander powder", + "salt", + "garlic cloves" + ] + }, + { + "id": 43336, + "cuisine": "italian", + "ingredients": [ + "prunes", + "olive oil", + "garlic", + "chicken", + "capers", + "coarse salt", + "flat leaf parsley", + "green olives", + "bay leaves", + "freshly ground pepper", + "light brown sugar", + "white wine", + "red wine vinegar", + "dried oregano" + ] + }, + { + "id": 438, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "large eggs", + "salt", + "tomatoes", + "pepper", + "butter", + "shredded mozzarella cheese", + "seasoned bread crumbs", + "grated parmesan cheese", + "all-purpose flour", + "fresh basil", + "olive oil", + "linguine", + "center cut pork chops" + ] + }, + { + "id": 13864, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "chopped cilantro fresh", + "fresh ginger root", + "dried shiitake mushrooms", + "long grain white rice", + "green onions", + "sausages", + "chicken", + "dark soy sauce", + "salt", + "boiling water" + ] + }, + { + "id": 23500, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "paprika", + "dried thyme", + "onion powder", + "ground cumin", + "dried basil", + "ground red pepper", + "dried oregano", + "garlic powder", + "old bay seasoning" + ] + }, + { + "id": 24838, + "cuisine": "chinese", + "ingredients": [ + "honey", + "all-purpose flour", + "boneless skinless chicken breast halves", + "green bell pepper", + "crushed red pepper flakes", + "chinese five-spice powder", + "vegetable oil", + "yellow onion", + "black pepper", + "teriyaki sauce", + "toasted sesame seeds" + ] + }, + { + "id": 43357, + "cuisine": "southern_us", + "ingredients": [ + "watermelon", + "sugar", + "fresh lemon juice", + "ice cubes", + "lemon wedge", + "water" + ] + }, + { + "id": 37580, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "salt", + "milk", + "fusilli", + "ground black pepper", + "butter", + "fontina", + "egg yolks" + ] + }, + { + "id": 21425, + "cuisine": "korean", + "ingredients": [ + "ketchup", + "sesame oil", + "rice vinegar", + "brown sugar", + "honey", + "garlic", + "canola oil", + "chicken wings", + "water", + "thai chile", + "corn starch", + "soy sauce", + "sesame seeds", + "salt" + ] + }, + { + "id": 38539, + "cuisine": "italian", + "ingredients": [ + "American cheese", + "unsalted butter", + "canned tomatoes", + "pepperoni", + "evaporated milk", + "vegetable oil", + "soppressata", + "corn starch", + "eggs", + "sliced black olives", + "extra-virgin olive oil", + "hot Italian sausages", + "fresh basil leaves", + "mozzarella cheese", + "grated parmesan cheese", + "pepperoncini", + "elbow macaroni" + ] + }, + { + "id": 21465, + "cuisine": "korean", + "ingredients": [ + "salt", + "water", + "long grain white rice", + "dates", + "pinenuts", + "white sugar" + ] + }, + { + "id": 669, + "cuisine": "italian", + "ingredients": [ + "eggs", + "water", + "pastina", + "chicken", + "celery ribs", + "romano cheese", + "leeks", + "carrots", + "parsley sprigs", + "egg whites", + "salt", + "clove", + "pepper", + "large garlic cloves", + "bay leaf" + ] + }, + { + "id": 4949, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "low sodium chicken broth", + "cumin seed", + "corn starch", + "canola oil", + "phyllo dough", + "kosher salt", + "boneless skinless chicken breasts", + "diced celery", + "frozen peas", + "parsnips", + "jalapeno chilies", + "ginger", + "carrots", + "Madras curry powder", + "lite coconut milk", + "cooking spray", + "garlic cloves", + "onions" + ] + }, + { + "id": 33924, + "cuisine": "cajun_creole", + "ingredients": [ + "cabbage lettuce", + "Hellmann's® Real Mayonnaise", + "horseradish sauce", + "ketchup", + "paprika", + "creole seasoning", + "spinach", + "butter", + "hoagie rolls", + "large shrimp", + "garlic powder", + "garlic", + "lemon juice" + ] + }, + { + "id": 30131, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "chopped fresh thyme", + "fresh oregano", + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "eggplant", + "cracked black pepper", + "flat leaf parsley", + "baguette", + "sea salt", + "garlic cloves" + ] + }, + { + "id": 48124, + "cuisine": "french", + "ingredients": [ + "pepper", + "port", + "chopped onion", + "saltines", + "fresh thyme leaves", + "margarine", + "pistachios", + "non-fat sour cream", + "ground allspice", + "meat", + "salt", + "duck liver" + ] + }, + { + "id": 2219, + "cuisine": "indian", + "ingredients": [ + "mint sprigs", + "sugar", + "fresh mint", + "gingerroot", + "water", + "mango" + ] + }, + { + "id": 12705, + "cuisine": "mexican", + "ingredients": [ + "great northern beans", + "green chilies", + "pork picnic roast", + "onions", + "worcestershire sauce", + "garlic pepper seasoning", + "chicken broth", + "salsa" + ] + }, + { + "id": 206, + "cuisine": "japanese", + "ingredients": [ + "water", + "butter", + "white flour", + "egg yolks", + "yeast", + "sugar", + "powdered milk", + "salt", + "eggs", + "egg whites", + "lemon" + ] + }, + { + "id": 44072, + "cuisine": "italian", + "ingredients": [ + "lower sodium chicken broth", + "Italian parsley leaves", + "chopped walnuts", + "olive oil", + "salt", + "onions", + "large garlic cloves", + "anchovy fillets", + "spaghetti", + "black pepper", + "crushed red pepper", + "red bell pepper" + ] + }, + { + "id": 30666, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "coarse salt", + "corn starch", + "large egg whites", + "brown rice", + "scallions", + "honey", + "vegetable oil", + "garlic cloves", + "soy sauce", + "ground pepper", + "broccoli", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 22553, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "ricotta", + "fresh rosemary", + "grated parmesan cheese", + "fresh basil leaves", + "sage leaves", + "large eggs", + "onions", + "kosher salt", + "extra-virgin olive oil" + ] + }, + { + "id": 39990, + "cuisine": "jamaican", + "ingredients": [ + "cold water", + "chiles", + "ground black pepper", + "scotch bonnet chile", + "scallions", + "canned low sodium chicken broth", + "water", + "large eggs", + "all-purpose flour", + "ground beef", + "scallion greens", + "bread crumb fresh", + "unsalted butter", + "salt", + "lard", + "tumeric", + "curry powder", + "chopped fresh thyme", + "ground allspice", + "onions" + ] + }, + { + "id": 44606, + "cuisine": "mexican", + "ingredients": [ + "chopped green chilies", + "boneless pork loin", + "onions", + "water", + "garlic", + "adobo sauce", + "ground cumin", + "chicken broth", + "white hominy", + "chipotle peppers", + "dried oregano", + "ground black pepper", + "bay leaf", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 25389, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "salt", + "chickpea flour", + "chili powder", + "cooking spray", + "cilantro leaves", + "water", + "finger chili" + ] + }, + { + "id": 19169, + "cuisine": "korean", + "ingredients": [ + "eggs", + "green onions", + "carrots", + "water", + "seafood", + "kosher salt", + "all-purpose flour", + "chinese chives", + "zucchini", + "rice flour" + ] + }, + { + "id": 11878, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "fresh orange juice", + "grated orange", + "ground ginger", + "butter", + "fresh lemon juice", + "light brown sugar", + "sweet potatoes", + "grated nutmeg", + "black pepper", + "salt" + ] + }, + { + "id": 10962, + "cuisine": "italian", + "ingredients": [ + "sugar", + "olive oil", + "heavy cream", + "chopped parsley", + "kosher salt", + "prosciutto", + "penne pasta", + "vodka", + "parmesan cheese", + "diced tomatoes", + "tomato paste", + "sweet onion", + "red pepper flakes", + "garlic cloves" + ] + }, + { + "id": 40206, + "cuisine": "moroccan", + "ingredients": [ + "fresh rosemary", + "fresh lemon juice", + "sea salt", + "lemon", + "crushed red pepper" + ] + }, + { + "id": 36067, + "cuisine": "japanese", + "ingredients": [ + "salt", + "sweet onion", + "toasted sesame seeds", + "fresh dill", + "rice vinegar", + "japanese cucumber" + ] + }, + { + "id": 45792, + "cuisine": "japanese", + "ingredients": [ + "mushrooms", + "celery", + "soy sauce", + "round steaks", + "fresh spinach", + "butter", + "onions", + "beef stock", + "peanut oil" + ] + }, + { + "id": 19746, + "cuisine": "italian", + "ingredients": [ + "fresh mozzarella", + "flat leaf parsley", + "ground black pepper", + "wine vinegar", + "olive oil", + "garlic", + "zucchini", + "salt" + ] + }, + { + "id": 18990, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "light coconut milk", + "cumin", + "fresh leav spinach", + "coarse salt", + "garlic cloves", + "fresh tomatoes", + "garam masala", + "yellow onion", + "water", + "ginger", + "paneer cheese" + ] + }, + { + "id": 38165, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "extra-virgin olive oil", + "parsley sprigs", + "red wine vinegar", + "garlic cloves", + "white vinegar", + "large eggs", + "cumin seed", + "baguette", + "sea salt", + "white mushrooms" + ] + }, + { + "id": 35103, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "nonfat milk", + "onions", + "dried basil", + "chopped celery", + "rubbed sage", + "italian sausage", + "french bread", + "garlic cloves", + "dried rosemary", + "swiss chard", + "salt", + "chopped parsley" + ] + }, + { + "id": 34099, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "whole milk", + "granulated sugar", + "water", + "hass avocado" + ] + }, + { + "id": 44769, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "crushed red pepper flakes", + "knorr homestyl stock beef", + "sesame oil", + "boneless sirloin steak", + "firmly packed brown sugar", + "broccoli florets", + "corn starch", + "water", + "vegetable oil" + ] + }, + { + "id": 15353, + "cuisine": "british", + "ingredients": [ + "sugar", + "whole milk", + "salt", + "rhubarb", + "large egg whites", + "heavy cream", + "vanilla custard", + "unsalted shelled pistachio", + "large egg yolks", + "vanilla extract", + "fino sherry", + "syrup", + "almond extract", + "all-purpose flour" + ] + }, + { + "id": 20205, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "green onions", + "fresh lime juice", + "brown sugar", + "lower sodium soy sauce", + "garlic cloves", + "spinach", + "chile paste", + "dark sesame oil", + "canola oil", + "cremini mushrooms", + "large eggs", + "Chinese egg noodles" + ] + }, + { + "id": 18492, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "garlic", + "black mustard seeds", + "canola oil", + "curry leaves", + "ginger", + "fenugreek seeds", + "frozen peas", + "yukon gold potatoes", + "yellow onion", + "chopped cilantro", + "asafoetida", + "thai chile", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 23647, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "Italian parsley leaves", + "hot water", + "parmigiano-reggiano cheese", + "cooking spray", + "salt", + "parsley sprigs", + "ricotta cheese", + "fresh lemon juice", + "zucchini", + "loosely packed fresh basil leaves" + ] + }, + { + "id": 3814, + "cuisine": "russian", + "ingredients": [ + "sugar", + "salt", + "melted butter", + "instant yeast", + "milk", + "all-purpose flour", + "eggs", + "vegetable oil" + ] + }, + { + "id": 12094, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "parmesan cheese", + "heavy cream", + "noodles", + "large egg yolks", + "whole milk", + "corn starch", + "pepper", + "grated parmesan cheese", + "salt", + "garlic powder", + "onion powder", + "fresh parsley" + ] + }, + { + "id": 2932, + "cuisine": "japanese", + "ingredients": [ + "reduced sodium vegetable broth", + "lemon zest", + "soba noodles", + "radishes", + "nigari tofu", + "toasted sesame oil", + "reduced sodium soy sauce", + "green onions", + "lemon juice", + "wasabi paste", + "mirin", + "vegetable oil", + "shiitake mushroom caps" + ] + }, + { + "id": 18554, + "cuisine": "italian", + "ingredients": [ + "sugar", + "salt", + "ice water", + "apricots", + "unsalted butter", + "all-purpose flour", + "cherries", + "apricot preserves" + ] + }, + { + "id": 27571, + "cuisine": "chinese", + "ingredients": [ + "tofu", + "soy sauce", + "rice wine", + "salt", + "scallions", + "snow peas", + "chiles", + "egg noodles", + "yellow bell pepper", + "firm tofu", + "chopped cilantro", + "sugar", + "hoisin sauce", + "tamari soy sauce", + "peanut oil", + "onions", + "stock", + "shiitake", + "ginger", + "broccoli", + "carrots", + "chopped garlic" + ] + }, + { + "id": 4483, + "cuisine": "jamaican", + "ingredients": [ + "tomato paste", + "boneless chicken breast halves", + "cayenne pepper", + "light molasses", + "red wine vinegar", + "plantains", + "olive oil", + "chopped fresh thyme", + "ground allspice", + "finely chopped onion", + "large garlic cloves" + ] + }, + { + "id": 33382, + "cuisine": "italian", + "ingredients": [ + "romaine lettuce", + "dijon mustard", + "anchovy paste", + "olive oil", + "red wine vinegar", + "red bell pepper", + "black pepper", + "rye bread", + "garlic", + "fresh parmesan cheese", + "yellow bell pepper", + "fat-free mayonnaise" + ] + }, + { + "id": 34549, + "cuisine": "british", + "ingredients": [ + "mincemeat", + "pie crust", + "large egg yolks" + ] + }, + { + "id": 19238, + "cuisine": "mexican", + "ingredients": [ + "water", + "vegetable oil", + "shredded Monterey Jack cheese", + "flour tortillas", + "chopped cilantro fresh", + "refried beans", + "taco seasoning", + "green onions", + "chicken" + ] + }, + { + "id": 44468, + "cuisine": "mexican", + "ingredients": [ + "lean ground turkey", + "garlic powder", + "paprika", + "cumin", + "water", + "lettuce leaves", + "onions", + "tomato sauce", + "bell pepper", + "salt", + "shredded reduced fat cheddar cheese", + "chili powder", + "oregano" + ] + }, + { + "id": 27476, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "garlic", + "kosher salt", + "heavy cream", + "rigatoni", + "sugar", + "red pepper flakes", + "dried oregano", + "olive oil", + "diced tomatoes" + ] + }, + { + "id": 9231, + "cuisine": "spanish", + "ingredients": [ + "jalapeno chilies", + "orange juice", + "onions", + "watermelon", + "extra-virgin olive oil", + "fresh lime juice", + "seedless cucumber", + "yellow bell pepper", + "garlic cloves", + "ground black pepper", + "salt", + "fresh parsley" + ] + }, + { + "id": 14594, + "cuisine": "greek", + "ingredients": [ + "cream cheese", + "roast red peppers, drain", + "hot pepper sauce", + "feta cheese crumbles", + "olive oil", + "lemon juice", + "half & half", + "ground white pepper" + ] + }, + { + "id": 12799, + "cuisine": "southern_us", + "ingredients": [ + "reduced fat whipped topping", + "poppy seeds", + "sugar", + "cookies", + "kiwi", + "clementines", + "orange marmalade", + "cream cheese, soften", + "lemon zest", + "vanilla extract" + ] + }, + { + "id": 49523, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "enchilada sauce", + "beans", + "chili powder", + "greek yogurt", + "chiles", + "chicken breasts", + "Mexican cheese", + "bouillon cube", + "red pepper", + "cumin" + ] + }, + { + "id": 15543, + "cuisine": "greek", + "ingredients": [ + "bread crumbs", + "feta cheese", + "garlic", + "elbow macaroni", + "capers", + "olive oil", + "havarti cheese", + "grated nutmeg", + "milk", + "flour", + "salt", + "onions", + "spinach", + "sun-dried tomatoes", + "kalamata", + "freshly ground pepper" + ] + }, + { + "id": 5005, + "cuisine": "greek", + "ingredients": [ + "dill", + "cucumber", + "lemon juice", + "cream cheese", + "clove", + "feta cheese crumbles" + ] + }, + { + "id": 31350, + "cuisine": "korean", + "ingredients": [ + "seasoned rice wine vinegar", + "tamari soy sauce", + "coleslaw", + "salt" + ] + }, + { + "id": 1371, + "cuisine": "japanese", + "ingredients": [ + "frozen orange juice concentrate", + "sesame oil", + "peeled fresh ginger", + "low salt chicken broth", + "yellow miso", + "rice vinegar", + "shallots", + "chopped cilantro fresh" + ] + }, + { + "id": 42844, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "penne pasta", + "arugula", + "kosher salt", + "cannellini beans", + "garlic cloves", + "ground black pepper", + "shelled pistachios", + "peeled tomatoes", + "pecorino romano cheese", + "fresh basil leaves" + ] + }, + { + "id": 24140, + "cuisine": "italian", + "ingredients": [ + "Bertolli® Classico Olive Oil", + "sliced mushrooms", + "rigatoni or large tube pasta", + "bertolli vineyard premium collect marinara with burgundi wine sauc", + "whipping heavy cream", + "ground beef", + "yellow onion" + ] + }, + { + "id": 15146, + "cuisine": "cajun_creole", + "ingredients": [ + "creole seasoning", + "french bread", + "salt", + "unsalted butter" + ] + }, + { + "id": 39347, + "cuisine": "italian", + "ingredients": [ + "eggs", + "white sugar", + "ricotta cheese", + "yellow cake mix", + "vanilla extract" + ] + }, + { + "id": 43934, + "cuisine": "thai", + "ingredients": [ + "vegetable oil cooking spray", + "vegetable oil", + "gingerroot", + "green chile", + "lemon grass", + "large garlic cloves", + "medium shrimp", + "fresh basil", + "water", + "chili oil", + "fresh lime juice", + "fish sauce", + "shallots", + "fresh mushrooms" + ] + }, + { + "id": 46010, + "cuisine": "jamaican", + "ingredients": [ + "eggs", + "lime wedges", + "ground allspice", + "dried thyme", + "dry bread crumbs", + "red snapper", + "bananas", + "cayenne pepper", + "kosher salt", + "vegetable oil", + "five-spice powder" + ] + }, + { + "id": 47972, + "cuisine": "greek", + "ingredients": [ + "water", + "orange zest", + "herbs", + "fresh orange juice", + "honey" + ] + }, + { + "id": 14472, + "cuisine": "japanese", + "ingredients": [ + "dried bonito flakes", + "olive oil", + "soy sauce", + "japanese eggplants", + "lemon juice" + ] + }, + { + "id": 23015, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "Thai fish sauce", + "chicken stock", + "root vegetables", + "galangal", + "prawns", + "lime leaves", + "lime juice", + "green chilies" + ] + }, + { + "id": 38867, + "cuisine": "chinese", + "ingredients": [ + "ground black pepper", + "rice vinegar", + "jumbo shrimp", + "peeled fresh ginger", + "beansprouts", + "egg roll wrappers", + "peanut oil", + "sweet chili sauce", + "less sodium soy sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 8067, + "cuisine": "indian", + "ingredients": [ + "salt", + "mung bean sprouts", + "buckwheat flour", + "water", + "onions" + ] + }, + { + "id": 4756, + "cuisine": "southern_us", + "ingredients": [ + "lump crab meat", + "medium dry sherry", + "cayenne", + "salt", + "sweet onion", + "chopped celery", + "saltines", + "unsalted butter", + "fresh lemon juice" + ] + }, + { + "id": 7988, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "eggs", + "onions", + "butter", + "green bell pepper" + ] + }, + { + "id": 34956, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "lean ground beef", + "green bell pepper", + "corn chips", + "ground cumin", + "green chile", + "processed cheese", + "iceberg lettuce", + "tomatoes", + "garlic powder", + "onions" + ] + }, + { + "id": 30318, + "cuisine": "filipino", + "ingredients": [ + "base", + "pepper", + "oil", + "chicken wings", + "salt", + "garlic powder" + ] + }, + { + "id": 7490, + "cuisine": "thai", + "ingredients": [ + "salt", + "chili flakes", + "garlic cloves", + "white vinegar", + "maple syrup", + "water", + "corn starch" + ] + }, + { + "id": 12513, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "lard", + "salt", + "baking powder", + "white sugar", + "biscuits", + "all-purpose flour" + ] + }, + { + "id": 49306, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "fresh orange juice", + "guajillo", + "tomatillos", + "chile de arbol", + "large garlic cloves" + ] + }, + { + "id": 37092, + "cuisine": "irish", + "ingredients": [ + "Guinness Beer", + "worcestershire sauce", + "garlic cloves", + "black pepper", + "pastry dough", + "all-purpose flour", + "onions", + "tomato paste", + "large eggs", + "salt", + "thyme sprigs", + "water", + "vegetable oil", + "beef broth", + "chuck" + ] + }, + { + "id": 31416, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "levain bread", + "olive oil", + "fresh basil leaves", + "pesto", + "roasting chickens", + "roasted red peppers" + ] + }, + { + "id": 7920, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "fresh basil leaves", + "whole wheat pasta", + "fresh mozzarella", + "grated parmesan cheese", + "grape tomatoes", + "heavy cream" + ] + }, + { + "id": 7136, + "cuisine": "italian", + "ingredients": [ + "garlic and herb seasoning", + "diced tomatoes", + "sliced black olives", + "boneless skinless chicken breast halves", + "olive oil", + "sliced mushrooms", + "angel hair", + "grated parmesan cheese" + ] + }, + { + "id": 34339, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "wonton wrappers", + "egg whites", + "dried oregano" + ] + }, + { + "id": 1993, + "cuisine": "italian", + "ingredients": [ + "dry red wine", + "beef broth", + "veal shanks", + "lemon", + "canned tomatoes", + "freshly ground pepper", + "flat leaf parsley", + "celery ribs", + "extra-virgin olive oil", + "yellow onion", + "carrots", + "sea salt", + "all-purpose flour", + "garlic cloves" + ] + }, + { + "id": 48984, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "garlic", + "jalapeno chilies", + "salt", + "pepper", + "purple onion", + "cilantro" + ] + }, + { + "id": 18207, + "cuisine": "chinese", + "ingredients": [ + "vinegar", + "butter", + "corn flour", + "soy sauce", + "mixed vegetables", + "cilantro leaves", + "garlic paste", + "spring onions", + "salt", + "onions", + "black pepper", + "vegetable stock", + "chili sauce" + ] + }, + { + "id": 25540, + "cuisine": "southern_us", + "ingredients": [ + "cocoa", + "vanilla", + "eggs", + "flour", + "mint extract", + "milk", + "marshmallow creme", + "sugar", + "butter" + ] + }, + { + "id": 22421, + "cuisine": "irish", + "ingredients": [ + "light brown sugar", + "granulated sugar", + "vanilla lowfat yogurt", + "strawberries" + ] + }, + { + "id": 1830, + "cuisine": "greek", + "ingredients": [ + "capers", + "eggplant", + "salt", + "fresh lemon juice", + "tomatoes", + "water", + "extra-virgin olive oil", + "garlic cloves", + "black pepper", + "balsamic vinegar", + "yellow split peas", + "onions", + "fresh basil", + "honey", + "purple onion", + "California bay leaves" + ] + }, + { + "id": 10937, + "cuisine": "russian", + "ingredients": [ + "olive oil", + "salt", + "plain flour", + "parsley", + "onions", + "potatoes", + "sour cream", + "eggs", + "butter", + "smoked rashers" + ] + }, + { + "id": 9483, + "cuisine": "thai", + "ingredients": [ + "scallops", + "squid", + "onions", + "fresh red chili", + "coconut", + "garlic chili sauce", + "water", + "oil", + "fish sauce", + "coconut cream", + "shrimp" + ] + }, + { + "id": 35272, + "cuisine": "mexican", + "ingredients": [ + "cooked rice", + "fresh cilantro", + "red wine vinegar", + "frozen corn", + "black pepper", + "green onions", + "extra-virgin olive oil", + "ground cumin", + "sugar", + "kidney beans", + "red pepper", + "garlic cloves", + "black beans", + "chili powder", + "salt" + ] + }, + { + "id": 1165, + "cuisine": "italian", + "ingredients": [ + "freshly grated parmesan", + "beets", + "water", + "large garlic cloves", + "greens", + "unsalted butter", + "gingerroot", + "arborio rice", + "dry white wine", + "onions" + ] + }, + { + "id": 16499, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "peanuts", + "red pepper flakes", + "boneless, skinless chicken breast", + "sherry", + "scallions", + "soy sauce", + "cooking oil", + "white wine vinegar", + "water", + "sesame oil", + "corn starch" + ] + }, + { + "id": 11745, + "cuisine": "italian", + "ingredients": [ + "part-skim ricotta cheese", + "cannoli shells", + "mini chocolate chips", + "confectioners sugar", + "vanilla extract" + ] + }, + { + "id": 21431, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "boneless skinless chicken breast halves", + "green chilies", + "cayenne pepper", + "corn tortilla chips", + "Mexican cheese" + ] + }, + { + "id": 27814, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken skinless thigh", + "jalapeno chilies", + "salt", + "chopped cilantro fresh", + "white hominy", + "epazote", + "green pumpkin seeds", + "water", + "tomatillos", + "California bay leaves", + "white onion", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 37913, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "ground pork", + "garlic cloves", + "ground black pepper", + "crushed red pepper", + "fresh parsley", + "dried thyme", + "dry red wine", + "ground turkey", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 40153, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "olive oil", + "fresh brussels sprouts", + "dry red wine", + "dried chestnuts", + "unsalted butter", + "pancetta", + "water", + "dry bread crumbs" + ] + }, + { + "id": 46143, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "vanilla", + "eggs", + "butter", + "gluten-free flour", + "yellow corn meal", + "baking powder", + "salt", + "sugar", + "buttermilk" + ] + }, + { + "id": 48158, + "cuisine": "indian", + "ingredients": [ + "coconut", + "mango chutney", + "ground coriander", + "fresh ginger root", + "sunflower oil", + "onions", + "chopped tomatoes", + "lemon", + "garlic cloves", + "tumeric", + "prawns", + "green chilies", + "coriander" + ] + }, + { + "id": 39045, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "light soy sauce", + "roasted peanuts", + "corn starch", + "sugar", + "garlic", + "oil", + "black vinegar", + "dark soy sauce", + "sesame oil", + "scallions", + "ginger root", + "chili pepper", + "green pepper", + "shrimp" + ] + }, + { + "id": 10945, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium beef broth", + "chopped onion", + "veal shanks", + "ground black pepper", + "all-purpose flour", + "garlic cloves", + "marsala wine", + "chopped celery", + "baby carrots", + "flat leaf parsley", + "olive oil", + "salt", + "lemon rind" + ] + }, + { + "id": 17338, + "cuisine": "spanish", + "ingredients": [ + "water", + "potatoes", + "yellow onion", + "white pepper", + "unsalted butter", + "dried salted codfish", + "milk", + "flour", + "olive oil", + "heavy cream" + ] + }, + { + "id": 19383, + "cuisine": "french", + "ingredients": [ + "white chocolate", + "whipping cream", + "ice cubes", + "bananas", + "vanilla extract", + "sugar", + "butter", + "mint", + "egg yolks", + "cranberries" + ] + }, + { + "id": 9617, + "cuisine": "spanish", + "ingredients": [ + "unflavored gelatin", + "lemon", + "warm water", + "eggs", + "milk", + "sugar", + "cinnamon sticks" + ] + }, + { + "id": 19948, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "lemon", + "garlic", + "naan", + "tomato paste", + "garam masala", + "cilantro", + "cayenne pepper", + "ground cumin", + "plain yogurt", + "paprika", + "purple onion", + "mango", + "mint", + "vegetable oil", + "ginger", + "shredded mozzarella cheese" + ] + }, + { + "id": 14403, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "salt", + "fresh basil leaves", + "catfish fillets", + "large eggs", + "all-purpose flour", + "pesto", + "vegetable oil", + "freshly ground pepper", + "herbs", + "lemon slices" + ] + }, + { + "id": 16945, + "cuisine": "greek", + "ingredients": [ + "salt", + "greek yogurt", + "garlic", + "cucumber", + "olive oil", + "lemon juice", + "mint", + "dill" + ] + }, + { + "id": 4854, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "celery salt", + "water", + "ham hock", + "collard greens", + "olive oil", + "pepper", + "hot sauce" + ] + }, + { + "id": 7109, + "cuisine": "southern_us", + "ingredients": [ + "blackberries", + "peach slices", + "mint leaves", + "Jose Cuervo" + ] + }, + { + "id": 37077, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "purple onion", + "pickle relish", + "capers", + "shallots", + "reduced fat mayonnaise", + "tomatoes", + "hot pepper sauce", + "hoagie rolls", + "romaine lettuce", + "cajun seasoning", + "large shrimp" + ] + }, + { + "id": 19547, + "cuisine": "russian", + "ingredients": [ + "chicken stock", + "milk", + "salt", + "yeast", + "sugar", + "confit", + "softened butter", + "eggs", + "flour", + "chopped walnuts", + "cumin", + "orange", + "plums", + "chopped cilantro" + ] + }, + { + "id": 41709, + "cuisine": "thai", + "ingredients": [ + "lime", + "sunflower oil", + "coriander", + "fish sauce", + "turkey breast steaks", + "garlic cloves", + "mint", + "chili powder", + "purple onion", + "red chili peppers", + "rice noodles", + "green beans" + ] + }, + { + "id": 35763, + "cuisine": "irish", + "ingredients": [ + "butter", + "corn starch", + "all-purpose flour", + "sugar" + ] + }, + { + "id": 21935, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "milk", + "cayenne", + "lemon", + "smoked paprika", + "pepper", + "panko", + "chives", + "oil", + "oregano", + "mayonaise", + "garlic powder", + "red cabbage", + "salt", + "cornmeal", + "baguette", + "ground black pepper", + "onion powder", + "shrimp", + "mango" + ] + }, + { + "id": 854, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "grated parmesan cheese", + "salt", + "ground black pepper", + "whole milk ricotta cheese", + "fresh fava bean", + "large eggs", + "butter", + "ground nutmeg", + "leeks", + "all-purpose flour" + ] + }, + { + "id": 37775, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "butter", + "grated parmesan cheese", + "celery root", + "olive oil", + "low salt chicken broth", + "leeks" + ] + }, + { + "id": 45289, + "cuisine": "british", + "ingredients": [ + "eggs", + "milk", + "canola oil", + "powdered sugar", + "heavy cream", + "pure maple syrup", + "English muffins", + "sugar", + "vanilla" + ] + }, + { + "id": 34220, + "cuisine": "southern_us", + "ingredients": [ + "water", + "dried sage", + "heavy cream", + "chopped parsley", + "salt and ground black pepper", + "chicken breast halves", + "salt", + "whole wheat flour", + "baking powder", + "chopped celery", + "garlic powder", + "onion powder", + "all-purpose flour" + ] + }, + { + "id": 19137, + "cuisine": "italian", + "ingredients": [ + "anchovies", + "crushed red pepper flakes", + "penn pasta, cook and drain", + "small capers, rins and drain", + "Bertolli® Classico Olive Oil", + "bertolli organic tradit sauc", + "pitted kalamata olives", + "finely chopped fresh parsley" + ] + }, + { + "id": 26407, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "red chili peppers", + "cornish game hens", + "fresh basil leaves", + "kaffir lime leaves", + "cherry tomatoes", + "Thai red curry paste", + "tomato paste", + "straw mushrooms", + "grapeseed oil", + "fish sauce", + "golden brown sugar", + "low salt chicken broth" + ] + }, + { + "id": 30899, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "capsicum", + "salt", + "lemon juice", + "masala", + "dinner rolls", + "potatoes", + "green peas", + "green chilies", + "onions", + "cauliflower", + "sugar", + "butter", + "cilantro leaves", + "carrots", + "tomatoes", + "lemon wedge", + "purple onion", + "oil", + "ground turmeric" + ] + }, + { + "id": 22810, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "yellow onion", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 25923, + "cuisine": "indian", + "ingredients": [ + "semolina flour", + "green peas", + "black mustard seeds", + "cherry tomatoes", + "cumin seed", + "clarified butter", + "water", + "raw cashews", + "coarse kosher salt", + "curry leaves", + "peeled fresh ginger", + "garlic cloves", + "serrano chile" + ] + }, + { + "id": 22798, + "cuisine": "chinese", + "ingredients": [ + "haricots verts", + "light soy sauce", + "broccoli florets", + "shallots", + "cornflour", + "Madras curry powder", + "groundnut", + "dijon mustard", + "Shaoxing wine", + "peas", + "salt", + "fresh tomatoes", + "ground black pepper", + "chopped fresh chives", + "sesame oil", + "extra-virgin olive oil", + "fillet of beef", + "water chestnuts", + "spring onions", + "cauliflower florets", + "oyster sauce" + ] + }, + { + "id": 49124, + "cuisine": "thai", + "ingredients": [ + "cauliflower", + "kosher salt", + "vegetable oil", + "acorn squash", + "carrots", + "fresh basil", + "peanuts", + "ginger", + "tamarind concentrate", + "fresh lime juice", + "kaffir lime leaves", + "jasmine rice", + "vegetable stock", + "firm tofu", + "red bell pepper", + "unsweetened coconut milk", + "fish sauce", + "shallots", + "chile de arbol", + "kabocha squash" + ] + }, + { + "id": 38374, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "purple onion", + "corn starch", + "milk", + "shredded pepper jack cheese", + "bread crumbs", + "flour", + "elbow macaroni", + "shredded cheddar cheese", + "butter", + "mexican chorizo" + ] + }, + { + "id": 13687, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "sherry", + "ground pork", + "soy sauce", + "sesame oil", + "corn starch", + "sugar", + "green onions", + "oyster sauce", + "water", + "wonton wrappers", + "ground white pepper" + ] + }, + { + "id": 23491, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "prepared lasagne", + "mozzarella cheese", + "salt", + "cottage cheese", + "marinara sauce", + "pepper", + "ground beef" + ] + }, + { + "id": 5028, + "cuisine": "french", + "ingredients": [ + "potatoes", + "gruyere cheese", + "water", + "yukon gold potatoes", + "shredded mozzarella cheese", + "whole milk", + "salt", + "unsalted butter", + "garlic" + ] + }, + { + "id": 22710, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "unsalted butter", + "olive oil", + "garlic cloves", + "chicken stock", + "dry white wine", + "parmesan cheese", + "onions" + ] + }, + { + "id": 15486, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "baking powder", + "masa", + "pasilla chiles", + "prawns", + "sauce", + "shredded cheddar cheese", + "corn oil", + "shredded Monterey Jack cheese", + "frozen chopped spinach", + "corn husks", + "condensed chicken broth" + ] + }, + { + "id": 33779, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "vanilla extract", + "sugar", + "cooking spray", + "yellow corn meal", + "reduced fat milk", + "salt", + "water", + "butter" + ] + }, + { + "id": 4246, + "cuisine": "korean", + "ingredients": [ + "sugar", + "garlic", + "sesame seeds", + "onions", + "soy sauce", + "beef heart", + "ground ginger", + "sesame oil" + ] + }, + { + "id": 25257, + "cuisine": "mexican", + "ingredients": [ + "limeade concentrate", + "gold tequila", + "Mexican beer", + "lime" + ] + }, + { + "id": 28620, + "cuisine": "filipino", + "ingredients": [ + "water", + "chinese parsley", + "shrimp", + "onions", + "tofu", + "hard-boiled egg", + "garlic", + "calamansi", + "smoked & dried fish", + "fish sauce", + "rice noodles", + "squid", + "annatto", + "cooking oil", + "ground pork", + "corn starch", + "cabbage" + ] + }, + { + "id": 6138, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "chinese five-spice powder", + "boar", + "ginger", + "chinese black vinegar", + "soy sauce", + "Shaoxing wine", + "garlic cloves", + "honey", + "chile bean paste", + "fresh chile" + ] + }, + { + "id": 49462, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "crushed red pepper flakes", + "onions", + "fresh rosemary", + "new potatoes", + "garlic cloves", + "black pepper", + "heavy cream", + "bread dough", + "grated parmesan cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 12876, + "cuisine": "mexican", + "ingredients": [ + "beans", + "cheese", + "guacamole", + "sour cream", + "diced tomatoes", + "sliced black olives", + "taco seasoning" + ] + }, + { + "id": 45244, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "white rice", + "grated parmesan cheese", + "yellow onion", + "chicken broth", + "butter", + "olive oil", + "salt" + ] + }, + { + "id": 26128, + "cuisine": "russian", + "ingredients": [ + "raisins", + "sugar", + "all-purpose flour", + "eggs", + "salt", + "vegetable oil", + "farmer cheese" + ] + }, + { + "id": 5939, + "cuisine": "greek", + "ingredients": [ + "port wine", + "cinnamon sticks", + "quinces", + "water", + "white sugar", + "clove", + "heavy cream" + ] + }, + { + "id": 17946, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "garlic", + "bay leaf", + "sea salt", + "spaghetti squash", + "roma tomatoes", + "yellow onion", + "black pepper", + "basil", + "carrots" + ] + }, + { + "id": 23370, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "olive oil", + "salt", + "( oz.) tomato paste", + "minced garlic", + "shallots", + "chopped parsley", + "pepper", + "dry white wine", + "shrimp", + "dried oregano", + "dried basil", + "diced tomatoes", + "spaghetti" + ] + }, + { + "id": 47350, + "cuisine": "chinese", + "ingredients": [ + "water", + "jalapeno chilies", + "yellow bell pepper", + "roasted peanuts", + "ground beef", + "buns", + "vinegar", + "dry sherry", + "peanut butter", + "corn starch", + "mayonaise", + "hoisin sauce", + "sesame oil", + "garlic", + "scallions", + "soy sauce", + "shredded carrots", + "ginger", + "sauce", + "red bell pepper" + ] + }, + { + "id": 13485, + "cuisine": "cajun_creole", + "ingredients": [ + "food colouring", + "granulated sugar", + "vegetable oil", + "milk", + "cake", + "salt", + "shortening", + "large eggs", + "lemon", + "ground cinnamon", + "active dry yeast", + "decorating sugars", + "all-purpose flour" + ] + }, + { + "id": 18662, + "cuisine": "southern_us", + "ingredients": [ + "table salt", + "baking powder", + "baking soda", + "cake flour", + "sugar", + "buttermilk", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 3223, + "cuisine": "japanese", + "ingredients": [ + "chives", + "lemon juice", + "soy sauce", + "hot chili sauce", + "white sesame seeds", + "mayonaise", + "brown rice", + "toasted almonds", + "black sesame seeds", + "seaweed" + ] + }, + { + "id": 1771, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "flat leaf parsley", + "pepper", + "salt", + "rigatoni", + "tomato sauce", + "garlic", + "chopped garlic", + "parmesan cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 32791, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "mussels", + "diced tomatoes", + "flat leaf parsley", + "clam juice", + "spaghettini", + "tomato paste", + "crushed red pepper" + ] + }, + { + "id": 28337, + "cuisine": "mexican", + "ingredients": [ + "evaporated milk", + "whipping cream", + "large eggs", + "strawberries", + "sugar", + "mint sprigs", + "sweetened condensed milk", + "unsalted butter", + "cake flour" + ] + }, + { + "id": 48395, + "cuisine": "italian", + "ingredients": [ + "garlic", + "balsamic vinegar", + "plum tomatoes", + "fresh basil", + "Italian bread", + "extra-virgin olive oil" + ] + }, + { + "id": 20219, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "coarse salt", + "olive oil", + "hot water", + "dried porcini mushrooms", + "all purpose unbleached flour", + "brine-cured olives", + "dry yeast" + ] + }, + { + "id": 37298, + "cuisine": "filipino", + "ingredients": [ + "tomato sauce", + "cooking oil", + "garlic", + "water", + "bay leaves", + "onions", + "soy sauce", + "potatoes", + "salt", + "ground black pepper", + "lemon", + "chuck" + ] + }, + { + "id": 41675, + "cuisine": "indian", + "ingredients": [ + "extra firm tofu", + "ground allspice", + "ground cumin", + "russet potatoes", + "frozen peas", + "vegetable oil", + "onions", + "diced tomatoes", + "chopped cilantro fresh" + ] + }, + { + "id": 22902, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "water", + "long-grain rice", + "salt", + "lime", + "chopped cilantro" + ] + }, + { + "id": 12740, + "cuisine": "italian", + "ingredients": [ + "baby spinach", + "lemon", + "olive oil" + ] + }, + { + "id": 33078, + "cuisine": "jamaican", + "ingredients": [ + "nutmeg", + "vegetable oil", + "garlic cloves", + "pepper", + "paprika", + "allspice", + "ground cinnamon", + "scotch bonnet chile", + "thyme", + "pork tenderloin", + "salt", + "ground cumin" + ] + }, + { + "id": 7029, + "cuisine": "cajun_creole", + "ingredients": [ + "parsnips", + "sweet potatoes", + "vegetable broth", + "banana peppers", + "canola oil", + "celery ribs", + "file powder", + "chile pepper", + "all-purpose flour", + "roasted tomatoes", + "black-eyed peas", + "red beans", + "garlic", + "smoked paprika", + "green bell pepper", + "serrano peppers", + "cajun seasoning", + "okra", + "onions" + ] + }, + { + "id": 10501, + "cuisine": "southern_us", + "ingredients": [ + "butternut squash", + "white sugar", + "vanilla extract", + "butter", + "sweetened condensed milk", + "eggs", + "heavy whipping cream" + ] + }, + { + "id": 4041, + "cuisine": "vietnamese", + "ingredients": [ + "eggs", + "butter", + "salt", + "granulated sugar", + "vanilla extract", + "milk", + "ginger", + "all-purpose flour", + "baking powder", + "cooking wine" + ] + }, + { + "id": 33626, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "white hominy", + "bay leaves", + "garlic", + "pork shoulder", + "water", + "low sodium chicken broth", + "vegetable oil", + "dried guajillo chiles", + "kosher salt", + "jalapeno chilies", + "Mexican oregano", + "white beans", + "ground cumin", + "avocado", + "fresh cilantro", + "serrano peppers", + "chile de arbol", + "ancho chile pepper" + ] + }, + { + "id": 35654, + "cuisine": "indian", + "ingredients": [ + "Quorn Chik''n Tenders", + "vegetable broth", + "ground coriander", + "ground turmeric", + "garam masala", + "diced tomatoes", + "chickpeas", + "onions", + "chili powder", + "garlic", + "cumin seed", + "ground cumin", + "tomato purée", + "vegetable oil", + "salt", + "black mustard seeds" + ] + }, + { + "id": 1172, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "all-purpose flour", + "buttermilk", + "cayenne pepper", + "large eggs", + "hot sauce", + "neutral oil", + "paprika", + "dill pickles" + ] + }, + { + "id": 26952, + "cuisine": "mexican", + "ingredients": [ + "bouillon powder", + "garlic cloves", + "diced tomatoes", + "cooking oil", + "ground cumin", + "chicken broth", + "white rice" + ] + }, + { + "id": 2123, + "cuisine": "chinese", + "ingredients": [ + "sambal ulek", + "fresh ginger", + "lean ground beef", + "chinese five-spice powder", + "onions", + "chinese rice wine", + "sliced cucumber", + "garlic", + "pasta water", + "soy sauce", + "sesame oil", + "creamy peanut butter", + "beansprouts", + "brown sugar", + "jalapeno chilies", + "sprouts", + "Chinese egg noodles", + "black vinegar" + ] + }, + { + "id": 43004, + "cuisine": "french", + "ingredients": [ + "bread", + "sugar", + "vanilla extract", + "caramel sauce", + "eggs", + "milk", + "crème fraîche", + "melted butter", + "orange", + "salt", + "brioche", + "heavy cream", + "Grand Marnier" + ] + }, + { + "id": 39903, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "zucchini", + "purple onion", + "corn tortillas", + "green bell pepper", + "olive oil", + "garlic", + "red bell pepper", + "ground cumin", + "corn", + "cilantro", + "enchilada sauce", + "dried oregano", + "black beans", + "ground black pepper", + "shredded sharp cheddar cheese", + "sour cream" + ] + }, + { + "id": 112, + "cuisine": "southern_us", + "ingredients": [ + "toasted pecans", + "large eggs", + "salt", + "blackberry jam", + "baking soda", + "buttermilk", + "ground allspice", + "ground cinnamon", + "ground cloves", + "butter", + "all-purpose flour", + "powdered sugar", + "granulated sugar", + "vanilla extract" + ] + }, + { + "id": 2873, + "cuisine": "italian", + "ingredients": [ + "eggs", + "extra-virgin olive oil", + "pepper", + "tomatoes", + "salt" + ] + }, + { + "id": 43064, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "cassia cinnamon", + "salt", + "ground turmeric", + "chicken stock", + "fresh ginger", + "vegetable oil", + "ground coriander", + "green cardamom pods", + "minced garlic", + "pumpkin", + "yellow onion", + "tomato paste", + "garam masala", + "shoulder meat", + "chopped cilantro fresh" + ] + }, + { + "id": 17239, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "yaki-nori", + "hass avocado", + "sesame seeds", + "rice vinegar", + "ginger paste", + "sushi rice", + "salt", + "large shrimp", + "sugar", + "vegetable oil", + "asparagus spears" + ] + }, + { + "id": 49384, + "cuisine": "mexican", + "ingredients": [ + "kale", + "spices", + "purple onion", + "lime", + "queso fresco", + "garlic", + "avocado", + "whole peeled tomatoes", + "ground pork", + "hominy", + "cilantro", + "corn tortillas" + ] + }, + { + "id": 17951, + "cuisine": "jamaican", + "ingredients": [ + "roast", + "garlic cloves", + "tomatoes", + "sea salt", + "onions", + "pepper", + "paprika", + "vegetable oil", + "thyme sprigs" + ] + }, + { + "id": 38775, + "cuisine": "italian", + "ingredients": [ + "Bartlett Pear", + "salt", + "mascarpone", + "fresh lemon juice", + "black pepper", + "walnuts", + "extra-virgin olive oil", + "arugula" + ] + }, + { + "id": 39158, + "cuisine": "greek", + "ingredients": [ + "plain yogurt", + "lemon", + "dried oregano", + "ground pepper", + "salt", + "chicken breast halves", + "fresh parsley", + "olive oil", + "large garlic cloves" + ] + }, + { + "id": 27990, + "cuisine": "french", + "ingredients": [ + "mussels", + "finely chopped onion", + "olive oil", + "finely chopped fresh parsley", + "black pepper", + "dry white wine" + ] + }, + { + "id": 48960, + "cuisine": "british", + "ingredients": [ + "ground cinnamon", + "butter", + "milk", + "salt", + "sugar", + "rapid rise yeast", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 39056, + "cuisine": "thai", + "ingredients": [ + "reduced sodium soy sauce", + "sunflower oil", + "coriander", + "spring onions", + "chili sauce", + "snow peas", + "rice noodles", + "firm tofu", + "masala", + "fresh ginger root", + "red pepper", + "beansprouts" + ] + }, + { + "id": 13397, + "cuisine": "russian", + "ingredients": [ + "fresh dill", + "vegetable oil", + "diced tomatoes", + "beets", + "beef stock", + "red wine vinegar", + "yellow onion", + "sour cream", + "stew meat", + "shredded cabbage", + "large garlic cloves", + "rolls", + "pepper", + "russet potatoes", + "salt", + "carrots" + ] + }, + { + "id": 27061, + "cuisine": "japanese", + "ingredients": [ + "chat masala", + "cumin seed", + "methi", + "mashed potatoes", + "salt", + "wheat flour", + "whole wheat flour", + "oil", + "red chili powder", + "green chilies", + "ghee" + ] + }, + { + "id": 7797, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "sour cream", + "Jiffy Corn Muffin Mix", + "whole kernel corn, drain", + "cream style corn" + ] + }, + { + "id": 41048, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "white sesame seeds", + "crushed red pepper flakes", + "toasted sesame oil", + "rice vinegar", + "sugar", + "cucumber" + ] + }, + { + "id": 29981, + "cuisine": "russian", + "ingredients": [ + "plain flour", + "buttermilk", + "baking powder", + "xanthan gum", + "butter", + "eggs", + "buckwheat flour" + ] + }, + { + "id": 22760, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "butter", + "lard", + "vinegar", + "salt", + "unsalted butter", + "buttermilk", + "cornmeal", + "eggs", + "apple cider vinegar", + "all-purpose flour" + ] + }, + { + "id": 3826, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "mirin", + "scallions", + "kosher salt", + "ginger", + "soy sauce", + "lime wedges", + "chicken thighs", + "smoked sea salt", + "dried shiitake mushrooms" + ] + }, + { + "id": 16359, + "cuisine": "chinese", + "ingredients": [ + "water", + "green onions", + "corn starch", + "soy sauce", + "hoisin sauce", + "red pepper flakes", + "brown sugar", + "fresh ginger", + "sesame oil", + "canola oil", + "ketchup", + "extra firm tofu", + "rice vinegar" + ] + }, + { + "id": 40314, + "cuisine": "french", + "ingredients": [ + "sugar", + "pastry tart shell", + "cream sweeten whip", + "large eggs", + "prunes", + "hazelnuts", + "grated orange", + "roasted hazelnuts", + "crème fraîche" + ] + }, + { + "id": 5690, + "cuisine": "thai", + "ingredients": [ + "boneless chicken breast", + "sweet chili sauce", + "green onions", + "soy sauce", + "bell pepper", + "sesame seeds", + "onions" + ] + }, + { + "id": 48467, + "cuisine": "italian", + "ingredients": [ + "orange bell pepper", + "chopped fresh thyme", + "salt", + "red bell pepper", + "fresh rosemary", + "cooking spray", + "extra-virgin olive oil", + "garlic cloves", + "fennel seeds", + "ground black pepper", + "yellow bell pepper", + "chopped fresh sage", + "boneless skinless chicken breast halves", + "fresh basil", + "balsamic vinegar", + "crushed red pepper", + "fresh lemon juice" + ] + }, + { + "id": 1694, + "cuisine": "indian", + "ingredients": [ + "carrots", + "milk", + "cashew nuts", + "sugar", + "ghee", + "ground cardamom" + ] + }, + { + "id": 345, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "fresh coriander", + "boneless chicken", + "fish sauce", + "fresh ginger", + "garlic cloves", + "spinach leaves", + "lime", + "oil", + "red chili peppers", + "Himalayan salt" + ] + }, + { + "id": 38545, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "ras el hanout", + "onions", + "eggs", + "vegetable stock", + "lentils", + "parsley", + "salt", + "puff pastry", + "pepper", + "garlic", + "carrots" + ] + }, + { + "id": 48947, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "extra-virgin olive oil", + "pinenuts", + "Italian parsley leaves", + "pecorino cheese", + "lemon", + "tagliarini", + "ground black pepper", + "sea salt" + ] + }, + { + "id": 38331, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "sliced almonds", + "cilantro leaves", + "adobo sauce", + "chipotle chile", + "raisins", + "garlic cloves", + "ground cumin", + "boneless chicken skinless thigh", + "extra-virgin olive oil", + "ancho chile pepper", + "ground cinnamon", + "coarse salt", + "yellow onion", + "bittersweet chocolate" + ] + }, + { + "id": 36134, + "cuisine": "chinese", + "ingredients": [ + "black bean sauce", + "garlic cloves", + "teriyaki sauce", + "fresh ginger", + "pork spareribs", + "vegetable oil", + "garlic chili sauce" + ] + }, + { + "id": 12444, + "cuisine": "indian", + "ingredients": [ + "kaffir lime leaves", + "whole cloves", + "cardamom seeds", + "grated nutmeg", + "coconut milk", + "lemongrass", + "cinnamon", + "garlic", + "peanut oil", + "chicken", + "kosher salt", + "shallots", + "thai chile", + "rice", + "ground turmeric", + "fennel seeds", + "coriander seeds", + "ginger", + "candlenuts", + "cumin seed" + ] + }, + { + "id": 18240, + "cuisine": "mexican", + "ingredients": [ + "sour cream", + "onion powder", + "adobo sauce", + "cream cheese", + "chopped cilantro", + "garlic powder", + "chipotles in adobo" + ] + }, + { + "id": 25869, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "fish sauce", + "lemongrass", + "pork cutlets", + "minced garlic", + "chili sauce", + "brown sugar", + "lime" + ] + }, + { + "id": 15138, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "salt", + "Balsamico Bianco", + "black pepper", + "broccoli florets", + "orecchiette", + "chicken broth", + "grated parmesan cheese", + "softened butter", + "olive oil", + "toasted pine nuts" + ] + }, + { + "id": 3871, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "kielbasa", + "onions", + "ground cloves", + "bay leaves", + "low salt chicken broth", + "chicken", + "green bell pepper", + "olive oil", + "cayenne pepper", + "long grain white rice", + "minced garlic", + "chili powder", + "fresh parsley" + ] + }, + { + "id": 38101, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "spring onions", + "oil", + "chinese rice wine", + "light soy sauce", + "ginger", + "corn flour", + "dark soy sauce", + "water", + "sesame oil", + "oyster sauce", + "pork", + "shiitake", + "cornflour" + ] + }, + { + "id": 35354, + "cuisine": "thai", + "ingredients": [ + "dry roasted peanuts", + "butter", + "Thai fish sauce", + "potatoes", + "garlic", + "onions", + "curry powder", + "stewing steak", + "coconut milk", + "beef stock", + "peanut butter", + "browning" + ] + }, + { + "id": 35924, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "finely chopped onion", + "water", + "celery", + "chestnuts", + "baking potatoes", + "unsalted butter", + "celery root" + ] + }, + { + "id": 5449, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "coarse sea salt", + "whipping cream", + "allspice", + "ground black pepper", + "large eggs", + "cornichons", + "garlic cloves", + "dried thyme", + "minced onion", + "ground pork", + "cognac", + "ham steak", + "dijon mustard", + "bacon", + "salt" + ] + }, + { + "id": 8484, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "ice water", + "cinnamon", + "sugar", + "salt" + ] + }, + { + "id": 48266, + "cuisine": "brazilian", + "ingredients": [ + "bacon", + "manioc flour", + "vegetable oil" + ] + }, + { + "id": 9368, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "bay leaves", + "garlic", + "calamansi", + "vinegar", + "ginger", + "catfish", + "peppercorns", + "fried garlic", + "green onions", + "salt", + "onions", + "sugar", + "roma tomatoes", + "star anise", + "oil" + ] + }, + { + "id": 33633, + "cuisine": "french", + "ingredients": [ + "panko", + "all-purpose flour", + "whole milk", + "muenster cheese", + "salad", + "butter", + "ground cumin", + "large eggs", + "red bell pepper" + ] + }, + { + "id": 40766, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "ground cumin", + "chopped cilantro fresh", + "boneless skinless chicken breast halves", + "crumbs", + "Country Crock® Spread" + ] + }, + { + "id": 20174, + "cuisine": "italian", + "ingredients": [ + "pesto", + "salt", + "red bell pepper", + "crushed red pepper", + "shredded zucchini", + "parmigiano-reggiano cheese", + "purple onion", + "fresh lemon juice", + "ground black pepper", + "bow-tie pasta" + ] + }, + { + "id": 49310, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "ground red pepper", + "minced garlic", + "yellow mustard", + "cider vinegar", + "vegetable oil", + "fresh basil", + "honey" + ] + }, + { + "id": 754, + "cuisine": "mexican", + "ingredients": [ + "corn", + "white bread", + "chile pepper", + "refried beans", + "mozzarella cheese", + "squash blossoms" + ] + }, + { + "id": 39120, + "cuisine": "mexican", + "ingredients": [ + "ancho chili ground pepper", + "tomatoes with juice", + "eggs", + "diced green chilies", + "onions", + "olive oil", + "chopped cilantro", + "black beans", + "grating cheese", + "ground cumin" + ] + }, + { + "id": 43499, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "minced garlic", + "white rice", + "carrots", + "white sugar", + "rib eye steaks", + "soy sauce", + "green onions", + "dried shiitake mushrooms", + "beansprouts", + "fresh spinach", + "water", + "salt", + "cucumber", + "nori", + "eggs", + "pepper", + "sesame oil", + "chili bean paste", + "toasted sesame seeds" + ] + }, + { + "id": 38202, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "chopped pecans", + "baking soda", + "vanilla extract", + "white sugar", + "heavy cream", + "confectioners sugar", + "butter", + "salt" + ] + }, + { + "id": 12840, + "cuisine": "french", + "ingredients": [ + "cherries", + "all-purpose flour", + "sugar", + "whole milk", + "heavy whipping cream", + "kosher salt", + "vanilla extract", + "powdered sugar", + "large eggs", + "grated lemon zest" + ] + }, + { + "id": 11999, + "cuisine": "italian", + "ingredients": [ + "baguette", + "salt", + "tomatoes", + "parmesan cheese", + "fresh basil", + "garlic", + "olive oil", + "cream cheese, soften" + ] + }, + { + "id": 2196, + "cuisine": "british", + "ingredients": [ + "chicken stock", + "yukon gold potatoes", + "sunflower oil", + "freshly ground pepper", + "olive oil", + "red wine", + "all-purpose flour", + "milk", + "red wine vinegar", + "purple onion", + "unsalted butter", + "sea salt", + "banger" + ] + }, + { + "id": 7045, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "vegetables", + "vegetable stock", + "tamarind paste", + "sliced green onions", + "eggs", + "soy sauce", + "lime wedges", + "unsalted dry roast peanuts", + "peanut oil", + "chili flakes", + "fresh coriander", + "rice noodles", + "sauce", + "beansprouts", + "diced onions", + "baby bok choy", + "ground black pepper", + "garlic", + "chili sauce" + ] + }, + { + "id": 19227, + "cuisine": "korean", + "ingredients": [ + "red pepper flakes", + "green onions", + "salt", + "msg", + "garlic", + "napa cabbage" + ] + }, + { + "id": 24088, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "kidney beans", + "black gram", + "cumin seed", + "onions", + "tomatoes", + "water", + "ginger", + "green chilies", + "almond milk", + "asafoetida", + "vegan butter", + "cashew milk", + "garlic cloves", + "red chili powder", + "garam masala", + "salt", + "oil", + "ground turmeric" + ] + }, + { + "id": 4121, + "cuisine": "british", + "ingredients": [ + "dried currants", + "unsalted butter", + "golden raisins", + "dark brown sugar", + "candied orange peel", + "baking soda", + "dark rum", + "all-purpose flour", + "fruit", + "self rising flour", + "raisins", + "golden syrup", + "water", + "large eggs", + "salt", + "grated orange" + ] + }, + { + "id": 10434, + "cuisine": "russian", + "ingredients": [ + "water", + "garlic cloves", + "pierogi", + "salt", + "fresh dill", + "bacon slices", + "savoy cabbage", + "olive oil", + "onions" + ] + }, + { + "id": 47322, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "chips", + "non-fat sour cream", + "long-grain rice", + "dried thyme", + "worcestershire sauce", + "33% less sodium cooked ham", + "celery", + "vegetable oil cooking spray", + "ground red pepper", + "hot sauce", + "garlic cloves", + "reduced fat sharp cheddar cheese", + "black-eyed peas", + "diced tomatoes", + "chopped onion" + ] + }, + { + "id": 8872, + "cuisine": "italian", + "ingredients": [ + "espresso", + "chocolate shavings", + "vanilla extract", + "sugar", + "heavy whipping cream" + ] + }, + { + "id": 5694, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn", + "chopped cilantro fresh", + "black-eyed peas", + "fresh lime juice", + "sweet onion", + "garlic cloves", + "picante sauce", + "tortilla chips", + "plum tomatoes" + ] + }, + { + "id": 6068, + "cuisine": "indian", + "ingredients": [ + "non dairy yogurt", + "baby spinach", + "ginger", + "yellow onion", + "kale", + "lemon", + "extra-virgin olive oil", + "ground coriander", + "pepper", + "cinnamon", + "tomatoes with juice", + "chickpeas", + "mustard", + "garam masala", + "large garlic cloves", + "salt" + ] + }, + { + "id": 22572, + "cuisine": "southern_us", + "ingredients": [ + "light molasses", + "okra", + "black-eyed peas", + "cayenne pepper", + "olive oil", + "purple onion", + "andouille sausage", + "apple cider vinegar", + "yams" + ] + }, + { + "id": 32628, + "cuisine": "british", + "ingredients": [ + "water", + "beef liver", + "grass-fed butter", + "bacon", + "garlic powder", + "onions", + "pepper", + "coconut flour" + ] + }, + { + "id": 39940, + "cuisine": "indian", + "ingredients": [ + "soda", + "oil", + "ground turmeric", + "water", + "cilantro leaves", + "mustard seeds", + "ginger paste", + "salt", + "lemon juice", + "green gram", + "coconut", + "green chilies", + "asafoetida powder" + ] + }, + { + "id": 33584, + "cuisine": "british", + "ingredients": [ + "eggs", + "all-purpose flour", + "2% reduced-fat milk", + "salt", + "vegetable oil" + ] + }, + { + "id": 44108, + "cuisine": "french", + "ingredients": [ + "english breakfast tea bags", + "boiling water", + "mint sprigs", + "ice water", + "sugar", + "fresh lemon juice" + ] + }, + { + "id": 9097, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "baby spinach", + "garlic", + "light sour cream", + "nonfat greek yogurt", + "crushed red pepper flakes", + "pasta water", + "tomato paste", + "sun-dried tomatoes", + "diced tomatoes", + "salt", + "pepper", + "granulated sugar", + "dried fettuccine" + ] + }, + { + "id": 16447, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "garden peas", + "nori", + "garlic shoots", + "ramen noodles", + "scallions", + "eggs", + "shiitake", + "ginger", + "vegetable demi-glace", + "lemon", + "arugula" + ] + }, + { + "id": 32579, + "cuisine": "korean", + "ingredients": [ + "table salt", + "leeks", + "onions", + "kosher salt", + "pickling cucumbers", + "sugar", + "green onions", + "chile powder", + "water", + "garlic" + ] + }, + { + "id": 20243, + "cuisine": "italian", + "ingredients": [ + "low sodium worcestershire sauce", + "fresh parmesan cheese", + "fresh parsley", + "water", + "turkey kielbasa", + "sugar", + "cooking spray", + "polenta", + "yellow squash", + "red bell pepper" + ] + }, + { + "id": 5240, + "cuisine": "italian", + "ingredients": [ + "italian pizza crust", + "whole chicken", + "crumbled blue cheese", + "provolone cheese", + "vegetable oil cooking spray", + "buffalo" + ] + }, + { + "id": 37394, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "baking powder", + "all-purpose flour", + "unsalted butter", + "vanilla extract", + "almonds", + "anise", + "sugar", + "large eggs", + "salt" + ] + }, + { + "id": 46248, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "milk", + "french fries", + "salsa", + "sour cream", + "shredded cheddar cheese", + "garlic powder", + "bacon", + "cayenne pepper", + "ground cumin", + "pepper", + "olive oil", + "russet potatoes", + "hot sauce", + "chunky salsa", + "lime juice", + "flour tortillas", + "salt", + "corn starch" + ] + }, + { + "id": 9556, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "salt", + "chopped cilantro fresh", + "tomato paste", + "extra-virgin olive oil", + "ground beef", + "ground lamb", + "ground ginger", + "large eggs", + "garlic cloves", + "cumin", + "tomatoes", + "purple onion", + "fresh parsley" + ] + }, + { + "id": 4955, + "cuisine": "chinese", + "ingredients": [ + "celery ribs", + "black pepper", + "green onions", + "rice vinegar", + "chinese five-spice powder", + "rib", + "eggs", + "garlic powder", + "worcestershire sauce", + "low sodium chicken stock", + "beansprouts", + "ground ginger", + "yellow squash", + "vegetable oil", + "all-purpose flour", + "corn starch", + "bok choy", + "soy sauce", + "mushrooms", + "salt", + "scallions", + "toasted sesame oil" + ] + }, + { + "id": 32401, + "cuisine": "southern_us", + "ingredients": [ + "dill pickles", + "dry roasted peanuts", + "mayonaise", + "frozen peas", + "lettuce leaves" + ] + }, + { + "id": 33883, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "salt", + "lemongrass", + "chicken", + "tumeric", + "peppercorns", + "garlic" + ] + }, + { + "id": 45831, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "green bell pepper", + "vine ripened tomatoes", + "extra-virgin olive oil", + "large shrimp", + "hard shelled clams", + "shallots", + "sea salt", + "onions", + "mussels", + "dry vermouth", + "fish stock", + "garlic cloves", + "crayfish", + "sorrel", + "dry white wine", + "heavy cream", + "red bell pepper" + ] + }, + { + "id": 28384, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "shallots", + "rice vinegar", + "sesame paste", + "seedless cucumber", + "butter", + "scallions", + "toasted sesame oil", + "fresh ginger", + "garlic", + "oil", + "soy sauce", + "rice wine", + "peanut oil", + "Chinese egg noodles" + ] + }, + { + "id": 31160, + "cuisine": "italian", + "ingredients": [ + "capers", + "extra-virgin olive oil", + "artichoke hearts", + "crusty bread", + "garlic cloves", + "pitted green olives" + ] + }, + { + "id": 34972, + "cuisine": "japanese", + "ingredients": [ + "red chili peppers", + "radishes", + "ginger", + "snow peas", + "wasabi paste", + "sesame seeds", + "wasabi powder", + "cilantro leaves", + "scallion greens", + "soy sauce", + "mirin", + "peas", + "nori", + "ginger juice", + "extra firm silken tofu", + "crushed red pepper flakes", + "cucumber" + ] + }, + { + "id": 7661, + "cuisine": "moroccan", + "ingredients": [ + "water", + "salt", + "dried apricot", + "couscous", + "coriander seeds", + "flat leaf parsley", + "extra-virgin olive oil" + ] + }, + { + "id": 8390, + "cuisine": "moroccan", + "ingredients": [ + "dried apricot", + "garlic cloves", + "chicken stock", + "chickpeas", + "coriander", + "ras el hanout", + "onions", + "olive oil", + "skinless chicken breasts" + ] + }, + { + "id": 45302, + "cuisine": "french", + "ingredients": [ + "pepper", + "nutritional yeast", + "leeks", + "chickpea flour", + "water", + "miso paste", + "salt", + "minced garlic", + "almonds", + "lemon", + "sliced almonds", + "olive oil", + "herbs", + "garlic cloves" + ] + }, + { + "id": 5968, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "honey", + "butter", + "ketchup", + "minced garlic", + "dijon mustard", + "sauce", + "cider vinegar", + "peaches", + "worcestershire sauce", + "molasses", + "sweet onion", + "bourbon whiskey", + "dark brown sugar" + ] + }, + { + "id": 9918, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "sugar", + "meyer lemon", + "large eggs" + ] + }, + { + "id": 43652, + "cuisine": "italian", + "ingredients": [ + "milk", + "vegetable oil", + "white sugar", + "mild Italian sausage", + "salt", + "ground black pepper", + "ricotta cheese", + "eggs", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 2330, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "large eggs", + "all-purpose flour", + "toasted sesame seeds", + "ground black pepper", + "vegetable oil", + "boneless pork loin", + "dashi", + "lemon wedge", + "yellow onion", + "panko breadcrumbs", + "mirin", + "coarse salt", + "scallions" + ] + }, + { + "id": 34576, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "soy sauce", + "stir fry vegetable blend", + "chicken broth", + "gingerroot", + "cooked chicken" + ] + }, + { + "id": 34962, + "cuisine": "italian", + "ingredients": [ + "brewed coffee", + "sugar", + "unsweetened cocoa powder", + "ladyfingers", + "cream cheese, soften", + "marsala wine" + ] + }, + { + "id": 12866, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "ground red pepper", + "all-purpose flour", + "celery ribs", + "green onions", + "salt", + "grits", + "chopped green bell pepper", + "heavy cream", + "onions", + "andouille sausage", + "butter", + "shrimp" + ] + }, + { + "id": 37096, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "garlic cloves", + "chopped cilantro fresh", + "Mexican oregano", + "fresh lime juice", + "canola oil", + "tomatoes", + "fine sea salt", + "fresh parsley", + "snapper head", + "corn tortillas", + "serrano chile" + ] + }, + { + "id": 37266, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "flat leaf parsley", + "feta cheese", + "olive oil", + "sun-dried tomatoes in oil", + "fresh dill", + "scallions" + ] + }, + { + "id": 2983, + "cuisine": "italian", + "ingredients": [ + "pepper", + "minced onion", + "tomatoes with juice", + "boneless skinless chicken breast halves", + "eggs", + "milk", + "butter", + "dry bread crumbs", + "minced garlic", + "grated parmesan cheese", + "salt", + "dried oregano", + "sugar", + "olive oil", + "heavy cream", + "shredded mozzarella cheese" + ] + }, + { + "id": 43957, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "chopped celery", + "boneless skinless chicken breast halves", + "black pepper", + "finely chopped onion", + "hot sauce", + "andouille sausage", + "chopped green bell pepper", + "salt", + "dried thyme", + "cooking spray", + "fresh parsley" + ] + }, + { + "id": 2002, + "cuisine": "thai", + "ingredients": [ + "romaine lettuce", + "lime", + "green onions", + "napa cabbage", + "rice vinegar", + "cucumber", + "soy sauce", + "red cabbage", + "sesame oil", + "garlic", + "peanut butter", + "sugar", + "peanuts", + "boneless skinless chicken breasts", + "cilantro", + "edamame", + "red bell pepper", + "pepper", + "shredded carrots", + "vegetable oil", + "salt", + "chili sauce" + ] + }, + { + "id": 35503, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "buttermilk", + "panko breadcrumbs", + "kosher salt", + "pies", + "hot sauce", + "unsalted butter", + "boneless chicken cutlet", + "honey", + "vegetable oil", + "cayenne pepper" + ] + }, + { + "id": 1625, + "cuisine": "cajun_creole", + "ingredients": [ + "red beans", + "cayenne pepper", + "minced garlic", + "salt", + "bay leaf", + "smoked sausage", + "rice", + "seasoning salt", + "meat bones", + "onions" + ] + }, + { + "id": 12582, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "chunky salsa", + "Swanson Chicken Broth", + "small white beans", + "frozen whole kernel corn", + "garlic", + "ground cumin", + "boneless skinless chicken breasts", + "onions" + ] + }, + { + "id": 17770, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "drippings", + "broiler-fryers", + "water", + "all-purpose flour", + "black pepper", + "salt" + ] + }, + { + "id": 10840, + "cuisine": "southern_us", + "ingredients": [ + "steak sauce", + "breast of lamb", + "Tabasco Pepper Sauce", + "lima beans", + "diced celery", + "onions", + "pepper", + "potatoes", + "worcestershire sauce", + "okra", + "shanks", + "chicken", + "tomato purée", + "beef shank", + "red pepper", + "green pepper", + "carrots", + "cabbage", + "cold water", + "corn", + "bourbon whiskey", + "salt", + "veal shanks", + "chopped parsley" + ] + }, + { + "id": 41271, + "cuisine": "vietnamese", + "ingredients": [ + "butter lettuce", + "grated carrot", + "rice flour", + "cilantro", + "salt", + "pork shoulder", + "unsweetened coconut milk", + "deveined shrimp", + "oil", + "sliced green onions", + "water", + "powdered turmeric", + "beansprouts" + ] + }, + { + "id": 38766, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "cornmeal", + "pepper", + "salt", + "eggs", + "buttermilk", + "green tomatoes", + "all-purpose flour" + ] + }, + { + "id": 14175, + "cuisine": "mexican", + "ingredients": [ + "orange bell pepper", + "fajita seasoning mix", + "lime", + "chicken breasts", + "low sodium salt", + "low-fat cheese", + "olive oil", + "chopped cilantro" + ] + }, + { + "id": 15160, + "cuisine": "jamaican", + "ingredients": [ + "grated orange peel", + "butter", + "hot water", + "ground cinnamon", + "granulated sugar", + "vanilla", + "cassava", + "nutmeg", + "grated coconut", + "raisins", + "coconut milk", + "brown sugar", + "baking powder", + "salt" + ] + }, + { + "id": 42232, + "cuisine": "italian", + "ingredients": [ + "ground ginger", + "ground cloves", + "raisins", + "dried fig", + "prunes", + "honey", + "salt", + "ground cinnamon", + "hazelnuts", + "Dutch-processed cocoa powder", + "sugar", + "almonds", + "all-purpose flour" + ] + }, + { + "id": 4070, + "cuisine": "french", + "ingredients": [ + "sugar", + "whipping cream", + "large egg yolks", + "vanilla beans", + "forest fruit", + "golden brown sugar", + "raspberry liqueur" + ] + }, + { + "id": 41951, + "cuisine": "italian", + "ingredients": [ + "whole milk", + "sea salt", + "water", + "lemon" + ] + }, + { + "id": 15733, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "Philadelphia Cream Cheese", + "rotel tomatoes" + ] + }, + { + "id": 33270, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "loin pork roast", + "corn starch", + "baking powder", + "scallions", + "active dry yeast", + "cake flour", + "lard", + "sugar", + "vegetable oil", + "oyster sauce" + ] + }, + { + "id": 6774, + "cuisine": "korean", + "ingredients": [ + "ground black pepper", + "ground pork", + "kosher salt", + "napa cabbage", + "onions", + "eggs", + "brown rice", + "korean chile paste", + "minced garlic", + "bacon" + ] + }, + { + "id": 4716, + "cuisine": "french", + "ingredients": [ + "pitted kalamata olives", + "feta cheese", + "fresh oregano", + "water", + "red wine vinegar", + "tomatoes", + "olive oil", + "salt", + "fresh marjoram", + "leeks", + "cinnamon sticks" + ] + }, + { + "id": 18152, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "butter", + "fresh tomatoes", + "parmesan cheese", + "salt", + "fresh basil", + "sun-dried tomatoes", + "garlic", + "milk", + "ground black pepper", + "cream cheese, soften" + ] + }, + { + "id": 47231, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "pork shoulder roast" + ] + }, + { + "id": 18310, + "cuisine": "italian", + "ingredients": [ + "butter", + "confectioners sugar", + "sherry", + "salt", + "eggs", + "vanilla extract", + "white sugar", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 22827, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "flat leaf parsley", + "kosher salt", + "white rice", + "frozen peas", + "shallots", + "medium shrimp", + "olive oil", + "spanish chorizo", + "saffron" + ] + }, + { + "id": 10946, + "cuisine": "italian", + "ingredients": [ + "pesto", + "ricotta", + "pepper", + "gnocchi", + "kosher salt", + "green beans", + "heavy cream" + ] + }, + { + "id": 26652, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lemon juice", + "chicken broth", + "butter", + "noodles", + "chicken breasts", + "fresh parsley", + "pepper", + "salt" + ] + }, + { + "id": 47292, + "cuisine": "cajun_creole", + "ingredients": [ + "boneless chicken skinless thigh", + "vegetable oil", + "celery", + "dried oregano", + "green bell pepper", + "dried basil", + "cayenne pepper", + "onions", + "andouille sausage", + "hungarian paprika", + "dri leav thyme", + "plum tomatoes", + "chicken broth", + "minced garlic", + "deveined shrimp", + "cooked white rice" + ] + }, + { + "id": 29794, + "cuisine": "southern_us", + "ingredients": [ + "cherry pie filling", + "cherry gelatin", + "water", + "diet dr. pepper", + "crushed pineapple" + ] + }, + { + "id": 25483, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "butter", + "pork roast", + "sugar", + "prepared mustard", + "hot sauce", + "cider vinegar", + "worcestershire sauce", + "garlic cloves", + "pepper", + "salt" + ] + }, + { + "id": 2715, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "pepper", + "balsamic vinegar", + "grape tomatoes", + "basil leaves", + "salt", + "baguette", + "butter" + ] + }, + { + "id": 4513, + "cuisine": "japanese", + "ingredients": [ + "dough", + "potatoes", + "salt", + "kalonji", + "sugar", + "maida flour", + "peanut oil", + "tumeric", + "vegetable oil", + "green chilies", + "warm water", + "green peas", + "ghee" + ] + }, + { + "id": 29442, + "cuisine": "mexican", + "ingredients": [ + "corn flour", + "salt", + "water", + "fat" + ] + }, + { + "id": 34960, + "cuisine": "moroccan", + "ingredients": [ + "cold water", + "sherry vinegar", + "yellow onion", + "boiling water", + "tomato purée", + "ras el hanout", + "red bell pepper", + "ground cumin", + "ground cinnamon", + "extra-virgin olive oil", + "cucumber", + "plum tomatoes", + "pitas", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 34105, + "cuisine": "irish", + "ingredients": [ + "champagne", + "stout" + ] + }, + { + "id": 19831, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "red wine", + "red bell pepper", + "bay leaves", + "garlic", + "onions", + "olive oil", + "tomatoes with juice", + "celery", + "lean ground beef", + "beef broth", + "italian seasoning" + ] + }, + { + "id": 5458, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "tomatoes", + "fresh lime juice", + "avocado", + "purple onion", + "olive oil", + "chopped cilantro fresh" + ] + }, + { + "id": 14178, + "cuisine": "mexican", + "ingredients": [ + "ground pepper", + "salsa", + "ground cumin", + "flour tortillas", + "garlic cloves", + "red cabbage", + "flat iron steaks", + "cheddar cheese", + "coarse salt", + "fresh lime juice" + ] + }, + { + "id": 36676, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "Stonefire Italian Thin Pizza Crust", + "tomatoes", + "Alfredo sauce", + "roast breast of chicken", + "parmesan cheese", + "fresh basil", + "cooked bacon" + ] + }, + { + "id": 26745, + "cuisine": "irish", + "ingredients": [ + "black pepper", + "beef bouillon granules", + "salt", + "red bell pepper", + "olive oil", + "red wine", + "calf liver", + "sweet onion", + "butter", + "all-purpose flour", + "cold water", + "chopped green bell pepper", + "garlic", + "fresh mushrooms" + ] + }, + { + "id": 9105, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "green onions", + "salt", + "water", + "sesame oil", + "soybean sprouts", + "ground black pepper", + "vegetable oil", + "celery", + "pepper flakes", + "beef brisket", + "garlic", + "onions" + ] + }, + { + "id": 28807, + "cuisine": "greek", + "ingredients": [ + "green olives", + "salt", + "cucumber", + "extra-virgin olive oil", + "juice", + "chopped parsley", + "ground black pepper", + "dill", + "red bell pepper", + "tomatoes", + "purple onion", + "feta cheese crumbles", + "dried oregano" + ] + }, + { + "id": 24916, + "cuisine": "chinese", + "ingredients": [ + "water", + "vegetable broth", + "chopped cilantro fresh", + "converted rice", + "firm tofu", + "peeled fresh ginger", + "rice vinegar", + "low sodium soy sauce", + "green peas", + "dark sesame oil" + ] + }, + { + "id": 32980, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "whole peeled tomatoes", + "freshly ground pepper", + "ketchup", + "large garlic cloves", + "boneless pork shoulder roast", + "Tabasco Pepper Sauce", + "onions", + "water", + "salt" + ] + }, + { + "id": 40632, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "mirin", + "scallions", + "canola oil", + "water", + "yellow onion", + "boneless rib eye steaks", + "soy sauce", + "napa cabbage", + "carrots", + "sake", + "shiitake", + "firm tofu", + "glass noodles" + ] + }, + { + "id": 8628, + "cuisine": "indian", + "ingredients": [ + "flour", + "cumin seed", + "amchur", + "ginger", + "bitter gourd", + "chili", + "poppy seeds", + "oil", + "coriander seeds", + "salt" + ] + }, + { + "id": 5716, + "cuisine": "spanish", + "ingredients": [ + "stock", + "extra-virgin olive oil", + "turkey breast", + "water", + "dried chickpeas", + "thyme sprigs", + "brandy", + "salt", + "celery", + "yukon gold potatoes", + "veal shanks" + ] + }, + { + "id": 39155, + "cuisine": "italian", + "ingredients": [ + "chopped fresh chives", + "extra-virgin olive oil", + "cherry tomatoes", + "whole wheat bread", + "lobster meat", + "fresh basil", + "shallots", + "fresh lemon juice", + "ground black pepper", + "sea salt" + ] + }, + { + "id": 37407, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "bouillon cube", + "all-purpose flour", + "chicken broth", + "corn", + "vegetable oil", + "celery", + "pepper", + "chicken breasts", + "okra", + "cooked rice", + "frozen lima beans", + "salt", + "onions" + ] + }, + { + "id": 26321, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "light corn syrup", + "bread", + "large eggs", + "salt", + "light brown sugar", + "granulated sugar", + "vanilla extract", + "pecans", + "cinnamon" + ] + }, + { + "id": 36774, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "bird chile", + "minced garlic", + "fresh lime juice" + ] + }, + { + "id": 19037, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "ground cloves", + "golden brown sugar", + "English toffee bits", + "vanilla extract", + "sugar", + "large egg whites", + "unsalted butter", + "light corn syrup", + "crème fraîche", + "ground ginger", + "gingersnap cookie crumbs", + "honey", + "pumpkin", + "whipping cream", + "ground cardamom", + "pecans", + "water", + "ground nutmeg", + "whipped cream", + "salt" + ] + }, + { + "id": 28374, + "cuisine": "chinese", + "ingredients": [ + "lime juice", + "rice vinegar", + "soy sauce", + "ginger", + "gai lan", + "grapeseed oil", + "fresno chiles", + "kosher salt", + "garlic" + ] + }, + { + "id": 9377, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "garlic cloves", + "salt", + "chicken", + "bread", + "peanut butter", + "mexican chocolate", + "onions" + ] + }, + { + "id": 42150, + "cuisine": "italian", + "ingredients": [ + "rose petals", + "ground coriander", + "olive oil", + "red wine", + "chicken", + "ground black pepper", + "salt", + "syrup", + "leeks", + "dill weed" + ] + }, + { + "id": 27580, + "cuisine": "indian", + "ingredients": [ + "green chile", + "coconut", + "rice", + "ground cumin", + "chiles", + "banana leaves", + "black mustard seeds", + "coconut oil", + "red swiss chard", + "garlic cloves", + "water", + "salt", + "ground turmeric" + ] + }, + { + "id": 16596, + "cuisine": "french", + "ingredients": [ + "grated parmesan cheese", + "butter", + "fresh mushrooms", + "ground nutmeg", + "shredded swiss cheese", + "salt", + "shrimp", + "sea scallops", + "half & half", + "dry sherry", + "lemon juice", + "dijon mustard", + "shallots", + "all-purpose flour", + "ground white pepper" + ] + }, + { + "id": 282, + "cuisine": "korean", + "ingredients": [ + "soy bean paste", + "sea salt", + "sauce", + "toasted sesame seeds", + "soy sauce", + "lettuce leaves", + "white rice", + "korean chile paste", + "pears", + "sesame", + "mirin", + "ginger", + "dark brown sugar", + "short rib", + "black pepper", + "spring onions", + "garlic", + "toasted sesame oil" + ] + }, + { + "id": 8127, + "cuisine": "chinese", + "ingredients": [ + "chinese plum sauce", + "ground pork", + "soy sauce", + "large eggs", + "scallions", + "hoisin sauce", + "garlic", + "fresh ginger", + "barbecue sauce", + "panko breadcrumbs" + ] + }, + { + "id": 43681, + "cuisine": "greek", + "ingredients": [ + "kasseri", + "olive oil", + "garlic", + "chopped onion", + "ground lamb", + "eggs", + "lean ground beef", + "salt", + "pimento stuffed green olives", + "ground cinnamon", + "ground black pepper", + "black olives", + "flat leaf parsley", + "tomato sauce", + "dry red wine", + "dry bread crumbs", + "dried oregano" + ] + }, + { + "id": 4526, + "cuisine": "italian", + "ingredients": [ + "red pepper", + "Bob Evans Italian Sausage", + "provolone cheese", + "pasta sauce", + "green pepper", + "sub buns", + "onions" + ] + }, + { + "id": 39126, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "lemon", + "ground cumin", + "chickpea flour", + "sesame seeds", + "salt", + "olive oil", + "garlic", + "pepper", + "sweet potatoes", + "ground coriander" + ] + }, + { + "id": 4436, + "cuisine": "italian", + "ingredients": [ + "salt", + "grated parmesan cheese", + "vegetable oil", + "pepper", + "all-purpose flour" + ] + }, + { + "id": 45775, + "cuisine": "mexican", + "ingredients": [ + "extra lean ground beef", + "cheese", + "zesty italian dressing", + "green pepper", + "flour tortillas", + "salsa", + "red pepper", + "chopped cilantro" + ] + }, + { + "id": 30247, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "reduced-fat sour cream", + "ground cumin", + "chili powder", + "corn tortillas", + "olive oil", + "purple onion", + "pepper", + "shredded lettuce", + "medium shrimp" + ] + }, + { + "id": 24761, + "cuisine": "southern_us", + "ingredients": [ + "water", + "lemon slices", + "tea bags", + "no-calorie sweetener", + "mint sprigs" + ] + }, + { + "id": 4376, + "cuisine": "italian", + "ingredients": [ + "capers", + "ground black pepper", + "anchovy paste", + "crushed tomatoes", + "butter", + "dry bread crumbs", + "spinach", + "veal", + "salt", + "olive oil", + "red wine", + "fresh parsley" + ] + }, + { + "id": 35294, + "cuisine": "indian", + "ingredients": [ + "clove", + "tumeric", + "garam masala", + "ginger", + "green cardamom", + "chopped cilantro", + "canola oil", + "black peppercorns", + "kosher salt", + "bay leaves", + "lamb shoulder", + "cumin seed", + "basmati rice", + "tomatoes", + "plain yogurt", + "mint leaves", + "garlic", + "brown cardamom", + "serrano chile", + "food colouring", + "rose water", + "crushed red pepper flakes", + "yellow onion", + "cinnamon sticks", + "saffron" + ] + }, + { + "id": 37927, + "cuisine": "chinese", + "ingredients": [ + "coconut", + "red pepper", + "chinese five-spice powder", + "low sodium soy sauce", + "sesame oil", + "garlic", + "cooked quinoa", + "vegetables", + "ginger", + "chopped cilantro", + "lean ground turkey", + "red pepper flakes", + "scallions" + ] + }, + { + "id": 37684, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "salt", + "pure vanilla extract", + "evaporated milk", + "sweetened condensed milk", + "water", + "hot water", + "eggs", + "instant espresso powder" + ] + }, + { + "id": 15429, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "parmigiano reggiano cheese", + "yellow onion", + "arborio rice", + "unsalted butter", + "salt", + "ground black pepper", + "butternut squash", + "water", + "finely chopped fresh parsley", + "beef broth" + ] + }, + { + "id": 8688, + "cuisine": "mexican", + "ingredients": [ + "milk", + "guava", + "corn starch", + "sugar", + "baking soda", + "water", + "cinnamon sticks" + ] + }, + { + "id": 38312, + "cuisine": "chinese", + "ingredients": [ + "peeled fresh ginger", + "garlic cloves", + "hoisin sauce", + "rice vinegar", + "low sodium soy sauce", + "dry sherry", + "boneless skinless chicken breast halves", + "cooking spray", + "dark sesame oil" + ] + }, + { + "id": 10839, + "cuisine": "southern_us", + "ingredients": [ + "water", + "onions", + "butter", + "black-eyed peas", + "smoked ham hocks", + "black pepper", + "salt" + ] + }, + { + "id": 7419, + "cuisine": "spanish", + "ingredients": [ + "arborio rice", + "olive oil", + "garlic cloves", + "dried oregano", + "green bell pepper", + "jalapeno chilies", + "onions", + "chicken broth", + "zucchini", + "red bell pepper", + "saffron threads", + "dried thyme", + "lemon wedge", + "plum tomatoes" + ] + }, + { + "id": 2246, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "garlic cloves", + "onions", + "soy sauce", + "rice vinegar", + "red bell pepper", + "rice wine", + "carrots", + "cabbage", + "broccoli florets", + "soba noodles", + "ginger root" + ] + }, + { + "id": 26458, + "cuisine": "filipino", + "ingredients": [ + "fruit", + "water", + "lime", + "sugar" + ] + }, + { + "id": 5677, + "cuisine": "mexican", + "ingredients": [ + "poblano peppers", + "purple onion", + "crimini mushrooms", + "flour tortillas", + "goat cheese", + "olive oil", + "large garlic cloves" + ] + }, + { + "id": 27169, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "garlic cloves", + "frozen peas", + "olive oil", + "carrots", + "paneer", + "onions", + "curry powder", + "lentils", + "ground cumin" + ] + }, + { + "id": 4156, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "red capsicum", + "garlic chili sauce", + "chicken", + "red chili powder", + "vinegar", + "chili sauce", + "carrots", + "coriander powder", + "salt", + "lemon juice", + "garlic paste", + "capsicum", + "oil", + "spaghetti" + ] + }, + { + "id": 17686, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated lemon zest", + "crushed red pepper flakes", + "chopped parsley", + "shaved parmesan cheese", + "fresh lemon juice", + "salt", + "spaghetti" + ] + }, + { + "id": 43451, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "jicama", + "lime", + "paprika", + "orange", + "pineapple", + "cayenne", + "salt" + ] + }, + { + "id": 34850, + "cuisine": "italian", + "ingredients": [ + "pernod", + "olive oil", + "fennel bulb", + "garlic", + "shrimp", + "arborio rice", + "kosher salt", + "asparagus", + "lemon", + "lemon rind", + "onions", + "chicken stock", + "rosemary", + "unsalted butter", + "peas", + "lemon juice", + "boiling water", + "black pepper", + "mascarpone", + "mint leaves", + "fine sea salt", + "ground white pepper" + ] + }, + { + "id": 23505, + "cuisine": "vietnamese", + "ingredients": [ + "minced garlic", + "broccoli", + "vegetable oil", + "red bell pepper", + "low sodium chicken broth", + "oyster sauce", + "cauliflower", + "red pepper flakes", + "long grain white rice" + ] + }, + { + "id": 33980, + "cuisine": "italian", + "ingredients": [ + "honey", + "white wine vinegar", + "pepper", + "extra-virgin olive oil", + "salt", + "grated parmesan cheese", + "purple onion", + "dried basil", + "garlic", + "dried oregano" + ] + }, + { + "id": 40605, + "cuisine": "indian", + "ingredients": [ + "coconut flakes", + "yukon gold potatoes", + "all-purpose flour", + "rice flour", + "ground turmeric", + "cold water", + "semolina flour", + "ginger", + "cumin seed", + "frozen peas", + "chiles", + "vegetable oil", + "chickpeas", + "onions", + "ground cinnamon", + "curry powder", + "salt", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 28905, + "cuisine": "chinese", + "ingredients": [ + "granulated sugar", + "toasted sesame oil", + "broccoli", + "fresh ginger", + "oyster sauce", + "salt", + "canola oil" + ] + }, + { + "id": 10927, + "cuisine": "indian", + "ingredients": [ + "pepper", + "vegetable oil", + "fenugreek seeds", + "ghee", + "tomatoes", + "coriander powder", + "garlic", + "smoked paprika", + "ground cumin", + "water", + "ginger", + "carrots", + "onions", + "tumeric", + "shredded cabbage", + "salt", + "red bell pepper" + ] + }, + { + "id": 17470, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "green chilies", + "avocado", + "lean ground beef", + "sour cream", + "lettuce", + "Mexican cheese blend", + "taco seasoning", + "pizza crust", + "salsa" + ] + }, + { + "id": 48009, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "sweet onion", + "red bell pepper", + "pepper", + "salt", + "ground chipotle chile pepper", + "lime", + "ground cumin", + "mayonaise", + "fresh cilantro", + "sweet corn" + ] + }, + { + "id": 18917, + "cuisine": "british", + "ingredients": [ + "water", + "oil", + "baking powder", + "corn starch", + "salt", + "seasoning", + "all-purpose flour" + ] + }, + { + "id": 32265, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "allspice", + "nutmeg", + "salt", + "sugar", + "thyme", + "clove", + "onion powder" + ] + }, + { + "id": 20694, + "cuisine": "irish", + "ingredients": [ + "ground black pepper", + "garlic", + "butter", + "scallions", + "potatoes", + "salt", + "milk", + "peas", + "fresh parsley" + ] + }, + { + "id": 13547, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "salt", + "prosciutto", + "chopped fresh chives", + "frozen peas", + "ground black pepper", + "yukon gold potatoes", + "truffle oil", + "vegetable oil" + ] + }, + { + "id": 1041, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "olive oil", + "orzo", + "chopped cilantro", + "tumeric", + "unsalted butter", + "chickpeas", + "cumin", + "tomatoes", + "ground black pepper", + "salt", + "onions", + "water", + "cinnamon", + "lentils" + ] + }, + { + "id": 39926, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "baby carrots", + "eggs", + "steamed white rice", + "white onion", + "frozen peas", + "coconut oil", + "sesame oil" + ] + }, + { + "id": 1144, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "sea salt", + "lime", + "sour cream", + "corn", + "cayenne pepper", + "parmesan cheese" + ] + }, + { + "id": 1274, + "cuisine": "russian", + "ingredients": [ + "parsnips", + "ground black pepper", + "vegetable oil", + "salt", + "sour cream", + "cremini mushrooms", + "bay leaves", + "vegetable broth", + "sauerkraut juice", + "marjoram", + "fresh dill", + "leeks", + "cracked black pepper", + "ground allspice", + "celery", + "caraway seeds", + "sauerkraut", + "dry white wine", + "garlic", + "carrots" + ] + }, + { + "id": 13885, + "cuisine": "greek", + "ingredients": [ + "fresh basil", + "eggplant", + "red wine vinegar", + "fresh parsley", + "tomatoes", + "olive oil", + "potatoes", + "okra", + "white sugar", + "green bell pepper", + "zucchini", + "fresh oregano", + "chopped fresh mint", + "capers", + "salt and ground black pepper", + "garlic", + "onions" + ] + }, + { + "id": 37383, + "cuisine": "thai", + "ingredients": [ + "spinach leaves", + "sweet potatoes", + "light coconut milk", + "jasmine rice", + "basil", + "dark brown sugar", + "fish fillets", + "lime wedges", + "salt", + "lime zest", + "mint leaves", + "Thai red curry paste", + "asian fish sauce" + ] + }, + { + "id": 46480, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "water", + "salt", + "soy sauce", + "mirin", + "scallions", + "sugar", + "chili paste", + "rice vinegar", + "sushi rice", + "garlic", + "toasted sesame oil" + ] + }, + { + "id": 3465, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "garlic cloves", + "white onion", + "black beans", + "olive oil" + ] + }, + { + "id": 39416, + "cuisine": "indian", + "ingredients": [ + "ghee", + "chapati flour", + "salt", + "oil" + ] + }, + { + "id": 25408, + "cuisine": "jamaican", + "ingredients": [ + "ground black pepper", + "salt", + "onion powder", + "allspice", + "sugar", + "cinnamon", + "ground red pepper", + "thyme" + ] + }, + { + "id": 21279, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "mirin", + "seaweed", + "dashi", + "daikon", + "soy sauce", + "green onions", + "shiitake", + "soba noodles" + ] + }, + { + "id": 44948, + "cuisine": "mexican", + "ingredients": [ + "frozen whole kernel corn", + "cornmeal", + "water", + "salt", + "masa harina", + "baking powder", + "splenda no calorie sweetener", + "milk", + "margarine" + ] + }, + { + "id": 10420, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "mango", + "shredded cheddar cheese", + "butter", + "cooked chicken", + "fresh cilantro", + "bbq sauce" + ] + }, + { + "id": 34540, + "cuisine": "chinese", + "ingredients": [ + "avocado", + "olive oil", + "soy sauce", + "balsamic vinegar", + "romaine lettuce", + "chili powder", + "corn", + "firm tofu" + ] + }, + { + "id": 9292, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "white sugar", + "mirin" + ] + }, + { + "id": 36766, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "olive oil", + "cinnamon", + "couscous", + "ground cumin", + "boneless chicken skinless thigh", + "ground black pepper", + "lemon juice", + "garlic salt", + "chicken broth", + "eggplant", + "all-purpose flour", + "onions", + "ground ginger", + "water", + "dried apricot", + "carrots", + "dried cranberries" + ] + }, + { + "id": 8213, + "cuisine": "british", + "ingredients": [ + "kosher salt", + "old bay seasoning", + "canola oil", + "flour", + "cayenne pepper", + "cod fillets", + "malt vinegar", + "russet potatoes", + "beer" + ] + }, + { + "id": 17956, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "hot sauce", + "hamburger buns", + "chunky peanut butter", + "chopped cilantro", + "fresh ginger", + "cayenne pepper", + "soy sauce", + "lean ground beef" + ] + }, + { + "id": 2191, + "cuisine": "french", + "ingredients": [ + "mayonaise", + "red wine vinegar", + "fresh parsley", + "dijon mustard", + "garlic cloves", + "prepared horseradish", + "paprika", + "vegetable oil", + "fresh lemon juice" + ] + }, + { + "id": 32759, + "cuisine": "greek", + "ingredients": [ + "mint", + "dried minced onion", + "minced garlic", + "marjoram", + "dried basil", + "dried oregano", + "dried thyme" + ] + }, + { + "id": 48035, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "garlic", + "beer", + "ground cumin", + "tomatillos", + "fresh oregano", + "pork shoulder", + "chicken stock", + "cilantro", + "green chilies", + "onions", + "jalapeno chilies", + "cayenne pepper", + "oil" + ] + }, + { + "id": 3681, + "cuisine": "italian", + "ingredients": [ + "hazelnuts", + "semisweet chocolate", + "large egg yolks", + "chocolate glaze", + "sugar", + "unsalted butter" + ] + }, + { + "id": 15026, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crimini mushrooms", + "bow-tie pasta", + "half & half", + "button mushrooms", + "hot water", + "zucchini", + "shallots", + "corn starch", + "nutmeg", + "sherry", + "garlic" + ] + }, + { + "id": 6298, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "eggs", + "corn starch", + "oyster sauce", + "chives", + "dumplings" + ] + }, + { + "id": 22560, + "cuisine": "thai", + "ingredients": [ + "ground black pepper", + "coconut cream", + "coconut milk", + "kosher salt", + "basil leaves", + "carrots", + "onions", + "lime", + "veggies", + "applesauce", + "fish sauce", + "mint leaves", + "beef rib short", + "thai green curry paste" + ] + }, + { + "id": 32659, + "cuisine": "italian", + "ingredients": [ + "red wine", + "spaghetti", + "crushed tomatoes", + "salt", + "fresh basil", + "garlic", + "cooking oil", + "squid" + ] + }, + { + "id": 38402, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "lard", + "white onion", + "fine sea salt", + "cold water", + "dried pinto beans", + "corn tortillas", + "queso manchego", + "garlic cloves" + ] + }, + { + "id": 15114, + "cuisine": "french", + "ingredients": [ + "sugar", + "reduced fat milk", + "fresh raspberries", + "large egg whites", + "vanilla extract", + "water", + "cooking spray", + "large eggs", + "salt" + ] + }, + { + "id": 5358, + "cuisine": "chinese", + "ingredients": [ + "lime", + "red pepper", + "beef", + "cucumber", + "olive oil", + "ginger", + "soy sauce", + "rice noodles", + "coriander" + ] + }, + { + "id": 15849, + "cuisine": "mexican", + "ingredients": [ + "melted butter", + "fresh cilantro", + "green onions", + "garlic salt", + "black beans", + "roasted red peppers", + "chili powder", + "cooked rice", + "Mexican cheese blend", + "chicken breasts", + "ground cumin", + "lime juice", + "flour tortillas", + "sour cream" + ] + }, + { + "id": 34911, + "cuisine": "jamaican", + "ingredients": [ + "white rum", + "dark rum", + "water", + "pineapple juice", + "lime juice", + "coconut rum", + "frozen fruit", + "cherry syrup" + ] + }, + { + "id": 5196, + "cuisine": "irish", + "ingredients": [ + "butter", + "onions", + "water", + "carrots", + "chopped celery", + "marjoram", + "pork hocks", + "green split peas" + ] + }, + { + "id": 35102, + "cuisine": "chinese", + "ingredients": [ + "water", + "fully cooked ham", + "corn starch", + "egg whites", + "firm tofu", + "ground beef", + "cream style corn", + "vegetable oil", + "medium shrimp", + "leeks", + "fresh mushrooms" + ] + }, + { + "id": 32496, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "freshly grated parmesan", + "red pepper flakes", + "fresh oregano", + "onions", + "milk", + "marinara sauce", + "salt", + "garlic cloves", + "olive oil", + "ground sirloin", + "dry bread crumbs", + "flat leaf parsley", + "dried pasta", + "large egg yolks", + "dry red wine", + "freshly ground pepper" + ] + }, + { + "id": 35094, + "cuisine": "british", + "ingredients": [ + "eggs", + "unsalted butter", + "ground almonds", + "sliced almonds", + "egg yolks", + "plain flour", + "caster sugar", + "lemon", + "raspberry jam", + "egg whites" + ] + }, + { + "id": 2494, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "evaporated milk", + "cinnamon", + "ground cinnamon", + "water", + "pumpkin", + "all-purpose flour", + "piloncillo", + "milk", + "baking powder", + "cinnamon sticks", + "clove", + "shortening", + "granulated sugar", + "salt" + ] + }, + { + "id": 27577, + "cuisine": "british", + "ingredients": [ + "large eggs", + "salt", + "grated lemon peel", + "water", + "vanilla extract", + "fresh lemon juice", + "sugar", + "fresh blueberries", + "cream cheese", + "unsalted butter", + "pound cake", + "heavy whipping cream" + ] + }, + { + "id": 32834, + "cuisine": "greek", + "ingredients": [ + "light brown sugar", + "milk", + "all-purpose flour", + "sugar", + "vanilla extract", + "unsweetened cocoa powder", + "eggs", + "baking soda", + "greek style plain yogurt", + "mini chocolate chips", + "salt" + ] + }, + { + "id": 23591, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "mustard seeds", + "salt", + "jaggery", + "red chili peppers", + "onions", + "curry leaves", + "peanut oil" + ] + }, + { + "id": 38407, + "cuisine": "filipino", + "ingredients": [ + "pork", + "water", + "ginger", + "onions", + "white vinegar", + "water chestnuts, drained and chopped", + "large eggs", + "carrots", + "soy sauce", + "fresh ginger", + "garlic cloves", + "bamboo shoots", + "brown sugar", + "black pepper", + "wonton wrappers", + "corn starch" + ] + }, + { + "id": 10571, + "cuisine": "indian", + "ingredients": [ + "yellow mustard seeds", + "fresh cilantro", + "spices", + "cilantro", + "fenugreek seeds", + "plain yogurt", + "fresh ginger", + "lemon", + "salt", + "cucumber", + "black pepper", + "olive oil", + "russet potatoes", + "garlic", + "cumin seed", + "cauliflower", + "pepper", + "turmeric root", + "red pepper flakes", + "yellow onion", + "frozen peas" + ] + }, + { + "id": 25319, + "cuisine": "mexican", + "ingredients": [ + "lime", + "hass avocado", + "salt", + "jalapeno chilies", + "tomatoes", + "scallions" + ] + }, + { + "id": 6552, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "sugar", + "chocolate", + "coffee", + "white chocolate", + "cake mix" + ] + }, + { + "id": 14839, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "mussels", + "yukon gold potatoes", + "fresh parsley", + "broccoli rabe", + "anchovy filets", + "water", + "garlic" + ] + }, + { + "id": 7085, + "cuisine": "cajun_creole", + "ingredients": [ + "white wine", + "cajun seasoning", + "vegetable oil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 29884, + "cuisine": "italian", + "ingredients": [ + "swordfish fillets", + "dried oregano", + "large garlic cloves", + "hot water", + "extra-virgin olive oil", + "fresh parsley", + "fresh lemon juice" + ] + }, + { + "id": 20944, + "cuisine": "french", + "ingredients": [ + "fresh blueberries", + "maple syrup", + "powdered sugar", + "vanilla extract", + "whole nutmegs", + "riesling", + "cream cheese", + "lime rind", + "non-fat sour cream", + "fresh lime juice" + ] + }, + { + "id": 43523, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "coconut milk", + "prawns", + "fresh red chili", + "curry paste" + ] + }, + { + "id": 18480, + "cuisine": "japanese", + "ingredients": [ + "rice flour", + "cold water", + "salt" + ] + }, + { + "id": 3694, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "garlic", + "coconut milk", + "spices", + "firm tofu", + "curry leaf", + "red lentils", + "cilantro", + "tamarind concentrate", + "cherries", + "yellow onion", + "ghee" + ] + }, + { + "id": 8240, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "sesame seeds", + "flank steak", + "carrots", + "soy sauce", + "cooking oil", + "sesame oil", + "onions", + "sugar pea", + "bell pepper", + "orange juice", + "grated orange", + "fresh ginger", + "green onions", + "garlic cloves" + ] + }, + { + "id": 39459, + "cuisine": "mexican", + "ingredients": [ + "corn", + "jalapeno chilies", + "salt", + "red bell pepper", + "avocado", + "cherry tomatoes", + "cilantro", + "pinto beans", + "lime", + "grapeseed oil", + "garlic cloves", + "cumin", + "black beans", + "kidney beans", + "purple onion", + "smoked paprika" + ] + }, + { + "id": 20702, + "cuisine": "cajun_creole", + "ingredients": [ + "crawfish", + "butter", + "chicken stock cubes", + "creole seasoning", + "celery ribs", + "parmesan cheese", + "whipping cream", + "all-purpose flour", + "fresh parsley", + "pepper", + "diced tomatoes", + "salt", + "garlic cloves", + "green bell pepper", + "green onions", + "linguine", + "hot sauce", + "onions" + ] + }, + { + "id": 25781, + "cuisine": "italian", + "ingredients": [ + "meatballs", + "shredded mozzarella cheese", + "apple jelly", + "salt", + "ground black pepper", + "hoagie rolls", + "pizza sauce", + "italian seasoning" + ] + }, + { + "id": 20867, + "cuisine": "french", + "ingredients": [ + "olive oil", + "poppy seeds", + "dry white wine", + "low salt chicken broth", + "dijon mustard", + "white wine vinegar", + "red potato", + "shallots", + "fresh parsley" + ] + }, + { + "id": 8630, + "cuisine": "korean", + "ingredients": [ + "white vinegar", + "sesame seeds", + "english cucumber", + "sugar", + "extract", + "Korean chile flakes", + "shallots", + "garlic cloves", + "pepper", + "salt" + ] + }, + { + "id": 32287, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chicken breast halves", + "ground allspice", + "low salt chicken broth", + "tomatoes", + "annatto seeds", + "salt", + "lemon juice", + "ground cumin", + "water", + "banana leaves", + "orange juice", + "onions", + "swiss chard", + "cilantro sprigs", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 22518, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "fresh thyme leaves", + "olives", + "olive oil", + "garlic cloves", + "anchovies", + "pizza doughs", + "ground black pepper", + "onions" + ] + }, + { + "id": 17514, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "eggplant", + "cooking spray", + "organic vegetable broth", + "fresh parsley", + "kosher salt", + "zucchini", + "chopped fresh thyme", + "red bell pepper", + "tomatoes", + "olive oil", + "extra firm tofu", + "fresh orange juice", + "herbes de provence", + "vidalia onion", + "ground black pepper", + "rosé wine", + "garlic cloves", + "olives" + ] + }, + { + "id": 11637, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "olive oil", + "oregano", + "rosemary", + "thyme", + "chicken legs", + "garlic" + ] + }, + { + "id": 28735, + "cuisine": "spanish", + "ingredients": [ + "green olives", + "potatoes", + "olive oil", + "salt", + "pepper", + "sweet pepper", + "tomatoes", + "cod fillets" + ] + }, + { + "id": 13012, + "cuisine": "moroccan", + "ingredients": [ + "hungarian sweet paprika", + "ground black pepper", + "garlic cloves", + "olive oil", + "diced tomatoes", + "red bell pepper", + "eggplant", + "salt", + "ground cumin", + "tomato paste", + "cooking spray", + "fresh lemon juice" + ] + }, + { + "id": 9180, + "cuisine": "italian", + "ingredients": [ + "pecorino cheese", + "large eggs", + "parmesan cheese", + "garlic cloves", + "black pepper", + "salt", + "pancetta", + "unsalted butter", + "spaghetti" + ] + }, + { + "id": 3515, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "dry milk powder", + "bread flour", + "active dry yeast", + "salt", + "garlic salt", + "olive oil", + "margarine", + "white sugar", + "water", + "parmesan cheese", + "shredded mozzarella cheese", + "dried rosemary" + ] + }, + { + "id": 9923, + "cuisine": "southern_us", + "ingredients": [ + "quickcooking grits", + "margarine", + "water", + "cheese", + "vegetable oil cooking spray", + "ground red pepper", + "large eggs", + "salt" + ] + }, + { + "id": 12628, + "cuisine": "indian", + "ingredients": [ + "milk", + "ghee", + "moong dal", + "millet", + "jaggery", + "water", + "salt", + "cardamon", + "cashew nuts" + ] + }, + { + "id": 24319, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "flour tortillas", + "chopped tomatoes", + "salsa", + "shredded cheddar cheese", + "non-fat sour cream", + "chopped green bell pepper", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 5448, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "shredded monterey jack cheese", + "corn tortillas", + "knorr chipotl minicub", + "nopales", + "sugar", + "garlic", + "onions", + "vegetable oil", + "sour cream" + ] + }, + { + "id": 46624, + "cuisine": "irish", + "ingredients": [ + "butter", + "cabbage", + "leeks", + "whole wheat breadcrumbs", + "green onions", + "fresh parsley", + "water", + "bacon" + ] + }, + { + "id": 44350, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "thai basil", + "cilantro", + "fresh herbs", + "fish sauce", + "water", + "hoisin sauce", + "dried rice noodles", + "london broil", + "beef bones", + "lime", + "spices", + "hot chili sauce", + "onions", + "mint", + "chili pepper", + "beef", + "ginger", + "beansprouts" + ] + }, + { + "id": 43085, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "large eggs", + "sour cream", + "milk", + "salt", + "shredded cheddar cheese", + "baking powder", + "onions", + "unsalted butter", + "garlic cloves" + ] + }, + { + "id": 45177, + "cuisine": "filipino", + "ingredients": [ + "cooked rice", + "bay leaves", + "oil", + "tumeric", + "chicken stock cubes", + "hot water", + "mung beans", + "chili sauce", + "onions", + "chicken wings", + "small potatoes", + "garlic cloves" + ] + }, + { + "id": 33021, + "cuisine": "british", + "ingredients": [ + "vanilla extract", + "graham cracker crumbs", + "confectioners sugar", + "butter", + "sweetened condensed milk", + "bananas", + "heavy whipping cream" + ] + }, + { + "id": 12077, + "cuisine": "french", + "ingredients": [ + "clove", + "day old bread", + "sea salt", + "carrots", + "celery root", + "turnips", + "horseradish", + "bay leaves", + "bouquet garni", + "peppercorns", + "mustard", + "leeks", + "garlic", + "onions", + "rutabaga", + "beef", + "cornichons", + "pickled onion", + "marrow bones" + ] + }, + { + "id": 19903, + "cuisine": "mexican", + "ingredients": [ + "mint sprigs", + "fresh mint", + "sugar", + "fresh raspberries", + "water", + "fresh lemon juice", + "rose hip tea bags" + ] + }, + { + "id": 11456, + "cuisine": "korean", + "ingredients": [ + "water", + "sauce", + "eggs", + "green onions", + "pepper flakes", + "sesame seeds", + "chinese chives", + "soy sauce", + "sesame oil" + ] + }, + { + "id": 41243, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "prosciutto", + "provolone cheese", + "shiitake", + "dry white wine", + "veal scallops", + "olive oil", + "green onions", + "garlic cloves", + "tomatoes", + "eggplant", + "butter" + ] + }, + { + "id": 2120, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "maple syrup", + "extra-virgin olive oil", + "ground black pepper", + "salt", + "shallots", + "fresh lemon juice" + ] + }, + { + "id": 43701, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "flank steak", + "scallions", + "chinese rice wine", + "fresh ginger", + "garlic", + "corn starch", + "ketchup", + "vegetable oil", + "garlic chili sauce", + "sugar", + "hoisin sauce", + "salt", + "red bell pepper" + ] + }, + { + "id": 268, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "unsalted butter", + "shredded parmesan cheese", + "rosemary", + "baking powder", + "thyme", + "kosher salt", + "french bread", + "sweet corn", + "yellow corn meal", + "ground black pepper", + "heavy cream", + "onions" + ] + }, + { + "id": 15161, + "cuisine": "french", + "ingredients": [ + "strawberry syrup", + "vanilla extract", + "powdered sugar", + "croissants", + "milk", + "butter", + "cream sweeten whip", + "large eggs" + ] + }, + { + "id": 24302, + "cuisine": "cajun_creole", + "ingredients": [ + "bell pepper", + "old bay seasoning", + "salt", + "garlic powder", + "onion powder", + "bacon", + "broth", + "pepper", + "green onions", + "heavy cream", + "lemon pepper", + "lobster", + "spices", + "garlic", + "oregano" + ] + }, + { + "id": 34114, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "light brown sugar", + "reduced sodium soy sauce" + ] + }, + { + "id": 24715, + "cuisine": "french", + "ingredients": [ + "yolk", + "fine granulated sugar", + "unsalted butter", + "vanilla extract", + "semisweet chocolate", + "Grand Marnier", + "heavy cream" + ] + }, + { + "id": 26617, + "cuisine": "southern_us", + "ingredients": [ + "pork", + "boneless pork loin", + "water", + "salt", + "pepper", + "rice" + ] + }, + { + "id": 5452, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "white pepper", + "scallions", + "cooked white rice", + "green bell pepper", + "salt", + "carrots", + "dark soy sauce", + "purple onion", + "oil", + "fresh green peas", + "soy sauce", + "fresh mushrooms", + "mung bean sprouts" + ] + }, + { + "id": 49616, + "cuisine": "greek", + "ingredients": [ + "pepper", + "chopped fresh mint", + "grape leaves", + "salt", + "ground lamb", + "water", + "long grain white rice", + "pinenuts", + "onions" + ] + }, + { + "id": 4918, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "finely chopped onion", + "worcestershire sauce", + "milk", + "lean ground beef", + "dried parsley", + "bread crumb fresh", + "barbecue sauce", + "peach preserves", + "hot pepper sauce", + "cajun seasoning" + ] + }, + { + "id": 18977, + "cuisine": "french", + "ingredients": [ + "beef stock", + "button mushrooms", + "garlic cloves", + "onions", + "pepper", + "butter", + "salt", + "bread slices", + "eggs", + "red wine vinegar", + "bacon slices", + "chopped parsley", + "pearl onions", + "beaujolais", + "thyme sprig", + "bay leaf" + ] + }, + { + "id": 43379, + "cuisine": "southern_us", + "ingredients": [ + "sesame seeds", + "vegetable shortening", + "warm water", + "unsalted butter", + "cake flour", + "sugar", + "baking soda", + "buttermilk", + "active dry yeast", + "baking powder", + "salt" + ] + }, + { + "id": 10796, + "cuisine": "irish", + "ingredients": [ + "large eggs", + "corn starch", + "sugar", + "salt", + "blackberries", + "butter", + "frozen blueberries", + "raspberries", + "fresh lemon juice" + ] + }, + { + "id": 3866, + "cuisine": "italian", + "ingredients": [ + "fresh leav spinach", + "ground nutmeg", + "lemon", + "chopped fresh sage", + "semolina flour", + "fennel", + "whole milk ricotta cheese", + "salt", + "pinenuts", + "grated parmesan cheese", + "garlic", + "freshly ground pepper", + "rocket leaves", + "olive oil", + "chopped fresh chives", + "fine sea salt", + "fresh chervil" + ] + }, + { + "id": 34979, + "cuisine": "spanish", + "ingredients": [ + "golden raisins", + "salsa", + "ground cumin", + "slivered almonds", + "cilantro sprigs", + "garlic cloves", + "ground cinnamon", + "boneless skinless chicken breasts", + "chopped onion", + "olive oil", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 19536, + "cuisine": "southern_us", + "ingredients": [ + "pie dough", + "all-purpose flour", + "ground cinnamon", + "peaches", + "large egg whites", + "sugar", + "cooking spray" + ] + }, + { + "id": 30784, + "cuisine": "southern_us", + "ingredients": [ + "cream sherry", + "sugar", + "navel oranges", + "sea salt", + "coconut" + ] + }, + { + "id": 34205, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "cilantro leaves", + "carrots", + "rice noodles", + "skinless chicken breasts", + "cucumber", + "lime", + "rice vinegar", + "Thai fish sauce", + "red pepper", + "baby gem lettuce", + "pancake" + ] + }, + { + "id": 1319, + "cuisine": "italian", + "ingredients": [ + "meat", + "provolone cheese", + "tomatoes", + "pitted olives", + "shredded lettuce", + "italian salad dressing", + "vinegar", + "purple onion" + ] + }, + { + "id": 16486, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "zucchini", + "extra-virgin olive oil", + "garlic cloves", + "fresh rosemary", + "eggplant", + "dry white wine", + "sweet mini bells", + "plum tomatoes", + "fresh sage", + "vegetable oil spray", + "dried lavender blossoms", + "halibut", + "fennel seeds", + "fresh marjoram", + "fresh thyme", + "purple onion", + "fresh lemon juice" + ] + }, + { + "id": 2407, + "cuisine": "chinese", + "ingredients": [ + "fish sauce", + "sesame oil", + "minced pork", + "long beans", + "light soy sauce", + "ground white pepper", + "beans", + "garlic", + "dark soy sauce", + "peanuts", + "corn flour" + ] + }, + { + "id": 2080, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "vinegar", + "garlic", + "chicken broth", + "pepper", + "green onions", + "chicken", + "soy sauce", + "flour", + "orange juice", + "eggs", + "Sriracha", + "vegetable oil", + "orange zest" + ] + }, + { + "id": 43515, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "sherry vinegar", + "tomatoes", + "olive oil", + "orange", + "ice water", + "bread", + "milk", + "green pepper" + ] + }, + { + "id": 43456, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "paprika", + "corn", + "onion salt", + "shredded cheese", + "black beans", + "chili powder", + "salt", + "cooking spray", + "diced tomatoes", + "ground cumin" + ] + }, + { + "id": 32283, + "cuisine": "spanish", + "ingredients": [ + "pinenuts", + "raisins", + "shallots", + "fresh spinach", + "golden delicious apples", + "olive oil" + ] + }, + { + "id": 35142, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "chopped fresh thyme", + "all-purpose flour", + "water", + "shallots", + "extra-virgin olive oil", + "kosher salt", + "cooking spray", + "butter", + "fresh lemon juice", + "parmigiano reggiano cheese", + "baking potatoes", + "grated lemon zest" + ] + }, + { + "id": 39622, + "cuisine": "italian", + "ingredients": [ + "garlic", + "pepper", + "onions", + "chicken stock", + "salt", + "olive oil", + "frozen peas" + ] + }, + { + "id": 3221, + "cuisine": "southern_us", + "ingredients": [ + "southern comfort", + "orange juice", + "water", + "sour mix" + ] + }, + { + "id": 36701, + "cuisine": "indian", + "ingredients": [ + "kaffir lime leaves", + "crushed tomatoes", + "plums", + "lamb", + "mustard seeds", + "tumeric", + "cinnamon", + "yellow onion", + "cumin seed", + "coconut sugar", + "garam masala", + "salt", + "coconut cream", + "ghee", + "red chili peppers", + "ginger", + "fenugreek seeds", + "garlic cloves" + ] + }, + { + "id": 1065, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "salt", + "sugar", + "all-purpose flour", + "ice water" + ] + }, + { + "id": 38701, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "paprika", + "cream cheese", + "canola oil", + "chicken breasts", + "salt", + "fresh lime juice", + "ground cumin", + "ground black pepper", + "garlic", + "corn tortillas", + "shredded Monterey Jack cheese", + "chili powder", + "yellow onion", + "chopped cilantro" + ] + }, + { + "id": 20545, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "yoghurt", + "extra-virgin olive oil", + "fresh mint", + "olive oil", + "chicken breasts", + "ground allspice", + "frozen peas", + "pepper", + "spring onions", + "black olives", + "couscous", + "fresh red chili", + "feta cheese", + "lemon", + "cucumber", + "dried oregano" + ] + }, + { + "id": 8175, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "coriander seeds", + "cinnamon", + "green cardamom", + "cumin seed", + "ginger paste", + "red chili peppers", + "whole garam masala", + "salt", + "green chilies", + "onions", + "tumeric", + "coriander powder", + "kasuri methi", + "brown cardamom", + "oil", + "ground cumin", + "clove", + "water", + "garbonzo bean", + "cilantro leaves", + "liquid", + "masala" + ] + }, + { + "id": 5742, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "olive oil", + "purple onion", + "feta cheese crumbles", + "romaine lettuce", + "boneless skinless chicken breasts", + "greek style plain yogurt", + "cucumber", + "black pepper", + "kalamata", + "dried dillweed", + "dried oregano", + "tomatoes", + "kosher salt", + "garlic", + "fresh lemon juice" + ] + }, + { + "id": 32600, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "garlic", + "smoked paprika", + "olive oil", + "crushed red pepper flakes", + "fresh parsley leaves", + "shallots", + "lamb", + "fresh mint", + "kosher salt", + "lemon", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 30775, + "cuisine": "indian", + "ingredients": [ + "flatbread", + "jalapeno chilies", + "ginger", + "ground beef", + "kosher salt", + "lemon", + "coconut milk", + "tumeric", + "lettuce leaves", + "garlic", + "onions", + "garam masala", + "cilantro", + "ghee" + ] + }, + { + "id": 9298, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "sesame oil", + "salt", + "mint", + "sliced cucumber", + "slaw mix", + "red bell pepper", + "fish sauce", + "flank steak", + "ginger", + "chopped cilantro", + "brown sugar", + "shallots", + "thai chile" + ] + }, + { + "id": 3807, + "cuisine": "italian", + "ingredients": [ + "green cabbage", + "zucchini", + "carrots", + "olive oil", + "white beans", + "onions", + "celery ribs", + "parmesan cheese", + "beef broth", + "plum tomatoes", + "red potato", + "salt", + "green beans" + ] + }, + { + "id": 42317, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "yellow onion", + "sugar", + "balsamic vinegar", + "italian seasoning", + "low sodium fat free vegetable broth", + "garlic cloves", + "crushed tomatoes", + "salt" + ] + }, + { + "id": 3501, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "green onions", + "chinese noodles", + "chinese five-spice powder", + "pork tenderloin", + "salt", + "water", + "peeled fresh ginger", + "canola oil" + ] + }, + { + "id": 26883, + "cuisine": "italian", + "ingredients": [ + "brewed coffee", + "vanilla extract", + "whipping cream", + "caramel topping" + ] + }, + { + "id": 14685, + "cuisine": "thai", + "ingredients": [ + "eggs", + "kosher salt", + "flour", + "red pepper flakes", + "oil", + "celery", + "salad", + "fish sauce", + "sesame seeds", + "baking powder", + "persian cucumber", + "shrimp", + "frozen peas", + "ground ginger", + "soy sauce", + "shredded carrots", + "sesame oil", + "frozen corn kernels", + "coconut milk", + "mint", + "waffle", + "green onions", + "rice vinegar", + "garlic cloves", + "chopped cilantro" + ] + }, + { + "id": 3790, + "cuisine": "italian", + "ingredients": [ + "extra lean ground beef", + "lasagna noodles, cooked and drained", + "garlic", + "fresh basil", + "freshly grated parmesan", + "diced tomatoes", + "eggs", + "mozzarella cheese", + "balsamic vinegar", + "provolone cheese", + "pasta sauce", + "low-fat ricotta", + "crushed red pepper flakes" + ] + }, + { + "id": 16685, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "strawberries", + "powdered sugar", + "light corn syrup", + "pears", + "pineapple", + "champagne", + "orange", + "whipping cream", + "kiwi" + ] + }, + { + "id": 40050, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger root", + "ground pork", + "eggs", + "sesame oil", + "chinese cabbage", + "green onions", + "garlic", + "soy sauce", + "wonton wrappers" + ] + }, + { + "id": 33488, + "cuisine": "french", + "ingredients": [ + "prunes", + "sherry wine vinegar", + "organic chicken broth", + "shallots", + "thyme sprigs", + "olive oil", + "chopped fresh thyme", + "free-range chickens", + "armagnac" + ] + }, + { + "id": 10338, + "cuisine": "italian", + "ingredients": [ + "lemon zest", + "chopped fresh mint", + "olive oil", + "salt", + "black pepper", + "linguine", + "zucchini", + "garlic cloves" + ] + }, + { + "id": 5450, + "cuisine": "japanese", + "ingredients": [ + "tofu", + "butternut", + "kale", + "fresh shiitake mushrooms", + "rich chicken stock", + "bok choy", + "chard", + "ground cloves", + "coffee", + "dried shiitake mushrooms", + "scallions", + "cauliflower", + "soy sauce", + "mirin", + "ginger", + "seaweed", + "peppercorns", + "shiro miso", + "water", + "green onions", + "soft-boiled egg", + "garlic cloves" + ] + }, + { + "id": 29158, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "okra", + "vegetable oil", + "long grain white rice", + "spices", + "minced garlic", + "onions" + ] + }, + { + "id": 33442, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "fresh lemon juice", + "large egg whites", + "slivered almonds" + ] + }, + { + "id": 21564, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "corn", + "garlic", + "ground beef", + "black beans", + "guacamole", + "taco seasoning", + "tomatoes", + "salsa verde", + "purple onion", + "onions", + "water", + "cheese", + "sour cream" + ] + }, + { + "id": 1686, + "cuisine": "french", + "ingredients": [ + "sugar", + "all-purpose flour", + "semisweet chocolate", + "powdered sugar", + "large eggs", + "unsalted butter" + ] + }, + { + "id": 15461, + "cuisine": "french", + "ingredients": [ + "mussels", + "black peppercorns", + "milk", + "dry white wine", + "extra-virgin olive oil", + "oil", + "tomato paste", + "fresh sea bass", + "fresh thyme", + "fresh tarragon", + "salt", + "fresh parsley", + "chicken stock", + "pepper", + "fennel bulb", + "parsley", + "garlic", + "carrots", + "saffron threads", + "tomatoes", + "oysters", + "bay leaves", + "littleneck clams", + "squid tube", + "onions" + ] + }, + { + "id": 34686, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "ground turmeric", + "thai chile", + "red bell pepper", + "plain yogurt", + "garlic", + "onions", + "coriander seeds", + "lemon juice", + "ground lamb" + ] + }, + { + "id": 38753, + "cuisine": "chinese", + "ingredients": [ + "honey", + "spareribs", + "Shaoxing wine", + "hoisin sauce", + "soy sauce", + "chinese five-spice powder" + ] + }, + { + "id": 29977, + "cuisine": "vietnamese", + "ingredients": [ + "honey", + "rice vinegar", + "oyster sauce", + "pepper", + "large garlic cloves", + "fresh mushrooms", + "grated orange", + "soy sauce", + "olive oil", + "chopped onion", + "corn starch", + "minced ginger", + "salt", + "orange juice", + "chicken" + ] + }, + { + "id": 29662, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "granulated sugar", + "vanilla", + "semi-sweet chocolate morsels", + "baking soda", + "baking powder", + "all-purpose flour", + "powdered sugar", + "large eggs", + "salt", + "miniature semisweet chocolate chips", + "unsalted butter", + "heavy cream", + "chopped walnuts" + ] + }, + { + "id": 21107, + "cuisine": "japanese", + "ingredients": [ + "water", + "shredded carrots", + "fresh lemon juice", + "dashi kombu", + "watercress", + "yellow miso", + "daikon", + "green onion bottoms", + "fresh dill", + "olive oil", + "onion tops" + ] + }, + { + "id": 8778, + "cuisine": "jamaican", + "ingredients": [ + "tomatoes", + "fresh thyme", + "butter", + "salt", + "fish", + "pepper", + "flour", + "sunflower oil", + "scallions", + "water", + "apple cider vinegar", + "garlic", + "onions", + "ketchup", + "bell pepper", + "lemon", + "sauce" + ] + }, + { + "id": 26431, + "cuisine": "spanish", + "ingredients": [ + "tapioca flour", + "extra-virgin olive oil", + "almond flour", + "salt", + "water", + "coconut flour", + "eggs", + "butter" + ] + }, + { + "id": 1057, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "vegetables", + "oyster sauce", + "sugar", + "fresh ginger", + "garlic", + "toasted sesame oil", + "sugar pea", + "baking soda", + "scallions", + "skirt steak", + "dark soy sauce", + "store bought low sodium chicken stock", + "Shaoxing wine", + "corn starch" + ] + }, + { + "id": 33454, + "cuisine": "jamaican", + "ingredients": [ + "lime zest", + "black pepper", + "chopped fresh thyme", + "codfish", + "seasoning", + "garlic powder", + "anise", + "scallion greens", + "bread crumbs", + "scotch bonnet chile", + "olive oil spray", + "mayonaise", + "ackee", + "creole seasoning" + ] + }, + { + "id": 46937, + "cuisine": "italian", + "ingredients": [ + "brown sugar", + "butter", + "crème fraîche", + "large shrimp", + "tomatoes", + "olive oil", + "salt", + "tagliatelle", + "pepper", + "red wine", + "cayenne pepper", + "chorizo sausage", + "tomato paste", + "fresh cilantro", + "garlic", + "scallions" + ] + }, + { + "id": 103, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "collard greens", + "purple onion", + "hot red pepper flakes", + "dark brown sugar", + "chicken broth", + "bacon" + ] + }, + { + "id": 42620, + "cuisine": "mexican", + "ingredients": [ + "spinach", + "corn", + "green onions", + "black beans", + "tortillas", + "cilantro", + "pepper", + "pepper jack", + "salt", + "cheddar cheese", + "olive oil", + "boneless skinless chicken breasts" + ] + }, + { + "id": 9632, + "cuisine": "jamaican", + "ingredients": [ + "chicken", + "jerk marinade" + ] + }, + { + "id": 23061, + "cuisine": "chinese", + "ingredients": [ + "oyster sauce", + "salt", + "coleslaw", + "water chestnuts", + "egg roll skins", + "oil", + "char siu" + ] + }, + { + "id": 26297, + "cuisine": "southern_us", + "ingredients": [ + "dark corn syrup", + "vanilla extract", + "pecan halves", + "refrigerated piecrusts", + "chopped pecans", + "sugar", + "butter", + "large eggs", + "salt" + ] + }, + { + "id": 39275, + "cuisine": "mexican", + "ingredients": [ + "ground chicken", + "cream style corn", + "chopped cilantro", + "green chile", + "corn mix muffin", + "salt", + "ground cumin", + "eggs", + "pepper", + "ground red pepper", + "monterey jack", + "cheddar cheese", + "milk", + "red enchilada sauce" + ] + }, + { + "id": 39252, + "cuisine": "southern_us", + "ingredients": [ + "bread crumbs", + "flour", + "salt", + "herbs", + "butter", + "Boursin", + "pepper", + "whole milk", + "sharp cheddar cheese", + "melted butter", + "jalapeno chilies", + "garlic", + "elbow macaroni" + ] + }, + { + "id": 20613, + "cuisine": "mexican", + "ingredients": [ + "barbecue sauce", + "ranch dressing" + ] + }, + { + "id": 18295, + "cuisine": "italian", + "ingredients": [ + "cremini mushrooms", + "goat cheese", + "garlic", + "spaghetti", + "salt", + "arugula", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 44774, + "cuisine": "british", + "ingredients": [ + "cheese", + "brown ale", + "whole wheat bread", + "English mustard" + ] + }, + { + "id": 13407, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "orange bell pepper", + "salt", + "medium shrimp", + "cream of celery soup", + "shrimp and crab boil seasoning", + "green onions", + "creole seasoning", + "onions", + "reduced sodium cream of mushroom soup", + "water", + "butter", + "celery", + "cream", + "cream style corn", + "frozen corn", + "fresh parsley" + ] + }, + { + "id": 28240, + "cuisine": "southern_us", + "ingredients": [ + "horseradish", + "shredded coleslaw mix", + "sugar", + "salt", + "cider vinegar", + "mayonaise", + "ground pepper" + ] + }, + { + "id": 39051, + "cuisine": "mexican", + "ingredients": [ + "tomato salsa", + "crab meat", + "coriander", + "jicama", + "fresh lime juice" + ] + }, + { + "id": 14322, + "cuisine": "brazilian", + "ingredients": [ + "pepper", + "bay leaves", + "chorizo sausage", + "chicken stock", + "water", + "salt", + "minced garlic", + "vegetable oil", + "black beans", + "pork tenderloin", + "onions" + ] + }, + { + "id": 4382, + "cuisine": "korean", + "ingredients": [ + "chicken wings", + "crushed red pepper flakes", + "rice vinegar", + "toasted sesame oil", + "honey", + "fine sea salt", + "scallions", + "large egg whites", + "ginger", + "apple juice", + "toasted sesame seeds", + "baking soda", + "tamari soy sauce", + "garlic cloves" + ] + }, + { + "id": 671, + "cuisine": "southern_us", + "ingredients": [ + "cream", + "cayenne", + "whole milk", + "sirloin steak", + "panko breadcrumbs", + "garlic powder", + "large eggs", + "vegetable oil", + "beef broth", + "seasoning salt", + "self rising flour", + "onion powder", + "all-purpose flour", + "fresh chives", + "ground black pepper", + "gravy", + "pan drippings", + "smoked paprika" + ] + }, + { + "id": 39119, + "cuisine": "greek", + "ingredients": [ + "pepper", + "basil", + "onion powder", + "garlic powder", + "oregano", + "sugar", + "sea salt" + ] + }, + { + "id": 6244, + "cuisine": "mexican", + "ingredients": [ + "chipotles in adobo", + "mayonaise", + "plain yogurt" + ] + }, + { + "id": 43885, + "cuisine": "french", + "ingredients": [ + "large eggs", + "sugar", + "all-purpose flour", + "whole milk", + "unsalted butter" + ] + }, + { + "id": 10959, + "cuisine": "indian", + "ingredients": [ + "ground fennel", + "mushrooms", + "salt", + "lemon juice", + "ghee", + "ground turmeric", + "potatoes", + "peas", + "green chilies", + "coconut milk", + "cashew nuts", + "tomatoes", + "cinnamon", + "cilantro leaves", + "carrots", + "onions", + "clove", + "mint leaves", + "garlic", + "cardamom", + "bay leaf", + "basmati rice" + ] + }, + { + "id": 30987, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "sesame oil", + "scallions", + "Sriracha", + "rice", + "minced ginger", + "garlic", + "frozen peas", + "soy sauce", + "fresh shiitake mushrooms", + "peanut oil" + ] + }, + { + "id": 22874, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "grated parmesan cheese", + "oven-ready lasagna noodles", + "fennel seeds", + "olive oil", + "lean ground beef", + "onions", + "crushed tomatoes", + "dry white wine", + "low salt chicken broth", + "seasoning", + "large eggs", + "ricotta cheese", + "fresh basil leaves" + ] + }, + { + "id": 4474, + "cuisine": "filipino", + "ingredients": [ + "ground pork", + "rice paper", + "black pepper", + "salt", + "garlic", + "water chestnuts", + "carrots" + ] + }, + { + "id": 280, + "cuisine": "indian", + "ingredients": [ + "salt", + "onions", + "pepper", + "green chilies", + "ground cumin", + "eggs", + "cilantro leaves", + "ground turmeric", + "paneer", + "oil" + ] + }, + { + "id": 5271, + "cuisine": "greek", + "ingredients": [ + "parmesan cheese", + "seasoning salt", + "greek style plain yogurt", + "pepper", + "boneless skinless chicken breasts", + "garlic powder" + ] + }, + { + "id": 16443, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "boiling onions", + "veal for stew", + "olive oil", + "red potato", + "fresh oregano" + ] + }, + { + "id": 26514, + "cuisine": "chinese", + "ingredients": [ + "tomato paste", + "fresh ginger", + "ground pork", + "corn starch", + "chicken stock", + "sugar", + "green onions", + "chili bean paste", + "black vinegar", + "dark soy sauce", + "prepared horseradish", + "salt", + "celery", + "asian eggplants", + "light soy sauce", + "sesame oil", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 27413, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "salt", + "ground black pepper", + "ground red pepper", + "garlic powder" + ] + }, + { + "id": 15697, + "cuisine": "thai", + "ingredients": [ + "green curry paste", + "vegetable oil", + "coconut milk", + "fish sauce", + "thai basil", + "peas", + "kaffir lime", + "eggplant", + "cilantro", + "lime leaves", + "pork", + "palm sugar", + "yellow bell pepper" + ] + }, + { + "id": 27980, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "fettucine", + "cream cheese", + "butter", + "milk" + ] + }, + { + "id": 42597, + "cuisine": "indian", + "ingredients": [ + "water", + "vegetable oil", + "salt", + "soft fresh goat cheese", + "fresh ginger", + "dry mustard", + "ground coriander", + "ground cumin", + "crushed tomatoes", + "mustard greens", + "all-purpose flour", + "chopped cilantro fresh", + "semolina flour", + "shallots", + "crushed red pepper", + "garlic cloves" + ] + }, + { + "id": 40804, + "cuisine": "japanese", + "ingredients": [ + "honey", + "salt", + "sake", + "vegetable oil", + "soy sauce", + "ginger", + "mirin", + "chicken thighs" + ] + }, + { + "id": 5732, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "hoisin sauce", + "garlic", + "onions", + "brown sugar", + "fresh ginger", + "chicken breasts", + "dried chile", + "water", + "green onions", + "rice vinegar", + "chinese rice wine", + "peanuts", + "sesame oil", + "celery" + ] + }, + { + "id": 8783, + "cuisine": "italian", + "ingredients": [ + "ground cloves", + "confectioners sugar", + "almond extract", + "baking powder", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 21804, + "cuisine": "french", + "ingredients": [ + "active dry yeast", + "cornmeal", + "water", + "all-purpose flour", + "egg whites", + "warm water", + "salt" + ] + }, + { + "id": 1851, + "cuisine": "italian", + "ingredients": [ + "dried tarragon leaves", + "lean ground beef", + "fresh mushrooms", + "dried oregano", + "bay leaves", + "ground pork", + "celery", + "tomatoes", + "dried sage", + "salt", + "onions", + "ground black pepper", + "butter", + "carrots", + "dried rosemary" + ] + }, + { + "id": 15093, + "cuisine": "italian", + "ingredients": [ + "table salt", + "water", + "coarse salt", + "sugar", + "olive oil", + "crumbled gorgonzola", + "fontina", + "active dry yeast", + "all purpose unbleached flour", + "mozzarella cheese", + "freshly grated parmesan", + "onions" + ] + }, + { + "id": 42621, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "salt", + "water", + "lemon wedge", + "freshly ground pepper", + "white vinegar", + "grated parmesan cheese", + "dry bread crumbs", + "large egg yolks", + "vegetable oil", + "rib" + ] + }, + { + "id": 30995, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "garlic", + "wonton wrappers", + "cream cheese", + "green onions", + "crabmeat", + "worcestershire sauce" + ] + }, + { + "id": 48343, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "chile pepper", + "cayenne pepper", + "cream cheese, soften", + "milk", + "butter", + "chopped onion", + "sour cream", + "pepper jack", + "cracked black pepper", + "sharp cheddar cheese", + "corn tortillas", + "chicken breasts", + "salt", + "enchilada sauce", + "cumin" + ] + }, + { + "id": 12881, + "cuisine": "mexican", + "ingredients": [ + "lacinato kale", + "lime juice", + "vegetable broth", + "black beans", + "Sriracha", + "corn tortilla chips", + "quinoa", + "salt", + "avocado", + "pepper", + "cilantro" + ] + }, + { + "id": 19193, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "ricotta cheese", + "grated nutmeg", + "ground black pepper", + "extra-virgin olive oil", + "unsalted butter", + "all-purpose flour", + "large egg yolks", + "stewed tomatoes", + "flat leaf parsley" + ] + }, + { + "id": 22237, + "cuisine": "chinese", + "ingredients": [ + "peanut oil", + "onions" + ] + }, + { + "id": 37823, + "cuisine": "vietnamese", + "ingredients": [ + "chili paste", + "minced garlic", + "lime juice", + "sugar", + "asian fish sauce" + ] + }, + { + "id": 47366, + "cuisine": "thai", + "ingredients": [ + "chicken thigh fillets", + "cilantro leaves", + "Thai red curry paste", + "green beans", + "vegetable oil", + "yellow onion", + "fresh ginger", + "garlic", + "coconut milk" + ] + }, + { + "id": 37263, + "cuisine": "mexican", + "ingredients": [ + "unsalted butter", + "salt", + "confectioners sugar", + "dulce de leche", + "baking powder", + "pisco", + "granulated sugar", + "all-purpose flour", + "large egg yolks", + "vanilla", + "corn starch" + ] + }, + { + "id": 36569, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "water", + "mint leaves", + "rice vinegar", + "beansprouts", + "soy sauce", + "lemongrass", + "shredded lettuce", + "carrots", + "white sugar", + "brown sugar", + "lime juice", + "vegetable oil", + "garlic cloves", + "chillies", + "rice stick noodles", + "minced garlic", + "chili", + "cilantro", + "cucumber", + "chicken" + ] + }, + { + "id": 35794, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "spring onions", + "all-purpose flour", + "oil", + "bread crumbs", + "garlic", + "cream cheese", + "onions", + "celery stick", + "chicken breasts", + "sweet corn", + "carrots", + "chicken stock", + "water", + "salt", + "green chilies", + "coriander" + ] + }, + { + "id": 41472, + "cuisine": "italian", + "ingredients": [ + "cold water", + "superfine sugar", + "cream", + "frozen mixed berries", + "brandy", + "gelatin", + "vanilla beans", + "confectioners sugar" + ] + }, + { + "id": 514, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "dry red wine", + "lean beef", + "pepper", + "finely chopped onion", + "dry bread crumbs", + "spaghetti", + "sugar", + "large egg whites", + "shredded parmesan cheese", + "chopped parsley", + "tomato purée", + "dried basil", + "salt", + "fat" + ] + }, + { + "id": 6732, + "cuisine": "italian", + "ingredients": [ + "min", + "milk", + "flour", + "salt", + "italian sausage", + "spinach", + "ground nutmeg", + "butter", + "red bell pepper", + "part-skim mozzarella", + "parmesan cheese", + "mushrooms", + "oven-ready lasagna noodles", + "eggs", + "tomato sauce", + "ground black pepper", + "garlic" + ] + }, + { + "id": 49676, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chili powder", + "tortilla chips", + "sliced green onions", + "tomato sauce", + "guacamole", + "cilantro leaves", + "hot water", + "pico de gallo", + "sliced black olives", + "salt", + "taco seasoning", + "jack cheese", + "boneless skinless chicken breasts", + "hot sauce", + "sour cream" + ] + }, + { + "id": 9047, + "cuisine": "mexican", + "ingredients": [ + "water", + "large eggs", + "cream cheese", + "caramels", + "vanilla extract", + "flan", + "vanilla beans", + "whole milk", + "sweetened condensed milk", + "granulated sugar", + "granulated white sugar" + ] + }, + { + "id": 36960, + "cuisine": "filipino", + "ingredients": [ + "tomatoes", + "radishes", + "lemon juice", + "pork", + "salt", + "onions", + "string beans", + "beef brisket", + "bok choy", + "pepper", + "garlic cloves" + ] + }, + { + "id": 45519, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "unsweetened applesauce", + "butter", + "flour tortillas", + "cinnamon sugar" + ] + }, + { + "id": 12138, + "cuisine": "southern_us", + "ingredients": [ + "jasmine rice", + "salt", + "sweet onion", + "pepper", + "bacon drippings", + "black-eyed peas" + ] + }, + { + "id": 24407, + "cuisine": "southern_us", + "ingredients": [ + "bread crumbs", + "unsalted butter", + "sweet onion", + "salt", + "pepper", + "granulated sugar", + "eggs", + "yellow crookneck squash" + ] + }, + { + "id": 10464, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "low sodium chicken broth", + "salt", + "scallions", + "chicken", + "water", + "cajun seasoning", + "yellow onion", + "celery", + "andouille sausage", + "vegetable oil", + "all-purpose flour", + "garlic cloves", + "parsley leaves", + "diced tomatoes", + "okra", + "bay leaf" + ] + }, + { + "id": 40740, + "cuisine": "italian", + "ingredients": [ + "chicken thighs", + "grated parmesan cheese", + "italian salad dressing", + "baking potatoes" + ] + }, + { + "id": 18764, + "cuisine": "indian", + "ingredients": [ + "large eggs", + "white rice", + "green cardamom pods", + "golden raisins", + "grated nutmeg", + "light brown sugar", + "whole milk", + "vanilla extract", + "granulated sugar", + "heavy cream", + "grated lemon zest" + ] + }, + { + "id": 8270, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "roasted cashews", + "ground black pepper", + "yellow bell pepper", + "yams", + "cashew nuts", + "candied ginger", + "milk", + "large garlic cloves", + "salt", + "red bell pepper", + "basmati rice", + "clove", + "tumeric", + "butter", + "extra-virgin olive oil", + "cinnamon sticks", + "serrano chile", + "saffron threads", + "brussels sprouts", + "fresh ginger", + "raisins", + "yellow onion", + "onions", + "canola oil" + ] + }, + { + "id": 22813, + "cuisine": "french", + "ingredients": [ + "brioche", + "coarse salt", + "melted butter", + "ground black pepper", + "chicken livers", + "marsala wine", + "extra-virgin olive oil", + "vidalia onion", + "bay leaves" + ] + }, + { + "id": 13425, + "cuisine": "brazilian", + "ingredients": [ + "strawberries", + "bananas", + "frozen strawberries", + "raspberries", + "acai juice", + "granola", + "frozen banana" + ] + }, + { + "id": 18183, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chili powder", + "salt", + "cumin", + "brown sugar", + "crushed tomatoes", + "vegetable oil", + "cayenne pepper", + "water", + "onion powder", + "all-purpose flour", + "ground chipotle chile pepper", + "garlic powder", + "paprika", + "dried oregano" + ] + }, + { + "id": 9400, + "cuisine": "british", + "ingredients": [ + "whole wheat flour", + "raisins", + "light brown sugar", + "buttermilk", + "hot tea", + "baking powder", + "jam", + "unsalted butter", + "salt" + ] + }, + { + "id": 19318, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "bacon", + "sage", + "chicken stock", + "olive oil", + "celery", + "kosher salt", + "yellow onion", + "eggs", + "fresh thyme leaves", + "corn bread" + ] + }, + { + "id": 39190, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "purple onion", + "olive oil", + "red wine vinegar", + "plum tomatoes", + "pitted kalamata olives", + "large eggs", + "salt", + "baguette", + "lettuce leaves", + "albacore tuna in water" + ] + }, + { + "id": 43511, + "cuisine": "mexican", + "ingredients": [ + "tomato purée", + "apple cider vinegar", + "garlic", + "ground coriander", + "ground cumin", + "ground black pepper", + "paprika", + "cayenne pepper", + "oregano", + "water", + "cinnamon", + "salt", + "onions", + "chili powder", + "extra-virgin olive oil", + "cocoa powder", + "masa harina" + ] + }, + { + "id": 3303, + "cuisine": "greek", + "ingredients": [ + "purple onion", + "dried oregano", + "ground sirloin", + "garlic cloves", + "cherry tomatoes", + "frozen pizza dough", + "allspice", + "cinnamon", + "feta cheese crumbles" + ] + }, + { + "id": 6907, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "bone-in pork chops", + "rosemary sprigs", + "chives", + "pepper", + "fillets", + "pesto", + "cilantro sprigs" + ] + }, + { + "id": 26173, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil spray", + "buttermilk", + "heavy whipping cream", + "unsweetened cocoa powder", + "pecans", + "unsalted butter", + "all-purpose flour", + "semi-sweet chocolate morsels", + "sugar", + "large eggs", + "dark brown sugar", + "boiling water", + "powdered sugar", + "baking soda", + "vanilla extract", + "coarse kosher salt" + ] + }, + { + "id": 26394, + "cuisine": "vietnamese", + "ingredients": [ + "almond butter", + "sesame oil", + "carrots", + "fresh lime juice", + "reduced sodium soy sauce", + "rice", + "hot water", + "fresh cilantro", + "dipping sauces", + "corn starch", + "vermicelli noodles", + "brown sugar", + "extra firm tofu", + "garlic chili sauce", + "fresh mint" + ] + }, + { + "id": 47412, + "cuisine": "japanese", + "ingredients": [ + "Mizkan Rice Vinegar", + "black sesame seeds", + "carrots", + "mirin", + "salt", + "sesame oil" + ] + }, + { + "id": 34978, + "cuisine": "spanish", + "ingredients": [ + "beef stock", + "yellow onion", + "smoked paprika", + "kosher salt", + "kalamata", + "fresh parsley leaves", + "red bell pepper", + "diced tomatoes", + "beef rib short", + "rioja", + "olive oil", + "garlic", + "carrots", + "bay leaf" + ] + }, + { + "id": 4473, + "cuisine": "thai", + "ingredients": [ + "golden brown sugar", + "carrots", + "rice vinegar", + "fish sauce", + "garlic cloves", + "crushed red pepper" + ] + }, + { + "id": 33315, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "butternut squash", + "pasta", + "unsalted butter", + "olive oil", + "fresh sage", + "grated parmesan cheese" + ] + }, + { + "id": 49414, + "cuisine": "italian", + "ingredients": [ + "boneless skinless chicken breasts", + "garlic", + "chees fresh mozzarella", + "fresh basil leaves", + "balsamic vinegar", + "salt", + "roma tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 5759, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "parmesan cheese", + "basil", + "onions", + "eggs", + "crushed tomatoes", + "parsley", + "salt", + "italian sausage", + "pepper", + "whole milk ricotta cheese", + "garlic", + "sugar", + "olive oil", + "red wine", + "jumbo pasta shells" + ] + }, + { + "id": 22444, + "cuisine": "cajun_creole", + "ingredients": [ + "creole mustard", + "apple butter" + ] + }, + { + "id": 49710, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "salt", + "fat", + "plain whole-milk yogurt", + "romaine lettuce", + "cherry tomatoes", + "garlic cloves", + "fresh mint", + "seedless cucumber", + "lamb steaks", + "pita pockets", + "pitted kalamata olives", + "olive oil", + "fresh lemon juice", + "chopped fresh mint" + ] + }, + { + "id": 11621, + "cuisine": "thai", + "ingredients": [ + "eggs", + "sweet chili sauce", + "oyster sauce", + "fish sauce", + "all-purpose flour", + "fish fillets", + "green onions", + "chopped cilantro fresh", + "brown sugar", + "oil" + ] + }, + { + "id": 26043, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "country bread", + "pearl onions", + "red wine", + "lardons", + "large eggs", + "white mushrooms", + "slab bacon", + "salt", + "frisee" + ] + }, + { + "id": 21129, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "salt", + "black pepper", + "chopped onion", + "yellow summer squash", + "dry bread crumbs", + "butter", + "white sugar" + ] + }, + { + "id": 25241, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "buttermilk", + "caraway seeds", + "large eggs", + "salt", + "unsalted butter", + "raisins", + "sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 10305, + "cuisine": "mexican", + "ingredients": [ + "coconut oil", + "chili powder", + "ground beef", + "cumin", + "eggs", + "garlic powder", + "almond meal", + "garlic salt", + "olive oil", + "diced tomatoes", + "onions", + "shredded Monterey Jack cheese", + "green bell pepper", + "baking powder", + "salt", + "flax seed meal" + ] + }, + { + "id": 40451, + "cuisine": "italian", + "ingredients": [ + "butter", + "fresh asparagus", + "pepper", + "salt", + "pinenuts", + "garlic", + "prosciutto", + "fresh lemon juice" + ] + }, + { + "id": 26553, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "orange zest", + "sugar", + "all-purpose flour", + "large eggs", + "white cornmeal", + "fresh rosemary", + "buttermilk" + ] + }, + { + "id": 7611, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "green peas", + "oil", + "potatoes", + "green chilies", + "onions", + "asafoetida", + "salt", + "mustard seeds", + "ginger", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 40861, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "chile pepper", + "salt", + "artichok heart marin", + "white cheddar cheese", + "vegan Worcestershire sauce", + "chopped tomatoes", + "crushed garlic", + "Neufchâtel", + "round sourdough bread", + "green onions", + "non-fat sour cream" + ] + }, + { + "id": 20477, + "cuisine": "chinese", + "ingredients": [ + "ramen noodles", + "corn starch", + "fresh ginger", + "scallions", + "low sodium beef broth", + "sugar pea", + "vegetable oil", + "toasted sesame oil", + "reduced sodium soy sauce", + "garlic cloves", + "boneless sirloin steak" + ] + }, + { + "id": 23645, + "cuisine": "indian", + "ingredients": [ + "sugar", + "seeds", + "water", + "salt", + "syrup", + "plums", + "almonds" + ] + }, + { + "id": 6375, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "water", + "olive oil", + "garlic", + "chipotles in adobo", + "chicken broth", + "corn", + "coarse salt", + "sour cream", + "tomato paste", + "fresh cilantro", + "boneless skinless chicken breasts", + "shredded cheese", + "onions", + "black pepper", + "lime", + "diced tomatoes", + "corn tortillas" + ] + }, + { + "id": 21685, + "cuisine": "french", + "ingredients": [ + "white wine", + "bay scallops", + "all-purpose flour", + "fresh parsley", + "ground black pepper", + "butter", + "sliced mushrooms", + "milk", + "egg yolks", + "lemon juice", + "minced onion", + "salt", + "bay leaf" + ] + }, + { + "id": 29522, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "parmesan cheese", + "ground beef", + "parsley flakes", + "pepper", + "ricotta cheese", + "nutmeg", + "mozzarella cheese", + "lasagna noodles", + "eggs", + "water", + "salt" + ] + }, + { + "id": 30038, + "cuisine": "british", + "ingredients": [ + "cooking apples", + "butter", + "lemon juice", + "sugar", + "gingerroot", + "plums", + "pears" + ] + }, + { + "id": 8773, + "cuisine": "mexican", + "ingredients": [ + "hash brown", + "butter", + "Daisy Sour Cream", + "green onions", + "flour tortillas", + "salt", + "shredded cheddar cheese", + "bacon pieces" + ] + }, + { + "id": 45236, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella", + "cracked black pepper", + "fresh basil leaves", + "chicken cutlets", + "purple onion", + "kosher salt", + "garlic", + "tomatoes", + "balsamic vinegar", + "oil" + ] + }, + { + "id": 46073, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "water", + "bay leaves", + "chili powder", + "green cardamom", + "cinnamon sticks", + "basmati rice", + "clove", + "dried fruit", + "garam masala", + "french fried onions", + "cilantro leaves", + "cardamom", + "onions", + "saffron", + "garlic paste", + "lime juice", + "yoghurt", + "salt", + "green chilies", + "ghee", + "ground turmeric", + "caraway seeds", + "warm water", + "mint leaves", + "marinade", + "rice", + "ground cardamom", + "peppercorns", + "chicken" + ] + }, + { + "id": 13688, + "cuisine": "mexican", + "ingredients": [ + "lean ground beef", + "shredded cheddar cheese", + "red bell pepper", + "cooked rice", + "diced tomatoes", + "low sodium taco seasoning" + ] + }, + { + "id": 23203, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "apple cider vinegar", + "ground cumin", + "table salt", + "chili powder", + "cayenne pepper", + "brown sugar", + "ground turkey breast", + "paprika", + "water", + "onion powder", + "dried oregano" + ] + }, + { + "id": 32010, + "cuisine": "italian", + "ingredients": [ + "organic tomato", + "chicken broth", + "Italian bread", + "olive oil", + "onions", + "garlic cloves" + ] + }, + { + "id": 41706, + "cuisine": "moroccan", + "ingredients": [ + "cinnamon", + "medjool date", + "toasted almonds", + "orange" + ] + }, + { + "id": 44165, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "fat-free chicken broth", + "lemon pepper", + "green bell pepper", + "2% reduced-fat milk", + "fresh mushrooms", + "boneless skinless chicken breast halves", + "pasta", + "green onions", + "creole seasoning", + "red bell pepper", + "cold water", + "garlic powder", + "margarine", + "corn starch" + ] + }, + { + "id": 23034, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "ziti", + "crushed red pepper flakes", + "fresh parsley", + "eggplant", + "coarse salt", + "yellow onion", + "crushed tomatoes", + "whole milk ricotta cheese", + "extra-virgin olive oil", + "italian seasoning", + "black pepper", + "grated parmesan cheese", + "butter", + "shredded mozzarella cheese" + ] + }, + { + "id": 28780, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "salt", + "large egg yolks", + "sugar", + "all-purpose flour", + "unsalted butter" + ] + }, + { + "id": 19894, + "cuisine": "spanish", + "ingredients": [ + "large egg whites", + "potatoes", + "chopped onion", + "part-skim mozzarella cheese", + "manzanilla", + "red bell pepper", + "pepper", + "large eggs", + "salt", + "dried oregano", + "olive oil", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 37329, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "green onions", + "garlic", + "canola oil", + "garlic powder", + "parsley", + "ground turkey", + "fresh ginger", + "sesame oil", + "salt", + "eggs", + "ground pepper", + "red pepper flakes", + "toasted sesame seeds" + ] + }, + { + "id": 25738, + "cuisine": "italian", + "ingredients": [ + "sugar", + "part-skim mozzarella cheese", + "oil", + "minced garlic", + "zucchini", + "rotini", + "pepper", + "dijon mustard", + "hot water", + "sun-dried tomatoes", + "white wine vinegar" + ] + }, + { + "id": 46131, + "cuisine": "southern_us", + "ingredients": [ + "Tabasco Pepper Sauce", + "lemon juice", + "sliced green onions", + "water", + "garlic", + "chopped parsley", + "bacon", + "shrimp", + "salted butter", + "shredded sharp cheddar cheese", + "grits" + ] + }, + { + "id": 38550, + "cuisine": "british", + "ingredients": [ + "worcestershire sauce", + "cayenne pepper", + "unsalted butter", + "shredded sharp cheddar cheese", + "eggs", + "dry mustard", + "light beer", + "salt" + ] + }, + { + "id": 36242, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "bone-in chicken breasts", + "Mexican cheese blend", + "enchilada sauce", + "black beans", + "tortilla chips", + "chicken broth", + "frozen corn", + "chopped cilantro fresh" + ] + }, + { + "id": 39258, + "cuisine": "mexican", + "ingredients": [ + "pasta", + "orange bell pepper", + "red enchilada sauce", + "water", + "salt", + "onions", + "pepper", + "colby jack cheese", + "garlic cloves", + "olive oil", + "scallions", + "chicken" + ] + }, + { + "id": 34277, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "corn", + "bacon" + ] + }, + { + "id": 39746, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "salsa", + "low-fat sour cream", + "whole wheat tortillas", + "taco seasoning", + "lean ground turkey", + "sliced black olives", + "low-fat refried beans", + "cheddar cheese", + "shredded lettuce" + ] + }, + { + "id": 48013, + "cuisine": "jamaican", + "ingredients": [ + "brown sugar", + "onion powder", + "garlic powder", + "hot water", + "jamaican jerk spice", + "kosher salt", + "roasting chickens" + ] + }, + { + "id": 18391, + "cuisine": "italian", + "ingredients": [ + "water", + "zucchini", + "grated carrot", + "penne", + "fresh parmesan cheese", + "cooking spray", + "canadian bacon", + "grape tomatoes", + "fat free milk", + "broccoli florets", + "salt", + "pepper", + "ground black pepper", + "reduced-fat sour cream" + ] + }, + { + "id": 5905, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "chile pepper", + "garlic", + "shredded Monterey Jack cheese", + "cold water", + "honey", + "tomatillos", + "chopped cilantro", + "lime", + "coarse salt", + "hass avocado", + "warm water", + "ground black pepper", + "extra-virgin olive oil", + "masa harina" + ] + }, + { + "id": 11592, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "large eggs", + "vanilla extract", + "sugar", + "butter", + "vanilla ice cream", + "refrigerated piecrusts", + "salt", + "dark corn syrup", + "mint sprigs" + ] + }, + { + "id": 4973, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "baking powder", + "milk", + "salt", + "sugar", + "vegetable oil", + "self rising flour", + "cornmeal" + ] + }, + { + "id": 8948, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "chopped onion", + "pepper", + "garlic", + "dried parsley", + "tomato paste", + "vegetable oil", + "celery", + "crushed tomatoes", + "salt", + "dried oregano" + ] + }, + { + "id": 16958, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "red wine vinegar", + "dried oregano", + "sausage links", + "balsamic vinegar", + "salt", + "dried basil", + "vine ripened tomatoes", + "french rolls", + "ground black pepper", + "purple onion" + ] + }, + { + "id": 49144, + "cuisine": "southern_us", + "ingredients": [ + "vinegar", + "celery salt", + "smoked ham hocks", + "hot sauce", + "collard greens" + ] + }, + { + "id": 9789, + "cuisine": "southern_us", + "ingredients": [ + "corn", + "chicken breasts", + "cream style corn", + "diced tomatoes", + "frozen lima beans", + "worcestershire sauce", + "ketchup", + "barbecue sauce", + "hot sauce" + ] + }, + { + "id": 8803, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "beaten eggs", + "dashi", + "onions", + "soy sauce", + "seaweed", + "sake", + "mirin", + "chicken" + ] + }, + { + "id": 33656, + "cuisine": "chinese", + "ingredients": [ + "roasted sesame seeds", + "chives", + "water", + "cooking oil", + "salt", + "dark soy sauce", + "egg noodles", + "sesame oil", + "light soy sauce", + "green onions", + "beansprouts" + ] + }, + { + "id": 23317, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chili powder", + "turkey meat", + "olive oil", + "diced tomatoes", + "onions", + "chicken broth", + "hominy", + "salt", + "fresh cilantro", + "large garlic cloves", + "red bell pepper" + ] + }, + { + "id": 26638, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "dried sardines", + "sake", + "kosher salt", + "ginger", + "sugar", + "water", + "garlic", + "pork belly", + "mirin" + ] + }, + { + "id": 15507, + "cuisine": "french", + "ingredients": [ + "chicken legs", + "diced tomatoes", + "olive oil", + "orange peel", + "dried thyme", + "low salt chicken broth", + "saffron threads", + "dry white wine", + "onions" + ] + }, + { + "id": 12668, + "cuisine": "french", + "ingredients": [ + "top loin", + "vegetable oil", + "french fri frozen", + "rub", + "large garlic cloves" + ] + }, + { + "id": 18675, + "cuisine": "italian", + "ingredients": [ + "angel hair", + "cream cheese with chives", + "white wine", + "boneless skinless chicken breast halves", + "butter", + "condensed golden mushroom soup", + "salad dressing" + ] + }, + { + "id": 6261, + "cuisine": "french", + "ingredients": [ + "ground cinnamon", + "unsalted butter", + "all-purpose flour", + "white vinegar", + "shortening", + "plums", + "cold milk", + "large egg yolks", + "salt", + "eggs", + "granulated sugar", + "nectarines" + ] + }, + { + "id": 17608, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "macaroni", + "salt", + "tomatoes", + "part-skim mozzarella cheese", + "cooking spray", + "chopped onion", + "large egg whites", + "egg yolks", + "margarine", + "pepper", + "zucchini", + "balsamic vinegar", + "garlic cloves" + ] + }, + { + "id": 27733, + "cuisine": "thai", + "ingredients": [ + "coconut milk", + "salt", + "glutinous rice", + "sugar syrup" + ] + }, + { + "id": 44260, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "buttermilk", + "baking powder", + "all-purpose flour", + "honey", + "butter", + "large eggs", + "salt" + ] + }, + { + "id": 34456, + "cuisine": "japanese", + "ingredients": [ + "white rice", + "honey", + "water", + "salt", + "ginger" + ] + }, + { + "id": 26882, + "cuisine": "japanese", + "ingredients": [ + "light soy sauce", + "salt", + "large eggs", + "mirin", + "oil", + "sugar", + "regular soy sauce" + ] + }, + { + "id": 41879, + "cuisine": "cajun_creole", + "ingredients": [ + "green onions", + "penne pasta", + "fresh parsley", + "whipping cream", + "garlic cloves", + "butter", + "creole seasoning", + "grated parmesan cheese", + "hot sauce", + "shrimp" + ] + }, + { + "id": 2388, + "cuisine": "indian", + "ingredients": [ + "pita chips", + "assorted fresh vegetables", + "salt", + "plain yogurt", + "ground black pepper", + "large garlic cloves", + "cumin seed", + "pita bread", + "olive oil", + "ground red pepper", + "chickpeas", + "water", + "tahini", + "extra-virgin olive oil", + "lemon juice" + ] + }, + { + "id": 13933, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "olive oil", + "jicama", + "chopped cilantro fresh", + "tomatoes", + "honey", + "jalapeno chilies", + "fresh lime juice", + "black beans", + "feta cheese", + "garlic cloves", + "avocado", + "corn kernels", + "radishes", + "red bell pepper" + ] + }, + { + "id": 26115, + "cuisine": "thai", + "ingredients": [ + "water", + "fresh lime juice", + "garlic cloves", + "salt", + "jalapeno chilies" + ] + }, + { + "id": 45257, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "butter", + "orange marmalade", + "toasted pecans", + "carrots", + "rum" + ] + }, + { + "id": 6923, + "cuisine": "indian", + "ingredients": [ + "clove", + "tumeric", + "Biryani Masala", + "spices", + "green chilies", + "peppercorns", + "chicken", + "red chili powder", + "coriander seeds", + "mint leaves", + "cilantro leaves", + "ghee", + "basmati rice", + "tomatoes", + "mace", + "potatoes", + "salt", + "cinnamon sticks", + "shahi jeera", + "garlic paste", + "leaves", + "yoghurt", + "green cardamom", + "onions", + "saffron" + ] + }, + { + "id": 34805, + "cuisine": "mexican", + "ingredients": [ + "salt", + "large eggs", + "champagne vinegar", + "unsalted butter", + "all-purpose flour", + "ice water" + ] + }, + { + "id": 537, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "salt", + "ground cinnamon", + "butter", + "white sugar", + "evaporated milk", + "all-purpose flour", + "eggs", + "vanilla extract", + "yeast" + ] + }, + { + "id": 46318, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "parmigiano reggiano cheese", + "ground veal", + "ground beef", + "tomato sauce", + "coarse salt", + "Italian bread", + "oregano", + "parmigiano-reggiano cheese", + "large eggs", + "ground pork", + "onions", + "ground black pepper", + "ricotta cheese", + "flat leaf parsley" + ] + }, + { + "id": 10020, + "cuisine": "brazilian", + "ingredients": [ + "olive oil", + "bread flour", + "salt", + "yellow corn meal", + "boiling water", + "dry yeast" + ] + }, + { + "id": 13580, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "granulated sugar", + "grated lemon zest", + "powdered sugar", + "roasted pistachios", + "fresh lemon juice", + "potato starch", + "large eggs", + "fresh raspberries", + "large egg whites", + "salt" + ] + }, + { + "id": 27820, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "sweet onion", + "grated parmesan cheese", + "whole wheat lasagna noodles", + "sage", + "mozzarella cheese", + "mascarpone", + "low sodium chicken", + "salt", + "nutmeg", + "olive oil", + "flour", + "ground chicken breast", + "low-fat milk", + "pepper", + "unsalted butter", + "butternut squash", + "panko breadcrumbs" + ] + }, + { + "id": 32242, + "cuisine": "irish", + "ingredients": [ + "brisket", + "freshly ground pepper", + "parsley", + "onions", + "English mustard", + "salt", + "cabbage", + "fresh thyme", + "carrots" + ] + }, + { + "id": 25737, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "sirloin steak", + "olive oil", + "chopped cilantro fresh", + "light soy sauce", + "red bell pepper", + "romaine lettuce", + "peanuts" + ] + }, + { + "id": 28281, + "cuisine": "japanese", + "ingredients": [ + "shiitake", + "extra-virgin olive oil", + "kale leaves", + "coconut oil", + "miso", + "tamari soy sauce", + "dressing", + "chicken breasts", + "buckwheat noodles", + "soba noodles", + "red chili peppers", + "large garlic cloves", + "yellow onion" + ] + }, + { + "id": 31392, + "cuisine": "southern_us", + "ingredients": [ + "purple onion", + "hot pepper sauce", + "chayotes", + "white vinegar", + "red bell pepper", + "chopped green bell pepper", + "sliced green onions" + ] + }, + { + "id": 34007, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "amaretto", + "granulated sugar", + "almonds", + "cream of tartar", + "egg whites" + ] + }, + { + "id": 6957, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "corn kernels", + "low sodium chicken broth", + "garlic cloves", + "peppercorns", + "pesto", + "zucchini", + "peas", + "green beans", + "tomatoes", + "water", + "fresh thyme", + "extra-virgin olive oil", + "onions", + "anise seed", + "swiss chard", + "cannellini beans", + "carrots" + ] + }, + { + "id": 17029, + "cuisine": "russian", + "ingredients": [ + "water", + "extra-virgin olive oil", + "fresh lemon juice", + "celery root", + "tomato paste", + "coarse salt", + "freshly ground pepper", + "chopped parsley", + "cabbage", + "store bought low sodium chicken stock", + "red wine vinegar", + "garlic cloves", + "onions", + "dry white wine", + "beets", + "carrots", + "short rib" + ] + }, + { + "id": 5572, + "cuisine": "indian", + "ingredients": [ + "plain flour", + "chili powder", + "lamb", + "onions", + "fresh ginger root", + "garlic", + "oil", + "water", + "butter", + "green chilies", + "ground turmeric", + "garam masala", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 36155, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "blackberries", + "sugar", + "walnuts", + "heavy cream", + "large egg whites", + "fresh lemon juice" + ] + }, + { + "id": 36316, + "cuisine": "moroccan", + "ingredients": [ + "pitted green olives", + "chickpeas", + "squash", + "ground cumin", + "hot red pepper flakes", + "paprika", + "garlic cloves", + "chicken thighs", + "cinnamon", + "salt", + "carrots", + "allspice", + "ground ginger", + "condensed chicken broth", + "lamb", + "onions" + ] + }, + { + "id": 4023, + "cuisine": "mexican", + "ingredients": [ + "taco shells", + "sour cream", + "red potato", + "ground pork", + "pepper", + "iceberg lettuce", + "fresh tomatoes", + "salt" + ] + }, + { + "id": 35594, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "pork", + "soup", + "stewed tomatoes", + "shrimp", + "stew", + "shortening", + "vegetables", + "cooked chicken", + "crabmeat", + "chicken", + "green bell pepper", + "oysters", + "green onions", + "seafood", + "celery", + "tomato paste", + "cooked ham", + "jalapeno chilies", + "parsley", + "okra" + ] + }, + { + "id": 24517, + "cuisine": "french", + "ingredients": [ + "ground nutmeg", + "butter", + "all-purpose flour", + "pepper", + "dry white wine", + "gouda", + "dijon mustard", + "heavy cream", + "fresh parsley", + "sourdough bread", + "deli ham", + "salt" + ] + }, + { + "id": 2723, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "salt", + "pork chops", + "beer", + "pepper", + "cayenne pepper", + "chicken broth", + "bacon", + "onions" + ] + }, + { + "id": 8727, + "cuisine": "italian", + "ingredients": [ + "black olives", + "freshly ground pepper", + "thyme", + "extra-virgin olive oil", + "anchovy fillets", + "fresh lemon juice", + "snow peas", + "tomatoes", + "purple onion", + "tuna packed in olive oil", + "crusty rolls", + "eggs", + "salt", + "garlic cloves", + "flat leaf parsley" + ] + }, + { + "id": 29068, + "cuisine": "british", + "ingredients": [ + "sugar", + "lemon juice", + "unsalted butter", + "brandy", + "pears", + "simple syrup" + ] + }, + { + "id": 49570, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "carrots", + "jalapeno chilies", + "celery", + "pepper", + "low sodium chicken broth", + "onions", + "water", + "salt", + "smoked ham hocks" + ] + }, + { + "id": 12029, + "cuisine": "irish", + "ingredients": [ + "pie crust", + "whipping cream", + "chocolate cookie crumbs", + "irish cream liqueur", + "semi-sweet chocolate morsels", + "butter" + ] + }, + { + "id": 3655, + "cuisine": "french", + "ingredients": [ + "pearl onions", + "shallots", + "fresh tarragon", + "low salt chicken broth", + "veal breast", + "large garlic cloves", + "chopped fresh sage", + "onions", + "olive oil", + "chopped fresh thyme", + "anchovy fillets", + "rib", + "pernod", + "dry white wine", + "diced tomatoes", + "brine cured green olives", + "grated lemon peel" + ] + }, + { + "id": 17713, + "cuisine": "thai", + "ingredients": [ + "broccoli florets", + "Thai red curry paste", + "coconut milk", + "rice noodles", + "salt", + "sesame oil", + "vegetable broth", + "orange bell pepper", + "crushed garlic", + "sliced mushrooms" + ] + }, + { + "id": 10676, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger root", + "chili bean sauce", + "dark soy sauce", + "rice wine", + "white sugar", + "light soy sauce", + "vegetable oil", + "boneless skinless chicken breast halves", + "green onions", + "all-purpose flour" + ] + }, + { + "id": 30859, + "cuisine": "italian", + "ingredients": [ + "ladyfingers", + "water", + "anjou pears", + "chocolate curls", + "sugar", + "mascarpone", + "dry white wine", + "cinnamon sticks", + "green cardamom pods", + "white chocolate", + "crystallized ginger", + "Poire Williams", + "heavy whipping cream", + "powdered sugar", + "vanilla beans", + "peeled fresh ginger", + "juice" + ] + }, + { + "id": 29551, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic", + "chopped cilantro fresh", + "chicken broth", + "vegetable oil", + "onions", + "ground cumin", + "crushed tomatoes", + "sea salt", + "boneless skinless chicken breast halves", + "jalapeno chilies", + "corn tortillas", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 58, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "oil", + "baking powder", + "onions", + "eggs", + "salt", + "potatoes", + "garlic cloves" + ] + }, + { + "id": 5775, + "cuisine": "japanese", + "ingredients": [ + "vegetable oil", + "kosher salt", + "mirin", + "soy sauce", + "baby eggplants" + ] + }, + { + "id": 7659, + "cuisine": "mexican", + "ingredients": [ + "reduced fat monterey jack cheese", + "poblano chilies", + "olive oil", + "cayenne pepper", + "canned black beans", + "non-fat sour cream", + "tomato salsa", + "onions" + ] + }, + { + "id": 47059, + "cuisine": "chinese", + "ingredients": [ + "sherry", + "lard", + "salt", + "soy sauce", + "scallions", + "pork loin", + "cabbage" + ] + }, + { + "id": 39685, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "baguette", + "leeks", + "heavy cream", + "chinese celery", + "unsalted butter", + "shallots", + "salt", + "kosher salt", + "parsley leaves", + "baking potatoes", + "black pepper", + "olive oil", + "dry white wine", + "extra-virgin olive oil" + ] + }, + { + "id": 2543, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "garlic powder", + "sweet onion", + "bacon slices", + "reduced sodium chicken broth", + "crushed red pepper flakes", + "sun-dried tomatoes", + "salt" + ] + }, + { + "id": 1311, + "cuisine": "mexican", + "ingredients": [ + "water", + "fresh lime juice", + "ground cumin", + "bay leaves", + "pork butt", + "orange", + "onions", + "pepper", + "salt", + "dried oregano" + ] + }, + { + "id": 40369, + "cuisine": "italian", + "ingredients": [ + "pasta", + "cooking spray", + "garlic cloves", + "olives", + "parmigiano-reggiano cheese", + "crushed red pepper", + "medium shrimp", + "grape tomatoes", + "extra-virgin olive oil", + "fresh lemon juice", + "ground black pepper", + "salt", + "arugula" + ] + }, + { + "id": 18151, + "cuisine": "indian", + "ingredients": [ + "paprika", + "ground allspice", + "coriander seeds", + "white wine vinegar", + "fresh lime juice", + "light brown sugar", + "plums", + "gingerroot", + "large garlic cloves", + "salt" + ] + }, + { + "id": 24005, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "cilantro", + "cumin", + "pork", + "sea salt", + "pork shoulder", + "queso fresco", + "corn tortillas", + "chopped garlic", + "white onion", + "ancho powder", + "oregano" + ] + }, + { + "id": 40236, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "purple onion", + "avocado", + "sea scallops", + "chopped cilantro", + "orange", + "salt", + "chiles", + "lemon" + ] + }, + { + "id": 3882, + "cuisine": "vietnamese", + "ingredients": [ + "green onions", + "dried rice noodles", + "chopped fresh mint", + "sweet onion", + "rice vinegar", + "fresh lime juice", + "vegetable oil", + "salted peanuts", + "chopped cilantro fresh", + "sugar", + "crushed red pepper", + "cucumber", + "plum tomatoes" + ] + }, + { + "id": 7177, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "shallots", + "chili sauce", + "brown sugar", + "water", + "cornflour", + "white vinegar", + "minced garlic", + "sesame oil", + "soy sauce", + "eggplant", + "cilantro leaves" + ] + }, + { + "id": 47731, + "cuisine": "italian", + "ingredients": [ + "fettuccine pasta", + "whole peeled tomatoes", + "beef broth", + "dried oregano", + "dried basil", + "garlic", + "fresh parsley", + "green bell pepper", + "zucchini", + "salt", + "onions", + "pepper", + "dry red wine", + "sweet italian sausage" + ] + }, + { + "id": 32958, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "guacamole", + "buttermilk", + "cilantro leaves", + "grate lime peel", + "chopped cilantro fresh", + "chiles", + "self rising flour", + "vegetable oil", + "salt", + "halibut", + "corn tortillas", + "mayonaise", + "jalapeno chilies", + "tomatillos", + "seasoned rice wine vinegar", + "garlic cloves", + "fresh lime juice", + "hot pepper sauce", + "green onions", + "purple onion", + "salsa", + "sour cream" + ] + }, + { + "id": 46653, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "bay leaves", + "salt", + "fresh lime juice", + "ground cumin", + "pepper", + "cilantro", + "oil", + "onions", + "white onion", + "apple cider vinegar", + "beef broth", + "chipotles in adobo", + "chuck roast", + "garlic", + "corn tortillas", + "oregano" + ] + }, + { + "id": 8867, + "cuisine": "french", + "ingredients": [ + "sugar", + "egg whites", + "bread flour", + "water", + "salt", + "warm water", + "vegetable oil", + "active dry yeast", + "cornmeal" + ] + }, + { + "id": 26509, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "sugar", + "sake", + "beef steak", + "soy sauce" + ] + }, + { + "id": 4747, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "black sesame seeds", + "sea salt", + "toasted sesame oil", + "minced ginger", + "hoisin sauce", + "napa cabbage", + "rotisserie chicken", + "cashew nuts", + "Sriracha", + "green onions", + "white wine vinegar", + "chopped cilantro", + "Tamari Tamari", + "shredded carrots", + "chili oil", + "white sesame seeds" + ] + }, + { + "id": 3786, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "chili powder", + "fat-free chicken broth", + "carrots", + "ground cumin", + "black pepper", + "red pepper flakes", + "scallions", + "onions", + "table salt", + "apple cider vinegar", + "green pepper", + "ground turkey", + "tomatoes", + "kidney beans", + "paprika", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 563, + "cuisine": "chinese", + "ingredients": [ + "egg roll wrappers", + "pork sausages", + "frozen stir fry vegetable blend", + "oil", + "teriyaki sauce" + ] + }, + { + "id": 13361, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "peeled shrimp", + "chicken stock", + "old bay seasoning", + "grits", + "unsalted butter", + "shredded sharp cheddar cheese", + "kosher salt", + "heavy cream" + ] + }, + { + "id": 27904, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "macaroni", + "red pepper flakes", + "sliced green onions", + "tomato sauce", + "chili powder", + "frozen corn", + "seasoning", + "Red Gold® diced tomatoes", + "cheese", + "orange bell pepper", + "lean ground beef", + "dried oregano" + ] + }, + { + "id": 33948, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "spaghetti", + "unsalted butter", + "grated parmesan cheese", + "ground black pepper" + ] + }, + { + "id": 33046, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "grated parmesan cheese", + "lima beans", + "asparagus", + "salt", + "flat leaf parsley", + "unsalted butter", + "ricotta", + "pepper", + "garlic", + "baby carrots" + ] + }, + { + "id": 9073, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "cauliflower", + "oil-cured black olives", + "fresh parsley", + "ground pepper", + "salt", + "pecorino cheese", + "florets", + "onions" + ] + }, + { + "id": 31591, + "cuisine": "indian", + "ingredients": [ + "tamarind", + "black salt", + "dates", + "ground cumin", + "chili powder", + "jaggery", + "water", + "salt" + ] + }, + { + "id": 1477, + "cuisine": "british", + "ingredients": [ + "raspberry jam", + "creme anglaise", + "heavy cream", + "bartlett pears", + "warm water", + "sponge cake", + "pound cake", + "sherry", + "lemon", + "confectioners sugar", + "slivered almonds", + "dried tart cherries", + "vanilla extract" + ] + }, + { + "id": 2129, + "cuisine": "british", + "ingredients": [ + "butter", + "chopped walnuts", + "baking soda", + "vanilla extract", + "boiling water", + "eggs", + "dates", + "white sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 22862, + "cuisine": "spanish", + "ingredients": [ + "dry white wine", + "water", + "apple juice", + "calvados", + "cranberry juice", + "apples" + ] + }, + { + "id": 42389, + "cuisine": "italian", + "ingredients": [ + "water", + "macaroni", + "onions", + "tomatoes", + "olive oil", + "garlic", + "chicken stock", + "dried basil", + "grated parmesan cheese", + "dried oregano", + "fresh basil", + "zucchini", + "sausages" + ] + }, + { + "id": 40079, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "vegetable oil", + "green chilies", + "greek yogurt", + "flour", + "ginger", + "garlic cloves", + "garam masala", + "lemon", + "cumin seed", + "salmon", + "chili powder", + "salt", + "lemon juice" + ] + }, + { + "id": 31873, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "red cabbage", + "lime wedges", + "corn tortillas", + "lime", + "jicama", + "salt", + "cumin", + "light sour cream", + "olive oil", + "chili powder", + "cilantro leaves", + "tilapia fillets", + "shredded carrots", + "paprika", + "adobo sauce" + ] + }, + { + "id": 29096, + "cuisine": "cajun_creole", + "ingredients": [ + "diced onions", + "kosher salt", + "fresh thyme", + "diced celery", + "ground cloves", + "cayenne", + "bacon", + "diced bell pepper", + "water", + "cinnamon", + "chopped garlic", + "black pepper", + "whole peeled tomatoes", + "okra" + ] + }, + { + "id": 34429, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "grated Gruyère cheese", + "all-purpose flour", + "beef broth", + "french bread", + "onions" + ] + }, + { + "id": 8042, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "pesto", + "ricotta cheese", + "pizza crust", + "tomatoes", + "grated parmesan cheese" + ] + }, + { + "id": 31229, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "enchilada sauce", + "cherry tomatoes", + "taco seasoning", + "vegetarian refried beans", + "water", + "purple onion", + "coriander", + "olive oil", + "cumin seed" + ] + }, + { + "id": 9813, + "cuisine": "italian", + "ingredients": [ + "bread", + "crust", + "extra-virgin olive oil" + ] + }, + { + "id": 20646, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "fresh lemon juice", + "fresh rosemary", + "purple onion", + "extra-virgin olive oil", + "red bell pepper", + "swordfish steaks", + "salt" + ] + }, + { + "id": 15727, + "cuisine": "chinese", + "ingredients": [ + "minced ginger", + "green onions", + "cooking wine", + "sugar", + "pork rind", + "ground pork", + "oyster sauce", + "cold water", + "light soy sauce", + "sesame oil", + "salt", + "water", + "flour", + "ginger" + ] + }, + { + "id": 49142, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "brown sugar", + "olive oil", + "cayenne pepper", + "dried oregano", + "light sour cream", + "lime juice", + "sweet potatoes", + "onions", + "seasoning", + "canned black beans", + "garlic powder", + "smoked paprika", + "cumin", + "green bell pepper", + "fresh cilantro", + "salt", + "canned corn" + ] + }, + { + "id": 45192, + "cuisine": "italian", + "ingredients": [ + "sugar", + "baking powder", + "milk", + "salt", + "rosemary", + "all-purpose flour", + "eggs", + "olive oil", + "polenta" + ] + }, + { + "id": 3252, + "cuisine": "southern_us", + "ingredients": [ + "water", + "baking powder", + "sour cream", + "cheddar cheese", + "unsalted butter", + "all-purpose flour", + "onions", + "black pepper", + "potatoes", + "red bell pepper", + "corned beef", + "baking soda", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 17260, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "large eggs", + "poblano chiles", + "white vinegar", + "water", + "all-purpose flour", + "white onion", + "large garlic cloves", + "monterey jack", + "sugar", + "corn oil", + "dried oregano" + ] + }, + { + "id": 14802, + "cuisine": "irish", + "ingredients": [ + "pepper", + "beer", + "cabbage", + "beef brisket", + "bay leaf", + "yukon gold potatoes", + "onions", + "water", + "carrots" + ] + }, + { + "id": 14816, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "rice wine", + "salt", + "chicken thighs", + "sugar", + "sesame seeds", + "sesame oil", + "corn starch", + "soy sauce", + "cooking oil", + "ginger", + "ginger root", + "chili pepper", + "szechwan peppercorns", + "scallions" + ] + }, + { + "id": 31115, + "cuisine": "japanese", + "ingredients": [ + "large egg whites", + "large eggs", + "sugar", + "mirin", + "scallions", + "reduced sodium soy sauce", + "boneless skinless chicken breasts", + "reduced sodium chicken broth", + "quick cooking brown rice" + ] + }, + { + "id": 15734, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "baking potatoes", + "cream cheese", + "shredded cheddar cheese", + "salt", + "chopped fresh chives", + "barbecued pork", + "pepper", + "white wine vinegar", + "fresh lemon juice" + ] + }, + { + "id": 27127, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "chili oil", + "boneless skinless chicken breast halves", + "curry powder", + "ground coriander", + "peanuts", + "coconut milk", + "water", + "peanut sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 22931, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cooking spray", + "paprika", + "plum tomatoes", + "dried thyme", + "queso fresco", + "corn tortillas", + "fat-free mayonnaise", + "minced garlic", + "ground red pepper", + "salt", + "dried oregano", + "white vinegar", + "garlic powder", + "buttermilk", + "medium shrimp", + "ground cumin" + ] + }, + { + "id": 9747, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "crushed red pepper flakes", + "ketchup", + "butter", + "mustard powder", + "brown sugar", + "hot pepper sauce", + "salt", + "cider vinegar", + "worcestershire sauce", + "fresh lemon juice" + ] + }, + { + "id": 48440, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "salt", + "monkfish", + "dry sherry", + "fresh parsley", + "slivered almonds", + "ground black pepper", + "red bell pepper", + "bottled clam juice", + "garlic", + "onions" + ] + }, + { + "id": 14820, + "cuisine": "japanese", + "ingredients": [ + "avocado", + "soba noodles", + "kirby cucumbers", + "mango", + "smoked salmon", + "seaweed", + "sauce" + ] + }, + { + "id": 48996, + "cuisine": "cajun_creole", + "ingredients": [ + "hot pepper sauce", + "low salt chicken broth", + "whole okra", + "diced tomatoes", + "dried thyme", + "all-purpose flour", + "boneless chicken skinless thigh", + "vegetable oil" + ] + }, + { + "id": 16193, + "cuisine": "greek", + "ingredients": [ + "cherry tomatoes", + "purple onion", + "green bell pepper", + "kalamata", + "fresh lemon juice", + "seedless cucumber", + "extra-virgin olive oil", + "feta cheese", + "fresh oregano" + ] + }, + { + "id": 35193, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "pork chops", + "hoisin sauce", + "sweet pepper", + "green beans", + "soy sauce", + "mirin", + "thai chile", + "chinese five-spice powder", + "honey", + "Sriracha", + "garlic", + "Chinese egg noodles", + "sugar", + "minced onion", + "ginger", + "peanut oil" + ] + }, + { + "id": 26961, + "cuisine": "chinese", + "ingredients": [ + "ground chicken", + "honey", + "green onions", + "ground ginger", + "cider vinegar", + "almond flour", + "tamari soy sauce", + "kosher salt", + "sesame seeds", + "red pepper", + "eggs", + "fresh cilantro", + "garlic powder" + ] + }, + { + "id": 40598, + "cuisine": "italian", + "ingredients": [ + "capers", + "swordfish steaks", + "red wine vinegar", + "fresh parsley", + "bottled clam juice", + "finely chopped onion", + "kalamata", + "sugar", + "olive oil", + "raisins", + "tomato paste", + "water", + "dry white wine", + "all-purpose flour" + ] + }, + { + "id": 40970, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "bay leaf", + "cumin", + "tomato paste", + "Mexican beer", + "beef broth", + "garlic salt", + "chile powder", + "ground black pepper", + "cilantro leaves", + "chipotle peppers", + "boneless beef roast", + "garlic", + "sauce", + "dried oregano" + ] + }, + { + "id": 8307, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "salt", + "canola oil", + "wonton wrappers", + "scallions", + "fresh ginger", + "rice vinegar", + "low sodium soy sauce", + "ground pork", + "large shrimp" + ] + }, + { + "id": 45108, + "cuisine": "southern_us", + "ingredients": [ + "green chile", + "corn", + "heavy cream", + "yellow onion", + "seasoned bread crumbs", + "coarse salt", + "shredded sharp cheddar cheese", + "sour cream", + "black pepper", + "grated parmesan cheese", + "garlic", + "cream cheese", + "eggs", + "milk", + "butter", + "all-purpose flour", + "cornmeal" + ] + }, + { + "id": 27947, + "cuisine": "indian", + "ingredients": [ + "cooked rice", + "honey", + "paprika", + "large shrimp", + "plain yogurt", + "lemon wedge", + "garlic", + "sliced almonds", + "garam masala", + "whipping cream", + "ground cumin", + "tomato paste", + "fresh cilantro", + "butter", + "tandoori paste" + ] + }, + { + "id": 25746, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "baking powder", + "grated lemon zest", + "peaches", + "vanilla extract", + "sugar", + "butter", + "corn starch", + "flour", + "salt" + ] + }, + { + "id": 14325, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "purple onion", + "coconut milk", + "ground turmeric", + "garlic paste", + "ground red pepper", + "cardamom pods", + "medium shrimp", + "black peppercorns", + "roma tomatoes", + "salt", + "bay leaf", + "ginger paste", + "green bell pepper", + "sunflower oil", + "cinnamon sticks", + "cashew nuts" + ] + }, + { + "id": 35980, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "jalapeno chilies", + "cilantro sprigs", + "shiitake mushroom caps", + "water", + "peeled fresh ginger", + "carrots", + "low sodium soy sauce", + "ground black pepper", + "green onions", + "cucumber", + "kosher salt", + "french bread", + "rice vinegar", + "canola oil" + ] + }, + { + "id": 29105, + "cuisine": "chinese", + "ingredients": [ + "celery ribs", + "sesame seeds", + "boneless skinless chicken breasts", + "salt", + "beansprouts", + "pepper", + "broccoli florets", + "red pepper", + "carrots", + "soy sauce", + "shiitake", + "sesame oil", + "chili sauce", + "olive oil", + "green onions", + "teriyaki sauce", + "baby corn" + ] + }, + { + "id": 34224, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "salt", + "olive oil", + "pecans", + "garlic cloves", + "grated parmesan cheese" + ] + }, + { + "id": 43853, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "dried oregano", + "dried basil", + "crushed red pepper flakes", + "white sugar", + "water", + "zucchini", + "onions", + "tomato sauce", + "grated romano cheese", + "pasta shells" + ] + }, + { + "id": 44119, + "cuisine": "southern_us", + "ingredients": [ + "green onions", + "garlic cloves", + "crawfish", + "butter", + "flat leaf parsley", + "green bell pepper", + "pimentos", + "cream cheese, soften", + "baguette", + "creole seasoning" + ] + }, + { + "id": 42586, + "cuisine": "french", + "ingredients": [ + "potatoes", + "salt", + "chicken bouillon", + "chives", + "ground black pepper", + "butter", + "nutmeg", + "leeks", + "sour cream" + ] + }, + { + "id": 10049, + "cuisine": "thai", + "ingredients": [ + "basa fillets", + "salt", + "Thai red curry paste", + "oyster sauce", + "vegetable oil", + "rice vinegar", + "fish sauce", + "cornflour", + "lime leaves" + ] + }, + { + "id": 44912, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "olive oil", + "large garlic cloves", + "fresh lemon juice", + "chopped cilantro fresh", + "hungarian sweet paprika", + "tumeric", + "ground black pepper", + "ground coriander", + "chicken thighs", + "tomatoes", + "eggplant", + "chicken drumsticks", + "onions", + "ground cumin", + "fennel seeds", + "water", + "celtic salt", + "blanched almonds", + "marjoram" + ] + }, + { + "id": 45011, + "cuisine": "korean", + "ingredients": [ + "chili pepper", + "white rice vinegar", + "fresh ginger", + "napa cabbage", + "gochugaru", + "scallions", + "minced garlic", + "coarse salt" + ] + }, + { + "id": 27600, + "cuisine": "mexican", + "ingredients": [ + "water", + "ice cubes", + "lemon", + "lime slices", + "piloncillo", + "jamaica" + ] + }, + { + "id": 38639, + "cuisine": "mexican", + "ingredients": [ + "water", + "elbow macaroni", + "salsa", + "corn", + "ground beef", + "tomato sauce", + "sharp cheddar cheese" + ] + }, + { + "id": 43168, + "cuisine": "greek", + "ingredients": [ + "pepper", + "feta cheese crumbles", + "butter", + "water", + "eggs", + "salt" + ] + }, + { + "id": 40260, + "cuisine": "italian", + "ingredients": [ + "meatballs", + "spinach leaves", + "shell pasta", + "chicken broth", + "pizza sauce", + "water" + ] + }, + { + "id": 47377, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "olive oil", + "lemon zest", + "peas", + "reduced sodium chicken broth", + "unsalted butter", + "mushrooms", + "onions", + "water", + "parmigiano reggiano cheese", + "dry white wine", + "chopped garlic", + "black pepper", + "asparagus", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 29956, + "cuisine": "southern_us", + "ingredients": [ + "bread crumbs", + "lemon peel", + "coarse kosher salt", + "ground black pepper", + "fresh lemon juice", + "jerusalem artichokes", + "turbot fillets", + "unsalted butter", + "heavy whipping cream", + "fresh chives", + "fresh tarragon", + "flat leaf parsley" + ] + }, + { + "id": 16476, + "cuisine": "indian", + "ingredients": [ + "clove", + "water", + "raisins", + "black pepper", + "lemon zest", + "cinnamon sticks", + "molasses", + "fresh ginger root", + "garlic", + "cider vinegar", + "serrano peppers", + "mango" + ] + }, + { + "id": 45612, + "cuisine": "french", + "ingredients": [ + "pepper", + "oil", + "cranberry sauce", + "dry bread crumbs", + "salt", + "eggs", + "brie cheese" + ] + }, + { + "id": 41004, + "cuisine": "mexican", + "ingredients": [ + "salt", + "corn kernels", + "ancho chile pepper", + "fat free less sodium chicken broth", + "lard", + "baking powder", + "masa harina" + ] + }, + { + "id": 5561, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "napa cabbage", + "persimmon", + "toasted sesame seeds", + "mashed potatoes", + "pumpkin", + "ginger", + "kelp", + "Korean chile flakes", + "water", + "coarse sea salt", + "dried shiitake mushrooms", + "chiles", + "green onions", + "garlic", + "onions" + ] + }, + { + "id": 19512, + "cuisine": "italian", + "ingredients": [ + "sugar", + "espresso", + "ladyfingers", + "vanilla extract", + "unflavored gelatin", + "mascarpone", + "bittersweet chocolate", + "large egg yolks", + "heavy whipping cream" + ] + }, + { + "id": 21438, + "cuisine": "french", + "ingredients": [ + "dried thyme", + "shallots", + "sliced mushrooms", + "minced garlic", + "ground black pepper", + "fresh lemon juice", + "fresh basil", + "sea scallops", + "salt", + "tomato paste", + "olive oil", + "diced tomatoes" + ] + }, + { + "id": 12385, + "cuisine": "mexican", + "ingredients": [ + "corn tortilla chips", + "shredded cheddar cheese", + "garbanzo beans", + "lean ground beef", + "romaine lettuce", + "taco seasoning mix", + "chili powder", + "iceberg lettuce", + "green bell pepper", + "low-fat salad dressing", + "green onions", + "yellow bell pepper", + "tomatoes", + "ketchup", + "kidney beans", + "chile pepper" + ] + }, + { + "id": 17970, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "canola oil", + "canola", + "salt", + "water", + "buttermilk", + "eggs", + "self rising flour", + "cornmeal" + ] + }, + { + "id": 7546, + "cuisine": "chinese", + "ingredients": [ + "fish sauce", + "lime", + "red wine", + "onions", + "tomato paste", + "water", + "oxtails", + "garlic", + "ketchup", + "whole milk", + "virgin coconut oil", + "soy sauce", + "cherry tomatoes", + "all purpose unbleached flour" + ] + }, + { + "id": 43440, + "cuisine": "brazilian", + "ingredients": [ + "muscovado sugar", + "crushed ice", + "fresh lime", + "cachaca", + "sugar cane" + ] + }, + { + "id": 41679, + "cuisine": "cajun_creole", + "ingredients": [ + "yellow squash", + "salt", + "white onion", + "cajun seasoning", + "zucchini", + "cayenne pepper", + "mild olive oil", + "worcestershire sauce" + ] + }, + { + "id": 36522, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "salsa verde", + "red bell pepper", + "olive oil", + "purple onion", + "chopped cilantro fresh", + "pepper", + "chile pepper", + "tuna", + "mayonaise", + "orange bell pepper", + "salt", + "ground cumin" + ] + }, + { + "id": 24541, + "cuisine": "southern_us", + "ingredients": [ + "yellow mustard", + "ground cumin", + "finely chopped onion", + "salt", + "baked beans", + "turkey thigh", + "barbecue sauce", + "potato rolls" + ] + }, + { + "id": 20675, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "dried tarragon leaves", + "vinaigrette", + "salmon fillets", + "romaine lettuce leaves", + "red potato", + "hard-boiled egg", + "green beans", + "capers", + "green onions" + ] + }, + { + "id": 23781, + "cuisine": "french", + "ingredients": [ + "sweetened coconut flakes", + "chopped pecans", + "unflavored gelatin", + "1% low-fat milk", + "vanilla extract", + "dark chocolate chip", + "whipped topping" + ] + }, + { + "id": 37172, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "red pepper flakes", + "japanese eggplants", + "pasta", + "whole peeled tomatoes", + "garlic", + "ricotta salata", + "extra-virgin olive oil", + "tomato paste", + "basil leaves", + "dried oregano" + ] + }, + { + "id": 42812, + "cuisine": "japanese", + "ingredients": [ + "yellow miso", + "peeled fresh ginger", + "sliced green onions", + "mirin", + "dark sesame oil", + "sesame seeds", + "crushed red pepper", + "japanese eggplants", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 21148, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "bow-tie pasta", + "chicken broth", + "grated parmesan cheese", + "low sodium garbanzo beans", + "onions", + "spinach", + "large garlic cloves" + ] + }, + { + "id": 12001, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "fish sauce", + "garlic", + "sugar" + ] + }, + { + "id": 8576, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "grated parmesan cheese", + "butter", + "swiss chard", + "shredded swiss cheese", + "flour", + "garlic" + ] + }, + { + "id": 6276, + "cuisine": "cajun_creole", + "ingredients": [ + "fat free less sodium chicken broth", + "olive oil", + "diced tomatoes", + "bay leaf", + "long grain white rice", + "tomato paste", + "water", + "hot pepper sauce", + "chopped onion", + "fresh parsley", + "minced garlic", + "ground black pepper", + "paprika", + "medium shrimp", + "dried oregano", + "andouille sausage", + "dried thyme", + "onion powder", + "red bell pepper", + "garlic salt" + ] + }, + { + "id": 32784, + "cuisine": "irish", + "ingredients": [ + "fat free beef broth", + "black pepper", + "cooking spray", + "chopped onion", + "mashed potatoes", + "fat free milk", + "paprika", + "leg of lamb", + "tomato paste", + "water", + "worcestershire sauce", + "corn starch", + "green bell pepper", + "grated parmesan cheese", + "salt", + "frozen peas and carrots" + ] + }, + { + "id": 20220, + "cuisine": "southern_us", + "ingredients": [ + "fat free milk", + "salt", + "reduced fat whipped topping", + "pastry shell", + "orange peel", + "brown sugar", + "sweet potatoes", + "all-purpose flour", + "egg substitute", + "vanilla extract", + "pumpkin pie spice" + ] + }, + { + "id": 31454, + "cuisine": "mexican", + "ingredients": [ + "pecans", + "all-purpose flour", + "vanilla extract", + "unsalted butter", + "powdered sugar", + "salt" + ] + }, + { + "id": 41214, + "cuisine": "vietnamese", + "ingredients": [ + "pepper", + "green onions", + "extra-virgin olive oil", + "jalapeno chilies", + "cilantro", + "whole wheat thin spaghetti", + "lime juice", + "sesame oil", + "garlic cloves", + "fish sauce", + "low sodium chicken broth", + "button mushrooms", + "large shrimp" + ] + }, + { + "id": 44161, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger root", + "napa cabbage", + "corn starch", + "soy sauce", + "green onions", + "ground pork", + "fresh ginger", + "wonton wrappers", + "seasoned rice wine vinegar", + "egg whites", + "dry sherry" + ] + }, + { + "id": 20542, + "cuisine": "greek", + "ingredients": [ + "pitas", + "lemon", + "juice", + "kosher salt", + "mint leaves", + "fresh oregano", + "ground lamb", + "olive oil", + "chives", + "english cucumber", + "ground black pepper", + "garlic", + "greek yogurt" + ] + }, + { + "id": 20423, + "cuisine": "british", + "ingredients": [ + "eggs", + "butter", + "milk", + "flour", + "sausage links" + ] + }, + { + "id": 43572, + "cuisine": "mexican", + "ingredients": [ + "chicken bouillon", + "vegetable oil", + "onions", + "corn", + "garlic", + "milk", + "butter", + "chile pepper", + "rice" + ] + }, + { + "id": 1149, + "cuisine": "thai", + "ingredients": [ + "firmly packed brown sugar", + "thai green curry paste", + "reduced fat coconut milk", + "cooked chicken", + "bamboo shoots", + "chicken broth", + "soy sauce", + "fresh basil leaves", + "cooked rice", + "corn starch" + ] + }, + { + "id": 47325, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "yellow onion", + "fettuccine pasta", + "red pepper flakes", + "lemon", + "sardines", + "olive oil", + "garlic" + ] + }, + { + "id": 19956, + "cuisine": "thai", + "ingredients": [ + "white vinegar", + "thai chile", + "granulated sugar", + "water", + "kosher salt", + "garlic cloves" + ] + }, + { + "id": 2393, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chili powder", + "rice vinegar", + "beef steak", + "fresh ginger", + "vegetable oil", + "corn starch", + "red chili peppers", + "orange marmalade", + "garlic", + "cooked white rice", + "kosher salt", + "sesame oil", + "orange juice" + ] + }, + { + "id": 4170, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "baking soda", + "soy sauce", + "mentsuyu", + "sake", + "mirin", + "water" + ] + }, + { + "id": 44216, + "cuisine": "korean", + "ingredients": [ + "water", + "garlic cloves", + "sambal ulek", + "lower sodium soy sauce", + "canola oil", + "sugar", + "top sirloin steak", + "sliced green onions", + "rice sticks", + "fresh lime juice" + ] + }, + { + "id": 40066, + "cuisine": "french", + "ingredients": [ + "water", + "worcestershire sauce", + "onions", + "sugar", + "unsalted butter", + "all-purpose flour", + "ground black pepper", + "gruyere cheese", + "baguette", + "dry white wine", + "less sodium beef broth" + ] + }, + { + "id": 19911, + "cuisine": "french", + "ingredients": [ + "dried lavender blossoms", + "pears", + "fresh lemon juice", + "whole milk ricotta cheese", + "sugar", + "blackberries" + ] + }, + { + "id": 36234, + "cuisine": "vietnamese", + "ingredients": [ + "fennel seeds", + "low sodium chicken broth", + "chile de arbol", + "scallions", + "onions", + "unsalted roasted peanuts", + "vegetable oil", + "cilantro leaves", + "cinnamon sticks", + "ground black pepper", + "ginger", + "meat bones", + "mung bean sprouts", + "kosher salt", + "lime wedges", + "star anise", + "garlic cloves", + "thin rice stick noodles" + ] + }, + { + "id": 39768, + "cuisine": "chinese", + "ingredients": [ + "red beans", + "shortening", + "glutinous rice flour", + "powdered sugar", + "seeds", + "milk", + "carrots" + ] + }, + { + "id": 40201, + "cuisine": "french", + "ingredients": [ + "sugar", + "honey", + "buckwheat honey", + "garbanzo bean flour", + "flaxseed", + "sweet rice flour", + "pectin", + "tapioca flour", + "dry yeast", + "poppy seeds", + "buckwheat flour", + "double-acting baking powder", + "sponge", + "water", + "teff", + "sea salt", + "brown rice flour", + "psyllium husks", + "sunflower seeds", + "millet", + "grapeseed oil", + "gluten-free oat", + "oil" + ] + }, + { + "id": 30912, + "cuisine": "mexican", + "ingredients": [ + "crema mexicana", + "whole kernel corn, drain", + "chopped cilantro fresh", + "baking potatoes", + "garlic cloves", + "jalapeno chilies", + "cumin seed", + "salt", + "fresh lime juice" + ] + }, + { + "id": 35215, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "ginger", + "sugar", + "Shaoxing wine", + "oil", + "water", + "scallions", + "soy sauce", + "sesame oil", + "fish" + ] + }, + { + "id": 38844, + "cuisine": "italian", + "ingredients": [ + "baking potatoes", + "sage leaves", + "extra-virgin olive oil", + "kosher salt" + ] + }, + { + "id": 48616, + "cuisine": "mexican", + "ingredients": [ + "black peppercorns", + "jalapeno chilies", + "garlic cloves", + "corn tortillas", + "ground cumin", + "tomatoes", + "salsa verde", + "sharp cheddar cheese", + "heavy whipping cream", + "chopped cilantro fresh", + "cold water", + "kosher salt", + "ground red pepper", + "cream cheese, soften", + "boneless skinless chicken breast halves", + "celery ribs", + "lower sodium chicken broth", + "cooking spray", + "carrots", + "onions" + ] + }, + { + "id": 22950, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "salt", + "chile sauce", + "japanese rice", + "yellowfin", + "scallions", + "chili oil", + "rice vinegar", + "masago", + "yaki-nori", + "konbu" + ] + }, + { + "id": 34612, + "cuisine": "french", + "ingredients": [ + "white bread", + "dry white wine", + "all-purpose flour", + "olive oil", + "shallots", + "roquefort cheese", + "fresh shiitake mushrooms", + "brie cheese", + "vegetables", + "chopped fresh thyme" + ] + }, + { + "id": 41784, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "serrano chile", + "lime juice", + "salt", + "diced onions", + "chopped cilantro fresh" + ] + }, + { + "id": 15450, + "cuisine": "moroccan", + "ingredients": [ + "pitted kalamata olives", + "white wine vinegar", + "paprika", + "fresh parsley", + "tangerine", + "cayenne pepper", + "butter lettuce", + "extra-virgin olive oil", + "ground cumin" + ] + }, + { + "id": 27575, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "corn tortillas", + "green onions", + "enchilada sauce", + "chopped almonds", + "shredded sharp cheddar cheese", + "ripe olives", + "cooked chicken", + "sour cream" + ] + }, + { + "id": 9620, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "olive oil", + "rolls", + "pasta sauce", + "pickle spears", + "precooked meatballs", + "shredded mozzarella cheese" + ] + }, + { + "id": 30059, + "cuisine": "vietnamese", + "ingredients": [ + "fresh ginger", + "rice vinegar", + "fresh lime juice", + "soy sauce", + "red pepper flakes", + "garlic cloves", + "hero rolls", + "cilantro leaves", + "carrots", + "sugar", + "flank steak", + "scallions" + ] + }, + { + "id": 6027, + "cuisine": "french", + "ingredients": [ + "shallots", + "ground black pepper", + "fine sea salt", + "salad", + "red wine vinegar", + "dijon mustard", + "hazelnut oil" + ] + }, + { + "id": 6429, + "cuisine": "mexican", + "ingredients": [ + "ground sirloin", + "green chilies", + "cheese", + "spaghetti", + "diced tomatoes", + "taco seasoning", + "green onions", + "green pepper" + ] + }, + { + "id": 10820, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "vegetable oil", + "onions", + "tomatoes", + "boneless chicken thighs", + "garlic cloves", + "pasta sauce", + "salt", + "italian seasoning", + "fettucine", + "grated parmesan cheese", + "fresh parsley" + ] + }, + { + "id": 1005, + "cuisine": "thai", + "ingredients": [ + "shallots", + "thai green curry paste", + "fresh basil", + "red bell pepper", + "unsweetened coconut milk", + "vegetable oil", + "boneless skinless chicken breast halves", + "fish sauce", + "fresh lime juice" + ] + }, + { + "id": 15618, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "fennel", + "vegetable oil", + "garlic", + "cumin", + "red snapper", + "fenugreek", + "ginger", + "onions", + "tomatoes", + "chili powder", + "white rice", + "ground turmeric", + "curry leaves", + "tamarind pulp", + "coarse salt", + "coconut milk", + "ground cumin" + ] + }, + { + "id": 35266, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "lime wedges", + "purple onion", + "whole kernel corn, drain", + "boneless skinless chicken breast halves", + "tomatoes", + "black-eyed peas", + "romaine lettuce leaves", + "cilantro leaves", + "tequila", + "black beans", + "chopped green bell pepper", + "garlic", + "green chilies", + "garlic salt", + "lime", + "paprika", + "salt", + "salad dressing", + "chopped cilantro fresh" + ] + }, + { + "id": 48131, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "broccoli", + "canola oil", + "red cabbage", + "rice vinegar", + "carrots", + "shiitake", + "chili oil", + "garlic cloves", + "fresh ginger", + "ramen noodles", + "firm tofu" + ] + }, + { + "id": 21364, + "cuisine": "indian", + "ingredients": [ + "salt", + "curds", + "all-purpose flour", + "sugar" + ] + }, + { + "id": 23486, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "all-purpose flour", + "confectioners sugar", + "eggs", + "vanilla extract", + "cream cheese", + "dark chocolate", + "crème fraîche", + "beer", + "unsalted butter", + "superfine white sugar", + "unsweetened cocoa powder" + ] + }, + { + "id": 48453, + "cuisine": "italian", + "ingredients": [ + "eggs", + "mushrooms", + "Spike Seasoning", + "black olives", + "green bell pepper", + "low fat mozzarella", + "olive oil", + "dried oregano" + ] + }, + { + "id": 5297, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "unsalted butter", + "heavy cream", + "grated lemon zest", + "grits", + "oysters", + "chives", + "garlic", + "ground cayenne pepper", + "olive oil", + "shallots", + "oyster mushrooms", + "roasted tomatoes", + "water", + "roma tomatoes", + "cracked black pepper", + "sherry wine" + ] + }, + { + "id": 21705, + "cuisine": "italian", + "ingredients": [ + "baking potatoes", + "low-fat marinara sauce", + "string cheese", + "italian seasoning", + "garlic powder" + ] + }, + { + "id": 39976, + "cuisine": "greek", + "ingredients": [ + "pita bread", + "rice vinegar", + "fresh mint", + "garlic", + "feta cheese crumbles", + "dried oregano", + "sliced tomatoes", + "salt", + "cucumber", + "ground lamb", + "black pepper", + "garlic cloves", + "sour cream" + ] + }, + { + "id": 23978, + "cuisine": "italian", + "ingredients": [ + "sugar", + "baking powder", + "eggs", + "dried apricot", + "salt", + "unsalted butter", + "vanilla", + "slivered almonds", + "flour", + "bittersweet chocolate" + ] + }, + { + "id": 22855, + "cuisine": "italian", + "ingredients": [ + "chard", + "olive oil", + "salt", + "pepper", + "apple cider vinegar", + "fresh parsley", + "fresh rosemary", + "grated parmesan cheese", + "spaghetti squash", + "minced garlic", + "chili pepper flakes" + ] + }, + { + "id": 23324, + "cuisine": "russian", + "ingredients": [ + "sugar", + "cinnamon", + "fresh blueberries", + "all-purpose flour", + "egg whites", + "salt", + "cold water", + "egg yolks", + "sour cream" + ] + }, + { + "id": 43188, + "cuisine": "russian", + "ingredients": [ + "vodka", + "sour cherries", + "sugar" + ] + }, + { + "id": 8962, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "purple onion", + "chopped cilantro", + "flour tortillas", + "Mexican cheese", + "Herdez Salsa Verde", + "rotisserie chicken", + "tomatoes", + "cilantro", + "sour cream" + ] + }, + { + "id": 21853, + "cuisine": "italian", + "ingredients": [ + "yellow squash", + "ground black pepper", + "sliced carrots", + "broccoli", + "1% low-fat cottage cheese", + "fresh parmesan cheese", + "cooking spray", + "all-purpose flour", + "nutmeg", + "part-skim mozzarella cheese", + "zucchini", + "salt", + "garlic cloves", + "frozen chopped spinach", + "olive oil", + "lasagna noodles", + "1% low-fat milk", + "chopped onion" + ] + }, + { + "id": 35782, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "asian pear", + "beef rib short", + "black pepper", + "extract", + "kiwi", + "soy sauce", + "sesame oil", + "onions", + "low sodium soy sauce", + "garlic powder", + "ginger" + ] + }, + { + "id": 31635, + "cuisine": "italian", + "ingredients": [ + "red bell pepper", + "cherry tomatoes", + "tortellini", + "dressing" + ] + }, + { + "id": 140, + "cuisine": "jamaican", + "ingredients": [ + "brown sugar", + "lime", + "cold water", + "lemon", + "molasses" + ] + }, + { + "id": 17402, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "green onions", + "nonfat yogurt", + "ground cumin", + "reduced-fat sour cream" + ] + }, + { + "id": 44845, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "cinnamon sticks", + "heavy cream", + "large eggs", + "ground cinnamon", + "vanilla extract" + ] + }, + { + "id": 34958, + "cuisine": "mexican", + "ingredients": [ + "fat free yogurt", + "pimentos", + "garlic cloves", + "olive oil", + "nopales", + "basmati rice", + "fat free less sodium chicken broth", + "non-fat sour cream", + "poblano chiles", + "cooking spray", + "chopped onion", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 17110, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "old bay seasoning", + "crabmeat", + "milk", + "dry sherry", + "corn starch", + "half & half", + "whipping cream", + "onions", + "celery ribs", + "butter", + "salt" + ] + }, + { + "id": 47524, + "cuisine": "russian", + "ingredients": [ + "large egg yolks", + "salt", + "brandy", + "baking powder", + "walnuts", + "ground cloves", + "vanilla extract", + "powdered sugar", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 31534, + "cuisine": "italian", + "ingredients": [ + "sugar", + "egg whites", + "eggs", + "baking soda", + "salt", + "white chocolate", + "vanilla extract", + "vegetable oil cooking spray", + "crystallized ginger", + "all-purpose flour" + ] + }, + { + "id": 47177, + "cuisine": "thai", + "ingredients": [ + "kosher salt", + "olive oil", + "garlic", + "thai green curry paste", + "unsalted chicken stock", + "fresh cilantro", + "green onions", + "carrots", + "lacinato kale", + "fresh lime", + "fresh ginger", + "dried rice noodles", + "scallops", + "lime", + "light coconut milk", + "shrimp" + ] + }, + { + "id": 9426, + "cuisine": "mexican", + "ingredients": [ + "serrano peppers", + "sweet pepper", + "shredded Monterey Jack cheese", + "white corn tortillas", + "vegetable oil", + "sour cream", + "tomatoes", + "lime wedges", + "nonstick spray", + "fresh cilantro", + "cilantro", + "onions" + ] + }, + { + "id": 4833, + "cuisine": "french", + "ingredients": [ + "black peppercorns", + "dry white wine", + "yellow onion", + "olive oil", + "chopped celery", + "bay leaf", + "water", + "garlic", + "thyme", + "ground black pepper", + "salt", + "fish" + ] + }, + { + "id": 894, + "cuisine": "irish", + "ingredients": [ + "shortening", + "cake flour", + "sour cream", + "ground nutmeg", + "all-purpose flour", + "granny smith apples", + "salt", + "white sugar", + "eggs", + "unsalted butter", + "lemon juice" + ] + }, + { + "id": 37834, + "cuisine": "russian", + "ingredients": [ + "large eggs", + "maple syrup", + "granulated sugar", + "buttermilk", + "baking soda", + "butter", + "all-purpose flour", + "kosher salt", + "vegetable oil", + "jam" + ] + }, + { + "id": 44370, + "cuisine": "italian", + "ingredients": [ + "brown sugar", + "baking soda", + "vegetable oil", + "Frangelico", + "whole wheat flour", + "cooking spray", + "coffee beans", + "large egg whites", + "large eggs", + "all-purpose flour", + "unsweetened cocoa powder", + "roasted hazelnuts", + "granulated sugar", + "salt", + "instant espresso" + ] + }, + { + "id": 42053, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "onions", + "green chile", + "garlic", + "shredded Monterey Jack cheese", + "chicken broth", + "vegetable oil", + "long grain white rice", + "tomato sauce", + "salt", + "ground cumin" + ] + }, + { + "id": 46809, + "cuisine": "japanese", + "ingredients": [ + "sake", + "rice vinegar", + "sesame oil", + "soy sauce", + "canola oil", + "sugar", + "gingerroot" + ] + }, + { + "id": 48637, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "chopped green bell pepper", + "kalamata", + "red bell pepper", + "fresh rosemary", + "olive oil", + "coarse salt", + "goat cheese", + "basil pesto sauce", + "garbanzo beans", + "balsamic vinegar", + "toasted pine nuts", + "country white bread", + "red leaf lettuce", + "teardrop tomatoes", + "purple onion" + ] + }, + { + "id": 12782, + "cuisine": "vietnamese", + "ingredients": [ + "reduced sodium chicken broth", + "rice noodles", + "scallions", + "snow peas", + "lime", + "basil", + "red bell pepper", + "shredded carrots", + "ginger", + "fresh lime juice", + "clove", + "boneless skinless chicken breasts", + "star anise", + "chopped cilantro fresh" + ] + }, + { + "id": 1210, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "peanut oil", + "splenda no calorie sweetener", + "eggs", + "zucchini", + "beansprouts", + "peanuts", + "scallions", + "chopped garlic", + "fish sauce", + "rice vinegar", + "chopped cilantro" + ] + }, + { + "id": 32143, + "cuisine": "mexican", + "ingredients": [ + "chile pepper", + "boneless pork loin", + "chicken broth", + "salt", + "celery", + "crushed garlic", + "peanut oil", + "tomatoes", + "salsa" + ] + }, + { + "id": 27336, + "cuisine": "korean", + "ingredients": [ + "red leaf lettuce", + "red pepper flakes", + "white vinegar", + "green onions", + "water", + "white sugar", + "soy sauce", + "sesame oil" + ] + }, + { + "id": 19019, + "cuisine": "italian", + "ingredients": [ + "spinach", + "sub buns", + "capers", + "olive oil", + "lemon juice", + "pepper", + "chickpeas", + "water", + "garlic cloves" + ] + }, + { + "id": 25893, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "bacon", + "milk", + "salt", + "large eggs", + "grits", + "unsalted butter", + "dried dillweed" + ] + }, + { + "id": 23811, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "sea salt", + "fresh mozzarella", + "extra-virgin olive oil", + "balsamic vinegar", + "cracked black pepper", + "heirloom tomatoes" + ] + }, + { + "id": 34015, + "cuisine": "irish", + "ingredients": [ + "pepper", + "salt", + "yukon gold potatoes", + "vegetable oil cooking spray", + "1% low-fat milk", + "green onions" + ] + }, + { + "id": 40844, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "crawfish", + "Tabasco Pepper Sauce", + "chili sauce", + "mayonaise", + "ground black pepper", + "purple onion", + "red bell pepper", + "sweet pickle relish", + "cherry tomatoes", + "old bay seasoning", + "lemon juice", + "lettuce", + "lump crab meat", + "green onions", + "salt" + ] + }, + { + "id": 3053, + "cuisine": "cajun_creole", + "ingredients": [ + "spinach", + "green onions", + "all-purpose flour", + "cabbage", + "bacon drippings", + "boneless chop pork", + "butter", + "onions", + "turnip greens", + "mustard greens", + "celery", + "lettuce", + "seasoning salt", + "salt", + "garlic salt" + ] + }, + { + "id": 45580, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "spring onions", + "pork belly", + "sweet chili sauce", + "chinese five-spice powder", + "fresh ginger root" + ] + }, + { + "id": 10287, + "cuisine": "thai", + "ingredients": [ + "lime", + "oil", + "sugar", + "red grape", + "salad", + "steamed rice", + "beansprouts", + "red chili peppers", + "beef rump steaks" + ] + }, + { + "id": 7962, + "cuisine": "cajun_creole", + "ingredients": [ + "white onion", + "jalapeno chilies", + "garlic", + "creole seasoning", + "red bell pepper", + "sliced green onions", + "chicken stock", + "pepper", + "boneless skinless chicken breasts", + "salt", + "okra", + "celery", + "green bell pepper", + "crushed tomatoes", + "brown rice", + "hot sauce", + "shrimp", + "bay leaf", + "andouille sausage", + "olive oil", + "yellow bell pepper", + "cayenne pepper", + "thyme", + "fresh parsley" + ] + }, + { + "id": 16637, + "cuisine": "chinese", + "ingredients": [ + "spring onions", + "carrots", + "dark soy sauce", + "rice", + "garlic", + "large eggs", + "oil" + ] + }, + { + "id": 2600, + "cuisine": "mexican", + "ingredients": [ + "cilantro sprigs", + "mole sauce", + "pepper", + "salt", + "vegetable oil cooking spray", + "non-fat sour cream", + "ground cumin", + "lime juice", + "turkey tenderloins" + ] + }, + { + "id": 1332, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "bow-tie pasta", + "parmesan cheese", + "grated parmesan cheese", + "olive oil", + "fennel bulb", + "lemon juice", + "prosciutto", + "salt" + ] + }, + { + "id": 32354, + "cuisine": "thai", + "ingredients": [ + "reduced fat coconut milk", + "lemon grass", + "red curry paste", + "medium shrimp", + "ground ginger", + "baby spinach leaves", + "rice noodles", + "fresh lime juice", + "soy sauce", + "green onions", + "sliced mushrooms", + "white sugar", + "chicken broth", + "olive oil", + "garlic", + "chopped cilantro" + ] + }, + { + "id": 44110, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "ground nutmeg", + "chicken breasts", + "cilantro", + "ground allspice", + "mayonaise", + "peanuts", + "lettuce leaves", + "slaw mix", + "salt", + "sugar", + "garlic powder", + "green onions", + "paprika", + "cayenne pepper", + "ground cinnamon", + "lime", + "jamaican jerk season", + "onion powder", + "crushed red pepper", + "dried parsley" + ] + }, + { + "id": 9983, + "cuisine": "southern_us", + "ingredients": [ + "quickcooking grits", + "water", + "salt", + "black pepper", + "butter", + "garlic powder", + "sharp cheddar cheese" + ] + }, + { + "id": 20314, + "cuisine": "korean", + "ingredients": [ + "water", + "fish stock", + "carrots", + "sugar", + "leeks", + "salt", + "onions", + "potato starch", + "flour", + "ponzu", + "chillies", + "pepper", + "sesame oil", + "sauce" + ] + }, + { + "id": 36885, + "cuisine": "japanese", + "ingredients": [ + "lime", + "sunflower oil", + "soba noodles", + "brown rice vinegar", + "basil leaves", + "purple onion", + "toasted sesame oil", + "tofu", + "eggplant", + "fine sea salt", + "garlic cloves", + "fresh cilantro", + "red pepper flakes", + "cane sugar", + "mango" + ] + }, + { + "id": 19976, + "cuisine": "southern_us", + "ingredients": [ + "chicken legs", + "old bay seasoning", + "canola oil", + "flour", + "all-purpose flour", + "ground black pepper", + "salt", + "eggs", + "buttermilk", + "cornmeal" + ] + }, + { + "id": 22013, + "cuisine": "indian", + "ingredients": [ + "shallots", + "phyllo pastry", + "curry powder", + "oil", + "salt", + "onions", + "beef", + "thyme" + ] + }, + { + "id": 31506, + "cuisine": "french", + "ingredients": [ + "eggs", + "flour", + "dijon mustard", + "grated Gruyère cheese", + "ground black pepper", + "butter", + "grated parmesan cheese" + ] + }, + { + "id": 42595, + "cuisine": "greek", + "ingredients": [ + "coarse salt", + "fresh lemon juice", + "freshly ground pepper", + "extra-virgin olive oil", + "greek yogurt", + "eggplant", + "garlic cloves" + ] + }, + { + "id": 49256, + "cuisine": "japanese", + "ingredients": [ + "cockles", + "bonito flakes", + "konbu", + "white miso", + "seaweed", + "water", + "fresh mushrooms", + "firm silken tofu", + "scallions" + ] + }, + { + "id": 34543, + "cuisine": "moroccan", + "ingredients": [ + "minced garlic", + "salt", + "ground cumin", + "hungarian paprika", + "leg of lamb", + "ground black pepper", + "chopped cilantro", + "olive oil", + "fresh lemon juice" + ] + }, + { + "id": 1309, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "egg whites", + "hot sauce", + "water", + "baking potatoes", + "vegetable oil cooking spray", + "balsamic vinegar", + "onions", + "eggs", + "fresh parmesan cheese", + "salt" + ] + }, + { + "id": 1461, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "black olives", + "green onions", + "ground beef", + "crescent rolls", + "taco seasoning", + "shredded cheddar cheese", + "diced tomatoes" + ] + }, + { + "id": 10443, + "cuisine": "vietnamese", + "ingredients": [ + "shrimp chips", + "corn oil" + ] + }, + { + "id": 40619, + "cuisine": "japanese", + "ingredients": [ + "amberjack fillet", + "rice vinegar", + "fresh pineapple", + "brown sugar", + "fresh orange juice", + "low sodium soy sauce", + "cooking spray", + "garlic cloves", + "red bell pepper", + "green bell pepper", + "peeled fresh ginger", + "fresh lemon juice" + ] + }, + { + "id": 49410, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "ground black pepper", + "paprika", + "sharp cheddar cheese", + "cheddar cheese", + "vegetable oil", + "all-purpose flour", + "sour cream", + "pecan halves", + "green onions", + "salt", + "chopped pecans", + "chicken broth", + "mayonaise", + "worcestershire sauce", + "hot sauce", + "cooked chicken breasts" + ] + }, + { + "id": 36854, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "garlic cloves", + "French bread loaves", + "kalamata", + "cucumber", + "green bell pepper", + "salt", + "oregano", + "tomatoes", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 31519, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "hot Italian sausages", + "dried oregano", + "pasta sauce", + "crushed red pepper", + "garlic cloves", + "olive oil", + "salt", + "onions", + "bread", + "ricotta cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 23425, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "capsicum", + "dried red chile peppers", + "water", + "salt", + "ginger paste", + "coconut oil", + "paneer", + "onions", + "garam masala", + "cumin seed", + "ground cumin" + ] + }, + { + "id": 35274, + "cuisine": "chinese", + "ingredients": [ + "haricots verts", + "soup", + "oil", + "sugar", + "spring onions", + "ajinomoto", + "plain flour", + "soy sauce", + "wonton wrappers", + "onions", + "stock", + "mushrooms", + "carrots" + ] + }, + { + "id": 46482, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "marsala wine", + "vegetable oil", + "fresh parsley", + "boneless skinless chicken breasts", + "corn starch", + "pepper", + "garlic", + "Green Giant™ sliced mushrooms" + ] + }, + { + "id": 7428, + "cuisine": "brazilian", + "ingredients": [ + "canned black beans", + "finely chopped onion", + "salt", + "carrots", + "white vinegar", + "orange slices", + "bay leaves", + "beef rib short", + "boneless pork shoulder", + "ground black pepper", + "bacon slices", + "garlic cloves", + "kale", + "low sodium chicken broth", + "smoked pork" + ] + }, + { + "id": 6316, + "cuisine": "southern_us", + "ingredients": [ + "smoked ham", + "pepper", + "Tabasco Pepper Sauce", + "collard greens", + "onion powder", + "garlic powder", + "salt" + ] + }, + { + "id": 49577, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "whole chicken", + "buttermilk", + "vegetable oil", + "pepper", + "salt" + ] + }, + { + "id": 14425, + "cuisine": "chinese", + "ingredients": [ + "minced ginger", + "ground black pepper", + "vegetable oil", + "chinese five-spice powder", + "light soy sauce", + "Sriracha", + "sauce", + "onions", + "pork shoulder roast", + "mirin", + "rice vinegar", + "garlic cloves", + "chicken stock", + "peanuts", + "sesame oil", + "creamy peanut butter" + ] + }, + { + "id": 28274, + "cuisine": "japanese", + "ingredients": [ + "maple syrup", + "soya flour", + "rice cakes" + ] + }, + { + "id": 39061, + "cuisine": "british", + "ingredients": [ + "garlic", + "ground allspice", + "white sugar", + "ground nutmeg", + "malt vinegar", + "tart apples", + "ground ginger", + "plums", + "ground cayenne pepper", + "worcestershire sauce", + "salt", + "onions" + ] + }, + { + "id": 34878, + "cuisine": "irish", + "ingredients": [ + "rhubarb", + "finely chopped onion", + "paprika", + "dried currants", + "peeled fresh ginger", + "ground cardamom", + "brown sugar", + "jalapeno chilies", + "salt", + "cider vinegar", + "balsamic vinegar" + ] + }, + { + "id": 7466, + "cuisine": "chinese", + "ingredients": [ + "melted butter", + "ground black pepper", + "water", + "chicken leg quarters", + "mayonaise", + "salt", + "white vinegar", + "prepared horseradish", + "white sugar" + ] + }, + { + "id": 13787, + "cuisine": "chinese", + "ingredients": [ + "long-grain rice", + "water", + "salt" + ] + }, + { + "id": 42225, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "blue cheese", + "chives", + "cayenne pepper sauce", + "cooked chicken", + "lemon juice", + "light mayonnaise" + ] + }, + { + "id": 13491, + "cuisine": "korean", + "ingredients": [ + "sugar", + "garlic", + "spring onions", + "toasted sesame seeds", + "soy sauce", + "toasted sesame oil", + "sesame", + "chives" + ] + }, + { + "id": 48303, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "extra-virgin olive oil", + "ground black pepper", + "sea salt", + "bucatini", + "parmigiano reggiano cheese", + "tapenade", + "kosher salt", + "Italian parsley leaves", + "oil" + ] + }, + { + "id": 24842, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "asparagus", + "broccoli", + "water", + "flour", + "carrots", + "pepper", + "zucchini", + "oil", + "eggplant", + "baking powder" + ] + }, + { + "id": 5426, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "sesame oil", + "unsalted dry roast peanuts", + "chinese black vinegar", + "chinese rice wine", + "hoisin sauce", + "ginger", + "scallions", + "soy sauce", + "ground sichuan pepper", + "peanut oil", + "sugar", + "boneless skinless chicken breasts", + "garlic", + "corn starch" + ] + }, + { + "id": 7569, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "all-purpose flour", + "unsalted butter", + "paprika", + "cheddar cheese", + "heavy cream", + "dill", + "whole milk", + "salt" + ] + }, + { + "id": 30199, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "trout fillet", + "lime", + "garlic cloves", + "soy sauce", + "pak choi", + "fresh ginger root" + ] + }, + { + "id": 30841, + "cuisine": "french", + "ingredients": [ + "white wine", + "cod fillets", + "red wine", + "dry bread crumbs", + "fresh parsley", + "french baguette", + "olive oil", + "red pepper flakes", + "beef broth", + "bay leaf", + "saffron", + "cream", + "leeks", + "garlic", + "grated Gruyère cheese", + "onions", + "water", + "light mayonnaise", + "all-purpose flour", + "lemon juice", + "plum tomatoes" + ] + }, + { + "id": 21715, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "large eggs", + "peanut oil", + "chopped cilantro fresh", + "fish sauce", + "lime", + "ancho powder", + "red bell pepper", + "sambal ulek", + "sugar pea", + "rice noodles", + "scallions", + "brown sugar", + "unsalted roasted peanuts", + "garlic", + "fresh lime juice" + ] + }, + { + "id": 41610, + "cuisine": "southern_us", + "ingredients": [ + "ground nutmeg", + "2% reduced-fat milk", + "ground cinnamon", + "self rising flour", + "peaches", + "white sugar", + "syrup", + "butter" + ] + }, + { + "id": 2058, + "cuisine": "korean", + "ingredients": [ + "water", + "green onions", + "freshly ground pepper", + "white vinegar", + "Sriracha", + "yellow onion", + "short rib", + "steamed rice", + "rice vinegar", + "garlic cloves", + "soy sauce", + "hoisin sauce", + "dark brown sugar" + ] + }, + { + "id": 48704, + "cuisine": "italian", + "ingredients": [ + "lemon zest", + "extra-virgin olive oil", + "whole milk", + "salt", + "superfine sugar", + "baking powder", + "large eggs", + "cake flour" + ] + }, + { + "id": 25476, + "cuisine": "jamaican", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "water", + "salt", + "long grain white rice", + "light coconut milk", + "thyme sprigs", + "kidney beans", + "ground allspice" + ] + }, + { + "id": 20791, + "cuisine": "italian", + "ingredients": [ + "gaeta olives", + "dry red wine", + "caper berries", + "ground black pepper", + "fronds", + "salt", + "hot red pepper flakes", + "eel" + ] + }, + { + "id": 7882, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "purple onion", + "fresh parsley", + "black pepper", + "extra-virgin olive oil", + "fresh lemon juice", + "tomatoes", + "chopped green bell pepper", + "crabmeat", + "hot pepper sauce", + "salt", + "long grain and wild rice mix" + ] + }, + { + "id": 1316, + "cuisine": "mexican", + "ingredients": [ + "reduced fat monterey jack cheese", + "hot pepper sauce", + "all-purpose flour", + "sliced green onions", + "water", + "chile pepper", + "corn tortillas", + "tomato sauce", + "chili powder", + "chopped onion", + "ground cumin", + "olive oil", + "salt", + "95% lean ground beef" + ] + }, + { + "id": 48081, + "cuisine": "filipino", + "ingredients": [ + "chicken legs", + "vinegar", + "water", + "vegetable oil", + "black peppercorns", + "bay leaves", + "light soy sauce", + "garlic" + ] + }, + { + "id": 4054, + "cuisine": "british", + "ingredients": [ + "tart shells", + "dried fig", + "eggs", + "chopped walnuts", + "brown sugar", + "citron", + "raisins" + ] + }, + { + "id": 16067, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "italian seasoning", + "pepperoni slices", + "shredded mozzarella cheese", + "water", + "bisquick", + "pizza sauce" + ] + }, + { + "id": 32300, + "cuisine": "southern_us", + "ingredients": [ + "ladys house seasoning", + "rib eye steaks", + "cayenne pepper", + "cajun seasoning", + "light brown sugar" + ] + }, + { + "id": 10552, + "cuisine": "italian", + "ingredients": [ + "water", + "ground sirloin", + "polenta", + "kosher salt", + "cooking spray", + "garlic cloves", + "parmigiano-reggiano cheese", + "reduced fat milk", + "chopped onion", + "fresh basil", + "marinara sauce", + "crushed red pepper", + "dried oregano" + ] + }, + { + "id": 25431, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "shredded mozzarella cheese", + "eggs", + "ricotta cheese", + "lean ground beef", + "pasta sauce", + "penne pasta" + ] + }, + { + "id": 37783, + "cuisine": "british", + "ingredients": [ + "sugar", + "butter", + "confectioners sugar", + "eggs", + "vegetable oil", + "salt", + "milk", + "raisins", + "yeast", + "brown sugar", + "cinnamon", + "all-purpose flour" + ] + }, + { + "id": 16155, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "baking powder", + "granulated sugar", + "salt", + "unsalted butter", + "buttermilk", + "large eggs", + "white cornmeal" + ] + }, + { + "id": 21626, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "Thai red curry paste", + "fresh cilantro", + "canola oil", + "kosher salt", + "chickpeas", + "butternut squash" + ] + }, + { + "id": 43088, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "sour cream", + "avocado", + "red pepper", + "cooked chicken", + "salsa verde", + "shredded lettuce" + ] + }, + { + "id": 24864, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "dry sherry", + "corn starch", + "flank steak", + "scallions", + "onions", + "water", + "green pepper", + "ginger root", + "sugar", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 1679, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "peanut oil", + "chinese rice wine", + "garlic", + "green beans", + "fish sauce", + "ground black pepper", + "corn starch", + "soy sauce", + "flat iron steaks" + ] + }, + { + "id": 14616, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "mayonaise", + "chipotles in adobo", + "sour cream", + "chipotle chile" + ] + }, + { + "id": 49084, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "1% low-fat milk", + "corn tortillas", + "hot salsa", + "low-fat plain yogurt", + "cooked chicken", + "salt", + "dried oregano", + "pepper", + "shredded sharp cheddar cheese", + "chopped cilantro fresh", + "ground cumin", + "pitted black olives", + "stewed tomatoes", + "frozen corn kernels", + "sliced green onions" + ] + }, + { + "id": 30429, + "cuisine": "cajun_creole", + "ingredients": [ + "worcestershire sauce", + "cream cheese, soften", + "mayonaise", + "creole seasoning", + "green onions", + "fresh lemon juice", + "catfish fillets", + "chili sauce" + ] + }, + { + "id": 19684, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "honey", + "salt", + "pork butt", + "hamburger buns", + "white pepper", + "sesame oil", + "Chinese rose wine", + "black pepper", + "hoisin sauce", + "yellow onion", + "pickles", + "minced ginger", + "maltose", + "chinese five-spice powder" + ] + }, + { + "id": 36034, + "cuisine": "indian", + "ingredients": [ + "salmon fillets", + "jalapeno chilies", + "fresh lime juice", + "cherry tomatoes", + "garlic cloves", + "chopped cilantro fresh", + "plain yogurt", + "salt", + "onions", + "fresh ginger", + "ground cardamom", + "ground cumin" + ] + }, + { + "id": 933, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "ground black pepper", + "shredded parmesan cheese", + "fresh basil", + "french bread", + "plum tomatoes", + "kosher salt", + "balsamic vinegar" + ] + }, + { + "id": 22531, + "cuisine": "french", + "ingredients": [ + "sea salt", + "unsalted butter", + "white beans", + "water", + "garlic", + "shallots", + "ham" + ] + }, + { + "id": 16703, + "cuisine": "greek", + "ingredients": [ + "baking soda", + "chopped fresh chives", + "cream cheese", + "large shrimp", + "ground black pepper", + "salt", + "flat leaf parsley", + "ground nutmeg", + "extra-virgin olive oil", + "fresh lemon juice", + "grape leaves", + "zucchini", + "all-purpose flour", + "grated lemon peel" + ] + }, + { + "id": 2854, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "pepper", + "onions", + "medium eggs", + "salt", + "potatoes" + ] + }, + { + "id": 5190, + "cuisine": "spanish", + "ingredients": [ + "wine", + "sorbet", + "berries", + "blackberries", + "vanilla beans", + "mint sprigs", + "frozen strawberries", + "water", + "fresh blueberries", + "lemon juice", + "honey", + "fresh raspberries", + "fresh mint" + ] + }, + { + "id": 4270, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "lime juice", + "pepper jack", + "butter", + "salt", + "corn tortillas", + "chicken", + "cheddar cheese", + "cream of chicken soup", + "flour", + "cilantro", + "red bell pepper", + "onions", + "tomatoes", + "olive oil", + "bell pepper", + "ancho powder", + "cayenne pepper", + "cream of mushroom soup", + "chile powder", + "pepper", + "poblano peppers", + "half & half", + "garlic", + "sour cream", + "cumin" + ] + }, + { + "id": 32284, + "cuisine": "italian", + "ingredients": [ + "cooked meatballs", + "tomato sauce", + "pizza doughs", + "part-skim ricotta cheese", + "mozzarella cheese", + "frozen chopped spinach, thawed and squeezed dry" + ] + }, + { + "id": 12130, + "cuisine": "chinese", + "ingredients": [ + "water", + "salt", + "flour", + "eggs" + ] + }, + { + "id": 46656, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "Italian turkey sausage", + "ground turkey breast", + "red bell pepper", + "green bell pepper", + "cooking spray", + "onions", + "whole wheat hamburger buns", + "provolone cheese" + ] + }, + { + "id": 21495, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "fresh shiitake mushrooms", + "carrots", + "cashew nuts", + "water", + "sesame oil", + "corn starch", + "fresh ginger", + "garlic", + "red bell pepper", + "broccoli florets", + "fat-free chicken broth", + "bok choy" + ] + }, + { + "id": 18952, + "cuisine": "cajun_creole", + "ingredients": [ + "tilapia fillets", + "butter", + "chopped onion", + "fat free less sodium chicken broth", + "ground red pepper", + "salt", + "grape tomatoes", + "dried thyme", + "shuck corn", + "garlic cloves", + "black pepper", + "olive oil", + "chopped celery", + "poblano chiles" + ] + }, + { + "id": 7183, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "bread crumbs", + "grated parmesan cheese", + "garlic", + "onions", + "eggs", + "water", + "flour", + "bone-in chicken breasts", + "tomato purée", + "olive oil", + "vegetable oil", + "bone-in pork chops", + "green olives", + "ground nutmeg", + "lemon", + "celery" + ] + }, + { + "id": 690, + "cuisine": "italian", + "ingredients": [ + "black beans", + "penne pasta", + "green onions", + "salad dressing", + "sun-dried tomatoes", + "feta cheese crumbles", + "black olives" + ] + }, + { + "id": 19914, + "cuisine": "french", + "ingredients": [ + "fresh mushrooms", + "butter", + "helix snails", + "garlic" + ] + }, + { + "id": 2096, + "cuisine": "vietnamese", + "ingredients": [ + "mint", + "sugarcane", + "butter", + "fatback", + "medium shrimp", + "black pepper", + "large eggs", + "garlic", + "nuoc cham", + "fish sauce", + "palm sugar", + "cilantro", + "fresh herbs", + "canola oil", + "lemongrass", + "shallots", + "salt", + "corn starch" + ] + }, + { + "id": 24079, + "cuisine": "indian", + "ingredients": [ + "chopped nuts", + "whole milk", + "cardamom pods", + "rose essence", + "paneer", + "milk", + "maida flour", + "saffron", + "sugar", + "yellow food coloring", + "lemon juice" + ] + }, + { + "id": 35578, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "poblano chilies", + "chorizo sausage", + "large eggs", + "garlic cloves", + "bread crumbs", + "salt", + "ground cumin", + "frozen spinach", + "mushrooms", + "dried oregano" + ] + }, + { + "id": 46640, + "cuisine": "japanese", + "ingredients": [ + "chicken stock", + "curry powder", + "sunflower oil", + "fillets", + "eggs", + "garam masala", + "garlic cloves", + "onions", + "plain flour", + "honey", + "salt", + "bay leaf", + "soy sauce", + "vegetable oil", + "carrots", + "panko breadcrumbs" + ] + }, + { + "id": 15379, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "worcestershire sauce", + "hot sauce", + "celery", + "green bell pepper", + "unsalted butter", + "garlic", + "cayenne pepper", + "pepper", + "diced tomatoes", + "yellow onion", + "bay leaf", + "tomato sauce", + "green onions", + "salt", + "shrimp" + ] + }, + { + "id": 10784, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "kidney beans", + "cilantro", + "cumin seed", + "ground turmeric", + "black lentil", + "garlic paste", + "coriander powder", + "salt", + "cinnamon sticks", + "tomato purée", + "bengal gram", + "purple onion", + "ground cardamom", + "clove", + "cream", + "butter", + "green chilies", + "bay leaf" + ] + }, + { + "id": 4835, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "water", + "purple onion", + "seedless cucumber", + "farro", + "freshly ground pepper", + "grape tomatoes", + "red wine vinegar", + "yellow onion", + "celery ribs", + "kosher salt", + "extra-virgin olive oil", + "carrots" + ] + }, + { + "id": 30231, + "cuisine": "greek", + "ingredients": [ + "chicken stock", + "lemon juice", + "Uncle Ben's Original Converted Brand rice", + "olive oil", + "salt" + ] + }, + { + "id": 21420, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "fresh lemon juice", + "red wine vinegar", + "garlic cloves", + "sugar", + "salt", + "eggplant", + "walnuts" + ] + }, + { + "id": 47105, + "cuisine": "russian", + "ingredients": [ + "sugar", + "salt", + "semisweet chocolate", + "confectioners sugar", + "unsalted butter", + "all-purpose flour", + "large eggs", + "bittersweet chocolate" + ] + }, + { + "id": 4159, + "cuisine": "moroccan", + "ingredients": [ + "hungarian sweet paprika", + "preserved lemon", + "olive oil", + "flat leaf parsley", + "ground cumin", + "ground ginger", + "green bell pepper", + "large garlic cloves", + "phyllo pastry", + "rice stick noodles", + "melted butter", + "black cod fillets", + "red bell pepper", + "chopped cilantro fresh", + "tomato paste", + "tumeric", + "cracked black pepper", + "harissa sauce" + ] + }, + { + "id": 17301, + "cuisine": "indian", + "ingredients": [ + "strawberries", + "ice cubes", + "white sugar", + "low-fat yogurt", + "whole milk" + ] + }, + { + "id": 43950, + "cuisine": "french", + "ingredients": [ + "brandy", + "paprika", + "curry powder", + "chicken livers", + "black pepper", + "salt", + "unsalted butter", + "onions" + ] + }, + { + "id": 28931, + "cuisine": "italian", + "ingredients": [ + "chopped fresh thyme", + "soppressata", + "olive oil", + "small new potatoes", + "green beans", + "dried thyme", + "fresh mozzarella", + "lemon juice", + "ground black pepper", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 7144, + "cuisine": "jamaican", + "ingredients": [ + "scallions", + "coconut milk", + "red chili peppers", + "garlic cloves", + "long-grain rice", + "kidney beans", + "thyme" + ] + }, + { + "id": 255, + "cuisine": "italian", + "ingredients": [ + "ground nutmeg", + "salt", + "tagliatelle", + "garlic powder", + "heavy cream", + "ground white pepper", + "olive oil", + "crumbled blue cheese", + "lemon juice", + "dried basil", + "ground black pepper", + "toasted walnuts", + "dried oregano" + ] + }, + { + "id": 13340, + "cuisine": "moroccan", + "ingredients": [ + "orange liqueur", + "ginger ale", + "pomegranate juice", + "fresh lime juice", + "vodka" + ] + }, + { + "id": 780, + "cuisine": "french", + "ingredients": [ + "butter", + "lemon pepper", + "pork tenderloin", + "dijon style mustard", + "worcestershire sauce", + "parsley", + "lemon juice" + ] + }, + { + "id": 48491, + "cuisine": "italian", + "ingredients": [ + "white wine", + "garlic cloves", + "crushed red pepper flakes", + "spaghetti", + "kosher salt", + "flat leaf parsley", + "cockles", + "extra-virgin olive oil" + ] + }, + { + "id": 40865, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chopped fresh chives", + "all-purpose flour", + "sugar", + "zucchini", + "salt", + "white cornmeal", + "whole wheat flour", + "white truffle oil", + "cornmeal", + "cold water", + "mushroom caps", + "cheese", + "compressed yeast" + ] + }, + { + "id": 25534, + "cuisine": "mexican", + "ingredients": [ + "bell pepper", + "oil", + "purple onion", + "boneless skinless chicken breasts", + "shredded cheddar cheese", + "taco seasoning" + ] + }, + { + "id": 39805, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "vegetable oil", + "stewed tomatoes", + "rice", + "green bell pepper", + "green onions", + "worcestershire sauce", + "salt", + "bay leaf", + "celery ribs", + "dried thyme", + "cajun seasoning", + "garlic", + "chopped parsley", + "tomato sauce", + "Tabasco Pepper Sauce", + "bacon", + "yellow onion", + "medium shrimp" + ] + }, + { + "id": 802, + "cuisine": "southern_us", + "ingredients": [ + "cooked ham", + "pimentos", + "celery ribs", + "sweet onion", + "sour cream", + "sweet pickle", + "sharp cheddar cheese", + "pasta", + "prepared mustard" + ] + }, + { + "id": 490, + "cuisine": "indian", + "ingredients": [ + "ginger", + "lamb loin chops", + "plain yogurt", + "yellow onion", + "salt", + "garlic cloves", + "garam masala", + "cayenne pepper" + ] + }, + { + "id": 33497, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "potatoes", + "scallions", + "corn", + "vegetable oil", + "adobo seasoning", + "curry powder", + "meat", + "onions", + "black pepper", + "fresh thyme", + "garlic" + ] + }, + { + "id": 26008, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "purple onion", + "zucchini", + "garlic cloves", + "eggplant", + "penne pasta", + "tomatoes", + "basil leaves" + ] + }, + { + "id": 41190, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "parmigiano-reggiano cheese", + "egg yolks", + "garlic cloves", + "french bread", + "anchovy fillets", + "romaine lettuce", + "red wine vinegar" + ] + }, + { + "id": 26714, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "basil leaves", + "ground black pepper", + "light cream cheese", + "french baguette", + "light mayonnaise", + "cooking spray", + "plum tomatoes" + ] + }, + { + "id": 21355, + "cuisine": "french", + "ingredients": [ + "shallots", + "fresh lemon juice", + "unsalted butter", + "salt", + "dry white wine", + "rice vinegar", + "ground black pepper", + "heavy cream" + ] + }, + { + "id": 45270, + "cuisine": "spanish", + "ingredients": [ + "nutmeg", + "egg yolks", + "cinnamon sticks", + "orange", + "vanilla extract", + "sugar", + "lemon", + "milk", + "corn starch" + ] + }, + { + "id": 34270, + "cuisine": "mexican", + "ingredients": [ + "lime", + "zucchini", + "salt", + "cotija", + "corn husks", + "epazote", + "soft corn tortillas", + "olive oil", + "chili powder", + "red radishes", + "white onion", + "unsalted butter", + "garlic" + ] + }, + { + "id": 19211, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "dried thyme", + "chili powder", + "unsweetened cocoa powder", + "fat free less sodium chicken broth", + "finely chopped onion", + "green beans", + "sugar", + "olive oil", + "salt", + "minced garlic", + "cooking spray", + "chicken thighs" + ] + }, + { + "id": 37193, + "cuisine": "italian", + "ingredients": [ + "pepper", + "pasta", + "garlic", + "avocado", + "olive oil", + "spinach", + "lemon juice" + ] + }, + { + "id": 43996, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "salt", + "graham crackers", + "heavy cream", + "lemon juice", + "sugar", + "lemon", + "condensed milk", + "large egg yolks", + "vanilla extract", + "confectioners sugar" + ] + }, + { + "id": 26561, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "french bread", + "fresh lemon juice", + "ground black pepper", + "garlic", + "Crystal Hot Sauce", + "worcestershire sauce", + "large shrimp", + "unsalted butter", + "creole seasoning" + ] + }, + { + "id": 12239, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "chopped fresh thyme", + "thyme sprigs", + "olive oil", + "pizza doughs", + "white pepper", + "salt", + "fontina cheese", + "cracked black pepper", + "onions" + ] + }, + { + "id": 41473, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "oil", + "onion soup mix", + "corn tortillas", + "water", + "roast beef", + "hot sauce" + ] + }, + { + "id": 7390, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "extra-virgin olive oil", + "red potato", + "shallots", + "salt", + "chopped fresh chives", + "white wine vinegar", + "ground black pepper", + "fresh tarragon", + "fresh parsley" + ] + }, + { + "id": 2785, + "cuisine": "greek", + "ingredients": [ + "whole milk yoghurt", + "fresh lemon juice", + "water", + "chopped almonds", + "sugar", + "quinces", + "honey", + "lemon" + ] + }, + { + "id": 41728, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "cooking oil", + "onions", + "papaya", + "salt", + "water", + "chicken drumsticks", + "spinach", + "fresh ginger", + "garlic cloves" + ] + }, + { + "id": 14694, + "cuisine": "italian", + "ingredients": [ + "littleneck clams", + "garlic cloves", + "dry white wine", + "salt", + "cherry tomatoes", + "crushed red pepper", + "spaghetti", + "fresh basil", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 35725, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chili powder", + "sour cream", + "minced onion", + "shredded cheese", + "chicken breasts", + "medium salsa", + "tortillas", + "hot pepper", + "ground cumin" + ] + }, + { + "id": 34827, + "cuisine": "thai", + "ingredients": [ + "white vinegar", + "potatoes", + "vegetable oil", + "ground allspice", + "water", + "shrimp paste", + "salt", + "ground turmeric", + "lemon grass", + "chile pepper", + "candlenuts", + "ground ginger", + "boneless skinless chicken breasts", + "purple onion", + "mustard seeds" + ] + }, + { + "id": 17383, + "cuisine": "cajun_creole", + "ingredients": [ + "angel hair", + "green onions", + "garlic", + "white wine", + "worcestershire sauce", + "fresh mushrooms", + "andouille sausage", + "prepared mustard", + "salt", + "pepper", + "heavy cream", + "medium shrimp" + ] + }, + { + "id": 27330, + "cuisine": "irish", + "ingredients": [ + "flour", + "raisins", + "baking soda", + "butter", + "sugar", + "baking powder", + "salt", + "large eggs", + "buttermilk" + ] + }, + { + "id": 17094, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "condensed cream of mushroom soup", + "chicken broth", + "boneless skinless chicken breasts", + "onions", + "condensed cream of chicken soup", + "chile pepper", + "chili", + "corn tortillas" + ] + }, + { + "id": 49383, + "cuisine": "cajun_creole", + "ingredients": [ + "cracker meal", + "savory", + "celery", + "eggs", + "green onions", + "salt", + "onions", + "potatoes", + "garlic", + "fresh parsley", + "black pepper", + "meat", + "oil" + ] + }, + { + "id": 16856, + "cuisine": "southern_us", + "ingredients": [ + "egg whites", + "grated nutmeg", + "water", + "shredded sharp cheddar cheese", + "minced garlic", + "quickcooking grits", + "heavy whipping cream", + "large eggs", + "salt" + ] + }, + { + "id": 12623, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "light corn syrup", + "unsalted butter", + "semi-sweet chocolate morsels", + "baking soda", + "vanilla extract", + "granulated sugar" + ] + }, + { + "id": 6468, + "cuisine": "southern_us", + "ingredients": [ + "boneless chicken skinless thigh", + "large eggs", + "peanut oil", + "hamburger buns", + "kosher salt", + "paprika", + "sugar", + "ground black pepper", + "all-purpose flour", + "slaw", + "buttermilk" + ] + }, + { + "id": 39639, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "shredded cabbage", + "salsa", + "jalapeno chilies", + "salt", + "tomatoes", + "crusty sandwich rolls", + "(15 oz.) refried beans", + "pepper", + "purple onion" + ] + }, + { + "id": 30466, + "cuisine": "vietnamese", + "ingredients": [ + "coffee", + "sweetened condensed milk", + "half & half", + "ice" + ] + }, + { + "id": 30236, + "cuisine": "southern_us", + "ingredients": [ + "pastry", + "vanilla extract", + "eggs", + "butter", + "white sugar", + "light brown sugar", + "bourbon whiskey", + "all-purpose flour", + "single crust pie", + "heavy cream" + ] + }, + { + "id": 12521, + "cuisine": "southern_us", + "ingredients": [ + "vanilla ice cream", + "large eggs", + "salt", + "cornmeal", + "light brown sugar", + "unsalted butter", + "baking powder", + "fresh lemon juice", + "ground cinnamon", + "granulated sugar", + "vegetable shortening", + "corn starch", + "pure vanilla extract", + "peaches", + "whole milk", + "all-purpose flour", + "blackberries" + ] + }, + { + "id": 38497, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "Sriracha", + "peanut oil", + "cabbage", + "whitefish", + "kosher salt", + "cake flour", + "onions", + "black pepper", + "chili powder", + "corn tortillas", + "eggs", + "lime", + "beer", + "chopped cilantro fresh" + ] + }, + { + "id": 6532, + "cuisine": "southern_us", + "ingredients": [ + "coarse salt", + "peanut oil", + "ground black pepper", + "all-purpose flour", + "Tabasco Pepper Sauce", + "cayenne pepper", + "buttermilk", + "chicken" + ] + }, + { + "id": 34983, + "cuisine": "greek", + "ingredients": [ + "eggs", + "baby spinach", + "onions", + "feta cheese", + "garlic", + "dried oregano", + "olive oil", + "lemon", + "puff pastry", + "nutmeg", + "flour", + "cream cheese" + ] + }, + { + "id": 19557, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "butter", + "salt", + "black pepper", + "flour", + "paprika", + "eggs", + "garlic powder", + "worcestershire sauce", + "cube steaks", + "bread crumbs", + "onion powder", + "extra-virgin olive oil" + ] + }, + { + "id": 8606, + "cuisine": "italian", + "ingredients": [ + "capers", + "tuna steaks", + "lemon juice", + "tomatoes", + "black pepper", + "lemon rind", + "pitted kalamata olives", + "salt", + "fresh basil", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 24307, + "cuisine": "french", + "ingredients": [ + "small new potatoes", + "ground pepper", + "salt", + "extra-virgin olive oil", + "asparagus" + ] + }, + { + "id": 1905, + "cuisine": "vietnamese", + "ingredients": [ + "peeled fresh ginger", + "rice vermicelli", + "onions", + "plum tomatoes", + "chopped fresh chives", + "napa cabbage", + "duck drumsticks", + "chopped cilantro fresh", + "fish sauce", + "shallots", + "hot chili sauce", + "chopped fresh mint", + "sugar", + "lime wedges", + "low salt chicken broth", + "bamboo shoots" + ] + }, + { + "id": 25465, + "cuisine": "indian", + "ingredients": [ + "grated coconut", + "garam masala", + "oil", + "ground turmeric", + "garlic paste", + "water", + "salt", + "chicken pieces", + "tomatoes", + "fresh curry leaves", + "poppy seeds", + "coconut milk", + "ginger paste", + "red chili peppers", + "coriander seeds", + "cumin seed", + "onions" + ] + }, + { + "id": 32544, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "golden beets", + "walnuts", + "balsamic vinegar", + "low-fat goat cheese", + "oil" + ] + }, + { + "id": 19626, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "cassava", + "coconut milk", + "salt", + "ghee" + ] + }, + { + "id": 27203, + "cuisine": "japanese", + "ingredients": [ + "soy milk", + "peeled fresh ginger", + "brown sugar", + "crystallized ginger", + "1% low-fat milk", + "short-grain rice", + "heavy cream", + "water", + "granulated sugar", + "strawberries" + ] + }, + { + "id": 35243, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "cooking spray", + "garlic", + "skinless flounder fillets", + "panko", + "shallots", + "fresh lemon juice", + "fresh spinach", + "ground black pepper", + "old bay seasoning", + "flat leaf parsley", + "olive oil", + "dry white wine", + "salt" + ] + }, + { + "id": 37026, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "cilantro", + "garlic cloves", + "avocado", + "flour tortillas", + "salt", + "adobo sauce", + "lime", + "white cheddar cheese", + "chipotles in adobo", + "eggs", + "chile pepper", + "cayenne pepper", + "cumin" + ] + }, + { + "id": 28827, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "hot sauce", + "apple cider vinegar", + "white sugar", + "butter", + "red pepper flakes" + ] + }, + { + "id": 20971, + "cuisine": "mexican", + "ingredients": [ + "beans", + "carrots", + "salsa", + "chicken thighs", + "corn", + "onions", + "chicken broth", + "tortilla chips" + ] + }, + { + "id": 13019, + "cuisine": "mexican", + "ingredients": [ + "corn tortilla chips", + "brown rice", + "garlic", + "corn tortillas", + "ground cumin", + "green chile", + "olive oil", + "coarse salt", + "sour cream", + "monterey jack", + "corn", + "lean ground beef", + "red bell pepper", + "oregano", + "black pepper", + "chili powder", + "yellow onion", + "low sodium beef broth" + ] + }, + { + "id": 9265, + "cuisine": "chinese", + "ingredients": [ + "pepper sauce", + "ground black pepper", + "sesame oil", + "soy sauce", + "flank steak", + "garlic cloves", + "sugar", + "broccoli florets", + "vegetable oil", + "water", + "rice wine", + "oyster sauce" + ] + }, + { + "id": 42230, + "cuisine": "greek", + "ingredients": [ + "pepper", + "extra-virgin olive oil", + "tomatoes", + "red wine vinegar", + "salt", + "feta cheese", + "purple onion", + "european cucumber", + "kalamata", + "fresh parsley" + ] + }, + { + "id": 16932, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "diced tomatoes", + "water", + "yellow onion", + "sugar", + "garlic", + "spinach", + "dried basil", + "hamburger" + ] + }, + { + "id": 41131, + "cuisine": "cajun_creole", + "ingredients": [ + "romaine lettuce", + "egg whites", + "salt", + "canola oil", + "water", + "low-fat mayonnaise", + "cornmeal", + "hoagie buns", + "cajun seasoning", + "dill pickles", + "tilapia fillets", + "purple onion", + "plum tomatoes" + ] + }, + { + "id": 22643, + "cuisine": "chinese", + "ingredients": [ + "honey mustard", + "soy sauce", + "starch", + "vegetable oil", + "corn starch", + "snow peas", + "white button mushrooms", + "olive oil", + "mushrooms", + "berries", + "beansprouts", + "mushroom soy sauce", + "sugar", + "flowering chives", + "sesame oil", + "carrots", + "bamboo shoots", + "chopped garlic", + "potato starch", + "black pepper", + "chinese barbecue sauce", + "coarse salt", + "king oyster mushroom", + "boiling water" + ] + }, + { + "id": 32969, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "olive oil", + "balsamic vinegar", + "corn starch", + "fresh basil", + "white onion", + "boneless chicken breast", + "heavy cream", + "rigatoni", + "white wine", + "parmesan cheese", + "butter", + "sliced mushrooms", + "marsala wine", + "kosher salt", + "low sodium chicken broth", + "garlic" + ] + }, + { + "id": 32586, + "cuisine": "mexican", + "ingredients": [ + "tomato salsa", + "monterey jack", + "avocado", + "fresh lime juice", + "chicken", + "sour cream", + "rice pilaf", + "chicken broth", + "chopped cilantro" + ] + }, + { + "id": 8708, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "vegetable stock", + "yellow onion", + "chicken", + "pepper flakes", + "green onions", + "anise", + "cinnamon sticks", + "tofu", + "fresh ginger", + "large garlic cloves", + "carrots", + "baby bok choy", + "rice noodles", + "broccoli", + "snow peas" + ] + }, + { + "id": 37727, + "cuisine": "italian", + "ingredients": [ + "broccoli rabe", + "onions", + "water", + "pasta shells", + "reduced sodium chicken broth", + "parmigiano reggiano cheese", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 43866, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "salt", + "large shrimp", + "olive oil", + "diced tomatoes", + "onions", + "dry white wine", + "flat leaf parsley", + "feta cheese", + "garlic", + "dried oregano" + ] + }, + { + "id": 25486, + "cuisine": "southern_us", + "ingredients": [ + "horseradish", + "milk", + "old bay seasoning", + "hot sauce", + "parsley flakes", + "ketchup", + "baking powder", + "paprika", + "bread", + "mayonaise", + "garlic powder", + "worcestershire sauce", + "eggs", + "lump crab meat", + "vegetable oil", + "salt" + ] + }, + { + "id": 44619, + "cuisine": "cajun_creole", + "ingredients": [ + "parsley flakes", + "boneless chicken breast", + "hot sauce", + "rotel tomatoes", + "chicken stock", + "instant rice", + "smoked sausage", + "garlic cloves", + "dried oregano", + "celery ribs", + "green bell pepper", + "green onions", + "cayenne pepper", + "onions", + "tomato paste", + "dried basil", + "salt", + "shrimp" + ] + }, + { + "id": 7534, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "heavy cream", + "butter", + "tart shells", + "chopped walnuts", + "eggs", + "raisins" + ] + }, + { + "id": 13447, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "coriander seeds", + "garlic", + "carrots", + "ground turmeric", + "tomato purée", + "fresh curry leaves", + "apples", + "cumin seed", + "onions", + "clove", + "red chili peppers", + "lemon", + "grated nutmeg", + "ghee", + "lamb stock", + "meat", + "salt", + "ginger root" + ] + }, + { + "id": 36669, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "vegetable oil", + "onions", + "corn kernels", + "okra", + "water", + "heavy cream", + "tomatoes", + "unsalted butter", + "cornmeal" + ] + }, + { + "id": 3617, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "chicken", + "artichoke hearts", + "shredded mozzarella cheese", + "mayonaise", + "salsa", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 11137, + "cuisine": "mexican", + "ingredients": [ + "guacamole", + "garlic", + "onions", + "chili powder", + "corn tortillas", + "cumin", + "chicken broth", + "queso fresco", + "chipotles in adobo", + "ranch dressing", + "salt", + "pork butt" + ] + }, + { + "id": 38315, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "red wine vinegar", + "white sugar", + "dijon mustard", + "peanut oil", + "sesame seeds", + "rice vinegar", + "sesame oil", + "fresh asparagus" + ] + }, + { + "id": 37220, + "cuisine": "french", + "ingredients": [ + "diced onions", + "fennel bulb", + "chopped celery", + "water", + "bay leaves", + "thyme sprigs", + "parsley sprigs", + "leeks", + "chardonnay", + "olive oil", + "garlic" + ] + }, + { + "id": 18434, + "cuisine": "mexican", + "ingredients": [ + "almond flour", + "prepar salsa", + "ground cumin", + "cheddar cheese", + "jalapeno chilies", + "cream cheese", + "eggs", + "garlic powder", + "salt", + "black pepper", + "bacon", + "ground turkey" + ] + }, + { + "id": 43867, + "cuisine": "french", + "ingredients": [ + "sugar", + "cooking spray", + "all-purpose flour", + "powdered sugar", + "large eggs", + "1% low-fat milk", + "unsweetened cocoa powder", + "large egg whites", + "vegetable oil", + "orange rind", + "large egg yolks", + "vanilla extract", + "chocolate sauce" + ] + }, + { + "id": 43034, + "cuisine": "thai", + "ingredients": [ + "chicken drumsticks", + "sweet chili sauce", + "garlic cloves", + "Thai red curry paste", + "orange" + ] + }, + { + "id": 40634, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "vegetable oil", + "red bell pepper", + "large shrimp", + "soy sauce", + "szechwan peppercorns", + "salted peanuts", + "white sugar", + "dark soy sauce", + "rice wine", + "garlic", + "dried red chile peppers", + "green bell pepper, slice", + "sesame oil", + "corn starch", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 47024, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lemon juice", + "fresh basil", + "salt", + "pepper", + "garlic cloves", + "tomato paste", + "diced tomatoes" + ] + }, + { + "id": 8789, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "vegetable broth", + "ground cumin", + "tomatoes", + "chili powder", + "onions", + "minced garlic", + "vegetable oil", + "shredded Monterey Jack cheese", + "brown rice", + "red bell pepper" + ] + }, + { + "id": 17156, + "cuisine": "spanish", + "ingredients": [ + "great northern beans", + "paprika", + "water", + "garlic cloves", + "hot red pepper flakes", + "spanish chorizo", + "tomato paste", + "bacon", + "onions" + ] + }, + { + "id": 49128, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "parmesan cheese", + "white cheddar cheese", + "bay leaf", + "bread crumbs", + "milk", + "parsley", + "cayenne pepper", + "black pepper", + "black truffles", + "flour", + "gruyere cheese", + "white onion", + "black truffle oil", + "butter", + "elbow macaroni" + ] + }, + { + "id": 16300, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "lime juice", + "vegetable oil", + "cumin", + "kosher salt", + "bay leaves", + "adobo sauce", + "black pepper", + "chuck roast", + "chipotle peppers", + "chicken broth", + "minced garlic", + "apple cider vinegar", + "oregano" + ] + }, + { + "id": 36726, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "salt", + "almonds", + "olive oil", + "all-purpose flour", + "warm water", + "ground black pepper" + ] + }, + { + "id": 14246, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "togarashi", + "red bell pepper", + "bonito flakes", + "garlic cloves", + "nori", + "soy sauce", + "ginger", + "shrimp", + "canola oil", + "udon", + "scallions", + "beansprouts" + ] + }, + { + "id": 1551, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "low sodium chicken broth", + "salt", + "pepper", + "lemon zest", + "butter", + "lemon juice", + "arborio rice", + "asparagus", + "dry white wine", + "garlic cloves", + "sweet onion", + "grated parmesan cheese", + "green peas", + "chopped fresh mint" + ] + }, + { + "id": 11293, + "cuisine": "french", + "ingredients": [ + "butter", + "white sugar", + "water", + "salt", + "skim milk", + "vanilla extract", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 15342, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "vanilla", + "eggs", + "raisins", + "biscuits", + "cinnamon", + "salt", + "sugar", + "sweetened coconut flakes" + ] + }, + { + "id": 16554, + "cuisine": "mexican", + "ingredients": [ + "corn", + "diced tomatoes in juice", + "salsa", + "boneless skinless chicken breasts", + "black beans", + "pinto beans" + ] + }, + { + "id": 43398, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "vegetable oil", + "boneless skinless chicken breast halves", + "sesame seeds", + "fresh mushrooms", + "soy sauce", + "garlic", + "snow peas", + "ground ginger", + "water chestnuts", + "corn starch" + ] + }, + { + "id": 27922, + "cuisine": "cajun_creole", + "ingredients": [ + "mayonaise", + "yukon gold potatoes", + "celery", + "sugar", + "cajun seasoning", + "onions", + "cider vinegar", + "salt", + "creole mustard", + "hard-boiled egg", + "green pepper" + ] + }, + { + "id": 49328, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "rice wine", + "peanut oil", + "sea bass", + "white rice vinegar", + "ginger", + "sugar", + "pork loin", + "salt", + "light soy sauce", + "sesame oil", + "scallions" + ] + }, + { + "id": 22399, + "cuisine": "moroccan", + "ingredients": [ + "golden raisins", + "paprika", + "boneless skinless chicken breast halves", + "ground cinnamon", + "butter", + "low salt chicken broth", + "green olives", + "lemon", + "onions", + "refrigerated piecrusts", + "all-purpose flour", + "ground cumin" + ] + }, + { + "id": 30091, + "cuisine": "mexican", + "ingredients": [ + "fresh basil", + "oil", + "minced onion", + "tomatoes", + "freshly ground pepper", + "minced garlic" + ] + }, + { + "id": 29451, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "kidney beans", + "vegetable broth", + "hot sauce", + "white mushrooms", + "pepper", + "cajun seasoning", + "salt", + "okra", + "bay leaf", + "green bell pepper", + "zucchini", + "garlic", + "yellow onion", + "celery", + "olive oil", + "diced tomatoes", + "all-purpose flour", + "vegan Worcestershire sauce" + ] + }, + { + "id": 32383, + "cuisine": "indian", + "ingredients": [ + "salt", + "fresh lemon juice", + "curry powder", + "margarine", + "fresh parsley", + "water", + "grated lemon zest", + "low salt chicken broth", + "finely chopped onion", + "garlic cloves", + "basmati rice" + ] + }, + { + "id": 4899, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "butter", + "onions", + "tomatoes", + "ground black pepper", + "natural yogurt", + "basmati rice", + "tomato purée", + "chicken breasts", + "coconut milk", + "masala", + "bread", + "fresh ginger", + "salt", + "coriander" + ] + }, + { + "id": 35338, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "active dry yeast", + "sugar", + "salt", + "vegetable oil cooking spray", + "olive oil", + "warm water", + "all-purpose flour" + ] + }, + { + "id": 10145, + "cuisine": "vietnamese", + "ingredients": [ + "fresh ginger root", + "star anise", + "beansprouts", + "green onions", + "dried rice noodles", + "beef shank", + "salt", + "onions", + "fish sauce", + "cilantro", + "beef sirloin" + ] + }, + { + "id": 33124, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "ground black pepper", + "canned tomatoes", + "celery", + "canned low sodium chicken broth", + "tubetti", + "salt", + "bay leaf", + "olive oil", + "red pepper flakes", + "chickpeas", + "onions", + "swiss chard", + "garlic", + "carrots", + "dried rosemary" + ] + }, + { + "id": 17520, + "cuisine": "filipino", + "ingredients": [ + "water", + "vinegar", + "carrots", + "soy sauce", + "pork leg", + "salt", + "brown sugar", + "bananas", + "garlic", + "onions", + "pepper", + "chinese sausage", + "oil" + ] + }, + { + "id": 3836, + "cuisine": "southern_us", + "ingredients": [ + "seasoning salt", + "sharp cheddar cheese", + "eggs", + "cracked black pepper", + "evaporated milk", + "elbow macaroni", + "sugar", + "cayenne pepper" + ] + }, + { + "id": 17356, + "cuisine": "filipino", + "ingredients": [ + "water", + "pork loin", + "onions", + "tomatoes", + "potatoes", + "patis", + "cooking oil", + "lemon", + "spinach", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 25266, + "cuisine": "french", + "ingredients": [ + "bittersweet chocolate chips", + "puff pastry", + "water", + "eggs" + ] + }, + { + "id": 17677, + "cuisine": "brazilian", + "ingredients": [ + "dulce de leche", + "unsweetened cocoa powder", + "butter", + "cooking spray", + "coconut flakes", + "sprinkles" + ] + }, + { + "id": 14281, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "butter", + "water", + "salt", + "ground cinnamon", + "vegetable oil", + "all-purpose flour", + "sugar", + "vanilla extract" + ] + }, + { + "id": 40655, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "zucchini", + "heirloom tomatoes", + "salt", + "chopped cilantro", + "avocado", + "olive oil", + "green onions", + "deveined shrimp", + "orange juice", + "ground cumin", + "corn kernels", + "flour tortillas", + "paprika", + "yellow onion", + "shredded Monterey Jack cheese", + "pepper", + "cayenne", + "coarse sea salt", + "shredded sharp cheddar cheese", + "garlic cloves" + ] + }, + { + "id": 3540, + "cuisine": "spanish", + "ingredients": [ + "granulated sugar", + "garlic", + "beer", + "plum tomatoes", + "ground cloves", + "large eggs", + "salt", + "shrimp", + "ground cumin", + "ground black pepper", + "butter", + "yellow onion", + "flat leaf parsley", + "kosher salt", + "vegetable oil", + "all-purpose flour", + "smoked paprika" + ] + }, + { + "id": 8705, + "cuisine": "british", + "ingredients": [ + "beef kidney", + "frozen pastry puff sheets", + "vegetable oil", + "all-purpose flour", + "pepper", + "beef stock", + "red wine", + "onions", + "eggs", + "potatoes", + "butter", + "sliced mushrooms", + "milk", + "beef for stew", + "salt", + "thick-cut bacon" + ] + }, + { + "id": 11628, + "cuisine": "chinese", + "ingredients": [ + "cooked rice", + "soy sauce", + "green onions", + "dried shiitake mushrooms", + "rock sugar", + "water", + "vegetable oil", + "garlic cloves", + "dark soy sauce", + "lean ground pork", + "shallots", + "chinese five-spice powder", + "chinese rice wine", + "hard-boiled egg", + "star anise" + ] + }, + { + "id": 49170, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "ice", + "strawberries", + "milk" + ] + }, + { + "id": 43222, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "fresh lime juice", + "red chili peppers", + "large garlic cloves", + "sugar" + ] + }, + { + "id": 40695, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "manchego cheese", + "white rice", + "sour cream", + "fresh cilantro", + "serrano peppers", + "salt", + "olive oil", + "green peas", + "carrots", + "water", + "potatoes", + "garlic", + "onions" + ] + }, + { + "id": 29202, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "garlic", + "cumin seed", + "ground cumin", + "red kidney beans", + "ground tumeric", + "green chilies", + "chopped cilantro fresh", + "cayenne", + "salt", + "onions", + "tomato sauce", + "extra-virgin olive oil", + "ground coriander", + "plum tomatoes" + ] + }, + { + "id": 17761, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "roma tomatoes", + "broccoli", + "rotini", + "roasted red peppers", + "yellow bell pepper", + "cucumber", + "minced garlic", + "artichok heart marin", + "oil", + "avocado", + "zucchini", + "purple onion", + "salad dressing" + ] + }, + { + "id": 36226, + "cuisine": "filipino", + "ingredients": [ + "pork tenderloin", + "liver", + "frozen peas", + "water", + "garlic", + "red bell pepper", + "soy sauce", + "bay leaves", + "oil", + "peppercorns", + "vinegar", + "salt", + "onions" + ] + }, + { + "id": 1901, + "cuisine": "southern_us", + "ingredients": [ + "marshmallows", + "mandarin orange segments", + "sweetened coconut flakes", + "pineapple chunks", + "clementine sections", + "cocktail cherries", + "light sour cream", + "cool whip", + "apples", + "pecan halves", + "red grape" + ] + }, + { + "id": 16762, + "cuisine": "spanish", + "ingredients": [ + "dried thyme", + "red pepper flakes", + "cayenne pepper", + "onions", + "chopped tomatoes", + "salt", + "garlic cloves", + "olive oil", + "red pepper", + "chickpeas", + "ground black pepper", + "spanish chorizo", + "bay leaf" + ] + }, + { + "id": 4637, + "cuisine": "jamaican", + "ingredients": [ + "spring onions", + "ground allspice", + "onions", + "pepper", + "ginger", + "long grain brown rice", + "red kidney beans", + "sea salt", + "thyme", + "water", + "garlic", + "coconut milk" + ] + }, + { + "id": 10447, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "cumin seed", + "extra-virgin olive oil", + "onions", + "ground black pepper", + "english cucumber", + "fat free yogurt", + "salt" + ] + }, + { + "id": 27738, + "cuisine": "british", + "ingredients": [ + "baking soda", + "baking powder", + "grated orange", + "dried currants", + "granulated sugar", + "raw sugar", + "white flour", + "large eggs", + "salt", + "unsalted butter", + "buttermilk" + ] + }, + { + "id": 46229, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "cilantro", + "ranch dressing", + "Tabasco Green Pepper Sauce", + "fresh lime juice", + "tomatillos" + ] + }, + { + "id": 6969, + "cuisine": "southern_us", + "ingredients": [ + "fresh lime juice", + "mint sprigs", + "chopped fresh mint", + "apple juice" + ] + }, + { + "id": 28592, + "cuisine": "italian", + "ingredients": [ + "whole milk ricotta cheese", + "fresh mint", + "raspberries", + "fresh orange juice", + "blackberries", + "sugar", + "mint sprigs", + "grated orange", + "honey", + "strawberries" + ] + }, + { + "id": 34716, + "cuisine": "jamaican", + "ingredients": [ + "fresh ginger root", + "yellow bell pepper", + "chopped cilantro fresh", + "brown sugar", + "habanero pepper", + "red bell pepper", + "olive oil", + "green onions", + "fresh lime juice", + "green bell pepper", + "bananas", + "salt" + ] + }, + { + "id": 7387, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "flour", + "salt", + "unsalted butter", + "cinnamon", + "large eggs", + "lemon", + "milk", + "vegetable oil" + ] + }, + { + "id": 30239, + "cuisine": "filipino", + "ingredients": [ + "white vinegar", + "salt", + "ground black pepper", + "white sugar", + "large tomato", + "onions", + "chinese eggplants" + ] + }, + { + "id": 37431, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "cooking spray", + "garlic cloves", + "olive oil", + "salt", + "red bell pepper", + "fat free less sodium chicken broth", + "purple onion", + "fresh lemon juice", + "pitted kalamata olives", + "pork tenderloin", + "grated lemon zest", + "flat leaf parsley" + ] + }, + { + "id": 42677, + "cuisine": "indian", + "ingredients": [ + "shallots", + "asafetida", + "kosher salt", + "cumin seed", + "red chili peppers", + "ginger", + "canola oil", + "ground black pepper", + "greens" + ] + }, + { + "id": 6239, + "cuisine": "mexican", + "ingredients": [ + "vanilla extract", + "milk", + "sweetened condensed milk", + "eggs", + "white sugar", + "heavy cream" + ] + }, + { + "id": 30227, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "cool whip", + "salt", + "milk", + "Nilla Wafers", + "eggs", + "bananas", + "vanilla", + "muffin", + "flour" + ] + }, + { + "id": 17143, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "all-purpose flour", + "sausages", + "tomatoes", + "lean ground beef", + "grated Gruyère cheese", + "unsalted butter", + "grated nutmeg", + "hamburger buns", + "cooked bacon", + "freshly ground pepper" + ] + }, + { + "id": 2931, + "cuisine": "mexican", + "ingredients": [ + "jack", + "corn tortillas", + "lean ground beef", + "zucchini", + "diced onions", + "enchilada sauce" + ] + }, + { + "id": 9541, + "cuisine": "japanese", + "ingredients": [ + "lettuce leaves", + "red bell pepper", + "tofu", + "grated carrot", + "soy sauce", + "sushi nori", + "guacamole", + "cucumber" + ] + }, + { + "id": 18213, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "honey", + "cinnamon", + "ginger", + "garlic cloves", + "nutmeg", + "kosher salt", + "roma tomatoes", + "lemon", + "meat bones", + "diced tomatoes in juice", + "tumeric", + "olive oil", + "pitted green olives", + "extra-virgin olive oil", + "lemon juice", + "light butter", + "sweet onion", + "dried apricot", + "cilantro", + "chickpeas" + ] + }, + { + "id": 24078, + "cuisine": "french", + "ingredients": [ + "superfine sugar", + "self rising flour", + "unsalted butter", + "honey", + "chocolate", + "large free range egg" + ] + }, + { + "id": 37065, + "cuisine": "british", + "ingredients": [ + "cider vinegar", + "pectin", + "boiling water", + "fresh parsley", + "honey" + ] + }, + { + "id": 8621, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "baking soda", + "buttermilk", + "self rising flour", + "self-rising cornmeal", + "sugar", + "butter" + ] + }, + { + "id": 25337, + "cuisine": "cajun_creole", + "ingredients": [ + "king crab legs", + "chopped fresh chives", + "brioche", + "freshly grated parmesan", + "mustard", + "lump crab meat", + "fresh lime juice", + "mayonaise", + "unsalted butter" + ] + }, + { + "id": 30679, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "cilantro", + "red bell pepper", + "cumin", + "olive oil", + "salt", + "onions", + "water", + "garlic", + "bay leaf", + "black pepper", + "red wine vinegar", + "scallions", + "oregano" + ] + }, + { + "id": 25678, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "garlic", + "white sesame seeds", + "sesame oil", + "scallions", + "chuck tender", + "gochugaru", + "broccoli", + "sweet potato vermicelli", + "light brown sugar", + "ginger", + "carrots" + ] + }, + { + "id": 11512, + "cuisine": "french", + "ingredients": [ + "mozzarella cheese", + "frozen pastry puff sheets", + "garlic cloves", + "large eggs", + "extra-virgin olive oil", + "tomatoes", + "grated parmesan cheese", + "whipping cream", + "fresh thyme", + "oil-cured black olives", + "soft fresh goat cheese" + ] + }, + { + "id": 3059, + "cuisine": "italian", + "ingredients": [ + "warm water", + "parmigiano reggiano cheese", + "salt", + "black pepper", + "basil leaves", + "garlic cloves", + "active dry yeast", + "fresh mozzarella", + "plum tomatoes", + "fresh basil", + "olive oil", + "all purpose unbleached flour" + ] + }, + { + "id": 30681, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "vegetable oil", + "lemon juice", + "coriander powder", + "salt", + "ginger paste", + "garam masala", + "butter", + "ground turmeric", + "chicken legs", + "chili powder", + "meat bones" + ] + }, + { + "id": 38984, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "cannellini beans", + "onions", + "olive oil", + "garlic", + "chicken stock", + "ground black pepper", + "sweet italian sausage", + "kosher salt", + "tubetti" + ] + }, + { + "id": 3711, + "cuisine": "italian", + "ingredients": [ + "Belgian endive", + "fennel bulb", + "pinenuts", + "watercress", + "parmesan cheese", + "extra-virgin olive oil", + "granny smith apples", + "balsamic vinegar" + ] + }, + { + "id": 17100, + "cuisine": "italian", + "ingredients": [ + "anise seed", + "cheese", + "celery", + "corn", + "sausages", + "noodles", + "pasta sauce", + "garlic", + "onions", + "sliced black olives", + "bbq sauce", + "italian seasoning" + ] + }, + { + "id": 31946, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "cornmeal", + "shucked oysters", + "vegetable oil", + "ground black pepper", + "seasoning salt", + "cajun seasoning" + ] + }, + { + "id": 33104, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "reduced-fat sour cream", + "fresh lime juice", + "ground cumin", + "black beans", + "sea salt", + "garlic cloves", + "iceberg lettuce", + "chipotle chile", + "whole wheat tortillas", + "salt", + "plum tomatoes", + "tofu", + "olive oil", + "purple onion", + "cooked white rice" + ] + }, + { + "id": 7883, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "chopped cilantro fresh", + "cucumber", + "jalape", + "tomatoes", + "sour cream" + ] + }, + { + "id": 14724, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "water", + "garlic cloves", + "dried currants", + "white wine vinegar", + "thyme sprigs", + "sugar", + "olive oil", + "fresh parsley leaves", + "white onion", + "salt", + "toast points" + ] + }, + { + "id": 32178, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "flat leaf spinach", + "salt", + "sesame oil", + "knoblauch" + ] + }, + { + "id": 39034, + "cuisine": "southern_us", + "ingredients": [ + "maida flour", + "baking powder", + "sugar", + "salt", + "butter" + ] + }, + { + "id": 3568, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "butter", + "ground cumin", + "tomatoes", + "Anaheim chile", + "adobo sauce", + "olive oil", + "corn tortillas", + "eggs", + "chili powder", + "onions" + ] + }, + { + "id": 11759, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "sour cream", + "garlic powder", + "ground coriander", + "chopped cilantro fresh", + "black beans", + "green chilies", + "corn tortillas", + "Mexican cheese blend", + "red enchilada sauce", + "ground cumin" + ] + }, + { + "id": 1786, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "green onions", + "prepar salsa", + "shredded reduced fat cheddar cheese", + "chili powder", + "onions", + "corn", + "brown rice", + "garlic", + "low-fat plain yogurt", + "flour tortillas", + "vegetable oil", + "cumin" + ] + }, + { + "id": 35559, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "hot sauce", + "chopped cilantro fresh", + "water", + "creamy peanut butter", + "fresh ginger root", + "coconut milk", + "fish sauce", + "garlic", + "fresh lime juice" + ] + }, + { + "id": 39709, + "cuisine": "chinese", + "ingredients": [ + "pork", + "wheat starch", + "tapioca", + "oil", + "celery", + "chicken broth", + "white pepper", + "jicama", + "dried shiitake mushrooms", + "carrots", + "boiling water", + "soy sauce", + "prawns", + "salt", + "oyster sauce", + "dried shrimp", + "brown sugar", + "radishes", + "cilantro", + "roasted peanuts", + "corn starch" + ] + }, + { + "id": 4646, + "cuisine": "jamaican", + "ingredients": [ + "green bell pepper", + "yellow bell pepper", + "green onions", + "red bell pepper", + "orange bell pepper", + "cilantro leaves", + "tomatoes", + "tomatillos", + "chopped garlic" + ] + }, + { + "id": 7120, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "rice vinegar", + "pickling salt", + "water", + "black peppercorns", + "daikon" + ] + }, + { + "id": 36060, + "cuisine": "mexican", + "ingredients": [ + "water", + "chives", + "shredded Monterey Jack cheese", + "guacamole", + "salt", + "fresh cilantro", + "canola oil cooking spray", + "black pepper", + "boneless skinless chicken breasts", + "corn tortillas" + ] + }, + { + "id": 29653, + "cuisine": "mexican", + "ingredients": [ + "water", + "Anaheim chile", + "salt", + "garlic cloves", + "ground turkey", + "iceberg lettuce", + "coriander seeds", + "diced tomatoes", + "bacon fat", + "red bell pepper", + "onions", + "olive oil", + "chili powder", + "mild cheddar cheese", + "pinto beans", + "corn tortillas", + "ground cumin", + "avocado", + "cayenne", + "cilantro", + "grated jack cheese", + "sour cream", + "dried oregano" + ] + }, + { + "id": 29085, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "garlic", + "ground cumin", + "pepper flakes", + "fresh ginger", + "top sirloin steak", + "corn starch", + "honey", + "vegetable oil", + "rice vinegar", + "chiles", + "green onions", + "ginger", + "chopped cilantro" + ] + }, + { + "id": 46366, + "cuisine": "french", + "ingredients": [ + "pasta", + "shallots", + "white wine vinegar", + "fresh parsley", + "water", + "dry mustard", + "freshly ground pepper", + "capers", + "fresh tarragon", + "salt", + "mussels", + "chopped fresh chives", + "extra-virgin olive oil", + "lemon juice" + ] + }, + { + "id": 39081, + "cuisine": "french", + "ingredients": [ + "sugar", + "whipping cream", + "semisweet chocolate", + "unsalted butter", + "raspberry liqueur", + "white chocolate", + "fresh raspberries" + ] + }, + { + "id": 36899, + "cuisine": "italian", + "ingredients": [ + "veal loin chops", + "red wine", + "balsamic vinegar", + "salt", + "ground black pepper", + "garlic", + "olive oil", + "vine ripened tomatoes", + "fresh herbs" + ] + }, + { + "id": 8813, + "cuisine": "southern_us", + "ingredients": [ + "light cream", + "crumbs", + "elbow macaroni", + "cheddar cheese", + "dijon mustard", + "salt", + "ground black pepper", + "butter", + "milk", + "flour", + "shredded cheese" + ] + }, + { + "id": 3044, + "cuisine": "indian", + "ingredients": [ + "cardamom pods", + "low-fat milk", + "finely ground coffee", + "sugar" + ] + }, + { + "id": 18180, + "cuisine": "korean", + "ingredients": [ + "baby bok choy", + "green onions", + "garlic", + "red bell pepper", + "jalapeno chilies", + "daikon", + "red miso", + "mushrooms", + "summer squash", + "medium firm tofu", + "water", + "sesame oil", + "hot sauce" + ] + }, + { + "id": 39812, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "shrimp", + "lemon wedge", + "fresh parsley", + "tomato sauce", + "garlic", + "rice pilaf", + "olive oil", + "smoked paprika" + ] + }, + { + "id": 40955, + "cuisine": "chinese", + "ingredients": [ + "water", + "ground pork", + "wine", + "shallots", + "five-spice powder", + "dark soy sauce", + "light soy sauce", + "garlic", + "sugar", + "vegetable oil" + ] + }, + { + "id": 33871, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "chopped fresh thyme", + "whole wheat breadcrumbs", + "pepper", + "salt", + "pears", + "pinenuts", + "heavy cream", + "chicken", + "ground cinnamon", + "peaches", + "sherry wine" + ] + }, + { + "id": 11853, + "cuisine": "indian", + "ingredients": [ + "kale", + "garlic", + "curry powder", + "sweet potatoes", + "white kidney beans", + "tomato sauce", + "olive oil", + "yellow onion", + "minced ginger", + "light coconut milk" + ] + }, + { + "id": 16680, + "cuisine": "southern_us", + "ingredients": [ + "egg whites", + "fresh lemon juice", + "yellow food coloring", + "white sugar", + "margarine spread", + "sweetened condensed milk", + "crumbs", + "fresh lime juice" + ] + }, + { + "id": 49662, + "cuisine": "italian", + "ingredients": [ + "triscuits", + "crackers", + "Philadelphia Light Cream Cheese", + "pesto", + "plum tomatoes", + "cheese" + ] + }, + { + "id": 8558, + "cuisine": "moroccan", + "ingredients": [ + "lemon", + "salt", + "chopped cilantro", + "pepper", + "paprika", + "ground cayenne pepper", + "green olives", + "salmon steaks", + "fresh lemon juice", + "ground cumin", + "olive oil", + "garlic", + "chopped parsley" + ] + }, + { + "id": 4886, + "cuisine": "italian", + "ingredients": [ + "ground ginger", + "sesame seeds", + "baking powder", + "grated orange", + "sugar", + "large eggs", + "salt", + "orange juice concentrate", + "baking soda", + "vanilla extract", + "large egg whites", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 31261, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "heavy cream", + "sharp cheddar cheese", + "chili", + "salt", + "monterey jack", + "pepper", + "turkey", + "ground beef", + "tomato paste", + "pepper jack", + "green chilies", + "chicken" + ] + }, + { + "id": 46269, + "cuisine": "chinese", + "ingredients": [ + "natural peanut butter", + "crushed red pepper flakes", + "chopped cilantro fresh", + "soy sauce", + "garlic", + "fettuccine pasta", + "vegetable broth", + "green onions", + "red bell pepper" + ] + }, + { + "id": 43943, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "pasta sauce", + "boneless skinless chicken breasts", + "mozzarella cheese" + ] + }, + { + "id": 2168, + "cuisine": "italian", + "ingredients": [ + "pepper", + "truffle oil", + "chanterelle", + "sherry vinegar", + "butter", + "milk", + "grated parmesan cheese", + "polenta", + "mascarpone", + "salt" + ] + }, + { + "id": 26170, + "cuisine": "thai", + "ingredients": [ + "low sodium soy sauce", + "creamy peanut butter", + "fresh ginger", + "cucumber", + "brown sugar", + "carrots", + "chicken breasts", + "fresh lime juice" + ] + }, + { + "id": 22446, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "unsalted butter", + "crushed red pepper flakes", + "kosher salt", + "beef stock", + "onions", + "sugar", + "potatoes", + "garlic cloves", + "parmesan cheese", + "butternut squash" + ] + }, + { + "id": 44877, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "olive oil", + "diced tomatoes", + "chickpeas", + "boneless chicken skinless thigh", + "parsley leaves", + "salt", + "ground turmeric", + "ground cinnamon", + "cayenne", + "garlic", + "carrots", + "chicken stock", + "kale", + "lemon", + "yellow onion", + "ground cumin" + ] + }, + { + "id": 45858, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "flank steak", + "asparagus spears", + "safflower oil", + "reduced sodium soy sauce", + "red miso", + "lime zest", + "ground black pepper", + "sesame oil", + "water", + "raw honey", + "carrots" + ] + }, + { + "id": 24950, + "cuisine": "southern_us", + "ingredients": [ + "egg whites", + "butter", + "confectioners sugar", + "water", + "baking powder", + "all-purpose flour", + "unsweetened cocoa powder", + "milk", + "vegetable oil", + "cream cheese", + "white cake mix", + "chocolate instant pudding", + "vanilla extract", + "white sugar" + ] + }, + { + "id": 16575, + "cuisine": "jamaican", + "ingredients": [ + "curry powder", + "salt", + "onions", + "extra-virgin olive oil", + "shrimp", + "serrano chile", + "dried thyme", + "scallions", + "broth", + "lite coconut milk", + "garlic", + "celery", + "mango" + ] + }, + { + "id": 24440, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "arugula", + "pecorino romano cheese", + "balsamic vinegar", + "pears", + "sugar", + "focaccia" + ] + }, + { + "id": 10707, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "olive oil", + "shrimp", + "baby spinach leaves", + "kalamata", + "dried oregano", + "sugar", + "red wine vinegar", + "feta cheese crumbles", + "pepper", + "salt" + ] + }, + { + "id": 20753, + "cuisine": "mexican", + "ingredients": [ + "fresh oregano leaves", + "crema mexican", + "lemon juice", + "tomatoes", + "olive oil", + "salt", + "cotija", + "finely chopped onion", + "white fleshed fish", + "avocado", + "pepper", + "lemon wedge", + "corn tortillas" + ] + }, + { + "id": 16267, + "cuisine": "italian", + "ingredients": [ + "eggs", + "ground black pepper", + "chicken-flavored soup powder", + "romano cheese", + "manicotti pasta", + "garlic salt", + "tomato sauce", + "part-skim ricotta cheese", + "onions", + "frozen chopped spinach", + "dried thyme", + "shredded mozzarella cheese" + ] + }, + { + "id": 25752, + "cuisine": "mexican", + "ingredients": [ + "reduced fat sharp cheddar cheese", + "water", + "salsa", + "fat free less sodium chicken broth", + "kidney beans", + "dried oregano", + "tomato sauce", + "dried basil", + "baked tortilla chips", + "minced garlic", + "frozen whole kernel corn" + ] + }, + { + "id": 8942, + "cuisine": "japanese", + "ingredients": [ + "wasabi", + "brown rice", + "smoked salmon", + "nori sheets", + "sesame seeds", + "cucumber", + "avocado", + "shoyu" + ] + }, + { + "id": 9002, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "worcestershire sauce", + "lemon juice", + "butter", + "ground rosemary", + "Tabasco Pepper Sauce", + "sea salt", + "shrimp", + "lemon", + "garlic" + ] + }, + { + "id": 19510, + "cuisine": "spanish", + "ingredients": [ + "sherry vinegar", + "extra-virgin olive oil", + "onions", + "kosher salt", + "smoked sweet Spanish paprika", + "garlic cloves", + "roasted red peppers", + "pain au levain", + "almonds", + "crushed red pepper flakes", + "lemon juice" + ] + }, + { + "id": 6445, + "cuisine": "mexican", + "ingredients": [ + "water", + "large flour tortillas", + "tomatoes", + "Mexican cheese blend", + "sour cream", + "lettuce", + "taco seasoning mix", + "cheese", + "tostada shells", + "cooking spray", + "ground beef" + ] + }, + { + "id": 46096, + "cuisine": "british", + "ingredients": [ + "coffee granules", + "baking powder", + "whipping cream", + "eggs", + "unsalted butter", + "dates", + "boiling water", + "baking soda", + "butter", + "salt", + "brown sugar", + "flour", + "vanilla" + ] + }, + { + "id": 18712, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "french bread", + "hot sauce", + "reduced fat mayonnaise", + "ground black pepper", + "worcestershire sauce", + "cajun seasoning mix", + "romaine lettuce", + "buttermilk", + "fry mix", + "catfish fillets", + "dijon mustard", + "salt", + "olive oil cooking spray" + ] + }, + { + "id": 28952, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "taco seasoning", + "olive oil", + "water", + "seasoning", + "chicken breasts" + ] + }, + { + "id": 13812, + "cuisine": "southern_us", + "ingredients": [ + "minced onion", + "salt", + "vegetable oil", + "collard greens", + "garlic cloves" + ] + }, + { + "id": 8721, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salted roast peanuts", + "water", + "vanilla extract", + "unsalted butter", + "salt", + "light corn syrup" + ] + }, + { + "id": 24556, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "salt", + "butter", + "sugar", + "all-purpose flour", + "yellow corn meal", + "apple cider" + ] + }, + { + "id": 8008, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "bosc pears", + "corn starch", + "vanilla beans", + "large eggs", + "salt", + "almond flour", + "whole milk", + "all-purpose flour", + "sugar", + "unsalted butter", + "phyllo" + ] + }, + { + "id": 6818, + "cuisine": "italian", + "ingredients": [ + "pasta", + "mozzarella cheese", + "unsalted butter", + "tomato sauce", + "broccoli rabe", + "boiling water", + "tomatoes", + "milk", + "all-purpose flour", + "sausage casings", + "olive oil", + "onions" + ] + }, + { + "id": 33344, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "chili powder", + "cumin", + "flour tortillas", + "salsa", + "leftover meat", + "frozen corn", + "monterey jack", + "black beans", + "bell pepper", + "yellow onion" + ] + }, + { + "id": 1779, + "cuisine": "japanese", + "ingredients": [ + "msg", + "vegetable oil", + "onions", + "chicken broth", + "mushrooms", + "beef sirloin", + "white sugar", + "water chestnuts", + "chopped celery", + "bamboo shoots", + "soy sauce", + "green onions", + "corn starch" + ] + }, + { + "id": 729, + "cuisine": "moroccan", + "ingredients": [ + "spices", + "pork loin chops", + "chicken broth", + "apples", + "pears", + "butter", + "onions", + "vegetable oil", + "salt" + ] + }, + { + "id": 18227, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "peeled fresh ginger", + "baby spinach", + "salt", + "carrots", + "green bell pepper", + "olive oil", + "baking potatoes", + "light coconut milk", + "garlic cloves", + "curry powder", + "lemon wedge", + "vegetable broth", + "chopped onion", + "serrano chile", + "black pepper", + "ground red pepper", + "diced tomatoes", + "chickpeas", + "green beans" + ] + }, + { + "id": 36207, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "bay leaves", + "tomato purée", + "beef tenderloin steaks", + "brine-cured olives", + "extra-virgin olive oil" + ] + }, + { + "id": 7644, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "yellow onion", + "kosher salt", + "ziti", + "red bell pepper", + "grated parmesan cheese", + "garlic cloves", + "mozzarella cheese", + "diced tomatoes" + ] + }, + { + "id": 36154, + "cuisine": "italian", + "ingredients": [ + "all purpose unbleached flour", + "warm water", + "active dry yeast", + "salt" + ] + }, + { + "id": 45550, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "simple syrup", + "mint sprigs", + "ice" + ] + }, + { + "id": 47865, + "cuisine": "mexican", + "ingredients": [ + "honey", + "shredded sharp cheddar cheese", + "barbecue sauce", + "boneless skinless chicken breast halves", + "flour tortillas", + "onions", + "vegetable oil", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 30913, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "water", + "green onions", + "garlic", + "lemon juice", + "fresh parsley", + "white button mushrooms", + "shredded cheddar cheese", + "grated parmesan cheese", + "bacon", + "peanut oil", + "celery", + "shrimp stock", + "pepper", + "unsalted butter", + "parsley", + "cayenne pepper", + "shrimp", + "black pepper", + "vegetables", + "Tabasco Pepper Sauce", + "salt", + "carrots", + "grits" + ] + }, + { + "id": 10055, + "cuisine": "chinese", + "ingredients": [ + "warm water", + "hoisin sauce", + "ground chicken breast", + "cilantro leaves", + "corn starch", + "dark soy sauce", + "lime juice", + "water chestnuts", + "garlic", + "scallions", + "iceberg lettuce", + "soy sauce", + "cooking oil", + "Mae Ploy Sweet Chili Sauce", + "dried shiitake mushrooms", + "ground white pepper", + "sugar", + "Sriracha", + "Shaoxing wine", + "salt", + "oyster sauce" + ] + }, + { + "id": 40687, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "corn tortillas", + "enchilada sauce", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 11171, + "cuisine": "british", + "ingredients": [ + "top round steak", + "whole milk", + "sharp cheddar cheese", + "large eggs", + "all-purpose flour", + "plum tomatoes", + "kosher salt", + "vegetable oil", + "freshly ground pepper", + "unsalted butter", + "worcestershire sauce", + "scallions" + ] + }, + { + "id": 49062, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "garlic", + "onions", + "potatoes", + "long-grain rice", + "water", + "salt", + "butter", + "bay leaf" + ] + }, + { + "id": 27438, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "shredded sharp cheddar cheese", + "chicken", + "flour tortillas", + "shredded mozzarella cheese", + "olive oil", + "shredded pepper jack cheese", + "roma tomatoes", + "sour cream" + ] + }, + { + "id": 38601, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "scallions", + "extra-virgin olive oil", + "chopped fresh mint", + "artichok heart marin", + "country loaf", + "parmesan cheese", + "purple onion", + "frozen peas" + ] + }, + { + "id": 41188, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "worcestershire sauce", + "garlic cloves", + "onions", + "celery ribs", + "quickcooking grits", + "all-purpose flour", + "shrimp", + "tomato paste", + "vegetable oil", + "creole seasoning", + "bay leaf", + "milk", + "salt", + "lemon juice" + ] + }, + { + "id": 1748, + "cuisine": "southern_us", + "ingredients": [ + "paprika", + "kosher salt", + "chicken pieces", + "black pepper", + "garlic", + "buttermilk" + ] + }, + { + "id": 30041, + "cuisine": "mexican", + "ingredients": [ + "coriander seeds", + "garlic cloves", + "water", + "cilantro leaves", + "onions", + "canned black beans", + "salt", + "fresh lime juice", + "corn", + "long-grain rice", + "ground cumin" + ] + }, + { + "id": 1925, + "cuisine": "thai", + "ingredients": [ + "salt", + "white sugar", + "mint", + "coconut milk", + "corn starch", + "mango", + "sticky rice", + "toasted sesame seeds" + ] + }, + { + "id": 624, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "butter", + "salt", + "garlic powder", + "worcestershire sauce", + "sharp cheddar cheese", + "baking powder", + "sea salt", + "sweet paprika", + "diced pimentos", + "buttermilk", + "all-purpose flour" + ] + }, + { + "id": 13298, + "cuisine": "italian", + "ingredients": [ + "semolina", + "cracked black pepper", + "bread flour", + "warm water", + "pecorino romano cheese", + "salt", + "cooking spray", + "crushed red pepper", + "dry yeast", + "extra-virgin olive oil" + ] + }, + { + "id": 12785, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "green onions", + "white sesame seeds", + "dark soy sauce", + "light soy sauce", + "beef tenderloin", + "water", + "sesame oil", + "onions", + "sugar", + "fresh ginger", + "garlic cloves" + ] + }, + { + "id": 40775, + "cuisine": "mexican", + "ingredients": [ + "fat free less sodium chicken broth", + "diced tomatoes", + "unsweetened chocolate", + "fresh lime juice", + "ground black pepper", + "chopped onion", + "ancho chile pepper", + "unsweetened cocoa powder", + "olive oil", + "salt", + "garlic cloves", + "chipotle chile powder", + "ground cinnamon", + "raisins", + "blanched almonds", + "corn tortillas" + ] + }, + { + "id": 46433, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "large eggs", + "plain breadcrumbs", + "water", + "vegetable oil", + "long grain white rice", + "black pepper", + "whole milk", + "scallions", + "unsalted butter", + "salt" + ] + }, + { + "id": 21968, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "garnish", + "veal stock", + "large egg whites", + "plum tomatoes", + "kosher salt", + "celery", + "black peppercorns", + "ground sirloin" + ] + }, + { + "id": 21470, + "cuisine": "chinese", + "ingredients": [ + "water", + "peeled fresh ginger", + "dry sherry", + "corn starch", + "spinach", + "water chestnuts", + "sesame oil", + "salt", + "eggs", + "light soy sauce", + "green onions", + "ground pork", + "ginger juice", + "low sodium chicken broth", + "wonton wrappers", + "shrimp" + ] + }, + { + "id": 35548, + "cuisine": "italian", + "ingredients": [ + "water", + "fresh lemon juice", + "garlic cloves", + "saffron threads", + "canola mayonnaise" + ] + }, + { + "id": 37636, + "cuisine": "southern_us", + "ingredients": [ + "ground cloves", + "red food coloring", + "watermelon", + "cinnamon sticks", + "water", + "salt", + "lemon", + "white sugar" + ] + }, + { + "id": 14027, + "cuisine": "italian", + "ingredients": [ + "fronds", + "carrots", + "chopped fresh thyme", + "pecorino cheese", + "extra-virgin olive oil", + "fennel bulb" + ] + }, + { + "id": 23042, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "green onions", + "garlic cloves", + "sesame seeds", + "red pepper flakes", + "fresh ginger", + "sesame oil", + "ground beef", + "brown sugar", + "ground black pepper", + "salt" + ] + }, + { + "id": 43762, + "cuisine": "italian", + "ingredients": [ + "red potato", + "garlic", + "kale", + "onions", + "water", + "heavy whipping cream", + "italian sausage", + "bacon", + "chicken" + ] + }, + { + "id": 15477, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "salt", + "dried tarragon leaves", + "shallots", + "melted butter", + "dry white wine", + "ground black pepper", + "white wine vinegar" + ] + }, + { + "id": 17407, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "sesame oil", + "garlic cloves", + "low sodium soy sauce", + "lettuce leaves", + "crushed red pepper", + "shiitake mushroom caps", + "cremini mushrooms", + "green onions", + "chinese cabbage", + "chopped cilantro fresh", + "water chestnuts", + "ground chicken breast", + "oyster sauce" + ] + }, + { + "id": 13652, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "low fat mozzarella", + "pasta sauce", + "finely chopped onion", + "Italian turkey sausage", + "eggs", + "low-fat cottage cheese", + "salt", + "minced garlic", + "whole wheat spaghetti", + "italian seasoning" + ] + }, + { + "id": 19554, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "spaghetti", + "reduced sodium soy sauce", + "garlic powder", + "stir fry vegetable blend", + "beef gravy", + "ground beef" + ] + }, + { + "id": 26788, + "cuisine": "mexican", + "ingredients": [ + "bread", + "sliced turkey", + "mayonaise", + "chipotle chile powder", + "cheddar cheese", + "cooked bacon", + "sprouts" + ] + }, + { + "id": 1235, + "cuisine": "brazilian", + "ingredients": [ + "water", + "margarine", + "brown sugar", + "bananas", + "whole wheat flour", + "toasted wheat germ", + "rolled oats", + "cinnamon" + ] + }, + { + "id": 46074, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic cloves", + "bread", + "balsamic vinegar", + "parmesan cheese", + "frozen peas", + "mint", + "extra-virgin olive oil" + ] + }, + { + "id": 32428, + "cuisine": "french", + "ingredients": [ + "bittersweet chocolate", + "large egg whites", + "sugar", + "large egg yolks" + ] + }, + { + "id": 24384, + "cuisine": "french", + "ingredients": [ + "kidney beans", + "vanilla extract", + "confectioners sugar", + "frozen pastry puff sheets", + "all-purpose flour", + "unsalted butter", + "salt", + "white sugar", + "eggs", + "almond extract", + "almond paste" + ] + }, + { + "id": 27497, + "cuisine": "french", + "ingredients": [ + "brown sugar", + "large egg yolks", + "butter", + "large egg whites", + "large eggs", + "salt", + "cream of tartar", + "fat free milk", + "cooking spray", + "all-purpose flour", + "vanilla beans", + "granulated sugar", + "vanilla extract" + ] + }, + { + "id": 13507, + "cuisine": "indian", + "ingredients": [ + "tomato sauce", + "large eggs", + "cayenne pepper", + "onions", + "prunes", + "vegetables", + "vegetable oil", + "garlic cloves", + "ground turmeric", + "flatbread", + "garam masala", + "coarse salt", + "bay leaf", + "ground lamb", + "bread crumb fresh", + "peeled fresh ginger", + "ground coriander", + "chopped cilantro fresh" + ] + }, + { + "id": 885, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "thai chile", + "toasted sesame oil", + "lemongrass", + "reduced sodium soy sauce", + "carrots", + "asian noodles", + "olive oil", + "rice vinegar", + "cashew nuts", + "meal", + "pea pods", + "fresh asparagus" + ] + }, + { + "id": 41953, + "cuisine": "indian", + "ingredients": [ + "coriander powder", + "wheat flour", + "moong dal", + "salt", + "ground cumin", + "garam masala", + "oil", + "chili powder", + "ground turmeric" + ] + }, + { + "id": 48646, + "cuisine": "mexican", + "ingredients": [ + "balsamic vinegar", + "chili", + "garlic", + "black beans", + "worcestershire sauce", + "olive oil" + ] + }, + { + "id": 30156, + "cuisine": "mexican", + "ingredients": [ + "canela", + "blackberries", + "sugar", + "masa harina" + ] + }, + { + "id": 9796, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "crushed red pepper flakes", + "garlic cloves", + "white wine", + "ground black pepper", + "purple onion", + "juice", + "olive oil", + "littleneck clams", + "fresh parsley leaves", + "kosher salt", + "vegetable stock", + "zest", + "linguini" + ] + }, + { + "id": 39100, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "enchilada sauce", + "boneless skinless chicken breast halves", + "chili powder", + "corn tortillas", + "ground cumin", + "colby cheese", + "sour cream", + "iceberg lettuce", + "vegetable oil", + "onions" + ] + }, + { + "id": 22379, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "onions", + "salt", + "potatoes", + "corned beef", + "pepper", + "fresh parsley" + ] + }, + { + "id": 21772, + "cuisine": "french", + "ingredients": [ + "water", + "salt", + "capers", + "parsley", + "onions", + "vinegar", + "bay leaf", + "pepper", + "butter", + "skate" + ] + }, + { + "id": 11645, + "cuisine": "indian", + "ingredients": [ + "spinach", + "eggplant", + "raisins", + "orange juice", + "onions", + "curry powder", + "zucchini", + "garlic", + "carrots", + "green bell pepper", + "garbanzo beans", + "sea salt", + "blanched almonds", + "ground turmeric", + "ground cinnamon", + "olive oil", + "sweet potatoes", + "cayenne pepper", + "red bell pepper" + ] + }, + { + "id": 2135, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "unsalted butter", + "fine sea salt", + "asparagus", + "shallots", + "fresh peas" + ] + }, + { + "id": 41506, + "cuisine": "italian", + "ingredients": [ + "butter", + "fresh lemon juice", + "sugar", + "salt", + "ground cinnamon", + "1% low-fat milk", + "polenta", + "honey", + "frozen mixed berries" + ] + }, + { + "id": 20925, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "black pepper", + "active dry yeast", + "butter", + "salt", + "bread flour", + "warm water", + "milk", + "boneless skinless chicken breasts", + "garlic", + "white sugar", + "tomato sauce", + "minced garlic", + "jalapeno chilies", + "paprika", + "lemon juice", + "eggs", + "plain yogurt", + "fresh ginger", + "heavy cream", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 21595, + "cuisine": "southern_us", + "ingredients": [ + "saltines", + "paprika", + "cajun seasoning", + "skinless chicken breasts", + "garlic powder", + "salt", + "buttermilk", + "fresh parsley" + ] + }, + { + "id": 32534, + "cuisine": "greek", + "ingredients": [ + "herbs", + "cheese", + "sea salt", + "nonfat plain greek yogurt", + "extra-virgin olive oil" + ] + }, + { + "id": 46013, + "cuisine": "italian", + "ingredients": [ + "kale", + "marinara sauce", + "garlic", + "shredded mozzarella cheese", + "dried basil", + "ground black pepper", + "crushed red pepper flakes", + "pizza doughs", + "Gold Medal Flour", + "parmesan cheese", + "ricotta cheese", + "yellow onion", + "olive oil", + "mushrooms", + "salt" + ] + }, + { + "id": 19386, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "sesame oil", + "white sugar", + "fresh ginger", + "garlic", + "black pepper", + "red pepper flakes", + "mirin", + "rice vinegar" + ] + }, + { + "id": 32672, + "cuisine": "italian", + "ingredients": [ + "cooked turkey", + "portabello mushroom", + "fresh parsley", + "Alfredo sauce", + "shredded mozzarella cheese", + "frozen chopped spinach", + "ricotta cheese", + "oven-ready lasagna noodles", + "parmesan cheese", + "salt" + ] + }, + { + "id": 5459, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "jalapeno chilies", + "red bell pepper", + "low sodium soy sauce", + "fresh ginger", + "boneless skinless chicken breasts", + "onions", + "fresh cilantro", + "green onions", + "fresh lime juice", + "fresh basil", + "zucchini", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 35397, + "cuisine": "italian", + "ingredients": [ + "capers", + "whole milk", + "anchovy fillets", + "unsalted butter", + "fresh mozzarella", + "flat leaf parsley", + "olive oil", + "pane di casa", + "fresh lemon juice", + "large eggs", + "dry bread crumbs" + ] + }, + { + "id": 4221, + "cuisine": "spanish", + "ingredients": [ + "capers", + "tomato juice", + "salt", + "flat leaf parsley", + "green olives", + "sherry vinegar", + "purple onion", + "garlic cloves", + "mahi mahi", + "extra-virgin olive oil", + "freshly ground pepper", + "pitted black olives", + "red pepper", + "green pepper", + "brine" + ] + }, + { + "id": 6525, + "cuisine": "korean", + "ingredients": [ + "russet potatoes", + "gala apples", + "white pepper", + "celery", + "sugar", + "salt", + "pears", + "Kewpie Mayonnaise", + "toasted sesame seeds" + ] + }, + { + "id": 36145, + "cuisine": "japanese", + "ingredients": [ + "fresh leav spinach", + "agave nectar", + "tamari soy sauce", + "sesame seeds", + "green onions", + "water", + "extra firm tofu", + "peanut butter", + "white miso", + "sesame oil" + ] + }, + { + "id": 33756, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "onions", + "salt", + "garlic", + "ground lamb", + "tomato paste", + "beef broth" + ] + }, + { + "id": 9687, + "cuisine": "thai", + "ingredients": [ + "chile paste with garlic", + "lime wedges", + "chopped onion", + "water", + "light coconut milk", + "canola oil", + "sugar", + "diced tomatoes", + "garlic cloves", + "peeled fresh ginger", + "salt" + ] + }, + { + "id": 15787, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "vinegar", + "salt", + "onions", + "tomatoes", + "coriander powder", + "poppy seeds", + "green chilies", + "ground turmeric", + "minced ginger", + "chili powder", + "cilantro leaves", + "cashew nuts", + "grated coconut", + "beef", + "garlic", + "oil", + "masala" + ] + }, + { + "id": 18703, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "black beans", + "vegetables", + "paprika", + "garlic", + "scallions", + "rub", + "soy sauce", + "lime juice", + "jalapeno chilies", + "crushed red pepper flakes", + "yellow onion", + "ground cumin", + "avocado", + "jack cheese", + "water", + "radishes", + "cilantro", + "salt", + "cucumber", + "tomatoes", + "black pepper", + "olive oil", + "worcestershire sauce", + "ginger", + "ear of corn" + ] + }, + { + "id": 17446, + "cuisine": "french", + "ingredients": [ + "fresh leav spinach", + "ground white pepper", + "extra-virgin olive oil", + "coarse kosher salt", + "roasted garlic", + "large eggs", + "heavy whipping cream" + ] + }, + { + "id": 39033, + "cuisine": "italian", + "ingredients": [ + "sugar", + "egg yolks", + "pound cake", + "mascarpone", + "vanilla extract", + "raspberries", + "whipping cream", + "marsala wine", + "cinnamon" + ] + }, + { + "id": 15713, + "cuisine": "russian", + "ingredients": [ + "water", + "egg yolks", + "sour cream", + "egg whites", + "salt", + "yeast", + "milk", + "butter", + "caviar", + "sugar", + "flour", + "buckwheat flour" + ] + }, + { + "id": 38642, + "cuisine": "french", + "ingredients": [ + "grated parmesan cheese", + "grated Gruyère cheese", + "large egg yolks", + "all-purpose flour", + "freshly ground pepper", + "kosher salt", + "whole milk", + "xanthan gum", + "unsalted butter", + "grated nutmeg" + ] + }, + { + "id": 7019, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "pork shoulder butt", + "extra-virgin olive oil", + "chopped cilantro", + "cayenne", + "kalamata", + "lemon juice", + "pepper", + "dry white wine", + "garlic cloves", + "cider vinegar", + "potatoes", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 25704, + "cuisine": "greek", + "ingredients": [ + "tomato sauce", + "fresh green bean", + "bay leaf", + "water", + "salt", + "dried parsley", + "pepper", + "diced tomatoes", + "onions", + "olive oil", + "lemon juice" + ] + }, + { + "id": 16, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "fat free reduced sodium chicken broth", + "garlic cloves", + "fresh ginger", + "green peas", + "onions", + "fresh cilantro", + "diced tomatoes", + "cooked shrimp", + "red potato", + "vegetable oil", + "salt" + ] + }, + { + "id": 13028, + "cuisine": "southern_us", + "ingredients": [ + "seasoning", + "green onions", + "garlic cloves", + "bread crumbs", + "deveined shrimp", + "red bell pepper", + "mayonaise", + "vegetable oil", + "fresh lemon juice", + "large eggs", + "sauce" + ] + }, + { + "id": 35585, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "chopped onion", + "marsala wine", + "butter", + "italian seasoning", + "pasta sauce", + "Alfredo sauce", + "fresh mushrooms", + "water", + "beef stew meat" + ] + }, + { + "id": 19923, + "cuisine": "cajun_creole", + "ingredients": [ + "ground red pepper", + "mayonaise", + "fresh parsley", + "creole mustard", + "garlic cloves", + "green onions", + "sliced green onions" + ] + }, + { + "id": 18331, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "salt", + "fresh lemon juice", + "ground turmeric", + "butter", + "ground coriander", + "chopped cilantro fresh", + "peeled fresh ginger", + "cayenne pepper", + "chicken pieces", + "ground cumin", + "saffron threads", + "purple onion", + "garlic cloves", + "plain whole-milk yogurt" + ] + }, + { + "id": 11367, + "cuisine": "french", + "ingredients": [ + "capers", + "fresh herbs", + "olive oil", + "cornmeal", + "basil", + "olives", + "rosemary", + "bread dough" + ] + }, + { + "id": 28287, + "cuisine": "italian", + "ingredients": [ + "capers", + "extra-virgin olive oil", + "penne pasta", + "fresh basil", + "red wine", + "crushed red pepper", + "sliced mushrooms", + "tomatoes", + "ground black pepper", + "garlic", + "anchovy filets", + "green olives", + "bacon", + "salt", + "onions" + ] + }, + { + "id": 45613, + "cuisine": "vietnamese", + "ingredients": [ + "homemade chicken stock", + "lime juice", + "granulated sugar", + "ginger", + "yellow onion", + "fish sauce", + "black pepper", + "pearl onions", + "vegetable oil", + "purple onion", + "clove", + "beans", + "lime", + "boneless skinless chicken breasts", + "star anise", + "sugar", + "kosher salt", + "coriander seeds", + "cilantro", + "dried rice noodles" + ] + }, + { + "id": 7430, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "ragu cheesi classic alfredo sauc", + "cajun seasoning", + "boneless skinless chicken breasts", + "fettucine", + "butter" + ] + }, + { + "id": 12467, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "diced ham", + "onions", + "tomato paste", + "stewed tomatoes", + "medium shrimp", + "clove", + "vegetable oil", + "celery", + "long grain white rice", + "green bell pepper", + "garlic", + "fresh parsley" + ] + }, + { + "id": 38087, + "cuisine": "italian", + "ingredients": [ + "carbonated water", + "lemonade concentrate", + "orange juice", + "pineapple juice", + "zinfandel" + ] + }, + { + "id": 49519, + "cuisine": "french", + "ingredients": [ + "minced garlic", + "chopped parsley", + "chives", + "wild mushrooms", + "shallots", + "unsalted butter", + "tarragon" + ] + }, + { + "id": 30999, + "cuisine": "jamaican", + "ingredients": [ + "ground cloves", + "onion powder", + "mustard seeds", + "ground pepper", + "cayenne pepper", + "dried thyme", + "salt", + "onions", + "sugar", + "ground nutmeg", + "ground allspice" + ] + }, + { + "id": 3885, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "fresh marjoram", + "minced garlic", + "olive oil", + "garlic powder", + "large eggs", + "Alfredo sauce", + "vegetable oil", + "cajun seasoning", + "shredded romano cheese", + "basil dried leaves", + "salt", + "cayenne pepper", + "scallions", + "red bell pepper", + "boneless skinless chicken breast halves", + "soba", + "pasta sauce", + "kosher salt", + "milk", + "fresh ginger", + "ground black pepper", + "flour", + "cooked chicken", + "coarse salt", + "lemon", + "diced tomatoes", + "garlic", + "rice vinegar", + "Neufchâtel", + "garlic cloves", + "dried parsley", + "frozen artichoke hearts", + "penne", + "pepper", + "sweet onion", + "part-skim mozzarella cheese", + "parmigiano reggiano cheese", + "basil leaves", + "onion powder", + "red wine vinegar", + "red pepper flakes", + "orzo", + "crushed red pepper", + "all-purpose flour", + "freshly ground pepper", + "sliced mushrooms", + "panko breadcrumbs", + "plum tomatoes", + "fresh basil", + "fresh leav spinach", + "water", + "sun-dried tomatoes", + "ground pepper", + "grated parmesan cheese", + "boneless skinless chicken breasts", + "chicken cutlets", + "butter", + "multi-grain penne pasta", + "extra-virgin olive oil", + "cilantro leaves", + "green pepper", + "shredded mozzarella cheese", + "fresh parsley", + "spaghetti" + ] + }, + { + "id": 43547, + "cuisine": "japanese", + "ingredients": [ + "almond extract", + "french baguette", + "butter", + "granulated sugar" + ] + }, + { + "id": 21292, + "cuisine": "southern_us", + "ingredients": [ + "vinegar", + "onions", + "water", + "salt", + "ground black pepper", + "hot sauce", + "mustard", + "bacon" + ] + }, + { + "id": 13779, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "vegetable oil", + "snow peas", + "soy sauce", + "corn starch", + "avocado", + "green onions", + "boneless skinless chicken breast halves", + "cremini mushrooms", + "garlic" + ] + }, + { + "id": 27058, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "butter", + "garlic", + "olive oil", + "currant", + "flat leaf parsley", + "water", + "red pepper flakes", + "salt", + "cauliflower", + "grated parmesan cheese", + "linguine" + ] + }, + { + "id": 100, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "avocado", + "shallots", + "tomatoes", + "garlic", + "chili", + "chopped cilantro fresh" + ] + }, + { + "id": 7202, + "cuisine": "italian", + "ingredients": [ + "italian seasoning", + "olive oil", + "kosher salt", + "almonds" + ] + }, + { + "id": 36026, + "cuisine": "italian", + "ingredients": [ + "flour", + "confectioners sugar", + "eggs", + "salt", + "melted butter", + "baking powder", + "sugar", + "walnuts" + ] + }, + { + "id": 26513, + "cuisine": "japanese", + "ingredients": [ + "seaweed", + "salt", + "rice", + "sugar" + ] + }, + { + "id": 27587, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "cooking oil", + "salt", + "beef", + "garlic", + "coriander", + "ground black pepper", + "pineapple", + "onions", + "sugar", + "tapioca starch", + "scallions" + ] + }, + { + "id": 47419, + "cuisine": "thai", + "ingredients": [ + "cherry tomatoes", + "shrimp", + "galangal", + "lemongrass", + "cilantro leaves", + "lime leaves", + "fish sauce", + "low sodium chicken broth", + "white mushrooms", + "lime", + "garlic chili sauce", + "bird chile" + ] + }, + { + "id": 8865, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "fresh lemon juice", + "fresh oregano leaves", + "garlic cloves", + "fresh rosemary", + "grated lemon zest", + "salt" + ] + }, + { + "id": 18085, + "cuisine": "french", + "ingredients": [ + "red leaf lettuce", + "salt", + "chicken livers", + "baguette", + "dry red wine", + "cognac", + "vegetable oil spray", + "toasted walnuts", + "low salt chicken broth", + "fresh chives", + "unsalted butter", + "black mission figs", + "onions" + ] + }, + { + "id": 31932, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "peanut oil", + "water", + "walnut halves", + "glaze" + ] + }, + { + "id": 24033, + "cuisine": "italian", + "ingredients": [ + "ground ginger", + "water", + "salt", + "warm water", + "golden raisins", + "bread flour", + "melted butter", + "instant yeast", + "white sugar", + "fennel seeds", + "molasses", + "rye flour" + ] + }, + { + "id": 9070, + "cuisine": "mexican", + "ingredients": [ + "water", + "brown rice", + "salt", + "sour cream", + "pepper", + "green onions", + "yellow corn", + "shrimp", + "avocado", + "flour tortillas", + "butter", + "salsa", + "onions", + "black beans", + "bell pepper", + "heavy cream", + "garlic cloves" + ] + }, + { + "id": 7225, + "cuisine": "chinese", + "ingredients": [ + "water", + "salt", + "sugar", + "ginger", + "oil", + "dark soy sauce", + "rice wine", + "scallions", + "soy sauce", + "star anise", + "chicken" + ] + }, + { + "id": 10741, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh basil", + "ground black pepper", + "bay leaves", + "butter", + "cayenne pepper", + "fresh parsley", + "chicken stock", + "dried thyme", + "minced onion", + "baking powder", + "salt", + "red bell pepper", + "dried oregano", + "minced garlic", + "hot pepper sauce", + "green onions", + "buttermilk", + "ground white pepper", + "white sugar", + "eggs", + "evaporated milk", + "jalapeno chilies", + "onion powder", + "all-purpose flour", + "cornmeal" + ] + }, + { + "id": 24283, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "sunflower oil", + "dried oregano", + "ground cinnamon", + "stewing beef", + "garlic cloves", + "plain flour", + "chopped tomatoes", + "ginger", + "ground cumin", + "white onion", + "beef stock", + "chipotle paste" + ] + }, + { + "id": 29298, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "chili powder", + "dijon mustard", + "fresh lime juice", + "olive oil", + "sea salt", + "pepper", + "boneless skinless chicken breasts" + ] + }, + { + "id": 3808, + "cuisine": "mexican", + "ingredients": [ + "canned black beans", + "pepper", + "low sodium chicken broth", + "diced tomatoes", + "sweet peas", + "red bell pepper", + "onions", + "avocado", + "black beans", + "olive oil", + "colby jack cheese", + "black olives", + "long-grain rice", + "ground turkey", + "black pepper", + "corn kernels", + "green onions", + "garlic", + "cayenne pepper", + "sour cream", + "cumin", + "fire roasted diced tomatoes", + "kosher salt", + "jalapeno chilies", + "chili powder", + "salt", + "smoked paprika", + "chopped cilantro" + ] + }, + { + "id": 11503, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "water", + "cayenne", + "chile pepper", + "corn tortillas", + "canola oil", + "black beans", + "lime", + "green onions", + "sauce", + "garlic salt", + "cotija", + "milk", + "flour", + "cilantro leaves", + "panko breadcrumbs", + "avocado", + "kosher salt", + "cherry tomatoes", + "chili powder", + "sour cream", + "cabbage" + ] + }, + { + "id": 12188, + "cuisine": "southern_us", + "ingredients": [ + "liqueur", + "bourbon whiskey", + "fresh mint", + "sweet tea" + ] + }, + { + "id": 10578, + "cuisine": "mexican", + "ingredients": [ + "lime", + "cheese", + "thyme", + "onions", + "avocado", + "Mexican oregano", + "salt", + "chipotle peppers", + "roma tomatoes", + "garlic", + "bay leaf", + "black pepper", + "cilantro", + "mexican chorizo", + "pork shoulder" + ] + }, + { + "id": 33678, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "parsnips", + "leeks", + "salt", + "flat leaf parsley", + "chicken", + "chicken stock", + "water", + "extra-virgin olive oil", + "California bay leaves", + "boiling potatoes", + "clove", + "black pepper", + "watercress", + "garlic cloves", + "onions", + "capers", + "fresh thyme", + "garlic", + "carrots", + "celery root" + ] + }, + { + "id": 18600, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "balsamic vinegar", + "salt", + "chopped parsley", + "black-eyed peas", + "yellow bell pepper", + "garlic cloves", + "onions", + "jalapeno chilies", + "bacon slices", + "red bell pepper", + "ground cumin", + "olive oil", + "red wine vinegar", + "freshly ground pepper", + "fresh parsley" + ] + }, + { + "id": 45262, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "olive oil", + "balsamic vinegar", + "yellow onion", + "cherry tomatoes", + "baby arugula", + "salt", + "fresh lemon juice", + "water", + "asparagus", + "crushed red pepper", + "garlic cloves", + "pinenuts", + "ground black pepper", + "pecorino romano cheese", + "chickpeas" + ] + }, + { + "id": 23914, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "herbs", + "basil", + "rice vinegar", + "cucumber", + "fish sauce", + "ground black pepper", + "balm", + "garlic", + "garlic cloves", + "mint", + "pork chops", + "shallots", + "thai chile", + "peanut oil", + "rice paper", + "lettuce", + "Vietnamese coriander", + "hoisin sauce", + "cilantro", + "creamy peanut butter", + "beansprouts" + ] + }, + { + "id": 30983, + "cuisine": "southern_us", + "ingredients": [ + "brandy", + "caramel topping", + "salt" + ] + }, + { + "id": 41494, + "cuisine": "indian", + "ingredients": [ + "figs", + "red wine vinegar", + "crystallized ginger", + "mustard seeds", + "clove", + "balsamic vinegar", + "honey", + "raisins" + ] + }, + { + "id": 41876, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "garlic powder", + "spring onions", + "oil", + "ground cloves", + "dark rum", + "salt", + "chicken pieces", + "brown sugar", + "ground pepper", + "malt vinegar", + "thyme", + "nutmeg", + "pepper", + "dried sage", + "ground allspice", + "mango" + ] + }, + { + "id": 28087, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "bacon grease" + ] + }, + { + "id": 14979, + "cuisine": "greek", + "ingredients": [ + "hamburger buns", + "sliced cucumber", + "english cucumber", + "dried oregano", + "tomatoes", + "ground turkey breast", + "purple onion", + "greek yogurt", + "pepper", + "lettuce leaves", + "feta cheese crumbles", + "vegetable oil cooking spray", + "lemon zest", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 8189, + "cuisine": "mexican", + "ingredients": [ + "sandwich rolls", + "lime", + "sour cream", + "tomatoes", + "round steaks", + "pickled jalapeno peppers", + "queso fresco", + "chopped cilantro fresh", + "avocado", + "romaine lettuce", + "pinto beans" + ] + }, + { + "id": 37964, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "thyme leaves", + "eggs", + "piquillo peppers", + "cod", + "ground black pepper", + "serrano ham", + "kosher salt", + "potato chips" + ] + }, + { + "id": 48820, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "mushrooms", + "rice vinegar", + "sesame seeds", + "sesame oil", + "scallions", + "safflower oil", + "shallots", + "english cucumber", + "Sriracha", + "buckwheat noodles" + ] + }, + { + "id": 27480, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "garlic", + "shredded cheese", + "taco seasoning mix", + "salsa", + "corn tortillas", + "ketchup", + "purple onion", + "sour cream", + "lettuce", + "olive oil", + "brown lentils" + ] + }, + { + "id": 47014, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "sea salt", + "chipotle", + "salsa", + "dried beans", + "garlic", + "white onion", + "epazote", + "pork lard" + ] + }, + { + "id": 22691, + "cuisine": "vietnamese", + "ingredients": [ + "boneless pork shoulder", + "minced garlic", + "water chestnuts", + "stir fry sauce", + "chopped cilantro fresh", + "ketchup", + "annatto seeds", + "shallots", + "diced yellow onion", + "chicken stock", + "light soy sauce", + "bawang goreng", + "yellow onion", + "canola oil", + "kosher salt", + "ground black pepper", + "red pepper flakes", + "scallions" + ] + }, + { + "id": 47210, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "fresh ginger", + "jalapeno chilies", + "salt", + "fresh lime juice", + "celery salt", + "lime", + "Sriracha", + "chicken breasts", + "carrots", + "canola oil", + "lime juice", + "dijon mustard", + "cilantro stems", + "garlic cloves", + "cabbage", + "lime zest", + "olive oil", + "chipotle", + "apple cider vinegar", + "corn tortillas" + ] + }, + { + "id": 46029, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "Italian parsley leaves", + "blanched almonds", + "haricots verts", + "garlic", + "sea salt" + ] + }, + { + "id": 15170, + "cuisine": "jamaican", + "ingredients": [ + "caribbean jerk seasoning", + "scallions", + "barbecue sauce", + "chicken drumsticks", + "dark rum" + ] + }, + { + "id": 20803, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "cherry tomatoes", + "sugar", + "frozen pastry puff sheets", + "sun-dried tomatoes" + ] + }, + { + "id": 44620, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "masa harina", + "sugar", + "salt", + "instant yeast", + "water", + "bread flour" + ] + }, + { + "id": 29002, + "cuisine": "italian", + "ingredients": [ + "pizza crust", + "fresh parsley", + "fontina", + "low-fat ricotta", + "roasted red peppers", + "romano cheese", + "soppressata" + ] + }, + { + "id": 31390, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "cherry preserves", + "bananas", + "peanut butter", + "honey", + "white sandwich bread" + ] + }, + { + "id": 36334, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "garlic", + "fresh ginger", + "toasted sesame oil", + "pear juice", + "scallions", + "brown sugar", + "ground black pepper", + "toasted sesame seeds" + ] + }, + { + "id": 27537, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "pepper", + "turnips", + "salt", + "cooking liquid" + ] + }, + { + "id": 36324, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "taco seasoning", + "beef", + "ground beef", + "diced tomatoes", + "seasoning", + "frozen corn kernels" + ] + }, + { + "id": 5442, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "coconut", + "water", + "coconut juice", + "cassava" + ] + }, + { + "id": 17473, + "cuisine": "greek", + "ingredients": [ + "sliced almonds", + "vegetable oil", + "extra-virgin olive oil", + "garlic cloves", + "fresh basil", + "eggplant", + "russet potatoes", + "garlic", + "sour cream", + "oil cured olives", + "whole milk", + "butter", + "dry bread crumbs", + "plum tomatoes", + "large egg whites", + "chopped fresh thyme", + "whipping cream", + "fresh lemon juice" + ] + }, + { + "id": 25227, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "grated parmesan cheese", + "garlic", + "crushed tomatoes", + "basil leaves", + "shredded mozzarella cheese", + "pasta", + "olive oil", + "red pepper flakes", + "sausage casings", + "ground black pepper", + "heavy cream" + ] + }, + { + "id": 47195, + "cuisine": "greek", + "ingredients": [ + "feta cheese crumbles", + "pitted kalamata olives", + "fresh basil", + "red bell pepper", + "boneless skinless chicken breasts" + ] + }, + { + "id": 4146, + "cuisine": "southern_us", + "ingredients": [ + "lime zest", + "egg yolks", + "lime juice", + "sweetened condensed milk", + "pie crust", + "extract", + "large eggs" + ] + }, + { + "id": 1392, + "cuisine": "southern_us", + "ingredients": [ + "lump crab meat", + "old bay seasoning", + "shrimp", + "cajun seasoning", + "stuffing mix", + "flounder", + "chopped celery", + "butter", + "chopped onion" + ] + }, + { + "id": 42616, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "unsalted butter", + "ground black pepper", + "gemelli", + "prosciutto", + "fresh parsley leaves", + "freshly grated parmesan", + "heavy cream" + ] + }, + { + "id": 36004, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime slices", + "fresh lime juice", + "chicken broth", + "salt", + "shredded Monterey Jack cheese", + "clove", + "cooked chicken", + "dried oregano", + "tortillas", + "cinnamon sticks" + ] + }, + { + "id": 27668, + "cuisine": "mexican", + "ingredients": [ + "cream of chicken soup", + "salt", + "pepper", + "chicken breasts", + "jalapeno chilies", + "enchilada sauce", + "tortillas", + "cheese" + ] + }, + { + "id": 26857, + "cuisine": "korean", + "ingredients": [ + "green onions", + "garlic", + "ground beef", + "soy sauce", + "red pepper flakes", + "gingerroot", + "wonton wrappers", + "firm tofu", + "toasted sesame seeds", + "vinegar", + "ground pork", + "kimchi" + ] + }, + { + "id": 42009, + "cuisine": "british", + "ingredients": [ + "raspberries", + "heavy whipping cream", + "vanilla", + "granulated sugar", + "mint", + "fresh raspberries" + ] + }, + { + "id": 2703, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "hot sauce", + "ramps", + "vinegar", + "cream cheese", + "ground white pepper", + "kosher salt", + "cayenne pepper", + "smoked paprika", + "mayonaise", + "pimentos", + "sharp cheddar cheese" + ] + }, + { + "id": 36406, + "cuisine": "cajun_creole", + "ingredients": [ + "whole okra", + "ground black pepper", + "shrimp", + "olive oil", + "creole seasoning", + "cherry tomatoes", + "ground red pepper", + "garlic powder", + "rice" + ] + }, + { + "id": 29419, + "cuisine": "italian", + "ingredients": [ + "whole wheat spaghetti", + "turkey meatballs", + "marinara sauce" + ] + }, + { + "id": 25536, + "cuisine": "thai", + "ingredients": [ + "water", + "extra firm tofu", + "salt", + "chinese chives", + "fish sauce", + "radishes", + "thai chile", + "garlic cloves", + "large shrimp", + "rice stick noodles", + "palm sugar", + "vegetable oil", + "tamarind paste", + "dried shrimp", + "lime", + "large eggs", + "salted peanuts", + "beansprouts" + ] + }, + { + "id": 26341, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sliced chicken", + "fresh ginger", + "minced garlic", + "mirin" + ] + }, + { + "id": 23209, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "light beer", + "red pepper", + "ripe olives", + "vegetable oil cooking spray", + "jalapeno chilies", + "red wine vinegar", + "green pepper", + "oregano", + "top round steak", + "flour tortillas", + "ground red pepper", + "garlic", + "yellow peppers", + "fresh cilantro", + "green onions", + "diced tomatoes", + "onions" + ] + }, + { + "id": 41399, + "cuisine": "italian", + "ingredients": [ + "manicotti shells", + "milk", + "large eggs", + "bread slices", + "ground round", + "small curd cottage cheese", + "salt", + "italian seasoning", + "pepper", + "parmesan cheese", + "shredded mozzarella cheese", + "pasta sauce", + "garlic powder", + "hot Italian sausages" + ] + }, + { + "id": 41955, + "cuisine": "russian", + "ingredients": [ + "chopped nuts", + "cocoa", + "butter", + "eggs", + "baking powder", + "vanilla extract", + "plain flour", + "rum", + "apples", + "sugar", + "cinnamon" + ] + }, + { + "id": 33596, + "cuisine": "mexican", + "ingredients": [ + "Mexican beer", + "ground cayenne pepper", + "pepper", + "garlic", + "dried oregano", + "boneless chicken skinless thigh", + "sea salt", + "corn tortillas", + "guacamole", + "dark sesame oil" + ] + }, + { + "id": 47707, + "cuisine": "italian", + "ingredients": [ + "pepper", + "garlic", + "ground turkey", + "whole wheat rigatoni", + "butternut squash", + "yellow onion", + "half & half", + "salt", + "dried oregano", + "fresh spinach", + "vegetable broth", + "provolone cheese" + ] + }, + { + "id": 6448, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "olive oil", + "bell pepper", + "garlic cloves", + "frozen peas", + "tumeric", + "ground black pepper", + "purple onion", + "green beans", + "naan", + "tomatoes", + "garam masala", + "paprika", + "carrots", + "chopped cilantro fresh", + "sugar", + "potatoes", + "salt", + "ginger root" + ] + }, + { + "id": 20067, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "heavy cream", + "maple sugar", + "vegetable shortening", + "walnuts", + "ice water", + "all-purpose flour", + "large eggs", + "salt" + ] + }, + { + "id": 35473, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "gnocchi", + "water", + "yukon gold potatoes", + "chopped fresh sage", + "fat free less sodium chicken broth", + "hazelnut meal", + "all-purpose flour", + "large egg yolks", + "butter", + "garlic cloves" + ] + }, + { + "id": 41626, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "dhal", + "sweet potatoes", + "fresh spinach" + ] + }, + { + "id": 36188, + "cuisine": "cajun_creole", + "ingredients": [ + "lime juice", + "salt", + "seasoning", + "hot pepper sauce", + "garlic salt", + "water", + "butter", + "ground black pepper", + "flat iron steaks" + ] + }, + { + "id": 46972, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "zucchini", + "chopped onion", + "corn kernels", + "garlic", + "olive oil", + "salt", + "black pepper", + "chile pepper", + "plum tomatoes" + ] + }, + { + "id": 19545, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "flour", + "ham", + "baking soda", + "Royal Baking Powder", + "buttermilk", + "lard" + ] + }, + { + "id": 7886, + "cuisine": "mexican", + "ingredients": [ + "fine sea salt", + "tomatillos", + "pasilla", + "lard", + "garlic" + ] + }, + { + "id": 42911, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "won ton wrappers", + "cream cheese", + "crab meat", + "worcestershire sauce", + "garlic powder", + "oil" + ] + }, + { + "id": 12479, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "ground coriander", + "ground cumin", + "minced garlic", + "peas", + "naan", + "cauliflower", + "russet potatoes", + "cumin seed", + "fresh ginger", + "purple onion", + "ground turmeric" + ] + }, + { + "id": 19785, + "cuisine": "southern_us", + "ingredients": [ + "ground pepper", + "honey", + "hot sauce" + ] + }, + { + "id": 10977, + "cuisine": "russian", + "ingredients": [ + "eggs", + "dried apricot", + "ginger", + "nutmeg", + "kosher salt", + "cinnamon", + "dried cranberries", + "kasha", + "granny smith apples", + "golden raisins", + "dark brown sugar", + "melted butter", + "milk", + "raisins" + ] + }, + { + "id": 25906, + "cuisine": "mexican", + "ingredients": [ + "orange", + "mezcal", + "lemon zest", + "ice", + "single malt Scotch", + "liqueur", + "dry vermouth", + "chocolate" + ] + }, + { + "id": 20021, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "water", + "salt", + "grated coconut", + "chili powder", + "ground turmeric", + "eggs", + "coriander powder", + "onions", + "pepper", + "garlic", + "masala" + ] + }, + { + "id": 15373, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "salt", + "chillies", + "black peppercorns", + "vinegar", + "garlic cloves", + "onions", + "clove", + "coriander seeds", + "cumin seed", + "pork shoulder", + "sugar", + "potatoes", + "mustard seeds", + "ground turmeric" + ] + }, + { + "id": 47283, + "cuisine": "mexican", + "ingredients": [ + "guajillo chiles", + "olive oil", + "salt", + "sour cream", + "white onion", + "seeds", + "sauce", + "ground cumin", + "reduced sodium chicken broth", + "cooked chicken", + "pink beans", + "chopped cilantro fresh", + "dry roasted peanuts", + "stewed tomatoes", + "garlic cloves" + ] + }, + { + "id": 18733, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "ground pepper", + "rice vinegar", + "cooked white rice", + "ketchup", + "vegetable oil", + "garlic cloves", + "soy sauce", + "bell pepper", + "scallions", + "boneless, skinless chicken breast", + "coarse salt", + "corn starch" + ] + }, + { + "id": 19720, + "cuisine": "moroccan", + "ingredients": [ + "preserved lemon", + "cracked black pepper", + "couscous", + "olive oil", + "fresh lemon juice", + "onions", + "picholine olives", + "salt", + "fresh parsley", + "ground ginger", + "cinnamon", + "carrots", + "cumin" + ] + }, + { + "id": 959, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "water", + "salt", + "coconut flour", + "egg whites", + "cummin" + ] + }, + { + "id": 12185, + "cuisine": "indian", + "ingredients": [ + "water", + "cashew nuts", + "saffron threads", + "butter", + "cooking spray", + "sugar", + "ground cardamom" + ] + }, + { + "id": 36206, + "cuisine": "irish", + "ingredients": [ + "irish cream liqueur", + "heavy cream", + "fresh mushrooms", + "peanuts", + "bacon", + "heavy whipping cream", + "red potato", + "butter", + "provolone cheese", + "boneless skinless chicken breast halves", + "water", + "fresh green bean", + "shredded mozzarella cheese" + ] + }, + { + "id": 42604, + "cuisine": "korean", + "ingredients": [ + "fish sauce", + "green onions", + "salt", + "radishes", + "daikon", + "ground black pepper", + "sesame oil", + "pepper flakes", + "beef brisket", + "garlic" + ] + }, + { + "id": 24785, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "butter", + "parmigiano reggiano cheese", + "salt", + "black pepper", + "ground veal", + "vegetable oil", + "chopped onion" + ] + }, + { + "id": 39145, + "cuisine": "italian", + "ingredients": [ + "veal scallopini", + "flat leaf parsley", + "capers", + "red wine vinegar", + "unsalted butter", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 20759, + "cuisine": "french", + "ingredients": [ + "extra-virgin olive oil", + "brine-cured olives", + "cognac", + "capers", + "flat leaf parsley", + "anchovy fillets" + ] + }, + { + "id": 6994, + "cuisine": "mexican", + "ingredients": [ + "lime", + "light mayonnaise", + "ground pepper", + "coarse salt", + "corn husks", + "chili powder", + "grated parmesan cheese", + "butter" + ] + }, + { + "id": 34751, + "cuisine": "chinese", + "ingredients": [ + "water", + "green onions", + "dark sesame oil", + "low sodium soy sauce", + "ground black pepper", + "green peas", + "basmati rice", + "fresh ginger", + "vegetable oil", + "cooked shrimp", + "sake", + "large eggs", + "salt" + ] + }, + { + "id": 19660, + "cuisine": "italian", + "ingredients": [ + "pepper", + "part-skim ricotta cheese", + "spinach", + "egg whites", + "sauce", + "part-skim mozzarella", + "grated parmesan cheese", + "salt", + "bread crumbs", + "chicken cutlets", + "non stick spray" + ] + }, + { + "id": 8565, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "salt", + "baking powder", + "cornmeal", + "vegetable oil", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 44089, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "butter", + "marshmallow creme", + "baking soda", + "salt", + "white sugar", + "evaporated milk", + "vanilla extract", + "confectioners sugar", + "baking powder", + "all-purpose flour", + "unsweetened cocoa powder" + ] + }, + { + "id": 18878, + "cuisine": "spanish", + "ingredients": [ + "ground ginger", + "large garlic cloves", + "dry bread crumbs", + "lemon juice", + "dried oregano", + "fresh cilantro", + "yellow bell pepper", + "fresh oregano", + "frozen peas", + "tomatoes", + "ground veal", + "cayenne pepper", + "onions", + "olive oil", + "salt", + "long-grain rice", + "Madras curry powder" + ] + }, + { + "id": 32690, + "cuisine": "filipino", + "ingredients": [ + "coconut cream", + "brown sugar", + "coconut milk", + "sweet rice" + ] + }, + { + "id": 32095, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "sliced ham", + "mayonaise", + "butter", + "swiss cheese", + "french toast", + "sliced turkey" + ] + }, + { + "id": 42518, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "salted peanuts", + "fresh chile", + "boneless skinless chicken breasts", + "coconut milk", + "nam pla", + "butter oil", + "curry powder", + "salt", + "chopped cilantro" + ] + }, + { + "id": 18510, + "cuisine": "mexican", + "ingredients": [ + "melted butter", + "large eggs", + "all-purpose flour", + "unsalted butter", + "salt", + "sugar", + "cajeta", + "pecans", + "whole milk", + "cognac" + ] + }, + { + "id": 29632, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large eggs", + "Amaretti Cookies", + "unsalted butter", + "cinnamon", + "powdered sugar", + "semisweet chocolate", + "whipping cream", + "sliced almonds", + "almond extract", + "salt" + ] + }, + { + "id": 28045, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "fresh lime juice", + "jalapeno chilies", + "tomatoes", + "cilantro leaves" + ] + }, + { + "id": 4204, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sweet soy sauce", + "salt", + "eggs", + "lap cheong", + "green peas", + "shrimp", + "white pepper", + "cooking oil", + "rice", + "fish sauce", + "boneless chicken breast", + "garlic", + "fish" + ] + }, + { + "id": 28295, + "cuisine": "mexican", + "ingredients": [ + "taco shells", + "salt", + "chicken", + "flour", + "green chilies", + "pepper", + "cream cheese", + "shredded Monterey Jack cheese", + "chicken broth", + "butter", + "sour cream" + ] + }, + { + "id": 35852, + "cuisine": "cajun_creole", + "ingredients": [ + "shredded cheddar cheese", + "salted butter", + "cayenne pepper", + "water", + "whole milk", + "rotel tomatoes", + "minced garlic", + "extra large shrimp", + "smoked paprika", + "kosher salt", + "olive oil", + "cajun seasoning", + "polenta" + ] + }, + { + "id": 49207, + "cuisine": "thai", + "ingredients": [ + "cherry tomatoes", + "garlic", + "lemon", + "dried oregano", + "feta cheese", + "salt", + "pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 1480, + "cuisine": "thai", + "ingredients": [ + "shiro miso", + "soy sauce", + "kosher salt", + "butternut squash", + "butter", + "carrots", + "pork baby back ribs", + "gari", + "fresh ginger", + "vegetable oil", + "dried shiitake mushrooms", + "onions", + "sake", + "pork belly", + "lemongrass", + "green onions", + "large garlic cloves", + "mung bean sprouts", + "sugar", + "reduced sodium chicken broth", + "asian wheat noodles", + "watercress", + "konbu", + "chicken" + ] + }, + { + "id": 5000, + "cuisine": "southern_us", + "ingredients": [ + "biscuits", + "gravy", + "all-purpose flour", + "milk", + "buttermilk", + "baking soda", + "salt", + "sweet italian sausag links, cut into", + "baking powder", + "Country Crock® Spread" + ] + }, + { + "id": 10697, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "chicken breasts", + "rice", + "shredded cheddar cheese", + "salsa", + "black beans", + "chili powder", + "oregano", + "green onions", + "frozen corn kernels" + ] + }, + { + "id": 14260, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "part-skim ricotta cheese", + "refrigerated pizza dough", + "crumbled gorgonzola", + "fontina cheese", + "all-purpose flour", + "green onions" + ] + }, + { + "id": 935, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "chopped fresh thyme", + "cabernet sauvignon", + "ground black pepper", + "all-purpose flour", + "polenta", + "gremolata", + "butter", + "coarse kosher salt", + "vegetable oil", + "beef rib short" + ] + }, + { + "id": 32151, + "cuisine": "chinese", + "ingredients": [ + "water chestnuts", + "all-purpose flour", + "chinese black vinegar", + "soy sauce", + "peeled fresh ginger", + "scallions", + "pork", + "shell-on shrimp", + "peanut oil", + "water", + "sesame oil", + "oil" + ] + }, + { + "id": 38868, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "olive oil", + "salt", + "chopped cilantro fresh", + "pepper", + "small pasta", + "salsa", + "black beans", + "Mexican cheese blend", + "frozen corn", + "cumin", + "avocado", + "lime juice", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 24958, + "cuisine": "italian", + "ingredients": [ + "cheddar cheese", + "basil", + "chorizo sausage", + "wonton wrappers", + "ground beef", + "pepper", + "salt", + "pasta sauce", + "ricotta cheese", + "cumin" + ] + }, + { + "id": 25984, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "freshly ground pepper", + "fettucine", + "bell pepper", + "pesto sauce", + "salt", + "olive oil" + ] + }, + { + "id": 2574, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "coarse salt", + "masa harina", + "corn husks", + "freshly ground pepper", + "boneless skinless chicken breasts", + "lard", + "corn kernels", + "salsa" + ] + }, + { + "id": 4665, + "cuisine": "filipino", + "ingredients": [ + "tomato sauce", + "green bell pepper, slice", + "salt", + "carrots", + "pepper", + "potatoes", + "liver", + "onions", + "chili pepper", + "cooking oil", + "beef broth", + "red bell pepper", + "green olives", + "beef", + "bay leaves", + "garlic cloves" + ] + }, + { + "id": 2105, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "onions", + "kosher salt", + "garlic", + "large shrimp", + "fresh basil", + "olive oil", + "long grain white rice", + "pepper", + "carrots" + ] + }, + { + "id": 43734, + "cuisine": "french", + "ingredients": [ + "cointreau", + "vanilla sugar", + "bittersweet chocolate", + "unsalted butter", + "walnuts", + "bread crumb fresh", + "large eggs", + "orange", + "raisins" + ] + }, + { + "id": 38222, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "salt", + "breakfast sausages", + "onions", + "ground black pepper", + "all-purpose flour", + "biscuits", + "butter" + ] + }, + { + "id": 314, + "cuisine": "indian", + "ingredients": [ + "green onions", + "onions", + "ground black pepper", + "cauliflower florets", + "curry powder", + "unsalted cashews", + "frozen peas", + "potatoes", + "fine sea salt" + ] + }, + { + "id": 2282, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "scallions", + "rye", + "salt", + "cream cheese, soften", + "sugar", + "ground black pepper", + "fresh lemon juice", + "seedless cucumber", + "persian cucumber" + ] + }, + { + "id": 5715, + "cuisine": "spanish", + "ingredients": [ + "milk", + "vanilla extract", + "lemon", + "white sugar", + "egg yolks", + "cinnamon sticks", + "cornflour" + ] + }, + { + "id": 13328, + "cuisine": "mexican", + "ingredients": [ + "fontina cheese", + "bacon", + "flour tortillas", + "sour cream", + "eggs", + "salsa", + "green onions" + ] + }, + { + "id": 45679, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "bell pepper", + "purple onion", + "sour cream", + "ground black pepper", + "boneless skinless chicken breasts", + "ground coriander", + "olives", + "lime", + "guacamole", + "salsa", + "chopped cilantro fresh", + "tortillas", + "chili powder", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 22966, + "cuisine": "italian", + "ingredients": [ + "pasta", + "minced garlic", + "salt", + "fresh basil", + "artichok heart marin", + "fresh mushrooms", + "tomato paste", + "water", + "chopped onion", + "sugar", + "diced tomatoes" + ] + }, + { + "id": 21104, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "buttermilk", + "cornmeal", + "eggs", + "baking powder", + "all-purpose flour", + "baking soda", + "salt", + "sugar", + "vegetable oil", + "bacon grease" + ] + }, + { + "id": 1877, + "cuisine": "southern_us", + "ingredients": [ + "vanilla", + "peaches", + "sugar", + "Saigon cinnamon", + "whipped cream" + ] + }, + { + "id": 37512, + "cuisine": "mexican", + "ingredients": [ + "hominy", + "salt", + "black pepper", + "stewed tomatoes", + "onions", + "tomato paste", + "cilantro", + "lean beef", + "olive oil", + "garlic" + ] + }, + { + "id": 6204, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "ground black pepper", + "salt", + "parmesan cheese", + "baby spinach", + "fat free milk", + "mushrooms", + "dumplings", + "light alfredo sauce", + "ground nutmeg", + "large garlic cloves" + ] + }, + { + "id": 15786, + "cuisine": "thai", + "ingredients": [ + "minced garlic", + "red curry paste", + "fish sauce", + "sesame oil", + "creamy peanut butter", + "chili powder", + "cayenne pepper", + "brown sugar", + "vegetable oil", + "coconut milk" + ] + }, + { + "id": 27416, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "jalapeno chilies", + "yellow onion", + "unsalted butter", + "salt", + "lime", + "cilantro", + "corn tortillas", + "pepper", + "poblano", + "sauce" + ] + }, + { + "id": 49642, + "cuisine": "korean", + "ingredients": [ + "sugar", + "garlic", + "chile powder", + "fresh ginger", + "scallions", + "kosher salt", + "rice vinegar", + "fish sauce", + "pickling cucumbers" + ] + }, + { + "id": 27810, + "cuisine": "french", + "ingredients": [ + "granny smith apples", + "salt", + "unsalted butter", + "sugar", + "ice water", + "large egg whites", + "all-purpose flour" + ] + }, + { + "id": 18011, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "green onions", + "shrimp", + "spring roll wrappers", + "shiitake", + "garlic", + "crab meat", + "black pepper", + "sesame oil", + "cabbage", + "sugar", + "egg whites", + "carrots" + ] + }, + { + "id": 4967, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken breast", + "taco seasoning", + "tomatoes", + "salsa", + "red bell pepper", + "whole wheat tortillas", + "Mexican cheese", + "black beans", + "cream cheese" + ] + }, + { + "id": 31182, + "cuisine": "thai", + "ingredients": [ + "chile paste with garlic", + "water", + "cucumber", + "medium shrimp", + "sugar", + "sea scallops", + "fresh mint", + "fish sauce", + "lemongrass", + "red bell pepper", + "lump crab meat", + "purple onion", + "fresh lime juice" + ] + }, + { + "id": 24370, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "granulated sugar", + "vanilla", + "ground cinnamon", + "baking soda", + "sea salt", + "ground cumin", + "water", + "butter", + "smoked paprika", + "pecans", + "cayenne", + "light corn syrup" + ] + }, + { + "id": 47489, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "chicken", + "cream", + "chopped cilantro", + "chihuahua cheese", + "corn tortillas", + "salsa verde", + "onions" + ] + }, + { + "id": 39078, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "parsley", + "salt", + "shrimp", + "chicken broth", + "flour", + "worcestershire sauce", + "creole seasoning", + "celery", + "bell pepper", + "butter", + "hot sauce", + "thyme", + "tomatoes", + "green onions", + "garlic", + "lemon juice", + "onions" + ] + }, + { + "id": 12066, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "zucchini", + "onions", + "olive oil", + "large garlic cloves", + "green bell pepper", + "red wine vinegar", + "tomatoes", + "eggplant", + "goat cheese" + ] + }, + { + "id": 38800, + "cuisine": "mexican", + "ingredients": [ + "refried black beans", + "queso fresco", + "purple onion", + "onions", + "butternut squash", + "cilantro", + "oil", + "chorizo", + "cinnamon", + "salt", + "cumin", + "chili powder", + "garlic", + "corn tortillas" + ] + }, + { + "id": 26055, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "cilantro sprigs", + "kosher salt", + "jicama", + "garlic cloves", + "jalapeno chilies", + "scallions", + "lime", + "romaine lettuce leaves", + "large shrimp" + ] + }, + { + "id": 40674, + "cuisine": "italian", + "ingredients": [ + "capers", + "olive oil", + "garlic", + "water", + "heavy cream", + "boneless skinless chicken breast halves", + "mozzarella cheese", + "butter", + "fresh parsley", + "wine", + "salt and ground black pepper", + "corn starch" + ] + }, + { + "id": 38027, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "ground nutmeg", + "purple onion", + "ground cinnamon", + "curry powder", + "peeled fresh ginger", + "chopped fresh mint", + "cider vinegar", + "jalapeno chilies", + "ground allspice", + "brown sugar", + "olive oil", + "raisins", + "mango" + ] + }, + { + "id": 38700, + "cuisine": "british", + "ingredients": [ + "pepper", + "frozen pastry puff sheets", + "salt", + "haricots verts", + "olive oil", + "garlic", + "filet mignon steaks", + "shallots", + "eggs", + "shiitake", + "crushed red pepper" + ] + }, + { + "id": 4530, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "grating cheese", + "corn tortillas", + "boneless skinless chicken breasts", + "hot sauce", + "canola oil", + "roma tomatoes", + "salt", + "cumin", + "romaine lettuce", + "chili powder", + "sour cream" + ] + }, + { + "id": 33721, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "chicken pieces", + "red chili peppers", + "rice wine", + "cola", + "ground ginger", + "potatoes", + "onions", + "soy sauce", + "carrots", + "noodles" + ] + }, + { + "id": 1457, + "cuisine": "southern_us", + "ingredients": [ + "green tomatoes", + "self-rising cornmeal", + "pepper", + "bacon", + "refrigerated buttermilk biscuits", + "salt", + "mayonaise", + "buttermilk" + ] + }, + { + "id": 32546, + "cuisine": "mexican", + "ingredients": [ + "lime", + "cilantro leaves", + "purple onion", + "mango", + "jalapeno chilies", + "red bell pepper", + "salt" + ] + }, + { + "id": 10532, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium chicken broth", + "Sriracha", + "ginger", + "corn starch", + "soy sauce", + "minced garlic", + "sesame oil", + "orange juice", + "chinese rice wine", + "kosher salt", + "boneless skinless chicken breasts", + "rice vinegar", + "grated orange", + "white pepper", + "sesame seeds", + "raw sugar", + "scallions" + ] + }, + { + "id": 7032, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "large eggs", + "peanut oil", + "cooked white rice", + "honey", + "sesame oil", + "chinese five-spice powder", + "white onion", + "pork tenderloin", + "scallions", + "frozen peas", + "hoisin sauce", + "garlic", + "carrots" + ] + }, + { + "id": 34879, + "cuisine": "italian", + "ingredients": [ + "sugar", + "heavy cream", + "egg yolks", + "ricotta", + "honey", + "salt", + "whole milk" + ] + }, + { + "id": 19254, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "egg yolks", + "all-purpose flour", + "sugar", + "unsalted butter", + "chocolate", + "corn starch", + "milk", + "heavy cream", + "cocoa powder", + "water", + "large eggs", + "salt", + "bittersweet chocolate" + ] + }, + { + "id": 35853, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "oil", + "onions", + "salt", + "gram flour", + "ginger", + "rice flour", + "clove", + "green chilies", + "asafoetida powder" + ] + }, + { + "id": 43043, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium soy sauce", + "corn starch", + "country crock calcium plus vitamin d", + "lemon juice", + "boneless skinless chicken breast halves", + "ground ginger", + "broccoli", + "onions", + "reduced sodium chicken broth", + "carrots", + "chopped cilantro fresh" + ] + }, + { + "id": 23401, + "cuisine": "filipino", + "ingredients": [ + "cantaloupe", + "water", + "white sugar", + "evaporated milk" + ] + }, + { + "id": 42183, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "whole peeled tomatoes", + "ground coriander", + "canola oil", + "tumeric", + "garam masala", + "ginger", + "onions", + "fresh cilantro", + "bone-in chicken", + "corn starch", + "ground cumin", + "plain yogurt", + "cayenne", + "garlic", + "serrano chile" + ] + }, + { + "id": 33548, + "cuisine": "italian", + "ingredients": [ + "boneless skinless chicken breast halves", + "hellmann' or best food real mayonnais", + "parmesan cheese", + "italian seasoned dry bread crumbs" + ] + }, + { + "id": 13671, + "cuisine": "southern_us", + "ingredients": [ + "turnip greens", + "margarine", + "hot pepper sauce", + "pepper", + "onions", + "brown sugar", + "cooking spray" + ] + }, + { + "id": 42368, + "cuisine": "mexican", + "ingredients": [ + "fresca", + "ground black pepper", + "extra-virgin olive oil", + "eggs", + "fresh cilantro", + "queso fresco", + "all-purpose flour", + "minced garlic", + "baking powder", + "salt", + "canned black beans", + "cooking spray", + "purple onion" + ] + }, + { + "id": 25787, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "garlic", + "basil leaves", + "parmesan cheese", + "salt", + "pecorino cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 39919, + "cuisine": "italian", + "ingredients": [ + "eggs", + "bread crumbs", + "grated parmesan cheese", + "garlic", + "celery", + "ground chicken", + "olive oil", + "diced tomatoes", + "yellow onion", + "italian seasoning", + "chicken broth", + "black pepper", + "garlic powder", + "orzo", + "carrots", + "fresh spinach", + "water", + "balsamic vinegar", + "salt", + "fresh parsley" + ] + }, + { + "id": 28213, + "cuisine": "brazilian", + "ingredients": [ + "palm oil", + "fresh cilantro", + "bell pepper", + "salt", + "ground cumin", + "fish sauce", + "olive oil", + "diced tomatoes", + "coconut milk", + "serrano chilies", + "lime", + "hard-boiled egg", + "garlic cloves", + "tomato paste", + "tilapia fillets", + "ground black pepper", + "paprika", + "onions" + ] + }, + { + "id": 5869, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "frozen pastry puff sheets", + "yams", + "vanilla ice cream", + "large eggs", + "pumpkin seeds", + "unsalted butter", + "salt", + "vegetable oil spray", + "vanilla extract" + ] + }, + { + "id": 41471, + "cuisine": "italian", + "ingredients": [ + "sugar", + "mild Italian sausage", + "garlic", + "dried parsley", + "tomato paste", + "dried basil", + "lean ground beef", + "fresh mushrooms", + "water", + "ground red pepper", + "salt", + "tomato sauce", + "parmesan cheese", + "linguine", + "onions" + ] + }, + { + "id": 45760, + "cuisine": "japanese", + "ingredients": [ + "salt", + "short-grain rice", + "cold water", + "rice vinegar", + "granulated sugar" + ] + }, + { + "id": 15148, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chili powder", + "purple onion", + "cumin", + "black beans", + "jalapeno chilies", + "sea salt", + "salsa", + "lettuce", + "zucchini", + "red pepper", + "soya cheese", + "lime", + "guacamole", + "garlic", + "cayenne pepper" + ] + }, + { + "id": 12483, + "cuisine": "moroccan", + "ingredients": [ + "water", + "cilantro sprigs", + "ground cardamom", + "slivered almonds", + "garbanzo beans", + "salt", + "grated lemon peel", + "fresh cilantro", + "extra-virgin olive oil", + "couscous", + "pitted date", + "green onions", + "fresh lemon juice" + ] + }, + { + "id": 49031, + "cuisine": "italian", + "ingredients": [ + "rosemary", + "salt", + "frozen chopped spinach, thawed and squeezed dry", + "fontina cheese", + "extra-virgin olive oil", + "freshly ground pepper", + "artichoke hearts", + "pizza doughs", + "pecorino cheese", + "purple onion", + "flour for dusting" + ] + }, + { + "id": 20681, + "cuisine": "french", + "ingredients": [ + "warm water", + "yeast", + "salted butter", + "caster sugar", + "plain flour", + "frozen raspberries" + ] + }, + { + "id": 2690, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "fresh cilantro", + "red pepper flakes", + "scallions", + "fresh lime juice", + "chicken stock", + "sugar", + "rice noodles", + "chili sauce", + "shrimp", + "brown sugar", + "shallots", + "tamarind paste", + "garlic cloves", + "chicken", + "eggs", + "kosher salt", + "vegetable oil", + "roasted peanuts", + "beansprouts" + ] + }, + { + "id": 38847, + "cuisine": "mexican", + "ingredients": [ + "milk", + "butter", + "salt", + "sugar", + "baking powder", + "frosting", + "sweetened condensed milk", + "large eggs", + "vanilla extract", + "grated lemon zest", + "evaporated milk", + "whipping cream", + "all-purpose flour" + ] + }, + { + "id": 36824, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "pizza sauce", + "fresh parmesan cheese", + "olive oil", + "pizza doughs" + ] + }, + { + "id": 6434, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "milk", + "baking powder", + "apricot preserves", + "eggs", + "chopped almonds", + "butter", + "confectioners sugar", + "candied orange peel", + "dark rum", + "salt", + "semi-sweet chocolate morsels", + "sugar", + "golden raisins", + "all-purpose flour", + "dried fig" + ] + }, + { + "id": 21215, + "cuisine": "french", + "ingredients": [ + "sugar", + "large eggs", + "salt", + "unsalted butter", + "almond extract", + "corn starch", + "powdered sugar", + "cherries", + "vanilla extract", + "grated lemon peel", + "almonds", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 18069, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "rice vinegar", + "tofu", + "cooking spray", + "grated orange", + "mirin", + "onion tops", + "low sodium soy sauce", + "peeled fresh ginger" + ] + }, + { + "id": 19168, + "cuisine": "southern_us", + "ingredients": [ + "turnips", + "water", + "all-purpose flour", + "chicken", + "parsnips", + "baking powder", + "fresh parsley", + "celery ribs", + "milk", + "carrots", + "fresh dill", + "coarse salt", + "onions" + ] + }, + { + "id": 4569, + "cuisine": "irish", + "ingredients": [ + "kumquats in syrup", + "irish bacon", + "dry mustard", + "parsley sprigs", + "lemon juice", + "kumquats" + ] + }, + { + "id": 3636, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "salt", + "fresh basil", + "unsalted butter", + "bread", + "olive oil", + "shredded mozzarella cheese", + "pepper", + "part-skim ricotta cheese" + ] + }, + { + "id": 6478, + "cuisine": "japanese", + "ingredients": [ + "lump crab meat", + "gyoza wrappers", + "pork", + "mirin", + "flour for dusting", + "fresh ginger", + "scallions", + "kosher salt", + "napa cabbage" + ] + }, + { + "id": 16587, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "extra-virgin olive oil", + "large egg yolks", + "salt", + "flour" + ] + }, + { + "id": 27772, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "butter", + "all-purpose flour", + "chopped pecans", + "mini marshmallows", + "frosting", + "xanthan gum", + "unsweetened cocoa powder", + "milk", + "vanilla", + "white rice flour", + "white sugar", + "eggs", + "tapioca starch", + "salt", + "brownies" + ] + }, + { + "id": 22766, + "cuisine": "mexican", + "ingredients": [ + "green cabbage", + "flour tortillas", + "fresh orange juice", + "sour cream", + "avocado", + "slaw", + "apple cider vinegar", + "fresh lemon juice", + "Louisiana Hot Sauce", + "serrano peppers", + "purple onion", + "fish", + "dressing", + "kosher salt", + "old bay seasoning", + "cucumber" + ] + }, + { + "id": 13486, + "cuisine": "korean", + "ingredients": [ + "fat free less sodium chicken broth", + "crushed red pepper", + "medium shrimp", + "reduced fat firm tofu", + "large eggs", + "dark sesame oil", + "zucchini", + "salt", + "black pepper", + "green onions", + "garlic cloves" + ] + }, + { + "id": 22372, + "cuisine": "russian", + "ingredients": [ + "fresh dill", + "vegetables", + "sour cream", + "sauerkraut", + "salt", + "red potato", + "whole wheat flour", + "green beans", + "pepper", + "vegetable oil", + "onions" + ] + }, + { + "id": 39004, + "cuisine": "moroccan", + "ingredients": [ + "nutmeg", + "pepper", + "cinnamon", + "dried chickpeas", + "cumin", + "beef bones", + "potatoes", + "shells", + "rice", + "eggs", + "chuck roast", + "paprika", + "yellow onion", + "black pepper", + "sweet potatoes", + "salt", + "oil" + ] + }, + { + "id": 12278, + "cuisine": "russian", + "ingredients": [ + "fresh dill", + "hard-boiled egg", + "button mushrooms", + "puff pastry", + "ground black pepper", + "butter", + "lemon juice", + "salmon", + "parsley", + "beaten eggs", + "basmati rice", + "lemon zest", + "sea salt", + "onions" + ] + }, + { + "id": 27180, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "large eggs", + "salt", + "nutmeg", + "sugar", + "butter", + "ground cinnamon", + "milk", + "vanilla extract", + "grated orange peel", + "french bread", + "strawberries" + ] + }, + { + "id": 13594, + "cuisine": "italian", + "ingredients": [ + "dried lentils", + "olive oil", + "diced celery", + "pancetta", + "wheat berries", + "chopped onion", + "water", + "salt", + "black pepper", + "swiss chard", + "carrots" + ] + }, + { + "id": 47454, + "cuisine": "greek", + "ingredients": [ + "baking powder", + "greek style plain yogurt", + "granulated sugar", + "salt", + "chopped walnuts", + "vanilla extract", + "cocoa powder", + "white chocolate chips", + "all-purpose flour", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 20233, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "self-rising cornmeal", + "sugar", + "butter", + "ground red pepper", + "milk", + "all-purpose flour" + ] + }, + { + "id": 20508, + "cuisine": "thai", + "ingredients": [ + "avocado", + "brown sugar", + "peanuts", + "marinade", + "orange juice", + "flavored oil", + "mango", + "salad", + "cherry tomatoes", + "Sriracha", + "napa cabbage", + "Chinese egg noodles", + "fresh lime juice", + "dressing", + "soy sauce", + "thai basil", + "sesame oil", + "scallions", + "Thai fish sauce", + "light brown sugar", + "filet mignon", + "fresh ginger", + "baby arugula", + "garlic", + "carrots", + "chopped cilantro" + ] + }, + { + "id": 34778, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "onion powder", + "ground cumin", + "cheddar cheese", + "beef", + "canola oil", + "lettuce", + "corn", + "sour cream", + "tomatoes", + "garlic powder", + "low sodium beef broth" + ] + }, + { + "id": 14994, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "paprika", + "onions", + "ground cumin", + "chili powder", + "cayenne pepper", + "dried oregano", + "chili beans", + "diced tomatoes", + "ground beef", + "masa harina", + "garlic powder", + "salt", + "pork sausages" + ] + }, + { + "id": 48108, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "purple onion", + "jalapeno chilies", + "lime", + "cilantro leaves", + "coarse salt" + ] + }, + { + "id": 18493, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "olive oil", + "frozen corn", + "pepper", + "green onions", + "plum tomatoes", + "black beans", + "jalapeno chilies", + "chopped cilantro fresh", + "avocado", + "lime juice", + "salt" + ] + }, + { + "id": 32581, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "baking powder", + "all-purpose flour", + "baking soda", + "buttermilk", + "brown sugar", + "butter", + "ground allspice", + "sweet potatoes", + "salt" + ] + }, + { + "id": 22960, + "cuisine": "french", + "ingredients": [ + "dark chocolate", + "egg yolks", + "unsweetened cocoa powder", + "milk", + "heavy cream", + "sugar", + "butter", + "eggs", + "flour", + "chocolate" + ] + }, + { + "id": 38808, + "cuisine": "chinese", + "ingredients": [ + "vegetable shortening", + "double-acting baking powder", + "almonds", + "all-purpose flour", + "almond extract", + "lard", + "sugar", + "beaten eggs" + ] + }, + { + "id": 24434, + "cuisine": "russian", + "ingredients": [ + "turnips", + "black pepper", + "bay leaves", + "butter", + "garlic cloves", + "onions", + "parsnips", + "potatoes", + "parsley", + "beets", + "sour cream", + "chuck", + "tomato paste", + "dried allspice berries", + "meat", + "soup bones", + "carrots", + "cabbage", + "cold water", + "water", + "beef base", + "salt", + "lemon juice", + "celery root" + ] + }, + { + "id": 24826, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "cake flour", + "sugar", + "all purpose unbleached flour", + "baking powder", + "salt", + "baking soda", + "buttermilk" + ] + }, + { + "id": 1958, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "ground black pepper", + "ginger", + "bay leaf", + "red lentils", + "cooked brown rice", + "diced tomatoes", + "garlic cloves", + "tumeric", + "sea salt", + "cumin seed", + "onions", + "green cardamom pods", + "water", + "cilantro", + "fresh lemon juice" + ] + }, + { + "id": 25148, + "cuisine": "greek", + "ingredients": [ + "boneless chicken skinless thigh", + "olive oil", + "kalamata", + "small red potato", + "tomato paste", + "water", + "balsamic vinegar", + "chopped onion", + "fat free less sodium chicken broth", + "ground black pepper", + "salt", + "flat leaf parsley", + "cremini mushrooms", + "dried thyme", + "red wine", + "garlic cloves" + ] + }, + { + "id": 42647, + "cuisine": "chinese", + "ingredients": [ + "water", + "garlic", + "dijon mustard", + "fresh ginger", + "fresh lemon juice", + "olive oil", + "tamari soy sauce" + ] + }, + { + "id": 16107, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "vegetable oil", + "sugar", + "reduced sodium soy sauce", + "cilantro sprigs", + "fish sauce", + "fresh ginger", + "Thai red curry paste", + "pepper", + "pork tenderloin", + "garlic cloves" + ] + }, + { + "id": 7638, + "cuisine": "italian", + "ingredients": [ + "port wine", + "raisins", + "peaches", + "freshly ground pepper", + "balsamic vinegar", + "fresh parsley", + "olive oil", + "salt" + ] + }, + { + "id": 43068, + "cuisine": "french", + "ingredients": [ + "artichoke hearts", + "dry red wine", + "carrots", + "lamb shanks", + "fresh thyme leaves", + "salt", + "olives", + "pepper", + "diced tomatoes", + "anchovy fillets", + "grated orange peel", + "savory", + "garlic", + "onions" + ] + }, + { + "id": 16185, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "water", + "red pepper", + "hot sauce", + "iceberg lettuce", + "black pepper", + "chili powder", + "garlic", + "onions", + "taco sauce", + "olive oil", + "paprika", + "ground beef", + "ground cumin", + "shredded cheddar cheese", + "onion powder", + "salt", + "dried oregano" + ] + }, + { + "id": 22971, + "cuisine": "italian", + "ingredients": [ + "pecorino cheese", + "lemon zest", + "fresh mint", + "kosher salt", + "heavy cream", + "orecchiette", + "black pepper", + "leeks", + "frozen peas", + "olive oil", + "garlic" + ] + }, + { + "id": 29074, + "cuisine": "mexican", + "ingredients": [ + "pickled jalapenos", + "flour tortillas", + "chili powder", + "sea salt", + "enchilada sauce", + "ground cumin", + "tomato paste", + "lime", + "jalapeno chilies", + "vegetable stock", + "black olives", + "onions", + "fresh cilantro", + "roma tomatoes", + "vegetable oil", + "cheese", + "sour cream", + "pico de gallo", + "refried beans", + "flour", + "queso fresco", + "salt", + "dried oregano" + ] + }, + { + "id": 42472, + "cuisine": "mexican", + "ingredients": [ + "rice", + "cumin", + "chicken broth", + "oil", + "tomato sauce", + "garlic salt", + "chopped onion" + ] + }, + { + "id": 2009, + "cuisine": "italian", + "ingredients": [ + "capers", + "white wine vinegar", + "tuna packed in olive oil", + "ground black pepper", + "salt", + "olive oil", + "purple onion", + "watercress", + "white beans" + ] + }, + { + "id": 14001, + "cuisine": "spanish", + "ingredients": [ + "water", + "ground black pepper", + "extra-virgin olive oil", + "flat leaf parsley", + "tomatoes", + "dried thyme", + "brown rice", + "pimento stuffed olives", + "saffron threads", + "fat free less sodium vegetable broth", + "chopped green bell pepper", + "chopped onion", + "cremini mushrooms", + "artichoke hearts", + "green peas", + "garlic cloves" + ] + }, + { + "id": 11552, + "cuisine": "southern_us", + "ingredients": [ + "baby lima beans", + "chopped green bell pepper", + "2% reduced-fat milk", + "garlic cloves", + "corn kernels", + "cooking spray", + "salt", + "sliced green onions", + "olive oil", + "baking potatoes", + "salsa", + "water", + "flour tortillas", + "shredded sharp cheddar cheese", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 726, + "cuisine": "spanish", + "ingredients": [ + "green bell pepper", + "ground black pepper", + "cucumber", + "kosher salt", + "balsamic vinegar", + "fresh dill", + "jalapeno chilies", + "onions", + "tomatoes", + "olive oil", + "lemon" + ] + }, + { + "id": 12906, + "cuisine": "irish", + "ingredients": [ + "water", + "salt", + "pork sausages", + "finely chopped fresh parsley", + "onions", + "bread", + "potatoes", + "thick-cut bacon", + "ground pepper", + "ham" + ] + }, + { + "id": 35765, + "cuisine": "southern_us", + "ingredients": [ + "vanilla ice cream", + "butter", + "peaches", + "all-purpose flour", + "sugar", + "vanilla", + "nutmeg", + "refrigerated piecrusts", + "chopped pecans" + ] + }, + { + "id": 49097, + "cuisine": "thai", + "ingredients": [ + "chicken breasts", + "garlic", + "peanut sauce", + "fresh mint", + "fresh cilantro", + "linguine", + "fresh basil leaves", + "mint sprigs", + "seasoned rice wine vinegar" + ] + }, + { + "id": 4518, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "unsalted butter", + "salt", + "sugar", + "light corn syrup", + "cold water", + "vegetable oil", + "baking soda", + "unsalted dry roast peanuts" + ] + }, + { + "id": 39558, + "cuisine": "italian", + "ingredients": [ + "honey", + "salt", + "balsamic vinegar", + "soy sauce", + "extra-virgin olive oil", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 5086, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "frozen peach slices", + "ground cinnamon", + "baking powder", + "grated lemon zest", + "sugar", + "butter", + "fresh lemon juice", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 43673, + "cuisine": "southern_us", + "ingredients": [ + "whipping cream", + "water", + "bourbon whiskey", + "sugar", + "corn starch" + ] + }, + { + "id": 42817, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "marjoram", + "chicken stock", + "red wine", + "arborio rice", + "unsalted butter", + "wild mushrooms", + "olive oil", + "onions" + ] + }, + { + "id": 49641, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "cumin seed", + "bone in chicken thighs", + "groundnut", + "large garlic cloves", + "greek yogurt", + "fennel seeds", + "butter", + "fat", + "fresh coriander", + "ginger", + "onions" + ] + }, + { + "id": 10844, + "cuisine": "french", + "ingredients": [ + "egg whites", + "lemon slices", + "sugar", + "whipping cream", + "fresh lemon juice", + "whole milk", + "fresh raspberries", + "large egg yolks", + "salt", + "grated lemon peel" + ] + }, + { + "id": 35674, + "cuisine": "thai", + "ingredients": [ + "parsnips", + "onions", + "coconut extract", + "jalape", + "chopped cilantro fresh", + "low sodium soy sauce", + "fresh ginger", + "chicken thighs", + "brown sugar", + "garlic", + "low-fat milk" + ] + }, + { + "id": 27087, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "garlic", + "tomato sauce", + "half & half", + "shredded mozzarella cheese", + "grated parmesan cheese", + "dry pasta", + "brown gravy", + "lean ground beef", + "dried oregano" + ] + }, + { + "id": 10456, + "cuisine": "italian", + "ingredients": [ + "pistachios", + "berries", + "vanilla extract", + "grated orange", + "cake", + "confectioners sugar", + "mascarpone", + "ricotta" + ] + }, + { + "id": 8079, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "raisins", + "sugar", + "flour", + "eggs", + "large eggs", + "heavy cream", + "kosher salt", + "baking powder" + ] + }, + { + "id": 25152, + "cuisine": "indian", + "ingredients": [ + "water", + "zucchini", + "chopped onion", + "tomatoes", + "eggplant", + "peeled fresh ginger", + "basmati rice", + "dried lentils", + "garam masala", + "salt", + "ground turmeric", + "olive oil", + "bay leaves", + "garlic cloves" + ] + }, + { + "id": 7652, + "cuisine": "southern_us", + "ingredients": [ + "fresh mozzarella", + "melted butter", + "biscuit dough", + "bacon", + "shredded cheddar cheese" + ] + }, + { + "id": 29358, + "cuisine": "spanish", + "ingredients": [ + "kale", + "coriander", + "green olives", + "ground beef", + "avocado", + "yams", + "cumin", + "green bell pepper", + "onions" + ] + }, + { + "id": 11149, + "cuisine": "filipino", + "ingredients": [ + "ground chipotle chile pepper", + "bay leaves", + "Equal Sweetener", + "water", + "white wine vinegar", + "soy sauce", + "boneless skinless chicken breasts", + "onions", + "ground black pepper", + "garlic puree" + ] + }, + { + "id": 45714, + "cuisine": "thai", + "ingredients": [ + "dry roasted peanuts", + "water chestnuts", + "rice vinegar", + "corn starch", + "snow peas", + "reduced sodium soy sauce", + "sesame oil", + "creamy peanut butter", + "coconut milk", + "water", + "shallots", + "chili sauce", + "red bell pepper", + "shredded carrots", + "rice noodles", + "gingerroot", + "fresh asparagus" + ] + }, + { + "id": 39199, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "extra-virgin olive oil", + "fresh parsley leaves", + "olives", + "kosher salt", + "loosely packed fresh basil leaves", + "garlic cloves", + "fresh mint", + "dry white wine", + "salt", + "red bell pepper", + "fresh marjoram", + "vegetable oil", + "anchovy fillets", + "penne rigate" + ] + }, + { + "id": 46789, + "cuisine": "french", + "ingredients": [ + "water", + "whipping cream", + "butter", + "shallots", + "salt", + "pepper", + "green peas" + ] + }, + { + "id": 47860, + "cuisine": "mexican", + "ingredients": [ + "pasta", + "onion powder", + "cream cheese", + "ground turkey", + "garlic powder", + "paprika", + "garlic cloves", + "ground cumin", + "shredded cheddar cheese", + "diced tomatoes", + "taco seasoning", + "onions", + "chili powder", + "cayenne pepper", + "sour cream" + ] + }, + { + "id": 18726, + "cuisine": "italian", + "ingredients": [ + "tomato basil sauce", + "lean ground beef", + "hot water", + "lasagna noodles", + "shredded mozzarella cheese", + "ricotta cheese" + ] + }, + { + "id": 40503, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "cayenne pepper", + "black beans", + "diced tomatoes", + "canola oil", + "reduced sodium chicken broth", + "chili powder", + "green chilies", + "corn", + "salt", + "ground cumin" + ] + }, + { + "id": 36721, + "cuisine": "moroccan", + "ingredients": [ + "fresh red chili", + "fresh ginger root", + "extra-virgin olive oil", + "garlic cloves", + "ground cumin", + "lamb stock", + "dates", + "ground coriander", + "couscous", + "ground cinnamon", + "pistachio nuts", + "salt", + "leg of lamb", + "saffron threads", + "fresh coriander", + "paprika", + "pomegranate", + "onions" + ] + }, + { + "id": 27051, + "cuisine": "french", + "ingredients": [ + "canned snails", + "snail shells", + "garlic cloves", + "freshly ground pepper", + "salted butter", + "flat leaf parsley" + ] + }, + { + "id": 48471, + "cuisine": "french", + "ingredients": [ + "shallots", + "olive oil", + "black pepper", + "salt", + "haricots verts", + "red wine vinegar" + ] + }, + { + "id": 7806, + "cuisine": "italian", + "ingredients": [ + "pasta", + "butter", + "grated parmesan cheese", + "minced garlic", + "medium shrimp", + "vegetable oil" + ] + }, + { + "id": 48880, + "cuisine": "mexican", + "ingredients": [ + "orange", + "garlic", + "adobo sauce", + "sazon", + "corn tortillas", + "fresh cilantro", + "purple onion", + "pork shoulder", + "avocado", + "extra-virgin olive oil", + "chipotles in adobo" + ] + }, + { + "id": 10662, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "florets", + "broccoli", + "balsamic vinegar", + "garlic", + "orecchiette", + "ground black pepper", + "diced tomatoes", + "fresh parsley", + "canned low sodium chicken broth", + "butter", + "salt" + ] + }, + { + "id": 33340, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "fresh basil", + "zucchini", + "tomatoes", + "ground black pepper", + "salt", + "mozzarella cheese", + "grated parmesan cheese" + ] + }, + { + "id": 21601, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "ground chicken breast", + "salt", + "cumin", + "unseasoned breadcrumbs", + "fresh ginger", + "paprika", + "garlic cloves", + "eggs", + "olive oil", + "lemon", + "cayenne pepper", + "tumeric", + "lemon wedge", + "cilantro", + "coriander" + ] + }, + { + "id": 8447, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "granulated tapioca", + "sesame seeds", + "salt", + "bananas", + "water", + "light coconut milk" + ] + }, + { + "id": 15893, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "garlic", + "olive oil", + "honey", + "soy sauce", + "chicken breasts" + ] + }, + { + "id": 21504, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "rice sticks", + "lime wedges", + "cardamom pods", + "fresh basil leaves", + "baby bok choy", + "lower sodium soy sauce", + "thai chile", + "beansprouts", + "snow peas", + "clove", + "water", + "peeled fresh ginger", + "yellow onion", + "fresh mint", + "brown sugar", + "lower sodium beef broth", + "star anise", + "garlic cloves", + "boneless sirloin steak" + ] + }, + { + "id": 32822, + "cuisine": "italian", + "ingredients": [ + "sugar", + "plum tomatoes", + "large garlic cloves", + "hot red pepper flakes", + "onions", + "olive oil" + ] + }, + { + "id": 13356, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "salt", + "water", + "shallots", + "haricots verts", + "dijon mustard", + "champagne vinegar", + "honey", + "extra-virgin olive oil" + ] + }, + { + "id": 15817, + "cuisine": "italian", + "ingredients": [ + "bread", + "pepper", + "red wine vinegar", + "diced celery", + "pinenuts", + "eggplant", + "pimento stuffed olives", + "onions", + "capers", + "pita chips", + "diced tomatoes", + "rib", + "sugar", + "olive oil", + "salt", + "ripe olives" + ] + }, + { + "id": 6202, + "cuisine": "indian", + "ingredients": [ + "pepper", + "heavy cream", + "cayenne pepper", + "onions", + "tomato paste", + "boneless skinless chicken breasts", + "garlic", + "curry paste", + "masala", + "ground ginger", + "curry powder", + "light coconut milk", + "greek yogurt", + "naan", + "tumeric", + "butter", + "salt", + "cooked white rice" + ] + }, + { + "id": 17320, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "light corn syrup", + "sugar", + "unsalted butter", + "salt", + "baking soda", + "vanilla extract", + "water", + "vegetable oil" + ] + }, + { + "id": 29912, + "cuisine": "chinese", + "ingredients": [ + "jasmine rice", + "garlic", + "carrot sticks", + "green onions", + "frozen peas", + "eggs", + "fresh ginger", + "onions", + "soy sauce", + "sesame oil" + ] + }, + { + "id": 8462, + "cuisine": "cajun_creole", + "ingredients": [ + "milk", + "large shrimp", + "eggs", + "creole seasoning", + "flour", + "mayonaise", + "panko breadcrumbs" + ] + }, + { + "id": 10107, + "cuisine": "indian", + "ingredients": [ + "shredded coconut", + "radishes", + "chili powder", + "salt", + "carrots", + "ground black pepper", + "flour", + "cauliflower florets", + "green chilies", + "ground turmeric", + "chopped tomatoes", + "cooking oil", + "ginger", + "cilantro leaves", + "onions", + "turnips", + "coriander powder", + "capsicum", + "garlic", + "curds", + "cabbage" + ] + }, + { + "id": 29743, + "cuisine": "italian", + "ingredients": [ + "orange", + "dry white wine", + "sheep’s milk cheese", + "salt", + "grated lemon peel", + "arborio rice", + "large eggs", + "lime wedges", + "lemon", + "grate lime peel", + "grated orange peel", + "whole milk", + "vegetable oil", + "extra-virgin olive oil", + "panko breadcrumbs", + "fennel", + "shallots", + "butter", + "low salt chicken broth" + ] + }, + { + "id": 1474, + "cuisine": "spanish", + "ingredients": [ + "red potato", + "sliced carrots", + "olive oil", + "spanish chorizo", + "kale", + "baking potatoes", + "chicken broth", + "finely chopped onion", + "garlic cloves" + ] + }, + { + "id": 16868, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "eggs", + "fudge brownie mix", + "irish cream liqueur", + "confectioners sugar", + "vegetable oil" + ] + }, + { + "id": 8312, + "cuisine": "indian", + "ingredients": [ + "smoked haddock fillet", + "long-grain rice", + "ground turmeric", + "curry powder", + "vegetable oil", + "onions", + "eggs", + "bay leaves", + "chopped parsley", + "milk", + "ground coriander", + "coriander" + ] + }, + { + "id": 38640, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "lime", + "green chilies", + "chopped cilantro", + "curry leaves", + "pepper", + "red food coloring", + "garlic chili sauce", + "ginger paste", + "eggs", + "water", + "salt", + "corn starch", + "ground cumin", + "garlic paste", + "vegetable oil", + "cumin seed", + "chicken" + ] + }, + { + "id": 8718, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "light beer", + "chicken stock cubes", + "long grain white rice", + "green olives", + "olive oil", + "cilantro", + "onions", + "water", + "sazon", + "frozen mixed vegetables", + "tomato sauce", + "bell pepper", + "garlic", + "chicken thighs" + ] + }, + { + "id": 9706, + "cuisine": "mexican", + "ingredients": [ + "queso asadero", + "sour cream", + "enchilada sauce", + "corn tortilla chips" + ] + }, + { + "id": 28413, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "buttermilk", + "shortening", + "self rising flour" + ] + }, + { + "id": 38458, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "rolls", + "roast beef deli meat", + "mozzarella cheese", + "chips" + ] + }, + { + "id": 32913, + "cuisine": "mexican", + "ingredients": [ + "processed cheese", + "cream cheese", + "salsa", + "chili" + ] + }, + { + "id": 20215, + "cuisine": "jamaican", + "ingredients": [ + "lime juice", + "purple onion", + "jamaican jerk season", + "mango", + "ground black pepper", + "grate lime peel", + "boneless chop pork", + "garlic", + "hellmann' or best food light mayonnais" + ] + }, + { + "id": 41156, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "paprika", + "sliced green onions", + "mayonaise", + "large eggs", + "dry bread crumbs", + "aioli", + "apples", + "pepper", + "vegetable oil", + "pink salmon" + ] + }, + { + "id": 39743, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "bacon slices", + "dried rosemary", + "cannellini beans", + "chopped onion", + "dry white wine", + "fresh parsley", + "water", + "grated lemon zest" + ] + }, + { + "id": 43030, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "ground black pepper", + "green onions", + "purple onion", + "serrano chile", + "pure olive oil", + "pepper", + "red cabbage", + "red wine vinegar", + "cilantro leaves", + "kosher salt", + "boneless chicken breast", + "chili powder", + "salt", + "gold tequila", + "lime juice", + "jalapeno chilies", + "garlic", + "orange juice" + ] + }, + { + "id": 31406, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "sun-dried tomatoes in oil", + "crushed red pepper", + "italian seasoning" + ] + }, + { + "id": 13954, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "black mustard seeds", + "canola oil", + "curry leaves", + "thai chile", + "basmati rice", + "chana dal", + "fresh lime juice", + "asafoetida", + "garlic", + "ground turmeric" + ] + }, + { + "id": 44191, + "cuisine": "thai", + "ingredients": [ + "sugar", + "peanuts", + "dry white wine", + "egg noodles, cooked and drained", + "garlic cloves", + "curry powder", + "boneless chicken breast halves", + "salt", + "peanut oil", + "soy sauce", + "eggplant", + "shallots", + "grated lemon zest", + "unsweetened coconut milk", + "fresh ginger", + "lemon zest", + "cilantro leaves", + "freshly ground pepper" + ] + }, + { + "id": 20152, + "cuisine": "italian", + "ingredients": [ + "pasta", + "olive oil", + "cannellini beans", + "flat leaf parsley", + "kosher salt", + "ground black pepper", + "garlic", + "smoked ham hocks", + "celery ribs", + "flat leaf spinach", + "leeks", + "green beans", + "chicken broth", + "salsa verde", + "butternut squash", + "onions" + ] + }, + { + "id": 2627, + "cuisine": "southern_us", + "ingredients": [ + "crumbled blue cheese", + "salt", + "sugar", + "butter", + "baking powder", + "all-purpose flour", + "large eggs", + "heavy cream" + ] + }, + { + "id": 30078, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "cilantro leaves", + "chiles", + "ground black pepper", + "serrano chile", + "tomatoes", + "olive oil", + "shrimp", + "kosher salt", + "shallots", + "dried oregano" + ] + }, + { + "id": 29191, + "cuisine": "russian", + "ingredients": [ + "black pepper", + "garlic", + "sour cream", + "eggplant", + "all-purpose flour", + "water", + "salt", + "onions", + "tomatoes", + "paprika", + "fresh lemon juice" + ] + }, + { + "id": 4542, + "cuisine": "french", + "ingredients": [ + "basil leaves", + "lime rind", + "fresh lime juice", + "sugar", + "corn syrup", + "water" + ] + }, + { + "id": 46356, + "cuisine": "italian", + "ingredients": [ + "I Can't Believe It's Not Butter!® Spread", + "frozen broccoli florets", + "Ragu Golden Veggie Fettuccine Pasta", + "Ragu Classic Alfredo Sauce", + "boneless skinless chicken breasts" + ] + }, + { + "id": 6832, + "cuisine": "mexican", + "ingredients": [ + "water", + "salt", + "powdered sugar", + "large eggs", + "orange juice", + "ground cinnamon", + "unsalted butter", + "all-purpose flour", + "sugar", + "vegetable oil", + "dark brown sugar" + ] + }, + { + "id": 14258, + "cuisine": "chinese", + "ingredients": [ + "dry sherry", + "onions", + "water", + "tomato ketchup", + "worcestershire sauce", + "oil", + "bicarbonate of soda", + "fillet steaks", + "white sugar" + ] + }, + { + "id": 24600, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "potatoes", + "corn syrup", + "water", + "sesame oil", + "olive oil", + "garlic", + "sugar", + "sesame seeds", + "oyster mushrooms" + ] + }, + { + "id": 43723, + "cuisine": "russian", + "ingredients": [ + "unsalted butter", + "black pepper", + "chicken stock", + "fine sea salt", + "poussins" + ] + }, + { + "id": 27798, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "cornmeal", + "olive oil", + "salt", + "milk", + "green tomatoes", + "dried oregano", + "freshly grated parmesan", + "all-purpose flour" + ] + }, + { + "id": 5383, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "clam juice", + "corn tortillas", + "ground cumin", + "fat free less sodium chicken broth", + "green onions", + "garlic cloves", + "chopped cilantro fresh", + "lime juice", + "vegetable oil", + "red bell pepper", + "dried oregano", + "black pepper", + "jalapeno chilies", + "diced tomatoes", + "medium shrimp" + ] + }, + { + "id": 13858, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "garlic cloves", + "fresh parsley", + "pinenuts", + "grated parmesan cheese", + "greek yogurt", + "fresh basil", + "olive oil", + "lemon juice", + "pepper", + "salt", + "gemelli" + ] + }, + { + "id": 27742, + "cuisine": "greek", + "ingredients": [ + "parsley sprigs", + "salt", + "olive oil", + "chopped parsley", + "minced garlic", + "lemon juice", + "chicken legs", + "ground pepper", + "dried oregano" + ] + }, + { + "id": 7275, + "cuisine": "jamaican", + "ingredients": [ + "mayonaise", + "paprika", + "prepared mustard", + "pepper", + "salt", + "eggs", + "yellow mustard" + ] + }, + { + "id": 8335, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "salsa", + "black beans", + "chopped cilantro", + "refried beans", + "reduced-fat sour cream" + ] + }, + { + "id": 20474, + "cuisine": "spanish", + "ingredients": [ + "sea salt", + "blanched almonds", + "olive oil" + ] + }, + { + "id": 44808, + "cuisine": "mexican", + "ingredients": [ + "processed cheese", + "cream cheese", + "prepar salsa", + "ground beef" + ] + }, + { + "id": 10696, + "cuisine": "french", + "ingredients": [ + "fresh ginger", + "cumin seed", + "mustard seeds", + "cardamom seeds", + "fat", + "smoked ham hocks", + "fresh thyme leaves", + "small white beans", + "onions", + "sage leaves", + "salt", + "carrots" + ] + }, + { + "id": 14048, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "clove garlic, fine chop", + "Bertolli® Alfredo Sauce", + "fresh basil leaves", + "fettucine", + "onions", + "Bertolli® Classico Olive Oil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 28279, + "cuisine": "cajun_creole", + "ingredients": [ + "genoa salami", + "sliced ham", + "mortadella", + "mozzarella cheese", + "olives", + "bread", + "provolone cheese" + ] + }, + { + "id": 29735, + "cuisine": "french", + "ingredients": [ + "sugar", + "grated parmesan cheese", + "hot water", + "fresh basil", + "large eggs", + "garlic cloves", + "bread flour", + "water", + "rapid rise yeast", + "cornmeal", + "olive oil", + "salt", + "fresh parsley" + ] + }, + { + "id": 6284, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chili powder", + "shredded lettuce", + "garlic powder", + "lean ground beef", + "tortilla chips", + "chili beans", + "flour tortillas", + "worcestershire sauce", + "plum tomatoes", + "shredded cheddar cheese", + "onion powder", + "salsa" + ] + }, + { + "id": 15828, + "cuisine": "mexican", + "ingredients": [ + "pinenuts", + "butter", + "ground cinnamon", + "granulated sugar", + "all-purpose flour", + "baking soda", + "vanilla", + "firmly packed brown sugar", + "large eggs" + ] + }, + { + "id": 614, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "garlic", + "chipotle chile", + "cooked chicken", + "white onion", + "Mexican oregano", + "chicken broth", + "roma tomatoes", + "salt" + ] + }, + { + "id": 32877, + "cuisine": "french", + "ingredients": [ + "white wine", + "garlic", + "plum tomatoes", + "green onions", + "margarine", + "pepper", + "salt", + "mussels", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 14622, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "pizza doughs", + "cremini mushrooms", + "grated parmesan cheese", + "all-purpose flour", + "fresh basil", + "mozzarella cheese", + "garlic", + "oil", + "pinenuts", + "red pepper flakes", + "yellow onion" + ] + }, + { + "id": 37850, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "black pepper", + "shredded mozzarella cheese", + "tomato sauce", + "purple onion", + "zucchini" + ] + }, + { + "id": 8929, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "salt", + "sugar", + "color food green", + "almond paste", + "orange marmalade", + "all-purpose flour", + "unsalted butter", + "red food coloring", + "bittersweet chocolate" + ] + }, + { + "id": 28713, + "cuisine": "french", + "ingredients": [ + "large eggs", + "swiss cheese", + "fresh parsley", + "asparagus", + "whole milk", + "grated Gruyère cheese", + "ground black pepper", + "chopped fresh chives", + "salt", + "fresh marjoram", + "grated parmesan cheese", + "bread, cut french into loaf" + ] + }, + { + "id": 30601, + "cuisine": "indian", + "ingredients": [ + "coconut", + "oil", + "fenugreek seeds", + "jaggery", + "coriander seeds", + "dal", + "red chili peppers", + "cumin seed" + ] + }, + { + "id": 1398, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "avocado", + "garlic", + "chopped cilantro fresh", + "jalapeno chilies", + "fresh lime juice", + "tomatoes", + "purple onion", + "mango" + ] + }, + { + "id": 45964, + "cuisine": "mexican", + "ingredients": [ + "cilantro leaves", + "ground cumin", + "diced tomatoes", + "fresh lime juice", + "kosher salt", + "green chilies", + "garlic", + "onions" + ] + }, + { + "id": 43532, + "cuisine": "chinese", + "ingredients": [ + "short-grain rice", + "green onions", + "beef rib short", + "bamboo shoots", + "low sodium soy sauce", + "cooking spray", + "fat free less sodium beef broth", + "cinnamon sticks", + "water chestnuts", + "dry sherry", + "garlic cloves", + "grated orange", + "honey", + "peeled fresh ginger", + "crushed red pepper", + "shiitake mushroom caps" + ] + }, + { + "id": 33354, + "cuisine": "italian", + "ingredients": [ + "radishes", + "crème fraîche", + "smoked salmon", + "chives", + "tarragon", + "large eggs", + "cayenne pepper", + "dijon mustard", + "salt" + ] + }, + { + "id": 17414, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "flat leaf parsley", + "fresh basil", + "large garlic cloves", + "pepper", + "fresh oregano", + "tomatoes", + "chopped fresh thyme" + ] + }, + { + "id": 16530, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "shallots", + "ground coriander", + "couscous", + "pistachios", + "cilantro", + "smoked paprika", + "ground lamb", + "kosher salt", + "currant", + "feta cheese crumbles", + "allspice", + "ground cinnamon", + "dried apricot", + "garlic", + "fresh mint", + "ground cumin" + ] + }, + { + "id": 34706, + "cuisine": "italian", + "ingredients": [ + "savoy cabbage", + "kale", + "cannellini beans", + "crushed red pepper", + "plum tomatoes", + "celery ribs", + "water", + "fennel bulb", + "fine sea salt", + "onions", + "country white bread", + "dried thyme", + "yukon gold potatoes", + "garlic cloves", + "sage leaves", + "green chard", + "parmesan cheese", + "extra-virgin olive oil", + "carrots" + ] + }, + { + "id": 26637, + "cuisine": "greek", + "ingredients": [ + "fresh spinach", + "tahini", + "garlic", + "ground coriander", + "lime zest", + "whole wheat pita", + "sunflower oil", + "greek style plain yogurt", + "ground cumin", + "fresh cilantro", + "green onions", + "fine sea salt", + "fresh lime juice", + "fresh tomatoes", + "large eggs", + "crushed red pepper flakes", + "chickpeas" + ] + }, + { + "id": 48295, + "cuisine": "japanese", + "ingredients": [ + "fennel seeds", + "milk", + "all-purpose flour", + "water", + "khoa", + "clarified butter", + "sugar", + "semolina", + "ground cardamom", + "rose water", + "salt", + "saffron" + ] + }, + { + "id": 41151, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "no-salt-added black beans", + "purple onion", + "ground cumin", + "water", + "zucchini", + "extra-virgin olive oil", + "cayenne pepper", + "fresh tomatoes", + "ground black pepper", + "portabello mushroom", + "salt", + "chopped bell pepper", + "chili powder", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 6471, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "vanilla beans", + "diced red onions", + "whole milk", + "butter", + "simple syrup", + "oil", + "nutmeg", + "sugar", + "olive oil", + "chopped almonds", + "rosé wine", + "bitters", + "jam", + "fresh parsley", + "brown sugar", + "milk", + "vinegar", + "baking powder", + "lemon", + "salt", + "garlic cloves", + "ground cinnamon", + "black pepper", + "unsalted butter", + "flour", + "cinnamon", + "vanilla extract", + "all-purpose flour", + "whiskey" + ] + }, + { + "id": 28283, + "cuisine": "chinese", + "ingredients": [ + "peeled fresh ginger", + "sesame oil", + "firm tofu", + "asparagus spears", + "shiitake mushroom caps", + "mushroom caps", + "shallots", + "purple onion", + "corn starch", + "baby corn", + "mushroom soy sauce", + "fish sauce", + "dry white wine", + "large garlic cloves", + "oyster sauce", + "green beans", + "lotus roots", + "sugar", + "jicama", + "cilantro sprigs", + "carrots", + "low salt chicken broth", + "celery" + ] + }, + { + "id": 28598, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "dry white wine", + "all-purpose flour", + "fresh rosemary", + "fresh thyme", + "extra-virgin olive oil", + "soft fresh goat cheese", + "large egg yolks", + "large garlic cloves", + "grated Gruyère cheese", + "fresh basil", + "whole milk", + "salt" + ] + }, + { + "id": 36574, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "minced garlic", + "sliced almonds", + "fresh green bean", + "olive oil" + ] + }, + { + "id": 13460, + "cuisine": "vietnamese", + "ingredients": [ + "spring onions", + "roast beef", + "chili sauce", + "snow peas", + "mie", + "cashew nuts", + "oil" + ] + }, + { + "id": 39228, + "cuisine": "spanish", + "ingredients": [ + "baking potatoes", + "monterey jack", + "spanish chorizo", + "tomatoes with juice", + "ancho chile pepper" + ] + }, + { + "id": 39590, + "cuisine": "spanish", + "ingredients": [ + "unsalted butter", + "scallions", + "brandy", + "paprika", + "chorizo sausage", + "crusty bread", + "lemon wedge", + "medium shrimp", + "water", + "salt" + ] + }, + { + "id": 26461, + "cuisine": "spanish", + "ingredients": [ + "warm water", + "salt", + "semolina", + "active dry yeast", + "all purpose unbleached flour" + ] + }, + { + "id": 33927, + "cuisine": "chinese", + "ingredients": [ + "nutmeg", + "pinenuts", + "mace", + "corn oil", + "sticky rice", + "garlic cloves", + "chicken stock", + "sugar", + "shiitake", + "chinese sausage", + "cinnamon", + "freshly ground pepper", + "chestnuts", + "kosher salt", + "coriander seeds", + "shallots", + "turkey", + "clove", + "table salt", + "fresh ginger", + "unsalted butter", + "szechwan peppercorns", + "star anise" + ] + }, + { + "id": 17644, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "large eggs", + "unsalted butter", + "grits", + "sharp white cheddar cheese", + "freshly ground pepper" + ] + }, + { + "id": 1552, + "cuisine": "italian", + "ingredients": [ + "low-fat plain yogurt", + "eggplant", + "salt", + "tomato purée", + "olive oil", + "garlic", + "wheat germ", + "dried basil", + "grated parmesan cheese", + "dried oregano", + "water", + "ground black pepper", + "onions" + ] + }, + { + "id": 5364, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "chopped cilantro", + "avocado", + "orange juice", + "boneless pork shoulder", + "garlic", + "ground cumin", + "kosher salt", + "corn tortillas" + ] + }, + { + "id": 42327, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "rice wine", + "pepper flakes", + "sesame seeds", + "water", + "sesame oil", + "sugar", + "green onions" + ] + }, + { + "id": 19468, + "cuisine": "french", + "ingredients": [ + "whole milk", + "granulated sugar", + "unsalted butter", + "corn starch", + "egg yolks" + ] + }, + { + "id": 7301, + "cuisine": "french", + "ingredients": [ + "cayenne pepper", + "grated orange", + "olive oil", + "garlic cloves", + "capers", + "anchovy fillets", + "black olives", + "thyme leaves" + ] + }, + { + "id": 47411, + "cuisine": "italian", + "ingredients": [ + "water", + "lemon juice", + "tea bags", + "fresh ginger", + "honey", + "sugar", + "mint sprigs" + ] + }, + { + "id": 15007, + "cuisine": "chinese", + "ingredients": [ + "jicama", + "scallions", + "soy sauce", + "dry sherry", + "chicken thighs", + "eggs", + "vegetable oil", + "corn starch", + "flour tortillas", + "salt" + ] + }, + { + "id": 42146, + "cuisine": "russian", + "ingredients": [ + "stevia", + "sour cream", + "strawberries", + "brown sugar" + ] + }, + { + "id": 27642, + "cuisine": "indian", + "ingredients": [ + "clove", + "garam masala", + "salt", + "cinnamon sticks", + "sugar", + "peeled fresh ginger", + "cardamom pods", + "ground turmeric", + "chiles", + "bay leaves", + "yellow split peas", + "ghee", + "coconut", + "thai chile", + "cumin seed" + ] + }, + { + "id": 7678, + "cuisine": "thai", + "ingredients": [ + "water", + "ground pepper", + "red pepper flakes", + "tomatoes", + "kale", + "mushrooms", + "dried rice noodles", + "ground ginger", + "curry powder", + "zucchini", + "garlic", + "tumeric", + "yellow squash", + "baby spinach", + "chili sauce" + ] + }, + { + "id": 13394, + "cuisine": "british", + "ingredients": [ + "parsley", + "salt", + "ground nutmeg", + "paprika", + "sharp cheddar cheese", + "bread", + "butter", + "cayenne pepper", + "large eggs", + "dry mustard", + "beer" + ] + }, + { + "id": 30366, + "cuisine": "mexican", + "ingredients": [ + "black peppercorns", + "bay leaves", + "cumin seed", + "clove", + "guajillo chiles", + "large garlic cloves", + "skirt steak", + "tomatoes", + "white onion", + "chile de arbol", + "allspice", + "hot red pepper flakes", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 21026, + "cuisine": "indian", + "ingredients": [ + "butter", + "oil", + "amchur", + "salt", + "onions", + "atta", + "ginger", + "hot water", + "potatoes", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 18753, + "cuisine": "italian", + "ingredients": [ + "sugar", + "active dry yeast", + "fine sea salt", + "Chianti", + "flour", + "grapes", + "extra-virgin olive oil", + "warm water", + "honey" + ] + }, + { + "id": 6526, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "orzo", + "kosher salt", + "Meyer lemon juice", + "large egg yolks", + "rotisserie chicken", + "low sodium chicken broth" + ] + }, + { + "id": 36088, + "cuisine": "greek", + "ingredients": [ + "russet potatoes", + "flat leaf parsley", + "olive oil", + "garlic cloves", + "chicken stock", + "fresh oregano", + "shallots", + "fresh lemon juice" + ] + }, + { + "id": 49276, + "cuisine": "southern_us", + "ingredients": [ + "whole wheat flour", + "chicken parts", + "buttermilk", + "cayenne pepper", + "sugar", + "unsalted butter", + "onion powder", + "salt", + "italian seasoning", + "eggs", + "garlic powder", + "baking powder", + "vanilla extract", + "corn starch", + "milk", + "flour", + "vegetable shortening", + "maple syrup" + ] + }, + { + "id": 28604, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "whole milk", + "extra-virgin olive oil", + "fettucine", + "ground veal", + "garlic cloves", + "tomatoes", + "chopped fresh thyme", + "chopped celery", + "pancetta", + "grated parmesan cheese", + "ground pork", + "onions" + ] + }, + { + "id": 22286, + "cuisine": "indian", + "ingredients": [ + "seeds", + "green chilies", + "peanuts", + "salt", + "carrots", + "curry leaves", + "green peas", + "cumin seed", + "potatoes", + "cilantro leaves", + "ghee" + ] + }, + { + "id": 7822, + "cuisine": "moroccan", + "ingredients": [ + "garlic", + "carrots", + "olive oil", + "ground allspice", + "honey", + "purple onion", + "chopped cilantro fresh", + "raisins", + "fresh lemon juice" + ] + }, + { + "id": 28524, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "chopped garlic", + "hot red pepper flakes", + "flat leaf parsley", + "fresh basil", + "linguine", + "octopuses", + "plum tomatoes" + ] + }, + { + "id": 41001, + "cuisine": "mexican", + "ingredients": [ + "lamb shanks", + "apple cider vinegar", + "garlic", + "tamales", + "guajillo chiles", + "pineapple", + "orange juice", + "fresh pineapple", + "sugar", + "vegetables", + "extra-virgin olive oil", + "canela", + "clove", + "orange", + "chile de arbol", + "cumin seed" + ] + }, + { + "id": 43952, + "cuisine": "spanish", + "ingredients": [ + "baby spinach", + "minced garlic", + "smoked paprika", + "black pepper", + "salt", + "halibut fillets", + "applewood smoked bacon" + ] + }, + { + "id": 26603, + "cuisine": "french", + "ingredients": [ + "salt", + "large eggs", + "bittersweet chocolate", + "unsalted butter", + "cognac", + "heavy cream" + ] + }, + { + "id": 48712, + "cuisine": "italian", + "ingredients": [ + "tuna steaks", + "onions", + "extra-virgin olive oil", + "loosely packed fresh basil leaves", + "plum tomatoes", + "capers", + "garlic cloves" + ] + }, + { + "id": 12640, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "thyme", + "cherry tomatoes", + "salt", + "dijon mustard", + "freshly ground pepper", + "rocket leaves", + "extra-virgin olive oil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 23312, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "fresh cilantro", + "cayenne", + "sea salt", + "onions", + "coconut oil", + "full fat coconut milk", + "bone broth", + "cumin seed", + "ground cinnamon", + "fresh ginger", + "coriander powder", + "garlic", + "ground cumin", + "tumeric", + "garam masala", + "chicken drumsticks", + "ground cardamom" + ] + }, + { + "id": 28540, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "sesame seeds", + "ground coriander", + "turkey breast", + "ground cinnamon", + "ground cloves", + "salt", + "fat skimmed chicken broth", + "( oz.) tomato paste", + "red chili peppers", + "minced onion", + "unsweetened chocolate", + "corn tortillas", + "anise seed", + "chili", + "peanut butter", + "salad oil" + ] + }, + { + "id": 14419, + "cuisine": "italian", + "ingredients": [ + "dry red wine", + "flat leaf parsley", + "small pasta", + "purple onion", + "dried lentils", + "extra-virgin olive oil", + "pecorino romano cheese", + "sausages" + ] + }, + { + "id": 16478, + "cuisine": "thai", + "ingredients": [ + "low sodium soy sauce", + "plum sauce", + "chopped cilantro fresh", + "lime juice", + "salt", + "pepper", + "linguine", + "roast beef deli meat", + "green beans" + ] + }, + { + "id": 30602, + "cuisine": "italian", + "ingredients": [ + "garlic", + "pecorino romano cheese", + "fresh basil leaves", + "pinenuts", + "salt", + "extra-virgin olive oil" + ] + }, + { + "id": 47052, + "cuisine": "greek", + "ingredients": [ + "water", + "dry white wine", + "artichokes", + "fresh dill", + "veal", + "lemon", + "fresh lemon juice", + "ground black pepper", + "lemon wedge", + "chopped onion", + "fat free less sodium chicken broth", + "large eggs", + "sea salt", + "corn starch" + ] + }, + { + "id": 32116, + "cuisine": "british", + "ingredients": [ + "worcestershire sauce", + "baked beans", + "corned beef", + "baking potatoes", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 41497, + "cuisine": "indian", + "ingredients": [ + "sugar", + "cooking spray", + "long-grain rice", + "finely chopped onion", + "light coconut milk", + "curry powder", + "green peas", + "large shrimp", + "ground ginger", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 152, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "rice vinegar", + "onions", + "roast turkey", + "shredded lettuce", + "cucumber", + "cherry tomatoes", + "salt", + "sour cream", + "low-fat plain yogurt", + "pitas", + "garlic cloves", + "oregano" + ] + }, + { + "id": 7071, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "garlic", + "onions", + "chili powder", + "ground coriander", + "eggplant", + "salt", + "vegetable oil", + "ghee" + ] + }, + { + "id": 37721, + "cuisine": "moroccan", + "ingredients": [ + "caraway seeds", + "salt", + "smoked paprika", + "coriander seeds", + "dried chile peppers", + "olive oil", + "cumin seed", + "garlic", + "lemon juice" + ] + }, + { + "id": 28221, + "cuisine": "thai", + "ingredients": [ + "butter lettuce", + "ground pork", + "lime juice", + "garlic", + "Sriracha", + "chopped cilantro", + "fish sauce", + "vegetable oil", + "browning" + ] + }, + { + "id": 38195, + "cuisine": "southern_us", + "ingredients": [ + "crushed red pepper", + "apple cider vinegar", + "ketchup", + "brown sugar", + "salt" + ] + }, + { + "id": 23408, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "bean dip", + "jalapeno chilies", + "taco seasoning mix", + "sour cream", + "tomatoes", + "guacamole" + ] + }, + { + "id": 47319, + "cuisine": "chinese", + "ingredients": [ + "water", + "Shaoxing wine", + "toasted sesame seeds", + "dark soy sauce", + "pork ribs", + "scallions", + "light soy sauce", + "ginger", + "sugar", + "vinegar", + "oil" + ] + }, + { + "id": 33689, + "cuisine": "french", + "ingredients": [ + "vanilla ice cream", + "lemon zest", + "grated lemon zest", + "pie dough", + "fresh blueberries", + "corn starch", + "sugar", + "large eggs", + "fresh lemon juice", + "ground cinnamon", + "unsalted butter", + "salt" + ] + }, + { + "id": 36864, + "cuisine": "french", + "ingredients": [ + "butter", + "water", + "sweet rice flour", + "fine sea salt", + "large eggs" + ] + }, + { + "id": 40741, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "chopped cilantro fresh", + "lime juice", + "salt", + "avocado", + "garlic", + "green onions" + ] + }, + { + "id": 7642, + "cuisine": "french", + "ingredients": [ + "eggs", + "ground black pepper", + "bacon", + "garlic cloves", + "white pepper", + "veal", + "fresh pork fat", + "dried basil", + "pork liver", + "cognac", + "pork", + "cayenne", + "salt", + "allspice" + ] + }, + { + "id": 23633, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "jalapeno chilies", + "garlic cloves", + "ground cumin", + "skim milk", + "poblano peppers", + "ancho powder", + "rotel tomatoes", + "cheddar cheese", + "lime", + "low sodium chicken broth", + "corn starch", + "black pepper", + "minced onion", + "salt", + "canola oil" + ] + }, + { + "id": 2499, + "cuisine": "southern_us", + "ingredients": [ + "pepper sauce", + "vegetables", + "dry mustard", + "cayenne pepper", + "onions", + "chicken stock", + "honey", + "ancho powder", + "yellow onion", + "baby back ribs", + "water", + "apple cider vinegar", + "salt", + "lard", + "tomato sauce", + "unsalted butter", + "garlic", + "carrots" + ] + }, + { + "id": 39566, + "cuisine": "italian", + "ingredients": [ + "milk", + "egg roll wrappers", + "teleme", + "all-purpose flour", + "chicken thighs", + "large egg yolks", + "shallots", + "part-skim ricotta cheese", + "fat", + "chopped tomatoes", + "grated parmesan cheese", + "garlic", + "butter oil", + "fresh basil leaves", + "chicken broth", + "ground nutmeg", + "basil", + "salt", + "onions" + ] + }, + { + "id": 453, + "cuisine": "french", + "ingredients": [ + "ice water", + "all-purpose flour", + "plum tomatoes", + "unsalted butter", + "crème fraîche", + "thyme leaves", + "kosher salt", + "extra-virgin olive oil", + "freshly ground pepper", + "whole grain mustard", + "gruyere cheese", + "garlic cloves" + ] + }, + { + "id": 49355, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "roma tomatoes", + "American cheese", + "cilantro", + "cream", + "jalapeno chilies", + "jack cheese", + "olive oil", + "diced tomatoes and green chilies" + ] + }, + { + "id": 13814, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "ground black pepper", + "tuna packed in olive oil", + "celery", + "salad", + "fennel", + "mixed greens", + "flat leaf parsley", + "kosher salt", + "extra-virgin olive oil", + "fresh lemon juice", + "orange bell pepper", + "purple onion", + "tarragon" + ] + }, + { + "id": 48265, + "cuisine": "french", + "ingredients": [ + "eggs", + "sauce", + "sourdough bread", + "cooked ham", + "grated Gruyère cheese", + "melted butter", + "dijon mustard" + ] + }, + { + "id": 2065, + "cuisine": "greek", + "ingredients": [ + "large eggs", + "salt", + "dried oregano", + "plain yogurt", + "pecorino romano cheese", + "flat leaf parsley", + "zucchini", + "purple onion", + "chopped fresh mint", + "vegetable oil", + "whole wheat breadcrumbs" + ] + }, + { + "id": 44372, + "cuisine": "russian", + "ingredients": [ + "kosher salt", + "marjoram", + "tarragon", + "flat leaf parsley", + "large egg whites", + "chicken" + ] + }, + { + "id": 31227, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "vegetable oil cooking spray", + "chopped green bell pepper", + "non-fat sour cream", + "green chile", + "garlic powder", + "ground red pepper", + "ground cumin", + "tomatoes", + "tomato sauce", + "zucchini", + "baked tortilla chips", + "reduced fat sharp cheddar cheese", + "frozen whole kernel corn", + "chili powder" + ] + }, + { + "id": 9891, + "cuisine": "mexican", + "ingredients": [ + "tomatillo salsa", + "boneless skinless chicken breasts", + "chicken broth" + ] + }, + { + "id": 29356, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "scallions", + "fennel", + "serrano", + "lemon juice", + "jumbo shrimp", + "salt", + "chardonnay", + "chile pepper", + "freshly ground pepper", + "feta cheese crumbles" + ] + }, + { + "id": 28509, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "coconut water", + "fish sauce", + "oil", + "clams", + "lemongrass", + "galangal", + "chiles", + "lime leaves" + ] + }, + { + "id": 46041, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "olive oil", + "bow-tie pasta", + "summer squash", + "sun-dried tomatoes", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 20518, + "cuisine": "southern_us", + "ingredients": [ + "nutmeg", + "bourbon whiskey", + "vanilla beans", + "brandy", + "cinnamon sticks", + "clove", + "dark rum" + ] + }, + { + "id": 44851, + "cuisine": "southern_us", + "ingredients": [ + "cream", + "cinnamon", + "yeast", + "brown sugar", + "large eggs", + "all-purpose flour", + "nutmeg", + "water", + "salt", + "sugar", + "sweet potatoes", + "oil" + ] + }, + { + "id": 35255, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "hot chili", + "scallions", + "kosher salt", + "vegetable oil", + "black pepper", + "szechwan peppercorns", + "green beans", + "mustard", + "fresh ginger", + "garlic" + ] + }, + { + "id": 18047, + "cuisine": "italian", + "ingredients": [ + "salt", + "flour", + "eggs", + "russet potatoes" + ] + }, + { + "id": 39325, + "cuisine": "mexican", + "ingredients": [ + "boneless pork shoulder", + "fresh coriander", + "ear of corn", + "white vinegar", + "white onion", + "purple onion", + "fresh lime juice", + "avocado", + "jalapeno chilies", + "garlic cloves", + "tomatoes", + "vegetable oil", + "corn tortillas" + ] + }, + { + "id": 4714, + "cuisine": "spanish", + "ingredients": [ + "vanilla beans", + "heavy cream", + "sugar", + "whole milk", + "cinnamon sticks", + "orange", + "lemon", + "egg yolks", + "corn starch" + ] + }, + { + "id": 12532, + "cuisine": "italian", + "ingredients": [ + "brown sugar", + "whole milk", + "all-purpose flour", + "large eggs", + "butter", + "bittersweet chocolate", + "ground nutmeg", + "roasted pistachios", + "fresh lemon juice", + "yellow corn meal", + "cooking spray", + "salt", + "grated orange" + ] + }, + { + "id": 13128, + "cuisine": "italian", + "ingredients": [ + "capers", + "grated parmesan cheese", + "garlic cloves", + "chicken", + "marsala wine", + "mushrooms", + "onions", + "green bell pepper", + "marinara sauce", + "low salt chicken broth", + "olive oil", + "all-purpose flour", + "dried oregano" + ] + }, + { + "id": 10231, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "orange rind", + "teas" + ] + }, + { + "id": 32478, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "cooked bacon", + "elbow pasta", + "cottage cheese", + "unsalted butter", + "salt", + "shredded Monterey Jack cheese", + "cotija", + "shredded cheddar cheese", + "garlic", + "cumin", + "chipotle chile", + "whole milk", + "mustard powder" + ] + }, + { + "id": 32248, + "cuisine": "british", + "ingredients": [ + "milk", + "potatoes", + "worcestershire sauce", + "garlic cloves", + "ground black pepper", + "dry white wine", + "salt", + "celery", + "olive oil", + "beef stock", + "cheese", + "carrots", + "tomato purée", + "grated parmesan cheese", + "Tabasco Pepper Sauce", + "minced beef", + "onions" + ] + }, + { + "id": 22767, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "crushed garlic", + "salt", + "minced onion", + "stewed tomatoes", + "hot water", + "ground black pepper", + "deveined shrimp", + "all-purpose flour", + "chopped green bell pepper", + "rendered bacon fat", + "fresh parsley" + ] + }, + { + "id": 36797, + "cuisine": "italian", + "ingredients": [ + "milk", + "ground sausage", + "grated parmesan cheese", + "eggs", + "Italian seasoned breadcrumbs" + ] + }, + { + "id": 29435, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "unsalted butter", + "apple cider vinegar", + "hot sauce", + "ground black pepper", + "baking powder", + "heavy cream", + "milk", + "flour", + "buttermilk", + "cayenne", + "breakfast sausages", + "bacon" + ] + }, + { + "id": 23814, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "lemon juice", + "salt", + "bread flour", + "vegetable oil", + "white sugar", + "water", + "dry milk powder" + ] + }, + { + "id": 36519, + "cuisine": "indian", + "ingredients": [ + "sugar", + "pistachios", + "cashew nuts", + "milk", + "gram flour", + "orange", + "green cardamom", + "almonds", + "ghee" + ] + }, + { + "id": 24809, + "cuisine": "moroccan", + "ingredients": [ + "sliced almonds", + "salt", + "lemon", + "carrots", + "orange", + "orange flower water", + "powdered sugar", + "extra-virgin olive oil" + ] + }, + { + "id": 41369, + "cuisine": "vietnamese", + "ingredients": [ + "fresh lime juice", + "thai chile", + "water", + "sugar", + "soy" + ] + }, + { + "id": 26074, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "eggs", + "ditalini pasta", + "fresh asparagus", + "olive oil", + "fresh parsley", + "romano cheese", + "garlic", + "boiling water" + ] + }, + { + "id": 25601, + "cuisine": "italian", + "ingredients": [ + "garlic", + "extra-virgin olive oil" + ] + }, + { + "id": 25773, + "cuisine": "italian", + "ingredients": [ + "green bell pepper, slice", + "boneless chicken skinless thigh", + "white mushrooms", + "olive oil", + "ragu old world style sweet tomato basil pasta sauc", + "dri thyme leaves, crush", + "onions" + ] + }, + { + "id": 43854, + "cuisine": "mexican", + "ingredients": [ + "beef stock", + "ground allspice", + "oregano", + "ground cloves", + "apple cider vinegar", + "garlic cloves", + "ground cumin", + "pepper", + "salt", + "fresh lime juice", + "chuck roast", + "yellow onion", + "chipotles in adobo" + ] + }, + { + "id": 3279, + "cuisine": "southern_us", + "ingredients": [ + "low-fat plain yogurt", + "egg yolks", + "strawberries", + "mango", + "large eggs", + "whipping cream", + "key lime juice", + "sugar", + "strawberry jam", + "corn starch", + "frozen pound cake", + "milk", + "butter", + "toasted coconut" + ] + }, + { + "id": 35425, + "cuisine": "irish", + "ingredients": [ + "white wine", + "loin", + "clear honey", + "flat leaf parsley", + "Guinness Beer", + "champagne", + "muscovado sugar" + ] + }, + { + "id": 27998, + "cuisine": "greek", + "ingredients": [ + "greek seasoning", + "sauce", + "olive oil", + "flank steak", + "parsley sprigs" + ] + }, + { + "id": 30418, + "cuisine": "japanese", + "ingredients": [ + "water", + "sesame oil", + "dried shiitake mushrooms", + "Sriracha", + "ginger", + "panko breadcrumbs", + "kale", + "ramen noodles", + "scallions", + "shredded carrots", + "garlic", + "broth" + ] + }, + { + "id": 37041, + "cuisine": "italian", + "ingredients": [ + "eggs", + "grated parmesan cheese", + "dried oregano", + "mozzarella cheese", + "large curd cottage cheese", + "pasta sauce", + "jumbo pasta shells", + "garlic powder", + "dried parsley" + ] + }, + { + "id": 1648, + "cuisine": "greek", + "ingredients": [ + "tomato paste", + "crushed red pepper", + "onions", + "olive oil", + "squid", + "dry red wine", + "fresh parsley", + "fresh basil", + "fresh oregano", + "plum tomatoes" + ] + }, + { + "id": 39446, + "cuisine": "russian", + "ingredients": [ + "water", + "dill seed", + "sugar", + "salt", + "white wine vinegar", + "seedless cucumber", + "garlic cloves" + ] + }, + { + "id": 27266, + "cuisine": "italian", + "ingredients": [ + "water", + "basil", + "penne pasta", + "oregano", + "olive oil", + "crushed red pepper", + "shrimp", + "crushed tomatoes", + "paprika", + "garlic cloves", + "chicken", + "heavy cream", + "salt", + "onions" + ] + }, + { + "id": 16511, + "cuisine": "irish", + "ingredients": [ + "baking powder", + "all-purpose flour", + "powdered sugar", + "vanilla extract", + "toasted pecans", + "salt", + "butter" + ] + }, + { + "id": 39429, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "broccoli rabe", + "parmesan cheese", + "italian sausage", + "garlic" + ] + }, + { + "id": 28179, + "cuisine": "mexican", + "ingredients": [ + "crushed red pepper", + "chili powder", + "oregano", + "beef shoulder roast", + "salt", + "garlic", + "cumin" + ] + }, + { + "id": 39298, + "cuisine": "korean", + "ingredients": [ + "ginger piece", + "salt", + "onions", + "pepper", + "napa cabbage", + "garlic cloves", + "pork belly", + "bay leaves", + "scallions", + "water", + "instant coffee", + "doenzang" + ] + }, + { + "id": 22815, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "salt", + "ground black pepper", + "rump roast", + "enchilada sauce", + "loin pork roast" + ] + }, + { + "id": 32643, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "fresh ginger", + "boneless skinless chicken breasts", + "garlic cloves", + "Mazola Corn Oil", + "large egg whites", + "baking soda", + "rice vinegar", + "sliced green onions", + "soy sauce", + "sesame seeds", + "sesame oil", + "corn starch", + "chicken stock", + "honey", + "chili paste", + "all-purpose flour" + ] + }, + { + "id": 4240, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "finely chopped onion", + "salt", + "black-eyed peas", + "cooking spray", + "long-grain rice", + "water", + "jalapeno chilies", + "canadian bacon", + "fat-free reduced-sodium chicken broth", + "hot pepper sauce", + "crushed red pepper", + "garlic cloves" + ] + }, + { + "id": 12337, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "chili powder", + "ground coriander", + "garam masala", + "sunflower oil", + "ground cumin", + "fresh ginger root", + "butter", + "mustard seeds", + "tomatoes", + "potatoes", + "ground tumeric" + ] + }, + { + "id": 48351, + "cuisine": "irish", + "ingredients": [ + "celery ribs", + "fresh oregano leaves", + "unsalted butter", + "heavy cream", + "all-purpose flour", + "mashed potatoes", + "large egg yolks", + "fresh thyme leaves", + "lamb shoulder", + "carrots", + "lamb stock", + "ground black pepper", + "russet potatoes", + "salt", + "canola oil", + "stew", + "kosher salt", + "fresh bay leaves", + "rosemary leaves", + "yellow onion" + ] + }, + { + "id": 15669, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "chicken breasts", + "yellow onion", + "ground cumin", + "coconut oil", + "fresh cilantro", + "ginger", + "coconut milk", + "pepper", + "chili powder", + "cayenne pepper", + "tomato sauce", + "garam masala", + "garlic", + "naan" + ] + }, + { + "id": 26299, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "peeled fresh ginger", + "crushed red pepper", + "fresh parmesan cheese", + "baby spinach", + "organic vegetable broth", + "olive oil", + "soya bean", + "salt", + "arborio rice", + "finely chopped onion", + "butter", + "garlic cloves" + ] + }, + { + "id": 20744, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "ginger", + "dried shrimp", + "string beans", + "Shaoxing wine", + "salt", + "chicken bouillon", + "garlic", + "sugar", + "ground pork", + "oil" + ] + }, + { + "id": 20044, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "red pepper flakes", + "short rib", + "mirin", + "dark brown sugar", + "fresh ginger", + "rice vinegar", + "garlic paste", + "sesame oil", + "scallions" + ] + }, + { + "id": 11410, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "vegetable oil", + "salt", + "green beans", + "cannellini beans", + "orzo", + "garlic cloves", + "kale", + "butternut squash", + "vegetable broth", + "carrots", + "ground black pepper", + "baking potatoes", + "chopped onion", + "dried oregano" + ] + }, + { + "id": 26915, + "cuisine": "italian", + "ingredients": [ + "chicken breast halves", + "cherry tomatoes", + "bocconcini", + "salt", + "olive oil", + "freshly ground pepper" + ] + }, + { + "id": 2985, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "raisins", + "brine-cured olives", + "balsamic vinegar", + "olive oil", + "fresh leav spinach", + "large garlic cloves" + ] + }, + { + "id": 25061, + "cuisine": "greek", + "ingredients": [ + "dry white wine", + "extra-virgin olive oil", + "elbow macaroni", + "salt and ground black pepper", + "lemon", + "garlic", + "onions", + "bay leaves", + "basil dried leaves", + "squid", + "dried oregano", + "crushed tomatoes", + "red wine vinegar", + "cheese", + "cinnamon sticks" + ] + }, + { + "id": 23834, + "cuisine": "italian", + "ingredients": [ + "flour tortillas", + "extra-virgin olive oil", + "onions", + "eggplant", + "balsamic vinegar", + "salt", + "green bell pepper", + "cannellini beans", + "crushed red pepper", + "italian seasoning", + "part-skim mozzarella cheese", + "diced tomatoes", + "red bell pepper" + ] + }, + { + "id": 10978, + "cuisine": "french", + "ingredients": [ + "sliced almonds", + "granulated sugar", + "vanilla", + "confectioners sugar", + "large egg yolks", + "whole milk", + "all-purpose flour", + "hazelnuts", + "unsalted butter", + "heavy cream", + "corn starch", + "water", + "large eggs", + "salt" + ] + }, + { + "id": 11156, + "cuisine": "indian", + "ingredients": [ + "spinach leaves", + "curry powder", + "chicken breasts", + "ginger", + "natural low-fat yogurt", + "fresh coriander", + "flour", + "clove garlic, fine chop", + "basmati rice", + "Flora Original", + "coriander seeds", + "Knorr Chicken Stock Cubes", + "onions", + "tumeric", + "olive oil", + "mango chutney", + "chickpeas" + ] + }, + { + "id": 21029, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "green onions", + "KRAFT Shredded Cheddar Cheese", + "Breakstone’s Sour Cream", + "refried beans", + "chili powder", + "sliced black olives", + "ground cumin" + ] + }, + { + "id": 12843, + "cuisine": "mexican", + "ingredients": [ + "oat bran", + "salt", + "baking powder", + "boiling water", + "all-purpose flour" + ] + }, + { + "id": 11384, + "cuisine": "thai", + "ingredients": [ + "dry sherry", + "lemon juice", + "cayenne pepper", + "light corn syrup", + "hot water", + "soy sauce", + "peanut butter" + ] + }, + { + "id": 9196, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "onions", + "chicken breast tenders", + "chili powder", + "corn tortillas", + "green bell pepper", + "cooking spray", + "red bell pepper", + "ground cumin", + "cherry tomatoes", + "romaine lettuce leaves", + "fresh lime juice" + ] + }, + { + "id": 17707, + "cuisine": "filipino", + "ingredients": [ + "bay leaves", + "onions", + "pork belly", + "sea salt", + "whole peppercorn", + "vegetable oil", + "water", + "garlic" + ] + }, + { + "id": 33238, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "garlic powder", + "red pepper flakes", + "cream cheese", + "fresh cilantro", + "jalapeno chilies", + "yellow corn", + "shredded cheddar cheese", + "ground black pepper", + "diced tomatoes", + "scallions", + "lime", + "chili powder", + "salt" + ] + }, + { + "id": 27101, + "cuisine": "french", + "ingredients": [ + "phyllo dough", + "yellow squash", + "zucchini", + "goat cheese", + "peeled tomatoes", + "eggplant", + "dry mustard", + "red bell pepper", + "pepper", + "olive oil", + "fresh thyme", + "garlic cloves", + "fresh basil", + "salad greens", + "finely chopped onion", + "salt", + "olive oil flavored cooking spray" + ] + }, + { + "id": 40452, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "scallions", + "watercress", + "chicken", + "soy sauce", + "red bell pepper", + "hot chili sauce" + ] + }, + { + "id": 46795, + "cuisine": "irish", + "ingredients": [ + "cooking spray", + "1% low-fat milk", + "reduced fat cheddar cheese", + "baking powder", + "all-purpose flour", + "large eggs", + "butter", + "rubbed sage", + "yellow corn meal", + "ground red pepper", + "salt" + ] + }, + { + "id": 42637, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "chopped onion", + "cajun style stewed tomatoes", + "crushed red pepper", + "shrimp", + "garlic", + "long-grain rice", + "vegetable oil cooking spray", + "green pepper" + ] + }, + { + "id": 19030, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "red pepper", + "cumin seed", + "chicken", + "vegetable shortening", + "meat tenderizer", + "ghee", + "fresh ginger root", + "paprika", + "ground cardamom", + "vegetable oil", + "garlic", + "lemon juice" + ] + }, + { + "id": 11092, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "green onions", + "ground cumin", + "tomatoes", + "garlic powder", + "shredded Monterey Jack cheese", + "taco seasoning mix", + "sour cream", + "refried beans", + "salsa" + ] + }, + { + "id": 9690, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "smoked sausage", + "dri leav thyme", + "tomato sauce", + "beef bouillon granules", + "salt", + "long-grain rice", + "parsley flakes", + "boneless chicken breast", + "jambalaya mix", + "oil", + "water", + "diced tomatoes", + "cayenne pepper", + "dried minced onion" + ] + }, + { + "id": 15034, + "cuisine": "jamaican", + "ingredients": [ + "lemon", + "garlic cloves", + "spinach", + "green pepper", + "onions", + "salt", + "coconut milk", + "hot pepper", + "okra" + ] + }, + { + "id": 749, + "cuisine": "spanish", + "ingredients": [ + "bread crumb fresh", + "leeks", + "kalamata", + "carrots", + "fresh rosemary", + "dijon mustard", + "shallots", + "garlic cloves", + "water", + "bay leaves", + "dry red wine", + "onions", + "tomatoes", + "olive oil", + "lamb neck", + "rack of lamb" + ] + }, + { + "id": 43944, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "lime juice", + "flour", + "heirloom tomatoes", + "smoked paprika", + "chipotles in adobo", + "ground cumin", + "mayonaise", + "milk", + "baking powder", + "salt", + "sweet yellow corn", + "dried oregano", + "burger buns", + "fresh cilantro", + "green onions", + "garlic", + "ground turkey", + "panko breadcrumbs", + "avocado", + "cotija", + "jalapeno chilies", + "chili powder", + "sharp cheddar cheese", + "smoked gouda", + "canola oil" + ] + }, + { + "id": 45312, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "scallions", + "brown sugar", + "ground thyme", + "garlic cloves", + "soy sauce", + "salt", + "nutmeg", + "cinnamon", + "allspice berries" + ] + }, + { + "id": 12938, + "cuisine": "russian", + "ingredients": [ + "mustard", + "green onions", + "sour cream", + "water", + "sausages", + "eggs", + "dill", + "potatoes", + "cucumber" + ] + }, + { + "id": 2775, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "water", + "dry white wine", + "garlic cloves", + "onions", + "fresh basil", + "mascarpone", + "salt", + "flat leaf parsley", + "arborio rice", + "fresh parmesan cheese", + "butter", + "carrots", + "saffron threads", + "black pepper", + "leeks", + "grated lemon zest", + "thyme sprigs" + ] + }, + { + "id": 42883, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "red bell pepper", + "italian sausage", + "yellow onion", + "bread", + "vegetable oil", + "fontina cheese", + "freshly ground pepper" + ] + }, + { + "id": 16377, + "cuisine": "mexican", + "ingredients": [ + "frozen whole kernel corn", + "chicken", + "shredded cheddar cheese", + "sour cream", + "black beans", + "fatfre cream of chicken soup", + "refrigerated piecrusts", + "Pace Chunky Salsa" + ] + }, + { + "id": 7901, + "cuisine": "jamaican", + "ingredients": [ + "vegetable oil", + "cold water", + "salt", + "butter", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 13733, + "cuisine": "italian", + "ingredients": [ + "shallots", + "salt", + "pinenuts", + "whipping cream", + "oil", + "romano cheese", + "bacon slices", + "freshly ground pepper", + "olive oil", + "linguine", + "flat leaf parsley" + ] + }, + { + "id": 16096, + "cuisine": "jamaican", + "ingredients": [ + "curry powder", + "garlic", + "onions", + "cooking oil", + "salt", + "boiling water", + "black pepper", + "potatoes", + "tomato ketchup", + "pepper", + "meat", + "thyme" + ] + }, + { + "id": 18275, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "chicken breasts", + "creamy peanut butter", + "brown sugar", + "quinoa", + "edamame", + "carrots", + "ground ginger", + "peanuts", + "rice vinegar", + "garlic cloves", + "sweet chili sauce", + "green onions", + "canned coconut milk", + "chopped cilantro" + ] + }, + { + "id": 46426, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "salt", + "eggs", + "boneless skinless chicken breasts", + "panko breadcrumbs", + "grated parmesan cheese", + "all-purpose flour", + "pepper", + "paprika" + ] + }, + { + "id": 23822, + "cuisine": "italian", + "ingredients": [ + "cognac", + "unsweetened cocoa powder", + "melted butter", + "confectioners sugar", + "raisins", + "sweetened condensed milk", + "biscuits", + "blanched almonds" + ] + }, + { + "id": 2887, + "cuisine": "indian", + "ingredients": [ + "chili flakes", + "red bell pepper", + "white wine vinegar", + "salt", + "sugar", + "onions" + ] + }, + { + "id": 16378, + "cuisine": "french", + "ingredients": [ + "haricots verts", + "walnuts", + "roquefort cheese", + "vinaigrette", + "red potato" + ] + }, + { + "id": 12214, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh herbs", + "large garlic cloves", + "penne", + "goat cheese", + "zucchini" + ] + }, + { + "id": 13663, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "spring onions", + "sunflower oil", + "toasted sesame oil", + "ground black pepper", + "szechwan peppercorns", + "salt", + "fresh ginger", + "bean paste", + "garlic", + "chili flakes", + "mushrooms", + "balsamic vinegar", + "firm tofu" + ] + }, + { + "id": 4454, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "leeks", + "arborio rice", + "olive oil", + "lemon wedge", + "fat free less sodium chicken broth", + "dry white wine", + "beet greens", + "fresh parmesan cheese" + ] + }, + { + "id": 28183, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "eggs", + "chopped pecans", + "butter pecan cake mix", + "frosting", + "water" + ] + }, + { + "id": 11615, + "cuisine": "chinese", + "ingredients": [ + "spring onions", + "garlic cloves", + "fresh ginger root", + "chinese five-spice powder", + "light soy sauce", + "rice wine", + "chicken thighs", + "clear honey", + "oil" + ] + }, + { + "id": 22780, + "cuisine": "greek", + "ingredients": [ + "fronds", + "dry white wine", + "mixed greens", + "chopped garlic", + "olive oil", + "shank half", + "feta cheese crumbles", + "fresh dill", + "fennel bulb", + "scallions", + "dried oregano", + "fennel seeds", + "ground black pepper", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 17566, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "whole milk", + "sugar", + "sweetened condensed milk", + "egg yolks", + "slivered almonds", + "Mexican vanilla extract" + ] + }, + { + "id": 33069, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "hot red pepper flakes", + "garlic cloves", + "anchovy fillets", + "olive oil", + "escarole" + ] + }, + { + "id": 24003, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "flank steak", + "baking soda", + "vegetable oil", + "water", + "marinade", + "sugar", + "broccoli florets", + "corn starch" + ] + }, + { + "id": 24589, + "cuisine": "italian", + "ingredients": [ + "vodka", + "reduced fat milk", + "basil", + "pasta", + "fresh parmesan cheese", + "ground red pepper", + "all-purpose flour", + "tomato sauce", + "finely chopped onion", + "butter", + "garlic cloves", + "water", + "half & half", + "salt" + ] + }, + { + "id": 2590, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "dried thyme", + "balsamic vinegar", + "hamburger", + "tomato paste", + "crushed tomatoes", + "beef stock", + "diced tomatoes", + "onions", + "kosher salt", + "olive oil", + "red pepper", + "fresh mushrooms", + "brown sugar", + "dried basil", + "bay leaves", + "garlic", + "dried oregano" + ] + }, + { + "id": 34084, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed light brown sugar", + "cracked black pepper", + "tea bags", + "sweet onion", + "garlic cloves", + "ice cubes", + "kosher salt", + "whole chicken", + "rosemary sprigs", + "lemon" + ] + }, + { + "id": 3093, + "cuisine": "filipino", + "ingredients": [ + "condensed milk", + "crushed ice", + "berries", + "small pearl tapioca", + "coconut milk" + ] + }, + { + "id": 27628, + "cuisine": "italian", + "ingredients": [ + "sugar", + "cooking spray", + "lemon rind", + "unflavored gelatin", + "light pancake syrup", + "1% low-fat milk", + "vanilla beans", + "mint sprigs", + "raspberries", + "red currant jelly", + "corn starch" + ] + }, + { + "id": 47646, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "marinara sauce", + "fresh mushrooms", + "large eggs", + "garlic", + "olive oil", + "ziti", + "shredded mozzarella cheese", + "pasta", + "grated parmesan cheese", + "ricotta" + ] + }, + { + "id": 20412, + "cuisine": "filipino", + "ingredients": [ + "black peppercorns", + "vegetable oil", + "chicken legs", + "bay leaves", + "cooked rice", + "garlic cloves", + "white vinegar", + "soy sauce" + ] + }, + { + "id": 2557, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "dried chile peppers", + "onions", + "Madeira", + "salt", + "shrimp", + "celery ribs", + "butter", + "carrots", + "broth", + "andouille sausage", + "okra", + "red bell pepper" + ] + }, + { + "id": 22549, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "diced tomatoes", + "green chile", + "chili powder", + "ground cumin", + "green onions", + "whole kernel corn, drain", + "minced garlic", + "stewed tomatoes" + ] + }, + { + "id": 10757, + "cuisine": "thai", + "ingredients": [ + "black pepper", + "rice sticks", + "salt", + "garlic cloves", + "low sodium soy sauce", + "dry roasted peanuts", + "cooking spray", + "red curry paste", + "fresh lime juice", + "brown sugar", + "water", + "ground red pepper", + "chopped onion", + "reduced fat firm tofu", + "cider vinegar", + "large eggs", + "broccoli", + "carrots" + ] + }, + { + "id": 1193, + "cuisine": "indian", + "ingredients": [ + "half & half", + "unsalted shelled pistachio", + "cardamom seeds", + "sugar", + "blanched almonds", + "whole milk ricotta cheese" + ] + }, + { + "id": 41110, + "cuisine": "chinese", + "ingredients": [ + "back bacon", + "garlic", + "dark soy sauce", + "vegetable oil", + "chicken legs", + "water", + "oyster sauce", + "soy sauce", + "white rice" + ] + }, + { + "id": 28491, + "cuisine": "french", + "ingredients": [ + "frozen pastry puff sheets", + "brie cheese", + "sliced almonds" + ] + }, + { + "id": 11966, + "cuisine": "southern_us", + "ingredients": [ + "harissa", + "all-purpose flour", + "carrots", + "eggs", + "buttermilk", + "scallions", + "canned corn", + "yellow corn meal", + "olive oil mayonnaise", + "frozen corn", + "frozen peas", + "baking soda", + "salt", + "oil" + ] + }, + { + "id": 11224, + "cuisine": "thai", + "ingredients": [ + "jasmine rice", + "sugar", + "coconut cream", + "kosher salt" + ] + }, + { + "id": 41533, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "red wine vinegar", + "fresh parsley", + "fontina cheese", + "cooking oil", + "salt", + "dried oregano", + "ground black pepper", + "red wine", + "onions", + "perciatelli", + "grated parmesan cheese", + "ground beef" + ] + }, + { + "id": 30332, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "ground cumin", + "poultry seasoning", + "grated parmesan cheese", + "italian seasoning" + ] + }, + { + "id": 684, + "cuisine": "mexican", + "ingredients": [ + "cooked turkey", + "enchilada sauce", + "plum tomatoes", + "vegetable oil", + "corn tortillas", + "chipotle chile", + "grated jack cheese", + "chopped cilantro fresh", + "finely chopped onion", + "sour cream" + ] + }, + { + "id": 74, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ginger", + "oyster sauce", + "flank steak", + "scallions", + "napa cabbage leaves", + "rice vinegar", + "corn starch", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 6834, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "corn tortillas", + "chili", + "pumpkin seeds", + "water", + "fresh oregano", + "plum tomatoes", + "hard-boiled egg", + "low salt chicken broth" + ] + }, + { + "id": 15010, + "cuisine": "southern_us", + "ingredients": [ + "cream of chicken soup", + "poultry seasoning", + "biscuits", + "chopped celery", + "frozen mixed thawed vegetables,", + "boneless chicken breast halves", + "chicken gravy", + "black pepper", + "chopped onion", + "thyme" + ] + }, + { + "id": 35080, + "cuisine": "southern_us", + "ingredients": [ + "large egg whites", + "vanilla extract", + "applesauce", + "ground cinnamon", + "cooking spray", + "all-purpose flour", + "large egg yolks", + "salt", + "brown sugar", + "sweet potatoes", + "margarine" + ] + }, + { + "id": 13351, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "Tabasco Pepper Sauce", + "spanish chorizo", + "ham", + "turnips", + "kale", + "salt", + "yellow onion", + "green cabbage", + "potatoes", + "white beans", + "garlic cloves", + "water", + "worcestershire sauce", + "salt pork", + "chicken thighs" + ] + }, + { + "id": 44591, + "cuisine": "moroccan", + "ingredients": [ + "tomato purée", + "salt", + "flat leaf parsley", + "onions", + "ginger", + "cumin seed", + "harissa sauce", + "plain yogurt", + "freshly ground pepper", + "phyllo pastry", + "chopped fresh mint", + "ground cinnamon", + "extra-virgin olive oil", + "garlic cloves", + "ground beef" + ] + }, + { + "id": 4303, + "cuisine": "mexican", + "ingredients": [ + "fresh ginger", + "sugar", + "hibiscus flowers" + ] + }, + { + "id": 18090, + "cuisine": "thai", + "ingredients": [ + "light brown sugar", + "water", + "jalapeno chilies", + "chopped onion", + "red bell pepper", + "molasses", + "extra firm tofu", + "cayenne pepper", + "peanut oil", + "tomatoes", + "fresh cilantro", + "brown rice", + "creamy peanut butter", + "fresh mint", + "soy sauce", + "Sriracha", + "garlic", + "roasted peanuts", + "fresh lime juice" + ] + }, + { + "id": 49440, + "cuisine": "thai", + "ingredients": [ + "olive oil", + "ground cumin", + "soy sauce", + "ginger", + "red chili peppers", + "prawns", + "lemongrass", + "garlic cloves" + ] + }, + { + "id": 7816, + "cuisine": "french", + "ingredients": [ + "olive oil", + "thyme leaves", + "dried lavender", + "lemon zest", + "chicken", + "honey", + "salt" + ] + }, + { + "id": 47887, + "cuisine": "french", + "ingredients": [ + "grated parmesan cheese", + "grated Gruyère cheese", + "chicken broth", + "butter", + "chopped parsley", + "ground black pepper", + "salt", + "onions", + "dry white wine", + "croutons" + ] + }, + { + "id": 19735, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "flank steak", + "cayenne pepper", + "flour tortillas", + "vegetable oil", + "fresh lime juice", + "avocado", + "jalapeno chilies", + "yellow bell pepper", + "onions", + "kosher salt", + "Mexican oregano", + "garlic cloves" + ] + }, + { + "id": 8864, + "cuisine": "southern_us", + "ingredients": [ + "bouillon", + "zucchini", + "sliced carrots", + "onions", + "pepper", + "cooking spray", + "garlic cloves", + "dried tarragon leaves", + "broccoli florets", + "salt", + "dried rosemary", + "parsley flakes", + "water", + "mushrooms", + "corn starch" + ] + }, + { + "id": 10973, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "ginger", + "chicken", + "tomato paste", + "garam masala", + "nonfat yogurt plain", + "black pepper", + "heavy cream", + "garlic cloves", + "white vinegar", + "hungarian paprika", + "salt", + "ground cumin" + ] + }, + { + "id": 19052, + "cuisine": "italian", + "ingredients": [ + "bread rolls", + "pecorino romano cheese", + "butter", + "italian seasoning" + ] + }, + { + "id": 42880, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "vegetable oil", + "long grain white rice", + "water", + "onions", + "green bell pepper", + "stewed tomatoes" + ] + }, + { + "id": 1839, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "greek yogurt", + "dill", + "salt", + "cucumber" + ] + }, + { + "id": 35399, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "peaches", + "chopped cilantro fresh", + "olive oil", + "salt", + "fresh ginger", + "fresh lemon juice", + "sweet onion", + "jalapeno chilies" + ] + }, + { + "id": 11264, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "cooking spray", + "spaghetti", + "kosher salt", + "extra-virgin olive oil", + "grape tomatoes", + "chicken breast halves", + "dried oregano", + "pepper", + "garlic" + ] + }, + { + "id": 40263, + "cuisine": "irish", + "ingredients": [ + "heavy cream", + "sugar", + "beer", + "bittersweet chocolate chips" + ] + }, + { + "id": 42284, + "cuisine": "italian", + "ingredients": [ + "whole milk yoghurt", + "salt", + "eggs", + "lemon", + "chopped fresh mint", + "chopped fresh thyme", + "scallions", + "parmesan cheese", + "linguine" + ] + }, + { + "id": 37761, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "cooking oil", + "cabbage", + "slivered almonds", + "granulated sugar", + "salt", + "seasoning", + "sesame seeds", + "green onions", + "chicken", + "cider vinegar", + "reduced sodium soy sauce", + "oil" + ] + }, + { + "id": 6166, + "cuisine": "indian", + "ingredients": [ + "honey", + "garlic cloves", + "strong white bread flour", + "vegetable oil", + "yoghurt", + "yeast", + "water", + "salt" + ] + }, + { + "id": 16884, + "cuisine": "mexican", + "ingredients": [ + "crema", + "parmigiano reggiano cheese", + "queso anejo", + "lime", + "ear of corn", + "sea salt", + "ground chile" + ] + }, + { + "id": 36292, + "cuisine": "southern_us", + "ingredients": [ + "Velveeta", + "salt", + "milk", + "elbow macaroni", + "pepper", + "all-purpose flour", + "cheddar cheese", + "butter", + "monterey jack" + ] + }, + { + "id": 16709, + "cuisine": "japanese", + "ingredients": [ + "rice", + "canola oil", + "egg yolks", + "corn starch", + "baking soda", + "squid", + "salt", + "ice" + ] + }, + { + "id": 41512, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "finely chopped onion", + "garlic cloves", + "scallion greens", + "unsalted butter", + "salt", + "medium shrimp", + "cayenne", + "fish stock", + "juice", + "tomatoes", + "chopped green bell pepper", + "all-purpose flour", + "long grain white rice" + ] + }, + { + "id": 9776, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "cilantro", + "coconut milk", + "instant rice", + "olive oil", + "white wine vinegar", + "water", + "crushed red pepper flakes", + "chicken bouillon", + "black-eyed peas", + "salt" + ] + }, + { + "id": 25000, + "cuisine": "spanish", + "ingredients": [ + "orange bell pepper", + "red wine vinegar", + "purple onion", + "kosher salt", + "hot pepper sauce", + "worcestershire sauce", + "chopped cilantro fresh", + "tomatoes", + "ground black pepper", + "lemon", + "cucumber", + "lime", + "balsamic vinegar", + "extra-virgin olive oil" + ] + }, + { + "id": 22665, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "tortilla chips", + "chopped green chilies", + "onions", + "milk", + "garlic cloves", + "butter", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 15222, + "cuisine": "italian", + "ingredients": [ + "finely chopped onion", + "garlic cloves", + "angel hair", + "worcestershire sauce", + "shrimp", + "butter", + "fresh lemon juice", + "romano cheese", + "herb seasoning", + "fresh parsley" + ] + }, + { + "id": 16402, + "cuisine": "spanish", + "ingredients": [ + "atlantic cod fillets", + "olive oil", + "large garlic cloves", + "thyme", + "black pepper", + "shallots", + "salt", + "flat leaf parsley", + "lower sodium chicken broth", + "dry white wine", + "crushed red pepper", + "smoked paprika", + "sliced almonds", + "brown rice", + "fresh lemon juice", + "plum tomatoes" + ] + }, + { + "id": 24487, + "cuisine": "southern_us", + "ingredients": [ + "vegetable shortening", + "cayenne pepper", + "romano cheese", + "salt", + "baking powder", + "all-purpose flour", + "sugar", + "buttermilk", + "sharp cheddar cheese" + ] + }, + { + "id": 8343, + "cuisine": "chinese", + "ingredients": [ + "cabbage leaves", + "soy sauce", + "sesame oil", + "chinese black vinegar", + "chinese rice wine", + "pork chops", + "all-purpose flour", + "boiling water", + "chicken wings", + "water", + "star anise", + "pork shoulder", + "sugar", + "peeled fresh ginger", + "scallions" + ] + }, + { + "id": 39513, + "cuisine": "italian", + "ingredients": [ + "butter", + "boneless skinless chicken breast halves", + "sage leaves", + "chopped fresh sage", + "all-purpose flour", + "marsala wine", + "low salt chicken broth" + ] + }, + { + "id": 41389, + "cuisine": "irish", + "ingredients": [ + "water", + "ground red pepper", + "all-purpose flour", + "oats", + "finely chopped onion", + "butter", + "fresh parmesan cheese", + "baking powder", + "egg substitute", + "cooking spray", + "salt" + ] + }, + { + "id": 45387, + "cuisine": "british", + "ingredients": [ + "powdered sugar", + "unsalted butter", + "salt", + "orange zest", + "ground cinnamon", + "sultana", + "dried apricot", + "free-range eggs", + "brown sugar", + "instant yeast", + "apricot jam", + "strong white bread flour", + "milk", + "vegetable oil", + "dried cranberries" + ] + }, + { + "id": 17944, + "cuisine": "british", + "ingredients": [ + "crusty bread", + "leaves", + "hard-boiled egg", + "chutney", + "celery ribs", + "figs", + "unsalted butter", + "apples", + "cheddar cheese", + "ground black pepper", + "extra large eggs", + "virginia ham", + "kosher salt", + "radishes", + "baby carrots" + ] + }, + { + "id": 27930, + "cuisine": "mexican", + "ingredients": [ + "salt", + "pork loin", + "pork butt", + "water", + "lard", + "garlic" + ] + }, + { + "id": 25468, + "cuisine": "italian", + "ingredients": [ + "white pepper", + "leeks", + "lemon juice", + "arborio rice", + "olive oil", + "dry white wine", + "celery", + "water", + "butternut squash", + "low salt chicken broth", + "fresh sage", + "fresh parmesan cheese", + "salt" + ] + }, + { + "id": 35144, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "coriander seeds", + "kasuri methi", + "dried red chile peppers", + "tumeric", + "coriander powder", + "cumin seed", + "onions", + "tomatoes", + "garam masala", + "garlic", + "chopped cilantro", + "water", + "mushrooms", + "oil", + "ground cumin" + ] + }, + { + "id": 35458, + "cuisine": "russian", + "ingredients": [ + "eggs", + "active dry yeast", + "raisins", + "powdered sugar", + "flour", + "sprinkles", + "sugar", + "egg yolks", + "vanilla", + "milk", + "butter", + "salt" + ] + }, + { + "id": 10569, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "fresh cilantro", + "napa cabbage", + "chinese five-spice powder", + "beansprouts", + "white pepper", + "rice wine", + "garlic", + "shrimp", + "soy sauce", + "pork loin", + "rice vermicelli", + "carrots", + "onions", + "chinese black mushrooms", + "vegetable oil", + "salt", + "corn starch" + ] + }, + { + "id": 25789, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "fresh ginger", + "soy sauce", + "garlic cloves", + "baby bok choy", + "peanut oil", + "sugar", + "sesame oil" + ] + }, + { + "id": 7914, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ginger", + "peanut oil", + "japanese eggplants", + "Shaoxing wine", + "chili bean paste", + "corn starch", + "sugar", + "ground pork", + "green chilies", + "black vinegar", + "low sodium chicken broth", + "garlic", + "scallions" + ] + }, + { + "id": 39028, + "cuisine": "british", + "ingredients": [ + "chicken broth", + "potatoes", + "garlic", + "sweet onion", + "ground thyme", + "puff pastry", + "eggs", + "chicken breasts", + "corn starch", + "rutabaga", + "ground black pepper", + "sea salt" + ] + }, + { + "id": 32349, + "cuisine": "indian", + "ingredients": [ + "bread", + "peeled fresh ginger", + "orange juice", + "sliced green onions", + "curry powder", + "cashew chop unsalt", + "fresh parsley", + "dried apricot", + "watercress", + "grated orange", + "seedless green grape", + "boneless skinless chicken breasts", + "reduced fat mayonnaise" + ] + }, + { + "id": 9560, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "chili powder", + "walnuts", + "ground cumin", + "water", + "purple onion", + "fresh lime juice", + "tomatoes", + "fine sea salt", + "fresh lemon juice", + "macadamia nuts", + "cayenne pepper", + "cumin" + ] + }, + { + "id": 21727, + "cuisine": "vietnamese", + "ingredients": [ + "beef bones", + "oxtails", + "water" + ] + }, + { + "id": 47134, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "broccoli", + "dried oregano", + "ricotta cheese", + "shredded mozzarella cheese", + "salt and ground black pepper", + "butter", + "sliced mushrooms", + "boneless skinless chicken breasts", + "baked pizza crust" + ] + }, + { + "id": 38172, + "cuisine": "italian", + "ingredients": [ + "eggs", + "fresh peas", + "heavy cream", + "prosciutto", + "yukon gold potatoes", + "water", + "flour", + "salt", + "ground black pepper", + "butter" + ] + }, + { + "id": 47976, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "large eggs", + "garlic", + "dried oregano", + "honey", + "vegetable oil", + "cayenne pepper", + "dried thyme", + "boneless skinless chicken breasts", + "all-purpose flour", + "soy sauce", + "ground black pepper", + "paprika", + "corn starch" + ] + }, + { + "id": 49042, + "cuisine": "korean", + "ingredients": [ + "sesame", + "sesame oil", + "scallions", + "noodles", + "sugar", + "salt", + "carrots", + "spinach", + "garlic", + "oil", + "soy sauce", + "dried shiitake mushrooms", + "onions" + ] + }, + { + "id": 12528, + "cuisine": "brazilian", + "ingredients": [ + "seeds", + "nuts", + "fruit", + "açai powder", + "unsweetened shredded dried coconut", + "granola", + "bananas", + "coconut water" + ] + }, + { + "id": 31236, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "green onions", + "canned coconut milk", + "salmon fillets", + "garlic", + "sour cream", + "cooked rice", + "paprika", + "butter oil", + "pepper", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 26334, + "cuisine": "southern_us", + "ingredients": [ + "tea bags", + "baking soda", + "water", + "liquor", + "vodka", + "granulated sugar", + "mint", + "orange" + ] + }, + { + "id": 18198, + "cuisine": "indian", + "ingredients": [ + "chicken stock", + "garam masala", + "garlic", + "chillies", + "chicken", + "brown sugar", + "meat", + "ground coriander", + "onions", + "ground cumin", + "tomatoes", + "potatoes", + "leg quarters", + "ghee", + "allspice", + "vegetables", + "ginger", + "juice", + "coriander" + ] + }, + { + "id": 48701, + "cuisine": "mexican", + "ingredients": [ + "roma tomatoes", + "purple onion", + "cilantro", + "jalapeno chilies", + "salt", + "lime", + "cracked black pepper" + ] + }, + { + "id": 30640, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "tomato sauce", + "shredded cheddar cheese", + "salt", + "garlic cloves", + "dried oregano", + "parsley flakes", + "cottage cheese", + "part-skim mozzarella cheese", + "sauce", + "dried minced onion", + "ground cinnamon", + "sugar", + "dried basil", + "jumbo pasta shells", + "frozen chopped spinach, thawed and squeezed dry", + "eggs", + "pepper", + "grated parmesan cheese", + "cream cheese", + "onions" + ] + }, + { + "id": 21372, + "cuisine": "mexican", + "ingredients": [ + "lime", + "chopped cilantro", + "avocado", + "purple onion", + "extra-virgin olive oil", + "tomatoes", + "salt" + ] + }, + { + "id": 13323, + "cuisine": "filipino", + "ingredients": [ + "black peppercorns", + "lime juice", + "chicken breasts", + "cilantro leaves", + "ketchup", + "Sriracha", + "red pepper flakes", + "bay leaf", + "fish sauce", + "honey", + "apple cider vinegar", + "garlic cloves", + "white vinegar", + "water", + "wheat free soy sauce", + "anise", + "chopped cilantro" + ] + }, + { + "id": 23672, + "cuisine": "mexican", + "ingredients": [ + "silver tequila", + "kosher salt", + "lemon-lime soda", + "ice cubes", + "triple sec", + "lime juice" + ] + }, + { + "id": 34340, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "cinnamon", + "chopped cilantro fresh", + "pork tenderloin", + "sweet paprika", + "ground cumin", + "shredded carrots", + "salt", + "liquid honey", + "pepper", + "green onions", + "lemon juice" + ] + }, + { + "id": 14257, + "cuisine": "italian", + "ingredients": [ + "pitted olives", + "roasted red peppers", + "french baguette", + "chopped celery" + ] + }, + { + "id": 14858, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "grated parmesan cheese", + "frozen bread dough", + "ripe olives", + "pepper", + "pizza sauce", + "provolone cheese", + "plum tomatoes", + "olive oil", + "salami", + "sliced ham", + "sliced green onions", + "mozzarella cheese", + "artichok heart marin", + "red pepper", + "onions" + ] + }, + { + "id": 42487, + "cuisine": "french", + "ingredients": [ + "granulated sugar", + "bartlett pears", + "large egg yolks", + "dessert wine", + "light brown sugar", + "raisins", + "lemon zest", + "orange zest" + ] + }, + { + "id": 19728, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "broccoli", + "coarse salt", + "broth", + "grated parmesan cheese", + "fresh lemon juice", + "ditalini" + ] + }, + { + "id": 44554, + "cuisine": "british", + "ingredients": [ + "milk", + "eggs", + "salt", + "medium eggs", + "flour", + "cream", + "sausages" + ] + }, + { + "id": 34619, + "cuisine": "mexican", + "ingredients": [ + "onions", + "kosher salt", + "dried black beans", + "canola oil", + "garlic" + ] + }, + { + "id": 9844, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "garlic salt", + "salsa", + "butter", + "ground cumin", + "long-grain rice" + ] + }, + { + "id": 15629, + "cuisine": "indian", + "ingredients": [ + "minced onion", + "vegetable broth", + "fresh lime juice", + "sugar", + "vegetable oil", + "cumin seed", + "water", + "cilantro sprigs", + "garlic cloves", + "red lentils", + "ground red pepper", + "salt", + "ground turmeric" + ] + }, + { + "id": 47536, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "pinto beans", + "chili powder", + "olive oil", + "ground cumin", + "tomatoes", + "salt" + ] + }, + { + "id": 1710, + "cuisine": "french", + "ingredients": [ + "sugar", + "puff pastry" + ] + }, + { + "id": 49151, + "cuisine": "italian", + "ingredients": [ + "eggs", + "orange", + "butter", + "sugar", + "baking powder", + "vanilla", + "slivered almonds", + "red raspberries", + "all purpose unbleached flour", + "water", + "almond extract", + "salt" + ] + }, + { + "id": 8567, + "cuisine": "vietnamese", + "ingredients": [ + "ground chicken", + "shallots", + "rice vinegar", + "serrano chile", + "kosher salt", + "vegetable oil", + "scallions", + "fish sauce", + "granulated sugar", + "garlic", + "corn starch", + "light brown sugar", + "lemongrass", + "rice vermicelli", + "carrots" + ] + }, + { + "id": 21897, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "yellow squash", + "unsalted butter", + "fresh rosemary", + "dried tagliatelle" + ] + }, + { + "id": 30967, + "cuisine": "southern_us", + "ingredients": [ + "green tomatoes", + "yellow corn meal", + "salt", + "vegetable oil", + "black pepper" + ] + }, + { + "id": 187, + "cuisine": "italian", + "ingredients": [ + "capers", + "ground black pepper", + "extra-virgin olive oil", + "kosher salt", + "heirloom tomatoes", + "fresh oregano", + "pitted kalamata olives", + "red wine vinegar", + "purple onion", + "minced garlic", + "anchovy paste" + ] + }, + { + "id": 38531, + "cuisine": "spanish", + "ingredients": [ + "tomato sauce", + "green onions", + "littleneck clams", + "chopped green bell pepper", + "turkey kielbasa", + "red bell pepper", + "water", + "dry white wine", + "garlic cloves", + "diced onions", + "mushrooms", + "clam juice" + ] + }, + { + "id": 36211, + "cuisine": "italian", + "ingredients": [ + "pepper", + "extra-virgin olive oil", + "cayenne pepper", + "onions", + "romano cheese", + "butter", + "salt", + "chopped parsley", + "Alfredo sauce", + "garlic", + "red bell pepper", + "cream", + "portabello mushroom", + "penne pasta", + "medium shrimp" + ] + }, + { + "id": 33332, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "diced tomatoes", + "chopped onion", + "grated parmesan cheese", + "linguine", + "fresh parsley", + "olive oil", + "dry red wine", + "anchovy fillets", + "clams", + "large garlic cloves", + "crushed red pepper" + ] + }, + { + "id": 27563, + "cuisine": "jamaican", + "ingredients": [ + "white vinegar", + "kidney beans", + "garlic", + "fresh coriander", + "capsicum", + "olive oil", + "white rice", + "chicken stock", + "hot pepper sauce" + ] + }, + { + "id": 28991, + "cuisine": "greek", + "ingredients": [ + "water", + "salt", + "tomato paste", + "ground pepper", + "oregano", + "olive oil", + "onions", + "fresh dill", + "green peas" + ] + }, + { + "id": 17521, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "green cardamom", + "ginger paste", + "clove", + "yoghurt", + "onions", + "coriander powder", + "ghee", + "red chili powder", + "salt", + "chicken" + ] + }, + { + "id": 40603, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "kosher salt", + "olive oil", + "white onion", + "serrano chile" + ] + }, + { + "id": 38301, + "cuisine": "indian", + "ingredients": [ + "ginger", + "ground coriander", + "cinnamon sticks", + "diced lamb", + "cayenne pepper", + "oil", + "onions", + "garam masala", + "cardamom pods", + "lemon juice", + "cashew nuts", + "fresh coriander", + "garlic", + "cumin seed", + "coconut milk" + ] + }, + { + "id": 32255, + "cuisine": "cajun_creole", + "ingredients": [ + "melted butter", + "half & half", + "onions", + "garlic powder", + "onion powder", + "crawfish", + "green onions", + "chicken stock", + "flour", + "cayenne pepper" + ] + }, + { + "id": 40667, + "cuisine": "mexican", + "ingredients": [ + "pork tenderloin", + "pineapple", + "corn tortillas", + "chopped garlic", + "pepper", + "chili powder", + "cilantro leaves", + "chopped cilantro fresh", + "ground cumin", + "radishes", + "queso fresco", + "juice", + "dried oregano", + "jalapeno chilies", + "salt", + "onions", + "canola oil" + ] + }, + { + "id": 35233, + "cuisine": "french", + "ingredients": [ + "ground cinnamon", + "maple syrup", + "large eggs", + "milk", + "cream cheese", + "french bread" + ] + }, + { + "id": 5604, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "garbanzo beans", + "ground beef", + "tomato sauce", + "dried basil", + "macaroni", + "onions", + "fresh basil", + "water", + "fennel", + "roasted tomatoes", + "homemade chicken stock", + "olive oil", + "Italian turkey sausage", + "dried oregano" + ] + }, + { + "id": 40073, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "diced tomatoes", + "parmesan cheese", + "garlic cloves", + "green onions", + "dried basil", + "cheese" + ] + }, + { + "id": 28715, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "pizza doughs", + "red pepper flakes", + "shredded mozzarella cheese", + "artichoke hearts", + "crabmeat", + "minced garlic", + "shredded parmesan cheese" + ] + }, + { + "id": 29463, + "cuisine": "french", + "ingredients": [ + "sliced almonds", + "lemon juice", + "salt", + "butter", + "pepper", + "green beans" + ] + }, + { + "id": 14160, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "bacon", + "onions", + "butter", + "bow-tie pasta", + "black pepper", + "salt", + "roquefort cheese", + "heavy cream", + "fresh mushrooms" + ] + }, + { + "id": 38050, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "pepper", + "ground pork", + "brioche buns", + "ground sirloin", + "panko breadcrumbs", + "ketchup", + "whole milk", + "salt", + "wasabi paste", + "white onion", + "sesame oil" + ] + }, + { + "id": 37977, + "cuisine": "russian", + "ingredients": [ + "vegetables", + "green cabbage", + "salt", + "tomato paste" + ] + }, + { + "id": 24400, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "minced garlic", + "chili oil", + "Chinese sesame paste", + "pickled vegetables", + "sugar", + "minced ginger", + "ground pork", + "scallions", + "chinese rice wine", + "dry roasted peanuts", + "ground sichuan pepper", + "peanut oil", + "black rice vinegar", + "soy sauce", + "sesame oil", + "salt", + "Chinese egg noodles" + ] + }, + { + "id": 44540, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "shallots", + "coconut", + "garlic cloves", + "pork belly", + "cracked black pepper", + "hard-boiled egg" + ] + }, + { + "id": 35944, + "cuisine": "italian", + "ingredients": [ + "pesto", + "spaghetti", + "lemon", + "almonds", + "spinach", + "edamame" + ] + }, + { + "id": 46333, + "cuisine": "french", + "ingredients": [ + "whole milk", + "vegetable oil spray", + "all-purpose flour", + "salt", + "large eggs", + "grated Gruyère cheese" + ] + }, + { + "id": 22359, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "vegetable oil", + "white sugar", + "water", + "vanilla instant pudding", + "egg whites", + "marshmallow creme", + "white cake mix", + "preserves" + ] + }, + { + "id": 41024, + "cuisine": "southern_us", + "ingredients": [ + "green tomatoes", + "pimenton", + "yellow corn meal", + "coarse salt", + "vegetable oil", + "large eggs", + "freshly ground pepper" + ] + }, + { + "id": 41855, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "mini marshmallows", + "dark brown sugar", + "sweet potatoes", + "pure maple syrup", + "salt" + ] + }, + { + "id": 33031, + "cuisine": "chinese", + "ingredients": [ + "salt", + "long grain white rice" + ] + }, + { + "id": 14653, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "unsalted butter", + "chopped fresh chives", + "scallions", + "minced garlic", + "finely chopped fresh parsley", + "salt", + "red bell pepper", + "lump crab meat", + "dijon mustard", + "heavy cream", + "fresh lemon juice", + "fresh basil", + "large egg yolks", + "Sriracha", + "all-purpose flour", + "whole wheat sandwich bread" + ] + }, + { + "id": 38164, + "cuisine": "vietnamese", + "ingredients": [ + "butter lettuce", + "sesame oil", + "scallions", + "fresh mint", + "fresh cilantro", + "rice vinegar", + "carrots", + "soy sauce", + "rice noodles", + "garlic chili sauce", + "rice paper", + "avocado", + "hoisin sauce", + "peanut butter", + "shrimp" + ] + }, + { + "id": 30433, + "cuisine": "italian", + "ingredients": [ + "warm water", + "all purpose unbleached flour", + "cornmeal", + "fontina", + "gorgonzola dolce", + "salt", + "sage leaves", + "active dry yeast", + "extra-virgin olive oil", + "rocket leaves", + "parmigiano reggiano cheese", + "purple onion" + ] + }, + { + "id": 47907, + "cuisine": "chinese", + "ingredients": [ + "sweet potatoes", + "scallions", + "water", + "vegetable oil", + "scallion greens", + "peeled fresh ginger", + "black rice", + "salt" + ] + }, + { + "id": 1343, + "cuisine": "thai", + "ingredients": [ + "palm sugar", + "shallots", + "large eggs", + "cilantro leaves", + "water", + "jalapeno chilies", + "Thai fish sauce", + "tamarind pulp", + "vegetable oil" + ] + }, + { + "id": 34770, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "long grain white rice", + "swanson beef broth", + "ground beef", + "tomato sauce", + "green pepper", + "garlic powder", + "onions" + ] + }, + { + "id": 19955, + "cuisine": "mexican", + "ingredients": [ + "clove", + "pepper", + "garlic cloves", + "chili pepper", + "pumpkin seeds", + "boneless, skinless chicken breast", + "vegetable oil", + "onions", + "black peppercorns", + "water", + "ancho chile pepper" + ] + }, + { + "id": 29893, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "olive oil", + "ground sichuan pepper", + "scallions", + "chicken stock", + "dry roasted peanuts", + "sesame oil", + "dried rice noodles", + "pickled vegetables", + "minced garlic", + "low sodium gluten free soy sauce", + "salt", + "ground turkey", + "chinese rice wine", + "minced ginger", + "chili oil", + "Chinese sesame paste", + "black rice vinegar" + ] + }, + { + "id": 27562, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "water", + "salt", + "large egg yolks", + "all-purpose flour", + "cake flour" + ] + }, + { + "id": 46987, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "chicken", + "sugar", + "baking powder", + "flour", + "kosher salt", + "vegetable oil" + ] + }, + { + "id": 26625, + "cuisine": "italian", + "ingredients": [ + "water", + "eggs", + "frozen broccoli", + "shaved parmesan cheese", + "Johnsonville Mild Italian Sausage Links", + "basil" + ] + }, + { + "id": 41331, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "extra-virgin olive oil", + "ground black pepper", + "sea salt", + "pork chops", + "dried oregano" + ] + }, + { + "id": 30807, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "creamy peanut butter", + "Chinese egg noodles", + "toasted sesame seeds", + "garlic paste", + "garlic", + "scallions", + "cucumber", + "ginger", + "roasted peanuts", + "carrots", + "sugar", + "rice vinegar", + "sesame paste", + "toasted sesame oil" + ] + }, + { + "id": 38655, + "cuisine": "italian", + "ingredients": [ + "boneless, skinless chicken breast", + "poultry seasoning", + "yellow onion", + "green bell pepper" + ] + }, + { + "id": 27680, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "garlic cloves", + "olive oil", + "chopped onion", + "ground cumin", + "jalapeno chilies", + "ground coriander", + "dried black beans", + "vegetable stock", + "chopped cilantro fresh" + ] + }, + { + "id": 45786, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "soba", + "sesame oil", + "rice vinegar", + "soy sauce", + "cucumber" + ] + }, + { + "id": 32952, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "bay leaves", + "garlic chili sauce", + "water", + "salt", + "peppercorns", + "chicken feet", + "garlic", + "onions", + "vinegar", + "oil" + ] + }, + { + "id": 23641, + "cuisine": "italian", + "ingredients": [ + "hard-boiled egg", + "garlic cloves", + "water", + "extra-virgin olive oil", + "fresh basil leaves", + "tomatoes", + "kalamata", + "red bell pepper", + "prosciutto", + "salt" + ] + }, + { + "id": 29561, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "ground black pepper", + "cayenne pepper", + "long grain white rice", + "green bell pepper", + "apple cider vinegar", + "fresh parsley leaves", + "canola oil", + "chicken broth", + "kosher salt", + "sweet italian sausage", + "onions", + "light brown sugar", + "tomato sauce", + "garlic", + "celery" + ] + }, + { + "id": 33892, + "cuisine": "spanish", + "ingredients": [ + "salt", + "potatoes", + "large eggs", + "onions", + "extra-virgin olive oil" + ] + }, + { + "id": 13426, + "cuisine": "mexican", + "ingredients": [ + "ground pepper", + "vegetable oil", + "purple onion", + "pork tenderloin", + "large garlic cloves", + "dill pickles", + "baked ham", + "spicy brown mustard", + "flour tortillas", + "coarse salt", + "provolone cheese" + ] + }, + { + "id": 40604, + "cuisine": "cajun_creole", + "ingredients": [ + "coffee granules", + "vanilla extract", + "pecan halves", + "light corn syrup", + "butter", + "firmly packed light brown sugar", + "whipping cream" + ] + }, + { + "id": 45729, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "vanilla extract", + "almond extract", + "all-purpose flour", + "baking powder", + "salt", + "butter" + ] + }, + { + "id": 40918, + "cuisine": "greek", + "ingredients": [ + "avocado", + "cooked chicken", + "greek style plain yogurt", + "lime", + "purple onion", + "granulated garlic", + "onion powder", + "ground pepper", + "salt" + ] + }, + { + "id": 2469, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "spring onions", + "light soy sauce", + "cooking wine", + "pork belly", + "vegetable oil", + "chinese rock sugar", + "fresh ginger" + ] + }, + { + "id": 2898, + "cuisine": "chinese", + "ingredients": [ + "oysters", + "dried shrimp", + "scallops", + "pork ribs", + "winter melon", + "honey", + "peppercorns", + "water", + "salt" + ] + }, + { + "id": 42378, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "corn tortillas", + "prepared guacamole", + "chicken", + "green onions", + "chopped cilantro", + "tomatoes", + "red enchilada sauce" + ] + }, + { + "id": 44289, + "cuisine": "french", + "ingredients": [ + "fresh thyme", + "cheese", + "butter", + "fillets", + "crushed tomatoes", + "whipping cream", + "mushrooms", + "cognac" + ] + }, + { + "id": 40862, + "cuisine": "thai", + "ingredients": [ + "boneless chicken thighs", + "lower sodium soy sauce", + "lime wedges", + "canola oil", + "chicken stock", + "water", + "peeled fresh ginger", + "thai chile", + "baby bok choy", + "yellow squash", + "cilantro stems", + "garlic cloves", + "kosher salt", + "ground black pepper", + "rice vermicelli" + ] + }, + { + "id": 37418, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "shredded mozzarella cheese", + "minced garlic", + "sea salt", + "fresh basil leaves", + "fontina cheese", + "roma tomatoes", + "feta cheese crumbles", + "olive oil", + "baked pizza crust" + ] + }, + { + "id": 35595, + "cuisine": "italian", + "ingredients": [ + "cucumber", + "roma tomatoes", + "italian salad dressing", + "purple onion" + ] + }, + { + "id": 8481, + "cuisine": "korean", + "ingredients": [ + "hot red pepper flakes", + "pork belly", + "sesame oil", + "red chili peppers", + "minced garlic", + "scallions", + "sugar", + "black pepper", + "ginger", + "soy sauce", + "rice wine", + "onions" + ] + }, + { + "id": 11002, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "flour", + "shredded lettuce", + "cayenne pepper", + "avocado", + "garlic powder", + "boneless skinless chicken breasts", + "cilantro", + "crumbled gorgonzola", + "olive oil", + "green onions", + "buffalo sauce", + "corn starch", + "pepper", + "tortillas", + "ranch dressing", + "salt" + ] + }, + { + "id": 3750, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "salt", + "onions", + "onion powder", + "chicken in water", + "monterey jack", + "chicken broth", + "dri oregano leaves, crush", + "enchilada sauce", + "cream", + "uncooked vermicelli", + "cumin" + ] + }, + { + "id": 6852, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "Anaheim chile", + "cheese", + "corn tortillas", + "cremini mushrooms", + "olive oil", + "epazote", + "salsa", + "white onion", + "ground black pepper", + "cilantro sprigs", + "poblano chiles", + "corn kernels", + "queso fresco", + "garlic" + ] + }, + { + "id": 8993, + "cuisine": "mexican", + "ingredients": [ + "enchilada sauce", + "garlic", + "ground beef", + "jack cheese", + "sour cream", + "tortilla chips", + "onions" + ] + }, + { + "id": 19906, + "cuisine": "thai", + "ingredients": [ + "mint leaves", + "chopped cilantro", + "fish sauce", + "stevia", + "green cabbage", + "crushed red pepper flakes", + "sliced green onions", + "lime juice", + "salted peanuts" + ] + }, + { + "id": 23139, + "cuisine": "brazilian", + "ingredients": [ + "semisweet chocolate", + "chocolate sprinkles", + "light corn syrup", + "heavy cream", + "unsweetened cocoa powder", + "unsalted butter", + "sweetened condensed milk" + ] + }, + { + "id": 44385, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime juice", + "peanut butter", + "minced garlic", + "light coconut milk", + "brown sugar", + "peanuts", + "scallions", + "water", + "red curry paste" + ] + }, + { + "id": 15446, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "milk", + "salt", + "sugar", + "vegetable shortening", + "flour" + ] + }, + { + "id": 17144, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "olive oil", + "chicken breasts", + "paprika", + "salsa", + "shredded cheese", + "onions", + "chicken broth", + "pepper", + "flour tortillas", + "butter", + "garlic", + "yellow onion", + "sour cream", + "cumin", + "avocado", + "white onion", + "Sriracha", + "chili powder", + "cilantro", + "hot sauce", + "pinto beans", + "coriander", + "tomatoes", + "lime juice", + "jalapeno chilies", + "red pepper", + "salt", + "green pepper", + "chopped cilantro" + ] + }, + { + "id": 10360, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "salt", + "bittersweet chocolate", + "pie crust", + "heavy cream", + "chopped pecans", + "large eggs", + "all-purpose flour", + "unsalted butter", + "light corn syrup", + "confectioners sugar" + ] + }, + { + "id": 39484, + "cuisine": "mexican", + "ingredients": [ + "picante sauce", + "olive oil", + "fresh cilantro", + "sour cream", + "lime juice", + "salt", + "avocado", + "salad greens", + "monterey jack" + ] + }, + { + "id": 49545, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "spring onions", + "chinese five-spice powder", + "hoisin sauce", + "sesame oil", + "soy sauce", + "rice wine", + "cucumber", + "chinese pancakes", + "mushrooms", + "baby gem lettuce" + ] + }, + { + "id": 47200, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "green onions", + "sugar", + "honey", + "garlic", + "soy sauce", + "beef", + "salt", + "wine", + "steamed rice", + "sesame oil" + ] + }, + { + "id": 25160, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "zucchini", + "ground coriander", + "frozen peas", + "fresh ginger", + "butternut squash", + "small red potato", + "sugar", + "jalapeno chilies", + "garlic cloves", + "ground cumin", + "low-fat plain yogurt", + "cayenne", + "purple onion", + "chopped cilantro" + ] + }, + { + "id": 11828, + "cuisine": "italian", + "ingredients": [ + "tropical fruits", + "sugar", + "whipping cream", + "unflavored gelatin", + "buttermilk", + "water", + "vanilla extract" + ] + }, + { + "id": 47830, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "chopped onion", + "peperoncini", + "diced tomatoes", + "fresh basil leaves", + "crumbled ricotta salata cheese", + "garlic cloves", + "kosher salt", + "extra-virgin olive oil", + "spaghetti" + ] + }, + { + "id": 24100, + "cuisine": "french", + "ingredients": [ + "salt", + "unsalted butter", + "ice water", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 48899, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "large egg whites", + "grated parmesan cheese", + "olive oil spray", + "tomatoes", + "minced garlic", + "zucchini", + "chopped onion", + "tomato paste", + "bread crumbs", + "eggplant", + "beef sirloin", + "red potato", + "olive oil", + "low-fat white sauce", + "dried oregano" + ] + }, + { + "id": 1211, + "cuisine": "mexican", + "ingredients": [ + "Mexican seasoning mix", + "diced tomatoes", + "green pepper", + "minced garlic", + "reduced-fat sour cream", + "chopped onion", + "ground round", + "chili", + "salt", + "vegetable oil cooking spray", + "no-salt-added black beans", + "salsa" + ] + }, + { + "id": 221, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "frozen chopped broccoli", + "melted butter", + "flour", + "sour cream", + "cream of chicken soup", + "stuffing mix", + "shredded cheddar cheese", + "salt" + ] + }, + { + "id": 24238, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "chili powder", + "enchilada sauce", + "shredded cheddar cheese", + "garlic", + "masa harina", + "water", + "salt", + "ground cumin", + "chicken broth", + "vegetable oil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 31000, + "cuisine": "british", + "ingredients": [ + "sugar", + "dates", + "baking powder", + "dark muscovado sugar", + "self rising flour", + "heavy cream", + "eggs", + "butter", + "whiskey" + ] + }, + { + "id": 38982, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "flour", + "salt", + "dried oregano", + "white vinegar", + "garlic powder", + "paprika", + "sweetened condensed milk", + "black pepper", + "lean ground beef", + "onions", + "pita bread", + "onion powder", + "cayenne pepper" + ] + }, + { + "id": 36378, + "cuisine": "greek", + "ingredients": [ + "eggs", + "cake flour", + "white sugar", + "baking soda", + "grated lemon zest", + "plain yogurt", + "salt", + "butter", + "lemon juice" + ] + }, + { + "id": 27799, + "cuisine": "italian", + "ingredients": [ + "water", + "ground beef", + "ricotta cheese", + "lasagna noodles", + "ragu old world style pasta sauc", + "shredded mozzarella cheese" + ] + }, + { + "id": 19539, + "cuisine": "thai", + "ingredients": [ + "fresh ginger", + "toasted sesame oil", + "water", + "hoisin sauce", + "minced garlic", + "Jif Creamy Peanut Butter", + "light soy sauce", + "dark brown sugar" + ] + }, + { + "id": 23544, + "cuisine": "mexican", + "ingredients": [ + "mora chiles", + "white onion", + "crema mexican", + "button mushrooms", + "canela", + "tomatoes", + "sugar", + "lime juice", + "fine salt", + "corn tortillas", + "chicken stock", + "spinach", + "water", + "jalapeno chilies", + "garlic cloves", + "ground cinnamon", + "habanero chile", + "ricotta salata", + "vegetable oil", + "chopped cilantro" + ] + }, + { + "id": 35978, + "cuisine": "irish", + "ingredients": [ + "buttermilk", + "whole wheat flour", + "bread flour", + "rolled oats", + "salt", + "baking soda" + ] + }, + { + "id": 44626, + "cuisine": "greek", + "ingredients": [ + "cooking spray", + "dried oregano", + "dried thyme", + "lemon wedge", + "black pepper", + "tuna steaks", + "olive oil", + "salt" + ] + }, + { + "id": 28449, + "cuisine": "italian", + "ingredients": [ + "large garlic cloves", + "oil", + "black pepper", + "bacon", + "spaghetti", + "grated parmesan cheese", + "salt", + "heavy cream", + "onions" + ] + }, + { + "id": 19847, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "bottled clam juice", + "shrimp", + "celery ribs", + "andouille sausage", + "garlic", + "onions", + "chicken stock", + "baby lima beans", + "cayenne pepper", + "green bell pepper", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 43789, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "granulated sugar", + "all-purpose flour", + "orange zest", + "figs", + "large egg yolks", + "heavy cream", + "ground cardamom", + "water", + "unsalted butter", + "salt", + "confectioners sugar", + "sesame seeds", + "cinnamon", + "orange flower water" + ] + }, + { + "id": 25820, + "cuisine": "italian", + "ingredients": [ + "melon", + "prosciutto" + ] + }, + { + "id": 20, + "cuisine": "italian", + "ingredients": [ + "lemon zest", + "fresh lemon juice", + "mayonaise", + "salt", + "heavy cream", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 29365, + "cuisine": "moroccan", + "ingredients": [ + "boiling water", + "green tea", + "mint leaves" + ] + }, + { + "id": 13034, + "cuisine": "greek", + "ingredients": [ + "frozen chopped spinach", + "feta cheese", + "onions", + "cottage cheese", + "butter", + "phyllo dough", + "large eggs", + "pepper", + "salt" + ] + }, + { + "id": 49082, + "cuisine": "spanish", + "ingredients": [ + "water", + "cooking spray", + "salt", + "fresh parsley", + "ground black pepper", + "paprika", + "garlic cloves", + "olive oil", + "red wine vinegar", + "blanched almonds", + "plum tomatoes", + "jumbo shrimp", + "french bread", + "crushed red pepper", + "ancho chile pepper" + ] + }, + { + "id": 36362, + "cuisine": "southern_us", + "ingredients": [ + "jasmine rice", + "double smoked bacon", + "salt", + "water", + "red pepper flakes", + "shrimp", + "unsalted butter", + "garlic", + "flat leaf parsley", + "pepper", + "fresh thyme", + "okra" + ] + }, + { + "id": 49164, + "cuisine": "southern_us", + "ingredients": [ + "crushed red pepper flakes", + "bay leaf", + "pepper", + "salt pork", + "garlic", + "onions", + "black-eyed peas", + "rice" + ] + }, + { + "id": 19699, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "large eggs", + "salted roast peanuts", + "fresh lime juice", + "fresh cilantro", + "sesame oil", + "garlic cloves", + "soy sauce", + "shredded carrots", + "scallions", + "Sriracha", + "rice noodles", + "beansprouts" + ] + }, + { + "id": 11267, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "flaked", + "dried oregano", + "cherry tomatoes", + "chicken thighs", + "Hellmann''s Light Mayonnaise" + ] + }, + { + "id": 30993, + "cuisine": "southern_us", + "ingredients": [ + "water", + "cooking spray", + "balsamic vinegar", + "purple onion", + "chop fine pecan", + "peeled fresh ginger", + "bacon", + "ground pecans", + "brown sugar", + "pork tenderloin", + "vegetable oil", + "cracked black pepper", + "large egg whites", + "sweet potatoes", + "butter", + "all-purpose flour" + ] + }, + { + "id": 4004, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "pepper", + "chicken breasts", + "salt", + "cider vinegar", + "olive oil", + "ginger", + "onions", + "tomato purée", + "lime", + "red pepper", + "green chilies", + "tandoori spices", + "garam masala", + "garlic", + "coriander" + ] + }, + { + "id": 4462, + "cuisine": "vietnamese", + "ingredients": [ + "chicken broth", + "chicken bones", + "garlic", + "fresh lime juice", + "sugar", + "sesame oil", + "scallions", + "chicken", + "fish sauce", + "fresh ginger", + "cilantro leaves", + "truffle salt", + "bean threads", + "soy sauce", + "Tabasco Pepper Sauce", + "carrots" + ] + }, + { + "id": 46735, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "baking powder", + "all-purpose flour", + "ground black pepper", + "buttermilk", + "seasoning salt", + "vegetable shortening", + "sausages", + "melted butter", + "soda", + "salt" + ] + }, + { + "id": 23626, + "cuisine": "japanese", + "ingredients": [ + "salt", + "short-grain rice", + "cold water", + "rice vinegar", + "granulated sugar" + ] + }, + { + "id": 5269, + "cuisine": "filipino", + "ingredients": [ + "simple syrup", + "water", + "ice", + "granulated sugar", + "calamansi juice" + ] + }, + { + "id": 23050, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "low-fat pasta sauce", + "nonfat ricotta cheese", + "frozen chopped spinach", + "lasagna noodles", + "canadian bacon", + "vegetable oil cooking spray", + "grated parmesan cheese", + "onions", + "garlic powder", + "salt", + "italian seasoning" + ] + }, + { + "id": 1407, + "cuisine": "italian", + "ingredients": [ + "whole milk ricotta cheese", + "grated lemon peel", + "onions", + "sugar pea", + "fresh basil leaves", + "extra-virgin olive oil", + "orecchiette" + ] + }, + { + "id": 19365, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "fresh ginger", + "toasted sesame oil", + "water", + "garlic", + "hoisin sauce", + "white sugar" + ] + }, + { + "id": 41429, + "cuisine": "indian", + "ingredients": [ + "melted butter", + "instant yeast", + "raisins", + "onions", + "honey", + "chili powder", + "salt", + "ground cumin", + "ground cinnamon", + "fresh ginger root", + "butter", + "ground coriander", + "water", + "flaked coconut", + "garlic", + "bread flour" + ] + }, + { + "id": 23705, + "cuisine": "greek", + "ingredients": [ + "fresh basil", + "eggplant", + "garlic cloves", + "pepper", + "salt", + "grape tomatoes", + "balsamic vinegar", + "feta cheese crumbles", + "pizza shells", + "Mazola Canola Oil" + ] + }, + { + "id": 44125, + "cuisine": "italian", + "ingredients": [ + "pecorino cheese", + "stewed tomatoes", + "garlic cloves", + "large eggs", + "squid", + "bread crumb fresh", + "fine sea salt", + "fresh basil leaves", + "black pepper", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 10310, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "flour", + "poultry seasoning", + "chicken", + "milk", + "butter", + "oven-ready lasagna noodles", + "water", + "swiss cheese", + "fresh herbs", + "seasoned bread crumbs", + "parmesan cheese", + "salt", + "frozen peas" + ] + }, + { + "id": 28670, + "cuisine": "french", + "ingredients": [ + "foie gras", + "white sandwich bread", + "black truffles", + "whipping cream", + "fresh tarragon", + "large eggs", + "flat leaf parsley" + ] + }, + { + "id": 25221, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "green onions", + "onions", + "garlic powder", + "bacon", + "seasoning salt", + "butter", + "large shrimp", + "chicken stock", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 36167, + "cuisine": "japanese", + "ingredients": [ + "caster sugar", + "soba noodles", + "low sodium soy sauce", + "prawns", + "mirin", + "lemon juice", + "red chili peppers", + "broccoli" + ] + }, + { + "id": 10303, + "cuisine": "southern_us", + "ingredients": [ + "peas", + "ground beef", + "pepper", + "whole kernel corn, drain", + "potatoes", + "cream of mushroom soup", + "salt" + ] + }, + { + "id": 11037, + "cuisine": "cajun_creole", + "ingredients": [ + "jalapeno chilies", + "creole seasoning", + "green bell pepper", + "whipping cream", + "onions", + "fresh corn", + "butter", + "red bell pepper", + "crawfish", + "salt" + ] + }, + { + "id": 44126, + "cuisine": "french", + "ingredients": [ + "water", + "part-skim mozzarella cheese", + "garlic cloves", + "italian seasoning", + "tomatoes", + "olive oil", + "french bread", + "red bell pepper", + "yellow squash", + "zucchini", + "lemon juice", + "pepper", + "eggplant", + "balsamic vinegar", + "dried rosemary" + ] + }, + { + "id": 45271, + "cuisine": "italian", + "ingredients": [ + "beans", + "red wine vinegar", + "garlic cloves", + "cannellini beans", + "tomatoes with juice", + "polenta", + "red kidnei beans, rins and drain", + "chili powder", + "green chilies", + "ground cumin", + "olive oil", + "butter", + "onions" + ] + }, + { + "id": 1275, + "cuisine": "french", + "ingredients": [ + "pearl onions", + "mushrooms", + "warm water", + "asparagus", + "lemon", + "kosher salt", + "unsalted butter", + "chicken", + "olive oil", + "dry white wine" + ] + }, + { + "id": 46265, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "salt", + "barilla", + "green onions", + "plum tomatoes", + "parmigiano reggiano cheese", + "freshly ground pepper", + "asparagus", + "extra-virgin olive oil" + ] + }, + { + "id": 26856, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "salt", + "minced garlic", + "lemon", + "fresh tomatoes", + "flour tortillas", + "fresh parsley", + "olive oil", + "chicken tenderloin" + ] + }, + { + "id": 921, + "cuisine": "southern_us", + "ingredients": [ + "water", + "grits", + "garlic", + "mozzarella cheese", + "salt", + "milk" + ] + }, + { + "id": 38263, + "cuisine": "french", + "ingredients": [ + "potatoes", + "beer", + "onions", + "beef", + "all-purpose flour", + "chopped parsley", + "unsalted butter", + "salt", + "carrots", + "dried thyme", + "bay leaves", + "freshly ground pepper" + ] + }, + { + "id": 4314, + "cuisine": "mexican", + "ingredients": [ + "tamarind", + "large shrimp" + ] + }, + { + "id": 31323, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "parmigiano reggiano cheese", + "chili powder", + "old bay seasoning", + "garlic", + "dried parsley", + "ground black pepper", + "green onions", + "butter", + "bacon", + "grit quick", + "water", + "flour", + "onion powder", + "heavy cream", + "cayenne pepper", + "granulated garlic", + "lemon pepper seasoning", + "shallots", + "lemon", + "extra-virgin olive oil", + "shrimp" + ] + }, + { + "id": 9649, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "Mexican cheese blend", + "frozen corn", + "chicken", + "pepper", + "chili powder", + "chopped cilantro", + "black beans", + "poblano peppers", + "salsa", + "quinoa", + "salt", + "cumin" + ] + }, + { + "id": 6119, + "cuisine": "vietnamese", + "ingredients": [ + "chiles", + "garlic", + "leaves", + "onions", + "sugar", + "oil", + "fish sauce", + "beef" + ] + }, + { + "id": 12666, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "sour cream", + "tex-mex shredded cheese", + "boneless skinless chicken breasts", + "red potato", + "salsa" + ] + }, + { + "id": 29131, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "green onions", + "vegetable oil", + "freshly ground pepper", + "fresh ginger", + "sesame oil", + "vegetable broth", + "coarse kosher salt", + "jasmine rice", + "fresh shiitake mushrooms", + "red wine vinegar", + "corn starch", + "low sodium soy sauce", + "broccoli rabe", + "Asian chili sauce", + "firm tofu" + ] + }, + { + "id": 35682, + "cuisine": "indian", + "ingredients": [ + "whole wheat flour", + "all-purpose flour", + "water", + "yoghurt", + "chopped cilantro", + "baking soda", + "oil", + "sesame seeds", + "salt", + "ghee" + ] + }, + { + "id": 27060, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "prosciutto", + "parmigiano reggiano cheese", + "penne", + "fresh basil leaves" + ] + }, + { + "id": 19325, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "rice vinegar", + "low sodium soy sauce", + "crushed red pepper flakes", + "corn starch", + "hoisin sauce", + "bone-in chicken breasts", + "honey", + "garlic", + "onions" + ] + }, + { + "id": 45936, + "cuisine": "italian", + "ingredients": [ + "eggs", + "lasagna noodles", + "nonfat ricotta cheese", + "pepper", + "salt", + "tomato sauce", + "grated parmesan cheese", + "part-skim mozzarella cheese", + "(10 oz.) frozen chopped spinach" + ] + }, + { + "id": 35476, + "cuisine": "cajun_creole", + "ingredients": [ + "sweet pickle relish", + "creole seasoning", + "hot dog bun", + "yellow peppers", + "andouille sausage", + "celery", + "purple onion" + ] + }, + { + "id": 7665, + "cuisine": "french", + "ingredients": [ + "salt", + "unsalted butter", + "large eggs", + "water", + "all-purpose flour" + ] + }, + { + "id": 3771, + "cuisine": "cajun_creole", + "ingredients": [ + "small red beans", + "bacon", + "purple onion", + "cooked rice", + "Sriracha", + "garlic", + "smoked ham hocks", + "pepper", + "stout", + "salt", + "chicken broth", + "olive oil", + "brats", + "green pepper" + ] + }, + { + "id": 22672, + "cuisine": "cajun_creole", + "ingredients": [ + "paprika", + "center cut pork chops", + "ground black pepper", + "cayenne pepper", + "extra-virgin olive oil", + "ground cumin", + "dried sage", + "garlic salt" + ] + }, + { + "id": 34230, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "coriander powder", + "cinnamon", + "oil", + "ground turmeric", + "red chili peppers", + "garam masala", + "chili powder", + "cumin seed", + "onions", + "fenugreek leaves", + "fresh ginger", + "sweet potatoes", + "green cardamom", + "bay leaf", + "tomatoes", + "water", + "pumpkin", + "salt", + "carrots", + "ground cumin" + ] + }, + { + "id": 1326, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "ground red pepper", + "english cucumber", + "coriander seeds", + "grated lemon zest", + "greek yogurt", + "black pepper", + "salt", + "garlic cloves", + "pork tenderloin", + "cumin seed", + "canola oil" + ] + }, + { + "id": 23111, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "rice", + "onions", + "salt", + "garlic cloves", + "vinegar", + "oil", + "eggs", + "chili sauce", + "celery" + ] + }, + { + "id": 45769, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "round loaf", + "dried sage", + "mushrooms", + "chopped fresh sage", + "fontina", + "butter" + ] + }, + { + "id": 34590, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salt", + "fresh dill", + "vegetable oil", + "garlic cloves", + "catfish fillets", + "green onions", + "rice vinegar", + "honey", + "non-fat sour cream", + "fresh parsley leaves" + ] + }, + { + "id": 2922, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "shredded cheddar cheese", + "lean ground beef", + "tomato sauce", + "lasagna noodles", + "water", + "tortilla chips" + ] + }, + { + "id": 41507, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "green onions", + "tortilla chips", + "shredded cheddar cheese", + "sliced black olives", + "garlic", + "tomatoes", + "ground black pepper", + "crushed red pepper flakes", + "ground turkey", + "refried beans", + "chopped fresh chives", + "hot sauce" + ] + }, + { + "id": 34795, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "flour tortillas", + "onions", + "shredded cheddar cheese", + "sour cream", + "cilantro", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 33253, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "salt", + "minced garlic", + "chopped cilantro fresh", + "tomato sauce", + "long-grain rice", + "vegetable oil", + "cumin" + ] + }, + { + "id": 43865, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "fettucine", + "shrimp", + "green peas", + "milk", + "soup mix" + ] + }, + { + "id": 6934, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "onions", + "pepper", + "green onions", + "tomatoes", + "jalapeno chilies", + "fresh cilantro", + "salt" + ] + }, + { + "id": 14787, + "cuisine": "french", + "ingredients": [ + "olive oil", + "yellow onion", + "chicken stock", + "russet potatoes" + ] + }, + { + "id": 45930, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "chicken breast halves", + "chopped onion", + "fresh parsley", + "ground ginger", + "fresh cilantro", + "salt", + "fresh lemon juice", + "reduced sodium chicken broth", + "cinnamon", + "garlic cloves", + "green olives", + "olive oil", + "grated lemon zest", + "chicken leg quarters" + ] + }, + { + "id": 7398, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "scallions", + "chicken broth", + "ginger", + "cold water", + "pepper", + "corn starch", + "eggs", + "salt" + ] + }, + { + "id": 6838, + "cuisine": "filipino", + "ingredients": [ + "celery ribs", + "kosher salt", + "leeks", + "cilantro", + "chinese five-spice powder", + "calamansi", + "celery leaves", + "orange", + "peeled fresh ginger", + "peanut oil", + "carrots", + "chinese chili paste", + "scallion greens", + "lemongrass", + "bay leaves", + "pineapple juice", + "garlic cloves", + "serrano chile", + "pork belly", + "sherry vinegar", + "shallots", + "freshly ground pepper", + "ground white pepper", + "orange zest" + ] + }, + { + "id": 15633, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "garlic", + "dried red chile peppers", + "ground cumin", + "tri-tip roast", + "chili powder", + "beef broth", + "onions", + "ground black pepper", + "salt", + "celery", + "green bell pepper", + "chile pepper", + "carrots", + "plum tomatoes" + ] + }, + { + "id": 15741, + "cuisine": "mexican", + "ingredients": [ + "milk", + "cilantro", + "plum tomatoes", + "flour", + "yellow onion", + "diced green chilies", + "salt", + "butter", + "shredded cheese" + ] + }, + { + "id": 30945, + "cuisine": "filipino", + "ingredients": [ + "ground pork", + "onions", + "large eggs", + "salt", + "wonton wrappers", + "carrots", + "soy sauce", + "garlic", + "garlic salt" + ] + }, + { + "id": 16231, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "dill", + "garlic", + "yoghurt", + "cucumber", + "pepper", + "salt" + ] + }, + { + "id": 36330, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "onions", + "silken tofu", + "sesame oil", + "black pepper", + "white miso", + "dashi", + "daikon" + ] + }, + { + "id": 31639, + "cuisine": "italian", + "ingredients": [ + "string beans", + "red pepper flakes", + "prosciutto", + "purple onion", + "kosher salt", + "extra-virgin olive oil", + "fresh rosemary", + "ground black pepper", + "fresh lemon juice" + ] + }, + { + "id": 40629, + "cuisine": "southern_us", + "ingredients": [ + "ground nutmeg", + "vegetable oil", + "white sugar", + "eggs", + "golden raisins", + "all-purpose flour", + "ground cinnamon", + "sweet potatoes", + "salt", + "milk", + "baking powder", + "chopped pecans" + ] + }, + { + "id": 5620, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "black pepper", + "lime wedges", + "chopped celery", + "carrots", + "cold water", + "jumbo shrimp", + "olive oil", + "light coconut milk", + "red curry paste", + "bay leaf", + "mussels", + "black peppercorns", + "halibut fillets", + "littleneck clams", + "salt", + "red bell pepper", + "tomatoes", + "lime rind", + "cooking spray", + "garlic", + "chopped onion", + "chopped cilantro fresh" + ] + }, + { + "id": 25073, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "butter", + "chopped onion", + "white bread", + "large eggs", + "chopped celery", + "corn bread", + "large egg whites", + "vegetable broth", + "rubbed sage", + "saltines", + "cooking spray", + "salt" + ] + }, + { + "id": 34043, + "cuisine": "italian", + "ingredients": [ + "seasoned croutons", + "shredded Italian cheese", + "onions", + "chicken broth", + "salt and ground black pepper", + "pork loin chops", + "fresh rosemary", + "grated parmesan cheese", + "celery", + "fresh leav spinach", + "butter", + "chopped garlic" + ] + }, + { + "id": 4366, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "yoghurt", + "black cardamom pods", + "coriander", + "green cardamom pods", + "garam masala", + "vegetable oil", + "cinnamon sticks", + "ginger paste", + "tumeric", + "chili powder", + "ground coriander", + "boneless lamb", + "clove", + "bay leaves", + "salt", + "onions" + ] + }, + { + "id": 20424, + "cuisine": "mexican", + "ingredients": [ + "finely chopped onion", + "paprika", + "black pepper", + "butter", + "pinto beans", + "chili powder", + "garlic", + "milk", + "sea salt", + "cumin" + ] + }, + { + "id": 14445, + "cuisine": "french", + "ingredients": [ + "milk", + "fully cooked ham", + "eggs", + "grated parmesan cheese", + "all-purpose flour", + "hot pepper sauce", + "butter", + "cheddar cheese", + "french bread", + "mustard powder" + ] + }, + { + "id": 28616, + "cuisine": "mexican", + "ingredients": [ + "avocado dressing", + "chicken breasts", + "avocado", + "fresh cilantro", + "spring rolls", + "lettuce", + "canned black beans", + "yellow bell pepper", + "seasoning", + "jalapeno chilies", + "red bell pepper" + ] + }, + { + "id": 16748, + "cuisine": "mexican", + "ingredients": [ + "chili", + "chopped onion", + "corn tortillas", + "asadero", + "low salt chicken broth", + "chopped cilantro fresh", + "tomatillos", + "sour cream", + "plum tomatoes", + "Anaheim chile", + "garlic cloves", + "fresh lime juice" + ] + }, + { + "id": 44015, + "cuisine": "mexican", + "ingredients": [ + "bacon", + "avocado", + "goat cheese", + "whole wheat tortillas", + "smoked paprika", + "veggies" + ] + }, + { + "id": 44965, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "shredded sharp cheddar cheese", + "vidalia onion", + "large eggs", + "dried dillweed", + "vegetable oil cooking spray", + "butter", + "sour cream", + "cornbread mix", + "salt" + ] + }, + { + "id": 27304, + "cuisine": "spanish", + "ingredients": [ + "salt", + "dark rum", + "vanilla", + "sweetened condensed milk" + ] + }, + { + "id": 37165, + "cuisine": "chinese", + "ingredients": [ + "ice water", + "all-purpose flour", + "salt", + "large eggs", + "corn starch" + ] + }, + { + "id": 1973, + "cuisine": "cajun_creole", + "ingredients": [ + "light kidney beans", + "creole seasoning", + "sliced green onions", + "low-sodium fat-free chicken broth", + "garlic cloves", + "green bell pepper", + "long-grain rice", + "celery ribs", + "smoked chicken sausages", + "onions" + ] + }, + { + "id": 31924, + "cuisine": "thai", + "ingredients": [ + "jasmine rice", + "ginger", + "water", + "lemongrass", + "coconut milk", + "curry", + "soy sauce", + "basil leaves" + ] + }, + { + "id": 48563, + "cuisine": "thai", + "ingredients": [ + "water", + "green onions", + "cilantro", + "chili sauce", + "coconut sugar", + "peanuts", + "sesame oil", + "tamari soy sauce", + "red bell pepper", + "lime juice", + "brown rice", + "garlic", + "carrots", + "sweet chili sauce", + "chili paste", + "veggies", + "sauce", + "mung bean sprouts" + ] + }, + { + "id": 29392, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "beans", + "salt pork" + ] + }, + { + "id": 25658, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "skinless chicken breasts", + "bamboo shoots", + "palm sugar", + "red bell pepper", + "water", + "oil", + "red curry paste", + "coconut milk" + ] + }, + { + "id": 33897, + "cuisine": "italian", + "ingredients": [ + "bread", + "balsamic vinegar", + "provolone cheese", + "capers", + "diced tomatoes", + "fresh basil", + "33% less sodium ham", + "garlic cloves", + "ground black pepper", + "salt" + ] + }, + { + "id": 29254, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "ground black pepper", + "orange", + "bourbon whiskey", + "kosher salt", + "unsalted butter", + "pecan halves", + "dried cherry", + "cayenne pepper" + ] + }, + { + "id": 45205, + "cuisine": "korean", + "ingredients": [ + "light soy sauce", + "sesame oil", + "chinese cabbage", + "green onions", + "white wine vinegar", + "chili powder", + "salt", + "fresh ginger root", + "garlic", + "white sugar" + ] + }, + { + "id": 13803, + "cuisine": "british", + "ingredients": [ + "unflavored gelatin", + "vegetable shortening", + "strawberries", + "sugar", + "all purpose unbleached flour", + "fresh lemon juice", + "ice water", + "salt", + "unsalted butter", + "whipping cream" + ] + }, + { + "id": 20651, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "thick-cut bacon", + "pepper", + "butter", + "milk", + "salt", + "curly kale", + "leeks" + ] + }, + { + "id": 43573, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "low-fat milk", + "large egg whites", + "salt", + "cayenne", + "all-purpose flour", + "corn kernels", + "butter" + ] + }, + { + "id": 831, + "cuisine": "thai", + "ingredients": [ + "lime rind", + "honey", + "sliced carrots", + "unsalted dry roast peanuts", + "corn starch", + "fat free less sodium chicken broth", + "fresh ginger", + "lime wedges", + "red curry paste", + "red bell pepper", + "sugar pea", + "water", + "boneless skinless chicken breasts", + "light coconut milk", + "peanut oil", + "fish sauce", + "jasmine rice", + "jalapeno chilies", + "large garlic cloves", + "chopped onion", + "chopped cilantro fresh" + ] + }, + { + "id": 43484, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "garlic cloves", + "canola oil", + "light coconut milk", + "chopped onion", + "chopped cilantro fresh", + "yukon gold potatoes", + "acorn squash", + "red bell pepper", + "ground cumin", + "ground ginger", + "crushed red pepper", + "ground allspice", + "ground turmeric" + ] + }, + { + "id": 47786, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "sugar", + "garlic chili sauce", + "water", + "fish sauce", + "garlic cloves" + ] + }, + { + "id": 8188, + "cuisine": "southern_us", + "ingredients": [ + "cinnamon", + "peaches", + "cake mix", + "lemon-lime soda" + ] + }, + { + "id": 25117, + "cuisine": "italian", + "ingredients": [ + "baby spinach leaves", + "low fat low sodium chicken broth", + "italian chicken sausage", + "extra-virgin olive oil", + "white wine", + "cheese tortellini", + "tomatoes", + "unsalted butter", + "garlic" + ] + }, + { + "id": 31426, + "cuisine": "mexican", + "ingredients": [ + "fresh corn", + "whole wheat tortillas", + "whole kernel corn, drain", + "black beans", + "vegetable broth", + "fresh tomatoes", + "diced tomatoes", + "taco seasoning", + "brown rice", + "salsa" + ] + }, + { + "id": 7439, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "all-purpose flour", + "vegetable oil", + "baking powder", + "white sugar", + "ground cinnamon", + "salt" + ] + }, + { + "id": 24216, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "green chilies", + "clove", + "red food coloring", + "onions", + "lime", + "salt", + "chicken", + "ginger", + "low-fat yogurt" + ] + }, + { + "id": 18128, + "cuisine": "indian", + "ingredients": [ + "pepper", + "capsicum", + "lemon juice", + "ground cumin", + "white bread slices", + "potatoes", + "cilantro leaves", + "onions", + "tomatoes", + "salted butter", + "salt", + "chutney", + "sugar", + "mint leaves", + "green chilies", + "chaat masala" + ] + }, + { + "id": 5421, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "diced tomatoes", + "yellow onion", + "garam masala", + "cilantro", + "chicken thighs", + "olive oil", + "paprika", + "coconut milk", + "coarse salt", + "garlic" + ] + }, + { + "id": 7036, + "cuisine": "italian", + "ingredients": [ + "lower sodium chicken broth", + "grated parmesan cheese", + "chopped onion", + "chicken sausage", + "crushed red pepper", + "polenta", + "water", + "diced tomatoes", + "garlic cloves", + "fresh basil", + "olive oil", + "fresh oregano" + ] + }, + { + "id": 14912, + "cuisine": "italian", + "ingredients": [ + "brie cheese", + "prepar pesto", + "sun-dried tomatoes in oil" + ] + }, + { + "id": 26929, + "cuisine": "indian", + "ingredients": [ + "lean minced beef", + "ginger", + "garlic cloves", + "frozen peas", + "curry powder", + "green chilies", + "fresh mint", + "fresh coriander", + "natural yogurt", + "cucumber", + "tumeric", + "brown rice", + "ground coriander", + "onions" + ] + }, + { + "id": 14369, + "cuisine": "indian", + "ingredients": [ + "purple onion", + "lemon juice", + "radishes", + "cumin seed", + "pepper", + "salt", + "plain whole-milk yogurt", + "mint leaves", + "english cucumber" + ] + }, + { + "id": 29398, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "salt", + "oil", + "garam masala", + "green chilies", + "toor dal", + "large tomato", + "cilantro leaves", + "onions", + "ginger", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 24855, + "cuisine": "indian", + "ingredients": [ + "water", + "gram flour", + "salt", + "chili powder", + "ground turmeric", + "spinach", + "oil" + ] + }, + { + "id": 37575, + "cuisine": "southern_us", + "ingredients": [ + "sliced almonds", + "cool whip", + "vanilla wafer crumbs", + "pure vanilla extract", + "bananas", + "English toffee bits", + "vanilla instant pudding", + "caramel ice cream topping", + "whole milk", + "cream cheese", + "powdered sugar", + "granulated sugar", + "butter" + ] + }, + { + "id": 28551, + "cuisine": "mexican", + "ingredients": [ + "low-fat sour cream", + "green onions", + "40% less sodium taco seasoning mix", + "water", + "chopped onion", + "shredded Monterey Jack cheese", + "fresh spinach", + "chicken breasts", + "corn tortillas", + "tomatoes", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 42811, + "cuisine": "indian", + "ingredients": [ + "lime juice", + "sweet potatoes", + "chickpeas", + "olive oil", + "greek style plain yogurt", + "chopped cilantro fresh", + "kosher salt", + "unsalted butter", + "yellow onion", + "curry powder", + "jalapeno chilies", + "cayenne pepper" + ] + }, + { + "id": 15544, + "cuisine": "southern_us", + "ingredients": [ + "golden brown sugar", + "worcestershire sauce", + "lemon wedge", + "large shrimp", + "unsalted butter", + "fresh lemon juice", + "baguette", + "old bay seasoning" + ] + }, + { + "id": 20565, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "jalapeno chilies", + "vegetable oil", + "fresh lime juice", + "white vinegar", + "dried thyme", + "green onions", + "ground allspice", + "sugar", + "bay leaves", + "garlic", + "chicken thighs", + "soy sauce", + "barbecue sauce", + "salt", + "browning" + ] + }, + { + "id": 26826, + "cuisine": "spanish", + "ingredients": [ + "bread crumbs", + "fideos", + "salt", + "garlic cloves", + "pig", + "large eggs", + "bacon", + "salt pork", + "smoked ham hocks", + "water", + "dried beef", + "spanish chorizo", + "veal shanks", + "green cabbage", + "olive oil", + "smoked sweet Spanish paprika", + "dried chickpeas", + "flat leaf parsley" + ] + }, + { + "id": 6474, + "cuisine": "thai", + "ingredients": [ + "lime", + "rice noodles", + "thai chile", + "soy", + "sugar", + "Sriracha", + "basil", + "cucumber", + "fish sauce", + "peanuts", + "daikon", + "carrots", + "lime juice", + "sesame oil", + "cilantro", + "red bell pepper" + ] + }, + { + "id": 15681, + "cuisine": "italian", + "ingredients": [ + "bread crumb fresh", + "basil leaves", + "black olives", + "spaghetti", + "chopped tomatoes", + "balsamic vinegar", + "freshly ground pepper", + "ricotta salata", + "dry white wine", + "salt", + "sea scallops", + "extra-virgin olive oil", + "oil" + ] + }, + { + "id": 21751, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "fresh lemon juice", + "tuna steaks", + "salt", + "cucumber", + "cherry tomatoes", + "kalamata", + "bow-tie pasta", + "dried oregano", + "cooking spray", + "purple onion", + "feta cheese crumbles" + ] + }, + { + "id": 45342, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "bananas", + "chicken breasts", + "raisins", + "onions", + "tomato paste", + "kosher salt", + "cayenne", + "cinnamon", + "garlic", + "red potato", + "water", + "fresh thyme", + "butter", + "cardamom pods", + "granny smith apples", + "ground black pepper", + "vegetable oil", + "ginger", + "coriander" + ] + }, + { + "id": 8431, + "cuisine": "southern_us", + "ingredients": [ + "fresh ginger", + "cocktail cherries", + "clove", + "garlic", + "light brown sugar", + "dijon mustard", + "pineapple juice", + "virginia ham", + "pineapple" + ] + }, + { + "id": 16382, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "tortilla chips", + "salsa", + "cheese", + "black beans", + "hot sauce" + ] + }, + { + "id": 18763, + "cuisine": "mexican", + "ingredients": [ + "brown gravy mix", + "stewed tomatoes", + "sour cream", + "chili powder", + "chopped onion", + "corn tortilla chips", + "frozen corn kernels", + "ground turkey", + "shredded lettuce", + "elbow macaroni" + ] + }, + { + "id": 17476, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "sprinkles", + "garlic cloves", + "pitted kalamata olives", + "cooking spray", + "linguine", + "onions", + "olive oil", + "dry red wine", + "red bell pepper", + "black pepper", + "diced tomatoes", + "goat cheese" + ] + }, + { + "id": 33148, + "cuisine": "chinese", + "ingredients": [ + "pork belly", + "oil", + "dark soy sauce", + "light soy sauce", + "water", + "sugar", + "Shaoxing wine" + ] + }, + { + "id": 20649, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "pineapple", + "fresh mint", + "curry powder", + "yoghurt", + "mixed greens", + "ground cumin", + "lime", + "raisins", + "lemon juice", + "slivered almonds", + "honey mustard dressing", + "purple onion", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 35483, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "unsalted butter", + "salt", + "sugar", + "baking powder", + "sliced green onions", + "chiles", + "large eggs", + "all-purpose flour", + "baking soda", + "buttermilk" + ] + }, + { + "id": 8455, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "canned black beans", + "pineapple", + "ground cumin" + ] + }, + { + "id": 21293, + "cuisine": "british", + "ingredients": [ + "tumeric", + "butter", + "tarragon", + "salad", + "water", + "garlic cloves", + "arugula", + "eggs", + "olive oil", + "lemon juice", + "basmati rice", + "red lentils", + "black pepper", + "salt", + "onions" + ] + }, + { + "id": 29226, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "sugar", + "all-purpose flour", + "sweet potatoes", + "water", + "oil" + ] + }, + { + "id": 12794, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "salt", + "dried oregano", + "olive oil", + "black olives", + "scallions", + "orzo", + "fresh oregano", + "large shrimp", + "feta cheese", + "white wine vinegar", + "lemon juice" + ] + }, + { + "id": 30259, + "cuisine": "french", + "ingredients": [ + "verjus", + "extra-virgin olive oil", + "dijon mustard", + "mayonaise", + "parsley leaves", + "asparagus", + "fresh lemon juice" + ] + }, + { + "id": 27873, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "parsley", + "yellow onion", + "black pepper", + "marinara sauce", + "ground veal", + "garlic cloves", + "grated parmesan cheese", + "red pepper flakes", + "Italian seasoned breadcrumbs", + "kosher salt", + "whole milk", + "ground pork", + "ground beef" + ] + }, + { + "id": 31250, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "olive oil", + "large garlic cloves", + "juice", + "onions", + "black pepper", + "bay leaves", + "dried pappardelle", + "flat leaf parsley", + "tomatoes", + "medium dry sherry", + "heavy cream", + "hot water", + "fresh basil leaves", + "dried porcini mushrooms", + "parmigiano reggiano cheese", + "salt", + "white mushrooms" + ] + }, + { + "id": 7725, + "cuisine": "mexican", + "ingredients": [ + "horseradish root", + "chopped fresh thyme", + "white wine vinegar", + "coarse kosher salt", + "olive oil", + "dry red wine", + "crème fraîche", + "flour tortillas", + "cilantro sprigs", + "boneless rib eye steaks", + "honey", + "red wine vinegar", + "purple onion" + ] + }, + { + "id": 26351, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "chicken breasts", + "garlic cloves", + "low sodium soy sauce", + "cooking spray", + "salt", + "fresh lime juice", + "curry powder", + "vegetable oil", + "red bell pepper", + "cooked rice", + "peeled fresh ginger", + "pineapple juice", + "fresh pineapple" + ] + }, + { + "id": 49301, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "parsley", + "salt", + "whole wheat bread cubes", + "extra-virgin olive oil", + "fresh basil leaves", + "parmesan cheese", + "purple onion", + "oil cured olives", + "red wine vinegar", + "lemon juice" + ] + }, + { + "id": 40546, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "paprika", + "onions", + "eggs", + "olive oil", + "salt", + "milk", + "extra-virgin olive oil", + "bread crumbs", + "flour", + "ham" + ] + }, + { + "id": 48627, + "cuisine": "french", + "ingredients": [ + "swiss chard", + "crushed red pepper", + "black pepper", + "chopped fresh thyme", + "garlic cloves", + "soft goat's cheese", + "chopped fresh chives", + "salt", + "olive oil", + "whole grain bread", + "red bell pepper" + ] + }, + { + "id": 40273, + "cuisine": "spanish", + "ingredients": [ + "beef shank", + "carrots", + "black peppercorns", + "salt", + "onions", + "celery ribs", + "fresh thyme", + "fresh parsley", + "water", + "California bay leaves", + "short rib" + ] + }, + { + "id": 13260, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "cinnamon", + "fruit", + "whole milk", + "allspice", + "nutmeg", + "large eggs", + "dark brown sugar", + "dried currants", + "frozen pastry puff sheets", + "white sugar" + ] + }, + { + "id": 15173, + "cuisine": "greek", + "ingredients": [ + "egg substitute", + "salt", + "feta cheese crumbles", + "romaine lettuce", + "kalamata", + "croutons", + "olive oil", + "garlic cloves", + "dried oregano", + "pepper", + "purple onion", + "lemon juice" + ] + }, + { + "id": 17140, + "cuisine": "cajun_creole", + "ingredients": [ + "french bread", + "salt", + "lemon juice", + "worcestershire sauce", + "creole seasoning", + "butter", + "hot sauce", + "shrimp", + "ground black pepper", + "garlic", + "beer" + ] + }, + { + "id": 38093, + "cuisine": "italian", + "ingredients": [ + "diced tomatoes", + "white sugar", + "tomato sauce", + "salt", + "garlic", + "dried oregano", + "olive oil", + "onions" + ] + }, + { + "id": 23714, + "cuisine": "mexican", + "ingredients": [ + "powdered sugar", + "fine salt", + "pure vanilla extract", + "unsalted butter", + "ground almonds", + "ground cinnamon", + "large eggs", + "ground cardamom", + "ground cloves", + "all purpose unbleached flour" + ] + }, + { + "id": 20268, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "fresh ginger", + "salt", + "crushed tomatoes", + "butter", + "water", + "ground black pepper", + "cayenne pepper", + "dried lentils", + "fresh cilantro", + "heavy cream" + ] + }, + { + "id": 3481, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "mustard oil", + "chillies", + "garam masala", + "ginger", + "garlic cloves", + "methi", + "lemon", + "cardamom", + "coriander", + "yoghurt", + "salt", + "king prawns" + ] + }, + { + "id": 37615, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil cooking spray", + "biscuit mix", + "parsley flakes", + "garlic powder", + "reduced fat sharp cheddar cheese", + "margarine", + "skim milk" + ] + }, + { + "id": 32919, + "cuisine": "greek", + "ingredients": [ + "agave nectar", + "pecans", + "greek yogurt" + ] + }, + { + "id": 3693, + "cuisine": "southern_us", + "ingredients": [ + "granny smith apples", + "cooking spray", + "salt", + "chopped pecans", + "vidalia onion", + "dried thyme", + "unsweetened apple juice", + "rubbed sage", + "pepper", + "bourbon whiskey", + "maple syrup", + "cornbread stuffing mix", + "water", + "loin pork roast", + "all-purpose flour" + ] + }, + { + "id": 95, + "cuisine": "southern_us", + "ingredients": [ + "soy sauce", + "lemon juice", + "rib eye steaks", + "bourbon whiskey", + "water", + "brown sugar", + "worcestershire sauce" + ] + }, + { + "id": 2631, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "baking powder", + "peanut oil", + "red snapper", + "minced onion", + "lemon wedge", + "corn flour", + "parsley sprigs", + "large eggs", + "buttermilk", + "cornmeal", + "baking soda", + "ground red pepper", + "salt" + ] + }, + { + "id": 556, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "water", + "salsa", + "ground black pepper", + "pinto beans", + "reduced sodium chicken broth", + "garlic", + "cumin" + ] + }, + { + "id": 15743, + "cuisine": "mexican", + "ingredients": [ + "frozen chopped spinach", + "black olives", + "shredded Monterey Jack cheese", + "evaporated milk", + "salsa", + "pepper", + "salt", + "red wine vinegar", + "cream cheese" + ] + }, + { + "id": 26229, + "cuisine": "filipino", + "ingredients": [ + "pork", + "green onions", + "oil", + "onions", + "pepper", + "garlic", + "calamansi", + "cabbage", + "soy sauce", + "rice noodles", + "carrots", + "large shrimp", + "chicken stock", + "boneless chicken breast", + "salt", + "celery" + ] + }, + { + "id": 41416, + "cuisine": "southern_us", + "ingredients": [ + "barbecue sauce", + "mayonaise", + "salt", + "salad", + "baking potatoes", + "pickles", + "pork loin chops" + ] + }, + { + "id": 9386, + "cuisine": "greek", + "ingredients": [ + "fat free less sodium chicken broth", + "shallots", + "feta cheese crumbles", + "tomatoes", + "dry white wine", + "salt", + "olive oil", + "fresh tarragon", + "black pepper", + "boneless skinless chicken breasts", + "all-purpose flour" + ] + }, + { + "id": 22635, + "cuisine": "vietnamese", + "ingredients": [ + "Vietnamese coriander", + "sesame seeds", + "boneless skinless chicken breasts", + "rice vinegar", + "serrano chile", + "dressing", + "fresh cilantro", + "ground black pepper", + "garlic", + "fresh lime juice", + "chicken", + "water", + "palm sugar", + "sesame oil", + "fresh mint", + "coleslaw", + "green cabbage", + "nam pla", + "shredded carrots", + "unsalted dry roast peanuts", + "onions" + ] + }, + { + "id": 43842, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "serrano chile", + "fresh lemon juice", + "Thai fish sauce", + "garlic cloves" + ] + }, + { + "id": 25200, + "cuisine": "chinese", + "ingredients": [ + "brown mushroom", + "red cabbage", + "rice vinegar", + "dark soy sauce", + "sesame seeds", + "sesame oil", + "Yakisoba noodles", + "low sodium soy sauce", + "water", + "broccoli florets", + "scallions", + "brown sugar", + "Sriracha", + "garlic", + "carrots" + ] + }, + { + "id": 38035, + "cuisine": "british", + "ingredients": [ + "bicarbonate of soda", + "water", + "plain flour", + "vanilla essence", + "butter", + "demerara sugar", + "baking powder", + "eggs", + "sugar", + "double cream" + ] + }, + { + "id": 10329, + "cuisine": "chinese", + "ingredients": [ + "ground black pepper", + "broccoli", + "corn starch", + "soy sauce", + "rice wine", + "beef sirloin", + "cooking oil", + "sauce", + "cubed beef", + "water", + "garlic", + "oyster sauce" + ] + }, + { + "id": 9310, + "cuisine": "mexican", + "ingredients": [ + "chile pepper", + "egg whites", + "low fat monterey jack cheese", + "water", + "cornmeal", + "boneless skinless chicken breasts" + ] + }, + { + "id": 30629, + "cuisine": "mexican", + "ingredients": [ + "lean ground beef", + "ketchup", + "cold water", + "onions", + "taco seasoning mix" + ] + }, + { + "id": 7852, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "large garlic cloves", + "cream cheese", + "cremini mushrooms", + "butter", + "Italian turkey sausage", + "lower sodium chicken broth", + "olive oil", + "chopped onion", + "water", + "diced tomatoes", + "polenta" + ] + }, + { + "id": 15158, + "cuisine": "cajun_creole", + "ingredients": [ + "mushrooms", + "salt", + "medium shrimp", + "water", + "butter", + "red bell pepper", + "fat free less sodium chicken broth", + "cajun seasoning", + "all-purpose flour", + "half & half", + "linguine", + "flat leaf parsley" + ] + }, + { + "id": 59, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "granny smith apples", + "cream cheese", + "brown sugar", + "butter", + "cinnamon" + ] + }, + { + "id": 40706, + "cuisine": "russian", + "ingredients": [ + "raspberry jam", + "butter", + "semisweet chocolate", + "salt", + "eggs", + "flour", + "chopped walnuts", + "sugar", + "chocolate" + ] + }, + { + "id": 4523, + "cuisine": "italian", + "ingredients": [ + "vanilla", + "sugar", + "chocolate sauce", + "unflavored gelatin", + "salt", + "half & half", + "chocolate sprinkles" + ] + }, + { + "id": 40061, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "dried bonito flakes", + "daikon", + "mirin", + "konbu", + "ginger" + ] + }, + { + "id": 44631, + "cuisine": "mexican", + "ingredients": [ + "chicken breast halves", + "extra-virgin olive oil", + "freshly ground pepper", + "lime", + "cilantro", + "fresh oregano", + "orange", + "ancho powder", + "salt", + "chayotes", + "poblano", + "purple onion", + "garlic cloves" + ] + }, + { + "id": 42590, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "paprika", + "onions", + "flank steak", + "salt", + "bell pepper", + "garlic", + "cumin", + "soy sauce", + "chili powder", + "green chilies" + ] + }, + { + "id": 8020, + "cuisine": "thai", + "ingredients": [ + "ground chicken", + "panko", + "boneless skinless chicken breasts", + "chopped cilantro", + "lime", + "jalapeno chilies", + "salt", + "lemongrass", + "water chestnuts", + "vegetable oil", + "fish sauce", + "fresh ginger", + "green onions", + "freshly ground pepper" + ] + }, + { + "id": 16573, + "cuisine": "italian", + "ingredients": [ + "pasta", + "grated parmesan cheese", + "sweet italian sausage", + "spicy sausage", + "salt", + "tomatoes", + "garlic", + "olive oil", + "yellow onion" + ] + }, + { + "id": 5889, + "cuisine": "italian", + "ingredients": [ + "garlic", + "kosher salt", + "fresh rosemary", + "Italian bread", + "salted butter" + ] + }, + { + "id": 1926, + "cuisine": "filipino", + "ingredients": [ + "water", + "red pepper", + "oil", + "tomato sauce", + "minced onion", + "ground pork", + "noodles", + "tomato paste", + "evaporated milk", + "grating cheese", + "seasoning mix", + "minced garlic", + "hot dogs", + "salt" + ] + }, + { + "id": 44873, + "cuisine": "italian", + "ingredients": [ + "capers", + "kalamata", + "fresh basil", + "grated parmesan cheese", + "garlic cloves", + "green olives", + "italian plum tomatoes", + "olive oil", + "linguine" + ] + }, + { + "id": 24699, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "baking powder", + "all-purpose flour", + "ground black pepper", + "buttermilk", + "seasoning salt", + "vegetable shortening", + "sausages", + "melted butter", + "soda", + "salt" + ] + }, + { + "id": 28309, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "ground black pepper", + "extra-virgin olive oil", + "white wine", + "boneless chicken breast", + "fresh lemon juice", + "capers", + "unsalted butter", + "all-purpose flour", + "minced garlic", + "sea salt", + "fresh parsley" + ] + }, + { + "id": 10670, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "coriander seeds", + "cinnamon sticks", + "clove", + "white onion", + "vegetable oil", + "green cardamom pods", + "boneless chicken skinless thigh", + "bay leaves", + "black peppercorns", + "curry powder", + "red pepper flakes" + ] + }, + { + "id": 31790, + "cuisine": "italian", + "ingredients": [ + "lemon wedge", + "fresh oregano", + "ground black pepper", + "crushed red pepper flakes", + "flat leaf parsley", + "coarse salt", + "garlic cloves", + "dry white wine", + "extra-virgin olive oil", + "large shrimp" + ] + }, + { + "id": 35917, + "cuisine": "mexican", + "ingredients": [ + "onions", + "jalapeno chilies", + "vinegar", + "carrots" + ] + }, + { + "id": 8365, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "cornmeal", + "warm water", + "all-purpose flour", + "cold water", + "salt", + "egg whites" + ] + }, + { + "id": 28108, + "cuisine": "southern_us", + "ingredients": [ + "country ham", + "buttermilk", + "chicken", + "unsalted butter", + "corn starch", + "coarse salt", + "lard", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 9205, + "cuisine": "thai", + "ingredients": [ + "lime rind", + "broccoli florets", + "brown rice", + "anchovy paste", + "chopped cilantro fresh", + "fresh spinach", + "lemon grass", + "chicken breasts", + "large garlic cloves", + "rice vinegar", + "fish sauce", + "water", + "jalapeno chilies", + "vegetable oil", + "crushed red pepper", + "sugar", + "zucchini", + "shallots", + "diced tomatoes", + "gingerroot" + ] + }, + { + "id": 19608, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "whole wheat spaghetti", + "garlic", + "ground black pepper", + "kalamata", + "capers", + "red pepper flakes", + "salt", + "baby arugula", + "extra-virgin olive oil" + ] + }, + { + "id": 17386, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "cooking spray", + "salt", + "large egg yolks", + "1% low-fat milk", + "bittersweet chocolate", + "cream of tartar", + "granulated sugar", + "Dutch-processed cocoa powder", + "large egg whites", + "vanilla extract", + "all-purpose flour" + ] + }, + { + "id": 18604, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "fresh ginger root", + "hot chili powder", + "chinese five-spice powder", + "light soy sauce", + "sesame oil", + "all-purpose flour", + "Madras curry powder", + "green bell pepper", + "chicken breasts", + "garlic", + "bamboo shoots", + "garlic powder", + "butter", + "scallions" + ] + }, + { + "id": 16338, + "cuisine": "cajun_creole", + "ingredients": [ + "melted butter", + "sugar", + "decorating sugars", + "raisins", + "low-fat milk", + "powdered sugar", + "active dry yeast", + "cinnamon", + "lemon juice", + "eggs", + "warm water", + "bourbon whiskey", + "salt", + "nutmeg", + "brown sugar", + "flour", + "butter", + "dried cranberries" + ] + }, + { + "id": 32895, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "large eggs", + "all purpose unbleached flour", + "sugar", + "vegetable oil", + "salt", + "vegetable oil cooking spray", + "baking powder", + "buttermilk", + "baking soda", + "butter" + ] + }, + { + "id": 12980, + "cuisine": "japanese", + "ingredients": [ + "roasted white sesame seeds", + "dried bonito flakes", + "sugar", + "miso", + "sake", + "mirin", + "rice vinegar", + "soy sauce", + "apples" + ] + }, + { + "id": 10526, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "salt", + "plum tomatoes", + "water", + "cilantro", + "corn tortillas", + "romaine lettuce", + "ground red pepper", + "sour cream", + "mango", + "lime juice", + "purple onion", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 42777, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chinese roast pork", + "lard", + "eggs", + "peas", + "ham", + "cooked chicken", + "scallions", + "bamboo shoots", + "cooked rice", + "salt", + "shrimp" + ] + }, + { + "id": 39118, + "cuisine": "british", + "ingredients": [ + "milk", + "flour", + "butter", + "garlic cloves", + "cheddar cheese", + "parmigiano reggiano cheese", + "chives", + "worcestershire sauce", + "onions", + "pepper", + "potatoes", + "fresh thyme leaves", + "salt", + "tomato paste", + "olive oil", + "beef stock", + "red wine", + "ground beef" + ] + }, + { + "id": 44624, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "cooked chicken", + "garlic", + "bay leaf", + "water", + "chile pepper", + "tortilla chips", + "cumin", + "black pepper", + "chili powder", + "salt", + "onions", + "corn", + "tomatoes with juice", + "enchilada sauce" + ] + }, + { + "id": 16832, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic cloves", + "extra-virgin olive oil", + "dried oregano", + "grated lemon zest", + "ground black pepper", + "fresh lemon juice" + ] + }, + { + "id": 35297, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "ancho chile pepper", + "diced tomatoes", + "orange juice", + "serrano chile", + "lime juice", + "salt", + "chopped cilantro fresh", + "yellow bell pepper", + "poblano chiles", + "boiling water" + ] + }, + { + "id": 14293, + "cuisine": "moroccan", + "ingredients": [ + "warm water", + "unsalted butter", + "yeast", + "honey", + "baking powder", + "skim milk", + "large eggs", + "semolina", + "salt" + ] + }, + { + "id": 1769, + "cuisine": "italian", + "ingredients": [ + "salad greens", + "grated parmesan cheese", + "medium shrimp", + "basil pesto sauce", + "dijon mustard", + "purple onion", + "fat-free mayonnaise", + "olive oil", + "cracked black pepper", + "olive oil flavored cooking spray", + "baguette", + "low-fat buttermilk", + "garlic cloves" + ] + }, + { + "id": 12494, + "cuisine": "southern_us", + "ingredients": [ + "egg whites", + "cream cheese", + "butter", + "shredded sharp cheddar cheese", + "french bread" + ] + }, + { + "id": 13563, + "cuisine": "greek", + "ingredients": [ + "all potato purpos", + "salt", + "rosemary sprigs", + "extra-virgin olive oil", + "lemon", + "lamb", + "ground black pepper", + "artichokes" + ] + }, + { + "id": 46776, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "butter", + "grated lemon peel", + "dry white wine", + "linguine", + "green onions", + "whipping cream", + "large shrimp", + "clam juice", + "garlic cloves" + ] + }, + { + "id": 37145, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "salt", + "breakfast sausages", + "sharp cheddar cheese", + "baking powder", + "all-purpose flour", + "baking soda", + "buttermilk" + ] + }, + { + "id": 43276, + "cuisine": "italian", + "ingredients": [ + "fennel", + "clams, well scrub", + "cod", + "vermouth", + "bertolli vineyard premium collect marinara with burgundi wine sauc", + "seafood stock", + "mussels, well scrubbed", + "Bertolli® Classico Olive Oil", + "dry white wine", + "large shrimp" + ] + }, + { + "id": 34922, + "cuisine": "italian", + "ingredients": [ + "part-skim ricotta cheese", + "oven-ready lasagna noodles", + "fresh parmesan cheese", + "salt", + "cooking spray", + "tomato basil sauce", + "fresh basil", + "crushed red pepper" + ] + }, + { + "id": 29107, + "cuisine": "southern_us", + "ingredients": [ + "fresh cilantro", + "cheese", + "cheddar cheese", + "whole milk", + "boiling water", + "eggs", + "cherry tomatoes", + "salt", + "pinenuts", + "butter", + "grits" + ] + }, + { + "id": 21460, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "Italian parsley leaves", + "couscous", + "peaches", + "orange juice", + "ground nutmeg", + "garlic", + "light brown sugar", + "red wine vinegar", + "rotisserie chicken" + ] + }, + { + "id": 686, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "unsalted butter", + "heavy cream", + "kosher salt", + "ice water", + "pecan halves", + "granulated sugar", + "light corn syrup", + "pure vanilla extract", + "large egg yolks", + "all purpose unbleached flour" + ] + }, + { + "id": 37004, + "cuisine": "thai", + "ingredients": [ + "frozen shelled edamame", + "garlic powder", + "ground ginger", + "lime juice", + "cilantro", + "soy sauce", + "sesame oil", + "brown sugar", + "olive oil", + "Thai red curry paste" + ] + }, + { + "id": 7188, + "cuisine": "mexican", + "ingredients": [ + "ranch dressing", + "sour cream", + "avocado" + ] + }, + { + "id": 8296, + "cuisine": "spanish", + "ingredients": [ + "sherry vinegar", + "blanched almonds", + "seedless green grape", + "extra-virgin olive oil", + "shrimp", + "ice water", + "garlic cloves", + "baguette", + "salt" + ] + }, + { + "id": 8939, + "cuisine": "greek", + "ingredients": [ + "sugar", + "cocoa powder", + "milk", + "chocolate syrup", + "greek style plain yogurt" + ] + }, + { + "id": 19707, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "salt", + "extra-virgin olive oil", + "egg yolks", + "lemon juice", + "pepper", + "garlic" + ] + }, + { + "id": 39996, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "garlic cloves", + "salt", + "fresh mint", + "flour tortillas", + "leg of lamb", + "pepper", + "sauce", + "dried oregano" + ] + }, + { + "id": 22024, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper", + "onions", + "fresh sage", + "cannellini beans", + "juice", + "plum tomatoes", + "kosher salt", + "garlic", + "escarole", + "cooking spray", + "hot Italian sausages", + "arugula" + ] + }, + { + "id": 39980, + "cuisine": "southern_us", + "ingredients": [ + "cream of tartar", + "baking powder", + "all-purpose flour", + "sugar", + "butter", + "eggs", + "cinnamon", + "milk", + "salt" + ] + }, + { + "id": 37252, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "unsalted butter", + "chocolate shavings", + "chocolate sandwich cookies", + "eggs", + "milk", + "egg yolks", + "vanilla extract", + "OREO® Cookies", + "kosher salt", + "brewed coffee", + "heavy cream", + "corn starch", + "dark chocolate", + "instant espresso powder", + "crumbs", + "cocoa powder" + ] + }, + { + "id": 27386, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "unsalted butter", + "California bay leaves", + "celery root", + "saffron threads", + "lump crab meat", + "yukon gold potatoes", + "shrimp", + "tomatoes", + "fennel bulb", + "juice", + "canola oil", + "celery ribs", + "curry powder", + "ginger", + "onions" + ] + }, + { + "id": 35037, + "cuisine": "italian", + "ingredients": [ + "milk", + "large eggs", + "sea salt", + "black pepper", + "parmesan cheese", + "mushrooms", + "garlic", + "nutmeg", + "large egg yolks", + "flour", + "basil", + "mozzarella cheese", + "unsalted butter", + "shallots", + "ricotta" + ] + }, + { + "id": 31288, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "corn starch", + "sugar", + "medium dry sherry", + "balsamic vinegar", + "minced garlic", + "vegetable oil", + "baby bok choy", + "peeled fresh ginger", + "beef tenderloin" + ] + }, + { + "id": 8250, + "cuisine": "mexican", + "ingredients": [ + "margarita salt", + "orange liqueur", + "lime wedges", + "ice", + "lime slices", + "fresh lime juice", + "powdered sugar", + "tequila" + ] + }, + { + "id": 11117, + "cuisine": "jamaican", + "ingredients": [ + "milk", + "salt", + "onions", + "callaloo", + "garlic cloves", + "pepper", + "butter", + "coconut milk", + "pumpkin", + "scallions" + ] + }, + { + "id": 9611, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "penne pasta", + "jumbo shrimp", + "butter", + "roma tomatoes", + "fresh parsley", + "bread crumbs", + "heavy cream" + ] + }, + { + "id": 39972, + "cuisine": "vietnamese", + "ingredients": [ + "chinese celery", + "shallots", + "medium shrimp", + "Vietnamese coriander", + "pork loin", + "fresh lime juice", + "sugar", + "peanuts", + "root vegetables", + "fish sauce", + "kosher salt", + "thai chile" + ] + }, + { + "id": 36227, + "cuisine": "french", + "ingredients": [ + "crimini mushrooms", + "onions", + "pepper", + "salt", + "italian seasoning", + "red wine", + "chicken thighs", + "olive oil", + "rice" + ] + }, + { + "id": 20857, + "cuisine": "spanish", + "ingredients": [ + "white wine", + "flour", + "grated nutmeg", + "peppercorns", + "clove", + "almonds", + "garlic", + "chopped parsley", + "meat stock", + "bread", + "olive oil", + "ground pork", + "lemon juice", + "saffron", + "eggs", + "minced onion", + "salt", + "ground beef" + ] + }, + { + "id": 46284, + "cuisine": "indian", + "ingredients": [ + "fenugreek", + "ginger", + "green pepper", + "chillies", + "coriander seeds", + "lemon", + "purple onion", + "cardamom", + "fresh coriander", + "chili powder", + "garlic", + "mustard oil", + "chicken thighs", + "garam masala", + "red pepper", + "salt", + "greek yogurt" + ] + }, + { + "id": 36217, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "beefsteak tomatoes", + "fresh basil leaves", + "olive oil", + "garlic", + "pepper", + "dry white wine", + "fettucine", + "zucchini", + "ground turkey" + ] + }, + { + "id": 37221, + "cuisine": "italian", + "ingredients": [ + "dark rum", + "brewed espresso", + "vanilla frozen yogurt", + "sugar" + ] + }, + { + "id": 10015, + "cuisine": "mexican", + "ingredients": [ + "lime", + "jalapeno chilies", + "ancho powder", + "olive oil", + "chili powder", + "cumin", + "jack", + "chicken breasts", + "salt", + "fresh cilantro", + "tortillas", + "red pepper flakes" + ] + }, + { + "id": 7196, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame seeds", + "corn starch", + "cold water", + "ketchup", + "chicken breasts", + "white vinegar", + "soy sauce", + "garlic powder", + "brown sugar", + "honey", + "salt" + ] + }, + { + "id": 8644, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "chopped celery", + "long-grain rice", + "black-eyed peas", + "salt", + "fresh parsley", + "lump crab meat", + "purple onion", + "fresh lemon juice", + "tomatoes", + "extra-virgin olive oil", + "hot sauce" + ] + }, + { + "id": 9626, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "apple cider vinegar", + "okra", + "chiles", + "fennel", + "crushed red pepper", + "tomatoes", + "water", + "chopped celery", + "ground white pepper", + "kosher salt", + "white wine vinegar", + "carrots" + ] + }, + { + "id": 8972, + "cuisine": "filipino", + "ingredients": [ + "curry powder", + "white rice", + "coconut milk", + "bay leaves", + "salt", + "tiger prawn", + "olive oil", + "garlic", + "onions", + "pepper", + "fully cooked ham", + "chicken leg quarters" + ] + }, + { + "id": 43883, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "Haas avocados", + "mild green chiles", + "chopped cilantro", + "low sodium black beans", + "chili powder", + "scallions", + "ground cumin", + "taco shells", + "red cabbage", + "salt", + "oregano", + "pico de gallo", + "garlic powder", + "red wine vinegar", + "chicken fingers" + ] + }, + { + "id": 33930, + "cuisine": "japanese", + "ingredients": [ + "rice vinegar", + "kosher salt", + "white sugar", + "sushi rice", + "oil", + "water" + ] + }, + { + "id": 29658, + "cuisine": "mexican", + "ingredients": [ + "gluten free corn tortillas", + "fat free greek yogurt", + "chopped cilantro", + "tomatoes", + "lime", + "hot sauce", + "chicken", + "avocado", + "shredded cheddar cheese", + "shredded lettuce", + "onions", + "refried black beans", + "chili powder", + "smoked paprika" + ] + }, + { + "id": 24814, + "cuisine": "british", + "ingredients": [ + "white wine", + "sour cream", + "white button mushrooms", + "garlic cloves", + "butter", + "finely chopped onion", + "fresh parsley" + ] + }, + { + "id": 11638, + "cuisine": "southern_us", + "ingredients": [ + "gruyere cheese", + "milk", + "grits", + "black pepper", + "salt", + "butter" + ] + }, + { + "id": 5684, + "cuisine": "irish", + "ingredients": [ + "sugar", + "buttermilk", + "baking soda", + "all-purpose flour", + "dark molasses", + "salt", + "ground ginger", + "unsalted butter" + ] + }, + { + "id": 16778, + "cuisine": "thai", + "ingredients": [ + "red pepper flakes", + "brown sugar", + "onions", + "dark soy sauce", + "coconut milk", + "chunky peanut butter" + ] + }, + { + "id": 27033, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "water", + "mushrooms", + "salt", + "onions", + "tomato sauce", + "vinegar", + "parsley", + "thyme", + "sage", + "brown sugar", + "curry powder", + "chili powder", + "sauce", + "oregano", + "ground chuck", + "bell pepper", + "garlic", + "bay leaf" + ] + }, + { + "id": 44706, + "cuisine": "korean", + "ingredients": [ + "medium-grain rice", + "cold water" + ] + }, + { + "id": 6784, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "salt", + "roma tomatoes", + "basil", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 45346, + "cuisine": "greek", + "ingredients": [ + "pepper", + "garlic", + "lemon juice", + "chicken broth", + "feta cheese", + "dill", + "olive oil", + "salt", + "onions", + "spinach", + "parsley", + "rice" + ] + }, + { + "id": 6066, + "cuisine": "french", + "ingredients": [ + "large eggs", + "unsalted butter", + "unsweetened cocoa powder", + "all-purpose flour", + "sugar", + "bittersweet chocolate" + ] + }, + { + "id": 28465, + "cuisine": "italian", + "ingredients": [ + "sugar", + "salt", + "unsalted butter", + "cherry preserves", + "large egg yolks", + "all-purpose flour", + "powdered sugar", + "large eggs", + "grated lemon peel" + ] + }, + { + "id": 15564, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "yellow onion", + "bone in skin on chicken thigh", + "ground cinnamon", + "ground black pepper", + "carrots", + "ground cumin", + "olive oil", + "ground coriander", + "seedless red grapes", + "picholine olives", + "ground red pepper", + "flat leaf parsley" + ] + }, + { + "id": 29819, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chicken broth", + "butter", + "minute rice", + "eggs", + "onions" + ] + }, + { + "id": 31953, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "all-purpose flour", + "boiling water", + "ground cinnamon", + "unsalted butter", + "fresh lemon juice", + "brown sugar", + "baking powder", + "corn starch", + "ground nutmeg", + "salt", + "white sugar" + ] + }, + { + "id": 26642, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "butter", + "chopped fresh thyme", + "dry white wine", + "wild mushrooms", + "grated parmesan cheese", + "vegetable broth" + ] + }, + { + "id": 36103, + "cuisine": "indian", + "ingredients": [ + "red lentils", + "garam masala", + "salt", + "peeled tomatoes", + "ginger", + "onions", + "tumeric", + "vegetable oil", + "hot water", + "honey", + "garlic" + ] + }, + { + "id": 5336, + "cuisine": "southern_us", + "ingredients": [ + "water", + "ground nutmeg", + "cayenne pepper", + "pork", + "olive oil", + "salt", + "red bell pepper", + "diced onions", + "seasoning salt", + "onion powder", + "rubbed sage", + "pepper", + "garlic powder", + "lima beans" + ] + }, + { + "id": 27338, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "half & half", + "tomato sauce", + "herbs", + "penne pasta", + "chicken broth", + "boneless chicken breast", + "garlic", + "pesto", + "flour" + ] + }, + { + "id": 41809, + "cuisine": "mexican", + "ingredients": [ + "all-purpose flour", + "baking powder", + "water", + "lard", + "salt" + ] + }, + { + "id": 36257, + "cuisine": "italian", + "ingredients": [ + "shredded cheddar cheese", + "sliced mushrooms", + "hamburger", + "lasagna noodles", + "ragu", + "shredded mozzarella cheese" + ] + }, + { + "id": 26709, + "cuisine": "british", + "ingredients": [ + "large eggs", + "corn starch", + "sugar", + "vanilla extract", + "ladyfingers", + "2% reduced-fat milk", + "grated orange", + "tawny port", + "fresh raspberries" + ] + }, + { + "id": 14747, + "cuisine": "italian", + "ingredients": [ + "dried sage", + "whipping cream", + "olive oil", + "large garlic cloves", + "sweet italian sausage", + "fettucine", + "shallots", + "crushed red pepper", + "grated parmesan cheese", + "diced tomatoes" + ] + }, + { + "id": 24357, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "lime", + "vegetable oil", + "pastry", + "corn husks", + "cotija", + "parmesan cheese", + "chile powder", + "ricotta salata", + "cayenne" + ] + }, + { + "id": 1103, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "water", + "vegetable oil", + "okra", + "brown sugar", + "coriander seeds", + "cilantro leaves", + "cinnamon sticks", + "chicken legs", + "curry powder", + "large garlic cloves", + "fresh lemon juice", + "fennel seeds", + "dry roasted peanuts", + "cayenne", + "gingerroot", + "boiling potatoes" + ] + }, + { + "id": 40505, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "linguine", + "red bell pepper", + "half & half", + "salt", + "parmigiano reggiano cheese", + "garlic", + "extra-virgin olive oil", + "freshly ground pepper" + ] + }, + { + "id": 29573, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "butter", + "fresh shiitake mushrooms", + "butternut squash", + "chopped fresh sage", + "pappardelle pasta", + "baby spinach" + ] + }, + { + "id": 29265, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "sweet potatoes", + "mustard seeds", + "garam masala", + "salt", + "onions", + "water", + "chili powder", + "coconut milk", + "curry leaves", + "coriander powder", + "oil" + ] + }, + { + "id": 24839, + "cuisine": "cajun_creole", + "ingredients": [ + "red pepper hot sauce", + "salami", + "pimento stuffed green olives", + "half & half", + "ham", + "refrigerated crescent rolls", + "flat leaf parsley", + "eggs", + "provolone cheese", + "oregano" + ] + }, + { + "id": 38472, + "cuisine": "italian", + "ingredients": [ + "slivered almonds", + "large eggs", + "salt", + "amaretto liqueur", + "brandy", + "anise", + "grated lemon peel", + "ground cinnamon", + "sugar", + "baking powder", + "all-purpose flour", + "grated orange peel", + "baking soda", + "vanilla extract" + ] + }, + { + "id": 27120, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "eggplant", + "stewed tomatoes", + "ground coriander", + "kosher salt", + "cayenne", + "vegetable broth", + "toasted almonds", + "diced onions", + "olive oil", + "zucchini", + "garlic", + "ground cumin", + "dried currants", + "garbanzo beans", + "cauliflower florets", + "carrots" + ] + }, + { + "id": 35032, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "baking soda", + "candy", + "peanuts", + "sauce", + "sugar", + "butter", + "karo syrup" + ] + }, + { + "id": 25232, + "cuisine": "mexican", + "ingredients": [ + "dinner rolls", + "crema mexican", + "sirloin tip", + "kosher salt", + "vegetable oil", + "avocado", + "lime", + "ancho powder", + "jack cheese", + "jalapeno chilies" + ] + }, + { + "id": 20056, + "cuisine": "japanese", + "ingredients": [ + "sake", + "flank steak", + "soy sauce", + "scallions", + "sugar", + "vegetable oil", + "mirin" + ] + }, + { + "id": 47026, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "grape juice", + "kosher salt", + "crushed red pepper", + "boneless skinless chicken breast halves", + "seedless green grape", + "dry white wine", + "onions", + "ground cumin", + "olive oil", + "ground coriander", + "chopped cilantro fresh" + ] + }, + { + "id": 37021, + "cuisine": "indian", + "ingredients": [ + "sugar", + "fresh lemon juice", + "milk", + "plain yogurt", + "salt" + ] + }, + { + "id": 39967, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "cayenne pepper", + "minced ginger", + "vegetable oil", + "onions", + "boneless skinless chicken breasts", + "cumin seed", + "chopped tomatoes", + "garlic", + "ground turmeric" + ] + }, + { + "id": 49687, + "cuisine": "mexican", + "ingredients": [ + "taco shells", + "shredded cabbage", + "cilantro leaves", + "shrimp", + "garlic paste", + "lime juice", + "garlic sauce", + "garlic cloves", + "red chili powder", + "pepper", + "marinade", + "oil", + "mayonaise", + "flour tortillas", + "salt", + "carrots" + ] + }, + { + "id": 186, + "cuisine": "spanish", + "ingredients": [ + "tomato purée", + "water", + "green pepper", + "oil", + "pork sausages", + "pork", + "peas", + "chopped onion", + "shrimp", + "chicken", + "cockles", + "artichoke hearts", + "rice", + "garlic cloves", + "chorizo sausage", + "crawfish", + "salt", + "squid", + "bay leaf" + ] + }, + { + "id": 21954, + "cuisine": "indian", + "ingredients": [ + "water", + "cumin seed", + "semolina flour", + "all-purpose flour", + "chutney", + "red chili powder", + "salt", + "oil", + "plain yogurt", + "chickpeas", + "boiling potatoes" + ] + }, + { + "id": 21092, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "chopped green chilies", + "garlic", + "chicken broth", + "boneless chicken breast", + "onions", + "lime", + "cilantro", + "cooked rice", + "rotelle" + ] + }, + { + "id": 22371, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "corn", + "vegetable oil", + "cilantro sprigs", + "fermented black beans", + "minced garlic", + "soft tofu", + "ground sichuan pepper", + "scallions", + "soy sauce", + "shiitake", + "red pepper", + "salt", + "water", + "bean paste", + "ginger", + "toasted sesame oil" + ] + }, + { + "id": 20014, + "cuisine": "italian", + "ingredients": [ + "eggs", + "milk", + "fresh mozzarella", + "bread crumbs", + "ground black pepper", + "tomato sauce", + "olive oil", + "kosher salt", + "boneless chicken breast" + ] + }, + { + "id": 4168, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "salt", + "green beans", + "yukon gold potatoes", + "garlic cloves", + "bay leaf", + "tentacles", + "freshly ground pepper", + "chopped parsley", + "extra-virgin olive oil", + "carrots", + "onions" + ] + }, + { + "id": 5316, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "corn tortillas", + "avocado", + "rotisserie chicken", + "Herdez Salsa Casera", + "oil", + "purple onion" + ] + }, + { + "id": 35088, + "cuisine": "british", + "ingredients": [ + "large egg yolks", + "vanilla", + "white bread", + "butter", + "whole milk", + "whipping cream", + "sugar", + "raisins" + ] + }, + { + "id": 38480, + "cuisine": "french", + "ingredients": [ + "fresh sage", + "fresh thyme leaves", + "thyme sprigs", + "new potatoes", + "extra-virgin olive oil", + "sage leaves", + "shallots", + "salt", + "pepper", + "red wine vinegar" + ] + }, + { + "id": 49176, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "worcestershire sauce", + "dried thyme", + "cajun seasoning", + "chicken", + "kosher salt", + "Tabasco Pepper Sauce", + "all-purpose flour", + "olive oil", + "buttermilk" + ] + }, + { + "id": 37177, + "cuisine": "french", + "ingredients": [ + "chicken bouillon granules", + "water", + "baking powder", + "salt", + "cream", + "mushrooms", + "deli ham", + "asparagus spears", + "eggs", + "milk", + "swiss cheese", + "all-purpose flour", + "shredded cheddar cheese", + "chives", + "butter", + "canola oil" + ] + }, + { + "id": 39088, + "cuisine": "russian", + "ingredients": [ + "eggs", + "black pepper", + "salt", + "pickles", + "green peas", + "fresh dill", + "potatoes", + "mayonaise", + "boneless skinless chicken breasts" + ] + }, + { + "id": 30760, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "salt", + "stewed tomatoes", + "onions", + "chili powder", + "ground beef", + "tomato sauce", + "garlic", + "dried oregano" + ] + }, + { + "id": 37797, + "cuisine": "southern_us", + "ingredients": [ + "white corn", + "salted butter", + "worcestershire sauce", + "butter beans", + "fresh tomatoes", + "minced garlic", + "barbecue sauce", + "cayenne pepper", + "Texas Pete Hot Sauce", + "ground black pepper", + "sea salt", + "homemade chicken stock", + "sweet onion", + "meat", + "sweet mustard" + ] + }, + { + "id": 40083, + "cuisine": "filipino", + "ingredients": [ + "black pepper", + "raisins", + "carrots", + "frozen peas", + "fish sauce", + "bell pepper", + "yellow onion", + "cooking fat", + "green bell pepper", + "potatoes", + "sea salt", + "chicken livers", + "tomato sauce", + "pork loin", + "garlic cloves", + "bay leaf" + ] + }, + { + "id": 47627, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "ground sirloin", + "dry bread crumbs", + "spaghetti", + "pecorino cheese", + "ground black pepper", + "coarse sea salt", + "flat leaf parsley", + "eggs", + "water", + "large garlic cloves", + "yellow onion", + "dried oregano", + "tomato sauce", + "grated parmesan cheese", + "extra-virgin olive oil", + "fresh basil leaves" + ] + }, + { + "id": 26806, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "water", + "hot pepper sauce", + "salt", + "celery", + "tomato sauce", + "dried thyme", + "bay leaves", + "bacon grease", + "onions", + "brown sugar", + "dried basil", + "chopped green bell pepper", + "cayenne pepper", + "medium shrimp", + "minced garlic", + "ground black pepper", + "green onions", + "carrots", + "dried rosemary" + ] + }, + { + "id": 17419, + "cuisine": "mexican", + "ingredients": [ + "pork chops", + "pickled jalapenos", + "monterey jack", + "flour tortillas", + "vegetables" + ] + }, + { + "id": 3235, + "cuisine": "thai", + "ingredients": [ + "reduced sodium chicken broth", + "vegetable oil", + "large shrimp", + "unsweetened coconut milk", + "broccolini", + "corn starch", + "water", + "salt", + "sugar", + "Sriracha", + "long grain white rice" + ] + }, + { + "id": 34093, + "cuisine": "french", + "ingredients": [ + "min", + "beef", + "beef broth", + "flat leaf parsley", + "stew", + "pepper", + "quinces", + "carrots", + "bay leaf", + "parsnips", + "fresh thyme", + "garlic cloves", + "celery", + "red potato", + "meal", + "hanger steak", + "cubed beef", + "onions" + ] + }, + { + "id": 36683, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "black beans", + "low sodium chicken broth", + "salt", + "andouille sausage", + "almond butter", + "brown rice", + "onions", + "brown sugar", + "minced garlic", + "boneless skinless chicken breasts", + "creole seasoning", + "tomato paste", + "tomato sauce", + "cayenne", + "diced tomatoes", + "sliced green onions" + ] + }, + { + "id": 24278, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "water", + "lettuce leaves", + "chopped onion", + "shrimp", + "tofu", + "pork", + "annatto seeds", + "crushed garlic", + "garlic cloves", + "lumpia skins", + "sugar", + "garbanzo beans", + "shredded cabbage", + "oil", + "corn starch", + "string beans", + "soy sauce", + "potatoes", + "salt", + "carrots" + ] + }, + { + "id": 3659, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "sugar", + "salted roast peanuts", + "light corn syrup", + "baking soda" + ] + }, + { + "id": 39259, + "cuisine": "southern_us", + "ingredients": [ + "egg whites", + "chopped pecans", + "light brown sugar", + "salt", + "vanilla extract", + "ground cinnamon", + "all-purpose flour" + ] + }, + { + "id": 7047, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "cilantro leaves", + "chinese red rice vinegar", + "sesame oil", + "ginger" + ] + }, + { + "id": 30407, + "cuisine": "chinese", + "ingredients": [ + "diced onions", + "ground black pepper", + "corn starch", + "shortening", + "salt", + "beansprouts", + "cold water", + "pork loin", + "hot water", + "soy sauce", + "diced celery", + "white sugar" + ] + }, + { + "id": 21225, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "large eggs", + "garlic", + "ground black pepper", + "sesame oil", + "medium shrimp", + "Sriracha", + "ginger", + "won ton wrappers", + "green onions", + "cream cheese" + ] + }, + { + "id": 22135, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "peeled fresh ginger", + "fresh lime juice", + "reduced fat firm tofu", + "curry powder", + "crushed red pepper", + "chopped cilantro fresh", + "molasses", + "vegetable oil", + "chopped fresh mint", + "low sodium soy sauce", + "cooking spray", + "garlic cloves", + "cooked vermicelli" + ] + }, + { + "id": 9858, + "cuisine": "mexican", + "ingredients": [ + "chile pepper", + "cheese spread", + "condensed cream of mushroom soup" + ] + }, + { + "id": 41843, + "cuisine": "southern_us", + "ingredients": [ + "white bread", + "minced garlic", + "chopped celery", + "fresh parsley", + "black pepper", + "vegetable oil", + "dry bread crumbs", + "eggs", + "chopped green bell pepper", + "salt", + "sliced green onions", + "crawfish", + "cajun seasoning", + "chopped onion" + ] + }, + { + "id": 43526, + "cuisine": "chinese", + "ingredients": [ + "spring roll wrappers", + "sesame seeds", + "vegetable oil", + "rice vinegar", + "toasted sesame oil", + "water", + "hoisin sauce", + "ginger", + "carrots", + "soy sauce", + "shiitake", + "red pepper", + "scallions", + "savoy cabbage", + "fresh ginger", + "green onions", + "salt", + "corn starch" + ] + }, + { + "id": 25406, + "cuisine": "mexican", + "ingredients": [ + "white hominy", + "stewed tomatoes", + "chili", + "chicken breast halves", + "dried oregano", + "water", + "radishes", + "grated jack cheese", + "hot pepper sauce", + "shredded lettuce", + "sliced green onions" + ] + }, + { + "id": 35211, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "japanese rice", + "rice vinegar", + "salt", + "sake" + ] + }, + { + "id": 39719, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "sugar", + "salt", + "baking soda", + "salted peanuts", + "cayenne", + "dr. pepper" + ] + }, + { + "id": 38987, + "cuisine": "italian", + "ingredients": [ + "eggs", + "baking powder", + "grated parmesan cheese", + "oil", + "fresh basil", + "all-purpose flour", + "cold water", + "pumpkin" + ] + }, + { + "id": 30086, + "cuisine": "italian", + "ingredients": [ + "sliced black olives", + "italian salad dressing", + "cucumber", + "broccoli", + "tomatoes", + "rotini" + ] + }, + { + "id": 34992, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "salt", + "onions", + "pepper", + "white rice", + "red bell pepper", + "green bell pepper", + "jalapeno chilies", + "hot sauce", + "cumin", + "olive oil", + "white cheddar cheese", + "sour cream" + ] + }, + { + "id": 8385, + "cuisine": "southern_us", + "ingredients": [ + "ground red pepper", + "all-purpose flour", + "paprika", + "salt", + "butter", + "sharp cheddar cheese" + ] + }, + { + "id": 1306, + "cuisine": "southern_us", + "ingredients": [ + "cake batter", + "pecans" + ] + }, + { + "id": 37903, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "steak", + "beef", + "yellow peppers", + "chopped tomatoes", + "onions", + "rosemary", + "garlic cloves", + "olives" + ] + }, + { + "id": 45116, + "cuisine": "cajun_creole", + "ingredients": [ + "reduced fat sharp cheddar cheese", + "jalapeno chilies", + "butter", + "non-fat sour cream", + "garlic cloves", + "shredded Monterey Jack cheese", + "crawfish", + "green onions", + "yellow bell pepper", + "salt", + "corn tortillas", + "chopped green bell pepper", + "chili powder", + "1% low-fat milk", + "all-purpose flour", + "dried oregano", + "black pepper", + "cooking spray", + "paprika", + "purple onion", + "red bell pepper" + ] + }, + { + "id": 6175, + "cuisine": "thai", + "ingredients": [ + "cooking spray", + "red bell pepper", + "dressing", + "flank steak", + "peeled fresh ginger", + "coleslaw", + "pepper", + "salt" + ] + }, + { + "id": 44586, + "cuisine": "chinese", + "ingredients": [ + "beef", + "sesame oil", + "garlic", + "frozen broccoli", + "fresh pineapple", + "soy sauce", + "hoisin sauce", + "ginger", + "rice vinegar", + "carrots", + "honey", + "green onions", + "raw cashews", + "pineapple juice", + "toasted sesame seeds", + "baby bok choy", + "zucchini", + "red pepper", + "boneless skinless chicken", + "creamy peanut butter", + "sesame chili oil" + ] + }, + { + "id": 625, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "dried thyme", + "garlic", + "freshly ground pepper", + "green bell pepper", + "chicken breasts", + "hot sauce", + "fresh parsley", + "tomatoes", + "olive oil", + "salt", + "bay leaf", + "andouille sausage", + "worcestershire sauce", + "chopped onion", + "long grain white rice" + ] + }, + { + "id": 45592, + "cuisine": "indian", + "ingredients": [ + "crushed red pepper", + "white vinegar", + "hot water", + "sugar", + "serrano chile", + "purple onion" + ] + }, + { + "id": 2297, + "cuisine": "british", + "ingredients": [ + "russet potatoes", + "saffron", + "cod fillets", + "fresh herbs", + "olive oil", + "whipping cream", + "balsamic vinegar", + "arugula" + ] + }, + { + "id": 15871, + "cuisine": "brazilian", + "ingredients": [ + "tomato paste", + "water", + "french bread", + "lemon", + "bay leaf", + "fish fillets", + "olive oil", + "ground red pepper", + "ground coriander", + "tomatoes", + "oysters", + "dry white wine", + "crabmeat", + "onions", + "green bell pepper", + "ground nutmeg", + "parsley", + "garlic cloves" + ] + }, + { + "id": 20417, + "cuisine": "southern_us", + "ingredients": [ + "crushed tomatoes", + "diced tomatoes", + "creole seasoning", + "dried oregano", + "turnips", + "vegetables", + "garlic", + "green beans", + "dried thyme", + "vegetable broth", + "okra", + "baby lima beans", + "ground black pepper", + "hot smoked paprika", + "onions" + ] + }, + { + "id": 37062, + "cuisine": "mexican", + "ingredients": [ + "colby cheese", + "bacon", + "green onions", + "waffle fries", + "sour cream" + ] + }, + { + "id": 34147, + "cuisine": "cajun_creole", + "ingredients": [ + "honey", + "butter", + "ground black pepper", + "paprika", + "red chili powder", + "pork tenderloin", + "salt", + "water", + "cajun seasoning", + "dried oregano" + ] + }, + { + "id": 41387, + "cuisine": "southern_us", + "ingredients": [ + "nutmeg", + "cinnamon", + "milk", + "salt", + "water", + "butter", + "sweet potatoes", + "grits" + ] + }, + { + "id": 30436, + "cuisine": "italian", + "ingredients": [ + "broccoli florets", + "skate", + "water", + "garlic cloves", + "chicken broth", + "extra-virgin olive oil", + "pasta shell small", + "fresh lemon juice" + ] + }, + { + "id": 39688, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "olive oil", + "sea salt", + "chinese five-spice powder", + "milk", + "chili paste", + "grated nutmeg", + "chicken wings", + "ground black pepper", + "salt", + "garlic cloves", + "ground ginger", + "honey", + "flour", + "cayenne pepper" + ] + }, + { + "id": 10936, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "green pepper", + "eggs", + "cooked bacon", + "onions", + "red pepper", + "cream cheese", + "pepper", + "salt", + "corn kernel whole" + ] + }, + { + "id": 40776, + "cuisine": "korean", + "ingredients": [ + "mirin", + "rice wine", + "Gochujang base", + "pork loin", + "garlic", + "bok choy", + "cooking oil", + "ginger", + "white sesame seeds", + "green onions", + "purple onion" + ] + }, + { + "id": 42589, + "cuisine": "french", + "ingredients": [ + "capers", + "finely chopped fresh parsley", + "penne pasta", + "cherry tomatoes", + "black olives", + "tuna packed in water", + "red wine vinegar", + "green beans", + "olive oil", + "salt" + ] + }, + { + "id": 9011, + "cuisine": "southern_us", + "ingredients": [ + "frozen blackberries", + "butter", + "flour", + "water", + "sugar", + "refrigerated piecrusts" + ] + }, + { + "id": 40375, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "garlic", + "sea salt", + "olive oil", + "white wine vinegar" + ] + }, + { + "id": 34685, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "whole milk", + "taco seasoning", + "ground beef", + "green chile", + "chili", + "salt", + "enchilada sauce", + "eggs", + "shredded cheddar cheese", + "baking powder", + "garlic cloves", + "corn bread", + "brown sugar", + "olive oil", + "all-purpose flour", + "cornmeal" + ] + }, + { + "id": 25816, + "cuisine": "mexican", + "ingredients": [ + "condensed cream of chicken soup", + "processed cheese", + "ground cumin", + "evaporated milk", + "sour cream", + "shredded cheddar cheese", + "chile pepper", + "flour tortillas", + "chicken" + ] + }, + { + "id": 47375, + "cuisine": "thai", + "ingredients": [ + "rice stick noodles", + "lime", + "peeled shrimp", + "peanut oil", + "fish sauce", + "napa cabbage", + "tamarind paste", + "garlic cloves", + "eggs", + "honey", + "rice vinegar", + "scallions", + "fresh cilantro", + "red pepper flakes", + "roasted peanuts", + "mung bean sprouts" + ] + }, + { + "id": 40418, + "cuisine": "cajun_creole", + "ingredients": [ + "powdered sugar", + "dry yeast", + "whole milk", + "all-purpose flour", + "kosher salt", + "large eggs", + "vanilla extract", + "hot water", + "sugar", + "lemon zest", + "sprinkles", + "fresh lemon juice", + "ground cinnamon", + "unsalted butter", + "egg yolks", + "cake flour" + ] + }, + { + "id": 45247, + "cuisine": "irish", + "ingredients": [ + "kosher salt", + "freshly ground pepper", + "large eggs", + "dried fig", + "unsalted butter", + "boiling water", + "cheddar cheese", + "all-purpose flour" + ] + }, + { + "id": 27649, + "cuisine": "thai", + "ingredients": [ + "olive oil", + "chunky peanut butter", + "garlic", + "rice paper", + "salt and ground black pepper", + "napa cabbage", + "fresh lime juice", + "fresh ginger", + "sesame oil", + "hot sauce", + "shredded carrots", + "teriyaki sauce", + "medium shrimp" + ] + }, + { + "id": 27707, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "cinnamon sticks", + "clove", + "green cardamom", + "basmati rice", + "salt", + "onions", + "water", + "cumin seed" + ] + }, + { + "id": 35290, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "garlic", + "cucumber", + "sugar", + "green onions", + "rice vinegar", + "hard-boiled egg", + "buckwheat noodles", + "toasted sesame oil", + "soy sauce", + "red pepper", + "Gochujang base" + ] + }, + { + "id": 30600, + "cuisine": "chinese", + "ingredients": [ + "spring onions", + "salt", + "onions", + "black pepper", + "cornflour", + "garlic cloves", + "dark soy sauce", + "chicken breasts", + "green pepper", + "black bean sauce", + "chicken stock cubes", + "toasted sesame oil" + ] + }, + { + "id": 32677, + "cuisine": "italian", + "ingredients": [ + "cayenne", + "roma tomatoes", + "vine ripened tomatoes", + "yellow bell pepper", + "red bell pepper", + "japanese eggplants", + "yellow squash", + "zucchini", + "chile pepper", + "paprika", + "carrots", + "onions", + "pepper", + "poblano peppers", + "basil leaves", + "basil", + "salt", + "celery", + "olive oil", + "fresh thyme", + "crushed garlic", + "button mushrooms", + "smoked paprika", + "oregano" + ] + }, + { + "id": 28064, + "cuisine": "thai", + "ingredients": [ + "cooking oil", + "ground chicken breast", + "fresh chile", + "fish sauce", + "lettuce leaves", + "garlic", + "low sodium soy sauce", + "jalapeno chilies", + "cilantro", + "lime", + "shallots", + "purple onion" + ] + }, + { + "id": 38246, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "garlic", + "dried oregano", + "green bell pepper", + "dried thyme", + "celery", + "tomato sauce", + "diced tomatoes", + "onions", + "tomato paste", + "dried basil", + "sausage meat", + "dried rosemary" + ] + }, + { + "id": 6400, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "chopped fresh sage", + "low salt chicken broth", + "dried porcini mushrooms", + "dry white wine", + "carrots", + "onions", + "olive oil", + "chopped celery", + "shanks", + "boiling water", + "fresh rosemary", + "leeks", + "garlic cloves", + "flat leaf parsley" + ] + }, + { + "id": 18083, + "cuisine": "jamaican", + "ingredients": [ + "cooking oil", + "scallions", + "ground black pepper", + "butter", + "water", + "callaloo", + "onions", + "fresh thyme", + "salt" + ] + }, + { + "id": 20387, + "cuisine": "greek", + "ingredients": [ + "flatbread", + "cherry tomatoes", + "fresh oregano", + "large shrimp", + "romaine lettuce", + "low-fat greek yogurt", + "fresh lemon juice", + "black pepper", + "purple onion", + "cucumber", + "fresh dill", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 31973, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "chile pepper", + "onions", + "garam masala", + "poppy seeds", + "ground turmeric", + "water", + "vegetable oil", + "boneless skinless chicken breast halves", + "chili powder", + "salt" + ] + }, + { + "id": 36667, + "cuisine": "french", + "ingredients": [ + "butter", + "large eggs", + "unsweetened cocoa powder", + "vanilla sugar", + "all-purpose flour", + "unsalted butter", + "salt" + ] + }, + { + "id": 34304, + "cuisine": "french", + "ingredients": [ + "haricots verts", + "shallots", + "salt", + "peeled tomatoes", + "butter", + "flat leaf parsley", + "dry white wine", + "littleneck clams", + "fettucine", + "clam juice", + "garlic cloves" + ] + }, + { + "id": 36083, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "butter", + "peaches", + "vanilla", + "sugar", + "buttermilk", + "pie crust", + "flour" + ] + }, + { + "id": 41535, + "cuisine": "thai", + "ingredients": [ + "green curry paste", + "pea eggplants", + "coconut milk", + "red chili peppers", + "sweet potatoes", + "pineapple", + "lemongrass", + "basil leaves", + "filet", + "chicken stock", + "eggplant", + "shrimp paste", + "galangal" + ] + }, + { + "id": 40905, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "apple cider vinegar", + "cream cheese", + "country ham", + "dijon mustard", + "salt", + "toasted pecans", + "large eggs", + "peach preserves", + "vidalia onion", + "peaches", + "fat free greek yogurt", + "fresh parsley" + ] + }, + { + "id": 9640, + "cuisine": "japanese", + "ingredients": [ + "seeds", + "garlic", + "ground turmeric", + "water", + "lemon", + "oil", + "fish", + "chili powder", + "salt", + "cumin", + "coriander seeds", + "ginger", + "gram flour" + ] + }, + { + "id": 39831, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "pasta shells", + "cooking oil", + "ground beef", + "canned chopped tomatoes", + "salt", + "pesto", + "grated parmesan cheese", + "onions" + ] + }, + { + "id": 34659, + "cuisine": "greek", + "ingredients": [ + "water", + "garlic", + "ground lamb", + "ground cinnamon", + "potatoes", + "lemon juice", + "pasta", + "olive oil", + "salt", + "pepper", + "onion powder", + "dried oregano" + ] + }, + { + "id": 14672, + "cuisine": "southern_us", + "ingredients": [ + "mint", + "fresh mint", + "unsweetened iced tea", + "Madeira", + "simple syrup", + "lemonade", + "flavored vodka" + ] + }, + { + "id": 48423, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "coarse sea salt", + "carrots", + "flank steak", + "ras el hanout", + "ground cumin", + "vegetable oil", + "lemon juice", + "kosher salt", + "paprika", + "flat leaf parsley" + ] + }, + { + "id": 46762, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "diced green chilies", + "chili powder", + "scallions", + "cumin", + "kosher salt", + "flour tortillas", + "diced tomatoes", + "smoked paprika", + "black beans", + "Mexican cheese blend", + "lean ground beef", + "enchilada sauce", + "frozen sweet corn", + "olive oil", + "sliced olives", + "yellow onion", + "chopped cilantro" + ] + }, + { + "id": 26668, + "cuisine": "french", + "ingredients": [ + "grated parmesan cheese", + "olive oil", + "fresh basil leaves", + "garlic" + ] + }, + { + "id": 34683, + "cuisine": "japanese", + "ingredients": [ + "curry leaves", + "tamarind pulp", + "cilantro leaves", + "mustard seeds", + "ground turmeric", + "red chili peppers", + "chili powder", + "cumin seed", + "toor dal", + "asafetida", + "tomatoes", + "coriander powder", + "green chilies", + "onions", + "masala", + "water", + "salt", + "oil", + "jaggery" + ] + }, + { + "id": 842, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "salt", + "chopped cilantro fresh", + "jamaican jerk rub", + "red bell pepper", + "olive oil", + "shrimp", + "mango", + "avocado", + "purple onion", + "fresh lime juice" + ] + }, + { + "id": 26977, + "cuisine": "japanese", + "ingredients": [ + "ground black pepper", + "carrots", + "cabbage", + "eggs", + "vegetable oil", + "cooked white rice", + "green onions", + "beansprouts", + "soy sauce", + "green peas", + "pork sausages" + ] + }, + { + "id": 32123, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "boneless skinless chicken breast halves", + "wine", + "garlic", + "grapes", + "feta cheese crumbles", + "pitted kalamata olives", + "salt and ground black pepper" + ] + }, + { + "id": 7374, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "large garlic cloves", + "peeled tomatoes", + "lamb stew meat", + "fresh marjoram", + "feta cheese", + "orzo", + "baby lima beans", + "dry white wine", + "onions" + ] + }, + { + "id": 43236, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salt", + "melted butter", + "baking powder", + "low-fat cottage cheese", + "all-purpose flour", + "eggs", + "chile pepper" + ] + }, + { + "id": 8323, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "large eggs", + "Italian bread", + "black pepper", + "finely chopped onion", + "grated nutmeg", + "frozen spinach", + "dijon mustard", + "salt", + "milk", + "parmigiano reggiano cheese", + "grated Gruyère cheese" + ] + }, + { + "id": 6875, + "cuisine": "spanish", + "ingredients": [ + "green bell pepper", + "russet potatoes", + "olive oil", + "large garlic cloves", + "tomatoes", + "fresh thyme", + "onions", + "eggplant", + "thyme sprigs" + ] + }, + { + "id": 32066, + "cuisine": "british", + "ingredients": [ + "rolled oats", + "muscovado sugar", + "ground ginger", + "ground nutmeg", + "treacle", + "vegan margarine", + "whole wheat flour" + ] + }, + { + "id": 40849, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "cider vinegar", + "honey", + "beef cheek", + "sweet paprika", + "chiles", + "fresh cilantro", + "cilantro", + "salt", + "instant espresso", + "avocado", + "sugar", + "lime", + "garlic", + "beets", + "cumin", + "natural peanut butter", + "water", + "olive oil", + "purple onion", + "corn tortillas" + ] + }, + { + "id": 24897, + "cuisine": "thai", + "ingredients": [ + "green bell pepper", + "thai basil", + "rice noodles", + "tequila", + "tomatoes", + "brown sugar", + "chicken breasts", + "thai chile", + "fish sauce", + "green onions", + "butter", + "dark soy sauce", + "light soy sauce", + "sesame oil", + "garlic" + ] + }, + { + "id": 24403, + "cuisine": "thai", + "ingredients": [ + "chile powder", + "Thai fish sauce", + "tamarind", + "water", + "palm sugar" + ] + }, + { + "id": 14099, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "fresh parsley", + "large eggs", + "all-purpose flour", + "eggplant", + "vegetable oil", + "grated parmesan cheese", + "Italian seasoned breadcrumbs" + ] + }, + { + "id": 33778, + "cuisine": "filipino", + "ingredients": [ + "tomato paste", + "ground pepper", + "garlic", + "bay leaf", + "water", + "vegetable oil", + "cayenne pepper", + "ground cinnamon", + "chicken breasts", + "salt", + "onions", + "curry powder", + "ginger", + "coconut milk" + ] + }, + { + "id": 29126, + "cuisine": "indian", + "ingredients": [ + "amchur", + "garlic", + "chicken thighs", + "chili powder", + "green chilies", + "tamarind water", + "salt", + "fresh coriander", + "vegetable oil", + "onions" + ] + }, + { + "id": 36808, + "cuisine": "spanish", + "ingredients": [ + "water", + "bacon", + "onions", + "green bell pepper", + "Tabasco Pepper Sauce", + "garlic", + "chili powder", + "stewed tomatoes", + "kosher salt", + "worcestershire sauce", + "long-grain rice" + ] + }, + { + "id": 16200, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "garlic", + "onions", + "pepper", + "bay leaves", + "ham", + "leeks", + "salt", + "pork sausages", + "dried thyme", + "bacon slices", + "chopped parsley" + ] + }, + { + "id": 45719, + "cuisine": "mexican", + "ingredients": [ + "shredded Monterey Jack cheese", + "flour tortillas", + "green chile", + "Pace Picante Sauce" + ] + }, + { + "id": 29203, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "chili powder", + "salt", + "dried leaves oregano", + "shredded cheddar cheese", + "Old El Paso™ chopped green chiles", + "corn tortillas", + "ground cumin", + "plain yogurt", + "vegetable oil", + "rotisserie chicken", + "chopped cilantro fresh", + "finely chopped onion", + "cilantro", + "fresh lime juice" + ] + }, + { + "id": 22132, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "pepper", + "shanks", + "collard greens", + "carrots", + "SYD Hot Rub", + "onions" + ] + }, + { + "id": 43597, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "lemon juice", + "salt", + "cooking spray", + "dried oregano", + "black pepper", + "lamb loin chops" + ] + }, + { + "id": 24293, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "sauce", + "green cabbage" + ] + }, + { + "id": 31254, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "fleur de sel", + "radishes", + "white sandwich bread", + "coarse salt", + "hothouse cucumber", + "watercress" + ] + }, + { + "id": 8445, + "cuisine": "french", + "ingredients": [ + "salad greens", + "black olives", + "fresh lemon juice", + "salmon fillets", + "cooking spray", + "caesar salad dressing", + "ground black pepper", + "purple onion", + "capers", + "french bread", + "salt" + ] + }, + { + "id": 18631, + "cuisine": "french", + "ingredients": [ + "whipping cream", + "wild mushrooms", + "unsalted butter", + "broccoli", + "chicken stock", + "salt", + "shallots", + "freshly ground pepper" + ] + }, + { + "id": 9756, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "bacon slices", + "freshly ground pepper", + "olive oil", + "white beans", + "corn bread", + "ham steak", + "salt", + "garlic cloves", + "celery ribs", + "unsalted butter", + "yellow onion" + ] + }, + { + "id": 39024, + "cuisine": "southern_us", + "ingredients": [ + "cheese", + "onions", + "peeled deveined shrimp", + "garlic chili sauce", + "chicken", + "tomato paste", + "garlic", + "celery root", + "bacon", + "thyme" + ] + }, + { + "id": 34670, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "apples", + "extra sharp cheddar cheese", + "brown sugar", + "lemon", + "all-purpose flour", + "ground cinnamon", + "baking powder", + "fine sea salt", + "unsalted butter", + "buttermilk", + "corn starch" + ] + }, + { + "id": 12028, + "cuisine": "japanese", + "ingredients": [ + "ginger", + "green onions", + "sesame oil", + "dashi", + "medium firm tofu" + ] + }, + { + "id": 45704, + "cuisine": "korean", + "ingredients": [ + "ground black pepper", + "ginger", + "brown sugar", + "green onions", + "lean steak", + "Sriracha", + "garlic", + "soy sauce", + "sesame oil", + "toasted sesame seeds" + ] + }, + { + "id": 3206, + "cuisine": "indian", + "ingredients": [ + "water", + "coriander powder", + "raisins", + "carrots", + "celery ribs", + "olive oil", + "potatoes", + "garlic", + "cashew nuts", + "curry powder", + "zucchini", + "apples", + "onions", + "parsnips", + "fresh ginger root", + "beef for stew", + "chinese five-spice powder", + "ground turmeric" + ] + }, + { + "id": 3154, + "cuisine": "vietnamese", + "ingredients": [ + "frozen chopped spinach", + "hot pepper sauce", + "vegetable oil", + "black pepper", + "green onions", + "salt", + "chicken stock", + "hoisin sauce", + "garlic", + "shrimp stock", + "fresh ginger root", + "rice noodles", + "medium shrimp" + ] + }, + { + "id": 2125, + "cuisine": "italian", + "ingredients": [ + "green beans", + "pesto sauce", + "linguini", + "red potato", + "vegan parmesan cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 30447, + "cuisine": "vietnamese", + "ingredients": [ + "flour", + "ginger", + "warm water", + "napa cabbage", + "salt", + "dough", + "green onions", + "grated carrot", + "shiitake", + "ground pork", + "oil" + ] + }, + { + "id": 36255, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "garlic", + "dried oregano", + "ground black pepper", + "ricotta cheese", + "elbow macaroni", + "salami", + "salt", + "cooking oil", + "summer squash", + "sun-dried tomatoes in oil" + ] + }, + { + "id": 3811, + "cuisine": "indian", + "ingredients": [ + "yoghurt", + "oil", + "capsicum", + "teas", + "onions", + "tomatoes", + "boneless chicken" + ] + }, + { + "id": 18004, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "frozen pizza dough", + "diced tomatoes", + "zucchini", + "dried oregano", + "olive oil", + "black olives" + ] + }, + { + "id": 22320, + "cuisine": "thai", + "ingredients": [ + "steamed rice", + "oil", + "fish sauce", + "garlic", + "fresh pineapple", + "shrimp paste", + "shrimp", + "dark soy sauce", + "cilantro", + "cashew nuts" + ] + }, + { + "id": 28591, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "salt", + "duck breasts", + "purple onion", + "stock", + "anise", + "flat leaf parsley", + "smoked bacon", + "green split peas" + ] + }, + { + "id": 42682, + "cuisine": "jamaican", + "ingredients": [ + "fresh ginger", + "water", + "sugar", + "lime juice" + ] + }, + { + "id": 6684, + "cuisine": "italian", + "ingredients": [ + "risotto", + "peanut oil", + "fresh mozzarella", + "large eggs", + "panko breadcrumbs", + "basil pesto sauce", + "all-purpose flour" + ] + }, + { + "id": 31570, + "cuisine": "italian", + "ingredients": [ + "frozen whole kernel corn", + "salt", + "sliced green onions", + "pepper", + "cooking spray", + "red bell pepper", + "zucchini", + "salsa", + "egg substitute", + "chili powder", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 34604, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "Tabasco Pepper Sauce", + "scallions", + "grits", + "chicken broth", + "ground black pepper", + "button mushrooms", + "fresh lemon juice", + "parmesan cheese", + "bacon", + "garlic cloves", + "canola oil", + "kosher salt", + "unsalted butter", + "hot sauce", + "medium shrimp" + ] + }, + { + "id": 48304, + "cuisine": "filipino", + "ingredients": [ + "tomato paste", + "pepper", + "salt", + "onions", + "sugar", + "cheese", + "oil", + "tomato sauce", + "hot dogs", + "beef broth", + "spaghetti", + "ketchup", + "garlic", + "ground beef" + ] + }, + { + "id": 2399, + "cuisine": "italian", + "ingredients": [ + "sugar", + "dough", + "large eggs", + "eggs" + ] + }, + { + "id": 15966, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "short-grain rice", + "garlic", + "large shrimp", + "mussels", + "chorizo", + "paprika", + "fresh parsley", + "chicken broth", + "olive oil", + "yellow bell pepper", + "plum tomatoes", + "saffron threads", + "kosher salt", + "chicken breast halves", + "purple onion" + ] + }, + { + "id": 41716, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "thai chile", + "coconut milk", + "paprika", + "salt", + "green papaya", + "cooking oil", + "garlic", + "onions", + "spinach", + "ginger", + "green chilies", + "chicken" + ] + }, + { + "id": 23959, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "cake flour", + "lemon vodka", + "baking powder", + "grated lemon zest", + "sugar", + "large eggs", + "salt", + "water", + "fresh thyme leaves", + "fresh lemon juice" + ] + }, + { + "id": 1590, + "cuisine": "mexican", + "ingredients": [ + "honey", + "yams", + "butter", + "white sugar" + ] + }, + { + "id": 34433, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "cognac", + "salt", + "onions", + "heavy cream", + "chicken livers", + "chicken broth", + "ground allspice" + ] + }, + { + "id": 36801, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "self rising flour", + "shortening", + "salt", + "butter" + ] + }, + { + "id": 25272, + "cuisine": "greek", + "ingredients": [ + "finely chopped onion", + "freshly ground pepper", + "salt", + "feta cheese crumbles", + "flank steak", + "garlic cloves", + "dry bread crumbs", + "olive oil flavored cooking spray" + ] + }, + { + "id": 31968, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "plum tomatoes", + "yellow squash", + "cooking spray", + "Italian bread", + "parmesan cheese", + "salt", + "fresh parsley", + "zucchini", + "red bell pepper" + ] + }, + { + "id": 33176, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "orange bell pepper", + "serrano chile", + "kosher salt", + "large garlic cloves", + "white onion", + "red wine vinegar", + "olive oil", + "flat leaf parsley" + ] + }, + { + "id": 36444, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "olive oil", + "fresh lime juice", + "minced garlic", + "flour for dusting", + "white wine", + "meat" + ] + }, + { + "id": 21376, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "lemongrass", + "yukon gold potatoes", + "garlic", + "galangal", + "water", + "shrimp paste", + "light coconut milk", + "coconut cream", + "fish sauce", + "curry powder", + "shallots", + "thai chile", + "ground coriander", + "tumeric", + "fresh cilantro", + "ginger", + "salt", + "chuck" + ] + }, + { + "id": 44660, + "cuisine": "mexican", + "ingredients": [ + "water", + "salsa", + "taco sauce", + "low sodium taco seasoning", + "shredded cheese", + "lettuce", + "beef", + "hot sauce", + "taco shells", + "diced tomatoes", + "sour cream" + ] + }, + { + "id": 2956, + "cuisine": "mexican", + "ingredients": [ + "tilapia fillets", + "lime wedges", + "corn tortillas", + "canola oil", + "brown sugar", + "jalapeno chilies", + "paprika", + "chopped cilantro fresh", + "avocado", + "garlic powder", + "reduced-fat sour cream", + "fresh lime juice", + "ground cumin", + "white onion", + "ground red pepper", + "salt", + "dried oregano" + ] + }, + { + "id": 40488, + "cuisine": "french", + "ingredients": [ + "almond flour", + "ice water", + "apricot jam", + "honey", + "butter", + "corn starch", + "cider vinegar", + "almond extract", + "all-purpose flour", + "turbinado", + "fresh thyme leaves", + "salt", + "apricots" + ] + }, + { + "id": 10232, + "cuisine": "chinese", + "ingredients": [ + "honey", + "red food coloring", + "soy sauce", + "pork tenderloin", + "oil", + "sugar", + "hoisin sauce", + "chinese five-spice powder", + "light soy sauce", + "sesame oil", + "oyster sauce" + ] + }, + { + "id": 1970, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "garam masala", + "cilantro", + "brown cardamom", + "basmati rice", + "white vinegar", + "water", + "chile pepper", + "salt", + "bay leaf", + "ginger paste", + "pepper", + "dried mint flakes", + "garlic", + "cinnamon sticks", + "chicken", + "tomatoes", + "olive oil", + "yellow food coloring", + "green cardamom", + "onions" + ] + }, + { + "id": 18566, + "cuisine": "jamaican", + "ingredients": [ + "ground black pepper", + "green onions", + "garlic", + "thyme", + "tomatoes", + "salted fish", + "yellow bell pepper", + "butter oil", + "cayenne", + "ackee", + "salt", + "onions", + "green bell pepper, slice", + "red pepper", + "ground allspice", + "thick-cut bacon" + ] + }, + { + "id": 29878, + "cuisine": "southern_us", + "ingredients": [ + "grated parmesan cheese", + "salt", + "butter", + "yellow hominy", + "grits", + "water", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 13324, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "hot pepper", + "garlic", + "lentils", + "basmati rice", + "cauliflower", + "garam masala", + "paprika", + "cayenne pepper", + "chopped cilantro", + "plain yogurt", + "vegetable oil", + "salt", + "mustard seeds", + "ground cumin", + "tomatoes", + "bell pepper", + "ginger", + "cumin seed", + "onions" + ] + }, + { + "id": 45068, + "cuisine": "japanese", + "ingredients": [ + "dressing", + "oil", + "broccoli", + "soy sauce", + "round steaks" + ] + }, + { + "id": 45082, + "cuisine": "mexican", + "ingredients": [ + "pasta", + "coarse salt", + "chopped cilantro fresh", + "olive oil", + "garlic", + "chicken broth", + "diced tomatoes", + "ground black pepper", + "onions" + ] + }, + { + "id": 26120, + "cuisine": "japanese", + "ingredients": [ + "water", + "ginger purée", + "corn starch", + "sake", + "mirin", + "soy sauce", + "white sugar" + ] + }, + { + "id": 25317, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "coriander seeds", + "shallots", + "fresh mushrooms", + "thyme", + "kosher salt", + "unsalted butter", + "extra-virgin olive oil", + "California bay leaves", + "black pepper", + "sherry vinegar", + "chopped fresh thyme", + "mixed greens", + "flat leaf parsley", + "brown chicken stock", + "minced garlic", + "leeks", + "goat cheese", + "carrots" + ] + }, + { + "id": 30193, + "cuisine": "mexican", + "ingredients": [ + "shredded lettuce", + "ground beef", + "tomato juice", + "taco seasoning", + "diced onions", + "diced tomatoes", + "fat-free cheddar cheese", + "chipotles in adobo" + ] + }, + { + "id": 46519, + "cuisine": "mexican", + "ingredients": [ + "baking powder", + "shortening", + "salt", + "ground cinnamon", + "all purpose unbleached flour", + "water", + "white sugar" + ] + }, + { + "id": 19352, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "corn", + "baking powder", + "onions", + "eggs", + "cream style corn", + "oil", + "light sour cream", + "salted butter", + "salt", + "sugar", + "flour", + "chopped parsley" + ] + }, + { + "id": 37607, + "cuisine": "italian", + "ingredients": [ + "grated orange peel", + "vegetable oil spray", + "whole milk", + "all-purpose flour", + "whole almonds", + "walnut pieces", + "unsalted butter", + "salt", + "powdered sugar", + "ground cloves", + "baking soda", + "anise", + "ground cinnamon", + "sugar", + "large egg yolks", + "golden raisins", + "grated lemon peel" + ] + }, + { + "id": 47668, + "cuisine": "greek", + "ingredients": [ + "plain yogurt", + "extra-virgin olive oil", + "fresh lemon juice", + "bread", + "red wine vinegar", + "purple onion", + "hothouse cucumber", + "boneless, skinless chicken breast", + "garlic", + "dried oregano", + "fresh tomatoes", + "lemon", + "salt" + ] + }, + { + "id": 47788, + "cuisine": "mexican", + "ingredients": [ + "chopped cilantro", + "tomatillos", + "large garlic cloves", + "water", + "serrano chile" + ] + }, + { + "id": 28185, + "cuisine": "indian", + "ingredients": [ + "whitefish fillets", + "rice", + "vegetable stock", + "curry paste", + "vegetable oil", + "garlic cloves", + "canned tomatoes", + "onions" + ] + }, + { + "id": 28134, + "cuisine": "filipino", + "ingredients": [ + "ground black pepper", + "oil", + "coarse salt", + "flour", + "squid" + ] + }, + { + "id": 26293, + "cuisine": "cajun_creole", + "ingredients": [ + "homemade chicken stock", + "unsalted butter", + "extra-virgin olive oil", + "celery", + "green bell pepper", + "crushed tomatoes", + "coarse salt", + "yellow onion", + "boneless chicken skinless thigh", + "fresh thyme", + "all-purpose flour", + "bay leaf", + "andouille sausage", + "ground black pepper", + "white rice", + "okra" + ] + }, + { + "id": 36991, + "cuisine": "french", + "ingredients": [ + "large eggs", + "pastry dough", + "semisweet chocolate" + ] + }, + { + "id": 14272, + "cuisine": "russian", + "ingredients": [ + "mushrooms", + "beef broth", + "onions", + "olive oil", + "diced tomatoes", + "garlic cloves", + "dried thyme", + "top sirloin steak", + "cayenne pepper", + "egg noodles", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 30974, + "cuisine": "italian", + "ingredients": [ + "part-skim ricotta cheese", + "ground black pepper", + "olive oil flavored cooking spray", + "dough", + "provolone cheese", + "broccoli florets", + "chicken" + ] + }, + { + "id": 35504, + "cuisine": "chinese", + "ingredients": [ + "pork baby back ribs", + "Sriracha", + "garlic", + "carrots", + "honey", + "green onions", + "rice vinegar", + "water", + "hoisin sauce", + "tamari soy sauce", + "onions", + "clove", + "sesame seeds", + "ginger", + "oyster sauce" + ] + }, + { + "id": 31628, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "leeks", + "beef tenderloin", + "oyster sauce", + "sugar", + "cooking oil", + "sesame oil", + "salt", + "dark soy sauce", + "water", + "marinade", + "garlic", + "corn starch", + "soy sauce", + "Shaoxing wine", + "ginger", + "Maggi" + ] + }, + { + "id": 12305, + "cuisine": "thai", + "ingredients": [ + "chili", + "fusilli", + "fresh basil leaves", + "eggplant", + "gingerroot", + "cherry tomatoes", + "vegetable oil", + "chopped garlic", + "unsweetened coconut milk", + "fresh shiitake mushrooms", + "scallions" + ] + }, + { + "id": 42821, + "cuisine": "moroccan", + "ingredients": [ + "finely chopped fresh parsley", + "fresh lemon juice", + "olive oil", + "beets", + "kosher salt", + "purple onion", + "chopped cilantro fresh", + "ground black pepper", + "cumin seed" + ] + }, + { + "id": 6692, + "cuisine": "brazilian", + "ingredients": [ + "manioc flour", + "salt", + "peanuts", + "light brown sugar", + "condensed milk" + ] + }, + { + "id": 21182, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "thai basil", + "hoisin sauce", + "star anise", + "cinnamon sticks", + "clove", + "white onion", + "hot pepper sauce", + "rice noodles", + "salt", + "chopped cilantro fresh", + "sugar", + "fresh ginger root", + "green onions", + "beef tenderloin", + "beansprouts", + "black peppercorns", + "lime", + "beef", + "daikon", + "yellow onion" + ] + }, + { + "id": 17867, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "white rice", + "vegetable oil", + "green bell pepper", + "enchilada sauce" + ] + }, + { + "id": 11415, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "ground red pepper", + "lamb chops", + "cinnamon sticks", + "saffron", + "tomatoes", + "milk", + "vegetable oil", + "black cardamom pods", + "onions", + "garlic paste", + "cooking oil", + "salt", + "lemon juice", + "basmati rice", + "clove", + "water", + "chile pepper", + "cilantro leaves", + "fresh mint", + "ginger paste" + ] + }, + { + "id": 31894, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "flour tortillas", + "salsa", + "mayonaise", + "boneless skinless chicken breasts", + "iceberg lettuce", + "romaine lettuce", + "green onions", + "salad dressing", + "shredded cheddar cheese", + "ranch dressing" + ] + }, + { + "id": 46960, + "cuisine": "italian", + "ingredients": [ + "feta cheese", + "whole wheat penne", + "pesto", + "roasted tomatoes", + "fresh basil", + "lemon", + "minced garlic", + "baby broccoli" + ] + }, + { + "id": 13842, + "cuisine": "spanish", + "ingredients": [ + "peach schnapps", + "white wine", + "frozen lemonade concentrate", + "nectarines", + "red grape" + ] + }, + { + "id": 43767, + "cuisine": "irish", + "ingredients": [ + "irish bacon", + "vegetable oil", + "eggs", + "black pudding", + "soda bread", + "potato bread", + "tomatoes", + "sausages" + ] + }, + { + "id": 22698, + "cuisine": "french", + "ingredients": [ + "large eggs", + "salt", + "unsalted butter", + "heavy cream", + "fresh lemon juice", + "sugar", + "whole milk", + "all-purpose flour", + "Nutella", + "vanilla extract" + ] + }, + { + "id": 39477, + "cuisine": "italian", + "ingredients": [ + "milk", + "chopped celery", + "petite peas", + "genoa salami", + "green onions", + "sour cream", + "sliced black olives", + "salad dressing mix", + "mayonaise", + "fusilli", + "fresh parsley" + ] + }, + { + "id": 5617, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "olive oil", + "cooking spray", + "salt", + "ground beef", + "minced garlic", + "finely chopped onion", + "cilantro", + "enchilada sauce", + "dried oregano", + "tomato paste", + "dried basil", + "flour tortillas", + "prepar salsa", + "Mexican cheese", + "ground cumin", + "tomato sauce", + "ground black pepper", + "chili powder", + "beef broth", + "chopped cilantro fresh" + ] + }, + { + "id": 37616, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "short-grain rice", + "garlic cloves", + "wild mushrooms", + "tofu", + "water", + "salt", + "cucumber", + "avocado", + "olive oil", + "rice vinegar", + "nori", + "soy sauce", + "ginger", + "shrimp", + "fish" + ] + }, + { + "id": 1263, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "avocado", + "plum tomatoes", + "minced garlic", + "fresh lime juice" + ] + }, + { + "id": 25234, + "cuisine": "southern_us", + "ingredients": [ + "water", + "light corn syrup", + "pure vanilla extract", + "baking soda", + "Fisher Pecans", + "salted butter", + "salt", + "ground cinnamon", + "granulated sugar" + ] + }, + { + "id": 16655, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "hoisin sauce", + "szechwan peppercorns", + "garlic", + "sugar", + "dry roasted peanuts", + "boneless skinless chicken breasts", + "balsamic vinegar", + "onions", + "pepper", + "green onions", + "sesame oil", + "corn starch", + "red chili peppers", + "water", + "rice wine", + "ginger", + "canola oil" + ] + }, + { + "id": 41318, + "cuisine": "indian", + "ingredients": [ + "crushed tomatoes", + "boneless skinless chicken breasts", + "salt", + "tumeric", + "fresh ginger", + "1% low-fat milk", + "cumin", + "fresh cilantro", + "chili powder", + "onions", + "fat free yogurt", + "garam masala", + "garlic", + "canola oil" + ] + }, + { + "id": 47607, + "cuisine": "italian", + "ingredients": [ + "Campbell's Condensed Cream of Mushroom Soup", + "broccoli florets", + "ground black pepper", + "butter", + "milk", + "boneless skinless chicken breasts", + "grated parmesan cheese", + "linguine" + ] + }, + { + "id": 6715, + "cuisine": "greek", + "ingredients": [ + "tahini", + "garlic", + "spring water", + "sea salt", + "lemon", + "garbanzo beans", + "paprika" + ] + }, + { + "id": 45563, + "cuisine": "russian", + "ingredients": [ + "honey", + "whipping cream", + "slivered almonds", + "poppy seeds", + "whole wheat cereal", + "raisins", + "chopped walnuts", + "water", + "vanilla", + "boiling water" + ] + }, + { + "id": 2780, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "queso fresco", + "garlic cloves", + "dried oregano", + "white onion", + "corn oil", + "salt", + "bay leaf", + "fresca", + "low sodium chicken broth", + "tomatillos", + "corn tortillas", + "shredded Monterey Jack cheese", + "dried thyme", + "vegetable oil", + "serrano", + "chopped cilantro fresh" + ] + }, + { + "id": 4357, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "sprinkles", + "bread", + "deli ham", + "roasted red peppers", + "crushed red pepper", + "spinach leaves", + "low-fat mayonnaise" + ] + }, + { + "id": 16756, + "cuisine": "french", + "ingredients": [ + "mayonaise", + "asparagus", + "worcestershire sauce", + "condensed cream of chicken soup", + "ground nutmeg", + "fully cooked ham", + "eggs", + "milk", + "cooked chicken", + "heavy whipping cream", + "sugar", + "grated parmesan cheese", + "all-purpose flour" + ] + }, + { + "id": 16867, + "cuisine": "french", + "ingredients": [ + "salted butter", + "mie", + "gruyere cheese", + "ham" + ] + }, + { + "id": 26527, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "garbanzo beans", + "fresh lemon juice", + "romaine lettuce", + "tapenade", + "olive oil", + "purple onion", + "pita bread", + "feta cheese" + ] + }, + { + "id": 49337, + "cuisine": "filipino", + "ingredients": [ + "russet potatoes", + "pork bouillon cube", + "canola oil", + "green bell pepper", + "garlic", + "bay leaf", + "tomato sauce", + "carrots", + "pork shoulder", + "water", + "red bell pepper", + "onions" + ] + }, + { + "id": 40577, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "shredded cheddar cheese", + "green onions", + "salt", + "cotija", + "roma tomatoes", + "cilantro", + "sour cream", + "Old El Paso Enchilada Sauce", + "lime", + "flank steak", + "taco seasoning", + "pepper", + "french fri frozen", + "garlic" + ] + }, + { + "id": 20997, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "leg of lamb", + "fine sea salt", + "dry red wine", + "fresh rosemary", + "garlic cloves" + ] + }, + { + "id": 24153, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "cooked rigatoni", + "cream cheese, soften", + "black pepper", + "fresh parmesan cheese", + "salt", + "tomatoes", + "olive oil", + "purple onion", + "fresh basil leaves", + "fat free less sodium chicken broth", + "balsamic vinegar", + "garlic cloves" + ] + }, + { + "id": 29899, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "flour for dusting", + "pizza sauce", + "prosciutto", + "rocket leaves", + "pizza doughs" + ] + }, + { + "id": 10491, + "cuisine": "mexican", + "ingredients": [ + "yellow bell pepper", + "freshly ground pepper", + "tomatoes", + "salt", + "chipotle peppers", + "extra-virgin olive oil", + "red bell pepper", + "zucchini", + "yellow onion", + "olive oil flavored cooking spray" + ] + }, + { + "id": 20938, + "cuisine": "french", + "ingredients": [ + "shallots", + "unsalted butter", + "tarragon", + "sea scallops", + "white wine vinegar", + "dry white wine" + ] + }, + { + "id": 37212, + "cuisine": "italian", + "ingredients": [ + "parsley sprigs", + "olive oil", + "cutlet", + "all-purpose flour", + "tomato paste", + "seasoned bread crumbs", + "fresh parmesan cheese", + "diced tomatoes", + "fresh parsley", + "sugar", + "part-skim mozzarella cheese", + "balsamic vinegar", + "garlic cloves", + "fresh basil", + "large egg whites", + "ground black pepper", + "salt" + ] + }, + { + "id": 8202, + "cuisine": "italian", + "ingredients": [ + "white sugar", + "water", + "lemon", + "vodka" + ] + }, + { + "id": 43177, + "cuisine": "vietnamese", + "ingredients": [ + "fresh basil", + "olive oil", + "grated carrot", + "garlic cloves", + "dry roasted peanuts", + "large eggs", + "salt", + "chopped cilantro fresh", + "sugar", + "hoisin sauce", + "crushed red pepper", + "fresh lime juice", + "bean threads", + "water", + "cooking spray", + "english cucumber" + ] + }, + { + "id": 48128, + "cuisine": "southern_us", + "ingredients": [ + "granulated garlic", + "ground red pepper", + "sharp cheddar cheese", + "ground black pepper", + "salt", + "extra sharp cheddar cheese", + "milk", + "butter", + "elbow macaroni", + "half & half", + "all-purpose flour" + ] + }, + { + "id": 38329, + "cuisine": "indian", + "ingredients": [ + "lime", + "salt", + "ground cumin", + "tomatoes", + "chile pepper", + "crushed pineapple", + "fresh ginger root", + "cilantro leaves", + "water", + "vegetable oil", + "cumin seed" + ] + }, + { + "id": 38484, + "cuisine": "filipino", + "ingredients": [ + "coconut milk", + "evaporated milk", + "eggs", + "sweetened condensed milk", + "yucca" + ] + }, + { + "id": 12363, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "lemon zest", + "salt", + "orange juice", + "carrots", + "slivered almonds", + "currant", + "chickpeas", + "garlic cloves", + "ground cumin", + "ground cinnamon", + "shallots", + "cayenne pepper", + "ground coriander", + "chopped fresh mint", + "honey", + "extra-virgin olive oil", + "ground allspice", + "lemon juice" + ] + }, + { + "id": 7738, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "goat cheese", + "pasta sauce", + "cooking spray" + ] + }, + { + "id": 22305, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "corn starch", + "peaches", + "all-purpose flour", + "unsalted butter", + "fresh lemon juice", + "sugar", + "salt", + "boiling water" + ] + }, + { + "id": 11997, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "large eggs", + "crushed red pepper", + "spaghetti", + "sausage casings", + "fat free less sodium chicken broth", + "cooking spray", + "garlic cloves", + "black pepper", + "grated parmesan cheese", + "salt", + "ground round", + "parsley leaves", + "whole wheat bread", + "onions" + ] + }, + { + "id": 48214, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "asparagus spears", + "fresh tarragon", + "lemon peel", + "soft fresh goat cheese", + "pasta", + "fresh lemon juice" + ] + }, + { + "id": 6010, + "cuisine": "moroccan", + "ingredients": [ + "fine sea salt", + "fresh lemon juice", + "lemon" + ] + }, + { + "id": 21488, + "cuisine": "japanese", + "ingredients": [ + "fresh udon", + "vegetable oil", + "scallions", + "shiitake", + "salt", + "pork", + "salsify", + "konbu", + "white miso", + "dried bonito flakes" + ] + }, + { + "id": 17238, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "parmesan cheese", + "garlic", + "ground beef", + "pepper", + "red pepper flakes", + "ricotta", + "onions", + "eggs", + "marinara sauce", + "salt", + "fresh parsley", + "pasta", + "olive oil", + "diced tomatoes", + "shredded mozzarella cheese", + "italian seasoning" + ] + }, + { + "id": 3261, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "lime juice", + "chile pepper", + "chiles", + "fresh cilantro", + "fish sauce", + "lemongrass", + "galangal", + "chicken broth", + "straw mushrooms", + "prawns" + ] + }, + { + "id": 34946, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "butter", + "black olives", + "pepper", + "onion powder", + "extra-virgin olive oil", + "red bell pepper", + "pasta sauce", + "jalapeno chilies", + "diced tomatoes", + "whole kernel corn, drain", + "angel hair", + "ground black pepper", + "chicken tenderloin", + "salt" + ] + }, + { + "id": 25190, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "large eggs", + "sour cream", + "baking soda", + "salt", + "honey", + "baking powder", + "cornmeal", + "melted butter", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 37039, + "cuisine": "southern_us", + "ingredients": [ + "filet mignon", + "ground black pepper", + "corn starch", + "large egg whites", + "low fat low sodium chicken broth", + "panko breadcrumbs", + "whole wheat flour", + "salt", + "sausage casings", + "nonfat greek yogurt", + "nonstick spray" + ] + }, + { + "id": 10821, + "cuisine": "french", + "ingredients": [ + "black pepper", + "extra-virgin olive oil", + "fresh parsley", + "fresh parmesan cheese", + "garlic cloves", + "tomatoes", + "cooking spray", + "thyme leaves", + "sourdough bread", + "salt" + ] + }, + { + "id": 30146, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "kosher salt", + "thyme", + "fresh basil", + "cracked black pepper", + "rosemary", + "oregano" + ] + }, + { + "id": 15608, + "cuisine": "french", + "ingredients": [ + "parsley sprigs", + "cooking spray", + "onions", + "large eggs", + "ground white pepper", + "water", + "salt", + "half & half", + "country bread" + ] + }, + { + "id": 13140, + "cuisine": "korean", + "ingredients": [ + "hot mustard", + "korean buckwheat noodles", + "vinegar", + "salt", + "white vinegar", + "soy sauce", + "radishes", + "vegetable broth", + "cucumber", + "sugar", + "sesame seeds", + "green onions", + "crushed ice", + "eggs", + "mustard sauce", + "asian pear", + "garlic", + "ginger root" + ] + }, + { + "id": 9251, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "butter", + "ground cumin", + "black pepper", + "ground coriander", + "ground cloves", + "salt", + "ground ginger", + "corn", + "dried oregano" + ] + }, + { + "id": 6393, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "olive oil", + "chili powder", + "cumin", + "avocado", + "lime", + "ground black pepper", + "garlic", + "kosher salt", + "quinoa", + "vegetable broth", + "fire roasted diced tomatoes", + "corn kernels", + "jalapeno chilies", + "cilantro leaves" + ] + }, + { + "id": 9510, + "cuisine": "chinese", + "ingredients": [ + "large egg whites", + "cooking spray", + "ground ginger", + "sesame seeds", + "won ton wrappers", + "low sodium soy sauce", + "garlic powder" + ] + }, + { + "id": 7768, + "cuisine": "spanish", + "ingredients": [ + "manchego cheese", + "serrano ham", + "extra-virgin olive oil", + "unsalted butter", + "baguette", + "fig jam" + ] + }, + { + "id": 1269, + "cuisine": "british", + "ingredients": [ + "sugar", + "large eggs", + "bread slices", + "milk", + "whipping cream", + "dried currants", + "raisins", + "ground cinnamon", + "unsalted butter", + "grated nutmeg" + ] + }, + { + "id": 13572, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "salt", + "pork shoulder roast", + "chile pepper", + "ground cumin", + "chili powder", + "dried oregano", + "garlic powder", + "dried pinto beans" + ] + }, + { + "id": 3530, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "cayenne pepper", + "ground cumin", + "tomato purée", + "salt", + "red bell pepper", + "red kidney beans", + "diced tomatoes", + "garlic cloves", + "chili powder", + "yellow onion", + "ground beef" + ] + }, + { + "id": 18648, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "ginger", + "squid", + "vinegar", + "garlic", + "honey", + "thai chile", + "onions", + "brown sugar", + "roma tomatoes", + "salt" + ] + }, + { + "id": 19886, + "cuisine": "japanese", + "ingredients": [ + "ketchup", + "ginger root", + "mirin", + "sake", + "garlic", + "sugar", + "sauce" + ] + }, + { + "id": 8916, + "cuisine": "indian", + "ingredients": [ + "green chile", + "vegetable oil", + "black mustard seeds", + "water", + "salt", + "long grain white rice", + "curry leaves", + "yukon gold potatoes", + "cumin seed", + "tumeric", + "urad dal", + "onions" + ] + }, + { + "id": 34040, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "dijon mustard", + "onion rings", + "ham steak", + "black-eyed peas", + "garlic", + "kosher salt", + "ground black pepper", + "kale leaves", + "olive oil", + "butter" + ] + }, + { + "id": 32336, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chunky tomato sauce", + "seasoned bread crumbs", + "salt and ground black pepper", + "ground beef", + "eggs", + "eggplant", + "shredded mozzarella cheese", + "water", + "grated parmesan cheese" + ] + }, + { + "id": 15317, + "cuisine": "korean", + "ingredients": [ + "pepper", + "ginger", + "sugar", + "green onions", + "garlic cloves", + "chicken legs", + "water", + "salt", + "soy sauce", + "sesame oil", + "chicken thighs" + ] + }, + { + "id": 25562, + "cuisine": "mexican", + "ingredients": [ + "hazelnuts", + "apple cider vinegar", + "cumin seed", + "corn tortillas", + "prunes", + "white onion", + "large garlic cloves", + "cinnamon sticks", + "allspice", + "red delicious apples", + "coriander seeds", + "anise", + "ancho chile pepper", + "clove", + "guajillo chiles", + "vegetable oil", + "low salt chicken broth", + "plantains" + ] + }, + { + "id": 33961, + "cuisine": "southern_us", + "ingredients": [ + "vanilla flavoring", + "cinnamon", + "granulated sugar", + "apple pie filling", + "unsalted butter", + "cream cheese", + "crescent rolls" + ] + }, + { + "id": 10527, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "olive oil", + "flour", + "greek yogurt", + "plain yogurt", + "zucchini", + "salt", + "panko breadcrumbs", + "white pepper", + "feta cheese", + "green onions", + "fresh mint", + "white vinegar", + "minced garlic", + "large eggs", + "cucumber" + ] + }, + { + "id": 39675, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "extra-virgin olive oil", + "onions", + "black pepper", + "sea bass fillets", + "brine-cured black olives", + "orange zest", + "water", + "stewed tomatoes", + "garlic cloves", + "dry white wine", + "salt", + "frozen artichoke hearts" + ] + }, + { + "id": 17204, + "cuisine": "mexican", + "ingredients": [ + "beef shoulder", + "chili powder", + "cumin", + "tomatoes", + "tomato juice", + "green pepper", + "corn kernels", + "mild cheddar cheese", + "sugar", + "red beans", + "onions" + ] + }, + { + "id": 28709, + "cuisine": "italian", + "ingredients": [ + "clams", + "red pepper flakes", + "pizza doughs", + "olive oil", + "wine vinegar", + "cherry tomatoes", + "garlic", + "mixed greens", + "ground black pepper", + "salt" + ] + }, + { + "id": 13314, + "cuisine": "southern_us", + "ingredients": [ + "bacon", + "onions", + "ground black pepper", + "ham", + "red pepper flakes", + "collards", + "salt" + ] + }, + { + "id": 22764, + "cuisine": "italian", + "ingredients": [ + "baking soda", + "vanilla extract", + "powdered sugar", + "butter", + "all-purpose flour", + "ricotta cheese", + "salt", + "sugar", + "red food coloring", + "sweetened condensed milk" + ] + }, + { + "id": 11687, + "cuisine": "thai", + "ingredients": [ + "peanuts", + "rice noodles", + "ginger", + "soy sauce", + "chicken breasts", + "chilli paste", + "peanut butter", + "mirin", + "baby tatsoi", + "garlic", + "lime", + "sesame oil", + "cilantro", + "tamarind concentrate" + ] + }, + { + "id": 33895, + "cuisine": "greek", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "sugar", + "sweetened coconut flakes", + "greek yogurt", + "eggs", + "baking powder", + "juice", + "baking soda", + "salt" + ] + }, + { + "id": 14646, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "red cabbage", + "cilantro sprigs", + "mahi mahi fillets", + "adobo sauce", + "ground black pepper", + "cilantro stems", + "cayenne pepper", + "corn tortillas", + "cabbage", + "mayonaise", + "radishes", + "yellow bell pepper", + "sweet paprika", + "chipotles in adobo", + "garlic powder", + "jalapeno chilies", + "salt", + "sour cream", + "fresh pineapple" + ] + }, + { + "id": 27663, + "cuisine": "korean", + "ingredients": [ + "chicken stock", + "black pepper", + "sesame oil", + "salt", + "carrots", + "sugar", + "fresh ginger", + "red pepper", + "scallions", + "short rib", + "sake", + "water", + "pickling cucumbers", + "cayenne pepper", + "kimchi", + "turnips", + "soy sauce", + "sesame seeds", + "garlic", + "garlic cloves" + ] + }, + { + "id": 6, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "sesame oil", + "soy sauce", + "flowering garlic chives" + ] + }, + { + "id": 20553, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "salt", + "pepper", + "heavy cream", + "spaghetti", + "chicken broth", + "butter", + "dried parsley", + "olive oil", + "garlic" + ] + }, + { + "id": 2797, + "cuisine": "greek", + "ingredients": [ + "cream cheese", + "apples", + "Yoplait® Greek 2% caramel yogurt", + "coarse kosher salt", + "caramel topping" + ] + }, + { + "id": 30401, + "cuisine": "filipino", + "ingredients": [ + "pork", + "taro", + "fish sauce", + "tamarind", + "cabbage leaves", + "water", + "okra", + "horseradish", + "base" + ] + }, + { + "id": 2025, + "cuisine": "chinese", + "ingredients": [ + "garlic powder", + "sesame oil", + "corn starch", + "cooked rice", + "broccoli florets", + "boneless skinless chicken", + "canola oil", + "ground ginger", + "hoisin sauce", + "sliced carrots", + "salted cashews", + "soy sauce", + "sherry", + "rice vinegar" + ] + }, + { + "id": 30884, + "cuisine": "irish", + "ingredients": [ + "parsley sprigs", + "orange marmalade", + "ground nutmeg", + "carrots", + "vegetable oil spray", + "Irish whiskey", + "dijon mustard", + "corned beef" + ] + }, + { + "id": 25316, + "cuisine": "italian", + "ingredients": [ + "red wine vinegar", + "extra-virgin olive oil", + "rigatoni", + "mascarpone", + "Italian parsley leaves", + "purple onion", + "parmesan cheese", + "red pepper", + "garlic", + "ground black pepper", + "sea salt", + "yellow peppers" + ] + }, + { + "id": 13114, + "cuisine": "italian", + "ingredients": [ + "capers", + "salt", + "flat anchovy", + "vegetable oil", + "garlic cloves", + "parsley", + "freshly ground pepper", + "buffalo mozzarella", + "extra-virgin olive oil", + "red bell pepper" + ] + }, + { + "id": 10895, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "diced tomatoes", + "onions", + "olive oil", + "low salt chicken broth", + "boneless chicken skinless thigh", + "garlic cloves", + "dried oregano", + "celery ribs", + "pecorino romano cheese", + "escarole" + ] + }, + { + "id": 28935, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "processed cheese", + "quick-cooking hominy grits", + "water", + "salt", + "eggs", + "milk", + "shredded cheddar cheese", + "bacon" + ] + }, + { + "id": 42786, + "cuisine": "italian", + "ingredients": [ + "kale", + "smoked sausage", + "minced garlic", + "bacon", + "heavy whipping cream", + "potatoes", + "chopped onion", + "water", + "chicken soup base" + ] + }, + { + "id": 2534, + "cuisine": "british", + "ingredients": [ + "sugar", + "vanilla", + "unsalted butter", + "corn starch", + "large egg yolks", + "salt", + "whole milk" + ] + }, + { + "id": 30158, + "cuisine": "french", + "ingredients": [ + "mozzarella cheese", + "bread slices", + "sugar", + "beef broth", + "vegetable oil", + "onions", + "black pepper", + "sauce" + ] + }, + { + "id": 45178, + "cuisine": "greek", + "ingredients": [ + "light mayonnaise", + "feta cheese crumbles", + "pepper", + "salt", + "low-fat buttermilk", + "garlic cloves", + "reduced-fat sour cream" + ] + }, + { + "id": 40275, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "olive oil", + "salt", + "onions", + "tomato paste", + "ground chuck", + "dry red wine", + "cayenne pepper", + "dried oregano", + "celery salt", + "tomato sauce", + "worcestershire sauce", + "all-purpose flour", + "white sugar", + "tomatoes", + "dried basil", + "garlic", + "fresh mushrooms" + ] + }, + { + "id": 42864, + "cuisine": "mexican", + "ingredients": [ + "green chilies", + "cream of chicken soup", + "sour cream", + "shredded cheese", + "flour tortillas", + "roast beef" + ] + }, + { + "id": 38728, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "green onions", + "onions", + "garlic powder", + "diced tomatoes", + "potatoes", + "salt", + "shredded cheddar cheese", + "butter", + "chile sauce" + ] + }, + { + "id": 38453, + "cuisine": "mexican", + "ingredients": [ + "poblano peppers", + "green onions", + "sour cream", + "chorizo", + "potatoes", + "salt", + "chopped cilantro", + "shredded cheddar cheese", + "large eggs", + "butter", + "corn tortillas", + "garlic powder", + "half & half", + "yellow onion", + "chunky salsa" + ] + }, + { + "id": 43823, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "artichokes", + "shaved parmesan cheese", + "italian seasoning", + "parmesan cheese", + "panko breadcrumbs", + "olive oil", + "sea salt" + ] + }, + { + "id": 24163, + "cuisine": "french", + "ingredients": [ + "minced garlic", + "cooking spray", + "salt", + "tomatoes", + "olive oil", + "fresh orange juice", + "grated orange", + "halibut fillets", + "dry white wine", + "onions", + "pepper", + "fennel", + "chopped celery", + "italian seasoning" + ] + }, + { + "id": 33173, + "cuisine": "greek", + "ingredients": [ + "feta cheese crumbles", + "dry bread crumbs", + "pepper", + "dried oregano", + "vegetable oil cooking spray", + "plum tomatoes" + ] + }, + { + "id": 1850, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "flour tortillas", + "large shrimp", + "ancho", + "olive oil", + "grated jack cheese", + "fresh corn", + "fresh thyme", + "scallions", + "pepper", + "cayenne pepper" + ] + }, + { + "id": 7067, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "chopped fresh thyme", + "low sodium chicken broth", + "fresh asparagus", + "arborio rice", + "green onions", + "grated parmesan cheese", + "butter" + ] + }, + { + "id": 11121, + "cuisine": "indian", + "ingredients": [ + "water", + "yellow food coloring", + "salt", + "basmati rice", + "garam masala", + "red food coloring", + "chopped cilantro", + "fresh ginger root", + "lemon", + "cayenne pepper", + "chicken", + "plain yogurt", + "unsalted butter", + "garlic", + "onions" + ] + }, + { + "id": 1278, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "flour", + "corn", + "salt", + "sugar", + "baking powder", + "yellow corn meal", + "unsalted butter", + "sour cream" + ] + }, + { + "id": 33788, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "oil", + "cumin", + "fresh cilantro", + "tomatillos", + "corn tortillas", + "potatoes", + "salt", + "onions", + "ketchup", + "queso fresco", + "pinto beans" + ] + }, + { + "id": 32271, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "penne pasta", + "bacon", + "olive oil", + "onions" + ] + }, + { + "id": 49271, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "olive oil", + "sesame oil", + "all-purpose flour", + "white vinegar", + "water", + "boneless skinless chicken breasts", + "dry sherry", + "toasted sesame seeds", + "dark soy sauce", + "baking soda", + "vegetable oil", + "corn starch", + "chicken broth", + "chile paste", + "baking powder", + "garlic", + "white sugar" + ] + }, + { + "id": 936, + "cuisine": "chinese", + "ingredients": [ + "salt", + "vegetable oil", + "shrimp shells", + "cilantro leaves", + "garlic", + "white peppercorns" + ] + }, + { + "id": 4394, + "cuisine": "french", + "ingredients": [ + "brown sugar", + "butter", + "fresh lemon juice", + "water", + "salt", + "granny smith apples", + "ice water", + "ground cinnamon", + "large egg whites", + "all-purpose flour" + ] + }, + { + "id": 12150, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "bread flour", + "warm water", + "cornmeal", + "sugar", + "salt", + "olive oil", + "yeast" + ] + }, + { + "id": 47172, + "cuisine": "chinese", + "ingredients": [ + "water", + "sea salt", + "eggs", + "scallions", + "fish sauce" + ] + }, + { + "id": 40950, + "cuisine": "moroccan", + "ingredients": [ + "medium eggs", + "roasted hazelnuts", + "granulated sugar", + "vegetable oil", + "grated nutmeg", + "anise seed", + "honey", + "baking powder", + "cake flour", + "ground cardamom", + "ground cinnamon", + "water", + "instant yeast", + "ginger", + "ground coriander", + "saffron threads", + "coconut oil", + "unsalted butter", + "apple cider vinegar", + "salt", + "toasted sesame seeds" + ] + }, + { + "id": 24845, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "unsalted butter", + "self rising flour" + ] + }, + { + "id": 48731, + "cuisine": "indian", + "ingredients": [ + "reduced fat milk", + "basmati rice", + "sugar", + "sweetened coconut flakes", + "raisins", + "sliced almonds", + "ground cardamom" + ] + }, + { + "id": 8832, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "cinnamon sticks", + "light brown sugar", + "large garlic cloves", + "Mexican oregano", + "ancho chile pepper", + "kosher salt", + "turkey" + ] + }, + { + "id": 37195, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "unsalted butter", + "garlic", + "lime", + "Sriracha", + "bone in skin on chicken thigh", + "sweet chili sauce", + "reduced sodium soy sauce", + "cilantro leaves", + "peanuts", + "ginger" + ] + }, + { + "id": 32343, + "cuisine": "japanese", + "ingredients": [ + "white cabbage", + "chow mein noodles", + "spring onions", + "smoked streaky bacon", + "beansprouts" + ] + }, + { + "id": 14611, + "cuisine": "spanish", + "ingredients": [ + "eggplant", + "purple onion", + "olive oil", + "garlic", + "pepper", + "red pepper flakes", + "cumin", + "tomatoes", + "zucchini", + "dried oregano" + ] + }, + { + "id": 4395, + "cuisine": "french", + "ingredients": [ + "ham", + "butter", + "gruyere cheese", + "bread slices" + ] + }, + { + "id": 15611, + "cuisine": "mexican", + "ingredients": [ + "bosc pears", + "chopped cilantro fresh", + "sugar", + "fresh lime juice", + "serrano", + "white onion", + "chopped fresh mint" + ] + }, + { + "id": 9360, + "cuisine": "korean", + "ingredients": [ + "short-grain rice", + "lean ground beef", + "Gochujang base", + "sugar", + "mushrooms", + "rice vinegar", + "carrots", + "eggs", + "zucchini", + "ginger", + "garlic cloves", + "soy sauce", + "sesame oil", + "apple juice", + "beansprouts" + ] + }, + { + "id": 5467, + "cuisine": "indian", + "ingredients": [ + "ground cardamom", + "honey", + "mango", + "milk", + "vanilla yogurt", + "yoghurt" + ] + }, + { + "id": 4592, + "cuisine": "southern_us", + "ingredients": [ + "barbecue sauce", + "chopped cilantro fresh", + "chili powder", + "pork baby back ribs", + "purple onion", + "bourbon whiskey", + "ground cumin" + ] + }, + { + "id": 1389, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "leaves", + "sesame oil", + "doenzang", + "sugar", + "minced garlic", + "green leaf lettuce", + "salt", + "garlic chives", + "pepper", + "vinegar", + "ginger", + "onions", + "pork", + "honey", + "rice wine", + "oil" + ] + }, + { + "id": 8689, + "cuisine": "greek", + "ingredients": [ + "tomato sauce", + "ground nutmeg", + "butter", + "fines herbes", + "dried parsley", + "ground cinnamon", + "olive oil", + "grated parmesan cheese", + "garlic", + "ground white pepper", + "milk", + "ground black pepper", + "red wine", + "all-purpose flour", + "eggs", + "eggplant", + "lean ground beef", + "salt", + "onions" + ] + }, + { + "id": 37661, + "cuisine": "brazilian", + "ingredients": [ + "water", + "garlic", + "chopped cilantro fresh", + "cooked ham", + "chile pepper", + "red bell pepper", + "canola oil", + "sweet potatoes", + "salt", + "mango", + "black beans", + "tomatoes with juice", + "onions", + "chorizo sausage" + ] + }, + { + "id": 48803, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "boneless skinless chicken breasts", + "scallions", + "water chestnuts", + "romaine lettuce leaves", + "canola oil", + "hoisin sauce", + "red pepper", + "garlic cloves", + "cooked rice", + "mushrooms", + "teriyaki sauce" + ] + }, + { + "id": 32026, + "cuisine": "indian", + "ingredients": [ + "water", + "blanched almonds", + "ground red pepper", + "ground cumin", + "sugar", + "salt", + "cooking spray", + "fresh lemon juice" + ] + }, + { + "id": 14872, + "cuisine": "italian", + "ingredients": [ + "water", + "diced tomatoes", + "baby spinach leaves", + "knorr homestyl stock chicken", + "onions", + "ditalini pasta", + "carrots", + "white cannellini beans", + "vegetable oil" + ] + }, + { + "id": 15269, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "chili powder", + "ground beef", + "green chile", + "salsa verde", + "cilantro leaves", + "shredded Monterey Jack cheese", + "olive oil", + "diced tomatoes", + "cumin", + "Velveeta", + "ground black pepper", + "creole seasoning" + ] + }, + { + "id": 1711, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "green chilies", + "chopped cilantro fresh", + "chicken legs", + "vegetable oil", + "ghee", + "tomato purée", + "garam masala", + "cumin seed", + "ground turmeric", + "water", + "garlic", + "onions" + ] + }, + { + "id": 3602, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salted dry roasted peanuts", + "salt", + "okra", + "egg whites", + "peanut oil", + "baking mix" + ] + }, + { + "id": 6654, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "olive oil", + "chopped onion", + "chopped cilantro fresh", + "capers", + "diced tomatoes", + "fillets", + "water", + "fresh orange juice", + "fresh lime juice", + "green olives", + "cooking spray", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 41791, + "cuisine": "italian", + "ingredients": [ + "dry vermouth", + "olive oil", + "large shrimp", + "fennel fronds", + "large garlic cloves", + "orange", + "orange juice", + "grated orange peel", + "fennel bulb" + ] + }, + { + "id": 2250, + "cuisine": "japanese", + "ingredients": [ + "cream of tartar", + "egg whites", + "cream cheese", + "milk", + "butter", + "caster sugar", + "egg yolks", + "corn flour", + "lemon zest", + "cake flour" + ] + }, + { + "id": 48182, + "cuisine": "japanese", + "ingredients": [ + "wasabi", + "fresh ginger", + "sugar", + "fresh lime juice", + "salmon fillets", + "mirin", + "soy sauce" + ] + }, + { + "id": 40365, + "cuisine": "italian", + "ingredients": [ + "lemon wedge", + "fresh lemon juice", + "spaghetti", + "baking powder", + "squid", + "flat leaf parsley", + "unsalted butter", + "cayenne pepper", + "coarse kosher salt", + "olive oil", + "all-purpose flour", + "corn starch", + "canola oil" + ] + }, + { + "id": 29767, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "salt", + "cumin", + "black beans", + "onion powder", + "cayenne pepper", + "pepper", + "diced tomatoes", + "scallions", + "chicken broth", + "garlic powder", + "frozen corn", + "chicken" + ] + }, + { + "id": 4490, + "cuisine": "japanese", + "ingredients": [ + "dried bonito flakes", + "cold water", + "konbu" + ] + }, + { + "id": 19350, + "cuisine": "french", + "ingredients": [ + "shallots", + "button mushrooms", + "filet mignon steaks", + "canned beef broth", + "garlic cloves", + "Madeira", + "chopped fresh thyme", + "whipping cream", + "olive oil", + "butter" + ] + }, + { + "id": 32821, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "dried basil", + "large eggs", + "crushed red pepper", + "sliced mushrooms", + "fresh spinach", + "parmesan cheese", + "diced tomatoes", + "shredded mozzarella cheese", + "dried oregano", + "fresh basil", + "olive oil", + "ricotta cheese", + "salt", + "onions", + "fennel seeds", + "black pepper", + "lasagna noodles", + "cheese", + "garlic cloves" + ] + }, + { + "id": 17102, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lemon grass", + "white mushrooms", + "chicken broth", + "olive oil", + "chicken breasts", + "lime leaves", + "lime", + "zucchini", + "coconut milk", + "fresh basil", + "fresh ginger", + "red pepper", + "curry paste" + ] + }, + { + "id": 11614, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "ham", + "bacon", + "pineapple slices", + "jalapeno chilies", + "bbq sauce", + "mozzarella cheese", + "cilantro" + ] + }, + { + "id": 11829, + "cuisine": "french", + "ingredients": [ + "olive oil", + "tuna fillets", + "chopped fresh chives", + "black olives", + "French lentils", + "fresh lemon juice" + ] + }, + { + "id": 21493, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "avocado", + "purple onion", + "cilantro", + "lime", + "salt" + ] + }, + { + "id": 36223, + "cuisine": "korean", + "ingredients": [ + "reduced sodium soy sauce", + "napa cabbage", + "ground beef", + "water", + "sesame oil", + "golden zucchini", + "red chili peppers", + "green onions", + "soybean paste", + "reduced sodium beef stock", + "daikon", + "chopped garlic" + ] + }, + { + "id": 14575, + "cuisine": "japanese", + "ingredients": [ + "sunflower seeds", + "granulated sugar", + "umeboshi paste", + "tamari soy sauce", + "lemon juice", + "canola oil", + "eggplant", + "tahini", + "sea salt", + "peanut oil", + "snow peas", + "salad greens", + "extra firm tofu", + "red pepper flakes", + "soba noodles", + "sliced mushrooms", + "water", + "agave nectar", + "sesame oil", + "rice vinegar", + "carrots" + ] + }, + { + "id": 47431, + "cuisine": "vietnamese", + "ingredients": [ + "french baguette", + "sliced cucumber", + "chopped cilantro fresh", + "lime juice", + "hellmann' or best food real mayonnais", + "wish-bone light asian sesame ginger vinaigrette dressing", + "radishes", + "carrots", + "boneless, skinless chicken breast", + "asian chili red sauc" + ] + }, + { + "id": 11371, + "cuisine": "french", + "ingredients": [ + "pepper", + "salmon fillets", + "cooking spray", + "salt" + ] + }, + { + "id": 10088, + "cuisine": "greek", + "ingredients": [ + "fresh rosemary", + "feta cheese", + "harissa", + "purple onion", + "creole seasoning", + "greek yogurt", + "olive oil", + "roast", + "lemon", + "fresh oregano", + "lemon juice", + "pepper", + "radishes", + "russet potatoes", + "salt", + "oil", + "dried oregano", + "pitas", + "sliced cucumber", + "garlic", + "dried dill", + "cucumber" + ] + }, + { + "id": 40151, + "cuisine": "british", + "ingredients": [ + "crystallized ginger", + "all-purpose flour", + "orange zest", + "ground cinnamon", + "egg yolks", + "mincemeat", + "unsalted butter", + "orange juice", + "eggs", + "salt", + "confectioners sugar" + ] + }, + { + "id": 49398, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "large eggs", + "sesame oil", + "soy sauce", + "starch", + "salt", + "baby bok choy", + "Shaoxing wine", + "ground pork", + "minced ginger", + "green onions" + ] + }, + { + "id": 10363, + "cuisine": "french", + "ingredients": [ + "pure vanilla extract", + "water", + "large eggs", + "all-purpose flour", + "brown sugar", + "unsalted butter", + "almond extract", + "confectioners sugar", + "sugar", + "granulated sugar", + "salt", + "cream sweeten whip", + "large egg yolks", + "half & half", + "cranberries" + ] + }, + { + "id": 13805, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "whole wheat bread", + "garlic cloves", + "olive oil", + "cooking spray", + "provolone cheese", + "fresh parsley", + "tomatoes", + "ground black pepper", + "salt", + "sliced mushrooms", + "fresh basil", + "zucchini", + "frozen corn kernels", + "red bell pepper" + ] + }, + { + "id": 22593, + "cuisine": "indian", + "ingredients": [ + "soy sauce", + "salt", + "chicken", + "chili powder", + "ground turmeric", + "water", + "oil", + "garam masala", + "gram flour" + ] + }, + { + "id": 21776, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "bay scallops", + "clamato juice", + "lump crab meat", + "cilantro sprigs", + "chopped cilantro fresh", + "tomatoes", + "jalapeno chilies", + "baked tortilla chips", + "vidalia onion", + "lime wedges", + "fresh lime juice" + ] + }, + { + "id": 45619, + "cuisine": "southern_us", + "ingredients": [ + "salmon", + "tartar sauce", + "old bay seasoning", + "mayonaise" + ] + }, + { + "id": 21631, + "cuisine": "indian", + "ingredients": [ + "bread flour", + "vegetable oil", + "water", + "salt" + ] + }, + { + "id": 26503, + "cuisine": "italian", + "ingredients": [ + "fresh green peas", + "grated parmesan cheese", + "fresh lemon juice", + "grated lemon peel", + "fresh basil", + "extra-virgin olive oil", + "flat leaf parsley", + "pancetta", + "asparagus", + "garlic cloves", + "boiling water", + "fettucine", + "green onions", + "heavy whipping cream" + ] + }, + { + "id": 18291, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "purple onion", + "feta cheese crumbles", + "coarse salt", + "fresh parsley leaves", + "ground pepper", + "chickpeas", + "cucumber", + "bread", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 33737, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper flakes", + "dried oregano", + "tomato paste", + "bay leaves", + "onions", + "dried basil", + "red wine", + "white sugar", + "italian sausage", + "whole peeled tomatoes", + "garlic" + ] + }, + { + "id": 7167, + "cuisine": "mexican", + "ingredients": [ + "artichoke hearts", + "spinach", + "sour cream", + "tomatoes", + "tortilla chips", + "cheddar cheese" + ] + }, + { + "id": 35003, + "cuisine": "vietnamese", + "ingredients": [ + "tomato purée", + "red chili peppers", + "fresh ginger root", + "star anise", + "brown sugar", + "lemongrass", + "sweet potatoes", + "garlic cloves", + "fish sauce", + "lamb shanks", + "mint leaves", + "oil", + "lamb stock", + "lime", + "basil leaves", + "onions" + ] + }, + { + "id": 46214, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "mango", + "white onion", + "chopped cilantro", + "avocado", + "fresh lime juice", + "pomegranate seeds", + "serrano chile" + ] + }, + { + "id": 20871, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "tortillas", + "vegetable oil", + "cayenne pepper", + "onions", + "lime", + "chili powder", + "cilantro", + "red bell pepper", + "sugar", + "chicken breasts", + "paprika", + "corn starch", + "cumin", + "garlic powder", + "onion powder", + "salt", + "sour cream" + ] + }, + { + "id": 5849, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "oil", + "brown sugar", + "chili powder", + "cumin", + "flour", + "broth", + "crushed tomatoes", + "cayenne pepper" + ] + }, + { + "id": 36794, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "grated lemon zest", + "curry powder", + "chopped cilantro fresh", + "salt", + "plain yogurt", + "garlic cloves" + ] + }, + { + "id": 6988, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "ground pepper", + "rotisserie chicken", + "chicken stock", + "olive oil", + "garlic", + "cumin", + "fresh cilantro", + "worcestershire sauce", + "onions", + "avocado", + "lime", + "diced tomatoes", + "dried oregano" + ] + }, + { + "id": 49091, + "cuisine": "southern_us", + "ingredients": [ + "cayenne", + "butter", + "sweet potatoes", + "half & half", + "salt", + "ground black pepper", + "bourbon whiskey" + ] + }, + { + "id": 34747, + "cuisine": "russian", + "ingredients": [ + "olive oil", + "salt", + "onions", + "pepper", + "bay leaves", + "garlic cloves", + "cabbage", + "tomatoes", + "potatoes", + "beets", + "dried parsley", + "water", + "lemon", + "carrots" + ] + }, + { + "id": 1372, + "cuisine": "italian", + "ingredients": [ + "pasta", + "part-skim mozzarella cheese", + "italian seasoning", + "dough", + "pepper", + "sliced mushrooms", + "vegetable oil cooking spray", + "feta cheese crumbles", + "frozen chopped spinach", + "minced garlic", + "cornmeal" + ] + }, + { + "id": 15943, + "cuisine": "italian", + "ingredients": [ + "sugar", + "whipping cream", + "grated orange peel", + "dry white wine", + "dried cranberries", + "crystallized ginger", + "calimyrna figs", + "large egg yolks", + "sauce" + ] + }, + { + "id": 13024, + "cuisine": "french", + "ingredients": [ + "parsley leaves", + "fresh lemon juice", + "unsalted butter", + "salt" + ] + }, + { + "id": 46350, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "lime juice", + "chickpeas", + "sugar", + "asparagus", + "coconut milk", + "fish sauce", + "thai basil", + "oil", + "red chili peppers", + "zucchini", + "thai green curry paste" + ] + }, + { + "id": 34155, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "cumin seed", + "tomatoes", + "ginger", + "spices", + "onions", + "dried lentils", + "garlic" + ] + }, + { + "id": 3019, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "romano cheese", + "fresh basil leaves", + "butter", + "garlic cloves" + ] + }, + { + "id": 28130, + "cuisine": "cajun_creole", + "ingredients": [ + "white wine", + "cajun seasoning", + "medium shrimp", + "shallots", + "cracked black pepper", + "orecchiette", + "green onions", + "butter", + "plum tomatoes", + "baby spinach", + "garlic" + ] + }, + { + "id": 30948, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "olive oil", + "white wine vinegar", + "garlic cloves", + "parmigiano-reggiano cheese", + "ground black pepper", + "salt", + "escarole", + "great northern beans", + "fresh parmesan cheese", + "crushed red pepper", + "carrots", + "water", + "finely chopped onion", + "organic vegetable broth", + "thyme sprigs" + ] + }, + { + "id": 13308, + "cuisine": "italian", + "ingredients": [ + "sugar", + "instant espresso powder", + "baking powder", + "all-purpose flour", + "ground cinnamon", + "large egg yolks", + "unsalted butter", + "vanilla extract", + "heavy whipping cream", + "water", + "mascarpone", + "buttermilk", + "walnuts", + "powdered sugar", + "baking soda", + "large eggs", + "salt" + ] + }, + { + "id": 9686, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "salt", + "eggplant", + "onions", + "black pepper", + "red bell pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 38666, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "garlic powder", + "salt", + "sugar", + "chili powder", + "cumin", + "tomato sauce", + "ground red pepper", + "onions", + "water", + "paprika" + ] + }, + { + "id": 29167, + "cuisine": "cajun_creole", + "ingredients": [ + "sweet onion", + "green onions", + "paprika", + "grouper", + "thyme", + "pepper", + "bay leaves", + "sea salt", + "sauce", + "shrimp", + "oregano", + "fresh basil", + "ground pepper", + "pimentos", + "port", + "creole seasoning", + "celery", + "tomato sauce", + "roma tomatoes", + "bacon", + "hot sauce", + "garlic cloves", + "hickory smoke" + ] + }, + { + "id": 2070, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "extra-virgin olive oil", + "garlic cloves", + "dried oregano", + "sliced tomatoes", + "pitas", + "greek style plain yogurt", + "cucumber", + "lettuce", + "olive oil", + "salt", + "fresh lemon juice", + "pepper", + "chuck roast", + "dried dill", + "onions" + ] + }, + { + "id": 47265, + "cuisine": "french", + "ingredients": [ + "cayenne", + "heavy cream", + "large eggs", + "all-purpose flour", + "unsalted butter", + "salt", + "cheddar cheese", + "shredded swiss cheese" + ] + }, + { + "id": 41602, + "cuisine": "indian", + "ingredients": [ + "raisins", + "cardamom", + "boiling water", + "clove", + "rice", + "ghee", + "salt", + "bay leaf", + "cinnamon", + "oil", + "onions" + ] + }, + { + "id": 11852, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "mahi mahi fillets", + "ground cumin", + "balsamic vinegar", + "hothouse cucumber", + "green onions", + "serrano chile", + "cherries", + "chopped cilantro fresh" + ] + }, + { + "id": 7410, + "cuisine": "spanish", + "ingredients": [ + "baguette", + "salt", + "red bell pepper", + "sugar", + "balsamic vinegar", + "garlic cloves", + "pecan halves", + "dijon mustard", + "goat cheese", + "arugula", + "pitted date", + "extra-virgin olive oil", + "smoked paprika" + ] + }, + { + "id": 13287, + "cuisine": "greek", + "ingredients": [ + "plain yogurt", + "lemon juice", + "olive oil", + "kosher salt", + "cucumber", + "white vinegar", + "garlic" + ] + }, + { + "id": 35995, + "cuisine": "thai", + "ingredients": [ + "water", + "green onions", + "cilantro leaves", + "banana peppers", + "sugar", + "extra firm tofu", + "unsalted dry roast peanuts", + "peanut oil", + "fresh lime juice", + "fish sauce", + "lower sodium soy sauce", + "rice noodles", + "rice vinegar", + "beansprouts", + "boneless chicken skinless thigh", + "large eggs", + "salt", + "garlic cloves", + "dried shrimp" + ] + }, + { + "id": 41747, + "cuisine": "italian", + "ingredients": [ + "pepper", + "garlic cloves", + "serrano chilies", + "grated parmesan cheese", + "plum tomatoes", + "olive oil", + "spaghetti", + "fresh basil", + "salt" + ] + }, + { + "id": 12624, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "pinto beans", + "reduced fat monterey jack cheese", + "large garlic cloves", + "chopped onion", + "chili powder", + "hot sauce", + "ground cumin", + "fat free less sodium chicken broth", + "diced tomatoes", + "baked tortilla chips" + ] + }, + { + "id": 37014, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "fine sea salt", + "flat leaf parsley", + "fettucine", + "dry white wine", + "freshly ground pepper", + "arugula", + "lobster", + "lemon slices", + "medium shrimp", + "water", + "shallots", + "fresh lemon juice" + ] + }, + { + "id": 31692, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "hummus", + "avocado", + "shredded lettuce", + "corn", + "tortilla wraps", + "diced tomatoes" + ] + }, + { + "id": 17197, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "lemon", + "thyme sprigs", + "feta cheese", + "extra-virgin olive oil", + "rosemary sprigs", + "bay leaves", + "garlic cloves", + "pitas", + "cracked black pepper", + "olives" + ] + }, + { + "id": 12510, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "shredded mozzarella cheese", + "bulk italian sausag", + "part-skim ricotta cheese", + "tomato sauce", + "basil dried leaves", + "onions", + "lasagna noodles", + "salt" + ] + }, + { + "id": 33659, + "cuisine": "japanese", + "ingredients": [ + "sesame", + "chives", + "garlic", + "garlic cloves", + "radishes", + "sesame oil", + "salt", + "olive oil", + "fresh shiitake mushrooms", + "tamari soy sauce", + "canola oil", + "lemon zest", + "chili oil", + "gyoza wrappers" + ] + }, + { + "id": 37804, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "white sesame seeds", + "dressing", + "tamari soy sauce", + "light agave nectar", + "kale", + "rice vinegar" + ] + }, + { + "id": 37419, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "pork tenderloin", + "long-grain rice", + "red bell pepper", + "fat free less sodium chicken broth", + "dry sherry", + "corn starch", + "celery", + "low sodium soy sauce", + "vegetable oil", + "garlic cloves", + "bok choy", + "water chestnuts", + "all-purpose flour", + "sliced mushrooms", + "sliced green onions" + ] + }, + { + "id": 38053, + "cuisine": "french", + "ingredients": [ + "skim milk", + "cooking spray", + "semolina flour", + "ground nutmeg", + "salt", + "vanilla beans", + "vanilla extract", + "sugar", + "large eggs" + ] + }, + { + "id": 17445, + "cuisine": "italian", + "ingredients": [ + "honey", + "pineapple juice concentrate", + "tuaca", + "large eggs", + "almond paste", + "sugar", + "large egg yolks", + "salt", + "sliced almonds", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 15425, + "cuisine": "jamaican", + "ingredients": [ + "coconut oil", + "red beans", + "scallions", + "chicken stock", + "fresh thyme", + "salt", + "onions", + "pepper", + "garlic", + "coconut milk", + "brown sugar", + "bay leaves", + "rice", + "allspice" + ] + }, + { + "id": 23520, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "kosher salt", + "garam masala", + "red pepper flakes", + "all-purpose flour", + "dried chile", + "basmati rice", + "tumeric", + "active dry yeast", + "yoghurt", + "diced tomatoes", + "ground coriander", + "onions", + "sugar", + "fresh ginger", + "vegetable oil", + "boneless skinless chicken", + "garlic cloves", + "clarified butter", + "melted butter", + "milk", + "whole milk yoghurt", + "heavy cream", + "cardamom pods", + "chopped cilantro", + "ground cumin" + ] + }, + { + "id": 38229, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "cheese", + "minced garlic", + "vegetables", + "prebaked pizza crusts" + ] + }, + { + "id": 22059, + "cuisine": "chinese", + "ingredients": [ + "corn starch", + "eggs", + "chicken broth", + "green onions" + ] + }, + { + "id": 49139, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "fillet red snapper", + "roma tomatoes", + "hot sauce", + "capers", + "lime", + "shallots", + "tostada shells", + "sea scallops", + "extra-virgin olive oil", + "green olives", + "lime juice", + "jalapeno chilies", + "chopped cilantro fresh" + ] + }, + { + "id": 20974, + "cuisine": "indian", + "ingredients": [ + "mooli", + "green chilies", + "onions", + "chili powder", + "oil", + "salt", + "mustard seeds", + "leaves", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 32718, + "cuisine": "mexican", + "ingredients": [ + "radishes", + "cilantro leaves", + "kosher salt", + "yukon gold potatoes", + "corn tortillas", + "cotija", + "large eggs", + "mexican chorizo", + "unsalted butter", + "extra-virgin olive oil" + ] + }, + { + "id": 34932, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "green onions", + "vegetable oil spray", + "flounder fillets", + "large egg whites", + "toasted wheat germ", + "curry powder", + "nonfat yogurt" + ] + }, + { + "id": 34107, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "pepper", + "vegetable oil", + "nopales", + "guajillo chiles", + "olive oil", + "beef fillet", + "beans", + "water", + "garlic", + "sugar", + "cream", + "apple cider vinegar", + "salt" + ] + }, + { + "id": 41652, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "butter", + "lemon juice", + "tomatoes", + "chili powder", + "rice", + "garam masala", + "cilantro leaves", + "broad beans", + "salt", + "onions" + ] + }, + { + "id": 22149, + "cuisine": "thai", + "ingredients": [ + "sugar", + "cilantro leaves", + "lime zest", + "fresh ginger", + "boneless skinless chicken breast halves", + "unsweetened coconut milk", + "green curry paste", + "fresh lime juice", + "chicken stock", + "basil leaves", + "asian fish sauce" + ] + }, + { + "id": 8525, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "lime slices", + "garlic", + "celery", + "horseradish", + "tomato juice", + "worcestershire sauce", + "okra", + "vodka", + "jalapeno chilies", + "cilantro", + "lemon juice", + "green olives", + "lime juice", + "cajun seasoning", + "salt" + ] + }, + { + "id": 9800, + "cuisine": "italian", + "ingredients": [ + "honey", + "red pepper flakes", + "marjoram", + "black pepper", + "grated parmesan cheese", + "salt", + "tomato paste", + "cayenne", + "basil", + "dried oregano", + "minced garlic", + "onion powder", + "hot water" + ] + }, + { + "id": 14727, + "cuisine": "russian", + "ingredients": [ + "chicken broth", + "minced onion", + "all-purpose flour", + "boiling water", + "white wine", + "heavy cream", + "freshly ground pepper", + "savoy cabbage", + "unsalted butter", + "salt", + "cooked white rice", + "pork", + "lemon", + "chopped onion", + "wild mushrooms" + ] + }, + { + "id": 44940, + "cuisine": "french", + "ingredients": [ + "pernod", + "white wine vinegar", + "fennel seeds", + "large garlic cloves", + "ground pepper", + "olive oil", + "salt" + ] + }, + { + "id": 15103, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "polenta", + "unsalted butter" + ] + }, + { + "id": 8156, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "ground black pepper", + "green peas", + "salt", + "dried oregano", + "marsala wine", + "grated parmesan cheese", + "garlic", + "sliced mushrooms", + "olive oil", + "crushed red pepper flakes", + "purple onion", + "red bell pepper", + "chicken stock", + "zucchini", + "yellow bell pepper", + "penne pasta" + ] + }, + { + "id": 36778, + "cuisine": "french", + "ingredients": [ + "cream sweeten whip", + "vanilla", + "large egg yolks", + "heavy cream", + "sugar", + "bittersweet chocolate" + ] + }, + { + "id": 3798, + "cuisine": "british", + "ingredients": [ + "self rising flour", + "vegetable oil", + "whole milk", + "heavy cream", + "large eggs", + "butter", + "sugar", + "baking powder", + "jam" + ] + }, + { + "id": 39079, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "vegetable oil", + "diced tomatoes", + "green chilies", + "potatoes", + "garden peas", + "salt", + "onions", + "fresh ginger root", + "double cream", + "garlic", + "carrots", + "fresh coriander", + "unsalted cashews", + "red pepper", + "green pepper" + ] + }, + { + "id": 18054, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "coarse salt", + "sweet paprika", + "iceberg lettuce", + "chile powder", + "ground black pepper", + "garlic", + "corn tortillas", + "instant espresso powder", + "cilantro sprigs", + "sour cream", + "ground cumin", + "light brown sugar", + "lime wedges", + "salsa", + "skirt steak" + ] + }, + { + "id": 15791, + "cuisine": "chinese", + "ingredients": [ + "chili sauce", + "Lipton Sparkling Diet Green Tea with Strawberry Kiwi", + "asian fish sauce", + "rolls", + "rice vinegar" + ] + }, + { + "id": 35756, + "cuisine": "southern_us", + "ingredients": [ + "fresh chives", + "processed cheese", + "sharp cheddar cheese", + "eggs", + "seasoning salt", + "salt", + "grits", + "water", + "chile pepper", + "dried parsley", + "white pepper", + "hot pepper sauce", + "margarine" + ] + }, + { + "id": 2503, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salt", + "shredded cheddar cheese", + "breakfast sausages", + "bread", + "large eggs", + "ramps", + "milk", + "dry mustard" + ] + }, + { + "id": 29206, + "cuisine": "french", + "ingredients": [ + "cognac", + "marzipan" + ] + }, + { + "id": 28395, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "vanilla extract", + "semi-sweet chocolate morsels", + "large egg whites", + "ice water", + "salt", + "sugar", + "butter", + "Dutch-processed cocoa powder", + "unsweetened cocoa powder", + "cooking spray", + "vegetable shortening", + "all-purpose flour" + ] + }, + { + "id": 49356, + "cuisine": "greek", + "ingredients": [ + "dried basil", + "garlic cloves", + "sliced green onions", + "ground red pepper", + "dried oregano", + "olive oil", + "feta cheese crumbles", + "sugar", + "diced tomatoes", + "large shrimp" + ] + }, + { + "id": 35943, + "cuisine": "japanese", + "ingredients": [ + "salmon fillets", + "low sodium soy sauce", + "mirin", + "honey", + "sake", + "cooking oil" + ] + }, + { + "id": 8203, + "cuisine": "italian", + "ingredients": [ + "instant espresso powder", + "amaretto", + "semisweet chocolate", + "whipping cream", + "sliced almonds", + "chocolate shavings", + "unsweetened cocoa powder", + "powdered sugar", + "angel food cake", + "Philadelphia Cream Cheese" + ] + }, + { + "id": 25151, + "cuisine": "korean", + "ingredients": [ + "jalapeno chilies", + "squid", + "medium shrimp", + "water", + "salt", + "corn starch", + "vegetable oil", + "scallions", + "large eggs", + "all-purpose flour", + "red bell pepper" + ] + }, + { + "id": 10349, + "cuisine": "mexican", + "ingredients": [ + "spices", + "ground beef", + "eggs", + "panko breadcrumbs", + "ground pork" + ] + }, + { + "id": 7348, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "salt", + "extra-virgin olive oil", + "diced yellow onion", + "chicken broth", + "purple onion", + "cumin seed", + "lemon", + "yellow split peas" + ] + }, + { + "id": 7973, + "cuisine": "chinese", + "ingredients": [ + "instant yeast", + "water", + "oil", + "all-purpose flour", + "whole wheat flour" + ] + }, + { + "id": 8393, + "cuisine": "vietnamese", + "ingredients": [ + "fresh basil", + "dry roasted peanuts", + "garlic cloves", + "fresh lime juice", + "fish sauce", + "hoisin sauce", + "cucumber", + "boiling water", + "chile paste with garlic", + "rice sticks", + "carrots", + "chopped fresh mint", + "sugar", + "mixed greens", + "beansprouts" + ] + }, + { + "id": 27273, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "flour tortillas", + "corn starch", + "reduced sodium soy sauce", + "slaw mix", + "minced garlic", + "sesame oil", + "pork loin chops", + "hoisin sauce", + "gingerroot" + ] + }, + { + "id": 14588, + "cuisine": "british", + "ingredients": [ + "shallots", + "button mushrooms", + "olive oil", + "sandwich bread", + "puff pastry", + "porcini", + "parsley", + "beef tenderloin", + "egg yolks", + "butter" + ] + }, + { + "id": 30018, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "pistachios", + "paprika", + "all-purpose flour", + "ground cumin", + "black pepper", + "pitted green olives", + "lamb shoulder", + "couscous", + "ground cinnamon", + "lemon wedge", + "garlic", + "carrots", + "kosher salt", + "apricot halves", + "cilantro leaves", + "onions" + ] + }, + { + "id": 24778, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "masoor dal", + "cilantro leaves", + "chopped garlic", + "coriander powder", + "ginger", + "jeera", + "garam masala", + "chili powder", + "green chilies", + "finely chopped onion", + "salt", + "ground turmeric" + ] + }, + { + "id": 17883, + "cuisine": "french", + "ingredients": [ + "water", + "whipping cream", + "sugar", + "light corn syrup", + "powdered sugar", + "frozen pastry puff sheets", + "unflavored gelatin", + "unsalted butter", + "berries" + ] + }, + { + "id": 35149, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "chopped celery", + "chopped garlic", + "andouille sausage", + "finely chopped onion", + "long-grain rice", + "chopped green bell pepper", + "salt", + "fat free less sodium chicken broth", + "cajun seasoning", + "chicken livers" + ] + }, + { + "id": 6350, + "cuisine": "spanish", + "ingredients": [ + "oloroso sherry", + "garlic cloves", + "sherry vinegar", + "plum tomatoes", + "extra-virgin olive oil", + "green bell pepper", + "cucumber" + ] + }, + { + "id": 10452, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "green onions", + "garlic", + "evaporated milk", + "finely chopped onion", + "cajun seasoning", + "rolls", + "crawfish", + "chopped green bell pepper", + "vegetable oil", + "salt", + "garlic powder", + "processed cheese", + "butter" + ] + }, + { + "id": 45892, + "cuisine": "russian", + "ingredients": [ + "sugar", + "vegetable oil", + "coffee", + "salad oil", + "milk", + "salt", + "eggs", + "flour", + "yeast" + ] + }, + { + "id": 29612, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped green bell pepper", + "ground red pepper", + "chopped onion", + "cooking spray", + "condensed reduced fat reduced sodium cream of mushroom soup", + "long grain white rice", + "crawfish", + "green onions", + "salt", + "processed cheese", + "garlic", + "wild rice" + ] + }, + { + "id": 11254, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "kosher salt", + "chicken", + "curry powder", + "black pepper", + "carrots" + ] + }, + { + "id": 175, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "freshly ground pepper", + "purple onion", + "fresh lime juice", + "tomatoes", + "salt", + "serrano peppers", + "garlic cloves" + ] + }, + { + "id": 27226, + "cuisine": "italian", + "ingredients": [ + "diced onions", + "dried basil", + "crushed red pepper", + "dried oregano", + "minced garlic", + "extra-virgin olive oil", + "fresh lemon juice", + "tomato paste", + "diced tomatoes", + "salt", + "crushed tomatoes", + "linguine", + "medium shrimp" + ] + }, + { + "id": 8001, + "cuisine": "british", + "ingredients": [ + "sugar", + "strawberries", + "heavy cream", + "OREO® Cookies" + ] + }, + { + "id": 47716, + "cuisine": "chinese", + "ingredients": [ + "canola", + "large eggs", + "juice", + "spring roll wrappers", + "vegetables", + "salt", + "bittersweet chocolate", + "large egg yolks", + "kumquats", + "heavy whipping cream", + "neutral oil", + "unsalted butter", + "Grand Marnier" + ] + }, + { + "id": 9546, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "shallots", + "water", + "garlic", + "sugar", + "thai chile", + "lime juice" + ] + }, + { + "id": 19359, + "cuisine": "vietnamese", + "ingredients": [ + "milk", + "spring onions", + "carrots", + "snow peas", + "sweet chili sauce", + "large eggs", + "oil", + "coconut milk", + "tumeric", + "baking soda", + "salt", + "beansprouts", + "fresh coriander", + "flour", + "oyster sauce", + "chicken fillets" + ] + }, + { + "id": 49131, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "fresh mint", + "tomatoes", + "crushed red pepper flakes", + "pasta", + "ground black pepper", + "natural pistachios", + "olive oil", + "garlic" + ] + }, + { + "id": 19713, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "sweet corn kernels", + "salsa", + "onions", + "ground cumin", + "spinach", + "ground black pepper", + "coarse salt", + "nonstick spray", + "olives", + "tomato paste", + "chopped tomatoes", + "chili powder", + "juice", + "chopped cilantro fresh", + "minced garlic", + "flour tortillas", + "frozen corn", + "sour cream", + "monterey jack" + ] + }, + { + "id": 6746, + "cuisine": "italian", + "ingredients": [ + "eggs", + "butter", + "salt", + "white sugar", + "warm water", + "raisins", + "grated lemon zest", + "dried currants", + "all purpose unbleached flour", + "nonfat yogurt plain", + "active dry yeast", + "vanilla extract", + "confectioners sugar" + ] + }, + { + "id": 25459, + "cuisine": "italian", + "ingredients": [ + "parsley", + "extra-virgin olive oil", + "freshly ground pepper", + "chives", + "red wine vinegar", + "garlic", + "tarragon", + "shallots", + "cook egg hard", + "salt", + "egg yolks", + "vegetable oil", + "cornichons", + "fresh lemon juice" + ] + }, + { + "id": 33814, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chili powder", + "cayenne pepper", + "fresh lime juice", + "low-fat sour cream", + "olive oil", + "cilantro", + "garlic cloves", + "cumin", + "avocado", + "honey", + "napa cabbage", + "tilapia", + "chopped cilantro", + "slaw", + "ground black pepper", + "salt", + "corn tortillas", + "mango" + ] + }, + { + "id": 47532, + "cuisine": "southern_us", + "ingredients": [ + "seasoned bread crumbs", + "paprika", + "boneless skinless chicken breast halves", + "garlic powder", + "all-purpose flour", + "milk", + "salt", + "eggs", + "ground black pepper", + "oil" + ] + }, + { + "id": 17006, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic", + "fresh green bean", + "vegetable oil", + "oyster sauce", + "red chili peppers", + "ginger" + ] + }, + { + "id": 4650, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "chicken breasts", + "fresh ginger root", + "honey", + "minced garlic", + "ground black pepper" + ] + }, + { + "id": 33753, + "cuisine": "filipino", + "ingredients": [ + "brown sugar", + "white sugar", + "preserves", + "white rice", + "cold water", + "coconut milk" + ] + }, + { + "id": 14125, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "powdered sugar", + "crushed ice", + "simple syrup", + "coffee", + "fresh mint" + ] + }, + { + "id": 709, + "cuisine": "mexican", + "ingredients": [ + "sesame seeds", + "long grain white rice", + "reduced sodium chicken broth", + "mole poblano", + "salt", + "water", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 8432, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "chicken breasts", + "diced tomatoes", + "yellow onion", + "chopped garlic", + "chicken broth", + "flour tortillas", + "vegetable oil", + "all-purpose flour", + "pinto beans", + "pepper jack", + "chili powder", + "cilantro leaves", + "cayenne pepper", + "iceberg lettuce", + "lime", + "jalapeno chilies", + "red wine vinegar", + "salsa", + "sour cream" + ] + }, + { + "id": 23763, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "salt", + "ground cayenne pepper", + "ground nutmeg", + "ground coriander", + "ground cumin", + "ground cloves", + "ground allspice", + "ground turmeric", + "ground ginger", + "ground black pepper", + "ground white pepper" + ] + }, + { + "id": 44286, + "cuisine": "chinese", + "ingredients": [ + "chicken wings", + "salt", + "spring onions", + "ground pepper", + "oil", + "spices" + ] + }, + { + "id": 1517, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salsa", + "ground beef", + "chili powder", + "corn tortillas", + "milk", + "carrots", + "peas", + "tomato soup" + ] + }, + { + "id": 35640, + "cuisine": "chinese", + "ingredients": [ + "ground chuck", + "sesame oil", + "hot water", + "soy sauce", + "all-purpose flour", + "warm water", + "sweet bean paste", + "garlic chives", + "peeled fresh ginger", + "peanut oil" + ] + }, + { + "id": 42237, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "boneless skinless chicken breasts", + "fresh mushrooms", + "zucchini", + "all-purpose flour", + "italian salad dressing", + "garlic powder", + "salt", + "onions", + "pepper", + "vegetable oil", + "red bell pepper" + ] + }, + { + "id": 36659, + "cuisine": "southern_us", + "ingredients": [ + "tea bags", + "ice cubes", + "lemon slices", + "water" + ] + }, + { + "id": 13791, + "cuisine": "japanese", + "ingredients": [ + "chicken stock", + "mirin", + "soy sauce", + "vegetable oil", + "sake", + "boneless skinless chicken breasts", + "light brown sugar", + "kosher salt", + "scallions" + ] + }, + { + "id": 26350, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "red chili peppers", + "coriander seeds", + "cinnamon", + "lamb shoulder", + "coriander", + "mint", + "fresh ginger", + "yoghurt", + "paprika", + "salt", + "black peppercorns", + "coconut", + "whole cloves", + "red pepper", + "purple onion", + "tumeric", + "chopped tomatoes", + "vegetable oil", + "garlic", + "chillies" + ] + }, + { + "id": 49418, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "dried shiitake mushrooms", + "sliced shallots", + "brown sugar", + "green beans", + "thai green curry paste", + "fish sauce", + "firm tofu", + "fresh lime juice", + "unsweetened coconut milk", + "vegetable oil", + "red bell pepper" + ] + }, + { + "id": 39113, + "cuisine": "japanese", + "ingredients": [ + "wasabi paste", + "cucumber", + "avocado", + "water", + "sushi rice", + "nori", + "smoked salmon", + "rice vinegar" + ] + }, + { + "id": 6567, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "coriander seeds", + "boneless skinless chicken breasts", + "turmeric root", + "dried red chile peppers", + "mace", + "tamarind juice", + "vegetable oil", + "roasted peanuts", + "cumin", + "water", + "lemon grass", + "shrimp paste", + "garlic", + "galangal", + "fresh ginger", + "palm sugar", + "shallots", + "salt", + "ground turmeric" + ] + }, + { + "id": 16513, + "cuisine": "cajun_creole", + "ingredients": [ + "small red beans", + "dried thyme", + "garlic", + "long grain white rice", + "water", + "bay leaves", + "ham hock", + "celery ribs", + "turkey legs", + "ground red pepper", + "onions", + "pepper", + "bell pepper", + "salt", + "dried oregano" + ] + }, + { + "id": 17680, + "cuisine": "italian", + "ingredients": [ + "cheddar cheese", + "butter oil", + "penne", + "gruyere cheese", + "chile powder", + "sauce" + ] + }, + { + "id": 35368, + "cuisine": "mexican", + "ingredients": [ + "cooked rice", + "pumpkinseed kernels", + "salt", + "chopped cilantro fresh", + "ground black pepper", + "tomatillos", + "onions", + "ground cumin", + "fat free less sodium chicken broth", + "vegetable oil", + "garlic cloves", + "serrano chile", + "ground cinnamon", + "cooking spray", + "romaine lettuce leaves", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 35574, + "cuisine": "mexican", + "ingredients": [ + "soy sauce", + "corn tortillas", + "hot salsa", + "canned beef broth", + "chopped cilantro fresh", + "olive oil", + "fresh lime juice", + "chuck", + "dark brown sugar", + "chopped garlic" + ] + }, + { + "id": 32331, + "cuisine": "chinese", + "ingredients": [ + "honey", + "rice vinegar", + "soy sauce", + "fresh ginger root", + "olive oil", + "water", + "garlic" + ] + }, + { + "id": 34548, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "butter", + "fresh parsley", + "tomatoes", + "pitted black olives", + "corn starch", + "capers", + "chopped onion", + "eggs", + "macaroni", + "red bell pepper" + ] + }, + { + "id": 30751, + "cuisine": "mexican", + "ingredients": [ + "water", + "mexicorn", + "fresh parsley", + "eggs", + "pepperidge farm puff pastry", + "mixed greens", + "cooked chicken", + "Pace Picante Sauce", + "bread crumb fresh", + "colby jack cheese", + "sour cream" + ] + }, + { + "id": 40595, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "ground black pepper", + "cooking spray", + "garlic cloves", + "fresh parmesan cheese", + "large eggs", + "salt", + "onions", + "olive oil", + "dijon mustard", + "1% low-fat milk", + "fresh parsley", + "whole wheat bread toasted", + "ground nutmeg", + "broccoli florets", + "reduced fat swiss cheese" + ] + }, + { + "id": 44535, + "cuisine": "italian", + "ingredients": [ + "salt", + "olive oil", + "instant yeast", + "all-purpose flour" + ] + }, + { + "id": 4129, + "cuisine": "japanese", + "ingredients": [ + "lemongrass", + "garlic", + "canola oil", + "chicken broth", + "red pepper flakes", + "shrimp", + "miso paste", + "freshly ground pepper", + "kosher salt", + "cilantro", + "noodles" + ] + }, + { + "id": 13844, + "cuisine": "thai", + "ingredients": [ + "tamarind water", + "rice noodles", + "pressed tofu", + "medium shrimp", + "garlic chives", + "large eggs", + "dried Thai chili", + "Thai fish sauce", + "radishes", + "vegetable oil", + "tamarind paste", + "peanuts", + "lime wedges", + "simple syrup", + "beansprouts" + ] + }, + { + "id": 7557, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "dry bread crumbs", + "fresh lemon juice", + "fillet red snapper", + "salt", + "lemon rind", + "fontina cheese", + "butter", + "cream cheese", + "milk", + "all-purpose flour", + "freshly ground pepper" + ] + }, + { + "id": 27607, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "garlic", + "okra", + "onions", + "olive oil", + "green pepper", + "smoked paprika", + "oregano", + "crushed tomatoes", + "salt", + "thyme", + "marjoram", + "vegetable broth", + "frozen corn kernels", + "ground cayenne pepper" + ] + }, + { + "id": 18787, + "cuisine": "chinese", + "ingredients": [ + "minced ginger", + "ground pork", + "corn starch", + "sugar", + "eggplant", + "salt", + "Doubanjiang", + "light soy sauce", + "thai chile", + "chinkiang vinegar", + "minced garlic", + "Shaoxing wine", + "peanut oil" + ] + }, + { + "id": 7727, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "guajillo chiles", + "seeds", + "salt", + "ancho chile pepper", + "unsweetened cocoa powder", + "chicken broth", + "ground cloves", + "cayenne", + "garlic", + "lard", + "masa harina", + "pecans", + "sesame seeds", + "turkey", + "ground allspice", + "dried cranberries", + "dried cornhusks", + "crushed tomatoes", + "vegetable oil", + "yellow onion", + "corn tortillas" + ] + }, + { + "id": 38515, + "cuisine": "italian", + "ingredients": [ + "baguette", + "large garlic cloves", + "bâtarde", + "burrata", + "mostarda", + "escarole", + "ground black pepper", + "extra-virgin olive oil", + "applewood smoked bacon", + "kosher salt", + "red wine vinegar", + "bread slices" + ] + }, + { + "id": 37796, + "cuisine": "korean", + "ingredients": [ + "green onions", + "ginger", + "daikon", + "red radishes", + "napa cabbage", + "garlic cloves", + "gochugaru", + "sea salt", + "carrots" + ] + }, + { + "id": 22561, + "cuisine": "japanese", + "ingredients": [ + "sea salt", + "dashi kombu", + "uni" + ] + }, + { + "id": 35220, + "cuisine": "french", + "ingredients": [ + "extra-virgin olive oil", + "egg yolks", + "lemon juice", + "garlic", + "ground black pepper", + "salt" + ] + }, + { + "id": 18504, + "cuisine": "french", + "ingredients": [ + "mussels", + "orange", + "fennel bulb", + "salt", + "plum tomatoes", + "baguette", + "prosciutto", + "heavy cream", + "bay leaf", + "tumeric", + "olive oil", + "dry white wine", + "celery", + "water", + "ground black pepper", + "garlic", + "onions" + ] + }, + { + "id": 20342, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "egg yolks", + "sea salt", + "ground black pepper", + "butter", + "onions", + "parmesan cheese", + "vegetable stock", + "risotto rice", + "white wine", + "fresh thyme", + "lemon" + ] + }, + { + "id": 8854, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "worcestershire sauce", + "long-grain rice", + "celery ribs", + "water", + "hot sauce", + "red bell pepper", + "pepper sauce", + "red beans", + "chopped onion", + "tomato sauce", + "smoked sausage", + "garlic cloves" + ] + }, + { + "id": 25002, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "ground black pepper", + "salt", + "ground cumin", + "red lentils", + "ground cloves", + "chili powder", + "ground cardamom", + "tumeric", + "cayenne", + "ground coriander", + "chicken broth", + "water", + "vegetable oil", + "onions" + ] + }, + { + "id": 36460, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "prepared guacamole", + "ground cumin", + "chili powder", + "sour cream", + "ground black pepper", + "pork loin chops", + "kosher salt", + "extra-virgin olive oil", + "garlic salt" + ] + }, + { + "id": 24421, + "cuisine": "brazilian", + "ingredients": [ + "baguette", + "coffee", + "milk", + "ham", + "orange", + "chocolate", + "bananas", + "white cheese" + ] + }, + { + "id": 45478, + "cuisine": "southern_us", + "ingredients": [ + "pie crust", + "ground nutmeg", + "butter", + "sweetened condensed milk", + "orange", + "large eggs", + "all-purpose flour", + "pecans", + "granulated sugar", + "vanilla extract", + "evaporated milk", + "sweet potatoes", + "dark brown sugar" + ] + }, + { + "id": 17329, + "cuisine": "italian", + "ingredients": [ + "vine tomatoes", + "fresh basil", + "garlic", + "pepper", + "salt", + "olive oil", + "spaghetti" + ] + }, + { + "id": 45320, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "fat free greek yogurt", + "salt", + "onions", + "yogurt dressing", + "ginger", + "sweet corn", + "Madras curry powder", + "tumeric", + "sunflower oil", + "green pepper", + "coriander", + "red lentils", + "potatoes", + "garlic", + "cumin seed", + "ground cumin" + ] + }, + { + "id": 34694, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "kosher salt", + "scallions", + "white vinegar", + "soy sauce", + "firm tofu", + "bamboo shoots", + "pork", + "dried shiitake mushrooms", + "ground white pepper", + "eggs", + "sesame oil", + "corn starch" + ] + }, + { + "id": 43677, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "potatoes", + "salt", + "urad dal split", + "onions", + "tumeric", + "red pepper", + "fenugreek seeds", + "mustard seeds", + "green chile", + "vegetable oil", + "cilantro leaves", + "garlic cloves", + "asafetida", + "short-grain rice", + "ginger", + "cumin seed", + "ghee" + ] + }, + { + "id": 2441, + "cuisine": "british", + "ingredients": [ + "sugar", + "salt", + "self rising flour", + "eggs", + "margarine" + ] + }, + { + "id": 21621, + "cuisine": "brazilian", + "ingredients": [ + "minced garlic", + "dende oil", + "cilantro leaves", + "fresh lime juice", + "tomato paste", + "fish stock", + "salt", + "coconut milk", + "olive oil", + "white rice", + "grouper", + "onions", + "sliced tomatoes", + "chile pepper", + "garlic", + "lemon juice" + ] + }, + { + "id": 34806, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "white onion", + "sea salt", + "olive oil", + "starchy potatoes", + "unsalted butter" + ] + }, + { + "id": 11653, + "cuisine": "french", + "ingredients": [ + "ground nutmeg", + "low salt chicken broth", + "bacon slices", + "onions", + "sugar", + "whipping cream", + "long grain white rice", + "sliced carrots", + "fresh parsley" + ] + }, + { + "id": 15260, + "cuisine": "thai", + "ingredients": [ + "jasmine rice", + "honey", + "chile pepper", + "fresh cilantro", + "sea scallops", + "orange juice", + "pepper", + "olive oil", + "salt", + "fish sauce", + "papaya", + "lemon grass", + "fresh basil leaves" + ] + }, + { + "id": 48036, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "cooked chicken", + "diced tomatoes", + "garlic cloves", + "arrowroot", + "whole wheat tortillas", + "salt", + "monterey jack", + "low sodium chicken broth", + "shallots", + "cilantro", + "smoked paprika", + "avocado", + "yoghurt", + "grapeseed oil", + "green chilies" + ] + }, + { + "id": 266, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "evaporated milk", + "apples", + "onions", + "tomato sauce", + "beef stock", + "enchilada sauce", + "eggs", + "olive oil", + "raisins", + "pepitas", + "cheddar cheese", + "flour", + "cooked meat", + "monterey jack" + ] + }, + { + "id": 28388, + "cuisine": "mexican", + "ingredients": [ + "butter", + "confectioners sugar", + "salt", + "vanilla extract", + "ground cinnamon", + "all-purpose flour" + ] + }, + { + "id": 1291, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "minced garlic", + "tomato sauce", + "diced tomatoes", + "extra lean ground beef", + "onions", + "green bell pepper", + "pepper", + "italian seasoning" + ] + }, + { + "id": 46781, + "cuisine": "chinese", + "ingredients": [ + "large egg whites", + "bread flour", + "vanilla extract", + "sugar" + ] + }, + { + "id": 31060, + "cuisine": "moroccan", + "ingredients": [ + "ground nutmeg", + "ground allspice", + "salmon fillets", + "mustard powder", + "ground cumin", + "ground cinnamon", + "cayenne pepper", + "white sugar", + "ground ginger", + "salt", + "fresh lime juice" + ] + }, + { + "id": 25438, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "sun-dried tomatoes", + "toasted pine nuts", + "basil pesto sauce", + "fusilli", + "corn starch", + "fresh basil", + "grated parmesan cheese", + "feta cheese crumbles", + "olive oil", + "garlic", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 28649, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "shallots", + "red pepper", + "freshly ground pepper", + "galangal", + "lime", + "turmeric root", + "garlic", + "chillies", + "kaffir lime leaves", + "mushrooms", + "cilantro root", + "buckwheat noodles", + "curry paste", + "lemongrass", + "vegetable stock", + "red preserved bean curd", + "coconut milk", + "kaffir lime" + ] + }, + { + "id": 25215, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "tea bags", + "mint sprigs", + "lemon", + "water" + ] + }, + { + "id": 1774, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "garlic cloves", + "pinenuts", + "extra-virgin olive oil", + "water", + "salt", + "ground black pepper", + "fresh mint" + ] + }, + { + "id": 15293, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "feta cheese crumbles", + "eggs", + "olive oil", + "onions", + "frozen chopped spinach", + "cottage cheese", + "sour cream", + "phyllo dough", + "ground black pepper" + ] + }, + { + "id": 47223, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "balsamic vinegar", + "strawberries", + "cranberries", + "jicama", + "navel oranges", + "freshly ground pepper", + "ground red pepper", + "pecorino romano cheese", + "orange juice", + "dried cranberries", + "shallots", + "salt", + "mixed greens" + ] + }, + { + "id": 28104, + "cuisine": "mexican", + "ingredients": [ + "frozen limeade", + "agave nectar", + "silver tequila", + "kosher salt", + "crushed ice", + "triple sec" + ] + }, + { + "id": 48643, + "cuisine": "italian", + "ingredients": [ + "mayonaise", + "sour cream", + "garlic", + "italian seasoning", + "New York Style Panetini® toasts", + "smoked gouda", + "italian sausage", + "sharp cheddar cheese" + ] + }, + { + "id": 29525, + "cuisine": "mexican", + "ingredients": [ + "lime", + "plum tomatoes", + "purple onion", + "poblano", + "kosher salt", + "chopped cilantro fresh" + ] + }, + { + "id": 9814, + "cuisine": "indian", + "ingredients": [ + "crushed tomatoes", + "heavy cream", + "salt", + "onions", + "tomato paste", + "chicken breasts", + "ginger", + "ground coriander", + "ground cumin", + "sugar", + "vegetable oil", + "garlic", + "greek yogurt", + "garam masala", + "cilantro", + "cayenne pepper", + "serrano chile" + ] + }, + { + "id": 29324, + "cuisine": "indian", + "ingredients": [ + "ground coriander", + "ground ginger", + "ground turmeric", + "mustard seeds", + "crushed red pepper flakes", + "ground cumin" + ] + }, + { + "id": 15439, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "carrots", + "garlic powder", + "broccoli", + "cabbage", + "soy sauce", + "rice vinegar", + "onions", + "brown rice", + "green pepper" + ] + }, + { + "id": 30006, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "garlic cloves", + "mayonaise", + "fresh lemon juice", + "olive oil" + ] + }, + { + "id": 746, + "cuisine": "mexican", + "ingredients": [ + "picante sauce", + "cooking spray", + "ground cumin", + "frozen whole kernel corn", + "garlic salt", + "fresh cilantro", + "chipotle chile powder", + "pork tenderloin", + "sliced green onions" + ] + }, + { + "id": 44354, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "garlic cloves", + "ketchup", + "salt", + "ginger root", + "sugar", + "vegetable oil", + "corn starch", + "water", + "rice vinegar" + ] + }, + { + "id": 17728, + "cuisine": "southern_us", + "ingredients": [ + "water", + "cream cheese", + "vegetable oil", + "sugar", + "refrigerated piecrusts", + "dried apricot" + ] + }, + { + "id": 3565, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "active dry yeast", + "boneless chicken breast", + "salt", + "carrots", + "soy sauce", + "olive oil", + "chili oil", + "all-purpose flour", + "toasted sesame seeds", + "mozzarella cheese", + "fresh ginger", + "paprika", + "peanut butter", + "chopped cilantro fresh", + "warm water", + "honey", + "green onions", + "rice vinegar", + "black tea" + ] + }, + { + "id": 6382, + "cuisine": "mexican", + "ingredients": [ + "egg substitute", + "non-fat sour cream", + "green onions", + "hot sauce", + "Mexican cheese blend", + "salsa", + "vegetable oil cooking spray", + "wheat", + "pork sausages" + ] + }, + { + "id": 38187, + "cuisine": "italian", + "ingredients": [ + "roast turkey", + "giardiniera", + "ciabatta roll", + "olive oil", + "provolone cheese" + ] + }, + { + "id": 4391, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "olive oil", + "butter", + "fresh coriander", + "sweet potatoes", + "chopped fresh mint", + "prunes", + "clear honey", + "carrots", + "ground ginger", + "pearl onions", + "vegetable stock" + ] + }, + { + "id": 7799, + "cuisine": "southern_us", + "ingredients": [ + "lime rind", + "tomatillos", + "fresh lime juice", + "olive oil", + "okra", + "sweet onion", + "salt", + "chopped cilantro fresh", + "vegetable oil cooking spray", + "ground pepper", + "garlic cloves" + ] + }, + { + "id": 5310, + "cuisine": "vietnamese", + "ingredients": [ + "fresh cilantro", + "shallots", + "garlic cloves", + "chicken broth", + "olive oil", + "salt", + "ground turkey", + "lime", + "purple onion", + "fresh mint", + "lemongrass", + "fresh ginger", + "freshly ground pepper", + "asian fish sauce" + ] + }, + { + "id": 8594, + "cuisine": "greek", + "ingredients": [ + "sweet onion", + "zucchini", + "fresh mint", + "salt and ground black pepper", + "all-purpose flour", + "olive oil", + "potatoes", + "eggs", + "feta cheese", + "dry bread crumbs" + ] + }, + { + "id": 40286, + "cuisine": "british", + "ingredients": [ + "large eggs", + "salt", + "sugar", + "all purpose unbleached flour", + "stilton cheese", + "cream of tartar", + "baking powder", + "sharp cheddar cheese", + "unsalted butter", + "buttermilk" + ] + }, + { + "id": 2020, + "cuisine": "indian", + "ingredients": [ + "flaked coconut", + "curry powder", + "cream cheese, soften", + "green onions", + "deveined shrimp" + ] + }, + { + "id": 7341, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "flour", + "sour cream", + "eggs", + "cajun seasoning", + "chicken breasts", + "cornmeal" + ] + }, + { + "id": 6959, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "swordfish", + "salt", + "extra-virgin olive oil", + "tomatoes", + "yellow onion" + ] + }, + { + "id": 9115, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "olive oil", + "butter", + "fat free less sodium chicken broth", + "ground nutmeg", + "yellow onion", + "water", + "ground black pepper", + "champagne", + "parmigiano-reggiano cheese", + "radicchio", + "salt" + ] + }, + { + "id": 8071, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "fresh lemon", + "orzo", + "brown lentils", + "fresh mint", + "tomato paste", + "ground black pepper", + "sea salt", + "chickpeas", + "smoked paprika", + "ground cumin", + "celery ribs", + "olive oil", + "red pepper flakes", + "yellow onion", + "fresh parsley leaves", + "saffron", + "ground cinnamon", + "cilantro stems", + "garlic", + "ground coriander", + "greens" + ] + }, + { + "id": 45137, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "monterey jack", + "lime", + "scallions", + "soft goat's cheese", + "cooked chicken", + "mushroom caps", + "chopped cilantro" + ] + }, + { + "id": 4507, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "salt", + "bacon", + "pepper", + "tortilla chips", + "cheese" + ] + }, + { + "id": 17088, + "cuisine": "british", + "ingredients": [ + "pepper", + "salt", + "ground beef", + "worcestershire sauce", + "yellow onion", + "cheddar cheese", + "peas", + "bay leaf", + "baking potatoes", + "margarine" + ] + }, + { + "id": 13898, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "green chilies", + "coriander", + "red chili powder", + "cilantro leaves", + "garlic cloves", + "tomatoes", + "bay leaves", + "gingerroot", + "ground turmeric", + "olive oil", + "chickpeas", + "onions" + ] + }, + { + "id": 19769, + "cuisine": "chinese", + "ingredients": [ + "savoy cabbage", + "white pepper", + "loin pork roast", + "chinese five-spice powder", + "eggs", + "shredded carrots", + "peanut oil", + "celery", + "green cabbage", + "egg roll wrappers", + "salt", + "oil", + "sugar", + "sesame oil", + "scallions", + "cooked shrimp" + ] + }, + { + "id": 44231, + "cuisine": "indian", + "ingredients": [ + "frozen vegetables", + "sunflower oil", + "basmati rice", + "mango chutney", + "curry paste", + "red lentils", + "vegetable stock", + "onions", + "tumeric", + "raisins", + "poppadoms" + ] + }, + { + "id": 36035, + "cuisine": "korean", + "ingredients": [ + "ground cinnamon", + "soy sauce", + "raisins", + "brown sugar", + "water", + "salt", + "chestnuts", + "pinenuts", + "jujube", + "sweet rice", + "sesame oil", + "walnuts" + ] + }, + { + "id": 32067, + "cuisine": "moroccan", + "ingredients": [ + "crushed tomatoes", + "spices", + "chickpeas", + "celery", + "saffron", + "tumeric", + "olive oil", + "lemon", + "garlic cloves", + "onions", + "ground ginger", + "fresh cilantro", + "cinnamon", + "sweet paprika", + "fresh parsley", + "water", + "vermicelli", + "salt", + "lentils", + "cumin" + ] + }, + { + "id": 32128, + "cuisine": "southern_us", + "ingredients": [ + "water", + "puff pastry", + "unsalted butter", + "sugar", + "egg yolks", + "peaches" + ] + }, + { + "id": 40334, + "cuisine": "italian", + "ingredients": [ + "ground pepper", + "garlic", + "butternut squash", + "half & half", + "rubbed sage", + "olive oil", + "coarse salt" + ] + }, + { + "id": 15167, + "cuisine": "mexican", + "ingredients": [ + "low sodium chicken broth", + "long grain white rice", + "white onion", + "vegetable oil", + "kosher salt", + "garlic cloves", + "roma tomatoes", + "bay leaf" + ] + }, + { + "id": 2661, + "cuisine": "italian", + "ingredients": [ + "penne", + "broccoli florets", + "olive oil", + "salt", + "roasted red peppers", + "fresh parsley", + "hot red pepper flakes", + "sweet turkey sausage" + ] + }, + { + "id": 41802, + "cuisine": "mexican", + "ingredients": [ + "lime", + "vegetable oil", + "flour tortillas", + "cayenne pepper", + "pepper jack", + "prepar salsa", + "serrano peppers" + ] + }, + { + "id": 10823, + "cuisine": "greek", + "ingredients": [ + "chicken broth", + "lemon", + "pepper", + "garlic cloves", + "red potato", + "salt", + "olive oil", + "dried oregano" + ] + }, + { + "id": 15919, + "cuisine": "greek", + "ingredients": [ + "chicken bouillon granules", + "ground nutmeg", + "marjoram", + "dried thyme", + "sea salt", + "dried oregano", + "ground cinnamon", + "onion powder", + "dried parsley", + "garlic powder", + "cracked black pepper" + ] + }, + { + "id": 32392, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "anchovies", + "dried shiitake mushrooms", + "coriander", + "tofu", + "minced garlic", + "marinade", + "pork shoulder", + "dried kelp", + "green onions", + "Gochujang base", + "broth", + "stew", + "water", + "red pepper flakes", + "onions" + ] + }, + { + "id": 36358, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "fennel bulb", + "fronds", + "fresh parsley", + "minced garlic", + "fresh lemon juice", + "chicken stock", + "olive oil", + "grated lemon peel" + ] + }, + { + "id": 4515, + "cuisine": "cajun_creole", + "ingredients": [ + "diced onions", + "smoked sausage", + "shrimp", + "crushed tomatoes", + "rice", + "chicken broth", + "chopped celery", + "chicken", + "cajun seasoning", + "carrots" + ] + }, + { + "id": 23095, + "cuisine": "southern_us", + "ingredients": [ + "dijon mustard", + "freshly ground pepper", + "shredded coleslaw mix", + "salt", + "gala apples", + "mayonaise", + "bacon slices", + "lemon juice", + "olive oil", + "hot sauce" + ] + }, + { + "id": 15976, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "minced ginger", + "vegetable oil", + "sirloin", + "ground black pepper", + "corn starch", + "minced garlic", + "mirin", + "toasted sesame oil", + "brown sugar", + "honey", + "salt" + ] + }, + { + "id": 24284, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken breasts", + "jambalaya rice mix", + "smoked sausage", + "chicken broth", + "rotelle", + "pepper", + "salt" + ] + }, + { + "id": 21060, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "black beans", + "garlic", + "ground cumin", + "chiles", + "lime wedges", + "yellow onion", + "avocado", + "cotija", + "vegetable oil", + "corn tortillas", + "eggs", + "peeled tomatoes", + "cilantro leaves" + ] + }, + { + "id": 41290, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper", + "capers", + "ground black pepper", + "flat leaf parsley", + "salt and ground black pepper", + "salt", + "pitted black olives", + "garlic", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 49505, + "cuisine": "italian", + "ingredients": [ + "fontina", + "parmesan cheese", + "saffron", + "chicken stock", + "white wine", + "salt", + "arborio rice", + "bread crumbs", + "flour", + "canola oil", + "eggs", + "olive oil", + "onions" + ] + }, + { + "id": 36572, + "cuisine": "brazilian", + "ingredients": [ + "pinenuts", + "sliced black olives", + "orange zest", + "olive oil", + "salt", + "brown sugar", + "garlic powder", + "brown basmati rice", + "water", + "chili powder" + ] + }, + { + "id": 174, + "cuisine": "japanese", + "ingredients": [ + "green chilies", + "mustard seeds", + "red chili powder", + "cumin seed", + "coriander", + "tomatoes", + "okra", + "onions", + "salt", + "oil", + "ground turmeric" + ] + }, + { + "id": 48713, + "cuisine": "french", + "ingredients": [ + "vanilla ice cream", + "quick-cooking oats", + "almond paste", + "peaches", + "all-purpose flour", + "ground cardamom", + "slivered almonds", + "butter", + "fresh lemon juice", + "light brown sugar", + "granulated sugar", + "grated lemon zest" + ] + }, + { + "id": 7897, + "cuisine": "chinese", + "ingredients": [ + "grated orange", + "vanilla ice cream", + "mandarin oranges" + ] + }, + { + "id": 20977, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "refrigerated piecrusts", + "freshly ground pepper", + "half & half", + "white cheddar cheese", + "grated parmesan cheese", + "bacon slices", + "plum tomatoes", + "cooked turkey", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 45413, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "water", + "salt", + "ground ginger", + "unflavored gelatin", + "ground nutmeg", + "white sugar", + "ground cinnamon", + "pastry", + "pumpkin", + "single crust pie", + "evaporated milk", + "ground allspice" + ] + }, + { + "id": 14700, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil", + "purple onion", + "cider vinegar", + "cajun seasoning", + "whole grain roll", + "catfish fillets", + "slaw mix", + "salt", + "hot pepper sauce", + "sweet pepper", + "fat-free mayonnaise" + ] + }, + { + "id": 37619, + "cuisine": "mexican", + "ingredients": [ + "butter", + "cumin", + "ground black pepper", + "rice", + "lime", + "salt", + "low sodium chicken broth", + "chopped cilantro" + ] + }, + { + "id": 42463, + "cuisine": "italian", + "ingredients": [ + "polenta", + "fresh raspberries", + "maple syrup", + "vegetable oil" + ] + }, + { + "id": 27399, + "cuisine": "irish", + "ingredients": [ + "onions", + "water", + "corned beef", + "chicken broth", + "cabbage", + "carrots" + ] + }, + { + "id": 24007, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "olive oil", + "grated parmesan cheese", + "salt", + "white sugar", + "tomato sauce", + "ground nutmeg", + "garlic", + "dried parsley", + "dried basil", + "ground black pepper", + "Corn Flakes Cereal", + "garlic salt", + "eggs", + "chopped tomatoes", + "red wine", + "meatloaf", + "dried oregano" + ] + }, + { + "id": 29305, + "cuisine": "jamaican", + "ingredients": [ + "olive oil", + "chicken breasts", + "pineapple", + "coconut rum", + "blood orange", + "fresh thyme", + "cinnamon", + "garlic", + "allspice", + "chiles", + "fresh ginger", + "pomegranate molasses", + "cilantro", + "grapefruit", + "lime", + "green onions", + "Cara Cara orange", + "salt" + ] + }, + { + "id": 46064, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "italian seasoned dry bread crumbs", + "mozzarella cheese", + "ricotta cheese", + "eggs", + "bertolli four chees rosa sauc", + "fresh basil leaves", + "ground black pepper", + "rigatoni or large tube pasta" + ] + }, + { + "id": 1819, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "garlic", + "oyster sauce", + "soy sauce", + "sesame oil", + "broccoli", + "flank steak", + "rice vinegar", + "corn starch", + "water", + "vegetable oil", + "dark brown sugar" + ] + }, + { + "id": 1639, + "cuisine": "southern_us", + "ingredients": [ + "boneless pork shoulder", + "salt", + "ground black pepper", + "buns", + "barbecue sauce" + ] + }, + { + "id": 17360, + "cuisine": "japanese", + "ingredients": [ + "chicken breast tenders", + "watercress", + "sliced green onions", + "low sodium soy sauce", + "mirin", + "rice vinegar", + "radishes", + "crushed red pepper", + "sugar", + "cooking spray", + "dark sesame oil" + ] + }, + { + "id": 19121, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "red pepper", + "ground ginger", + "sesame oil", + "green onions", + "garlic", + "brown sugar", + "lean ground beef" + ] + }, + { + "id": 29499, + "cuisine": "vietnamese", + "ingredients": [ + "fresh ginger", + "mint leaves", + "kirby cucumbers", + "garlic cloves", + "radishes", + "lime wedges", + "cilantro leaves", + "fresh lime juice", + "peanuts", + "meat", + "thai chile", + "carrots", + "sugar", + "jalapeno chilies", + "rice noodles", + "scallions", + "asian fish sauce" + ] + }, + { + "id": 10969, + "cuisine": "mexican", + "ingredients": [ + "low-fat sour cream", + "chili powder", + "garlic", + "corn flour", + "ground cumin", + "kosher salt", + "paprika", + "yellow onion", + "fresno chiles", + "boneless skinless chicken breasts", + "cracked black pepper", + "ground coriander", + "chipotles in adobo", + "white onion", + "vegetable oil", + "cilantro leaves", + "poblano chiles" + ] + }, + { + "id": 42512, + "cuisine": "greek", + "ingredients": [ + "orange", + "granulated sugar", + "vanilla extract", + "baking soda", + "baking powder", + "toasted walnuts", + "honey", + "large eggs", + "all-purpose flour", + "unsalted butter", + "coarse salt", + "greek yogurt" + ] + }, + { + "id": 41830, + "cuisine": "japanese", + "ingredients": [ + "miso paste", + "firm tofu", + "sweet chili sauce", + "ramen noodles", + "bok choy", + "eggs", + "green onions", + "oil", + "water", + "vegetable broth" + ] + }, + { + "id": 4978, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic", + "olive oil", + "cooking spray", + "dried oregano", + "fresh basil", + "marinara sauce", + "pepperoni", + "part-skim mozzarella cheese", + "chicken cutlets" + ] + }, + { + "id": 2790, + "cuisine": "irish", + "ingredients": [ + "ground ginger", + "butter", + "blackberries", + "water", + "rome apples", + "brown sugar", + "all-purpose flour", + "granulated sugar", + "lemon juice" + ] + }, + { + "id": 39242, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "fresh dill", + "cucumber", + "white vinegar", + "salt", + "large garlic cloves", + "greek yogurt" + ] + }, + { + "id": 6759, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "cocoa", + "all-purpose flour", + "vanilla", + "milk", + "white sugar" + ] + }, + { + "id": 44621, + "cuisine": "italian", + "ingredients": [ + "red wine vinegar", + "salt", + "plum tomatoes", + "lemon zest", + "extra-virgin olive oil", + "spaghettini", + "cherry tomatoes", + "basil", + "freshly ground pepper", + "crumbs", + "crushed red pepper", + "medium shrimp" + ] + }, + { + "id": 31666, + "cuisine": "southern_us", + "ingredients": [ + "barbecue sauce", + "cola soft drink", + "pork roast" + ] + }, + { + "id": 16588, + "cuisine": "italian", + "ingredients": [ + "broccoli rabe", + "garlic cloves", + "bread crumbs", + "extra-virgin olive oil", + "kosher salt", + "anchovy fillets", + "ground black pepper" + ] + }, + { + "id": 29762, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "salt", + "masa harina", + "catfish fillets", + "ground red pepper", + "hot sauce", + "ground black pepper", + "all-purpose flour", + "yellow corn meal", + "buttermilk", + "peanut oil" + ] + }, + { + "id": 13487, + "cuisine": "thai", + "ingredients": [ + "cooking spray", + "garlic cloves", + "sugar", + "salt", + "Sriracha", + "ground coriander", + "fish sauce", + "flank steak", + "fresh lime juice" + ] + }, + { + "id": 18471, + "cuisine": "japanese", + "ingredients": [ + "large eggs", + "soy sauce", + "vegetable oil", + "sugar", + "bonito flakes", + "water" + ] + }, + { + "id": 2156, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "dijon mustard", + "bone-in chicken breasts", + "flat leaf parsley", + "olive oil", + "cracked black pepper", + "garlic cloves", + "ground cumin", + "fennel seeds", + "ground black pepper", + "dry mustard", + "fresh mint", + "honey", + "mint sprigs", + "spanish paprika", + "serrano chile" + ] + }, + { + "id": 17196, + "cuisine": "italian", + "ingredients": [ + "mayonaise", + "garlic", + "boiling potatoes", + "fresh rosemary", + "olive oil", + "salt", + "swordfish steaks", + "wine vinegar", + "dried rosemary", + "capers", + "ground black pepper", + "fresh parsley" + ] + }, + { + "id": 2570, + "cuisine": "french", + "ingredients": [ + "hazelnuts", + "unsalted butter", + "warm water", + "instant espresso powder", + "cream of tartar", + "large egg whites", + "corn starch", + "sugar", + "large egg yolks" + ] + }, + { + "id": 28051, + "cuisine": "russian", + "ingredients": [ + "fresh spinach", + "egg yolks", + "salt", + "garlic cloves", + "onions", + "fresh dill", + "milk", + "vegetable oil", + "lemon rind", + "cream cheese, soften", + "pepper", + "mushrooms", + "all-purpose flour", + "lemon juice", + "salmon fillets", + "granulated sugar", + "butter", + "long-grain rice", + "sour cream" + ] + }, + { + "id": 24910, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "red bell pepper", + "bread", + "garlic", + "fresh cilantro", + "sweet paprika", + "chile pepper" + ] + }, + { + "id": 12276, + "cuisine": "italian", + "ingredients": [ + "pepper", + "hot water", + "pizza crust mix", + "part-skim mozzarella cheese", + "italian seasoning", + "yellow corn meal", + "turkey breakfast sausage", + "sliced mushrooms", + "tomato sauce", + "cooking spray" + ] + }, + { + "id": 20250, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "water", + "green onions", + "long grain white rice", + "red chili peppers", + "lemon grass", + "fresh mushrooms", + "bone-in chicken breast halves", + "base", + "chopped cilantro", + "fish sauce", + "chopped tomatoes", + "garlic" + ] + }, + { + "id": 23927, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "green tomatoes", + "garlic", + "sugar", + "russet potatoes", + "ground beef", + "collard greens", + "spices", + "purple onion", + "buns", + "old bay seasoning" + ] + }, + { + "id": 35832, + "cuisine": "italian", + "ingredients": [ + "eggs", + "dry white wine", + "all-purpose flour", + "brandy extract", + "ground nutmeg", + "heavy cream", + "frozen chopped spinach", + "ground black pepper", + "salt", + "pepper", + "ricotta cheese", + "crumbled gorgonzola" + ] + }, + { + "id": 30994, + "cuisine": "japanese", + "ingredients": [ + "chestnut mushrooms", + "pak choi", + "chicken stock", + "mentsuyu", + "spring onions", + "ginger root", + "udon", + "roasting chickens" + ] + }, + { + "id": 3406, + "cuisine": "italian", + "ingredients": [ + "pepperoni slices", + "italian seasoning", + "chees mozzarella stick", + "refrigerated crescent rolls", + "garlic salt" + ] + }, + { + "id": 5038, + "cuisine": "chinese", + "ingredients": [ + "water", + "vegetable oil", + "chili bean sauce", + "pepper", + "egg whites", + "pangasius", + "ground white pepper", + "fresh ginger root", + "napa cabbage", + "corn starch", + "minced garlic", + "szechwan peppercorns", + "cilantro", + "celery" + ] + }, + { + "id": 14825, + "cuisine": "greek", + "ingredients": [ + "frozen chopped spinach", + "water", + "carrots", + "celery ribs", + "lamb shanks", + "orzo", + "chicken broth", + "olive oil", + "bay leaf", + "fresh spinach", + "grated parmesan cheese", + "onions" + ] + }, + { + "id": 20184, + "cuisine": "filipino", + "ingredients": [ + "vegetable oil", + "lumpia wrappers", + "cheddar cheese" + ] + }, + { + "id": 49481, + "cuisine": "italian", + "ingredients": [ + "water", + "dry white wine", + "garlic cloves", + "parmigiano reggiano cheese", + "bulgur", + "olive oil", + "salt", + "fresh parsley", + "butternut squash", + "chopped fresh sage" + ] + }, + { + "id": 37210, + "cuisine": "irish", + "ingredients": [ + "ground pepper", + "onions", + "nutmeg", + "flour", + "unsalted butter", + "boiling potatoes", + "eggs", + "salt" + ] + }, + { + "id": 41511, + "cuisine": "indian", + "ingredients": [ + "clove", + "red chili peppers", + "coriander seeds", + "lemon juice", + "cumin", + "garlic paste", + "eggplant", + "peanut oil", + "coriander", + "curry leaves", + "peanuts", + "green chilies", + "onions", + "mustard", + "coconut", + "green cardamom", + "cinnamon sticks" + ] + }, + { + "id": 22916, + "cuisine": "italian", + "ingredients": [ + "robiola", + "truffle oil", + "dough", + "garlic" + ] + }, + { + "id": 21641, + "cuisine": "irish", + "ingredients": [ + "Baileys Irish Cream Liqueur", + "corn syrup", + "vanilla wafer crumbs", + "powdered sugar", + "chocolate chips" + ] + }, + { + "id": 18326, + "cuisine": "mexican", + "ingredients": [ + "corn tortillas", + "salt", + "oil" + ] + }, + { + "id": 42022, + "cuisine": "southern_us", + "ingredients": [ + "corn kernels", + "whipping cream", + "baking powder", + "all-purpose flour", + "large eggs", + "salt", + "sugar", + "butter" + ] + }, + { + "id": 13506, + "cuisine": "indian", + "ingredients": [ + "ground nutmeg", + "ground coriander", + "tumeric", + "cardamon", + "ground cinnamon", + "ground black pepper", + "ground cumin", + "ground cloves", + "ginger" + ] + }, + { + "id": 26897, + "cuisine": "russian", + "ingredients": [ + "fresh ginger", + "lavender", + "raspberries", + "whey", + "cinnamon sticks", + "cayenne", + "beets", + "water", + "stevia" + ] + }, + { + "id": 2141, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "salt", + "sesame oil", + "peanut oil", + "ground black pepper", + "firm tofu", + "soy sauce", + "garlic" + ] + }, + { + "id": 45900, + "cuisine": "chinese", + "ingredients": [ + "ground black pepper", + "broccoli", + "soy sauce", + "sirloin steak", + "corn starch", + "chinese rice wine", + "cooking oil", + "oyster sauce", + "fresh ginger", + "garlic", + "chinese black vinegar" + ] + }, + { + "id": 47279, + "cuisine": "italian", + "ingredients": [ + "butter", + "low salt chicken broth", + "grated parmesan cheese", + "orzo", + "chopped fresh thyme", + "whipping cream", + "bacon" + ] + }, + { + "id": 43718, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "anchovy fillets", + "fresh dill", + "scotch", + "kippered herring fillets", + "olive oil", + "cayenne pepper", + "shallots", + "fresh lemon juice" + ] + }, + { + "id": 15441, + "cuisine": "french", + "ingredients": [ + "fresh shiitake mushrooms", + "fresh herbs", + "olive oil", + "garlic cloves", + "ground cumin", + "baguette", + "shallots", + "fresh parsley", + "curry powder", + "butter", + "cashew nuts" + ] + }, + { + "id": 9507, + "cuisine": "thai", + "ingredients": [ + "coriander seeds", + "lesser galangal", + "galangal", + "sugar", + "shallots", + "lime leaves", + "coconut", + "garlic", + "fillets", + "fresh turmeric", + "lemon grass", + "shrimp" + ] + }, + { + "id": 8317, + "cuisine": "italian", + "ingredients": [ + "avocado", + "dijon mustard", + "garlic", + "ground black pepper", + "anchovy paste", + "capers", + "tuna steaks", + "salt", + "olive oil", + "Italian parsley leaves", + "lemon juice" + ] + }, + { + "id": 1145, + "cuisine": "indian", + "ingredients": [ + "red lentils", + "finely chopped onion", + "Bengali 5 Spice", + "dal", + "ground cumin", + "cauliflower", + "red chili peppers", + "diced tomatoes", + "ground coriander", + "frozen peas", + "chiles", + "zucchini", + "fine sea salt", + "chopped cilantro", + "chile powder", + "warm water", + "ginger", + "carrots", + "canola oil" + ] + }, + { + "id": 3343, + "cuisine": "italian", + "ingredients": [ + "milk chocolate", + "bittersweet chocolate", + "hazelnuts", + "hazelnut butter" + ] + }, + { + "id": 9111, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "oyster sauce", + "beef broth", + "dark soy sauce", + "corn starch" + ] + }, + { + "id": 6131, + "cuisine": "italian", + "ingredients": [ + "fat-free reduced-sodium chicken broth", + "prosciutto", + "garlic cloves", + "olive oil", + "cooked rigatoni", + "slivered almonds", + "grated parmesan cheese", + "fresh basil leaves", + "artichoke hearts", + "salt" + ] + }, + { + "id": 49474, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "lump crab meat", + "vegetable oil", + "all-purpose flour", + "bay leaf", + "celery ribs", + "habanero chile", + "dried thyme", + "garlic", + "freshly ground pepper", + "chicken stock", + "bottled clam juice", + "file powder", + "salt", + "red bell pepper", + "andouille sausage", + "oysters", + "worcestershire sauce", + "okra", + "onions" + ] + }, + { + "id": 38072, + "cuisine": "italian", + "ingredients": [ + "green onions", + "all-purpose flour", + "olive oil", + "old bay seasoning", + "condensed cream of potato soup", + "fettucine", + "butter", + "nonfat milk", + "garlic powder", + "salt", + "beef roast" + ] + }, + { + "id": 41019, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "buttermilk", + "cornmeal", + "eggs", + "hard cheese", + "smoked paprika", + "flour", + "corn starch", + "seasoning salt", + "green tomatoes", + "fleur de sel" + ] + }, + { + "id": 19509, + "cuisine": "french", + "ingredients": [ + "canned beef broth", + "boiling onions", + "Burgundy wine", + "mushrooms", + "bacon", + "cognac", + "tomato paste", + "large garlic cloves", + "dark brown sugar", + "chuck", + "chopped fresh thyme", + "all-purpose flour", + "carrots" + ] + }, + { + "id": 16806, + "cuisine": "chinese", + "ingredients": [ + "crisps", + "cooking oil", + "garlic", + "scallions", + "sugar", + "water", + "sesame oil", + "dried shiitake mushrooms", + "oyster sauce", + "white pepper", + "shallots", + "salt", + "yams", + "soy sauce", + "sweet soy sauce", + "ground pork", + "rice", + "dried shrimp" + ] + }, + { + "id": 26396, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "milk", + "fresh orange juice", + "grated orange", + "sugar", + "refrigerated piecrusts", + "all-purpose flour", + "cream sweeten whip", + "large eggs", + "salt", + "orange", + "butter", + "lemon juice" + ] + }, + { + "id": 30919, + "cuisine": "spanish", + "ingredients": [ + "unsalted butter", + "pecan halves", + "light brown sugar", + "apricot halves", + "dulce de leche" + ] + }, + { + "id": 46163, + "cuisine": "spanish", + "ingredients": [ + "finely chopped onion", + "light tuna packed in olive oil", + "frozen pastry puff sheets", + "capers", + "pimento stuffed green olives" + ] + }, + { + "id": 34312, + "cuisine": "french", + "ingredients": [ + "brandy", + "all-purpose flour", + "sugar", + "large eggs", + "salted butter", + "heavy whipping cream", + "frozen orange juice concentrate", + "plums" + ] + }, + { + "id": 41536, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "chayotes", + "salt", + "butter", + "onions", + "olive oil", + "fresh oregano" + ] + }, + { + "id": 1525, + "cuisine": "italian", + "ingredients": [ + "pepper", + "dry white wine", + "margarine", + "cold water", + "grated parmesan cheese", + "salt", + "dried tarragon leaves", + "half & half", + "all-purpose flour", + "minced onion", + "garlic" + ] + }, + { + "id": 37247, + "cuisine": "vietnamese", + "ingredients": [ + "eggs", + "Sriracha", + "cilantro", + "rice vinegar", + "water", + "sesame oil", + "vegetable broth", + "onions", + "soy sauce", + "roma tomatoes", + "ginger", + "scallions", + "celery salt", + "garlic powder", + "ramen noodles", + "garlic" + ] + }, + { + "id": 12108, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "pizza crust", + "feta cheese", + "mushrooms", + "cornmeal", + "italian sausage", + "pesto", + "active dry yeast", + "bell pepper", + "pepperoni", + "bread flour", + "sugar", + "mozzarella cheese", + "parmesan cheese", + "salt", + "onions", + "fresh basil", + "warm water", + "olive oil", + "wheels", + "ham" + ] + }, + { + "id": 8551, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "canola oil", + "self rising flour", + "eggs", + "lemon rind", + "milk" + ] + }, + { + "id": 13105, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "dark rum", + "grated orange", + "large egg yolks", + "Dutch-processed cocoa powder", + "large egg whites", + "1% low-fat milk", + "cooking spray", + "sweetened condensed milk" + ] + }, + { + "id": 43160, + "cuisine": "mexican", + "ingredients": [ + "clove", + "pork tenderloin", + "diced tomatoes", + "canola oil", + "tomato paste", + "jalapeno chilies", + "salt", + "ground cumin", + "whole wheat dough", + "raisins", + "dried oregano", + "ground cinnamon", + "chili powder", + "chopped onion" + ] + }, + { + "id": 48815, + "cuisine": "vietnamese", + "ingredients": [ + "fresh basil", + "lime", + "brown sugar", + "sparkling mineral water", + "dragon fruit", + "crushed ice", + "tangerine" + ] + }, + { + "id": 12516, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "green onions", + "cheese", + "taco seasoning", + "jasmine rice", + "extra-virgin olive oil", + "salt", + "taco shells", + "chicken breasts", + "black olives", + "taco toppings", + "lettuce", + "minced onion", + "vegetable broth", + "salsa" + ] + }, + { + "id": 16098, + "cuisine": "italian", + "ingredients": [ + "prebaked pizza crusts", + "shredded mozzarella cheese", + "loosely packed fresh basil leaves", + "ground black pepper", + "ham", + "tomatoes", + "hellmann' or best food real mayonnais" + ] + }, + { + "id": 11802, + "cuisine": "vietnamese", + "ingredients": [ + "green cabbage", + "garlic", + "cashew nuts", + "sugar", + "Japanese rice vinegar", + "fish sauce", + "salt", + "serrano chile", + "Vietnamese coriander", + "carrots" + ] + }, + { + "id": 17342, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "shallots", + "sour cream", + "garlic powder", + "low sodium chicken broth", + "cooked bacon", + "bacon salt", + "shredded carrots", + "baking potatoes", + "onions", + "ground black pepper", + "chopped fresh chives", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 7716, + "cuisine": "italian", + "ingredients": [ + "golden raisins", + "sugar", + "boiling onions", + "unsalted butter", + "bay leaf", + "flatbread", + "dry white wine" + ] + }, + { + "id": 12247, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "grated parmesan cheese", + "penne pasta", + "olive oil", + "vegetable broth", + "pinenuts", + "crushed red pepper flakes", + "sun-dried tomatoes", + "garlic" + ] + }, + { + "id": 7276, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "cherry tomatoes", + "pepper", + "pesto", + "spaghetti" + ] + }, + { + "id": 35337, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "ground veal", + "provolone cheese", + "italian seasoning", + "eggs", + "salami", + "garlic", + "ground beef", + "bread crumbs", + "butter", + "salt", + "onions", + "fennel seeds", + "pepper", + "ground pork", + "celery" + ] + }, + { + "id": 45783, + "cuisine": "greek", + "ingredients": [ + "water", + "freshly ground pepper", + "salt", + "large shrimp", + "extra-virgin olive oil", + "fresh lemon juice", + "pita bread", + "dill" + ] + }, + { + "id": 19087, + "cuisine": "thai", + "ingredients": [ + "fresh thyme", + "salted peanuts", + "lite coconut milk", + "chicken breasts", + "garlic cloves", + "coconut oil", + "green onions", + "vinaigrette", + "water", + "salt", + "long grain white rice" + ] + }, + { + "id": 40381, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "mutton", + "green chilies", + "ground turmeric", + "water", + "salt", + "cinnamon sticks", + "garlic paste", + "black cumin seeds", + "oil", + "bengal gram", + "green cardamom", + "coriander" + ] + }, + { + "id": 33775, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "provolone cheese", + "garlic bread", + "oil" + ] + }, + { + "id": 36844, + "cuisine": "spanish", + "ingredients": [ + "tomato paste", + "olive oil", + "paprika", + "flat leaf parsley", + "pepper", + "sea salt", + "dry bread crumbs", + "ground lamb", + "white wine", + "large eggs", + "garlic", + "ground beef", + "milk", + "diced tomatoes", + "yellow onion" + ] + }, + { + "id": 11604, + "cuisine": "mexican", + "ingredients": [ + "whipping cream", + "light brown sugar", + "salt", + "butter", + "mexican chocolate" + ] + }, + { + "id": 32735, + "cuisine": "spanish", + "ingredients": [ + "ice cubes", + "red wine", + "plain seltzer", + "apricot nectar", + "orange", + "plums", + "lemon", + "green grape" + ] + }, + { + "id": 2061, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "salt", + "pasta sauce", + "grated parmesan cheese", + "ground beef", + "ground black pepper", + "chipotles in adobo", + "bread crumbs", + "green onions", + "spaghetti" + ] + }, + { + "id": 39170, + "cuisine": "indian", + "ingredients": [ + "water", + "garam masala", + "salt", + "sour cream", + "clove", + "milk", + "butter", + "cardamom pods", + "ground turmeric", + "crushed tomatoes", + "vegetable oil", + "cayenne pepper", + "onions", + "fresh spinach", + "fresh ginger root", + "garlic", + "ground coriander", + "chicken" + ] + }, + { + "id": 10886, + "cuisine": "mexican", + "ingredients": [ + "dijon mustard", + "American cheese", + "rolls", + "black beans", + "crema mexican", + "unsalted butter", + "beef hot dogs" + ] + }, + { + "id": 3626, + "cuisine": "italian", + "ingredients": [ + "whiskey", + "mayonaise", + "ketchup", + "tomato sauce" + ] + }, + { + "id": 17563, + "cuisine": "russian", + "ingredients": [ + "salt", + "water", + "yeast", + "baking powder", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 13333, + "cuisine": "italian", + "ingredients": [ + "freshly grated parmesan", + "vegetable broth", + "semi pearled farro", + "fresh oregano", + "lemon", + "salt", + "tomato sauce", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 3855, + "cuisine": "irish", + "ingredients": [ + "fresh chives", + "cracked black pepper", + "fat free milk", + "fat-free reduced-sodium chicken broth", + "leeks", + "steel-cut oats", + "whipped butter" + ] + }, + { + "id": 11274, + "cuisine": "japanese", + "ingredients": [ + "sake", + "fresh shiitake mushrooms", + "sugar", + "jack", + "dark soy sauce", + "mirin" + ] + }, + { + "id": 18046, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "cayenne pepper", + "pure vanilla extract", + "2% reduced-fat milk", + "corn starch", + "large egg yolks", + "fat", + "light brown sugar", + "salt", + "bittersweet chocolate" + ] + }, + { + "id": 18660, + "cuisine": "spanish", + "ingredients": [ + "red pepper flakes", + "fresh lemon juice", + "olive oil", + "sweet paprika", + "fresh parsley", + "black pepper", + "salt", + "shrimp", + "medium dry sherry", + "garlic cloves" + ] + }, + { + "id": 15947, + "cuisine": "chinese", + "ingredients": [ + "pork", + "prawns", + "sesame oil", + "garlic cloves", + "sesame seeds", + "lettuce leaves", + "dry sherry", + "soy sauce", + "water chestnuts", + "wonton wrappers", + "oyster sauce", + "fresh ginger root", + "spring onions", + "ginger" + ] + }, + { + "id": 47735, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "butter", + "lemon juice", + "granulated sugar", + "whipping cream", + "firmly packed light brown sugar", + "apples", + "chopped pecans", + "refrigerated piecrusts", + "all-purpose flour" + ] + }, + { + "id": 30450, + "cuisine": "thai", + "ingredients": [ + "eggs", + "ground peanut", + "vegetable oil", + "firm tofu", + "minced garlic", + "tamarind pulp", + "salt", + "white sugar", + "soy sauce", + "oriental radish", + "paprika", + "beansprouts", + "white vinegar", + "lime", + "chopped fresh chives", + "dried rice noodles" + ] + }, + { + "id": 27830, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "vegetable oil", + "pepper", + "salt", + "white onion", + "large garlic cloves", + "vermicelli", + "roasted tomatoes" + ] + }, + { + "id": 20524, + "cuisine": "british", + "ingredients": [ + "green bell pepper", + "brown mustard seeds", + "smoked paprika", + "kosher salt", + "yellow onion", + "sugar", + "green tomatoes", + "red bell pepper", + "chili flakes", + "cider vinegar", + "sweet paprika" + ] + }, + { + "id": 1369, + "cuisine": "greek", + "ingredients": [ + "wish bone red wine vinaigrett dress", + "feta cheese", + "refrigerated pizza dough" + ] + }, + { + "id": 36826, + "cuisine": "italian", + "ingredients": [ + "large garlic cloves", + "fresh parsley", + "veal cutlets", + "crushed red pepper", + "grated lemon peel", + "olive oil", + "artichokes", + "fresh basil leaves", + "butter", + "fresh lemon juice", + "plum tomatoes" + ] + }, + { + "id": 16978, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "fresh mint", + "boiling water", + "green tea" + ] + }, + { + "id": 28864, + "cuisine": "thai", + "ingredients": [ + "sugar pea", + "cilantro", + "scallions", + "coconut oil", + "lime juice", + "sauce", + "chicken thighs", + "toasted cashews", + "coconut aminos", + "onions", + "sunflower seeds", + "large eggs", + "spaghetti squash" + ] + }, + { + "id": 1078, + "cuisine": "japanese", + "ingredients": [ + "baking powder", + "white sugar", + "water", + "vanilla extract", + "potato starch", + "red food coloring", + "mochiko", + "coconut milk" + ] + }, + { + "id": 42771, + "cuisine": "indian", + "ingredients": [ + "water", + "curds", + "ghee", + "food colouring", + "rose essence", + "ground cardamom", + "baking soda", + "oil", + "saffron", + "sugar", + "maida flour", + "corn flour" + ] + }, + { + "id": 23740, + "cuisine": "french", + "ingredients": [ + "sugar", + "fresh parmesan cheese", + "garlic cloves", + "dried basil", + "balsamic vinegar", + "onions", + "black pepper", + "cooking spray", + "green beans", + "cherry tomatoes", + "salt", + "dried oregano" + ] + }, + { + "id": 19241, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "worcestershire sauce", + "coleslaw", + "barbecue sauce", + "pork roast", + "ground black pepper", + "salt", + "bread rolls", + "apple cider vinegar", + "ground cayenne pepper" + ] + }, + { + "id": 24076, + "cuisine": "greek", + "ingredients": [ + "salt", + "dried oregano", + "ground pepper", + "fresh oregano", + "olive oil", + "cayenne pepper", + "ground cumin", + "new potatoes", + "lemon juice" + ] + }, + { + "id": 24561, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "salt", + "vegetable oil", + "garlic cloves", + "jalapeno chilies", + "cilantro leaves", + "extra-virgin olive oil", + "fresh lime juice" + ] + }, + { + "id": 1024, + "cuisine": "jamaican", + "ingredients": [ + "jerk seasoning", + "salt", + "sweet potatoes", + "olive oil", + "chicken", + "pepper", + "green onions" + ] + }, + { + "id": 22703, + "cuisine": "french", + "ingredients": [ + "fronds", + "cracked black pepper", + "red bell pepper", + "fennel bulb", + "salt", + "olive oil", + "vegetable broth", + "onions", + "fennel seeds", + "basil", + "garlic cloves" + ] + }, + { + "id": 48691, + "cuisine": "korean", + "ingredients": [ + "eggs", + "sesame oil", + "garlic", + "shiitake", + "ginger", + "oil", + "soy sauce", + "veggies", + "Gochujang base", + "leeks", + "white rice" + ] + }, + { + "id": 8064, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "kielbasa", + "scallions", + "onions", + "melted butter", + "flour", + "salt", + "shrimp", + "cooked rice", + "mushrooms", + "creole seasoning", + "red bell pepper", + "chicken broth", + "chopped green bell pepper", + "chopped celery", + "oil" + ] + }, + { + "id": 49451, + "cuisine": "southern_us", + "ingredients": [ + "andouille sausage", + "parsley", + "garlic", + "bay leaf", + "whole milk", + "lemon", + "all-purpose flour", + "grits", + "olive oil", + "butter", + "gruyere cheese", + "onions", + "chicken stock", + "green onions", + "heavy cream", + "shrimp" + ] + }, + { + "id": 10588, + "cuisine": "greek", + "ingredients": [ + "zucchini", + "greek yogurt", + "canola oil", + "panko", + "feta cheese crumbles", + "grated lemon peel", + "fresh dill", + "garlic cloves", + "chopped fresh mint", + "large eggs", + "coarse kosher salt", + "sliced green onions" + ] + }, + { + "id": 28719, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "heavy cream", + "waxy potatoes", + "flour", + "extra-virgin olive oil", + "dry yeast", + "sea salt", + "water", + "fresh thyme leaves", + "garlic" + ] + }, + { + "id": 30579, + "cuisine": "italian", + "ingredients": [ + "sugar", + "fresh lemon juice", + "chilled prosecco", + "watermelon", + "lemon rind" + ] + }, + { + "id": 4045, + "cuisine": "greek", + "ingredients": [ + "ground blanched almonds", + "lemon zest", + "salt", + "cinnamon sticks", + "pure vanilla extract", + "unsalted butter", + "whole cloves", + "fresh lemon juice", + "water", + "large eggs", + "grated lemon zest", + "confectioners sugar", + "brandy", + "granulated sugar", + "baking powder", + "coarse semolina" + ] + }, + { + "id": 9769, + "cuisine": "thai", + "ingredients": [ + "chili pepper", + "white cabbage", + "garlic", + "fresh lime juice", + "sugar", + "fresh cilantro", + "green onions", + "oil", + "fish sauce", + "water", + "vinegar", + "peanut butter", + "green papaya", + "soy sauce", + "peanuts", + "boneless skinless chicken breasts", + "carrots" + ] + }, + { + "id": 452, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "white sugar", + "ground cinnamon", + "vanilla extract", + "light corn syrup", + "baking soda", + "salted peanuts" + ] + }, + { + "id": 47175, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "ground black pepper", + "worcestershire sauce", + "frozen corn kernels", + "garlic cloves", + "boneless sirloin steak", + "water", + "boneless skinless chicken breasts", + "salt", + "dark brown sugar", + "fresh parsley", + "tomato paste", + "dried thyme", + "baking potatoes", + "lima beans", + "okra", + "onions", + "cider vinegar", + "pork tenderloin", + "diced tomatoes", + "less sodium beef broth", + "carrots", + "canola oil" + ] + }, + { + "id": 16542, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "sugar", + "all-purpose flour", + "large eggs", + "white cornmeal", + "buttermilk" + ] + }, + { + "id": 31592, + "cuisine": "cajun_creole", + "ingredients": [ + "pitted kalamata olives", + "garlic powder", + "salt", + "green olives", + "dried thyme", + "ground red pepper", + "catfish fillets", + "water", + "cooking spray", + "red bell pepper", + "vidalia onion", + "olive oil", + "paprika" + ] + }, + { + "id": 36031, + "cuisine": "jamaican", + "ingredients": [ + "hot pepper sauce", + "berries", + "red snapper", + "cooking oil", + "red bell pepper", + "vinegar", + "carrots", + "pepper", + "salt", + "onions" + ] + }, + { + "id": 717, + "cuisine": "italian", + "ingredients": [ + "eggs", + "whole wheat breadcrumbs", + "parmesan cheese", + "olive oil", + "italian seasoning", + "zucchini" + ] + }, + { + "id": 21589, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "heavy cream", + "greek style plain yogurt", + "brown sugar", + "large eggs", + "salt", + "unsalted butter", + "vanilla extract", + "sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 10530, + "cuisine": "greek", + "ingredients": [ + "fat free less sodium chicken broth", + "boneless skinless chicken breasts", + "fresh dill", + "shredded carrots", + "fresh lemon juice", + "large eggs", + "salt", + "pepper", + "orzo" + ] + }, + { + "id": 33219, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "Ranch Style Beans", + "tomatoes", + "corn chips", + "avocado", + "green onions", + "romaine lettuce", + "salad dressing" + ] + }, + { + "id": 31857, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large egg whites", + "hazelnuts", + "salt" + ] + }, + { + "id": 28137, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "vegetable stock", + "Equal Sweetener", + "bamboo shoots", + "mushrooms", + "cilantro leaves", + "red bell pepper", + "brown basmati rice", + "vegetable oil", + "garlic cloves", + "toasted sesame oil", + "ground black pepper", + "ginger", + "carrots", + "boiling water" + ] + }, + { + "id": 26742, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "dried porcini mushrooms", + "ground black pepper", + "Italian parsley leaves", + "garlic cloves", + "thyme sprigs", + "black peppercorns", + "lower sodium beef broth", + "chopped fresh thyme", + "salt", + "corn starch", + "onions", + "parsley sprigs", + "boneless chuck roast", + "red wine", + "Niçoise olives", + "orange rind", + "boiling water", + "tomatoes", + "water", + "cooking spray", + "extra-virgin olive oil", + "carrots", + "bay leaf" + ] + }, + { + "id": 37833, + "cuisine": "mexican", + "ingredients": [ + "potatoes", + "salt", + "pepper", + "vegetable oil", + "ground beef", + "chile pepper", + "chopped onion", + "water", + "stewed tomatoes" + ] + }, + { + "id": 5538, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "dried thyme", + "kalamata", + "bay leaf", + "black pepper", + "eggplant", + "garlic cloves", + "penne", + "olive oil", + "salt", + "dried parsley", + "dried basil", + "finely chopped onion", + "shiraz" + ] + }, + { + "id": 4589, + "cuisine": "moroccan", + "ingredients": [ + "raw pistachios", + "purple onion", + "couscous", + "dried apricot", + "lemon juice", + "olive oil", + "salt", + "harissa", + "chopped parsley" + ] + }, + { + "id": 25497, + "cuisine": "mexican", + "ingredients": [ + "pumpkin seeds", + "corn tortillas", + "canola oil", + "sugar", + "tuna", + "chipotle peppers", + "avocado", + "scallions", + "fresh lime juice", + "ground cumin", + "salt", + "tequila", + "adobo sauce" + ] + }, + { + "id": 9461, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "fresh ginger", + "ground pork", + "minced garlic", + "green onions", + "nappa cabbage", + "water", + "wonton wrappers", + "toasted sesame oil", + "white pepper", + "water chestnuts", + "rice vinegar" + ] + }, + { + "id": 870, + "cuisine": "italian", + "ingredients": [ + "butter", + "sourdough bread", + "monterey jack", + "poppy seeds", + "green onions" + ] + }, + { + "id": 29405, + "cuisine": "japanese", + "ingredients": [ + "aka miso", + "dashi", + "scallions", + "tofu", + "seaweed", + "natto", + "sweet white miso" + ] + }, + { + "id": 13826, + "cuisine": "mexican", + "ingredients": [ + "water", + "dried pinto beans", + "pepper", + "serrano peppers", + "chopped onion", + "poblano peppers", + "salt", + "garlic oil", + "green onions", + "garlic cloves" + ] + }, + { + "id": 10365, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "fried eggs", + "frozen corn", + "frozen peas", + "mushrooms", + "garlic", + "cooked quinoa", + "zucchini", + "ginger", + "carrots", + "soy sauce", + "green onions", + "broccoli", + "onions" + ] + }, + { + "id": 32465, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "arugula", + "kosher salt", + "bocconcini", + "short pasta", + "garlic", + "pepper", + "red bell pepper" + ] + }, + { + "id": 6370, + "cuisine": "filipino", + "ingredients": [ + "pork", + "peanuts", + "beef", + "garlic", + "rice", + "string beans", + "water", + "bananas", + "shrimp paste", + "beef broth", + "onions", + "pepper", + "eggplant", + "oxtails", + "salt", + "bok choy", + "brown sugar", + "olive oil", + "annatto seeds", + "vegetable broth", + "peanut butter" + ] + }, + { + "id": 44583, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "seasoning salt", + "black pepper", + "chopped celery", + "collard greens", + "bacon slices", + "minced garlic", + "chopped onion" + ] + }, + { + "id": 18681, + "cuisine": "jamaican", + "ingredients": [ + "caribbean jerk seasoning", + "mushrooms", + "yellow onion", + "oregano", + "minced garlic", + "paprika", + "chicken base", + "pepper", + "parsley", + "corn starch", + "seasoning", + "water", + "salt", + "whiskey" + ] + }, + { + "id": 31151, + "cuisine": "brazilian", + "ingredients": [ + "collard greens", + "extra-virgin olive oil", + "coarse salt", + "garlic" + ] + }, + { + "id": 48569, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "cayenne pepper", + "black pepper", + "salt", + "catfish", + "diced tomatoes", + "dried dillweed", + "dried thyme", + "margarine" + ] + }, + { + "id": 22204, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "butter", + "chopped fresh sage", + "mascarpone", + "butternut squash", + "salt", + "ground black pepper", + "wonton wrappers", + "cayenne pepper", + "egg yolks", + "garlic" + ] + }, + { + "id": 36763, + "cuisine": "greek", + "ingredients": [ + "tomato paste", + "olive oil", + "beef broth", + "cinnamon sticks", + "celery ribs", + "anchovies", + "large garlic cloves", + "low salt chicken broth", + "juniper berries", + "bay leaves", + "carrots", + "onions", + "lamb shanks", + "ground nutmeg", + "merlot", + "thyme sprigs" + ] + }, + { + "id": 13483, + "cuisine": "italian", + "ingredients": [ + "garlic", + "flat leaf parsley", + "Italian bread", + "butter" + ] + }, + { + "id": 12037, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "salt", + "fresh ginger", + "long-grain rice", + "water", + "scallions", + "giblet", + "chicken" + ] + }, + { + "id": 3095, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "tomatoes", + "zucchini", + "ras el hanout", + "carrots", + "ground ginger", + "water", + "harissa", + "chickpeas", + "onions", + "turnips", + "tomato paste", + "olive oil", + "extra-virgin olive oil", + "blanched almonds", + "green cabbage", + "black pepper", + "butternut squash", + "salt", + "couscous" + ] + }, + { + "id": 18314, + "cuisine": "southern_us", + "ingredients": [ + "cremini mushrooms", + "dried thyme", + "all-purpose flour", + "frozen peas", + "reduced sodium chicken broth", + "coarse salt", + "carrots", + "boneless chicken skinless thigh", + "baking powder", + "freshly ground pepper", + "fresh dill", + "milk", + "butter", + "onions" + ] + }, + { + "id": 223, + "cuisine": "moroccan", + "ingredients": [ + "turnips", + "black pepper", + "lemon", + "sweet paprika", + "cumin", + "chicken broth", + "spices", + "chickpeas", + "onions", + "tomato paste", + "parsley", + "salt", + "carrots", + "red lentils", + "fresh ginger", + "garlic", + "bouquet", + "saffron" + ] + }, + { + "id": 37620, + "cuisine": "southern_us", + "ingredients": [ + "frozen cranberry juice concentrate", + "crushed pineapple", + "sugar", + "relish", + "syrup", + "all-purpose flour", + "butter", + "grated orange" + ] + }, + { + "id": 45620, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "canned tomatoes", + "minced garlic", + "angel hair", + "and fat free half half", + "parmesan cheese" + ] + }, + { + "id": 33337, + "cuisine": "italian", + "ingredients": [ + "tomato purée", + "fresh parmesan cheese", + "yukon gold potatoes", + "carrots", + "water", + "ground black pepper", + "chopped celery", + "green beans", + "country white bread", + "swiss chard", + "zucchini", + "garlic cloves", + "fresh parsley", + "cold water", + "olive oil", + "finely chopped onion", + "salt", + "borlotti beans" + ] + }, + { + "id": 32451, + "cuisine": "french", + "ingredients": [ + "turnips", + "lower sodium chicken broth", + "unsalted butter", + "dry white wine", + "rabbit", + "flat leaf parsley", + "fettucine", + "minced garlic", + "chopped fresh chives", + "heavy cream", + "stone ground mustard", + "bay leaf", + "black peppercorns", + "ground black pepper", + "leeks", + "fresh tarragon", + "carrots", + "canola oil", + "clove", + "kosher salt", + "dijon mustard", + "shallots", + "chopped celery", + "thyme sprigs" + ] + }, + { + "id": 39898, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chili powder", + "hot sauce", + "fresh cilantro", + "prepar salsa", + "ground cumin", + "lime juice", + "corn chips", + "onions", + "black beans", + "green onions", + "vegetable broth" + ] + }, + { + "id": 43411, + "cuisine": "japanese", + "ingredients": [ + "silken tofu", + "green onions", + "dashi", + "toasted sesame seeds", + "water", + "bonito", + "soy sauce", + "fresh ginger root", + "white sugar" + ] + }, + { + "id": 804, + "cuisine": "southern_us", + "ingredients": [ + "lime slices", + "orange juice", + "vodka", + "light rum", + "pineapple juice", + "orange liqueur", + "cherries", + "crushed ice" + ] + }, + { + "id": 4639, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "chuck roast", + "apple cider vinegar", + "chipotles in adobo", + "white onion", + "chopped tomatoes", + "bay leaves", + "salt", + "ground cumin", + "brown sugar", + "lime", + "flour tortillas", + "cilantro", + "oregano", + "minced garlic", + "ground black pepper", + "queso fresca", + "beef broth" + ] + }, + { + "id": 3389, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "peach nectar", + "sweet tea" + ] + }, + { + "id": 11747, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "cilantro", + "mashed potatoes", + "red pepper", + "garlic cloves", + "eggs", + "grating cheese", + "yellow peppers", + "mushrooms", + "salt" + ] + }, + { + "id": 13211, + "cuisine": "japanese", + "ingredients": [ + "pepper", + "salt", + "eggs", + "flour", + "oil", + "pork chops", + "seaweed", + "mayonaise", + "tonkatsu sauce", + "panko breadcrumbs" + ] + }, + { + "id": 2710, + "cuisine": "mexican", + "ingredients": [ + "chili", + "flour tortillas", + "sour cream", + "shredded mild cheddar cheese" + ] + }, + { + "id": 1924, + "cuisine": "indian", + "ingredients": [ + "chicken stock", + "parsnips", + "garlic", + "cumin seed", + "ground turmeric", + "red chili powder", + "fresh ginger root", + "dill", + "ghee", + "clove", + "fresh tomatoes", + "spices", + "green chilies", + "onions", + "spinach leaves", + "leaves", + "salt", + "leg of lamb" + ] + }, + { + "id": 18338, + "cuisine": "southern_us", + "ingredients": [ + "crumbled blue cheese", + "chopped fresh thyme", + "baking soda", + "baking powder", + "all purpose unbleached flour", + "ground black pepper", + "coarse salt", + "buttermilk", + "chopped fresh chives", + "vegetable shortening" + ] + }, + { + "id": 32012, + "cuisine": "mexican", + "ingredients": [ + "vanilla extract", + "ancho chili ground pepper", + "cream cheese", + "ground cinnamon", + "cayenne pepper", + "butter", + "confectioners sugar" + ] + }, + { + "id": 18347, + "cuisine": "italian", + "ingredients": [ + "guanciale", + "extra-virgin olive oil", + "fresh fava bean", + "water", + "salt", + "onions", + "lemon", + "fresh oregano", + "frozen peas", + "black pepper", + "artichokes", + "fresh lemon juice" + ] + }, + { + "id": 19998, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "lemon", + "extra-virgin olive oil", + "parmigiano reggiano cheese", + "sea salt", + "ground black pepper", + "portabello mushroom", + "arugula", + "balsamic vinegar", + "anchovy paste" + ] + }, + { + "id": 40800, + "cuisine": "southern_us", + "ingredients": [ + "pork", + "salt", + "shortening", + "baking powder", + "cornmeal", + "eggs", + "baking soda", + "all-purpose flour", + "sugar", + "buttermilk" + ] + }, + { + "id": 9107, + "cuisine": "chinese", + "ingredients": [ + "chopped green bell pepper", + "boneless skinless chicken breasts", + "orange juice", + "fat free less sodium chicken broth", + "water chestnuts", + "vegetable oil", + "cashew nuts", + "low sodium soy sauce", + "light pancake syrup", + "brown rice", + "corn starch", + "fresh ginger", + "green onions", + "mandarin oranges" + ] + }, + { + "id": 7056, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "paprika", + "dried parsley", + "mozzarella cheese", + "grated parmesan cheese", + "all-purpose flour", + "eggs", + "zucchini", + "salt", + "feta cheese", + "baking powder", + "onions" + ] + }, + { + "id": 15940, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "yellow squash", + "zucchini", + "garlic", + "red bell pepper", + "green bell pepper", + "eggplant", + "grated parmesan cheese", + "fresh oregano", + "nonfat ricotta cheese", + "frozen chopped spinach", + "pepper", + "lasagna noodles", + "marinara sauce", + "sliced mushrooms", + "part-skim mozzarella", + "olive oil", + "large eggs", + "salt", + "onions" + ] + }, + { + "id": 14081, + "cuisine": "southern_us", + "ingredients": [ + "cooked ham", + "frozen brussels sprouts", + "butter", + "sharp cheddar cheese", + "bread crumbs", + "baby carrots", + "turnips", + "lima beans", + "rubbed sage" + ] + }, + { + "id": 42899, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "diced tomatoes", + "sour cream", + "base", + "taco seasoning", + "onions", + "boneless chicken breast", + "salsa", + "celery", + "green onions", + "carrots" + ] + }, + { + "id": 39681, + "cuisine": "russian", + "ingredients": [ + "pitted black olives", + "stewing beef", + "stewed tomatoes", + "sausages", + "tomato paste", + "pepper", + "mushrooms", + "lemon slices", + "sour cream", + "pickles", + "flour", + "salt", + "carrots", + "capers", + "water", + "parsley root", + "ham", + "onions" + ] + }, + { + "id": 34897, + "cuisine": "mexican", + "ingredients": [ + "agave nectar", + "agave tequila", + "lime wedges", + "lime juice" + ] + }, + { + "id": 32145, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "fresh parsley", + "fresh chives", + "shallots", + "champagne", + "vegetable oil spray", + "fresh tarragon", + "champagne vinegar", + "black peppercorns", + "unsalted butter", + "shrimp" + ] + }, + { + "id": 8533, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "part-skim ricotta cheese", + "olive oil", + "lemon", + "penne pasta", + "baby arugula", + "salt", + "parmesan cheese", + "basil" + ] + }, + { + "id": 24818, + "cuisine": "mexican", + "ingredients": [ + "reduced fat cheddar cheese", + "red pepper", + "turkey sausage", + "onions", + "eggs", + "whole wheat tortillas", + "skim milk", + "green pepper" + ] + }, + { + "id": 23246, + "cuisine": "irish", + "ingredients": [ + "water", + "cabbage", + "garlic", + "potatoes", + "corned beef", + "pepper", + "salt" + ] + }, + { + "id": 17691, + "cuisine": "italian", + "ingredients": [ + "fettuccine pasta", + "green peas", + "grated parmesan cheese", + "ground black pepper", + "salt", + "low-fat sour cream", + "diced tomatoes" + ] + }, + { + "id": 34368, + "cuisine": "spanish", + "ingredients": [ + "warm water", + "honey", + "port", + "walnuts", + "ground cinnamon", + "molasses", + "unsalted butter", + "all-purpose flour", + "sugar", + "active dry yeast", + "large eggs", + "candied fruit", + "ground ginger", + "ground cloves", + "baking soda", + "salt", + "dried cranberries" + ] + }, + { + "id": 16794, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "fresh oregano", + "fresh lemon juice", + "pepper", + "purple onion", + "medium-grain rice", + "black pepper", + "artichokes", + "chickpeas", + "flat leaf parsley", + "red wine vinegar", + "salt", + "garlic cloves" + ] + }, + { + "id": 22206, + "cuisine": "filipino", + "ingredients": [ + "black peppercorns", + "garlic", + "vinegar", + "bay leaves", + "soy sauce", + "onions" + ] + }, + { + "id": 31700, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "ginger", + "fresh udon", + "spring onions", + "sake", + "mirin", + "salt", + "soy sauce", + "shichimi togarashi" + ] + }, + { + "id": 45955, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "green onions", + "crushed red pepper flakes", + "corn starch", + "soy sauce", + "sesame oil", + "peanut oil", + "green bell pepper", + "boneless skinless chicken breasts", + "roasted peanuts", + "red bell pepper", + "hoisin sauce", + "balsamic vinegar", + "garlic cloves" + ] + }, + { + "id": 23903, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "bay leaves", + "onions", + "olive oil", + "brown lentils", + "dried rosemary", + "water", + "red wine vinegar", + "dried oregano", + "tomato paste", + "salt and ground black pepper", + "carrots" + ] + }, + { + "id": 7038, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "large eggs", + "shredded sharp cheddar cheese", + "1% low-fat cottage cheese", + "cooking spray", + "cream cheese", + "low-fat sour cream", + "grated parmesan cheese", + "chopped onion", + "low fat chunky mushroom pasta sauce", + "part-skim mozzarella cheese", + "lasagna noodles, cooked and drained", + "sliced mushrooms" + ] + }, + { + "id": 35267, + "cuisine": "mexican", + "ingredients": [ + "chili", + "red bell pepper", + "cheddar cheese", + "white wine vinegar", + "chopped cilantro fresh", + "avocado", + "olive oil", + "chayotes", + "pepper", + "salt", + "sliced green onions" + ] + }, + { + "id": 5168, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "lime", + "sugar", + "mango" + ] + }, + { + "id": 3538, + "cuisine": "japanese", + "ingredients": [ + "boiled eggs", + "green onions", + "garlic", + "coconut milk", + "potatoes", + "button mushrooms", + "carrots", + "frozen peas", + "water", + "crushed red pepper flakes", + "curry", + "onions", + "soy sauce", + "bell pepper", + "ginger", + "cubed beef", + "ground turmeric" + ] + }, + { + "id": 42057, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "cheese", + "hominy", + "cream of mushroom soup" + ] + }, + { + "id": 17128, + "cuisine": "japanese", + "ingredients": [ + "chicken stock", + "dry sherry", + "chinese chives", + "regular soy sauce", + "salt", + "canola oil", + "fresh ginger", + "dipping sauces", + "ground beef", + "dough", + "sesame oil", + "ground white pepper" + ] + }, + { + "id": 42925, + "cuisine": "russian", + "ingredients": [ + "pure vanilla extract", + "large egg whites", + "salt", + "powdered sugar", + "baking soda", + "lemon juice", + "peppermint extract", + "large egg yolks", + "all-purpose flour", + "white vinegar", + "sugar", + "cookies", + "sour cream" + ] + }, + { + "id": 49511, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "barbecue sauce", + "cheese", + "brown sugar", + "finely chopped onion", + "cilantro", + "salsa", + "ground chicken", + "jalapeno chilies", + "ground pork", + "croutons", + "eggs", + "olive oil", + "worcestershire sauce", + "garlic" + ] + }, + { + "id": 11026, + "cuisine": "thai", + "ingredients": [ + "red pepper", + "roasted rice powder", + "juice", + "sugar", + "cilantro leaves", + "green onions", + "Thai fish sauce" + ] + }, + { + "id": 7304, + "cuisine": "cajun_creole", + "ingredients": [ + "bacon drippings", + "lump crab meat", + "beef bouillon", + "stewed tomatoes", + "all-purpose flour", + "onions", + "andouille sausage", + "water", + "cajun seasoning", + "chopped celery", + "okra", + "green bell pepper", + "gumbo file powder", + "bay leaves", + "garlic", + "dri leav thyme", + "white sugar", + "white vinegar", + "tomato sauce", + "hot pepper sauce", + "worcestershire sauce", + "salt", + "uncook medium shrimp, peel and devein" + ] + }, + { + "id": 19290, + "cuisine": "moroccan", + "ingredients": [ + "mayonaise", + "coriander seeds", + "white cheddar cheese", + "smoked paprika", + "pickle wedges", + "turkey", + "garlic cloves", + "arugula", + "sesame seeds buns", + "extra-virgin olive oil", + "fresh lemon juice", + "onion slices", + "corn chips", + "cumin seed", + "red bell pepper" + ] + }, + { + "id": 18361, + "cuisine": "italian", + "ingredients": [ + "pepper", + "diced tomatoes", + "green chile", + "large eggs", + "garlic cloves", + "olive oil", + "salt", + "garlic herb feta", + "baby spinach", + "pork sausages" + ] + }, + { + "id": 47792, + "cuisine": "french", + "ingredients": [ + "asparagus spears", + "crumbled blue cheese", + "salt", + "evaporated milk", + "cream cheese, soften" + ] + }, + { + "id": 39246, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "thai chile", + "coconut milk", + "water", + "garlic", + "onions", + "vinegar", + "salt", + "pork butt", + "bay leaves", + "oil", + "peppercorns" + ] + }, + { + "id": 7054, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "fresh thyme leaves", + "extra-virgin olive oil", + "wild mushrooms", + "ground black pepper", + "white truffle oil", + "salt", + "fresh thyme", + "butter", + "fresh parsley", + "dry vermouth", + "parmigiano reggiano cheese", + "orzo", + "onions" + ] + }, + { + "id": 4059, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "extra-virgin olive oil", + "low sodium parmesan cheese", + "white onion", + "cooking spray", + "garlic cloves", + "cherry tomatoes", + "basil leaves", + "linguini", + "black pepper", + "meatballs", + "salt" + ] + }, + { + "id": 34537, + "cuisine": "mexican", + "ingredients": [ + "tuna drained and flaked", + "sour cream", + "green onions", + "iceberg lettuce", + "taco shells", + "salsa", + "ground cumin", + "sliced black olives", + "celery" + ] + }, + { + "id": 2556, + "cuisine": "southern_us", + "ingredients": [ + "dry white wine", + "garlic cloves", + "mayonaise", + "butter", + "vidalia onion", + "shredded swiss cheese", + "water chestnuts, drained and chopped", + "hot sauce" + ] + }, + { + "id": 29875, + "cuisine": "southern_us", + "ingredients": [ + "low-fat plain yogurt", + "green onions", + "fat free cream cheese", + "prepared horseradish", + "worcestershire sauce", + "lump crab meat", + "ground red pepper", + "water chestnuts", + "hot sauce" + ] + }, + { + "id": 34237, + "cuisine": "russian", + "ingredients": [ + "flour", + "parsley root", + "pepper", + "shredded cabbage", + "carrots", + "tomato paste", + "bay leaves", + "pork stock", + "sauerkraut", + "butter", + "celery" + ] + }, + { + "id": 38508, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "crushed red pepper flakes", + "cooked rice", + "sesame oil", + "ground beef", + "ground ginger", + "green onions", + "garlic", + "brown sugar", + "vegetable oil" + ] + }, + { + "id": 6378, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "orange liqueur", + "confectioners sugar", + "orange zest" + ] + }, + { + "id": 7851, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "chili paste", + "water", + "fresh lime juice", + "fresh ginger", + "sugar", + "garlic cloves" + ] + }, + { + "id": 7915, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "jalapeno chilies", + "sour cream", + "avocado", + "shredded mild cheddar cheese", + "salt", + "chunky tomato salsa", + "cotija", + "large eggs", + "salsa", + "iceberg lettuce", + "lime", + "butter", + "corn tortillas" + ] + }, + { + "id": 34792, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "frozen pastry puff sheets", + "sliced mushrooms", + "roasted red peppers", + "purple onion", + "baby spinach leaves", + "chicken breasts", + "grated parmesan cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 21451, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "garlic cloves", + "salt", + "seedless cucumber", + "fresh lemon juice", + "greek style plain yogurt" + ] + }, + { + "id": 22747, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "eggs", + "salsa", + "Mexican cheese blend" + ] + }, + { + "id": 41238, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "greek style plain yogurt", + "sea salt", + "baking powder", + "whole wheat pastry flour", + "salt" + ] + }, + { + "id": 9320, + "cuisine": "cajun_creole", + "ingredients": [ + "crab", + "bell pepper", + "paprika", + "okra", + "thyme", + "ground black pepper", + "bay leaves", + "salt", + "carrots", + "fresh parsley", + "water", + "flour", + "garlic", + "oil", + "celery", + "no-salt-added diced tomatoes", + "seafood stock", + "worcestershire sauce", + "cayenne pepper", + "shrimp", + "onions" + ] + }, + { + "id": 23166, + "cuisine": "thai", + "ingredients": [ + "granny smith apples", + "vegetable oil", + "cilantro sprigs", + "thyme sprigs", + "yellow mustard seeds", + "apple cider vinegar", + "Thai red curry paste", + "cinnamon sticks", + "brown sugar", + "shallots", + "mint sprigs", + "apple juice", + "chicken stock", + "dry white wine", + "butter", + "garlic", + "chicken" + ] + }, + { + "id": 12545, + "cuisine": "chinese", + "ingredients": [ + "crab meat", + "sesame oil", + "sauce", + "salt and ground black pepper", + "garlic", + "ground white pepper", + "won ton wrappers", + "vegetable oil", + "cream cheese", + "green onions", + "purple onion" + ] + }, + { + "id": 43082, + "cuisine": "mexican", + "ingredients": [ + "light sour cream", + "Tabasco Green Pepper Sauce", + "enchilada sauce", + "green bell pepper", + "cooked chicken", + "onions", + "green chile", + "green onions", + "pinto beans", + "olive oil", + "low fat mozzarella", + "ground cumin" + ] + }, + { + "id": 31499, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "kielbasa", + "onions", + "collard greens", + "cayenne", + "scallions", + "ground black pepper", + "salt", + "canned low sodium chicken broth", + "cooking oil", + "long-grain rice" + ] + }, + { + "id": 32452, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "ground turmeric", + "ground cardamom", + "cinnamon", + "ground cumin", + "coriander" + ] + }, + { + "id": 47992, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "ghee", + "condensed milk", + "coconut", + "cocoa powder" + ] + }, + { + "id": 20344, + "cuisine": "japanese", + "ingredients": [ + "fish sauce", + "egg roll wrappers", + "vegetable oil", + "beansprouts", + "green cabbage", + "fresh ginger", + "green onions", + "red bell pepper", + "soy sauce", + "mirin", + "rice vinegar", + "cooked shrimp", + "dashi", + "large eggs", + "carrots", + "noodles" + ] + }, + { + "id": 15174, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "ground pepper", + "ricotta cheese", + "coarse salt", + "grated parmesan cheese", + "potato gnocchi" + ] + }, + { + "id": 24956, + "cuisine": "indian", + "ingredients": [ + "water", + "peeled fresh ginger", + "salt", + "leg of lamb", + "basmati rice", + "clove", + "ground black pepper", + "paprika", + "cumin seed", + "cinnamon sticks", + "tomato paste", + "bay leaves", + "purple onion", + "garlic cloves", + "chopped cilantro fresh", + "saffron threads", + "garam masala", + "ground red pepper", + "cardamom pods", + "greek yogurt", + "canola oil" + ] + }, + { + "id": 8137, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "tequila", + "montreal steak seasoning", + "ground beef", + "steak sauce", + "fresh lime juice", + "worcestershire sauce" + ] + }, + { + "id": 20829, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "fresh ginger", + "sweetener", + "star anise", + "water", + "black tea leaves", + "milk", + "cinnamon sticks" + ] + }, + { + "id": 9645, + "cuisine": "mexican", + "ingredients": [ + "white bread", + "white onion", + "coarse salt", + "ancho chile pepper", + "grape tomatoes", + "bananas", + "low sodium canned chicken stock", + "dried oregano", + "ground cinnamon", + "almonds", + "garlic", + "chipotle peppers", + "light brown sugar", + "ground cloves", + "vegetable oil", + "freshly ground pepper", + "unsweetened cocoa powder" + ] + }, + { + "id": 49352, + "cuisine": "southern_us", + "ingredients": [ + "evaporated milk", + "shrimp", + "large eggs", + "seasoning salt", + "vegetable oil", + "self rising flour" + ] + }, + { + "id": 37660, + "cuisine": "cajun_creole", + "ingredients": [ + "pure vanilla extract", + "eggs", + "bourbon whiskey", + "corn starch", + "cold water", + "sugar", + "raisins", + "ground cinnamon", + "french bread", + "grated nutmeg", + "cream of tartar", + "egg whites", + "heavy cream" + ] + }, + { + "id": 44704, + "cuisine": "brazilian", + "ingredients": [ + "cachaca", + "simple syrup", + "strawberries", + "lime wedges" + ] + }, + { + "id": 7403, + "cuisine": "indian", + "ingredients": [ + "mascarpone", + "cardamom pods", + "sugar", + "whipping cream", + "rose water", + "salt", + "pistachios", + "basmati rice" + ] + }, + { + "id": 42511, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "deep dish pie crust", + "pumpkin pie spice", + "evaporated milk", + "peach preserves", + "sweet potatoes", + "chopped pecans", + "brown sugar", + "salt" + ] + }, + { + "id": 49058, + "cuisine": "chinese", + "ingredients": [ + "stir fry sauce", + "canola oil", + "boneless chicken skinless thigh", + "freshly ground pepper", + "sugar pea", + "rice", + "sliced green onions", + "egg whites", + "corn starch" + ] + }, + { + "id": 46486, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "chopped cilantro fresh", + "pepper", + "extra-virgin olive oil", + "diced onions", + "tomatillos", + "lime juice", + "salt" + ] + }, + { + "id": 45664, + "cuisine": "chinese", + "ingredients": [ + "water", + "sesame oil", + "fresh spinach", + "reduced sodium soy sauce", + "dry sherry", + "sea bass", + "fresh ginger", + "vegetable oil", + "sugar", + "green onions", + "garlic" + ] + }, + { + "id": 4764, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "okra", + "tomatoes", + "extra-virgin olive oil", + "water", + "vidalia onion", + "salt" + ] + }, + { + "id": 31704, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "fresh basil leaves", + "calamari", + "linguine", + "anchovies", + "crushed red pepper", + "large garlic cloves" + ] + }, + { + "id": 15087, + "cuisine": "southern_us", + "ingredients": [ + "pastry", + "white sugar", + "butter", + "gooseberries", + "double crust pie", + "all-purpose flour" + ] + }, + { + "id": 14367, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "tequila", + "feta cheese", + "garlic cloves", + "fresh orange juice", + "ancho chile pepper", + "olive oil", + "salt" + ] + }, + { + "id": 41604, + "cuisine": "thai", + "ingredients": [ + "minced ginger", + "lime wedges", + "crushed red pepper", + "asian fish sauce", + "sugar", + "black bean sauce", + "ground pork", + "onions", + "butter lettuce", + "peanuts", + "cilantro", + "ground beef", + "lime juice", + "shredded carrots", + "garlic", + "soy" + ] + }, + { + "id": 9433, + "cuisine": "indian", + "ingredients": [ + "water", + "all-purpose flour", + "unsalted butter", + "milk", + "salt" + ] + }, + { + "id": 19808, + "cuisine": "cajun_creole", + "ingredients": [ + "chili powder", + "salt", + "garlic cloves", + "black pepper", + "worcestershire sauce", + "hot sauce", + "large shrimp", + "ketchup", + "sub buns", + "dry bread crumbs", + "fresh lemon juice", + "olive oil", + "purple onion", + "leaf lettuce" + ] + }, + { + "id": 25334, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "green peas", + "extra sharp cheddar cheese", + "angel hair", + "broccoli florets", + "low-fat vegetable primavera spaghetti sauce", + "large eggs", + "salt", + "pepper", + "vegetable oil", + "carrots" + ] + }, + { + "id": 14914, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "salt", + "ground black pepper", + "bacon slices", + "light cream", + "butter", + "fresh parsley", + "cauliflower", + "large eggs", + "garlic" + ] + }, + { + "id": 24758, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame oil", + "scotch", + "coriander", + "water", + "chili oil", + "gingerroot", + "soy sauce", + "Tabasco Pepper Sauce", + "rice vinegar", + "boneless skinless chicken breasts", + "orzo", + "garlic cloves" + ] + }, + { + "id": 9093, + "cuisine": "mexican", + "ingredients": [ + "pasta", + "corn kernels", + "salsa", + "canned black beans", + "roma tomatoes", + "tomato sauce", + "olive oil", + "ground turkey", + "avocado", + "shredded cheddar cheese", + "cilantro leaves" + ] + }, + { + "id": 5390, + "cuisine": "russian", + "ingredients": [ + "large eggs", + "heavy cream", + "black pepper", + "vegetable oil", + "dry bread crumbs", + "cremini mushrooms", + "chopped fresh chives", + "salt", + "unsalted butter", + "ground veal", + "white sandwich bread" + ] + }, + { + "id": 33935, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "cilantro", + "chili seasoning", + "oil", + "mozzarella cheese", + "sauce", + "meat" + ] + }, + { + "id": 862, + "cuisine": "southern_us", + "ingredients": [ + "fresh chives", + "large eggs", + "fresh lemon juice", + "mayonaise", + "corn", + "relish", + "lump crab meat", + "ground red pepper", + "okra pods", + "bread crumbs", + "olive oil", + "salt" + ] + }, + { + "id": 33119, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "whole milk", + "large eggs", + "all-purpose flour", + "yellow corn meal", + "butter" + ] + }, + { + "id": 20812, + "cuisine": "indian", + "ingredients": [ + "crushed tomatoes", + "jalapeno chilies", + "cilantro leaves", + "ground cumin", + "sugar", + "garam masala", + "heavy cream", + "ground coriander", + "boneless chicken skinless thigh", + "nonfat plain greek yogurt", + "salt", + "garlic cloves", + "diced onions", + "fresh ginger", + "butter", + "cayenne pepper" + ] + }, + { + "id": 9853, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "pepperoni turkei", + "pitted kalamata olives", + "cooking spray", + "oregano", + "roasted red peppers", + "oven-ready lasagna noodles", + "artichoke hearts", + "mushrooms" + ] + }, + { + "id": 33810, + "cuisine": "russian", + "ingredients": [ + "mace", + "cinnamon", + "cardamom", + "slivered almonds", + "peaches", + "ginger", + "confectioners sugar", + "honey", + "flour", + "jam", + "blackberries", + "eggs", + "baking soda", + "butter", + "lemon juice" + ] + }, + { + "id": 41069, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "all-purpose flour", + "garlic", + "flat leaf parsley", + "large eggs", + "grated lemon zest", + "ground black pepper", + "salt" + ] + }, + { + "id": 7668, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "coriander powder", + "ginger", + "onions", + "coconut", + "vinegar", + "salt", + "masala", + "pepper", + "beef", + "garlic", + "ground turmeric", + "curry leaves", + "garam masala", + "chili powder", + "mustard seeds" + ] + }, + { + "id": 21817, + "cuisine": "indian", + "ingredients": [ + "dried thyme", + "extra-virgin olive oil", + "fat", + "salad", + "lemon", + "fine sea salt", + "field lettuce", + "garlic", + "ground white pepper", + "tandoori spices", + "hamachi fillets", + "vinaigrette" + ] + }, + { + "id": 22360, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "cilantro leaves", + "onions", + "olive oil", + "red bell pepper", + "lime", + "taco seasoning", + "orange bell pepper", + "medium shrimp" + ] + }, + { + "id": 32675, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "garam masala", + "salt", + "chicken", + "curry leaves", + "water", + "ginger", + "cinnamon sticks", + "fresh spinach", + "crushed red pepper flakes", + "cumin seed", + "tomatoes", + "curry powder", + "garlic", + "onions" + ] + }, + { + "id": 7573, + "cuisine": "french", + "ingredients": [ + "calvados", + "heavy cream", + "sugar", + "strawberries", + "cinnamon" + ] + }, + { + "id": 21952, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dry pasta", + "red bell pepper", + "prepar pesto", + "dry white wine", + "garlic cloves", + "grated parmesan cheese", + "sweet italian sausage", + "onions", + "ground black pepper", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 48094, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "roasted red peppers", + "balsamic vinegar", + "honey", + "balsamic vinaigrette salad dressing", + "hot Italian sausages", + "olive oil", + "ravioli", + "onions", + "spinach", + "Alfredo sauce", + "cheese" + ] + }, + { + "id": 8325, + "cuisine": "french", + "ingredients": [ + "sugar", + "nonfat dry milk powder", + "brown sugar", + "egg substitute", + "gingerroot", + "skim milk", + "vanilla extract", + "vegetable oil cooking spray", + "water" + ] + }, + { + "id": 5354, + "cuisine": "french", + "ingredients": [ + "mace", + "crushed garlic", + "unbaked pie shells", + "chicken broth", + "ground sage", + "rendered bacon fat", + "onions", + "ground black pepper", + "ground pork", + "fresh parsley", + "cream", + "savory", + "salt" + ] + }, + { + "id": 42544, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "parmigiana-reggiano", + "rigatoni", + "tomatoes", + "coarse salt", + "olive oil" + ] + }, + { + "id": 20292, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "white rice", + "hot sauce", + "onions", + "green bell pepper", + "cajun seasoning", + "salt", + "celery", + "tomato purée", + "olive oil", + "garlic", + "shrimp", + "white wine", + "diced tomatoes", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 44608, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "large eggs", + "salt", + "unsweetened cocoa powder", + "milk", + "vanilla extract", + "chopped pecans", + "sugar", + "butter", + "all-purpose flour", + "mini marshmallows", + "frosting", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 24252, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "whipping cream", + "pecan halves", + "unsalted butter", + "cream ic peach", + "pecans", + "shortbread cookies", + "water", + "vanilla extract" + ] + }, + { + "id": 8167, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "dried thyme", + "garlic", + "celery", + "small red beans", + "Tabasco Pepper Sauce", + "cayenne pepper", + "collard greens", + "brown rice", + "salt", + "onions", + "black pepper", + "yellow bell pepper", + "smoked paprika" + ] + }, + { + "id": 40436, + "cuisine": "korean", + "ingredients": [ + "large garlic cloves", + "dark sesame oil", + "flank steak", + "tamari soy sauce", + "vegetable oil", + "grill seasoning", + "honey", + "red pepper flakes", + "scallions" + ] + }, + { + "id": 47614, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "dry white wine", + "crushed red pepper", + "olive oil", + "butter", + "fresh angel hair", + "littleneck clams", + "minced garlic", + "clam juice", + "flat leaf parsley" + ] + }, + { + "id": 38245, + "cuisine": "italian", + "ingredients": [ + "pepper", + "chicken breasts", + "dried tarragon leaves", + "cooking spray", + "oil", + "capers", + "olive oil", + "kalamata", + "pizza crust", + "dry white wine" + ] + }, + { + "id": 23644, + "cuisine": "spanish", + "ingredients": [ + "cava", + "sugar", + "orange juice", + "water", + "strawberries" + ] + }, + { + "id": 21786, + "cuisine": "mexican", + "ingredients": [ + "marinade", + "cilantro", + "diced tomatoes", + "boneless skinless chicken breasts", + "rice" + ] + }, + { + "id": 35273, + "cuisine": "southern_us", + "ingredients": [ + "andouille sausage", + "black-eyed peas", + "white rice", + "onions", + "pepper sauce", + "water", + "smoked ham", + "hot sauce", + "dried oregano", + "bacon drippings", + "pepper", + "bay leaves", + "salt", + "smoked ham hocks", + "green bell pepper", + "dried thyme", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 11411, + "cuisine": "italian", + "ingredients": [ + "hazelnuts", + "boneless skinless chicken breast halves", + "butter", + "Madeira", + "heavy whipping cream", + "shallots", + "canola oil" + ] + }, + { + "id": 43392, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "sea salt", + "dried oregano", + "eggs", + "ground black pepper", + "sliced ham", + "bread crumbs", + "lean ground beef", + "fresh parsley", + "tomato juice", + "garlic" + ] + }, + { + "id": 19413, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "onions", + "iceberg lettuce", + "vegetable oil", + "small capers, rins and drain", + "jalapeno chilies", + "chopped cilantro fresh", + "hellmann' or best food light mayonnais", + "avocado", + "red bell pepper", + "frozen crabmeat, thaw and drain" + ] + }, + { + "id": 31999, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "coconut milk", + "fish sauce", + "garlic", + "ground turmeric", + "curry powder", + "salt", + "chicken", + "hot pepper", + "white sugar" + ] + }, + { + "id": 49362, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "garlic", + "cayenne pepper", + "onions", + "fresh tomatoes", + "chili powder", + "shredded pepper jack cheese", + "ground turkey", + "ground cumin", + "olive oil", + "sweet pepper", + "sour cream", + "polenta", + "black beans", + "diced tomatoes", + "salsa", + "chipotles in adobo" + ] + }, + { + "id": 12087, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "purple onion", + "Mexican cheese", + "cumin", + "green bell pepper", + "chili powder", + "frozen corn", + "sour cream", + "guacamole", + "salt", + "red bell pepper", + "refried beans", + "cilantro", + "red enchilada sauce", + "corn tortillas" + ] + }, + { + "id": 6238, + "cuisine": "southern_us", + "ingredients": [ + "blackberry jam", + "buttermilk", + "spice cake mix", + "applesauce", + "large eggs", + "frosting", + "ground cinnamon", + "vegetable oil" + ] + }, + { + "id": 23785, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "quinoa", + "black beans", + "queso fresco" + ] + }, + { + "id": 37278, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "peanuts", + "jalapeno chilies", + "vegetable oil", + "chopped cilantro", + "mint", + "lime juice", + "hoisin sauce", + "shallots", + "rice vinegar", + "kosher salt", + "radishes", + "mint leaves", + "garlic", + "rice paper", + "sugar", + "lemongrass", + "extra firm tofu", + "sesame oil", + "carrots" + ] + }, + { + "id": 29101, + "cuisine": "filipino", + "ingredients": [ + "olive oil", + "fresh green bean", + "bok choy", + "prawns", + "salt", + "water", + "achiote powder", + "creamy peanut butter", + "eggplant", + "garlic", + "onions" + ] + }, + { + "id": 17626, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "ground nutmeg", + "purple onion", + "roasting chickens", + "ground cinnamon", + "dried thyme", + "dark rum", + "onion tops", + "ground ginger", + "lime juice", + "ground black pepper", + "salt", + "molasses", + "olive oil", + "malt vinegar", + "ground allspice" + ] + }, + { + "id": 29151, + "cuisine": "southern_us", + "ingredients": [ + "tea bags", + "sugar syrup", + "peaches", + "club soda", + "ginger ale", + "peach nectar", + "frozen lemonade concentrate", + "fresh mint" + ] + }, + { + "id": 28819, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garam masala", + "green chilies", + "frozen peas", + "garlic paste", + "potatoes", + "onions", + "red chili powder", + "coriander powder", + "cumin seed", + "ground turmeric", + "cauliflower", + "water", + "vegetable oil", + "coriander" + ] + }, + { + "id": 14971, + "cuisine": "thai", + "ingredients": [ + "chicken wings", + "salt", + "corn starch", + "garlic powder", + "ground coriander", + "sugar", + "cayenne pepper", + "ground cumin", + "onion powder", + "cumin seed" + ] + }, + { + "id": 568, + "cuisine": "british", + "ingredients": [ + "ground black pepper", + "vegetable oil", + "malt vinegar", + "soda water", + "fish fillets", + "flour", + "lemon", + "hot sauce", + "mayonaise", + "baking powder", + "cornichons", + "rice flour", + "capers", + "large eggs", + "russet potatoes", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 30360, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "garlic", + "pepper", + "diced tomatoes", + "onions", + "sugar", + "boneless chicken", + "coconut milk", + "tomato sauce", + "olive oil", + "salt" + ] + }, + { + "id": 30652, + "cuisine": "russian", + "ingredients": [ + "celery ribs", + "ground black pepper", + "cauliflower florets", + "green pepper", + "ground cayenne pepper", + "water", + "butter", + "canned tomatoes", + "fresh lemon juice", + "green cabbage", + "potatoes", + "whipping cream", + "dried dillweed", + "onions", + "red beets", + "red pepper", + "salt", + "carrots" + ] + }, + { + "id": 19575, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "vanilla extract", + "baking powder", + "all-purpose flour", + "corn kernels", + "salt", + "butter", + "sweetened condensed milk" + ] + }, + { + "id": 32060, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "chickpeas", + "onions", + "bread", + "chili powder", + "garlic cloves", + "ground turmeric", + "coriander powder", + "oil", + "basmati rice", + "fresh tomatoes", + "salt", + "ginger root", + "ground cumin" + ] + }, + { + "id": 46005, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "grated parmesan cheese", + "salt", + "carrots", + "sage leaves", + "large eggs", + "large garlic cloves", + "liver", + "ground black pepper", + "dry white wine", + "chopped onion", + "country bread", + "fennel bulb", + "butter", + "chopped walnuts", + "chicken" + ] + }, + { + "id": 26456, + "cuisine": "british", + "ingredients": [ + "black pepper", + "pastry dough", + "large egg yolks", + "salt", + "stilton", + "heavy cream", + "large eggs" + ] + }, + { + "id": 24264, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "olive oil", + "garlic cloves", + "cornish game hens", + "low salt chicken broth", + "rosemary sprigs", + "lemon" + ] + }, + { + "id": 14597, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "fresh ginger root", + "garlic", + "canola oil", + "kosher salt", + "jalapeno chilies", + "cumin seed", + "tumeric", + "garam masala", + "cayenne pepper", + "cauliflower", + "fresh cilantro", + "russet potatoes", + "onions" + ] + }, + { + "id": 36603, + "cuisine": "spanish", + "ingredients": [ + "flour", + "raisins", + "tomato paste", + "parsley", + "garlic cloves", + "hard-boiled egg", + "chickpeas", + "roasted almonds", + "vegetable stock", + "onions" + ] + }, + { + "id": 15304, + "cuisine": "spanish", + "ingredients": [ + "roasted red peppers", + "red wine", + "smoked paprika", + "crushed tomatoes", + "bay leaves", + "ground rosemary", + "onions", + "non fat chicken stock", + "paprika", + "chopped parsley", + "dried thyme", + "chili powder", + "skinless chicken thighs" + ] + }, + { + "id": 11600, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "red pepper flakes", + "corn starch", + "black pepper", + "green onions", + "rice vinegar", + "low sodium soy sauce", + "extra firm tofu", + "sea salt", + "honey", + "sesame oil", + "oyster sauce" + ] + }, + { + "id": 8076, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "plums", + "dried oregano", + "seedless cucumber", + "balsamic vinegar", + "ripe olives", + "pepper", + "extra-virgin olive oil", + "polenta", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 28043, + "cuisine": "british", + "ingredients": [ + "nutmeg", + "bread dough", + "honey", + "currant", + "caster sugar", + "lard" + ] + }, + { + "id": 43344, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "salt", + "canola oil", + "water", + "long-grain rice", + "peas", + "ground beef", + "pepper", + "sauce" + ] + }, + { + "id": 18436, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "mushrooms", + "garlic", + "lasagna noodles", + "green peas", + "shredded mozzarella cheese", + "eggs", + "grated parmesan cheese", + "dry red wine", + "onions", + "olive oil", + "sliced carrots", + "broccoli" + ] + }, + { + "id": 42720, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "green onions", + "white pepper", + "corn starch", + "soy sauce", + "ginger", + "chicken stock", + "enokitake" + ] + }, + { + "id": 11502, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "garlic cloves", + "tumeric", + "salt", + "onions", + "tomatoes", + "ginger", + "chillies", + "fresh coriander", + "free range egg" + ] + }, + { + "id": 31314, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "agave nectar", + "cracked black pepper", + "canola oil", + "fish sauce", + "watercress leaves", + "crushed garlic", + "rice vinegar", + "tomatoes", + "kosher salt", + "sesame oil", + "purple onion", + "sugar", + "lime", + "top sirloin", + "oyster sauce" + ] + }, + { + "id": 42892, + "cuisine": "indian", + "ingredients": [ + "tofu", + "baby spinach", + "cayenne pepper", + "tomato sauce", + "sea salt", + "ground cumin", + "low-fat coconut milk", + "large garlic cloves", + "ground coriander", + "frozen spinach", + "garam masala", + "ginger" + ] + }, + { + "id": 35876, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "ground mustard", + "flour", + "elbow pasta", + "unsalted butter", + "sharp cheddar cheese", + "water", + "salt", + "panko breadcrumbs" + ] + }, + { + "id": 12089, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "large eggs", + "salt", + "red bell pepper", + "olive oil", + "unsalted butter", + "coarse salt", + "garlic cloves", + "sugar", + "swiss chard", + "pastry dough", + "all-purpose flour", + "milk", + "prosciutto", + "whole milk ricotta cheese", + "provolone cheese" + ] + }, + { + "id": 35511, + "cuisine": "indian", + "ingredients": [ + "pepper", + "curds", + "salt", + "ground cumin", + "mint leaves", + "cucumber", + "ginger juice", + "green chilies" + ] + }, + { + "id": 16118, + "cuisine": "brazilian", + "ingredients": [ + "cranberry juice", + "orange juice", + "blackberries", + "lime", + "cachaca", + "lime juice", + "cabernet sauvignon", + "simple syrup", + "ice" + ] + }, + { + "id": 40608, + "cuisine": "italian", + "ingredients": [ + "pepper", + "veal chops", + "salt", + "tomatoes", + "unsalted butter", + "red wine vinegar", + "olive oil", + "large eggs", + "arugula", + "bread crumb fresh", + "dijon mustard", + "large garlic cloves" + ] + }, + { + "id": 33601, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "dried thyme", + "red pepper flakes", + "onions", + "minced garlic", + "black-eyed peas", + "flavoring", + "homemade chicken stock", + "olive oil", + "ham", + "water", + "apple cider vinegar", + "celery" + ] + }, + { + "id": 49071, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "garlic chili sauce", + "soy sauce", + "sesame oil", + "brown sugar", + "fresh ginger", + "chicken thighs", + "black pepper", + "rice vinegar" + ] + }, + { + "id": 10391, + "cuisine": "italian", + "ingredients": [ + "capers", + "olive oil", + "zucchini", + "garlic cloves", + "fresh basil", + "pinenuts", + "bulb fennel", + "white wine vinegar", + "toast", + "tomatoes", + "black pepper", + "eggplant", + "raisins", + "celery", + "green olives", + "kosher salt", + "granulated sugar", + "salt", + "onions" + ] + }, + { + "id": 6259, + "cuisine": "mexican", + "ingredients": [ + "lime", + "beer", + "chicken drumsticks", + "coarse salt" + ] + }, + { + "id": 43323, + "cuisine": "russian", + "ingredients": [ + "celery ribs", + "fennel bulb", + "peas", + "marjoram", + "spelt", + "shallots", + "carrots", + "olive oil", + "lemon", + "thyme", + "fennel fronds", + "dandelion greens", + "red russian kale" + ] + }, + { + "id": 16015, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "tortilla chips", + "cilantro sprigs", + "onions", + "jalapeno chilies", + "garlic cloves", + "salt" + ] + }, + { + "id": 10785, + "cuisine": "thai", + "ingredients": [ + "romaine lettuce", + "lime juice", + "flank steak", + "red bell pepper", + "fresh basil", + "Thai chili paste", + "ground black pepper", + "salt", + "sugar", + "cherry tomatoes", + "purple onion", + "fresh mint", + "fish sauce", + "water", + "cooking spray", + "cucumber" + ] + }, + { + "id": 29602, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "pork loin", + "tonkatsu sauce", + "ground black pepper", + "vegetable oil", + "panko breadcrumbs", + "turkey breast cutlets", + "lemon wedge", + "salt", + "flour", + "napa cabbage" + ] + }, + { + "id": 37381, + "cuisine": "southern_us", + "ingredients": [ + "butter crackers", + "large eggs", + "buttermilk", + "kosher salt", + "vegetable oil", + "fresh marjoram", + "gravy", + "all-purpose flour", + "ground pepper", + "top sirloin steak" + ] + }, + { + "id": 31043, + "cuisine": "mexican", + "ingredients": [ + "salt", + "jalapeno chilies", + "onions", + "tomatoes", + "fresh lime juice", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 34915, + "cuisine": "korean", + "ingredients": [ + "pepper", + "ginger", + "brown sugar", + "sesame oil", + "salt", + "green onions", + "garlic", + "soy sauce", + "red pepper flakes", + "ground beef" + ] + }, + { + "id": 747, + "cuisine": "italian", + "ingredients": [ + "low sodium canned chicken broth", + "parmigiano reggiano cheese", + "rosemary leaves", + "celery", + "parmesan cheese", + "red pepper flakes", + "white beans", + "kale", + "bay leaves", + "garlic", + "onions", + "kosher salt", + "ground black pepper", + "extra-virgin olive oil", + "carrots" + ] + }, + { + "id": 36898, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "italian eggplant", + "provolone cheese", + "marinara sauce", + "garlic", + "fresh basil leaves", + "herbs", + "extra-virgin olive oil", + "nonstick spray", + "coarse salt", + "parmagiano reggiano" + ] + }, + { + "id": 36633, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "fresh shiitake mushrooms", + "all-purpose flour", + "low salt chicken broth", + "green onions", + "linguine", + "green beans", + "peeled fresh ginger", + "vegetable oil", + "pork shoulder boston butt", + "hoisin sauce", + "sesame oil", + "chinese five-spice powder" + ] + }, + { + "id": 42462, + "cuisine": "cajun_creole", + "ingredients": [ + "baking soda", + "salt", + "meringue", + "sugar", + "ground black pepper", + "hot sauce", + "ground cinnamon", + "ground nutmeg", + "all-purpose flour", + "cane syrup", + "water", + "large eggs", + "peanut oil" + ] + }, + { + "id": 36597, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "milk", + "salt", + "pepper", + "butter", + "eggs", + "potatoes", + "corn tortillas", + "water", + "bacon slices" + ] + }, + { + "id": 20695, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "green onions", + "boneless chicken skinless thigh", + "soy sauce", + "crushed red pepper", + "sake", + "fresh ginger" + ] + }, + { + "id": 24296, + "cuisine": "french", + "ingredients": [ + "chopped almonds", + "evaporated skim milk", + "sugar", + "vanilla extract", + "almond extract", + "large eggs", + "sweetened condensed milk" + ] + }, + { + "id": 2353, + "cuisine": "thai", + "ingredients": [ + "coconut oil", + "potatoes", + "ginger", + "chickpeas", + "carrots", + "fresh lime juice", + "tomato purée", + "soy sauce", + "shallots", + "purple onion", + "cumin seed", + "coconut milk", + "ground cumin", + "brown sugar", + "thai basil", + "vegetable stock", + "tomato ketchup", + "yams", + "squash", + "chiles", + "bay leaves", + "garlic", + "ground coriander", + "ground white pepper", + "ground turmeric" + ] + }, + { + "id": 42143, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "garlic", + "soy sauce", + "vegetable oil", + "corn starch", + "flank steak", + "dark brown sugar", + "water", + "ginger" + ] + }, + { + "id": 33463, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "half & half", + "carrots", + "onions", + "pepper", + "butter", + "bay leaf", + "white wine", + "lean ground beef", + "celery", + "crushed tomatoes", + "salt", + "fresh parsley" + ] + }, + { + "id": 1847, + "cuisine": "italian", + "ingredients": [ + "fresh oregano leaves", + "olive oil", + "extra-virgin olive oil", + "kosher salt", + "mushrooms", + "black pepper", + "baby arugula", + "pecorino cheese", + "baguette", + "balsamic vinegar" + ] + }, + { + "id": 23225, + "cuisine": "italian", + "ingredients": [ + "peeled fresh ginger", + "cayenne pepper", + "mayonaise", + "ponzu", + "chopped cilantro fresh", + "tentacles", + "vegetable oil", + "fresh lime juice", + "calamari", + "all-purpose flour" + ] + }, + { + "id": 28876, + "cuisine": "french", + "ingredients": [ + "ketchup", + "red wine vinegar", + "shiitake mushroom caps", + "ground black pepper", + "ginger", + "watercress leaves", + "grapeseed oil", + "mango", + "soy sauce", + "boneless chicken breast halves", + "garlic" + ] + }, + { + "id": 19281, + "cuisine": "italian", + "ingredients": [ + "salt", + "potatoes", + "grated parmesan cheese", + "Ragu® Robusto!® Pasta Sauce", + "vegetable oil" + ] + }, + { + "id": 3032, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "sweet onion", + "duck", + "chicken broth", + "pepper", + "old bay seasoning", + "ham", + "pork", + "red wine vinegar", + "garlic cloves", + "collard greens", + "smoked bacon", + "salt", + "celery seed" + ] + }, + { + "id": 7686, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "dried apricot", + "white wine vinegar", + "ground cloves", + "vegetable oil", + "ground cardamom", + "sugar", + "peeled fresh ginger", + "cayenne pepper", + "water", + "lamb shoulder", + "onions" + ] + }, + { + "id": 12621, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "kidney beans", + "chopped celery", + "dried oregano", + "tomato paste", + "dried thyme", + "lean ground beef", + "chopped onion", + "dried basil", + "ditalini pasta", + "beef broth", + "minced garlic", + "olive oil", + "cracked black pepper", + "dried parsley" + ] + }, + { + "id": 3183, + "cuisine": "southern_us", + "ingredients": [ + "frozen whipped topping", + "lime zest", + "fresh lime juice", + "graham cracker crusts", + "eggs", + "sweetened condensed milk" + ] + }, + { + "id": 44878, + "cuisine": "moroccan", + "ingredients": [ + "boneless chicken thighs", + "flour", + "garlic", + "onions", + "ground ginger", + "olive oil", + "lemon", + "salt", + "ground cumin", + "chicken stock", + "pepper", + "parsley", + "powdered turmeric", + "saffron", + "pitted black olives", + "ground black pepper", + "sea salt", + "sweet paprika" + ] + }, + { + "id": 17177, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "plums", + "garlic cloves", + "sugar", + "lime juice", + "salt", + "vidalia onion", + "water", + "white wine vinegar", + "granny smith apples", + "jalapeno chilies", + "orange juice" + ] + }, + { + "id": 33681, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "ground black pepper", + "sun-dried tomatoes in oil", + "minced garlic", + "salt", + "olive oil", + "shredded mozzarella cheese", + "french baguette", + "balsamic vinegar", + "plum tomatoes" + ] + }, + { + "id": 30046, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "garlic", + "pepper", + "grated parmesan cheese", + "white sugar", + "tomato paste", + "olive oil", + "salt", + "water", + "red wine", + "dried oregano" + ] + }, + { + "id": 16601, + "cuisine": "british", + "ingredients": [ + "eggs", + "currant", + "self rising flour", + "chocolate chips", + "butter", + "caster sugar", + "salt" + ] + }, + { + "id": 23753, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "baking powder", + "milk", + "salt", + "cold water", + "active dry yeast", + "all-purpose flour", + "eggs", + "baking soda", + "white sugar" + ] + }, + { + "id": 38752, + "cuisine": "indian", + "ingredients": [ + "unsalted butter", + "extra-virgin olive oil", + "cumin seed", + "chopped fresh mint", + "ground black pepper", + "brown mustard seeds", + "ear of corn", + "chopped cilantro", + "peeled fresh ginger", + "salt", + "scallions", + "fresh dill", + "seeds", + "green chilies", + "lemon juice" + ] + }, + { + "id": 13567, + "cuisine": "japanese", + "ingredients": [ + "curry powder", + "cumin seed", + "salt", + "olive oil", + "onions", + "tomatoes", + "okra" + ] + }, + { + "id": 31345, + "cuisine": "japanese", + "ingredients": [ + "chicken legs", + "mirin", + "scallions", + "soy sauce", + "garlic", + "sake", + "ginger", + "ground black pepper", + "dark brown sugar" + ] + }, + { + "id": 1166, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "corn tortillas", + "salt", + "coleslaw", + "fresh cilantro", + "frozen corn kernels", + "chili powder", + "filet" + ] + }, + { + "id": 37421, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "purple onion", + "red wine vinegar", + "fillets", + "lime", + "corn tortillas", + "reduced-fat sour cream", + "fresh lime juice" + ] + }, + { + "id": 12634, + "cuisine": "chinese", + "ingredients": [ + "high-gluten flour", + "oysters", + "peanut oil", + "cold water", + "salt", + "baking powder" + ] + }, + { + "id": 16993, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "onion powder", + "cayenne pepper", + "parmesan cheese", + "paprika", + "olive oil spray", + "garlic powder", + "buttermilk", + "panko breadcrumbs", + "boneless skinless chicken breasts", + "hot sauce" + ] + }, + { + "id": 44890, + "cuisine": "indian", + "ingredients": [ + "fresh curry leaves", + "tamarind paste", + "mustard seeds", + "plain yogurt", + "salt", + "dried chile peppers", + "ground turmeric", + "vegetable oil", + "long-grain rice", + "cashew nuts", + "water", + "cumin seed", + "fresh lime juice" + ] + }, + { + "id": 3684, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salt", + "serrano chile", + "cider vinegar", + "fresh lime juice", + "tomatoes", + "garlic cloves", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 36641, + "cuisine": "thai", + "ingredients": [ + "vegetable oil", + "roasted peanuts", + "red pepper", + "onions", + "napa cabbage", + "carrots", + "thai noodles", + "sauce", + "snow peas" + ] + }, + { + "id": 15661, + "cuisine": "french", + "ingredients": [ + "salt", + "fresh lemon juice", + "lemon wedge", + "fresh herbs", + "grated lemon zest", + "bass fillets", + "olive oil", + "freshly ground pepper", + "herbes de provence" + ] + }, + { + "id": 37010, + "cuisine": "cajun_creole", + "ingredients": [ + "warm water", + "butter", + "canola oil", + "powdered sugar", + "active dry yeast", + "salt", + "milk", + "vanilla", + "sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 32723, + "cuisine": "italian", + "ingredients": [ + "thyme sprigs", + "extra-virgin olive oil", + "fresh thyme leaves", + "orange zest", + "picholine olives", + "olives" + ] + }, + { + "id": 27042, + "cuisine": "greek", + "ingredients": [ + "egg yolks", + "chicken stock", + "fresh lemon juice", + "coarse salt", + "ground black pepper", + "long grain white rice" + ] + }, + { + "id": 23082, + "cuisine": "french", + "ingredients": [ + "olive oil", + "garlic", + "Burgundy wine", + "tomatoes", + "portabello mushroom", + "salt", + "italian seasoning", + "ground black pepper", + "gruyere cheese", + "chicken thighs", + "sweet onion", + "heavy cream", + "corn starch" + ] + }, + { + "id": 6816, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "baking powder", + "all-purpose flour", + "eggs", + "granulated sugar", + "sea salt", + "oil", + "ground black pepper", + "buttermilk", + "chili sauce", + "pepper", + "green onions", + "salt", + "cornmeal" + ] + }, + { + "id": 5365, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "shredded lettuce", + "cheddar cheese", + "green onions", + "sour cream", + "sliced black olives", + "taco seasoning", + "corn", + "russet potatoes", + "ground turkey" + ] + }, + { + "id": 35992, + "cuisine": "moroccan", + "ingredients": [ + "water", + "paprika", + "ground ginger", + "vegetable oil", + "onions", + "ground black pepper", + "salt", + "green olives", + "lemon", + "chicken" + ] + }, + { + "id": 12334, + "cuisine": "indian", + "ingredients": [ + "cilantro", + "cucumber", + "tomatoes", + "salt", + "purple onion", + "chaat masala", + "sugar", + "low-fat yogurt" + ] + }, + { + "id": 25813, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "basil", + "all-purpose flour", + "fontina cheese", + "zucchini", + "yellow bell pepper", + "champagne vinegar", + "ground black pepper", + "ice water", + "salt", + "japanese eggplants", + "grape tomatoes", + "fresh thyme leaves", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 10076, + "cuisine": "japanese", + "ingredients": [ + "water", + "curry sauce", + "carrots", + "shiitake", + "butter", + "curry powder", + "chicken breasts", + "onions", + "pepper", + "udon", + "salt" + ] + }, + { + "id": 48752, + "cuisine": "mexican", + "ingredients": [ + "Anaheim chile", + "Hidden Valley® Original Ranch Salad® Dressing & Seasoning Mix", + "cilantro leaves", + "hass avocado", + "purple onion", + "fresh lime juice", + "ground black pepper", + "red bell pepper" + ] + }, + { + "id": 30062, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "grated parmesan cheese", + "extra-virgin olive oil", + "garlic cloves", + "onions", + "dried porcini mushrooms", + "pappardelle", + "sweet italian sausage", + "low salt chicken broth", + "water", + "dry red wine", + "chopped fresh sage", + "flat leaf parsley", + "tomatoes", + "bay leaves", + "veal for stew", + "carrots" + ] + }, + { + "id": 16562, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "littleneck clams", + "garlic cloves", + "spanish chorizo", + "stewed tomatoes" + ] + }, + { + "id": 47005, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "vinegar", + "ground allspice", + "black peppercorns", + "ground nutmeg", + "salt", + "oil", + "ground cinnamon", + "lime", + "green onions", + "gingerroot", + "soy sauce", + "fresh thyme", + "pineapple juice", + "garlic cloves" + ] + }, + { + "id": 742, + "cuisine": "japanese", + "ingredients": [ + "sake", + "shoyu", + "mirin", + "dark brown sugar" + ] + }, + { + "id": 1436, + "cuisine": "british", + "ingredients": [ + "yellow cake mix", + "pie crust", + "strawberry jam", + "eggs", + "oil", + "cold water", + "water" + ] + }, + { + "id": 38742, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "Gochujang base", + "syrup", + "hot pepper", + "onions", + "cooking oil", + "sausages", + "ketchup", + "sweet pepper" + ] + }, + { + "id": 14248, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "fresh lemon juice", + "fat free less sodium chicken broth", + "salt", + "thyme sprigs", + "olive oil", + "garlic cloves", + "boneless skinless chicken breast halves", + "butter", + "herbes de provence" + ] + }, + { + "id": 3344, + "cuisine": "italian", + "ingredients": [ + "milk", + "large eggs", + "vanilla beans", + "granulated sugar", + "prunes", + "large egg yolks", + "confectioners sugar", + "panettone", + "unsalted butter", + "grappa" + ] + }, + { + "id": 16836, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "hoisin sauce", + "sesame oil", + "all-purpose flour", + "eggs", + "light soy sauce", + "pork loin", + "red wine", + "chinese five-spice powder", + "warm water", + "dry yeast", + "vegetable oil", + "freshly ground pepper", + "garlic paste", + "honey", + "green onions", + "salt", + "oil" + ] + }, + { + "id": 35706, + "cuisine": "mexican", + "ingredients": [ + "sour cream", + "shredded Monterey Jack cheese", + "avocado", + "corn tortillas", + "turkey breast", + "meat", + "canola oil" + ] + }, + { + "id": 31338, + "cuisine": "mexican", + "ingredients": [ + "cream", + "ancho chile pepper", + "manchego cheese", + "refried beans", + "chicken-flavored soup powder" + ] + }, + { + "id": 41295, + "cuisine": "cajun_creole", + "ingredients": [ + "red kidney beans", + "chopped tomatoes", + "purple onion", + "white wine", + "cajun seasoning", + "fresh parsley", + "collard greens", + "bay leaves", + "red bell pepper", + "low sodium vegetable broth", + "red rice" + ] + }, + { + "id": 48965, + "cuisine": "italian", + "ingredients": [ + "fronds", + "fresh oregano", + "fennel seeds", + "fennel bulb", + "varnish clams", + "italian sausage", + "clam juice", + "olive oil", + "red bell pepper" + ] + }, + { + "id": 37884, + "cuisine": "mexican", + "ingredients": [ + "white quinoa", + "lime", + "diced red onions", + "chopped cilantro", + "avocado", + "water", + "cherry tomatoes", + "sea salt", + "black beans", + "kale", + "gluten", + "chopped cilantro fresh", + "black pepper", + "lime juice", + "olive oil", + "hemp seeds" + ] + }, + { + "id": 47849, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic", + "salsa", + "cumin", + "black beans", + "roma tomatoes", + "purple onion", + "sour cream", + "mayonaise", + "corn husks", + "black olives", + "elbow macaroni", + "pepper", + "green onions", + "salt", + "chopped cilantro" + ] + }, + { + "id": 35438, + "cuisine": "french", + "ingredients": [ + "cider vinegar", + "potatoes", + "mayonaise", + "calvados", + "apple juice", + "ground black pepper", + "heavy cream", + "granny smith apples", + "parsley leaves", + "fresh lemon juice" + ] + }, + { + "id": 30755, + "cuisine": "mexican", + "ingredients": [ + "tri-tip roast", + "minced garlic", + "cooking spray", + "white wine", + "olive oil", + "onions", + "seasoning", + "crushed tomatoes", + "cayenne pepper", + "ancho chili ground pepper", + "ground black pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 29170, + "cuisine": "french", + "ingredients": [ + "water", + "vanilla extract", + "unsweetened chocolate", + "coffee liqueur", + "all-purpose flour", + "white sugar", + "baking soda", + "salt", + "confectioners sugar", + "eggs", + "baking powder", + "cream cheese", + "semisweet baking chocolate" + ] + }, + { + "id": 39753, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "hot sauce", + "lime juice" + ] + }, + { + "id": 25955, + "cuisine": "french", + "ingredients": [ + "cold water", + "chopped fresh thyme", + "salt", + "bay leaf", + "minced garlic", + "red wine", + "fresh mushrooms", + "pepper", + "butter", + "beef broth", + "shallots", + "worcestershire sauce", + "corn starch" + ] + }, + { + "id": 35363, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "lemon juice", + "roasted red peppers", + "fresh parsley leaves", + "fresh basil leaves", + "vegetable juice", + "garlic cloves", + "cucumber", + "sliced cucumber", + "banana peppers" + ] + }, + { + "id": 18769, + "cuisine": "southern_us", + "ingredients": [ + "ancho", + "cider vinegar", + "yellow onion", + "ketchup", + "worcestershire sauce", + "ground white pepper", + "tomato paste", + "unsalted butter", + "dark brown sugar", + "kosher salt", + "garlic", + "dr. pepper" + ] + }, + { + "id": 35694, + "cuisine": "italian", + "ingredients": [ + "diced tomatoes", + "onions", + "pepper", + "salt", + "olive oil", + "garlic cloves", + "crushed red pepper", + "italian seasoning" + ] + }, + { + "id": 45555, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "water", + "ground coriander", + "kosher salt", + "jalapeno chilies", + "onions", + "white button mushrooms", + "olive oil", + "cooked white rice", + "chile powder", + "minced garlic", + "green onions", + "ground cumin" + ] + }, + { + "id": 42679, + "cuisine": "southern_us", + "ingredients": [ + "mustard", + "bacon", + "ground black pepper", + "hot sauce", + "water", + "salt", + "vinegar", + "onions" + ] + }, + { + "id": 24197, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "cream cheese", + "chicken breasts", + "flour tortillas", + "black bean and corn salsa" + ] + }, + { + "id": 40573, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "fresh ginger", + "thai chile", + "chopped cilantro", + "lime juice", + "sweet potatoes", + "purple onion", + "pepper", + "pork tenderloin", + "vietnamese fish sauce", + "brussels sprouts", + "honey", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 29810, + "cuisine": "thai", + "ingredients": [ + "Jif Creamy Peanut Butter", + "chicken breasts", + "green onions", + "sauce", + "tortillas", + "shredded lettuce", + "cooked chicken" + ] + }, + { + "id": 39110, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "vegetable oil", + "corn starch", + "soy sauce", + "garlic", + "medium shrimp", + "sugar", + "ground pork", + "cooking sherry", + "cold water", + "water", + "salt" + ] + }, + { + "id": 27896, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "kosher salt", + "grated parmesan cheese", + "zucchini", + "pepper", + "cheese ravioli" + ] + }, + { + "id": 11854, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "dry yeast", + "salt", + "warm water", + "extra-virgin olive oil", + "bread flour", + "fresh basil", + "cooking spray", + "cornmeal", + "roasted red peppers", + "garlic" + ] + }, + { + "id": 46052, + "cuisine": "indian", + "ingredients": [ + "kidney beans", + "green chilies", + "garlic", + "coriander", + "garam masala", + "onions", + "tomatoes", + "salt" + ] + }, + { + "id": 30312, + "cuisine": "moroccan", + "ingredients": [ + "green olives", + "dried mint flakes", + "onions", + "orange juice concentrate", + "fat free less sodium chicken broth", + "salt", + "black pepper", + "chicken breast halves", + "ground cinnamon", + "olive oil", + "ground coriander" + ] + }, + { + "id": 27091, + "cuisine": "chinese", + "ingredients": [ + "ground chicken", + "garlic", + "oyster sauce", + "sugar", + "egg noodles", + "liquid", + "noodles", + "chicken stock", + "chile paste", + "cooking wine", + "corn starch", + "soy sauce", + "green onions", + "oil" + ] + }, + { + "id": 34493, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "grated Gruyère cheese", + "haricots verts", + "vermicelli", + "tomatoes", + "garlic", + "potatoes", + "boiling water" + ] + }, + { + "id": 15352, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "large egg yolks", + "salt", + "sugar", + "large eggs", + "fresh lemon juice", + "slivered almonds", + "unsalted butter", + "all-purpose flour", + "water", + "bosc pears" + ] + }, + { + "id": 15695, + "cuisine": "spanish", + "ingredients": [ + "triple sec", + "red apples", + "granny smith apples", + "lemon", + "dry white wine", + "club soda", + "orange", + "fresh orange juice" + ] + }, + { + "id": 44843, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "cilantro sprigs", + "ground black pepper", + "olive oil", + "oyster sauce", + "fish sauce", + "extra firm tofu" + ] + }, + { + "id": 27848, + "cuisine": "filipino", + "ingredients": [ + "ground black pepper", + "garlic", + "ground turmeric", + "glutinous rice", + "cooked brisket", + "tripe", + "fish sauce", + "cooking oil", + "homemade beef stock", + "water", + "ginger", + "onions" + ] + }, + { + "id": 2528, + "cuisine": "italian", + "ingredients": [ + "scallops", + "ground black pepper", + "fish stock", + "shrimp", + "arborio rice", + "calamari", + "vegetable oil", + "yellow onion", + "kosher salt", + "dry white wine", + "Italian parsley leaves", + "frozen peas", + "tentacles", + "olive oil", + "lemon", + "anchovy fillets" + ] + }, + { + "id": 1854, + "cuisine": "vietnamese", + "ingredients": [ + "liquid aminos", + "garlic powder", + "sesame oil", + "red bell pepper", + "ground ginger", + "lime juice", + "chili paste", + "stevia", + "beans", + "leaves", + "rice noodles", + "cabbage", + "fish sauce", + "fresh cilantro", + "green onions", + "carrots" + ] + }, + { + "id": 15979, + "cuisine": "indian", + "ingredients": [ + "water", + "evaporated milk", + "onions", + "frozen chopped spinach", + "olive oil", + "salt", + "curry powder", + "garlic", + "cumin", + "tomatoes", + "fresh ginger", + "chickpeas" + ] + }, + { + "id": 38256, + "cuisine": "chinese", + "ingredients": [ + "white vinegar", + "water", + "baking powder", + "all-purpose flour", + "chicken broth", + "chile paste", + "sesame oil", + "corn starch", + "dark soy sauce", + "baking soda", + "vegetable oil", + "toasted sesame seeds", + "soy sauce", + "boneless skinless chicken breasts", + "garlic", + "white sugar" + ] + }, + { + "id": 30161, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "orzo", + "boneless skinless chicken breast halves", + "dry white wine", + "fresh lemon juice", + "prosciutto", + "all-purpose flour", + "sage leaves", + "butter", + "low salt chicken broth" + ] + }, + { + "id": 25897, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "sesame seeds", + "salt", + "corn flour", + "tomatoes", + "black pepper", + "green onions", + "green chilies", + "ground turmeric", + "garlic paste", + "water", + "capsicum", + "oil", + "ginger paste", + "tofu", + "soy sauce", + "vinegar", + "chili sauce", + "onions" + ] + }, + { + "id": 4195, + "cuisine": "italian", + "ingredients": [ + "swiss chard", + "extra-virgin olive oil", + "lemon zest", + "freshly ground pepper", + "pasta", + "large garlic cloves", + "gorgonzola", + "unsalted butter", + "salt" + ] + }, + { + "id": 33766, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "garlic", + "dried oregano", + "tomato purée", + "red wine vinegar", + "flat leaf parsley", + "ground cinnamon", + "ground black pepper", + "yellow onion", + "fresh dill", + "extra-virgin olive oil", + "butter beans" + ] + }, + { + "id": 48233, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "oil", + "fish fillets", + "water", + "salt", + "corn starch", + "white pepper", + "ginger", + "oyster sauce", + "sugar", + "Shaoxing wine", + "scallions" + ] + }, + { + "id": 19896, + "cuisine": "italian", + "ingredients": [ + "water", + "cooking spray", + "yellow corn meal", + "sea salt", + "half & half" + ] + }, + { + "id": 33096, + "cuisine": "italian", + "ingredients": [ + "smoked mozzarella", + "acorn squash", + "dried oregano", + "dried basil", + "croutons", + "fresh tomatoes", + "freshly ground pepper", + "salt", + "onions" + ] + }, + { + "id": 21506, + "cuisine": "japanese", + "ingredients": [ + "green cabbage", + "mirin", + "garlic", + "mayonaise", + "hoisin sauce", + "scallions", + "whole wheat flour", + "lemon", + "carrots", + "eggs", + "zucchini", + "mizuna" + ] + }, + { + "id": 47578, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "potatoes", + "diced tomatoes", + "garlic cloves", + "ground black pepper", + "red pepper flakes", + "salt", + "ground cumin", + "olive oil", + "chili powder", + "boneless beef chuck roast", + "onions", + "poblano peppers", + "worcestershire sauce", + "beef broth" + ] + }, + { + "id": 45808, + "cuisine": "thai", + "ingredients": [ + "low sodium soy sauce", + "cherry tomatoes", + "green onions", + "baby carrots", + "water", + "reduced fat chunky peanut butter", + "cilantro leaves", + "beansprouts", + "dry roasted peanuts", + "Sriracha", + "purple onion", + "dark sesame oil", + "salad greens", + "peeled fresh ginger", + "rice vinegar", + "fresh mint" + ] + }, + { + "id": 38584, + "cuisine": "spanish", + "ingredients": [ + "red wine", + "herbes de provence", + "eggs", + "lean beef", + "beef stock cubes", + "onions", + "chopped tomatoes", + "garlic cloves" + ] + }, + { + "id": 15580, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "peeled fresh ginger", + "chopped onion", + "ground cumin", + "fat free less sodium chicken broth", + "chopped celery", + "chopped cilantro fresh", + "red lentils", + "ground black pepper", + "salt", + "ground turmeric", + "granny smith apples", + "light coconut milk", + "fresh lime juice" + ] + }, + { + "id": 6383, + "cuisine": "italian", + "ingredients": [ + "butter", + "organic vegetable broth", + "hot cherry pepper", + "capers", + "all-purpose flour", + "flat leaf parsley", + "olive oil", + "dry bread crumbs", + "boneless skinless chicken breast halves", + "salt", + "garlic cloves" + ] + }, + { + "id": 46379, + "cuisine": "korean", + "ingredients": [ + "white vinegar", + "gochugaru", + "white sugar", + "minced garlic", + "cucumber", + "salad", + "rock salt", + "sesame seeds", + "onions" + ] + }, + { + "id": 16828, + "cuisine": "filipino", + "ingredients": [ + "spring roll wrappers", + "water chestnuts", + "garlic", + "pepper", + "vegetable oil", + "soy sauce", + "egg yolks", + "salt", + "finely chopped onion", + "ground pork" + ] + }, + { + "id": 18913, + "cuisine": "mexican", + "ingredients": [ + "white corn tortillas", + "cooking spray", + "part-skim ricotta cheese", + "red bell pepper", + "Mexican cheese blend", + "shuck corn", + "salt", + "cooked chicken breasts", + "large eggs", + "1% low-fat milk", + "all-purpose flour", + "sliced green onions", + "ground black pepper", + "poblano", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 23332, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "white sugar", + "eggs", + "pie shell", + "white vinegar", + "vanilla extract", + "evaporated milk", + "cornmeal" + ] + }, + { + "id": 9965, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "whole milk", + "fettucine", + "unsalted butter", + "garlic", + "ground black pepper", + "heavy cream", + "kosher salt", + "grated parmesan cheese", + "fresh parsley leaves" + ] + }, + { + "id": 9259, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "fresh lime", + "flour tortillas", + "paprika", + "sauce", + "ground coriander", + "avocado", + "shredded cheddar cheese", + "olive oil", + "diced tomatoes", + "cilantro leaves", + "tortilla chips", + "chipotle peppers", + "pepper", + "spanish onion", + "jalapeno chilies", + "salt", + "frozen corn kernels", + "corn tortillas", + "chicken broth", + "minced garlic", + "ground black pepper", + "ancho powder", + "greek style plain yogurt", + "rotisserie chicken", + "ground cumin" + ] + }, + { + "id": 3423, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "turkey", + "tomato sauce", + "grated parmesan cheese", + "sausages", + "eggs", + "lasagna noodles", + "salt", + "mozzarella cheese", + "ricotta cheese", + "ground turkey" + ] + }, + { + "id": 5890, + "cuisine": "spanish", + "ingredients": [ + "coarse salt", + "bread", + "garlic", + "extra-virgin olive oil", + "tomatoes" + ] + }, + { + "id": 40837, + "cuisine": "mexican", + "ingredients": [ + "honey", + "corn starch", + "chocolate bars", + "vanilla extract", + "ground cinnamon", + "ancho powder", + "milk", + "salt" + ] + }, + { + "id": 31176, + "cuisine": "greek", + "ingredients": [ + "raw honey", + "skim milk", + "vanilla extract", + "dark chocolate", + "whipped cream", + "nonfat greek yogurt", + "powdered gelatin" + ] + }, + { + "id": 27784, + "cuisine": "italian", + "ingredients": [ + "lemon wedge", + "fillets", + "ground black pepper", + "salt", + "bread crumb fresh", + "extra-virgin olive oil", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 15867, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "beef broth", + "dried oregano", + "ground black pepper", + "garlic", + "pork spareribs", + "chili powder", + "salt", + "chopped cilantro fresh", + "water", + "dried pinto beans", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 29960, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "vegetable oil", + "salt", + "chopped cilantro fresh", + "crema mexicana", + "jalapeno chilies", + "garlic", + "red bell pepper", + "lime juice", + "low sodium chicken broth", + "purple onion", + "hass avocado", + "angel hair", + "poblano peppers", + "diced tomatoes", + "scallions", + "ground cumin" + ] + }, + { + "id": 12996, + "cuisine": "irish", + "ingredients": [ + "beef broth", + "spices", + "corned beef", + "beef brisket", + "cabbage", + "worcestershire sauce" + ] + }, + { + "id": 41578, + "cuisine": "mexican", + "ingredients": [ + "sliced black olives", + "chunky salsa", + "garlic powder", + "macaroni", + "mayonaise", + "chopped green bell pepper", + "ground black pepper", + "salt" + ] + }, + { + "id": 21544, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "vegetable oil", + "soy sauce", + "rice vinegar", + "salmon fillets", + "grapeseed oil", + "honey", + "garlic puree" + ] + }, + { + "id": 4031, + "cuisine": "italian", + "ingredients": [ + "pepper", + "garlic cloves", + "pesto", + "sour cream", + "salt" + ] + }, + { + "id": 10516, + "cuisine": "french", + "ingredients": [ + "granulated sugar", + "pink food coloring", + "large egg whites", + "heavy cream", + "confectioners sugar", + "extract", + "blanched almonds", + "unsalted butter", + "salt", + "bittersweet chocolate" + ] + }, + { + "id": 49327, + "cuisine": "indian", + "ingredients": [ + "lime juice", + "vegetable oil", + "shrimp", + "black pepper", + "garam masala", + "purple onion", + "ground turmeric", + "kosher salt", + "peaches", + "cumin seed", + "avocado", + "coriander seeds", + "cilantro sprigs", + "serrano chile" + ] + }, + { + "id": 493, + "cuisine": "russian", + "ingredients": [ + "eggs", + "water", + "fresh shiitake mushrooms", + "fresh dill", + "frozen pastry puff sheets", + "butter", + "bottled clam juice", + "dry white wine", + "long grain white rice", + "salmon fillets", + "leeks", + "crème fraîche" + ] + }, + { + "id": 32055, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "fresh parmesan cheese", + "butter", + "penne pasta", + "red bell pepper", + "cremini mushrooms", + "artichoke hearts", + "cooking spray", + "all-purpose flour", + "asparagus spears", + "sweet onion", + "ground black pepper", + "dry sherry", + "shredded mozzarella cheese", + "fresh basil", + "olive oil", + "reduced fat milk", + "salt", + "garlic cloves" + ] + }, + { + "id": 28992, + "cuisine": "chinese", + "ingredients": [ + "rock sugar", + "hard-boiled egg", + "chinese parsley", + "chinese five-spice powder", + "water", + "shallots", + "star anise", + "pork", + "Shaoxing wine", + "ginger", + "oil", + "dark soy sauce", + "bai cai", + "cinnamon", + "garlic" + ] + }, + { + "id": 10424, + "cuisine": "indian", + "ingredients": [ + "large eggs", + "salt", + "cilantro", + "green chilies", + "butter", + "yellow onion", + "medium tomatoes", + "garlic", + "ground cumin" + ] + }, + { + "id": 11025, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "worcestershire sauce", + "onions", + "ground paprika", + "prepared mustard", + "hot sauce", + "ground pepper", + "garlic", + "mayonaise", + "vegetable oil", + "chili sauce" + ] + }, + { + "id": 30613, + "cuisine": "french", + "ingredients": [ + "kahlúa", + "milk", + "marshmallow creme", + "sugar", + "egg yolks", + "brown sugar", + "semisweet chocolate", + "sweet baking chocolate", + "whipping cream" + ] + }, + { + "id": 32192, + "cuisine": "russian", + "ingredients": [ + "baking soda", + "whole milk", + "all-purpose flour", + "smoked salmon", + "trout caviar", + "salt", + "sugar", + "large eggs", + "buckwheat flour", + "unsalted butter", + "chives", + "sour cream" + ] + }, + { + "id": 23452, + "cuisine": "french", + "ingredients": [ + "sugar", + "whipping cream", + "milk", + "vanilla beans", + "large egg yolks" + ] + }, + { + "id": 5858, + "cuisine": "italian", + "ingredients": [ + "lean ground pork", + "ground nutmeg", + "chopped celery", + "chicken livers", + "chopped ham", + "pepper", + "lean ground beef", + "chopped onion", + "tomato paste", + "olive oil", + "butter", + "carrots", + "white wine", + "beef stock", + "salt", + "heavy whipping cream" + ] + }, + { + "id": 46767, + "cuisine": "italian", + "ingredients": [ + "pepper", + "fresh oregano", + "corn kernels", + "fat free less sodium chicken broth", + "salt", + "stone-ground cornmeal" + ] + }, + { + "id": 33110, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "unsalted butter", + "butter", + "all-purpose flour", + "vanilla beans", + "large eggs", + "fine sea salt", + "cornmeal", + "baking soda", + "baking powder", + "maple syrup", + "liquid honey", + "water", + "granulated sugar", + "buttermilk", + "fresh raspberries" + ] + }, + { + "id": 38154, + "cuisine": "italian", + "ingredients": [ + "eggs", + "chicken breasts", + "pepper", + "salt", + "minced garlic", + "provolone cheese", + "bread", + "Italian herbs", + "ham" + ] + }, + { + "id": 19565, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "zucchini", + "scallions", + "fresh basil", + "toasted cashews", + "garlic", + "molasses", + "boneless skinless chicken breasts", + "corn starch", + "fish sauce", + "lime juice", + "peanut oil" + ] + }, + { + "id": 32335, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "artichoke hearts", + "finely chopped fresh parsley", + "paprika", + "plum tomatoes", + "pepper", + "sherry vinegar", + "cannellini beans", + "english cucumber", + "celery ribs", + "olive oil", + "dijon mustard", + "green onions", + "roast red peppers, drain", + "green olives", + "garlic powder", + "fresh thyme", + "salt" + ] + }, + { + "id": 8169, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "beef sirloin", + "garlic", + "sugar", + "salt", + "pepper" + ] + }, + { + "id": 14021, + "cuisine": "indian", + "ingredients": [ + "whole wheat flour", + "seeds", + "lemon juice", + "semolina", + "vermicelli", + "green chilies", + "puffed rice", + "water", + "mint leaves", + "salt", + "onions", + "sugar", + "potatoes", + "vegetable oil", + "chutney" + ] + }, + { + "id": 17397, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "chopped cilantro fresh", + "ground black pepper", + "milk", + "ground cumin", + "mayonaise", + "salt" + ] + }, + { + "id": 33569, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "szechwan peppercorns", + "rice vinegar", + "reduced sodium soy sauce", + "vegetable oil", + "toasted sesame oil", + "sugar", + "tahini", + "crushed red pepper flakes", + "sesame seeds", + "ramen noodles", + "scallions" + ] + }, + { + "id": 31732, + "cuisine": "mexican", + "ingredients": [ + "sweet onion", + "guacamole", + "garlic", + "red bell pepper", + "pepper", + "olive oil", + "butter", + "salt", + "chopped cilantro", + "pasilla chiles", + "lime", + "chicken breasts", + "shredded sharp cheddar cheese", + "sour cream", + "water", + "flour", + "yellow bell pepper", + "salsa", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 42602, + "cuisine": "indian", + "ingredients": [ + "flour", + "salt", + "water" + ] + }, + { + "id": 41333, + "cuisine": "greek", + "ingredients": [ + "baking potatoes", + "salt", + "olive oil", + "lemon juice", + "ground black pepper", + "dried oregano" + ] + }, + { + "id": 36630, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "all-purpose flour", + "eggs", + "baking powder", + "chicken bouillon granules", + "milk", + "chicken", + "shortening", + "salt" + ] + }, + { + "id": 47901, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "frozen peas", + "ricotta salata", + "salt", + "pepper", + "mint leaves", + "olive oil", + "onions" + ] + }, + { + "id": 41343, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "sweet potatoes", + "lemon rind", + "white onion", + "paprika", + "ground cumin", + "green olives", + "lemon", + "flat leaf parsley", + "olive oil", + "salt" + ] + }, + { + "id": 8293, + "cuisine": "filipino", + "ingredients": [ + "low sodium soy sauce", + "water", + "boneless chicken skinless thigh", + "sesame oil", + "brown sugar", + "green onions", + "minced garlic", + "coconut milk" + ] + }, + { + "id": 47356, + "cuisine": "british", + "ingredients": [ + "vanilla sugar", + "brandy", + "lemon", + "orange", + "Grand Marnier", + "double cream" + ] + }, + { + "id": 39808, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "coriander powder", + "heavy cream", + "brown cardamom", + "bay leaf", + "ginger paste", + "garlic paste", + "capsicum", + "salt", + "cumin seed", + "onions", + "clove", + "tumeric", + "chili powder", + "cilantro leaves", + "lemon juice", + "cashew nuts", + "melted butter", + "garam masala", + "vegetable oil", + "green cardamom", + "cinnamon sticks", + "chicken" + ] + }, + { + "id": 22806, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "chopped fresh chives", + "hazelnuts", + "asparagus", + "mascarpone", + "bow-tie pasta", + "olive oil", + "grated parmesan cheese" + ] + }, + { + "id": 38559, + "cuisine": "italian", + "ingredients": [ + "chicken legs", + "olive oil", + "diced tomatoes", + "fresh herbs", + "tomato paste", + "pepper", + "parsley", + "garlic", + "pasta", + "white wine", + "grated parmesan cheese", + "basil", + "sage", + "tomatoes", + "rosemary", + "butter", + "salt" + ] + }, + { + "id": 11059, + "cuisine": "thai", + "ingredients": [ + "fresh ginger", + "vegetable oil", + "jalapeno chilies", + "fresh lime juice", + "granulated sugar", + "garlic cloves", + "fish sauce", + "basil leaves" + ] + }, + { + "id": 14608, + "cuisine": "italian", + "ingredients": [ + "table salt", + "olive oil", + "seedless red grapes", + "water", + "coarse salt", + "sugar", + "ground black pepper", + "bread flour", + "active dry yeast", + "rosemary leaves" + ] + }, + { + "id": 41114, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "ground black pepper", + "carrots", + "fat free less sodium chicken broth", + "green peas", + "chopped cilantro fresh", + "diced onions", + "zucchini", + "couscous", + "olive oil", + "salt" + ] + }, + { + "id": 6163, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lemon juice", + "kalamata", + "capers", + "salt", + "ground black pepper", + "escarole" + ] + }, + { + "id": 35880, + "cuisine": "moroccan", + "ingredients": [ + "minced garlic", + "paprika", + "chicken", + "ground ginger", + "sliced black olives", + "onions", + "water", + "lemon juice", + "ground cumin", + "tumeric", + "cinnamon", + "sliced green olives" + ] + }, + { + "id": 14482, + "cuisine": "moroccan", + "ingredients": [ + "golden raisins", + "garbanzo beans", + "garlic oil", + "couscous", + "ground cinnamon", + "lemon" + ] + }, + { + "id": 39271, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "hoagie rolls", + "dried oregano", + "tomato sauce", + "mushrooms", + "freshly ground pepper", + "ground round", + "olive oil", + "provolone cheese", + "cuban peppers", + "garlic", + "onions" + ] + }, + { + "id": 17135, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "freshly ground pepper", + "canola oil", + "salt", + "fillets", + "buttermilk", + "corn starch", + "sandwich rolls", + "all-purpose flour", + "coleslaw" + ] + }, + { + "id": 1265, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "bell pepper", + "shredded mozzarella cheese", + "dried oregano", + "tomato sauce", + "parmesan cheese", + "all-purpose flour", + "onions", + "pepper flakes", + "olive oil", + "salt", + "fresh parsley", + "dough", + "dried basil", + "extra-virgin olive oil", + "turkey sausage links" + ] + }, + { + "id": 42688, + "cuisine": "spanish", + "ingredients": [ + "boneless, skinless chicken breast", + "red pepper flakes", + "lemon juice", + "tomatoes", + "olive oil", + "orzo", + "onions", + "chorizo", + "paprika", + "fresh parsley", + "green bell pepper", + "ground black pepper", + "salt" + ] + }, + { + "id": 22269, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "soft rolls", + "unsalted butter", + "black pepper", + "large eggs", + "kosher salt", + "swiss cheese" + ] + }, + { + "id": 4724, + "cuisine": "southern_us", + "ingredients": [ + "water", + "pimentos", + "salt", + "yellow corn meal", + "large egg whites", + "ground red pepper", + "fresh onion", + "sugar", + "shredded extra sharp cheddar cheese", + "summer squash", + "garlic cloves", + "black pepper", + "cooking spray", + "1% low-fat milk" + ] + }, + { + "id": 16016, + "cuisine": "southern_us", + "ingredients": [ + "lime juice", + "brown sugar", + "sweetened condensed milk", + "melted butter", + "graham cracker crumbs", + "lime zest", + "egg yolks" + ] + }, + { + "id": 48145, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "lime wedges", + "fajita size flour tortillas", + "light sour cream", + "mild salsa", + "salt", + "garlic cloves", + "avocado", + "chopped green chilies", + "purple onion", + "freshly ground pepper", + "chicken broth", + "green onions", + "cilantro leaves", + "pork butt roast" + ] + }, + { + "id": 15748, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "ground pork", + "peeled fresh ginger", + "wonton wrappers", + "corn starch", + "soy sauce", + "vegetable oil", + "dipping sauces", + "chives", + "dry sherry" + ] + }, + { + "id": 23843, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "pecorino romano cheese", + "orecchiette", + "broccoli rabe", + "garlic cloves", + "red pepper flakes" + ] + }, + { + "id": 5472, + "cuisine": "mexican", + "ingredients": [ + "red kidney beans", + "flour tortillas", + "water", + "knorr rice side cheddar broccoli", + "shredded cheddar cheese", + "green onions", + "salsa verde", + "ground beef" + ] + }, + { + "id": 6598, + "cuisine": "mexican", + "ingredients": [ + "triple sec", + "tequila", + "salt", + "frozen limeade", + "confectioners sugar", + "vanilla extract", + "ice" + ] + }, + { + "id": 48981, + "cuisine": "brazilian", + "ingredients": [ + "oats", + "bananas", + "vanilla extract", + "pure acai puree", + "unsweetened almond milk", + "cinnamon", + "forest fruit", + "coconut oil", + "granola", + "maple syrup", + "frozen banana", + "shredded coconut", + "sea salt", + "frozen blueberries" + ] + }, + { + "id": 32153, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "lemon", + "medium shrimp", + "white wine", + "baked ham", + "cayenne pepper", + "kosher salt", + "butter", + "flat leaf parsley", + "chicken broth", + "grated parmesan cheese", + "garlic", + "grits" + ] + }, + { + "id": 33171, + "cuisine": "brazilian", + "ingredients": [ + "ground black pepper", + "chimichurri", + "skirt steak", + "Italian parsley leaves", + "kosher salt", + "olives" + ] + }, + { + "id": 33902, + "cuisine": "korean", + "ingredients": [ + "spinach", + "green onions", + "garlic cloves", + "soy sauce", + "rice vermicelli", + "onions", + "sugar", + "sesame oil", + "carrots", + "rib eye steaks", + "shiitake", + "seasoned rice wine vinegar" + ] + }, + { + "id": 2863, + "cuisine": "french", + "ingredients": [ + "chicken stock", + "ground black pepper", + "butter", + "carrots", + "bay leaf", + "turnips", + "kosher salt", + "cannellini beans", + "chopped onion", + "flat leaf parsley", + "red potato", + "leeks", + "extra-virgin olive oil", + "country bread", + "smoked ham hocks", + "savoy cabbage", + "cider vinegar", + "chopped fresh thyme", + "garlic cloves", + "herbes de provence" + ] + }, + { + "id": 32963, + "cuisine": "cajun_creole", + "ingredients": [ + "seasoning", + "eggs", + "boudin", + "bread crumbs" + ] + }, + { + "id": 14619, + "cuisine": "italian", + "ingredients": [ + "eggs", + "vanilla extract", + "baking powder", + "all-purpose flour", + "hazelnuts", + "salt", + "ground cinnamon", + "butter", + "white sugar" + ] + }, + { + "id": 28567, + "cuisine": "vietnamese", + "ingredients": [ + "fresh ginger", + "vietnamese fish sauce", + "chopped cilantro fresh", + "spareribs", + "apple cider vinegar", + "dark brown sugar", + "lime zest", + "cherries", + "tamarind paste", + "chopped garlic", + "soy sauce", + "fresh orange juice", + "fresh lime juice" + ] + }, + { + "id": 38737, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "eggplant", + "diced tomatoes", + "bow-tie pasta", + "onions", + "dried basil", + "grated parmesan cheese", + "garlic", + "carrots", + "dried oregano", + "celery salt", + "olive oil", + "dried mint flakes", + "salt", + "red bell pepper", + "pepper", + "feta cheese", + "crushed red pepper flakes", + "dried dillweed", + "marjoram" + ] + }, + { + "id": 34668, + "cuisine": "mexican", + "ingredients": [ + "chili", + "tequila", + "chiles", + "salt", + "tomatoes", + "garlic", + "chopped cilantro fresh", + "lime juice", + "chopped onion" + ] + }, + { + "id": 28163, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "egg whites", + "vegetable oil", + "oyster sauce", + "medium shrimp", + "minced garlic", + "rice wine", + "yellow onion", + "corn starch", + "white pepper", + "green onions", + "chili bean sauce", + "Chinese egg noodles", + "chicken stock", + "chili paste", + "marinade", + "sauce", + "red bell pepper" + ] + }, + { + "id": 39131, + "cuisine": "moroccan", + "ingredients": [ + "extra-virgin olive oil", + "garlic cloves", + "basmati rice", + "lemon wedge", + "yellow onion", + "flat leaf parsley", + "bay leaves", + "black olives", + "fresh lemon juice", + "chicken", + "spices", + "freshly ground pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 35664, + "cuisine": "mexican", + "ingredients": [ + "water", + "salt", + "dried oregano", + "green cabbage", + "hominy", + "freshly ground pepper", + "serrano chilies", + "chili powder", + "garlic cloves", + "celery ribs", + "olive oil", + "yellow onion", + "chicken" + ] + }, + { + "id": 39383, + "cuisine": "indian", + "ingredients": [ + "lime", + "unsalted cashews", + "purple onion", + "basmati rice", + "tomatoes", + "peaches", + "cilantro", + "clarified butter", + "chicken stock", + "garam masala", + "lime wedges", + "ginger root", + "bone in chicken thighs", + "fresh curry leaves", + "yoghurt", + "garlic", + "serrano chile" + ] + }, + { + "id": 4080, + "cuisine": "mexican", + "ingredients": [ + "mozzarella cheese", + "cilantro", + "onions", + "black pepper", + "bell pepper", + "oil", + "cumin", + "cooked rice", + "flour tortillas", + "salt", + "canned corn", + "black beans", + "butter", + "juice" + ] + }, + { + "id": 14413, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "minced garlic", + "ground nutmeg", + "green onions", + "salt", + "soy sauce", + "olive oil", + "boneless chicken breast", + "ground thyme", + "eggs", + "honey", + "ground sage", + "vegetable oil", + "cayenne pepper", + "black pepper", + "ground pepper", + "flour", + "paprika" + ] + }, + { + "id": 32251, + "cuisine": "chinese", + "ingredients": [ + "ground chicken", + "garlic", + "oyster sauce", + "chile sauce", + "sugar", + "lettuce leaves", + "peanut oil", + "ground white pepper", + "kosher salt", + "dried shiitake mushrooms", + "corn starch", + "soy sauce", + "rice wine", + "scallions", + "cashew nuts" + ] + }, + { + "id": 47141, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "flat leaf parsley", + "baking potatoes", + "scallions", + "unsalted butter", + "spanish chorizo", + "onions", + "paprika", + "garlic cloves" + ] + }, + { + "id": 18774, + "cuisine": "french", + "ingredients": [ + "roasted red peppers", + "old bay seasoning", + "chopped cilantro fresh", + "dried thyme", + "cooking spray", + "fresh parsley", + "eggplant", + "balsamic vinegar", + "onions", + "zucchini", + "kalamata", + "dried oregano" + ] + }, + { + "id": 16163, + "cuisine": "italian", + "ingredients": [ + "white cake mix", + "water", + "egg whites", + "vanilla extract", + "bittersweet chocolate", + "roasted hazelnuts", + "white chocolate chips", + "heavy cream", + "heavy whipping cream", + "raspberries", + "semisweet chocolate", + "chocolate", + "confectioners sugar", + "food colouring", + "unsalted butter", + "vegetable oil", + "cream cheese" + ] + }, + { + "id": 39563, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "finely chopped onion", + "salt", + "fresh sage", + "shiitake", + "mushrooms", + "fresh oregano", + "arborio rice", + "olive oil", + "grated parmesan cheese", + "beef broth", + "warm water", + "ground black pepper", + "dry red wine", + "garlic cloves" + ] + }, + { + "id": 3700, + "cuisine": "indian", + "ingredients": [ + "pita bread", + "mint leaves", + "greek style plain yogurt", + "ground cumin", + "lavash", + "salt", + "cayenne pepper", + "ground black pepper", + "cilantro leaves", + "garlic cloves", + "seedless cucumber", + "extra-virgin olive oil", + "grated lemon zest" + ] + }, + { + "id": 10931, + "cuisine": "greek", + "ingredients": [ + "lettuce", + "dried thyme", + "salt", + "leg of lamb", + "dried rosemary", + "pepper", + "mint sauce", + "fresh lemon juice", + "dried oregano", + "vegetable oil cooking spray", + "olive oil", + "chopped onion", + "low salt chicken broth", + "white wine", + "pita bread rounds", + "garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 38684, + "cuisine": "thai", + "ingredients": [ + "pepper", + "purple onion", + "tuna", + "sesame seeds", + "cucumber", + "lime", + "salt", + "sesame oil", + "red bell pepper" + ] + }, + { + "id": 42215, + "cuisine": "japanese", + "ingredients": [ + "asafoetida", + "cumin seed", + "toor dal", + "curry leaves", + "urad dal", + "mustard seeds", + "shredded coconut", + "oil", + "ground turmeric", + "spinach", + "salt", + "peppercorns" + ] + }, + { + "id": 31399, + "cuisine": "southern_us", + "ingredients": [ + "jalapeno chilies", + "salt", + "pepper", + "diced tomatoes", + "onions", + "bacon", + "celery", + "black-eyed peas", + "garlic" + ] + }, + { + "id": 12653, + "cuisine": "chinese", + "ingredients": [ + "salt", + "pepper", + "oil", + "szechwan peppercorns", + "ginger" + ] + }, + { + "id": 48211, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "cinnamon", + "light brown sugar", + "self rising flour", + "apples", + "unsalted butter", + "buttermilk", + "ground cinnamon", + "large eggs", + "salt" + ] + }, + { + "id": 45003, + "cuisine": "cajun_creole", + "ingredients": [ + "jalapeno chilies", + "garlic", + "cajun seasoning", + "lean ground beef", + "tomato paste", + "cilantro" + ] + }, + { + "id": 25188, + "cuisine": "british", + "ingredients": [ + "milk", + "onions", + "melted butter", + "potatoes", + "dried oregano", + "beef gravy", + "chicken stock cubes", + "cooking oil", + "pork sausages" + ] + }, + { + "id": 4119, + "cuisine": "italian", + "ingredients": [ + "pepper", + "garlic cloves", + "baby spinach leaves", + "pear tomatoes", + "onions", + "olive oil", + "feta cheese crumbles", + "fat free less sodium chicken broth", + "salt", + "whole wheat penne" + ] + }, + { + "id": 28850, + "cuisine": "chinese", + "ingredients": [ + "cooked rice", + "ground pepper", + "coarse salt", + "corn starch", + "soy sauce", + "pork tenderloin", + "scallions", + "pineapple chunks", + "bell pepper", + "rice vinegar", + "frozen broccoli florets", + "vegetable oil", + "juice" + ] + }, + { + "id": 20502, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "green onions", + "garlic cloves", + "sugar", + "shiitake", + "red pepper flakes", + "sesame seeds", + "sesame oil", + "beef round", + "soy sauce", + "asian pear", + "dry sherry" + ] + }, + { + "id": 472, + "cuisine": "filipino", + "ingredients": [ + "leaves", + "salt pork", + "fish sauce", + "garlic", + "dried shrimp", + "spinach", + "mung beans", + "yellow onion", + "pepper", + "salt" + ] + }, + { + "id": 10862, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "flour tortillas", + "chicken meat", + "sliced black olives", + "butter", + "shredded cheddar cheese", + "chili powder", + "long-grain rice", + "picante sauce", + "green onions", + "garlic" + ] + }, + { + "id": 46831, + "cuisine": "japanese", + "ingredients": [ + "minced garlic", + "fresh lemon juice", + "orzo pasta", + "walnut oil", + "kosher salt", + "edamame", + "lemon zest", + "red bell pepper" + ] + }, + { + "id": 34509, + "cuisine": "british", + "ingredients": [ + "parmesan cheese", + "onions", + "pepper", + "butter", + "nutmeg", + "potatoes", + "pork sausages", + "milk", + "salt" + ] + }, + { + "id": 901, + "cuisine": "vietnamese", + "ingredients": [ + "peanuts", + "rice noodles", + "carrots", + "green cabbage", + "extra firm tofu", + "garlic", + "herbs", + "vegetable oil", + "soy sauce", + "serrano peppers", + "fresh lemon juice" + ] + }, + { + "id": 34957, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "frozen green beans", + "parmesan cheese", + "italian seasoning", + "minced garlic", + "salt", + "butter" + ] + }, + { + "id": 8295, + "cuisine": "irish", + "ingredients": [ + "powdered sugar", + "cooking spray", + "salt", + "ground ginger", + "ground nutmeg", + "butter", + "fresh lemon juice", + "molasses", + "baking powder", + "all-purpose flour", + "ground cinnamon", + "granulated sugar", + "1% low-fat milk", + "dried cranberries" + ] + }, + { + "id": 5356, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "okra", + "cherry tomatoes", + "corn kernel whole", + "lima beans", + "smoked bacon", + "balsamic vinaigrette" + ] + }, + { + "id": 49375, + "cuisine": "irish", + "ingredients": [ + "butter", + "baking soda", + "all-purpose flour", + "salt and ground black pepper", + "buttermilk", + "potatoes" + ] + }, + { + "id": 38133, + "cuisine": "southern_us", + "ingredients": [ + "boneless moulard duck breast halves", + "habanero chile", + "yellow bell pepper", + "onions", + "kielbasa (not low fat)", + "fresh shiitake mushrooms", + "red bell pepper", + "black pepper", + "breakfast sausages", + "flat leaf parsley", + "hot red pepper flakes", + "reduced sodium chicken broth", + "salt", + "long grain white rice" + ] + }, + { + "id": 13187, + "cuisine": "southern_us", + "ingredients": [ + "pie crust", + "lemon", + "sugar", + "eggs", + "butter" + ] + }, + { + "id": 32498, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "finely chopped onion", + "all-purpose flour", + "red bell pepper", + "dried rosemary", + "dried porcini mushrooms", + "unsalted butter", + "large garlic cloves", + "hot water", + "plum tomatoes", + "milk", + "grated parmesan cheese", + "grated nutmeg", + "white mushrooms", + "pepper flakes", + "olive oil", + "balsamic vinegar", + "sweet italian sausage", + "prepared lasagne" + ] + }, + { + "id": 25879, + "cuisine": "southern_us", + "ingredients": [ + "sage leaves", + "unsalted butter", + "salt", + "shredded cheddar cheese", + "buttermilk", + "sugar", + "baking powder", + "all-purpose flour", + "baking soda", + "bacon slices" + ] + }, + { + "id": 23862, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "ground nutmeg", + "parsley", + "Italian bread", + "black pepper", + "fresh thyme", + "vegetable broth", + "onions", + "bread crumbs", + "chili powder", + "salt", + "eggs", + "unsalted butter", + "buttermilk", + "cornmeal" + ] + }, + { + "id": 37088, + "cuisine": "korean", + "ingredients": [ + "sesame oil", + "sesame seeds", + "cayenne pepper", + "green onions", + "beansprouts", + "minced garlic", + "salt" + ] + }, + { + "id": 7616, + "cuisine": "mexican", + "ingredients": [ + "sauce", + "fat free milk", + "fat free cream cheese", + "garlic cloves", + "feta cheese", + "chopped cilantro fresh" + ] + }, + { + "id": 11394, + "cuisine": "french", + "ingredients": [ + "instant coffee", + "unsweetened cocoa powder", + "semisweet chocolate", + "vanilla extract", + "heavy cream", + "coffee liqueur", + "bittersweet chocolate" + ] + }, + { + "id": 19078, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "butter", + "hot sauce", + "smoked paprika", + "italian seasoning", + "pepper", + "smoked sausage", + "shrimp", + "celery", + "basmati", + "garlic", + "carrots", + "diced tomatoes in juice", + "chicken stock", + "bell pepper", + "salt", + "thyme", + "onions" + ] + }, + { + "id": 32815, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "fresh lemon", + "extra-virgin olive oil", + "chicken", + "fresh rosemary", + "red wine vinegar", + "garlic", + "pepper", + "Italian parsley leaves", + "dried oregano", + "white wine", + "butter", + "salt" + ] + }, + { + "id": 34695, + "cuisine": "chinese", + "ingredients": [ + "water", + "rice wine", + "garlic", + "corn starch", + "soy sauce", + "mirin", + "cilantro", + "oil", + "bok choy", + "eggs", + "shiitake", + "sesame oil", + "salt", + "beansprouts", + "white onion", + "zucchini", + "ginger", + "carrots", + "broth" + ] + }, + { + "id": 3134, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "all-purpose flour", + "pepper", + "port", + "carrots", + "chicken legs", + "fresh thyme leaves", + "fat skimmed chicken broth", + "olive oil", + "salt", + "onions" + ] + }, + { + "id": 49094, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "olive oil", + "purple onion", + "avocado", + "cottage cheese", + "red pepper", + "black mustard seeds", + "red chili peppers", + "flour tortillas", + "cilantro leaves", + "tomatoes", + "lime", + "pineapple rings", + "yellow peppers" + ] + }, + { + "id": 12800, + "cuisine": "chinese", + "ingredients": [ + "cooking wine", + "sugar", + "rice flour", + "Japanese turnips", + "dried shrimp", + "bacon", + "dried mushrooms" + ] + }, + { + "id": 35413, + "cuisine": "spanish", + "ingredients": [ + "grated orange peel", + "dry white wine", + "crushed red pepper", + "large shrimp", + "tomato paste", + "peeled tomatoes", + "large garlic cloves", + "fresh oregano", + "saffron threads", + "pepper", + "shallots", + "salt", + "fettucine", + "olive oil", + "whipping cream", + "fresh parsley" + ] + }, + { + "id": 18498, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "sesame oil", + "rice vinegar", + "corn starch", + "water", + "napa cabbage", + "scallions", + "bamboo shoots", + "black pepper", + "vegetable oil", + "rolls", + "shiitake mushroom caps", + "fresh ginger", + "ground pork", + "carrots" + ] + }, + { + "id": 2426, + "cuisine": "mexican", + "ingredients": [ + "chili", + "black olives", + "green onions", + "shredded cheddar cheese", + "cream cheese" + ] + }, + { + "id": 1478, + "cuisine": "indian", + "ingredients": [ + "nutmeg", + "amchur", + "vegan butter", + "garlic cloves", + "ground fennel", + "tomato sauce", + "coriander powder", + "chickpeas", + "onions", + "ground cinnamon", + "ground black pepper", + "salt", + "ground cardamom", + "ground ginger", + "water", + "habanero powder", + "brown lentils", + "soy yogurt" + ] + }, + { + "id": 12763, + "cuisine": "french", + "ingredients": [ + "eggs", + "dijon mustard", + "shrimp", + "nutmeg", + "pepper", + "heavy cream", + "crab", + "butter", + "chicken broth", + "shredded cheddar cheese", + "salt" + ] + }, + { + "id": 19963, + "cuisine": "mexican", + "ingredients": [ + "mushrooms", + "chopped cilantro", + "chopped green bell pepper", + "chopped onion", + "peppered bacon", + "cherry tomatoes", + "salt", + "boneless skinless chicken breast halves", + "flour tortillas", + "red bell pepper" + ] + }, + { + "id": 41183, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "bacon", + "celery", + "mayonaise", + "freshly ground pepper", + "onions", + "grape tomatoes", + "salt", + "fresh parsley", + "mustard", + "potatoes", + "sour cream", + "pickle relish" + ] + }, + { + "id": 29523, + "cuisine": "chinese", + "ingredients": [ + "almond extract", + "water", + "confectioners sugar", + "eggs", + "cake flour", + "baking powder", + "white sugar" + ] + }, + { + "id": 41017, + "cuisine": "irish", + "ingredients": [ + "chicken stock", + "butter", + "drambuie", + "almonds", + "apples", + "pepper", + "heavy cream", + "boneless skinless chicken breast halves", + "flour", + "salt" + ] + }, + { + "id": 38923, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "sliced almonds", + "unsalted butter", + "phyllo", + "flat leaf parsley", + "ground ginger", + "black pepper", + "olive oil", + "dry sherry", + "confectioners sugar", + "ground cumin", + "chiles", + "reduced sodium chicken broth", + "large eggs", + "salt", + "onions", + "saffron threads", + "squabs", + "water", + "vegetable oil", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 461, + "cuisine": "southern_us", + "ingredients": [ + "nonfat buttermilk", + "salt", + "baking powder", + "baking soda", + "all-purpose flour", + "butter" + ] + }, + { + "id": 11836, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "boneless chicken breast", + "basil", + "salt and ground black pepper", + "heavy cream", + "grated parmesan cheese", + "spaghetti" + ] + }, + { + "id": 35441, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "mango", + "fresh coriander", + "onions", + "jalapeno chilies", + "cumin", + "granny smith apples", + "fresh lime juice" + ] + }, + { + "id": 17839, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "cinnamon", + "blueberries", + "coconut oil", + "fresh blueberries", + "salt", + "brown sugar", + "granulated sugar", + "vanilla", + "almonds", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 16391, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "heirloom tomatoes", + "flat leaf parsley", + "green onions", + "extra-virgin olive oil", + "oil cured olives", + "orzo", + "chopped fresh mint", + "sherry wine vinegar", + "fresh lemon juice" + ] + }, + { + "id": 19541, + "cuisine": "italian", + "ingredients": [ + "whipped cream", + "instant espresso powder", + "sugar", + "lemon zest" + ] + }, + { + "id": 37260, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger root", + "chicken thighs", + "orange marmalade", + "flour", + "soy sauce", + "barbecue sauce" + ] + }, + { + "id": 31283, + "cuisine": "vietnamese", + "ingredients": [ + "chicken stock", + "green onions", + "beansprouts", + "fresh ginger root", + "garlic", + "lemon grass", + "Chinese egg noodles", + "fish sauce", + "cooked chicken", + "bok choy" + ] + }, + { + "id": 25538, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "flour", + "thai chile", + "peppercorns", + "soy sauce", + "vinegar", + "sprite", + "oil", + "water", + "bay leaves", + "garlic", + "fish sauce", + "pork leg", + "shallots", + "salt" + ] + }, + { + "id": 32525, + "cuisine": "french", + "ingredients": [ + "leeks", + "salt", + "bay leaf", + "water", + "shallots", + "ham", + "unsalted pistachios", + "dry white wine", + "freshly ground pepper", + "unsalted butter", + "heavy cream", + "fresh lemon juice" + ] + }, + { + "id": 351, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "baking powder", + "heavy cream", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 17504, + "cuisine": "cajun_creole", + "ingredients": [ + "jalapeno chilies", + "onions", + "cotija", + "coarse salt", + "bay leaves", + "ground cumin", + "kidney beans", + "low sodium chicken stock" + ] + }, + { + "id": 29927, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "salt", + "grated parmesan cheese", + "lemon juice", + "olive oil", + "garlic cloves", + "cold water", + "loosely packed fresh basil leaves" + ] + }, + { + "id": 30544, + "cuisine": "italian", + "ingredients": [ + "eggs", + "crushed tomatoes", + "whole wheat spaghetti", + "italian seasoning", + "tomato paste", + "water", + "cooking spray", + "dry bread crumbs", + "pepper", + "grated parmesan cheese", + "salt", + "ground chicken", + "dried basil", + "diced tomatoes" + ] + }, + { + "id": 36389, + "cuisine": "italian", + "ingredients": [ + "semolina flour", + "fine sea salt", + "extra large eggs", + "flour", + "grated nutmeg", + "extra-virgin olive oil" + ] + }, + { + "id": 8255, + "cuisine": "chinese", + "ingredients": [ + "water", + "vegetable shortening", + "toasted sesame seeds", + "egg yolks", + "confectioners sugar", + "superfine sugar", + "cake flour", + "sweet rice flour", + "butter", + "candy" + ] + }, + { + "id": 12902, + "cuisine": "korean", + "ingredients": [ + "shrimp", + "salt", + "large eggs", + "broth", + "scallions" + ] + }, + { + "id": 26252, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "all-purpose flour", + "unsalted butter", + "vanilla extract", + "bittersweet chocolate", + "egg whites", + "salt", + "light corn syrup", + "confectioners sugar" + ] + }, + { + "id": 26595, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "green onions", + "fresh lime juice", + "avocado", + "sea scallops", + "garlic cloves", + "mango", + "jumbo shrimp", + "lime slices", + "tequila", + "ground cumin", + "olive oil", + "shallots", + "chopped fresh mint" + ] + }, + { + "id": 41693, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "fresh mint", + "salt", + "cucumber", + "low-fat plain yogurt", + "ground cumin" + ] + }, + { + "id": 44249, + "cuisine": "mexican", + "ingredients": [ + "enchilada sauce", + "frozen corn kernels", + "boneless skinless chicken breast halves", + "chorizo", + "sour cream", + "tortilla chips", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 800, + "cuisine": "greek", + "ingredients": [ + "pearl onions", + "dry red wine", + "dried rosemary", + "sugar", + "red wine vinegar", + "cinnamon sticks", + "tomatoes", + "olive oil", + "small red potato", + "lamb shanks", + "large garlic cloves", + "bay leaf" + ] + }, + { + "id": 9822, + "cuisine": "british", + "ingredients": [ + "brown sugar", + "crystallized ginger", + "porridge oats", + "ground ginger", + "white flour", + "softened butter", + "black treacle", + "vinegar", + "bicarbonate of soda", + "milk", + "golden syrup" + ] + }, + { + "id": 28191, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "bacon slices", + "honey", + "baking powder", + "sharp cheddar cheese", + "melted butter", + "chopped fresh chives", + "salt", + "baking soda", + "buttermilk", + "bread flour" + ] + }, + { + "id": 18246, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "fat free milk", + "crushed red pepper", + "flat leaf parsley", + "yellow corn meal", + "olive oil", + "dry red wine", + "salt", + "dried rosemary", + "water", + "fresh parmesan cheese", + "purple onion", + "boiling water", + "cremini mushrooms", + "sun-dried tomatoes", + "gruyere cheese", + "garlic cloves" + ] + }, + { + "id": 9736, + "cuisine": "korean", + "ingredients": [ + "chinese black mushrooms", + "red pepper", + "carrots", + "boiling potatoes", + "soy sauce", + "sesame oil", + "scallions", + "onions", + "molasses", + "dates", + "garlic cloves", + "asian fish sauce", + "cold water", + "radishes", + "beef rib short", + "hot water" + ] + }, + { + "id": 31142, + "cuisine": "italian", + "ingredients": [ + "cannellini beans", + "garlic", + "celery", + "white wine", + "sea salt", + "freshly ground pepper", + "fresh basil leaves", + "olive oil", + "crushed red pepper flakes", + "carrots", + "chopped garlic", + "progresso reduced sodium chicken broth", + "bacon", + "yellow onion", + "bay leaf" + ] + }, + { + "id": 49406, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "sweet potatoes", + "salt", + "milk", + "raisins", + "white sugar", + "ground cinnamon", + "ground nutmeg", + "light corn syrup", + "eggs", + "flaked coconut", + "chopped pecans" + ] + }, + { + "id": 42048, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "boneless chicken skinless thigh", + "olive oil", + "butter", + "garlic cloves", + "fire roasted diced tomatoes", + "honey", + "lime wedges", + "ground coriander", + "soy", + "tumeric", + "minced ginger", + "nonfat greek yogurt", + "chopped onion", + "dried chile", + "ground cinnamon", + "kosher salt", + "garam masala", + "ginger", + "fresh lemon juice" + ] + }, + { + "id": 8246, + "cuisine": "cajun_creole", + "ingredients": [ + "evaporated milk", + "chopped green bell pepper", + "worcestershire sauce", + "chopped onion", + "ground cumin", + "sausage casings", + "ground black pepper", + "green onions", + "salt", + "ground cayenne pepper", + "eggs", + "ground nutmeg", + "bay leaves", + "garlic", + "ground white pepper", + "ketchup", + "hot pepper sauce", + "butter", + "dry bread crumbs", + "ground beef" + ] + }, + { + "id": 15212, + "cuisine": "indian", + "ingredients": [ + "broccolini", + "curry", + "jasmine rice", + "butternut squash", + "onions", + "olive oil", + "firm tofu", + "water", + "1% low-fat milk" + ] + }, + { + "id": 12786, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "sourdough loaf", + "chopped celery", + "black pepper", + "turkey stock", + "onions", + "chestnuts", + "large eggs", + "chopped fresh sage", + "prunes", + "unsalted butter", + "salt" + ] + }, + { + "id": 47781, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "wonton skins", + "coriander", + "fish sauce", + "water chestnuts", + "oil", + "eggs", + "bay scallops", + "salt", + "pork", + "sesame oil", + "corn flour" + ] + }, + { + "id": 22009, + "cuisine": "moroccan", + "ingredients": [ + "ras el hanout", + "onions", + "olive oil", + "leg of lamb", + "garlic cloves", + "apricot halves", + "coarse kosher salt" + ] + }, + { + "id": 31623, + "cuisine": "jamaican", + "ingredients": [ + "tumeric", + "jalapeno chilies", + "fatfree lowsodium chicken broth", + "cumin", + "crab meat", + "dried thyme", + "chili powder", + "coconut milk", + "allspice", + "fresh spinach", + "butternut squash", + "rubbed sage", + "plantains", + "ground ginger", + "olive oil", + "garlic", + "onions" + ] + }, + { + "id": 41938, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "whole wheat flour", + "buttermilk", + "large eggs", + "dark brown sugar", + "baking soda", + "salt" + ] + }, + { + "id": 46984, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "leeks", + "garlic", + "konbu", + "fresh ginger", + "baby spinach", + "soft-boiled egg", + "chicken", + "water", + "vegetable oil", + "salt", + "soba", + "pork baby back ribs", + "pork shoulder butt", + "shoyu", + "scallions" + ] + }, + { + "id": 39195, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "garlic cloves", + "black pepper", + "grated parmesan cheese", + "grape tomatoes", + "large eggs", + "boiling potatoes", + "large egg whites", + "salt" + ] + }, + { + "id": 34874, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "salt", + "onions", + "diced tomatoes", + "celery", + "boneless skinless chicken breasts", + "cayenne pepper", + "green bell pepper", + "garlic", + "bay leaf" + ] + }, + { + "id": 5006, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "purple onion", + "fresh coriander", + "chillies", + "black pepper", + "salt", + "avocado", + "lime" + ] + }, + { + "id": 9722, + "cuisine": "mexican", + "ingredients": [ + "tostada shells", + "lime", + "purple onion", + "avocado", + "lump crab meat", + "cilantro sprigs", + "plum tomatoes", + "black pepper", + "jalapeno chilies", + "cilantro leaves", + "mayonaise", + "olive oil", + "salt" + ] + }, + { + "id": 27802, + "cuisine": "italian", + "ingredients": [ + "blood orange", + "fresh parsley", + "extra-virgin olive oil", + "crushed red pepper", + "green onions" + ] + }, + { + "id": 3262, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "dry bread crumbs", + "fresh lemon juice", + "ground cumin", + "bean threads", + "green onions", + "sweet paprika", + "fresh parsley", + "fresh chives", + "butter", + "garlic cloves", + "chopped cilantro fresh", + "medium shrimp uncook", + "sauce", + "phyllo pastry" + ] + }, + { + "id": 22839, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "boneless skinless chicken breasts", + "sour cream", + "jack cheese", + "ground black pepper", + "garlic", + "chicken", + "fresh cilantro", + "vegetable oil", + "corn tortillas", + "kosher salt", + "cooking spray", + "enchilada sauce" + ] + }, + { + "id": 8349, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "garlic", + "safflower oil", + "tomatillos", + "garlic cloves", + "serrano chilies", + "queso fresco", + "crème fraîche", + "white onion", + "sea salt", + "corn tortillas" + ] + }, + { + "id": 1375, + "cuisine": "french", + "ingredients": [ + "shredded swiss cheese", + "large eggs", + "salt", + "frozen pie crust", + "baby spinach", + "half & half", + "sliced ham" + ] + }, + { + "id": 11924, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "cream cheese", + "guacamole", + "onions", + "flour tortillas", + "taco seasoning", + "chicken breasts" + ] + }, + { + "id": 4427, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "garlic powder", + "chili powder", + "salsa", + "onions", + "tomato sauce", + "taco seasoning mix", + "jalapeno chilies", + "paprika", + "cream cheese", + "chicken broth", + "shredded cheddar cheese", + "bell pepper", + "raisins", + "cayenne pepper", + "cumin", + "black beans", + "olive oil", + "chicken breasts", + "salt", + "chopped pecans" + ] + }, + { + "id": 3449, + "cuisine": "mexican", + "ingredients": [ + "black peppercorns", + "salt", + "fresh masa", + "mole paste", + "lard", + "chicken stock", + "banana leaves", + "onions", + "drumstick", + "garlic cloves", + "masa harina" + ] + }, + { + "id": 28759, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "water", + "vegetable oil", + "garlic", + "black mustard seeds", + "ground cloves", + "garam masala", + "sea salt", + "yellow onion", + "chuck", + "tumeric", + "fresh ginger", + "cinnamon", + "greek style plain yogurt", + "basmati rice", + "cider vinegar", + "ground black pepper", + "paprika", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 30845, + "cuisine": "spanish", + "ingredients": [ + "manchego cheese", + "purple onion", + "fresh parsley", + "chipotle chile", + "dry sherry", + "roast red peppers, drain", + "balsamic vinegar", + "garlic cloves", + "olive oil", + "linguine", + "red bell pepper" + ] + }, + { + "id": 3291, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "idaho potatoes", + "garlic cloves", + "white vinegar", + "hard-boiled egg", + "paprika", + "onions", + "black pepper", + "bacon", + "celery seed", + "celery ribs", + "light mayonnaise", + "salt", + "brown mustard" + ] + }, + { + "id": 13259, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "bananas", + "jackfruit", + "spring roll wrappers" + ] + }, + { + "id": 2217, + "cuisine": "vietnamese", + "ingredients": [ + "olive oil", + "broccoli", + "sirloin steak", + "onions", + "green bell pepper, slice", + "red bell pepper", + "garlic" + ] + }, + { + "id": 37900, + "cuisine": "filipino", + "ingredients": [ + "minced garlic", + "bell pepper", + "worcestershire sauce", + "corn starch", + "sugar", + "hoisin sauce", + "sesame oil", + "ginger", + "fish fillets", + "water", + "green onions", + "apple cider", + "cucumber", + "ketchup", + "egg whites", + "coarse salt", + "oyster sauce" + ] + }, + { + "id": 46622, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "flank steak", + "fat", + "sugar", + "ground pepper", + "paprika", + "ground cumin", + "minced garlic", + "cayenne", + "salt", + "ground cinnamon", + "fresh ginger", + "red wine vinegar", + "coriander" + ] + }, + { + "id": 47305, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "fresh mint", + "jalapeno chilies", + "salt", + "vegetable oil", + "garlic cloves", + "fresh cilantro", + "Italian parsley leaves", + "ground cumin" + ] + }, + { + "id": 21319, + "cuisine": "mexican", + "ingredients": [ + "frying oil", + "eggs", + "salt", + "avocado", + "vegetable oil", + "bread crumbs" + ] + }, + { + "id": 45104, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil cooking spray", + "vegetable oil", + "all-purpose flour", + "low-fat buttermilk", + "salt", + "pineapple slices", + "baking soda", + "vanilla extract", + "lemon juice", + "brown sugar", + "baking powder", + "maple syrup" + ] + }, + { + "id": 37782, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "butter", + "peaches" + ] + }, + { + "id": 21871, + "cuisine": "brazilian", + "ingredients": [ + "lime juice", + "coarse salt", + "salt", + "onions", + "ground black pepper", + "sirloin steak", + "flat leaf parsley", + "lime", + "large garlic cloves", + "garlic cloves", + "dried oregano", + "white onion", + "bell pepper", + "dry red wine", + "bay leaf" + ] + }, + { + "id": 24623, + "cuisine": "mexican", + "ingredients": [ + "knorr homestyl stock chicken", + "rotisserie chicken", + "water", + "vegetable oil", + "chili powder", + "onions", + "chip plain tortilla", + "diced tomatoes" + ] + }, + { + "id": 7847, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "semolina", + "salt", + "fat free milk", + "parmigiano reggiano cheese" + ] + }, + { + "id": 24585, + "cuisine": "japanese", + "ingredients": [ + "amchur", + "oil", + "red chili powder", + "okra", + "kalonji", + "salt", + "onions", + "tumeric", + "cumin seed" + ] + }, + { + "id": 43201, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "rotisserie chicken", + "flour tortillas", + "black beans" + ] + }, + { + "id": 39682, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "minced garlic", + "ricotta cheese", + "toasted walnuts", + "spinach", + "pepper", + "grated parmesan cheese", + "salt", + "fresh basil leaves", + "black pepper", + "lasagna noodles", + "garlic", + "low-fat mozzarella cheese", + "pesto", + "olive oil", + "extra-virgin olive oil", + "walnuts" + ] + }, + { + "id": 8744, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "ground coriander", + "tomatoes", + "cayenne pepper", + "chopped cilantro fresh", + "eggplant", + "sweet paprika", + "ground cumin", + "ginger", + "onions" + ] + }, + { + "id": 34381, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "jalapeno chilies", + "garlic", + "ground beef", + "black beans", + "red pepper", + "oil", + "avocado", + "brown rice", + "salsa", + "cumin", + "corn kernels", + "paprika", + "Mexican cheese" + ] + }, + { + "id": 3683, + "cuisine": "mexican", + "ingredients": [ + "stock", + "olive oil", + "tomatillos", + "sharp cheddar cheese", + "ground cumin", + "water", + "vegetable oil", + "ground pork", + "garlic cloves", + "lime", + "coarse salt", + "cilantro leaves", + "sour cream", + "black beans", + "poblano peppers", + "ancho powder", + "scallions" + ] + }, + { + "id": 7044, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "brown rice", + "cayenne pepper", + "ground cumin", + "chicken stock", + "pepper", + "diced tomatoes", + "bay leaf", + "ground paprika", + "green onions", + "salt", + "large shrimp", + "andouille sausage", + "butter", + "celery" + ] + }, + { + "id": 9477, + "cuisine": "mexican", + "ingredients": [ + "Mexican seasoning mix", + "garlic salt", + "cooking spray", + "low-fat flour tortillas" + ] + }, + { + "id": 26630, + "cuisine": "spanish", + "ingredients": [ + "flour tortillas", + "hot salsa", + "avocado", + "butter", + "fat-free refried beans", + "large eggs", + "reduced-fat sour cream" + ] + }, + { + "id": 14722, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "purple onion", + "greek-style vinaigrette", + "artichoke hearts", + "cucumber", + "fresh basil", + "cherry tomatoes", + "small red potato", + "fresh spinach", + "feta cheese" + ] + }, + { + "id": 34998, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "malt vinegar", + "olive oil", + "cajun seasoning", + "eye of round roast", + "dried thyme", + "hot pepper sauce", + "salt", + "prepared horseradish", + "garlic" + ] + }, + { + "id": 25725, + "cuisine": "southern_us", + "ingredients": [ + "green cabbage", + "water", + "red wine vinegar", + "carrots", + "ground turmeric", + "yellow mustard seeds", + "bell pepper", + "ground allspice", + "fresh parsley", + "ground cinnamon", + "chili", + "yellow onion", + "celery seed", + "celery ribs", + "ground cloves", + "green tomatoes", + "iodized salt", + "white sugar" + ] + }, + { + "id": 24340, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "tomato sauce", + "all-purpose flour", + "pepper", + "beef broth", + "salt" + ] + }, + { + "id": 30233, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "unsalted butter", + "salt", + "fresh parsley leaves", + "minced garlic", + "dry white wine", + "grated lemon zest", + "thyme sprigs", + "parsley sprigs", + "finely chopped onion", + "all-purpose flour", + "carrots", + "chicken broth", + "olive oil", + "chopped celery", + "veal shanks", + "bay leaf" + ] + }, + { + "id": 20181, + "cuisine": "italian", + "ingredients": [ + "honey", + "hot water", + "sugar", + "butter", + "unsweetened cocoa powder", + "egg yolks", + "grated orange", + "marsala wine", + "vanilla wafers" + ] + }, + { + "id": 15768, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "walnuts", + "boneless skinless chicken breast halves", + "ground red pepper", + "salt", + "fresh lemon juice", + "ground black pepper", + "Italian parsley leaves", + "garlic cloves", + "white bread", + "baby spinach", + "fatfree lowsodium chicken broth", + "flat leaf parsley" + ] + }, + { + "id": 4509, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "pepper", + "salt", + "red bell pepper", + "chicken broth", + "brown rice", + "hot sauce", + "onions", + "tomato paste", + "water", + "frozen corn", + "medium shrimp", + "andouille sausage", + "cajun seasoning", + "garlic cloves", + "instant tapioca" + ] + }, + { + "id": 33558, + "cuisine": "southern_us", + "ingredients": [ + "crawfish", + "cayenne pepper", + "butter", + "whole kernel corn, drain", + "green onions", + "cream cheese", + "cream", + "condensed cream of mushroom soup", + "condensed cream of potato soup" + ] + }, + { + "id": 49454, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "semolina", + "large eggs", + "all purpose unbleached flour", + "yellow onion", + "boneless chicken skinless thigh", + "ground nutmeg", + "dry white wine", + "crushed red pepper", + "garlic cloves", + "black pepper", + "parmigiano reggiano cheese", + "butter", + "salt", + "plum tomatoes", + "baby spinach leaves", + "fat free milk", + "egg yolks", + "extra-virgin olive oil", + "fresh oregano" + ] + }, + { + "id": 35282, + "cuisine": "greek", + "ingredients": [ + "greek seasoning", + "scallions", + "lemon", + "cucumber", + "cherry tomatoes", + "feta cheese crumbles", + "cream cheese", + "hummus" + ] + }, + { + "id": 47914, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "cayenne", + "extra sharp cheddar cheese", + "unsalted butter", + "milk", + "all-purpose flour" + ] + }, + { + "id": 26766, + "cuisine": "mexican", + "ingredients": [ + "shredded reduced fat cheddar cheese", + "salsa", + "whole wheat tortillas", + "chopped cilantro", + "cooked chicken", + "taco seasoning", + "purple onion" + ] + }, + { + "id": 25848, + "cuisine": "italian", + "ingredients": [ + "peaches", + "sugar", + "hot water", + "orange juice", + "chilled prosecco" + ] + }, + { + "id": 32272, + "cuisine": "brazilian", + "ingredients": [ + "fine salt", + "sweetened condensed milk", + "granulated sugar", + "vegetable oil", + "unsweetened cocoa powder", + "ground cinnamon", + "whole milk", + "sourdough baguette", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 1803, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "coriander seeds", + "urad dal", + "onions", + "clove", + "garlic paste", + "cinnamon", + "cilantro leaves", + "chicken", + "tomatoes", + "bay leaves", + "salt", + "ground turmeric", + "fennel seeds", + "black pepper", + "sunflower oil", + "ground cardamom", + "ginger paste" + ] + }, + { + "id": 15259, + "cuisine": "vietnamese", + "ingredients": [ + "baby bok choy", + "wonton skins", + "Chinese egg noodles", + "regular soy sauce", + "salt", + "broth", + "white pepper", + "garlic", + "dried shrimp", + "cold water", + "sesame oil", + "scallions" + ] + }, + { + "id": 19726, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "beansprouts", + "soy sauce", + "long-grain rice", + "eggs", + "vegetable oil", + "frozen peas", + "spring onions", + "ground white pepper" + ] + }, + { + "id": 37427, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "milk", + "whipping cream", + "tea bags", + "whole cloves", + "dark chocolate", + "fresh ginger", + "cardamom pods", + "ground cinnamon", + "firmly packed light brown sugar", + "star anise" + ] + }, + { + "id": 16268, + "cuisine": "vietnamese", + "ingredients": [ + "prawns", + "rice paper", + "water", + "rice vermicelli", + "lettuce", + "basil", + "hoisin sauce", + "carrots" + ] + }, + { + "id": 18723, + "cuisine": "cajun_creole", + "ingredients": [ + "russet potatoes", + "flat leaf parsley", + "lemon", + "onions", + "creole seasoning", + "unsalted butter", + "garlic cloves" + ] + }, + { + "id": 18441, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "butter", + "ground cinnamon", + "large eggs", + "salt", + "pie crust", + "ground nutmeg", + "heavy cream", + "pecans", + "sweet potatoes", + "maple syrup" + ] + }, + { + "id": 43420, + "cuisine": "french", + "ingredients": [ + "pepper", + "apple cider", + "ground allspice", + "chicken broth", + "ground black pepper", + "all-purpose flour", + "pork loin chops", + "olive oil", + "salt", + "corn starch", + "cream", + "butter", + "grated nutmeg" + ] + }, + { + "id": 13659, + "cuisine": "italian", + "ingredients": [ + "fresh basil leaves", + "extra-virgin olive oil", + "chopped garlic", + "diced tomatoes", + "dried oregano", + "sugar", + "( oz.) tomato paste" + ] + }, + { + "id": 34311, + "cuisine": "korean", + "ingredients": [ + "dressing", + "egg yolks", + "ground white pepper", + "sesame seeds", + "carrots", + "yellowfin tuna", + "spring onions", + "coriander", + "pinenuts", + "chinese cabbage" + ] + }, + { + "id": 26825, + "cuisine": "indian", + "ingredients": [ + "pepper", + "parsley", + "salt", + "ground pepper", + "lemon", + "olive oil", + "butter", + "lemon juice", + "chicken broth", + "chicken breasts", + "heavy cream" + ] + }, + { + "id": 30772, + "cuisine": "vietnamese", + "ingredients": [ + "bread", + "garlic", + "butter", + "spring onions", + "sugar", + "salt" + ] + }, + { + "id": 12529, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "fresh cilantro", + "garlic cloves", + "avocado", + "salt", + "jalapeno chilies", + "fresh lime juice" + ] + }, + { + "id": 8977, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "bay leaves", + "mutton", + "green chilies", + "ghee", + "garam masala", + "cinnamon", + "cilantro leaves", + "oil", + "ginger paste", + "red chili powder", + "yellow food coloring", + "salt", + "curds", + "onions", + "nutmeg", + "mint leaves", + "lemon", + "rice", + "cardamom" + ] + }, + { + "id": 19954, + "cuisine": "italian", + "ingredients": [ + "vegetable oil cooking spray", + "egg whites", + "all-purpose flour", + "sugar", + "vanilla extract", + "slivered almonds", + "almond extract", + "eggs", + "baking soda", + "salt" + ] + }, + { + "id": 32699, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "all-purpose flour", + "vegetable oil", + "breakfast sausages", + "pepper", + "salt" + ] + }, + { + "id": 4579, + "cuisine": "indian", + "ingredients": [ + "water", + "all-purpose flour", + "honey", + "ghee", + "active dry yeast", + "greek yogurt", + "kosher salt", + "cilantro", + "canola oil" + ] + }, + { + "id": 16813, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "rosemary sprigs", + "water", + "jalapeno chilies", + "paprika", + "cayenne pepper", + "onions", + "blue crabs", + "white pepper", + "ground black pepper", + "vegetable oil", + "all-purpose flour", + "garlic cloves", + "chile powder", + "shucked oysters", + "dried thyme", + "bay leaves", + "salt", + "beer", + "dried oregano", + "green bell pepper", + "crab", + "file powder", + "red pepper flakes", + "hot sauce", + "shrimp" + ] + }, + { + "id": 47600, + "cuisine": "southern_us", + "ingredients": [ + "baby lima beans", + "garlic", + "onions", + "bacon slices", + "frozen corn kernels", + "roasted red peppers", + "salt", + "white rice", + "freshly ground pepper" + ] + }, + { + "id": 3184, + "cuisine": "italian", + "ingredients": [ + "vegetable oil cooking spray", + "part-skim mozzarella cheese", + "chopped celery", + "chopped onion", + "pepper", + "grated parmesan cheese", + "fresh oregano", + "no salt added chicken broth", + "tomato sauce", + "fresh thyme", + "hot sauce", + "fresh mushrooms", + "tomato paste", + "eggplant", + "green onions", + "green pepper", + "fresh parsley" + ] + }, + { + "id": 35896, + "cuisine": "indian", + "ingredients": [ + "spinach", + "butter", + "onions", + "garam masala", + "mustard seeds", + "ground cumin", + "water", + "salt", + "ground turmeric", + "red lentils", + "chili powder", + "coconut milk" + ] + }, + { + "id": 34941, + "cuisine": "brazilian", + "ingredients": [ + "pepper", + "turkey", + "bay leaf", + "vegetable oil", + "salt", + "cumin", + "water", + "garlic", + "onions", + "dried black beans", + "red wine vinegar", + "hot sauce" + ] + }, + { + "id": 3189, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "self rising flour", + "nonstick spray", + "active dry yeast", + "vegetable shortening", + "water", + "butter", + "baking soda", + "buttermilk" + ] + }, + { + "id": 24110, + "cuisine": "southern_us", + "ingredients": [ + "port wine", + "egg whites", + "butter", + "mixed fruit", + "baking powder", + "white sugar", + "brandy", + "egg yolks", + "all-purpose flour", + "ground nutmeg", + "bourbon whiskey" + ] + }, + { + "id": 46411, + "cuisine": "indian", + "ingredients": [ + "low-fat plain yogurt", + "fresh ginger", + "vegetable oil", + "coriander", + "fresh cilantro", + "fenugreek", + "salt", + "crushed tomatoes", + "garam masala", + "garlic", + "cumin", + "tomato paste", + "milk", + "boneless skinless chicken breasts", + "onions" + ] + }, + { + "id": 31695, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped green bell pepper", + "long grain white rice", + "water", + "cayenne pepper", + "chopped fresh thyme", + "plum tomatoes", + "kidney beans", + "bottled italian dressing" + ] + }, + { + "id": 4134, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "fresh cilantro", + "lemon juice", + "tomatoes", + "green onions", + "sour cream", + "tomato paste", + "chili", + "pinto beans", + "shredded cheddar cheese", + "diced tomatoes", + "ripe olives" + ] + }, + { + "id": 32198, + "cuisine": "korean", + "ingredients": [ + "honey", + "red pepper flakes", + "onions", + "lean ground turkey", + "green onions", + "garlic", + "sesame seeds", + "ginger", + "soy sauce", + "sesame oil", + "salt" + ] + }, + { + "id": 9311, + "cuisine": "mexican", + "ingredients": [ + "lean ground turkey", + "chili powder", + "salt", + "cumin", + "tomato paste", + "lime", + "garlic", + "reduced-fat cheese", + "pepper", + "diced tomatoes", + "sweet corn", + "Kroger Black Beans", + "bell pepper", + "purple onion", + "tricolor quinoa" + ] + }, + { + "id": 7220, + "cuisine": "french", + "ingredients": [ + "black pepper", + "1% low-fat milk", + "garlic cloves", + "cooking spray", + "all-purpose flour", + "ground cumin", + "olive oil", + "salt", + "shredded Monterey Jack cheese", + "chipotle chile", + "yukon gold potatoes", + "chopped onion" + ] + }, + { + "id": 3931, + "cuisine": "japanese", + "ingredients": [ + "flour", + "eggs", + "oil", + "tonkatsu sauce", + "pork chops", + "panko breadcrumbs" + ] + }, + { + "id": 36760, + "cuisine": "thai", + "ingredients": [ + "jasmine rice", + "fresh ginger", + "coconut milk", + "fish sauce", + "lime juice", + "button mushrooms", + "chopped cilantro fresh", + "sodium reduced chicken broth", + "boneless skinless chicken breasts", + "frozen peas", + "brown sugar", + "lemongrass", + "red curry paste" + ] + }, + { + "id": 841, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "ground tumeric", + "garlic cloves", + "ground cinnamon", + "lemon zest", + "salt", + "onions", + "chicken stock", + "boneless chicken breast", + "extra-virgin olive oil", + "chopped cilantro", + "green olives", + "meyer lemon", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 14441, + "cuisine": "french", + "ingredients": [ + "honey", + "pineapple slices", + "vanilla extract", + "frozen pastry puff sheets", + "sugar", + "part-skim ricotta cheese" + ] + }, + { + "id": 37576, + "cuisine": "british", + "ingredients": [ + "whole milk", + "all-purpose flour", + "baking powder", + "raisins", + "unsalted butter", + "salt" + ] + }, + { + "id": 47539, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "sliced mushrooms", + "fresh basil", + "bacon", + "onions", + "white wine", + "salt", + "chicken", + "tomatoes", + "ground black pepper", + "fresh parsley" + ] + }, + { + "id": 32407, + "cuisine": "indian", + "ingredients": [ + "red lentils", + "sugar", + "ground red pepper", + "peanut oil", + "serrano chile", + "prunes", + "kosher salt", + "cilantro sprigs", + "lemon juice", + "ground cumin", + "ground ginger", + "pitted date", + "baking powder", + "garlic cloves", + "sliced green onions", + "spinach", + "water", + "all-purpose flour", + "chopped cilantro fresh" + ] + }, + { + "id": 4597, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "hot sauce", + "crushed red pepper flakes", + "pork butt roast", + "butter", + "lemon juice", + "white vinegar", + "salt", + "white sugar" + ] + }, + { + "id": 9964, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "active dry yeast", + "chopped garlic", + "fresh rosemary", + "salt", + "water", + "bread flour" + ] + }, + { + "id": 26446, + "cuisine": "southern_us", + "ingredients": [ + "lemon zest", + "ginger", + "natural sugar", + "all purpose unbleached flour", + "salt", + "brown sugar", + "baking powder", + "vanilla extract", + "water", + "peach slices", + "vanilla soy milk" + ] + }, + { + "id": 10963, + "cuisine": "chinese", + "ingredients": [ + "lean ground pork", + "fresh ginger", + "napa cabbage", + "chicken broth", + "kosher salt", + "Shaoxing wine", + "ground white pepper", + "soy sauce", + "water", + "green onions", + "beans", + "water chestnuts", + "peanut oil" + ] + }, + { + "id": 28574, + "cuisine": "chinese", + "ingredients": [ + "quick-cooking tapioca", + "boneless skinless chicken breasts", + "red bell pepper", + "bamboo shoots", + "low sodium soy sauce", + "pepper", + "chopped celery", + "beansprouts", + "kosher salt", + "asian rice noodles", + "baby corn", + "brown sugar", + "water", + "carrots", + "onions" + ] + }, + { + "id": 40678, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "flour tortillas", + "purple onion", + "black pepper", + "cilantro", + "sweet mini bells", + "cheddar cheese", + "jalapeno chilies", + "salt", + "lime juice", + "black olives", + "red bell pepper" + ] + }, + { + "id": 42581, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "garam masala", + "salt", + "ghee", + "pepper", + "chili powder", + "mustard seeds", + "ground turmeric", + "tomatoes", + "coriander powder", + "oil", + "onions", + "ground fennel", + "pearl onions", + "garlic", + "coconut milk", + "chicken" + ] + }, + { + "id": 27757, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "mint leaves", + "water", + "salt", + "chat masala", + "vegetable oil", + "whole wheat flour" + ] + }, + { + "id": 6048, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "water", + "fresh spinach", + "firm tofu", + "miso paste" + ] + }, + { + "id": 38820, + "cuisine": "moroccan", + "ingredients": [ + "raw honey", + "hot water", + "mint leaves", + "hibiscus" + ] + }, + { + "id": 28863, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "bocconcini", + "dry bread crumbs", + "large eggs" + ] + }, + { + "id": 22904, + "cuisine": "southern_us", + "ingredients": [ + "dark rum", + "fresh pineapple", + "brandy", + "carbonated water", + "sugar", + "lemon", + "liqueur", + "green tea", + "champagne" + ] + }, + { + "id": 1873, + "cuisine": "irish", + "ingredients": [ + "rump roast", + "cooking spray", + "poppy seeds", + "onions", + "ground black pepper", + "butter", + "corn starch", + "kosher salt", + "fresh thyme leaves", + "fat free less sodium beef broth", + "fat free milk", + "baking potatoes", + "beer" + ] + }, + { + "id": 30017, + "cuisine": "mexican", + "ingredients": [ + "tomato purée", + "cooked turkey", + "finely chopped onion", + "carrots", + "fat free less sodium chicken broth", + "ground black pepper", + "chopped celery", + "chipotle chile", + "olive oil", + "chili powder", + "adobo sauce", + "minced garlic", + "white hominy", + "salt" + ] + }, + { + "id": 38660, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "vegetable oil", + "ground allspice", + "pickled jalapeno peppers", + "dried thyme", + "salt", + "garlic cloves", + "black pepper", + "cinnamon", + "scallions", + "chicken wings", + "Tabasco Pepper Sauce", + "grated nutmeg", + "onions" + ] + }, + { + "id": 43941, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "light soy sauce", + "garlic", + "corn starch", + "gai lan", + "minced ginger", + "white rice", + "oyster sauce", + "chicken legs", + "water", + "vegetable oil", + "dried shiitake mushrooms", + "boneless chicken thighs", + "Shaoxing wine", + "salt" + ] + }, + { + "id": 6534, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "ground red pepper", + "chopped onion", + "kidney beans", + "chopped celery", + "dried thyme", + "smoked sausage", + "chopped green bell pepper", + "rice" + ] + }, + { + "id": 11692, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "broccoli florets", + "oil", + "sesame seeds", + "chicken breasts", + "corn starch", + "soy sauce", + "green onions", + "garlic cloves", + "white vinegar", + "hoisin sauce", + "red pepper flakes", + "cashew nuts" + ] + }, + { + "id": 41280, + "cuisine": "italian", + "ingredients": [ + "broccoli rabe", + "heavy cream", + "fresh yeast", + "olive oil", + "fresh mozzarella", + "extra-virgin olive oil", + "garlic cloves", + "kosher salt", + "ground black pepper", + "crushed red pepper flakes", + "liquid", + "parmesan cheese", + "buttermilk", + "black olives" + ] + }, + { + "id": 13146, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "water", + "chili powder", + "paneer", + "cumin", + "tomatoes", + "garam masala", + "cilantro", + "cream yogurt", + "tomato paste", + "fresh ginger", + "butter", + "yellow onion", + "brown sugar", + "bay leaves", + "garlic", + "naan" + ] + }, + { + "id": 16088, + "cuisine": "british", + "ingredients": [ + "potatoes", + "peas", + "corn starch", + "corn", + "butter", + "beef broth", + "dried rosemary", + "shredded cheddar cheese", + "lean ground beef", + "garlic", + "onions", + "fresh thyme", + "worcestershire sauce", + "carrots" + ] + }, + { + "id": 37043, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "mirin", + "mizuna", + "sake", + "lime juice", + "daikon", + "hot sauce", + "low sodium soy sauce", + "boneless chicken skinless thigh", + "rice noodles", + "rice vinegar", + "sugar", + "ground black pepper", + "salt", + "canola oil" + ] + }, + { + "id": 25748, + "cuisine": "indian", + "ingredients": [ + "dried chickpeas", + "coconut", + "black mustard seeds", + "curry leaves", + "green chilies", + "salt" + ] + }, + { + "id": 28245, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "ground black pepper", + "garlic", + "cumin", + "lime juice", + "apple cider vinegar", + "chipotles in adobo", + "kosher salt", + "bay leaves", + "beef broth", + "ground cloves", + "boneless chuck roast", + "vegetable oil", + "oregano" + ] + }, + { + "id": 2801, + "cuisine": "italian", + "ingredients": [ + "spinach", + "milk", + "lean ground beef", + "salt", + "chicken livers", + "tomato paste", + "lean ground pork", + "grated parmesan cheese", + "butter", + "ham", + "onions", + "eggs", + "pepper", + "beef stock", + "bacon", + "carrots", + "dried oregano", + "semolina flour", + "ground nutmeg", + "ricotta cheese", + "all-purpose flour", + "celery" + ] + }, + { + "id": 11723, + "cuisine": "southern_us", + "ingredients": [ + "navy beans", + "sugar", + "milk", + "vegetable oil", + "dry mustard", + "ham hock", + "ground cinnamon", + "ground cloves", + "bay leaves", + "extra large eggs", + "cayenne pepper", + "light brown sugar", + "blackstrap molasses", + "kosher salt", + "baking powder", + "cracked black pepper", + "garlic cloves", + "yellow corn meal", + "ketchup", + "unsalted butter", + "worcestershire sauce", + "yellow onion" + ] + }, + { + "id": 22646, + "cuisine": "mexican", + "ingredients": [ + "egg substitute", + "salt", + "green chile", + "jalapeno chilies", + "fat free milk", + "corn tortillas", + "reduced fat sharp cheddar cheese", + "cooking spray" + ] + }, + { + "id": 29212, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "fresh cilantro", + "lemon grass", + "vegetable broth", + "carrots", + "white wine", + "olive oil", + "chile pepper", + "garlic", + "saffron", + "plain yogurt", + "sweet onion", + "brown rice", + "light coconut milk", + "red bell pepper", + "fish sauce", + "water", + "fresh ginger root", + "garlic sauce", + "broccoli" + ] + }, + { + "id": 33960, + "cuisine": "indian", + "ingredients": [ + "paprika", + "ground turmeric", + "water", + "halibut", + "kosher salt", + "cilantro", + "olive oil", + "ground coriander" + ] + }, + { + "id": 301, + "cuisine": "mexican", + "ingredients": [ + "hamburger buns", + "cheese", + "diced onions", + "jalapeno chilies", + "olive oil", + "ground beef", + "Old El Paso Enchilada Sauce", + "cilantro" + ] + }, + { + "id": 27158, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "coriander seeds", + "brown mustard seeds", + "lemon", + "natural yogurt", + "red bell pepper", + "cauliflower", + "red chili peppers", + "fresh ginger root", + "spices", + "diced tomatoes", + "peanut oil", + "tumeric", + "garbanzo beans", + "balsamic vinegar", + "sea salt", + "fenugreek seeds", + "onions", + "tomato paste", + "fresh cilantro", + "ground black pepper", + "butter", + "garlic", + "cumin seed" + ] + }, + { + "id": 25822, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "fresh ginger", + "vegetable oil", + "garlic", + "chopped fresh mint", + "ground chicken", + "sliced carrots", + "mint sprigs", + "dark brown sugar", + "chopped cilantro fresh", + "soy sauce", + "Sriracha", + "red pepper flakes", + "purple onion", + "cashew nuts", + "lime zest", + "lime juice", + "lime wedges", + "cilantro", + "scallions", + "iceberg lettuce" + ] + }, + { + "id": 20322, + "cuisine": "italian", + "ingredients": [ + "orange flower water", + "unflavored gelatin", + "fresh lemon juice", + "prosecco", + "fresh raspberries", + "sugar" + ] + }, + { + "id": 47148, + "cuisine": "irish", + "ingredients": [ + "dried thyme", + "large eggs", + "all-purpose flour", + "fresh parsley", + "black pepper", + "ground black pepper", + "1% low-fat milk", + "grated lemon zest", + "water", + "rib-eye roast", + "salt", + "garlic cloves", + "Madeira", + "large egg whites", + "cooking spray", + "beef broth" + ] + }, + { + "id": 23973, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "raisins", + "onions", + "ground cinnamon", + "pork tenderloin", + "salsa", + "ground cumin", + "flour tortillas", + "salt", + "chopped cilantro fresh", + "slivered almonds", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 47924, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "canola oil", + "red wine vinegar" + ] + }, + { + "id": 29344, + "cuisine": "brazilian", + "ingredients": [ + "vanilla", + "milk", + "caster sugar", + "dry coconut" + ] + }, + { + "id": 46359, + "cuisine": "indian", + "ingredients": [ + "seedless cucumber", + "chives", + "olive oil", + "orange zest", + "black pepper", + "nonfat yogurt", + "minced garlic", + "scallions" + ] + }, + { + "id": 33409, + "cuisine": "irish", + "ingredients": [ + "brewed coffee", + "irish cream liqueur", + "whipped cream", + "Irish whiskey", + "ground nutmeg" + ] + }, + { + "id": 25615, + "cuisine": "french", + "ingredients": [ + "asparagus", + "grated nutmeg", + "black pepper", + "pastry dough", + "large eggs", + "grated Gruyère cheese", + "kosher salt", + "heavy cream" + ] + }, + { + "id": 36796, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "scallions", + "white vinegar", + "napa cabbage", + "chopped garlic", + "asian pear", + "asian fish sauce", + "hot red pepper flakes", + "ginger" + ] + }, + { + "id": 13218, + "cuisine": "thai", + "ingredients": [ + "eggs", + "pepper", + "thai chile", + "onions", + "soy sauce", + "chicken breasts", + "scallions", + "fish sauce", + "egg whites", + "garlic", + "tomatoes", + "kosher salt", + "vegetable oil", + "Jasmine brown rice" + ] + }, + { + "id": 2410, + "cuisine": "indian", + "ingredients": [ + "lime", + "coffee", + "salt", + "tumeric", + "fresh ginger", + "cracked black pepper", + "chicken legs", + "olive oil", + "cilantro", + "greek yogurt", + "tandoori spices", + "garam masala", + "garlic" + ] + }, + { + "id": 26331, + "cuisine": "french", + "ingredients": [ + "pepper", + "center cut bacon", + "all-purpose flour", + "garlic cloves", + "mushrooms", + "salt", + "long-grain rice", + "dried thyme", + "shallots", + "beef broth", + "small red potato", + "skinless chicken pieces", + "dry red wine", + "baby carrots", + "dried rosemary" + ] + }, + { + "id": 46779, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "matcha green tea powder", + "egg whites", + "mirin", + "bread flour", + "egg yolks" + ] + }, + { + "id": 3375, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "ice", + "peaches", + "water", + "fresh lemon juice" + ] + }, + { + "id": 46040, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "dried pinto beans", + "ground cumin", + "lean ground beef", + "salt", + "chili powder", + "garlic", + "tomato paste", + "diced tomatoes", + "onions" + ] + }, + { + "id": 21358, + "cuisine": "chinese", + "ingredients": [ + "anise", + "ground ginger", + "crushed red pepper" + ] + }, + { + "id": 14713, + "cuisine": "spanish", + "ingredients": [ + "egg whites", + "honey", + "white sugar", + "almonds", + "hazelnuts", + "cinnamon" + ] + }, + { + "id": 44872, + "cuisine": "southern_us", + "ingredients": [ + "cremini mushrooms", + "garlic powder", + "freshly ground pepper", + "kosher salt", + "butter", + "low sodium beef broth", + "boneless chop pork", + "large eggs", + "Italian seasoned panko bread crumbs", + "milk", + "all-purpose flour", + "canola oil" + ] + }, + { + "id": 14130, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "ground black pepper", + "yellow onion", + "olive oil", + "yellow bell pepper", + "garlic cloves", + "halibut fillets", + "dry white wine", + "fresh oregano", + "orange bell pepper", + "salt", + "red bell pepper" + ] + }, + { + "id": 37554, + "cuisine": "filipino", + "ingredients": [ + "grated coconut", + "baking powder", + "coconut milk", + "eggs", + "bananas", + "ice cream", + "fresh ginger", + "vegetable oil", + "white flour", + "palm sugar", + "salt" + ] + }, + { + "id": 29540, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "grated parmesan cheese", + "dried parsley", + "water", + "shredded mozzarella cheese", + "lasagna noodles", + "sour cream", + "cottage cheese", + "breakfast sausages" + ] + }, + { + "id": 43788, + "cuisine": "chinese", + "ingredients": [ + "ground chicken", + "green onions", + "gingerroot", + "won ton wrappers", + "salt", + "corn starch", + "water", + "vegetable oil", + "garlic cloves", + "green cabbage", + "egg whites", + "dark sesame oil" + ] + }, + { + "id": 9261, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "all-purpose flour", + "slivered almonds", + "almond extract", + "ground cumin", + "unsalted butter", + "cumin seed", + "sugar", + "salt" + ] + }, + { + "id": 30853, + "cuisine": "british", + "ingredients": [ + "whole milk", + "chopped fresh sage", + "kosher salt", + "bacon slices", + "butter", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 42084, + "cuisine": "southern_us", + "ingredients": [ + "fresh thyme leaves", + "liquid", + "fresh thyme", + "frozen corn kernels", + "sliced green onions", + "olive oil", + "salt", + "onions", + "green bell pepper", + "peas", + "red bell pepper" + ] + }, + { + "id": 35480, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "large egg yolks", + "salt", + "solid pack pumpkin", + "cinnamon", + "ground ginger", + "large eggs", + "cognac", + "milk", + "heavy cream" + ] + }, + { + "id": 36478, + "cuisine": "korean", + "ingredients": [ + "eggs", + "soy sauce", + "olive oil", + "bell pepper", + "broccoli", + "noodles", + "brown sugar", + "minced garlic", + "shiitake", + "red pepper", + "carrots", + "spinach", + "pepper", + "sesame seeds", + "sesame oil", + "scallions", + "sugar", + "water", + "beef", + "salt", + "onions" + ] + }, + { + "id": 1714, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "sea salt", + "flour", + "olive oil" + ] + }, + { + "id": 4014, + "cuisine": "southern_us", + "ingredients": [ + "slivered almonds", + "lemon", + "fresh parsley", + "trout", + "all-purpose flour", + "butter", + "lemon juice", + "pepper", + "salt" + ] + }, + { + "id": 36018, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "cinnamon", + "tart apples", + "fresh ginger root", + "yellow onion", + "white pepper", + "white wine vinegar", + "white sugar", + "ground nutmeg", + "ground cardamom" + ] + }, + { + "id": 995, + "cuisine": "jamaican", + "ingredients": [ + "jamaican jerk season", + "onions", + "sandwich buns", + "barbecue sauce", + "cola", + "boneless pork shoulder", + "dri leav thyme" + ] + }, + { + "id": 44209, + "cuisine": "italian", + "ingredients": [ + "baby greens", + "flat leaf parsley", + "crabmeat", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 16008, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "chicken stock cubes", + "long-grain rice", + "chicken", + "vegetable oil", + "dark brown sugar", + "red bell pepper", + "sweet chili sauce", + "green pepper", + "green beans", + "savoy cabbage", + "cilantro", + "scallions", + "frozen peas" + ] + }, + { + "id": 17061, + "cuisine": "southern_us", + "ingredients": [ + "extra-virgin olive oil", + "fresh lemon juice", + "bay leaves", + "lemon rind", + "thyme sprigs", + "kosher salt", + "crushed red pepper", + "okra pods", + "kalamata", + "garlic cloves" + ] + }, + { + "id": 13968, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "all-purpose flour", + "shortening", + "red pepper", + "ground black pepper", + "salt", + "buttermilk", + "chicken" + ] + }, + { + "id": 3833, + "cuisine": "mexican", + "ingredients": [ + "instant white rice", + "oil", + "salsa", + "chicken broth", + "onions" + ] + }, + { + "id": 17841, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "french bread", + "red bell pepper", + "eggplant", + "balsamic vinegar", + "olive oil", + "cooking spray", + "onions", + "pesto", + "part-skim mozzarella cheese", + "salt" + ] + }, + { + "id": 33711, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "frozen pound cake", + "strawberries", + "sugar", + "orange rind", + "butter" + ] + }, + { + "id": 15552, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "salt", + "pork chops", + "garlic powder", + "apricot nectar", + "vegetable oil" + ] + }, + { + "id": 35541, + "cuisine": "italian", + "ingredients": [ + "lime", + "grate lime peel", + "sugar", + "butter", + "unflavored gelatin", + "mascarpone", + "fresh lime juice", + "raspberries", + "whipping cream" + ] + }, + { + "id": 39662, + "cuisine": "mexican", + "ingredients": [ + "ground beef", + "baked beans", + "hamburger buns", + "taco seasoning" + ] + }, + { + "id": 12599, + "cuisine": "thai", + "ingredients": [ + "vegetable oil", + "cilantro leaves", + "fish fillets", + "green peas", + "coconut milk", + "eggs", + "Thai red curry paste", + "green beans", + "black pepper", + "salt", + "onions" + ] + }, + { + "id": 45607, + "cuisine": "indian", + "ingredients": [ + "milk", + "sweetened condensed milk", + "kewra water", + "paneer", + "nuts", + "ground cardamom" + ] + }, + { + "id": 10619, + "cuisine": "italian", + "ingredients": [ + "eggs", + "grated parmesan cheese", + "broccoli rabe", + "salt", + "ground black pepper", + "ricotta", + "olive oil", + "garlic" + ] + }, + { + "id": 33736, + "cuisine": "indian", + "ingredients": [ + "brown mustard seeds", + "naan", + "safflower oil", + "cucumber", + "tomatoes", + "salt", + "ground cumin", + "plain yogurt", + "chopped fresh mint" + ] + }, + { + "id": 40797, + "cuisine": "french", + "ingredients": [ + "fresh dill", + "cooking spray", + "garlic cloves", + "white bread", + "ground black pepper", + "salt", + "water", + "baking potatoes", + "boneless skinless chicken breast halves", + "large egg whites", + "butter" + ] + }, + { + "id": 5287, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "instant rice", + "chopped cilantro fresh", + "chicken broth", + "onions", + "vegetable oil" + ] + }, + { + "id": 14068, + "cuisine": "filipino", + "ingredients": [ + "lemon", + "carrots", + "green bell pepper", + "coconut aminos", + "cooked chicken breasts", + "garlic", + "onions", + "rice noodles", + "extra virgin coconut oil" + ] + }, + { + "id": 41319, + "cuisine": "southern_us", + "ingredients": [ + "cream sweeten whip", + "unsalted butter", + "baking powder", + "ground allspice", + "firmly packed brown sugar", + "jasmine", + "salt", + "sour cream", + "ground cinnamon", + "baking soda", + "large eggs", + "all-purpose flour", + "mint", + "granulated sugar", + "vanilla extract", + "chopped pecans" + ] + }, + { + "id": 16120, + "cuisine": "french", + "ingredients": [ + "croissant dough", + "sea salt flakes", + "eggs", + "chocolate sticks", + "semisweet chocolate" + ] + }, + { + "id": 47936, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "roasted red peppers", + "ground cumin", + "ground black pepper", + "sour cream", + "Spike Seasoning", + "green onions", + "Mexican cheese blend", + "yellow peppers" + ] + }, + { + "id": 23143, + "cuisine": "brazilian", + "ingredients": [ + "baby spinach", + "chicken-flavored soup powder", + "pepper", + "yellow onion", + "tomatoes", + "salt", + "coconut milk", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 36439, + "cuisine": "british", + "ingredients": [ + "grated orange peel", + "semisweet chocolate", + "orange juice", + "large egg yolks", + "whipping cream", + "corn starch", + "sugar", + "whole milk", + "cranberries", + "ground ginger", + "crystallized ginger", + "Grand Marnier", + "frozen pound cake" + ] + }, + { + "id": 5737, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "chop fine pecan", + "long-grain rice", + "olive oil", + "salt", + "low salt chicken broth", + "finely chopped onion", + "orange juice", + "sugar", + "golden raisins", + "carrots" + ] + }, + { + "id": 35837, + "cuisine": "southern_us", + "ingredients": [ + "chopped ham", + "sweet pickle", + "pickle relish", + "hamburger buns", + "bacon", + "cheddar cheese", + "barbecue sauce", + "sweet chili sauce", + "onions" + ] + }, + { + "id": 555, + "cuisine": "italian", + "ingredients": [ + "tomatoes with juice", + "orecchiette", + "parmesan cheese", + "salt", + "broccoli florets", + "sweet italian sausage", + "olive oil", + "garlic" + ] + }, + { + "id": 38959, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "diced tomatoes", + "cucumber", + "soy sauce", + "rice vinegar", + "toasted sesame seeds", + "baby greens", + "oil", + "romaine lettuce", + "grapeseed oil", + "carrots" + ] + }, + { + "id": 12720, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "ice", + "cachaca", + "sugar" + ] + }, + { + "id": 19460, + "cuisine": "indian", + "ingredients": [ + "peeled fresh ginger", + "ground coriander", + "cooking spray", + "salt", + "ground cumin", + "olive oil", + "purple onion", + "fresh mint", + "pattypan squash", + "fresh lemon juice" + ] + }, + { + "id": 43099, + "cuisine": "irish", + "ingredients": [ + "pepper", + "salt", + "potatoes", + "butter", + "milk", + "scallions" + ] + }, + { + "id": 1845, + "cuisine": "jamaican", + "ingredients": [ + "beef", + "scallions", + "water", + "flour", + "red kidney beans", + "cooking oil", + "thyme", + "stewing beef", + "salt" + ] + }, + { + "id": 8752, + "cuisine": "indian", + "ingredients": [ + "fat free less sodium chicken broth", + "ground coriander", + "onions", + "reduced-fat sour cream", + "carrots", + "olive oil", + "garlic cloves", + "chopped cilantro fresh", + "salt", + "fresh lime juice" + ] + }, + { + "id": 23749, + "cuisine": "italian", + "ingredients": [ + "salt", + "thin pizza crust", + "pesto", + "shredded mozzarella cheese", + "boneless skinless chicken breasts", + "oil", + "freshly ground pepper" + ] + }, + { + "id": 21745, + "cuisine": "italian", + "ingredients": [ + "garbanzo beans", + "balsamic vinegar", + "bocconcini", + "olive oil", + "dijon mustard", + "Italian parsley leaves", + "green beans", + "hot red pepper flakes", + "roasted red peppers", + "red wine vinegar", + "garlic cloves", + "artichoke hearts", + "salami", + "pepperoncini", + "rotini" + ] + }, + { + "id": 15560, + "cuisine": "british", + "ingredients": [ + "pepper", + "vegetable oil", + "carrots", + "sodium reduced beef broth", + "dried thyme", + "garlic", + "boiling potatoes", + "tomato paste", + "milk", + "worcestershire sauce", + "onions", + "cheddar cheese", + "lean ground beef", + "salt" + ] + }, + { + "id": 20386, + "cuisine": "mexican", + "ingredients": [ + "salt", + "Quinoa Flour", + "hot water", + "brown rice flour", + "olive oil" + ] + }, + { + "id": 16166, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "tortilla chips", + "pepper", + "salt", + "sour cream", + "onion powder", + "(15 oz.) refried beans", + "shredded cheddar cheese", + "salsa", + "ground beef" + ] + }, + { + "id": 41084, + "cuisine": "thai", + "ingredients": [ + "thai basil", + "ground pork", + "red bell pepper", + "wide rice noodles", + "lime wedges", + "garlic", + "sweet soy sauce", + "thai chile", + "onions", + "fish sauce", + "vegetable oil", + "rice vinegar" + ] + }, + { + "id": 39279, + "cuisine": "indian", + "ingredients": [ + "yoghurt", + "canned tomatoes", + "cardamom pods", + "onions", + "tumeric", + "double cream", + "rice", + "cinnamon sticks", + "clove", + "chicken breasts", + "cilantro leaves", + "garlic cloves", + "fenugreek", + "ginger", + "green chilies", + "ghee" + ] + }, + { + "id": 25956, + "cuisine": "indian", + "ingredients": [ + "sugar", + "peaches", + "water", + "plain yogurt" + ] + }, + { + "id": 2018, + "cuisine": "filipino", + "ingredients": [ + "ginger", + "carrots", + "peppercorns", + "sugar", + "salt", + "onions", + "white vinegar", + "garlic", + "red bell pepper", + "raisins", + "green pepper", + "green papaya" + ] + }, + { + "id": 43844, + "cuisine": "italian", + "ingredients": [ + "sweet italian sausage", + "peeled tomatoes", + "extra-virgin olive oil", + "hot red pepper flakes" + ] + }, + { + "id": 8545, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "buttermilk", + "all-purpose flour", + "baking soda", + "frosting", + "large eggs", + "salt", + "sugar", + "vanilla extract" + ] + }, + { + "id": 24103, + "cuisine": "thai", + "ingredients": [ + "ground chicken", + "hot chili sauce", + "chopped fresh mint", + "fish sauce", + "green onions", + "fresh lime juice", + "dry roasted peanuts", + "dark sesame oil", + "chopped cilantro fresh", + "lettuce leaves", + "oyster sauce" + ] + }, + { + "id": 18320, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "cooking oil", + "corn starch", + "chicken broth", + "ground black pepper", + "garlic", + "soy sauce", + "broccoli florets", + "sirloin", + "Sriracha", + "oyster sauce" + ] + }, + { + "id": 32042, + "cuisine": "japanese", + "ingredients": [ + "scallion greens", + "konbu", + "soft tofu", + "cold water", + "dried bonito flakes", + "shiro miso" + ] + }, + { + "id": 40222, + "cuisine": "brazilian", + "ingredients": [ + "meyer lemon", + "crushed ice", + "granulated white sugar", + "fresh thyme", + "cachaca" + ] + }, + { + "id": 1794, + "cuisine": "spanish", + "ingredients": [ + "baking potatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 9176, + "cuisine": "mexican", + "ingredients": [ + "chili", + "grate lime peel", + "ground cumin", + "green onions", + "chopped cilantro fresh", + "finely chopped onion", + "fresh lime juice", + "avocado", + "poblano chilies", + "plum tomatoes" + ] + }, + { + "id": 2617, + "cuisine": "greek", + "ingredients": [ + "grape tomatoes", + "shallots", + "fillets", + "olive oil", + "lemon", + "leaf parsley", + "baby spinach", + "feta cheese", + "garlic" + ] + }, + { + "id": 225, + "cuisine": "filipino", + "ingredients": [ + "guava", + "salt", + "chinese spinach", + "pork", + "water", + "yams", + "bok choy", + "fresh tomatoes", + "pepper", + "green chilies", + "lime leaves", + "white onion", + "daikon", + "juice", + "broth" + ] + }, + { + "id": 33631, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "part-skim mozzarella cheese", + "salt", + "pasta sauce", + "Alfredo sauce", + "pasta", + "ground black pepper", + "nonstick spray", + "yellow summer squash", + "vegetable oil" + ] + }, + { + "id": 16349, + "cuisine": "italian", + "ingredients": [ + "parsley leaves", + "garlic cloves", + "white beans", + "Italian bread", + "walnuts", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 19446, + "cuisine": "italian", + "ingredients": [ + "clams", + "olive oil", + "garlic cloves", + "fettucine", + "red pepper flakes", + "fresh parsley", + "pepper", + "salt", + "tomato paste", + "clam juice", + "juice" + ] + }, + { + "id": 10094, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "florets", + "garlic cloves", + "curry powder", + "extra-virgin olive oil", + "couscous", + "tumeric", + "ginger", + "carrots", + "boneless skinless chicken breasts", + "broccoli", + "onions" + ] + }, + { + "id": 18476, + "cuisine": "mexican", + "ingredients": [ + "tomato purée", + "vegetable oil", + "salt", + "red kidney beans", + "flour tortillas", + "cheese", + "onions", + "ground black pepper", + "red pepper", + "green pepper", + "tomatoes", + "chili powder", + "garlic" + ] + }, + { + "id": 27859, + "cuisine": "mexican", + "ingredients": [ + "coconut oil", + "cilantro leaves", + "water", + "long grain white rice", + "white onion", + "garlic cloves", + "salt" + ] + }, + { + "id": 35633, + "cuisine": "thai", + "ingredients": [ + "sugar", + "salt", + "chili paste", + "water", + "vinegar" + ] + }, + { + "id": 15162, + "cuisine": "british", + "ingredients": [ + "milk", + "worcestershire sauce", + "flour", + "beer", + "cayenne", + "dry mustard", + "cheddar cheese", + "butter" + ] + }, + { + "id": 11822, + "cuisine": "greek", + "ingredients": [ + "shallots", + "fresh lemon juice", + "lamb rib chops", + "extra-virgin olive oil", + "grated lemon peel", + "large garlic cloves", + "chopped fresh mint", + "sugar", + "fresh oregano" + ] + }, + { + "id": 32456, + "cuisine": "french", + "ingredients": [ + "olive oil", + "sliced carrots", + "salt", + "chuck", + "cremini mushrooms", + "flour", + "red wine", + "bouquet", + "chicken stock", + "chopped tomatoes", + "butter", + "freshly ground pepper", + "pearl onions", + "beef stock", + "bacon", + "onions" + ] + }, + { + "id": 20774, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "onions", + "condensed cream of chicken soup", + "carrots", + "biscuit dough", + "boneless skinless chicken breasts", + "celery" + ] + }, + { + "id": 1579, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "potatoes", + "bacon slices", + "low-fat buttermilk", + "leeks", + "dry bread crumbs", + "fat free less sodium chicken broth", + "large eggs", + "butter", + "grated Gruyère cheese", + "ground black pepper", + "cooking spray", + "salt" + ] + }, + { + "id": 26483, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "tuna", + "wasabi powder", + "french bread", + "olive oil", + "cracked black pepper" + ] + }, + { + "id": 30515, + "cuisine": "italian", + "ingredients": [ + "eggs", + "lady fingers", + "mascarpone", + "unsweetened cocoa powder", + "sugar", + "cognac", + "coffee" + ] + }, + { + "id": 10129, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "noodles", + "Frank's® RedHot® Original Cayenne Pepper Sauce", + "salt", + "butter", + "pepper", + "shredded cheese" + ] + }, + { + "id": 25294, + "cuisine": "southern_us", + "ingredients": [ + "pizza crust", + "maldon sea salt", + "plum tomatoes", + "pecorino cheese", + "extra-virgin olive oil", + "thick-cut bacon", + "collard green leaves", + "garlic cloves", + "red pepper flakes", + "buffalo" + ] + }, + { + "id": 36674, + "cuisine": "mexican", + "ingredients": [ + "crushed tomatoes", + "flank steak", + "onions", + "jalapeno chilies", + "sea salt", + "ground cumin", + "bell pepper", + "apple cider vinegar", + "olives", + "green onions", + "garlic" + ] + }, + { + "id": 35912, + "cuisine": "cajun_creole", + "ingredients": [ + "white wine", + "green onions", + "garlic", + "okra", + "fresh basil", + "ground pepper", + "heirloom tomatoes", + "cayenne pepper", + "onions", + "kosher salt", + "spices", + "hot sauce", + "fresh parsley", + "andouille sausage", + "fresh thyme", + "white rice", + "bacon grease" + ] + }, + { + "id": 42726, + "cuisine": "thai", + "ingredients": [ + "sweet soy sauce", + "vegetable oil", + "bird chile", + "basil leaves", + "garlic", + "bell pepper", + "ground pork", + "onions", + "fish sauce", + "rice noodles", + "rice vinegar" + ] + }, + { + "id": 28353, + "cuisine": "japanese", + "ingredients": [ + "savoy cabbage", + "sesame oil", + "garlic", + "dijon mustard", + "furikake", + "japanese eggplants", + "white miso", + "chicken cutlets", + "panko breadcrumbs", + "mirin", + "tonkatsu sauce" + ] + }, + { + "id": 24439, + "cuisine": "vietnamese", + "ingredients": [ + "pearl onions", + "kirby cucumbers", + "soy sauce", + "boneless skinless chicken breasts", + "hot sauce", + "mayonaise", + "Sriracha", + "cilantro sprigs", + "baguette", + "shallots", + "carrots" + ] + }, + { + "id": 8057, + "cuisine": "korean", + "ingredients": [ + "black peppercorns", + "bay leaves", + "salt", + "white sugar", + "sesame seeds", + "ginger", + "onions", + "dark soy sauce", + "chili powder", + "beef rib short", + "leaves", + "garlic", + "habas" + ] + }, + { + "id": 7805, + "cuisine": "indian", + "ingredients": [ + "green cabbage", + "kosher salt", + "peeled fresh ginger", + "fresh lime juice", + "sliced green onions", + "black pepper", + "red cabbage", + "fresh mint", + "serrano chile", + "grape tomatoes", + "dry roasted peanuts", + "ground red pepper", + "chopped cilantro fresh", + "ground cumin", + "sugar", + "garam masala", + "white wine vinegar", + "chaat masala" + ] + }, + { + "id": 10909, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "cayenne pepper", + "garlic", + "white sugar", + "salt", + "ground cumin", + "olive oil", + "ground mustard" + ] + }, + { + "id": 43682, + "cuisine": "french", + "ingredients": [ + "onion soup mix", + "garlic", + "fish", + "water", + "dry white wine", + "mussels, well scrubbed", + "tomatoes", + "lobster", + "clams, well scrub", + "olive oil", + "parsley", + "thyme leaves" + ] + }, + { + "id": 32922, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic", + "chicken wings", + "ginger", + "cinnamon sticks", + "water", + "scallions", + "sugar", + "star anise" + ] + }, + { + "id": 42461, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "pickles", + "salt", + "mustard oil", + "onions", + "red chili powder", + "seeds", + "curds", + "mustard seeds", + "basmati rice", + "tomatoes", + "mint leaves", + "fenugreek seeds", + "lemon juice", + "coriander", + "clove", + "garlic paste", + "paneer", + "cumin seed", + "cinnamon sticks", + "ground turmeric" + ] + }, + { + "id": 20986, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "instant banana cream pudding", + "vanilla wafers", + "powdered sugar", + "large eggs", + "cream sweeten whip", + "bananas", + "cream cheese", + "yellow cake mix", + "butter" + ] + }, + { + "id": 22872, + "cuisine": "mexican", + "ingredients": [ + "zucchini", + "extra-virgin olive oil", + "tomatoes", + "jalapeno chilies", + "salt", + "fresh cilantro", + "green onions", + "garlic cloves", + "ground black pepper", + "queso blanco", + "fresh lime juice" + ] + }, + { + "id": 13772, + "cuisine": "chinese", + "ingredients": [ + "Shaoxing wine", + "peanut oil", + "sugar", + "peeled shrimp", + "corn starch", + "ginger", + "garlic chili sauce", + "light soy sauce", + "salt" + ] + }, + { + "id": 38262, + "cuisine": "mexican", + "ingredients": [ + "ricotta cheese", + "sour cream", + "garlic", + "shredded Monterey Jack cheese", + "butter", + "corn tortillas", + "frozen chopped spinach", + "enchilada sauce", + "sliced green onions" + ] + }, + { + "id": 18405, + "cuisine": "southern_us", + "ingredients": [ + "vanilla", + "salt", + "sugar", + "all-purpose flour", + "milk", + "oil" + ] + }, + { + "id": 24263, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "extra-virgin olive oil", + "ground cumin", + "fresh oregano leaves", + "diced tomatoes", + "fine sea salt", + "chili powder", + "garlic", + "black beans", + "white rice", + "cilantro leaves" + ] + }, + { + "id": 18433, + "cuisine": "japanese", + "ingredients": [ + "chicken legs", + "mirin", + "bamboo shoots", + "kosher salt", + "sauce", + "sake", + "shichimi togarashi", + "light brown sugar", + "water", + "scallions" + ] + }, + { + "id": 28802, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "dry white wine", + "garlic cloves", + "fresh parsley", + "finely chopped onion", + "crushed red pepper flakes", + "red bell pepper", + "olive oil", + "yukon gold potatoes", + "carrots", + "yellowfin tuna", + "Anaheim chile", + "vegetable broth", + "bay leaf" + ] + }, + { + "id": 11903, + "cuisine": "italian", + "ingredients": [ + "chickpea flour", + "white wine", + "extra-virgin olive oil", + "onions", + "slivered almonds", + "ground black pepper", + "salt", + "nutmeg", + "olive oil", + "garlic", + "sage", + "vegan coffee creamer", + "sweet potatoes", + "all-purpose flour" + ] + }, + { + "id": 12176, + "cuisine": "southern_us", + "ingredients": [ + "bread crumbs", + "flour", + "paprika", + "red bell pepper", + "parmesan cheese", + "butter", + "grated nutmeg", + "oysters", + "mushrooms", + "salt", + "ground black pepper", + "heavy cream", + "scallions" + ] + }, + { + "id": 44137, + "cuisine": "japanese", + "ingredients": [ + "baking soda", + "vanilla extract", + "cream cheese", + "plain yogurt", + "vegetable oil", + "salt", + "white sugar", + "eggs", + "green tea", + "cake flour", + "confectioners sugar", + "milk", + "butter", + "all-purpose flour" + ] + }, + { + "id": 12179, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "balsamic vinegar", + "onions", + "minced garlic", + "turkey kielbasa", + "fresh mushrooms", + "olive oil", + "onion powder", + "red bell pepper", + "grated parmesan cheese", + "yellow bell pepper", + "steak seasoning" + ] + }, + { + "id": 14559, + "cuisine": "southern_us", + "ingredients": [ + "white sugar", + "apple cider", + "apples", + "brown sugar" + ] + }, + { + "id": 29578, + "cuisine": "french", + "ingredients": [ + "jumbo shrimp", + "dried thyme", + "sea scallops", + "anchovy paste", + "dijon", + "olive oil", + "red wine vinegar", + "sugar", + "cherry tomatoes", + "tuna steaks", + "Niçoise olives", + "red leaf lettuce", + "yellow squash", + "wax beans", + "red bell pepper" + ] + }, + { + "id": 33357, + "cuisine": "chinese", + "ingredients": [ + "chili pepper", + "green onions", + "peanut oil", + "pork spare ribs", + "star anise", + "light soy sauce", + "ginger", + "chinese black vinegar", + "sugar", + "Shaoxing wine", + "meat bones" + ] + }, + { + "id": 48534, + "cuisine": "british", + "ingredients": [ + "dark chocolate", + "caramels", + "extract", + "salt", + "unsweetened almond milk", + "Knox unflavored gelatin", + "mashed banana", + "lemon juice", + "coconut oil", + "sucanat", + "whipped cream", + "vanilla bean paste", + "stevia extract", + "bananas", + "graham cracker crumbs", + "light coconut milk" + ] + }, + { + "id": 44071, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "Mexican oregano", + "queso anejo", + "chorizo sausage", + "black pepper", + "corn oil", + "salt", + "onions", + "macaroni", + "garlic", + "sour cream", + "water", + "chile pepper", + "diced tomatoes in juice" + ] + }, + { + "id": 7217, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "soy sauce", + "paprika", + "roasted peanuts", + "ground white pepper", + "fish sauce", + "spring onions", + "cayenne pepper", + "shrimp", + "chillies", + "eggs", + "thai noodles", + "garlic", + "oil", + "beansprouts", + "brown sugar", + "lime wedges", + "tamarind paste", + "corn starch", + "chicken thighs" + ] + }, + { + "id": 26632, + "cuisine": "korean", + "ingredients": [ + "sugar", + "flank steak", + "canola oil", + "short-grain rice", + "kimchi", + "minced garlic", + "dark sesame oil", + "sliced green onions", + "low sodium soy sauce", + "lettuce leaves", + "toasted sesame seeds" + ] + }, + { + "id": 37816, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "butter", + "active dry yeast", + "all-purpose flour", + "milk", + "salt", + "egg yolks", + "white sugar" + ] + }, + { + "id": 43536, + "cuisine": "korean", + "ingredients": [ + "sugar", + "green onions", + "sesame seeds", + "soy sauce", + "garlic", + "vinegar" + ] + }, + { + "id": 9270, + "cuisine": "japanese", + "ingredients": [ + "rice wine", + "sushi grade tuna", + "soy sauce", + "vegetable oil", + "lime juice", + "wasabi powder", + "mayonaise", + "sesame oil" + ] + }, + { + "id": 3555, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "reduced-fat sour cream", + "frozen whole kernel corn", + "chicken breasts", + "reduced fat monterey jack cheese", + "cooking spray", + "salsa", + "flour tortillas", + "no-salt-added black beans" + ] + }, + { + "id": 47995, + "cuisine": "italian", + "ingredients": [ + "pepperoni slices", + "large garlic cloves", + "fresh parsley", + "olive oil", + "shredded mozzarella cheese", + "dried oregano", + "dried basil", + "frozen bread dough", + "plum tomatoes", + "grated parmesan cheese", + "cornmeal" + ] + }, + { + "id": 42785, + "cuisine": "japanese", + "ingredients": [ + "chile paste", + "grapeseed oil", + "carrots", + "sugar", + "reduced-sodium tamari sauce", + "soba noodles", + "fresh ginger", + "rice vinegar", + "minced garlic", + "mirin", + "scallions" + ] + }, + { + "id": 45084, + "cuisine": "indian", + "ingredients": [ + "vegetables", + "lemon wedge", + "cumin seed", + "mixed bell peppers", + "soy sauce", + "yoghurt", + "tomato ketchup", + "coriander", + "cottage cheese", + "garam masala", + "salt", + "baby corn", + "tomatoes", + "bananas", + "chili powder", + "oil", + "ground turmeric" + ] + }, + { + "id": 32910, + "cuisine": "italian", + "ingredients": [ + "garlic", + "olive oil", + "Texas toast bread", + "clams", + "crushed red pepper", + "traditional italian sauce", + "flat leaf parsley" + ] + }, + { + "id": 31997, + "cuisine": "russian", + "ingredients": [ + "sugar", + "milk", + "almond extract", + "softened butter", + "grated lemon peel", + "mixed fruit", + "unsalted butter", + "beaten eggs", + "toasted slivered almonds", + "warm water", + "active dry yeast", + "vanilla extract", + "ground cardamom", + "slivered almonds", + "water", + "flour", + "salt", + "confectioners sugar" + ] + }, + { + "id": 46892, + "cuisine": "japanese", + "ingredients": [ + "gyoza", + "ground pork", + "scallions", + "white pepper", + "sesame oil", + "garlic", + "corn starch", + "sake", + "base", + "ginger", + "oil", + "water", + "ponzu", + "salt", + "cabbage" + ] + }, + { + "id": 521, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "kosher salt", + "garlic", + "pinenuts", + "extra-virgin olive oil", + "parmesan cheese" + ] + }, + { + "id": 30028, + "cuisine": "greek", + "ingredients": [ + "green bell pepper", + "extra-virgin olive oil", + "feta cheese crumbles", + "dried oregano", + "lettuce leaves", + "pepperoncini", + "cucumber", + "pita bread rounds", + "purple onion", + "ground white pepper", + "kalamata", + "lemon juice", + "red bell pepper" + ] + }, + { + "id": 35885, + "cuisine": "korean", + "ingredients": [ + "egg yolks", + "seaweed", + "water", + "green onions", + "black pepper", + "beef stock", + "rice cakes", + "salt" + ] + }, + { + "id": 36798, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "artichokes", + "lemon", + "flat leaf parsley", + "dry white wine", + "garlic cloves", + "fettucine", + "extra-virgin olive oil" + ] + }, + { + "id": 11273, + "cuisine": "jamaican", + "ingredients": [ + "pimentos", + "cinnamon sticks", + "milk", + "salt", + "water", + "chocolate", + "ground nutmeg", + "condensed milk" + ] + }, + { + "id": 18030, + "cuisine": "cajun_creole", + "ingredients": [ + "diced tomatoes", + "rice", + "worcestershire sauce", + "creole seasoning", + "onions", + "butter", + "green pepper", + "celery", + "chicken broth", + "cayenne pepper", + "shrimp" + ] + }, + { + "id": 28662, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "coarse salt", + "arborio rice", + "leeks", + "fresh lemon juice", + "low sodium chicken broth", + "bacon", + "ground pepper", + "dry white wine", + "frozen peas" + ] + }, + { + "id": 11495, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "Italian seasoned breadcrumbs", + "cheese ravioli", + "vegetable oil", + "freshly grated parmesan", + "buttermilk" + ] + }, + { + "id": 17902, + "cuisine": "cajun_creole", + "ingredients": [ + "active dry yeast", + "vegetable oil", + "eggs", + "unsalted butter", + "all-purpose flour", + "evaporated milk", + "salt", + "warm water", + "granulated sugar", + "confectioners sugar" + ] + }, + { + "id": 10417, + "cuisine": "indian", + "ingredients": [ + "green chilies", + "methi", + "water", + "oil", + "cumin seed", + "salt", + "rice flour" + ] + }, + { + "id": 41231, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "cajun seasoning", + "cooked shrimp", + "dried oregano", + "andouille sausage", + "cayenne pepper", + "dried parsley", + "dried thyme", + "diced tomatoes in juice", + "boneless skinless chicken breast halves", + "green bell pepper", + "chopped celery", + "onions" + ] + }, + { + "id": 11428, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "onions", + "tomatoes", + "summer squash", + "flour tortillas", + "shredded cheddar cheese", + "salt" + ] + }, + { + "id": 36514, + "cuisine": "chinese", + "ingredients": [ + "water", + "szechwan peppercorns", + "dark leafy greens", + "garlic", + "sesame paste", + "sugar", + "mi", + "chili oil", + "ground pork", + "chinese five-spice powder", + "dark soy sauce", + "peanuts", + "cinnamon", + "crushed red pepper flakes", + "scallions", + "noodles", + "soy sauce", + "Shaoxing wine", + "sweet bean paste", + "star anise", + "oil" + ] + }, + { + "id": 20453, + "cuisine": "filipino", + "ingredients": [ + "evaporated milk", + "white sugar", + "eggs", + "cake flour", + "baking powder", + "water", + "margarine" + ] + }, + { + "id": 19043, + "cuisine": "thai", + "ingredients": [ + "green onions", + "large shrimp", + "fish sauce", + "red curry paste", + "fresh basil", + "light coconut milk", + "canola oil", + "sugar", + "chopped onion" + ] + }, + { + "id": 48010, + "cuisine": "filipino", + "ingredients": [ + "tomato sauce", + "green peas", + "red bell pepper", + "beef brisket", + "garlic", + "onions", + "potatoes", + "beef broth", + "green bell pepper", + "vegetable oil", + "carrots" + ] + }, + { + "id": 2277, + "cuisine": "southern_us", + "ingredients": [ + "salted butter", + "buttermilk", + "large eggs", + "cake flour", + "baking soda", + "heavy cream", + "sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 43391, + "cuisine": "russian", + "ingredients": [ + "coconut oil", + "flour", + "all-purpose flour", + "molasses", + "vanilla extract", + "ground cinnamon", + "baking soda", + "salt", + "sugar", + "raisins", + "hot water" + ] + }, + { + "id": 37758, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "sharp cheddar cheese", + "olive oil", + "salt", + "red bell pepper", + "ground pepper", + "fresh oregano", + "onions", + "yukon gold potatoes", + "garlic cloves" + ] + }, + { + "id": 29779, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "diced tomatoes", + "dried oregano", + "mozzarella cheese", + "grated parmesan cheese", + "spaghetti", + "sugar", + "ground black pepper", + "garlic", + "fresh basil", + "olive oil", + "dry red wine" + ] + }, + { + "id": 35210, + "cuisine": "greek", + "ingredients": [ + "water", + "dried chickpeas", + "oregano", + "ground black pepper", + "onions", + "olive oil", + "lemon juice", + "salt", + "dried parsley" + ] + }, + { + "id": 21977, + "cuisine": "filipino", + "ingredients": [ + "base", + "fish sauce", + "oil", + "mackerel", + "water" + ] + }, + { + "id": 40502, + "cuisine": "russian", + "ingredients": [ + "large eggs", + "salt", + "sugar", + "vegetable oil", + "milk", + "butter", + "flour" + ] + }, + { + "id": 28650, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "cannellini beans", + "pitas", + "crushed red pepper", + "rosemary", + "extra-virgin olive oil", + "prosciutto", + "salted roasted almonds" + ] + }, + { + "id": 5854, + "cuisine": "italian", + "ingredients": [ + "reduced fat milk", + "large egg yolks", + "salt", + "honey", + "mint sprigs", + "nonfat dry milk", + "nonfat evaporated milk" + ] + }, + { + "id": 2730, + "cuisine": "italian", + "ingredients": [ + "cream of chicken soup", + "low-fat cream cheese", + "chicken breasts", + "low sodium chicken broth", + "pasta", + "zesty italian dressing" + ] + }, + { + "id": 32829, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "yukon gold potatoes", + "chicken", + "olive oil", + "paprika", + "minced garlic", + "lemon", + "ground black pepper", + "salt" + ] + }, + { + "id": 46197, + "cuisine": "italian", + "ingredients": [ + "spinach leaves", + "olive oil", + "salt", + "water", + "grated parmesan cheese", + "pinenuts", + "ground black pepper", + "oil", + "cherry tomatoes", + "fusilli" + ] + }, + { + "id": 32138, + "cuisine": "indian", + "ingredients": [ + "self rising flour", + "vegetable oil", + "cumin", + "tumeric", + "green onions", + "salt", + "flour", + "garlic", + "water", + "baking powder", + "onions" + ] + }, + { + "id": 5409, + "cuisine": "italian", + "ingredients": [ + "avocado", + "basil pesto sauce", + "mango", + "pitted black olives", + "penne pasta", + "tomatoes", + "grated parmesan cheese", + "fresh spinach", + "oil" + ] + }, + { + "id": 10220, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "yellow onion", + "pancetta", + "cannellini beans", + "salt", + "parmesan cheese", + "canned tomatoes", + "italian seasoning", + "pepper", + "parsley", + "penne pasta" + ] + }, + { + "id": 25023, + "cuisine": "mexican", + "ingredients": [ + "meat", + "processed cheese", + "cream cheese", + "green onions", + "milk", + "worcestershire sauce" + ] + }, + { + "id": 24059, + "cuisine": "filipino", + "ingredients": [ + "garlic powder", + "beansprouts", + "ground sausage", + "onions", + "soy sauce", + "carrots", + "vegetable oil", + "lumpia skins" + ] + }, + { + "id": 5496, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "salt", + "chicken", + "vegetable oil", + "fajita size flour tortillas", + "jalapeno chilies", + "salsa", + "bacon", + "cream cheese" + ] + }, + { + "id": 11766, + "cuisine": "italian", + "ingredients": [ + "pepper", + "cannellini beans", + "fresh parsley", + "chicken broth", + "parmesan cheese", + "salt", + "italian sausage", + "olive oil", + "crushed red pepper", + "plum tomatoes", + "fresh spinach", + "unsalted butter", + "garlic cloves" + ] + }, + { + "id": 44924, + "cuisine": "spanish", + "ingredients": [ + "baguette", + "salt", + "ground black pepper", + "diced tomatoes in juice", + "garlic", + "bay leaf", + "olive oil", + "green beans" + ] + }, + { + "id": 9233, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "ground cumin", + "corn", + "cilantro leaves", + "kosher salt", + "garlic", + "avocado", + "lime", + "onions" + ] + }, + { + "id": 32482, + "cuisine": "spanish", + "ingredients": [ + "chicken stock", + "olive oil", + "fresh thyme", + "salt", + "flat leaf parsley", + "chorizo sausage", + "pancetta", + "hot red pepper flakes", + "ground black pepper", + "red pepper", + "squid", + "frozen peas", + "tomatoes", + "short-grain rice", + "dry white wine", + "green pepper", + "chicken thighs", + "clams", + "spanish onion", + "prawns", + "paprika", + "garlic cloves", + "saffron" + ] + }, + { + "id": 10910, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "diced tomatoes", + "ground cumin", + "garam masala", + "ground coriander", + "fresh cilantro", + "dried chickpeas", + "baby spinach leaves", + "ground black pepper", + "ground turmeric" + ] + }, + { + "id": 41367, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "flour tortillas", + "salt", + "black pepper", + "diced green chilies", + "butter", + "onions", + "chopped tomatoes", + "chili powder", + "all-purpose flour", + "milk", + "zucchini", + "garlic", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 43826, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "fresh ginger root", + "sweet potatoes", + "scallions", + "chopped cilantro fresh", + "lime", + "ground black pepper", + "extra-virgin olive oil", + "bay leaf", + "curry powder", + "garam masala", + "tamari almonds", + "garlic cloves", + "dried lentils", + "swiss chard", + "jalapeno chilies", + "vegetable broth", + "onions" + ] + }, + { + "id": 43385, + "cuisine": "italian", + "ingredients": [ + "warm water", + "vital wheat gluten", + "instant yeast", + "all-purpose flour", + "water", + "salt", + "eggs", + "raisins" + ] + }, + { + "id": 24643, + "cuisine": "italian", + "ingredients": [ + "cockles", + "dry white wine", + "flat leaf parsley", + "bottled clam juice", + "linguine", + "dried oregano", + "hot red pepper flakes", + "extra-virgin olive oil", + "onions", + "unsalted butter", + "garlic cloves" + ] + }, + { + "id": 3162, + "cuisine": "southern_us", + "ingredients": [ + "crawfish", + "butter", + "onions", + "salt and ground black pepper", + "diced tomatoes", + "minced garlic", + "condensed cream of mushroom soup", + "green bell pepper", + "processed cheese", + "cayenne pepper" + ] + }, + { + "id": 23011, + "cuisine": "japanese", + "ingredients": [ + "wakame", + "watercress", + "oil", + "spring onions", + "soba noodles", + "fresh lime juice", + "Japanese soy sauce", + "salt", + "beansprouts", + "vegetable oil", + "seaweed" + ] + }, + { + "id": 35785, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "cayenne pepper", + "seasoning salt", + "vegetable oil", + "milk", + "flour", + "garlic powder", + "broiler-fryers" + ] + }, + { + "id": 9579, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "boneless skinless chicken breasts", + "corn starch", + "black pepper", + "fresh ginger root", + "salt", + "white sugar", + "chicken broth", + "water", + "vegetable oil", + "bok choy", + "white wine", + "water chestnuts", + "fresh mushrooms", + "snow peas" + ] + }, + { + "id": 13685, + "cuisine": "filipino", + "ingredients": [ + "shrimp paste", + "salt", + "coconut milk", + "thai chile", + "oil", + "ground pork", + "coconut cream", + "onions", + "pepper", + "garlic", + "green beans" + ] + }, + { + "id": 20834, + "cuisine": "cajun_creole", + "ingredients": [ + "crushed tomatoes", + "boneless skinless chicken breasts", + "cayenne pepper", + "sausages", + "olive oil", + "worcestershire sauce", + "long-grain rice", + "fresh parsley", + "water", + "dijon mustard", + "beef broth", + "garlic cloves", + "onions", + "dried thyme", + "fully cooked ham", + "green pepper", + "uncook medium shrimp, peel and devein" + ] + }, + { + "id": 25172, + "cuisine": "italian", + "ingredients": [ + "finely chopped onion", + "extra-virgin olive oil", + "guanciale", + "pecorino romano cheese", + "bucatini", + "balsamic vinegar", + "garlic cloves", + "cherry tomatoes", + "peperoncino" + ] + }, + { + "id": 35862, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "onions", + "kosher salt", + "dry red wine", + "tomato juice", + "boneless skinless chicken breast halves", + "curry powder", + "chutney" + ] + }, + { + "id": 35204, + "cuisine": "italian", + "ingredients": [ + "eggs", + "pepper", + "broccoli florets", + "button mushrooms", + "red bell pepper", + "tomato sauce", + "lasagna noodles", + "butter", + "garlic", + "vidalia onion", + "parmesan cheese", + "ricotta cheese", + "extra-virgin olive oil", + "oregano", + "mozzarella cheese", + "zucchini", + "red pepper flakes", + "salt" + ] + }, + { + "id": 24405, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "fish sauce", + "lime juice", + "white vinegar", + "water", + "sugar", + "garlic cloves" + ] + }, + { + "id": 38832, + "cuisine": "russian", + "ingredients": [ + "ground cloves", + "unsalted butter", + "ground allspice", + "ground cinnamon", + "large egg yolks", + "lemon zest", + "large egg whites", + "semisweet chocolate", + "blanched almonds", + "sugar", + "almonds", + "salt" + ] + }, + { + "id": 5128, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "peeled prawns", + "garlic cloves", + "dark soy sauce", + "leaves", + "purple onion", + "frozen peas", + "cooked brown rice", + "vegetable oil", + "coriander", + "fish sauce", + "large eggs", + "chili sauce" + ] + }, + { + "id": 43921, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "salt", + "minced garlic", + "soy sauce", + "beef sirloin", + "ground black pepper" + ] + }, + { + "id": 8670, + "cuisine": "cajun_creole", + "ingredients": [ + "green onions", + "sausages", + "cornbread stuffing mix", + "chopped fresh thyme", + "rubbed sage", + "onions", + "andouille sausage", + "butter", + "low salt chicken broth", + "hot pepper sauce", + "chopped celery", + "red bell pepper" + ] + }, + { + "id": 8130, + "cuisine": "chinese", + "ingredients": [ + "boneless chicken skinless thigh", + "sesame oil", + "corn starch", + "sugar", + "green onions", + "dry sherry", + "fresh ginger", + "worcestershire sauce", + "cashew nuts", + "soy sauce", + "corn oil", + "rice" + ] + }, + { + "id": 13043, + "cuisine": "italian", + "ingredients": [ + "chopped celery", + "onions", + "olive oil", + "flat leaf parsley", + "fresh basil", + "garlic cloves", + "plum tomatoes", + "tuna steaks", + "bay leaf" + ] + }, + { + "id": 7871, + "cuisine": "japanese", + "ingredients": [ + "tumeric", + "prawns", + "ginger", + "oil", + "clove", + "garam masala", + "cinnamon", + "salt", + "onions", + "shredded coconut", + "bay leaves", + "garlic", + "cardamom", + "red chili powder", + "coriander powder", + "cilantro", + "coconut cream" + ] + }, + { + "id": 28867, + "cuisine": "cajun_creole", + "ingredients": [ + "fillet red snapper", + "unsalted butter", + "fresh parsley", + "coars ground black pepper", + "dried thyme", + "fresh lemon juice", + "kosher salt", + "lemon wedge", + "dried basil", + "crushed red pepper" + ] + }, + { + "id": 42407, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "green onions", + "flour tortillas", + "monterey jack", + "unsalted butter", + "sour cream", + "chicken broth", + "flour", + "chicken" + ] + }, + { + "id": 24126, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "okra", + "bacon drippings" + ] + }, + { + "id": 20952, + "cuisine": "vietnamese", + "ingredients": [ + "bean threads", + "whole cloves", + "canned beef broth", + "romaine lettuce", + "flank steak", + "star anise", + "fish sauce", + "green onions", + "large garlic cloves", + "fresh ginger", + "lemon wedge", + "onions" + ] + }, + { + "id": 22630, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "grated parmesan cheese", + "fresh mushrooms", + "italian seasoning", + "ground black pepper", + "garlic", + "onions", + "dried basil", + "vegetable oil", + "fresh parsley", + "green bell pepper", + "egg noodles", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 42845, + "cuisine": "southern_us", + "ingredients": [ + "fresh rosemary", + "butter", + "salt", + "dried red chile peppers", + "garlic bulb", + "dry white wine", + "crushed red pepper", + "shrimp", + "bay leaves", + "white wine vinegar", + "lemon juice", + "rosemary sprigs", + "extra-virgin olive oil", + "lemon slices", + "dried oregano" + ] + }, + { + "id": 33425, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "jalapeno chilies", + "rice", + "thyme sprigs", + "oysters", + "peas", + "garlic cloves", + "onions", + "kosher salt", + "apple cider vinegar", + "scallions", + "bay leaf", + "celery ribs", + "unsalted butter", + "cayenne pepper", + "carrots" + ] + }, + { + "id": 34710, + "cuisine": "mexican", + "ingredients": [ + "tomato juice", + "salt", + "ice cubes", + "coarse salt", + "hot pepper sauce", + "beer", + "soy sauce", + "lemon" + ] + }, + { + "id": 49026, + "cuisine": "mexican", + "ingredients": [ + "cooked rice", + "enchilada sauce", + "corn", + "cumin", + "black beans", + "dried oregano", + "shredded cheese" + ] + }, + { + "id": 43595, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "ground black pepper", + "lime juice", + "cilantro leaves", + "kosher salt", + "leeks", + "eggplant", + "canola oil" + ] + }, + { + "id": 31353, + "cuisine": "indian", + "ingredients": [ + "eggs", + "whole milk", + "rosewater", + "sugar", + "all-purpose flour", + "saffron", + "semolina flour", + "baking powder", + "ghee", + "plain yogurt", + "cardamom pods" + ] + }, + { + "id": 21064, + "cuisine": "japanese", + "ingredients": [ + "chicken wings", + "salt", + "water", + "corn starch", + "soy sauce", + "oil", + "white vinegar", + "beaten eggs", + "white sugar" + ] + }, + { + "id": 3709, + "cuisine": "vietnamese", + "ingredients": [ + "Vietnamese coriander", + "scallions", + "soup", + "fresh ginger", + "beef steak", + "black pepper", + "salt" + ] + }, + { + "id": 27104, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "kosher salt", + "rolls", + "veal tongue", + "vegetable oil", + "onions", + "tomatoes", + "ground black pepper", + "liquid", + "fresh mexican cheese", + "black beans", + "crema", + "iceberg lettuce" + ] + }, + { + "id": 6801, + "cuisine": "italian", + "ingredients": [ + "eggs", + "dried basil", + "bay leaves", + "ground pork", + "dried parsley", + "colby cheese", + "lasagna noodles", + "lean ground beef", + "shredded mozzarella cheese", + "dried oregano", + "tomato paste", + "cottage cheese", + "grated parmesan cheese", + "crushed garlic", + "onions", + "fresh tomatoes", + "ground black pepper", + "mushrooms", + "salt", + "white sugar" + ] + }, + { + "id": 35505, + "cuisine": "indian", + "ingredients": [ + "sugar", + "potatoes", + "long grain white rice", + "coconut", + "urad dal", + "kosher salt", + "cilantro", + "chana dal", + "ghee" + ] + }, + { + "id": 24780, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "garam masala", + "hot chili powder", + "garlic cloves", + "black pepper", + "chicken breasts", + "sea salt", + "onions", + "curry leaves", + "water", + "vegetable oil", + "cilantro leaves", + "ground turmeric", + "tomatoes", + "fresh ginger root", + "lemon", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 5320, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "sunflower oil", + "oyster sauce", + "red chili peppers", + "Shaoxing wine", + "rice", + "chicken stock", + "broccolini", + "cornflour", + "soy sauce", + "rump steak", + "chinese five-spice powder" + ] + }, + { + "id": 36424, + "cuisine": "japanese", + "ingredients": [ + "chicken stock", + "zucchini", + "vegetable oil", + "toasted sesame oil", + "green bell pepper", + "green onions", + "fresh green bean", + "eggs", + "shredded carrots", + "napa cabbage", + "soy sauce", + "cooked chicken", + "all-purpose flour" + ] + }, + { + "id": 35478, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "jalapeno chilies", + "Jose Cuervo Gold Tequila", + "minced garlic", + "extra-virgin olive oil", + "kosher salt", + "boneless skinless chicken breasts", + "ground black pepper", + "ground coriander" + ] + }, + { + "id": 49017, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "onions", + "water", + "salt", + "eggs", + "vegetable oil", + "milk", + "cornmeal" + ] + }, + { + "id": 10793, + "cuisine": "southern_us", + "ingredients": [ + "chuck roast", + "pepperoncini", + "butter", + "brown gravy mix", + "ranch dip mix" + ] + }, + { + "id": 39179, + "cuisine": "cajun_creole", + "ingredients": [ + "deli ham", + "croissants", + "poppy seeds", + "cheese slices", + "creole mustard", + "butter" + ] + }, + { + "id": 19824, + "cuisine": "indian", + "ingredients": [ + "sugar", + "ghee", + "almonds", + "milk", + "apples" + ] + }, + { + "id": 40537, + "cuisine": "italian", + "ingredients": [ + "golden raisins", + "salt", + "ground nutmeg", + "extra-virgin olive oil", + "mustard greens", + "escarole", + "ground black pepper", + "garlic" + ] + }, + { + "id": 40516, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "onion powder", + "oil", + "eggs", + "dried thyme", + "salt", + "heavy whipping cream", + "broiler-fryer chicken", + "creamy gravy", + "all-purpose flour", + "milk", + "paprika", + "rubbed sage" + ] + }, + { + "id": 19966, + "cuisine": "brazilian", + "ingredients": [ + "cooking spray", + "salt", + "garlic cloves", + "serrano chile", + "water", + "lime wedges", + "chopped onion", + "fresh lime juice", + "fish", + "brown sugar", + "peeled fresh ginger", + "grouper", + "carrots", + "basmati rice", + "peeled tomatoes", + "light coconut milk", + "beer", + "chopped cilantro fresh" + ] + }, + { + "id": 33002, + "cuisine": "southern_us", + "ingredients": [ + "turnip greens", + "sea salt", + "turnips", + "olive oil", + "onions", + "kale", + "freshly ground pepper", + "chicken broth", + "mustard greens" + ] + }, + { + "id": 1308, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "vegetable oil", + "chipotles in adobo", + "bone-in chicken breast halves", + "salt", + "tostada shells", + "garlic", + "onions", + "chicken bouillon granules", + "pepper", + "sour cream" + ] + }, + { + "id": 29788, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning", + "iceberg lettuce", + "tomatoes", + "onions", + "catalina dressing", + "ground beef", + "shredded cheddar cheese", + "doritos" + ] + }, + { + "id": 30488, + "cuisine": "chinese", + "ingredients": [ + "cilantro stems", + "scallions", + "sushi rice", + "ginger", + "water", + "thai chile", + "grapeseed oil" + ] + }, + { + "id": 5029, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "purple onion", + "tomatoes", + "Tabasco Pepper Sauce", + "cilantro leaves", + "avocado", + "lime", + "salt", + "red chili peppers", + "garlic" + ] + }, + { + "id": 22713, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garam masala", + "salt", + "cardamom", + "plantains", + "clove", + "water", + "cinnamon", + "oil", + "ground turmeric", + "cream", + "chili powder", + "green chilies", + "onions", + "garlic paste", + "coriander powder", + "cilantro leaves", + "bay leaf", + "ginger paste" + ] + }, + { + "id": 30810, + "cuisine": "mexican", + "ingredients": [ + "picante sauce", + "ground beef", + "chili powder", + "minced onion", + "chorizo sausage", + "pitted black olives", + "mexican style 4 cheese blend" + ] + }, + { + "id": 25517, + "cuisine": "japanese", + "ingredients": [ + "konbu", + "dried bonito flakes" + ] + }, + { + "id": 3086, + "cuisine": "moroccan", + "ingredients": [ + "ground red pepper", + "garlic cloves", + "chopped cilantro fresh", + "olive oil", + "salt", + "couscous", + "ground cinnamon", + "paprika", + "fresh lemon juice", + "ground cumin", + "cooking spray", + "grouper", + "fresh parsley" + ] + }, + { + "id": 18019, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "smoked sausage", + "onions", + "cinnamon", + "creole seasoning", + "oregano", + "bouillon cube", + "meat bones", + "coriander", + "red kidney beans", + "garlic", + "smoked paprika", + "cumin" + ] + }, + { + "id": 43969, + "cuisine": "chinese", + "ingredients": [ + "powdered sugar", + "instant yeast", + "liquid", + "unsalted butter", + "cake flour", + "milk", + "powdered milk", + "bread flour", + "granulated sugar", + "salt" + ] + }, + { + "id": 2862, + "cuisine": "mexican", + "ingredients": [ + "fish sauce", + "boneless beef short ribs", + "cilantro", + "ground black pepper", + "chili powder", + "ghee", + "kosher salt", + "bone broth", + "garlic cloves", + "tomato paste", + "radishes", + "tomato salsa", + "onions" + ] + }, + { + "id": 21476, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "white vinegar", + "canola mayonnaise", + "ground black pepper" + ] + }, + { + "id": 21135, + "cuisine": "spanish", + "ingredients": [ + "pork ribs", + "salt pork", + "olive oil", + "salt", + "black beans", + "garlic", + "onions", + "pepper", + "morcilla", + "chorizo sausage" + ] + }, + { + "id": 9941, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "salsa", + "ground cumin", + "eggs", + "jalapeno chilies", + "tortilla chips", + "garlic powder", + "green pepper", + "black pepper", + "chili powder", + "ground beef" + ] + }, + { + "id": 49303, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "mole paste", + "radishes", + "garlic", + "white onion", + "tortillas", + "lime wedges", + "cooked turkey", + "white hominy", + "vegetable oil", + "green cabbage", + "salsa verde", + "low sodium chicken broth", + "cilantro leaves" + ] + }, + { + "id": 11359, + "cuisine": "indian", + "ingredients": [ + "almonds", + "chili powder", + "green cardamom", + "cinnamon sticks", + "ginger paste", + "coconut", + "garam masala", + "mutton", + "curds", + "coriander", + "milk", + "coriander powder", + "salt", + "oil", + "ground turmeric", + "garlic paste", + "leaves", + "poppy seeds", + "green chilies", + "onions" + ] + }, + { + "id": 49212, + "cuisine": "moroccan", + "ingredients": [ + "chicken legs", + "dried apricot", + "ground coriander", + "almonds", + "garlic", + "ground turmeric", + "chicken broth", + "ale", + "salt", + "olive oil", + "ginger", + "onions" + ] + }, + { + "id": 38772, + "cuisine": "italian", + "ingredients": [ + "mayonaise", + "roasted red peppers", + "olive oil", + "provolone cheese", + "fresh leav spinach", + "rolls", + "avocado", + "smoked turkey breast" + ] + }, + { + "id": 25127, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "scallions", + "soy sauce", + "red pepper flakes", + "brown sugar", + "sesame oil", + "garlic cloves", + "water", + "firm tofu" + ] + }, + { + "id": 1522, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "unsalted butter", + "salt", + "eggs", + "buttermilk", + "orange zest", + "peaches", + "vanilla", + "turbinado", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 4677, + "cuisine": "japanese", + "ingredients": [ + "baby bok choy", + "mirin", + "rice vinegar", + "sliced green onions", + "low sodium soy sauce", + "honey", + "vegetable broth", + "dark sesame oil", + "sake", + "sesame seeds", + "crushed red pepper", + "garlic cloves", + "water", + "peeled fresh ginger", + "soba noodles" + ] + }, + { + "id": 46136, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "diced tomatoes", + "black beans", + "taco seasoning", + "cheddar cheese", + "tortilla chips", + "corn", + "ground meat" + ] + }, + { + "id": 18318, + "cuisine": "korean", + "ingredients": [ + "kimchi juice", + "sesame oil", + "oil", + "eggs", + "green onions", + "sauce", + "onions", + "low sodium soy sauce", + "pepper", + "salt", + "kimchi", + "cooked rice", + "shallots", + "Gochujang base" + ] + }, + { + "id": 19421, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "all-purpose flour", + "baking soda", + "buttermilk", + "yellow corn meal", + "dried sage", + "double-acting baking powder", + "unsalted butter", + "salt" + ] + }, + { + "id": 5671, + "cuisine": "spanish", + "ingredients": [ + "potatoes", + "eggs", + "oil", + "pepper", + "onions", + "salt" + ] + }, + { + "id": 24609, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "shallots", + "scallions", + "sugar", + "ground black pepper", + "top sirloin steak", + "fish sauce", + "peanuts", + "sesame oil", + "minced garlic", + "sweet soy sauce", + "salt" + ] + }, + { + "id": 7673, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "large eggs", + "sea salt", + "safflower oil", + "shredded cabbage", + "scallions", + "soy sauce", + "flour", + "shredded zucchini", + "Sriracha", + "sesame oil", + "toasted sesame seeds" + ] + }, + { + "id": 40394, + "cuisine": "italian", + "ingredients": [ + "lobster", + "shells", + "pepper", + "shellfish", + "chopped parsley", + "risotto", + "butter", + "salt", + "grated parmesan cheese", + "garlic", + "fish" + ] + }, + { + "id": 49564, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "finely chopped onion", + "fresh lemon juice", + "asparagus", + "leeks", + "water", + "large eggs", + "celery", + "chicken broth", + "unsalted butter", + "dill tips" + ] + }, + { + "id": 38143, + "cuisine": "southern_us", + "ingredients": [ + "tomato paste", + "bacon", + "boiling water", + "hot pepper sauce", + "onions", + "tomato sauce", + "salt", + "long grain white rice", + "worcestershire sauce", + "white sugar" + ] + }, + { + "id": 13644, + "cuisine": "japanese", + "ingredients": [ + "silken tofu", + "soba noodles", + "buckwheat", + "enokitake", + "konbu", + "soy sauce", + "bonito flakes", + "buttercup squash", + "water", + "scallions" + ] + }, + { + "id": 35496, + "cuisine": "indian", + "ingredients": [ + "sea salt", + "lemon juice", + "ground cumin", + "peanuts", + "cilantro leaves", + "chaat masala", + "tomatoes", + "salt", + "onions", + "chili powder", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 17134, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "sweet paprika", + "lemon juice", + "plain yogurt", + "fenugreek", + "mustard oil", + "ground cumin", + "chile paste", + "pork loin", + "garlic cloves", + "bread", + "garam masala", + "ground coriander", + "cucumber" + ] + }, + { + "id": 2643, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "red pepper flakes", + "fresh parsley", + "pepper", + "garlic", + "chicken broth", + "dry white wine", + "salt", + "boneless chop pork", + "extra-virgin olive oil" + ] + }, + { + "id": 13129, + "cuisine": "chinese", + "ingredients": [ + "honey", + "whole chicken", + "soy sauce", + "dry sherry", + "fresh ginger root", + "garlic cloves", + "orange", + "chinese five-spice powder" + ] + }, + { + "id": 39206, + "cuisine": "british", + "ingredients": [ + "mayonaise", + "mango chutney", + "smoked turkey breast", + "fresh lemon juice", + "stilton", + "fresh parsley leaves", + "rocket leaves", + "french bread" + ] + }, + { + "id": 3872, + "cuisine": "mexican", + "ingredients": [ + "large garlic cloves", + "corn tortillas", + "skirt steak", + "ground black pepper", + "salt", + "chipotle chile powder", + "dried oregano", + "cooking spray", + "red bell pepper", + "onions", + "canola oil", + "brown sugar", + "reduced-fat sour cream", + "fresh lime juice", + "plum tomatoes" + ] + }, + { + "id": 49656, + "cuisine": "chinese", + "ingredients": [ + "fat free less sodium chicken broth", + "green onions", + "arborio rice", + "water", + "salt", + "dry roasted peanuts", + "bacon slices", + "sushi rice", + "peeled fresh ginger" + ] + }, + { + "id": 47420, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "finely chopped onion", + "salt", + "radicchio", + "low sodium chicken broth", + "water", + "parmigiano reggiano cheese", + "California bay leaves", + "unsalted butter", + "dry red wine" + ] + }, + { + "id": 27105, + "cuisine": "russian", + "ingredients": [ + "warm water", + "large eggs", + "active dry yeast", + "all purpose unbleached flour", + "mozzarella cheese", + "havarti cheese", + "unsalted butter", + "salt" + ] + }, + { + "id": 22361, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "red pepper", + "pinto beans", + "caster sugar", + "chili powder", + "green pepper", + "dried oregano", + "zucchini", + "salt", + "onions", + "minced garlic", + "red wine vinegar", + "sweet corn" + ] + }, + { + "id": 43493, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "whole wheat tortillas", + "avocado", + "chipotle", + "hot sauce", + "nutritional yeast", + "salsa", + "lime", + "shredded carrots" + ] + }, + { + "id": 19650, + "cuisine": "korean", + "ingredients": [ + "green cabbage", + "water", + "sesame seeds", + "ground red pepper", + "salt", + "sugar", + "honey", + "cooking spray", + "baking powder", + "dark sesame oil", + "minced garlic", + "fresh ginger", + "green onions", + "dry sherry", + "canola oil", + "low sodium soy sauce", + "large egg whites", + "ground black pepper", + "ground sirloin", + "all-purpose flour" + ] + }, + { + "id": 5275, + "cuisine": "spanish", + "ingredients": [ + "manchego cheese", + "fresh parsley", + "black olives", + "pepper", + "anchovy fillets", + "extra-virgin olive oil" + ] + }, + { + "id": 28660, + "cuisine": "southern_us", + "ingredients": [ + "cherry tomatoes", + "all-purpose flour", + "green onions", + "ground allspice", + "clam juice", + "okra", + "smoked bacon", + "cajun seasoning", + "shrimp" + ] + }, + { + "id": 29874, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "chopped fresh thyme", + "salt", + "black truffle oil", + "cracked black pepper", + "active dry yeast", + "extra-virgin olive oil", + "water", + "sea salt", + "bread flour" + ] + }, + { + "id": 33228, + "cuisine": "russian", + "ingredients": [ + "salt", + "large eggs", + "cake flour", + "water", + "all-purpose flour" + ] + }, + { + "id": 49421, + "cuisine": "italian", + "ingredients": [ + "mushrooms", + "basil leaves", + "mozzarella cheese", + "pizza sauce", + "ground black pepper", + "pepperoni" + ] + }, + { + "id": 47925, + "cuisine": "vietnamese", + "ingredients": [ + "boneless beef short ribs", + "garlic", + "paprika", + "shallots", + "ginger" + ] + }, + { + "id": 20945, + "cuisine": "spanish", + "ingredients": [ + "fresh oregano leaves", + "vegetable broth", + "fresh basil leaves", + "green bell pepper", + "pepper", + "lemon juice", + "fresh marjoram", + "balsamic vinegar", + "cucumber", + "tomatoes", + "white onion", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 6368, + "cuisine": "greek", + "ingredients": [ + "fresh spinach", + "diced tomatoes", + "fresh parsley", + "balsamic vinegar", + "fresh mushrooms", + "fresh basil", + "red wine vinegar", + "feta cheese crumbles", + "sliced black olives", + "extra-virgin olive oil", + "spaghetti" + ] + }, + { + "id": 1724, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "chilegarlic sauce", + "green onions", + "shoepeg corn", + "mayonaise", + "lime", + "jalapeno chilies", + "yellow corn", + "sour cream", + "shredded cheddar cheese", + "Mexican cheese blend", + "diced tomatoes", + "cream cheese", + "white corn", + "taco seasoning mix", + "cooking spray", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 45522, + "cuisine": "japanese", + "ingredients": [ + "ground pepper", + "cilantro", + "scallions", + "seedless cucumber", + "tahini", + "peanut butter", + "cashew nuts", + "soy sauce", + "chili paste", + "rice vinegar", + "garlic cloves", + "fresh ginger", + "sesame oil", + "soba noodles" + ] + }, + { + "id": 3236, + "cuisine": "southern_us", + "ingredients": [ + "whipped cream", + "vanilla instant pudding", + "bananas", + "whipping cream", + "cold water", + "turkey", + "Nilla Wafers", + "condensed milk" + ] + }, + { + "id": 513, + "cuisine": "thai", + "ingredients": [ + "catfish fillets", + "roasted rice powder", + "kaffir lime leaves", + "banana leaves", + "chicken stock", + "vegetable oil", + "nam pla", + "Thai red curry paste" + ] + }, + { + "id": 8226, + "cuisine": "chinese", + "ingredients": [ + "chicken bouillon granules", + "water", + "garlic", + "ground cinnamon", + "pork tenderloin", + "lemon juice", + "ground ginger", + "honey", + "salt", + "soy sauce", + "dry sherry", + "corn starch" + ] + }, + { + "id": 23502, + "cuisine": "filipino", + "ingredients": [ + "brown sugar", + "bay leaves", + "garlic cloves", + "lemongrass", + "salt", + "chicken", + "soy sauce", + "calamansi juice", + "onions", + "fish sauce", + "ground black pepper", + "oil" + ] + }, + { + "id": 722, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "lemon", + "catfish fillets", + "granulated sugar", + "cayenne pepper", + "creole mustard", + "unsalted butter", + "paprika", + "kosher salt", + "vegetable oil", + "dri leav thyme" + ] + }, + { + "id": 5731, + "cuisine": "mexican", + "ingredients": [ + "white hominy", + "lime wedges", + "cilantro", + "pepper", + "radishes", + "tomatillos", + "poblano chiles", + "chicken stock", + "boneless chicken breast", + "vegetable oil", + "salt", + "water", + "jalapeno chilies", + "large garlic cloves", + "onions" + ] + }, + { + "id": 7424, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "chili powder", + "chopped cilantro fresh", + "soy sauce", + "flour tortillas", + "frozen corn", + "zucchini", + "purple onion", + "shredded Monterey Jack cheese", + "olive oil", + "worcestershire sauce", + "large shrimp" + ] + }, + { + "id": 10229, + "cuisine": "southern_us", + "ingredients": [ + "saltines", + "cooking oil", + "eggs", + "chicken breasts" + ] + }, + { + "id": 18106, + "cuisine": "french", + "ingredients": [ + "cold water", + "unflavored gelatin", + "fresh chives", + "chopped fresh thyme", + "shelled pistachios", + "black peppercorns", + "picholine olives", + "leeks", + "garlic", + "thyme sprigs", + "Madeira", + "black pepper", + "shallots", + "salt", + "fennel seeds", + "parsley sprigs", + "large egg whites", + "rabbit", + "carrots" + ] + }, + { + "id": 15388, + "cuisine": "indian", + "ingredients": [ + "chicken breast halves", + "gingerroot", + "fresh lime juice", + "ground red pepper", + "salt", + "couscous", + "black pepper", + "chicken drumsticks", + "ground coriander", + "chicken thighs", + "nonfat yogurt", + "paprika", + "garlic cloves", + "ground turmeric" + ] + }, + { + "id": 14200, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "sugar", + "cinnamon sugar", + "peaches", + "butter" + ] + }, + { + "id": 46919, + "cuisine": "indian", + "ingredients": [ + "melted butter", + "garlic", + "yeast", + "kosher salt", + "all-purpose flour", + "warm water", + "salt", + "cilantro", + "greek yogurt" + ] + }, + { + "id": 43026, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "pepper", + "soya bean", + "whole kernel corn, drain", + "italian seasoning", + "green olives", + "olive oil", + "diced tomatoes", + "onions", + "tomatoes", + "dried basil", + "red wine", + "okra", + "pitted black olives", + "grated parmesan cheese", + "salt", + "dried oregano" + ] + }, + { + "id": 33284, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "white wine vinegar", + "dried oregano", + "clove", + "chili powder", + "pork shoulder", + "olive oil", + "salt", + "ground cumin", + "brown sugar", + "lime wedges", + "onions" + ] + }, + { + "id": 26789, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "pepper", + "cheese", + "fresh lime juice", + "tomatoes", + "cracked black pepper", + "garlic cloves", + "baguette", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 260, + "cuisine": "thai", + "ingredients": [ + "garlic", + "fresh ginger root", + "Thai fish sauce", + "flank steak", + "toasted sesame oil", + "chili sauce" + ] + }, + { + "id": 21760, + "cuisine": "japanese", + "ingredients": [ + "lemon twists", + "ice", + "crystallized ginger", + "sake", + "ginger ale", + "peeled fresh ginger" + ] + }, + { + "id": 43153, + "cuisine": "greek", + "ingredients": [ + "purple onion", + "plain yogurt", + "cucumber", + "pepper", + "chopped garlic", + "mint", + "salt" + ] + }, + { + "id": 25757, + "cuisine": "indian", + "ingredients": [ + "water", + "herbs", + "coconut milk", + "tumeric", + "curry powder", + "chili powder", + "curry paste", + "sugar", + "lime juice", + "salt", + "black pepper", + "cayenne", + "lentils" + ] + }, + { + "id": 12658, + "cuisine": "italian", + "ingredients": [ + "pepper", + "cooked chicken", + "milk", + "spaghetti", + "shredded cheddar cheese", + "salt", + "condensed cream of chicken soup", + "pimentos" + ] + }, + { + "id": 22395, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "bay leaves", + "onions", + "garlic powder", + "boneless beef chuck roast", + "tomato sauce", + "chili powder", + "ground black pepper", + "salt" + ] + }, + { + "id": 20596, + "cuisine": "italian", + "ingredients": [ + "brown gravy mix", + "beef stock cubes", + "dried oregano", + "boneless skinless turkey breasts", + "garlic", + "green bell pepper", + "worcestershire sauce", + "white vinegar", + "water", + "onions" + ] + }, + { + "id": 30630, + "cuisine": "italian", + "ingredients": [ + "sambuca", + "vanilla ice cream", + "mixed dried fruit", + "biscotti" + ] + }, + { + "id": 40447, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "salt", + "minced garlic", + "green onions", + "cider vinegar", + "golden raisins", + "peeled fresh ginger", + "nectarines" + ] + }, + { + "id": 27833, + "cuisine": "spanish", + "ingredients": [ + "beans", + "bay leaf", + "saffron threads", + "salt pork", + "sausage casings", + "sausages", + "water", + "serrano ham" + ] + }, + { + "id": 29051, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "orzo", + "shrimp", + "feta cheese", + "fresh oregano", + "olive oil", + "crushed red pepper", + "onions", + "fennel bulb", + "fresh lemon juice" + ] + }, + { + "id": 27524, + "cuisine": "korean", + "ingredients": [ + "sugar", + "green onions", + "dried shiitake mushrooms", + "cucumber", + "mirin", + "sesame oil", + "carrots", + "soy sauce", + "marinade", + "garlic cloves", + "onions", + "rib eye steaks", + "rice cakes", + "vegetable oil", + "ground white pepper" + ] + }, + { + "id": 7885, + "cuisine": "jamaican", + "ingredients": [ + "bread crumbs", + "dijon mustard", + "all-purpose flour", + "milk", + "butter", + "mozzarella cheese", + "grated parmesan cheese", + "elbow macaroni", + "cheddar cheese", + "ground nutmeg", + "salt" + ] + }, + { + "id": 23397, + "cuisine": "chinese", + "ingredients": [ + "cider vinegar", + "sherry", + "corn starch", + "soy sauce", + "extra firm tofu", + "garlic cloves", + "fresh ginger", + "maple syrup", + "water", + "vegetable oil", + "fermented black beans" + ] + }, + { + "id": 37711, + "cuisine": "indian", + "ingredients": [ + "reduced fat coconut milk", + "mint leaves", + "yellow curry paste", + "naan", + "lime", + "sunflower oil", + "mustard seeds", + "lemongrass", + "vegetable stock", + "cardamom pods", + "pumpkin", + "chickpeas", + "onions" + ] + }, + { + "id": 193, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "chuck roast", + "onions", + "garlic powder", + "beef broth", + "tomato paste", + "chili powder", + "cumin" + ] + }, + { + "id": 28990, + "cuisine": "southern_us", + "ingredients": [ + "bay leaves", + "fresh lemon juice", + "hot sauce", + "salt", + "shrimp", + "shrimp and crab boil seasoning", + "creole seasoning" + ] + }, + { + "id": 28868, + "cuisine": "russian", + "ingredients": [ + "boiled eggs", + "salt", + "mayonaise", + "potatoes", + "ham", + "fresh dill", + "pepper", + "sweet peas", + "pickles", + "green onions", + "carrots" + ] + }, + { + "id": 29849, + "cuisine": "southern_us", + "ingredients": [ + "lemonade concentrate" + ] + }, + { + "id": 34292, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "broccoli rabe", + "gnocchi", + "parmesan cheese", + "garlic cloves", + "crushed red pepper" + ] + }, + { + "id": 35112, + "cuisine": "british", + "ingredients": [ + "potatoes", + "ground beef", + "rutabaga", + "salt", + "pie crust", + "butter", + "onions", + "pepper", + "carrots" + ] + }, + { + "id": 42177, + "cuisine": "japanese", + "ingredients": [ + "salt", + "soy sauce", + "persian cucumber", + "sugar", + "rice vinegar", + "sesame seeds" + ] + }, + { + "id": 37883, + "cuisine": "french", + "ingredients": [ + "water", + "crème fraîche", + "fennel seeds", + "zucchini", + "onions", + "olive oil", + "garlic cloves", + "pernod", + "fresh thyme" + ] + }, + { + "id": 19657, + "cuisine": "korean", + "ingredients": [ + "white onion", + "sesame oil", + "spinach", + "shiitake", + "carrots", + "honey", + "extra-virgin olive oil", + "soy sauce", + "zucchini", + "toasted sesame seeds" + ] + }, + { + "id": 6751, + "cuisine": "mexican", + "ingredients": [ + "large egg whites", + "salt", + "green chile", + "ground black pepper", + "large egg yolks", + "all-purpose flour", + "cheddar cheese", + "vegetable shortening" + ] + }, + { + "id": 28140, + "cuisine": "moroccan", + "ingredients": [ + "ground cloves", + "cayenne pepper", + "carrots", + "chile powder", + "olive oil", + "ground allspice", + "ground cumin", + "ground ginger", + "ground black pepper", + "sweet paprika", + "ground cinnamon", + "salt", + "ground coriander" + ] + }, + { + "id": 15013, + "cuisine": "italian", + "ingredients": [ + "hot red pepper flakes", + "asparagus", + "broccoli", + "snow peas", + "freshly grated parmesan", + "zucchini", + "fresh basil leaves", + "plum tomatoes", + "olive oil", + "unsalted butter", + "garlic cloves", + "petits pois", + "chicken broth", + "prosciutto", + "heavy cream", + "spaghetti" + ] + }, + { + "id": 8776, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "onions", + "salt", + "waxy potatoes", + "large eggs" + ] + }, + { + "id": 7890, + "cuisine": "moroccan", + "ingredients": [ + "grated orange peel", + "fresh orange juice", + "garlic cloves", + "ground cumin", + "garbanzo beans", + "purple onion", + "low salt chicken broth", + "ground cinnamon", + "peeled fresh ginger", + "ground coriander", + "chopped cilantro fresh", + "olive oil", + "dry red wine", + "leg of lamb" + ] + }, + { + "id": 14359, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "palm sugar", + "red curry paste", + "lemongrass", + "ginger", + "shrimp", + "jasmine rice", + "cilantro", + "scallions", + "lime", + "garlic", + "red bell pepper" + ] + }, + { + "id": 7623, + "cuisine": "japanese", + "ingredients": [ + "water", + "napa cabbage leaves", + "scallions", + "toasted sesame oil", + "sake", + "jalapeno chilies", + "ginger", + "konbu", + "chile sauce", + "chicken legs", + "shiitake", + "napa cabbage", + "garlic cloves", + "onions", + "soy sauce", + "shell-on shrimp", + "firm tofu", + "carrots", + "soba" + ] + }, + { + "id": 42810, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "salt", + "pie dough", + "reduced fat milk", + "sugar", + "large eggs", + "peaches", + "all-purpose flour" + ] + }, + { + "id": 1857, + "cuisine": "mexican", + "ingredients": [ + "corn", + "jalapeno chilies", + "red pepper flakes", + "sour cream", + "seasoning", + "tortillas", + "green onions", + "enchilada sauce", + "taco seasoning mix", + "cooking spray", + "salsa", + "black beans", + "pepper jack", + "cooked chicken", + "Mexican cheese" + ] + }, + { + "id": 47779, + "cuisine": "italian", + "ingredients": [ + "garbanzo beans", + "chopped fresh sage", + "baby spinach leaves", + "extra-virgin olive oil", + "low salt chicken broth", + "fresh rosemary", + "grated parmesan cheese", + "garlic cloves", + "olive oil", + "white beans", + "onions" + ] + }, + { + "id": 7940, + "cuisine": "indian", + "ingredients": [ + "smoked sea salt", + "scallions", + "cauliflower", + "vegetable oil", + "green beans", + "tumeric", + "red pepper flakes", + "brown mustard seeds", + "hot water" + ] + }, + { + "id": 16568, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "rigatoni", + "shredded cheddar cheese" + ] + }, + { + "id": 4741, + "cuisine": "mexican", + "ingredients": [ + "light brown sugar", + "cayenne", + "whole milk", + "vanilla extract", + "olive oil", + "large eggs", + "balsamic vinegar", + "unsweetened cocoa powder", + "powdered sugar", + "granulated sugar", + "vegetable oil", + "salt", + "baking soda", + "flour", + "cinnamon" + ] + }, + { + "id": 6251, + "cuisine": "chinese", + "ingredients": [ + "evaporated milk", + "eggs", + "white sugar", + "tart shells", + "water" + ] + }, + { + "id": 8655, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "sea salt", + "water", + "Belgian endive", + "unsalted butter", + "sugar" + ] + }, + { + "id": 3174, + "cuisine": "vietnamese", + "ingredients": [ + "mung beans", + "sugar", + "glutinous rice", + "sesame", + "salt" + ] + }, + { + "id": 48924, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "puff pastry sheets", + "frozen stir fry vegetable blend", + "eggs" + ] + }, + { + "id": 23338, + "cuisine": "french", + "ingredients": [ + "large eggs", + "parsley", + "ham", + "mustard", + "green onions", + "low-fat mayonnaise", + "white bread", + "cooking spray", + "chopped fresh thyme", + "ground black pepper", + "fresh thyme leaves", + "salt" + ] + }, + { + "id": 40749, + "cuisine": "chinese", + "ingredients": [ + "mushrooms", + "garlic cloves", + "canola oil", + "ground pork", + "onions", + "sea salt", + "carrots", + "chicken", + "eggroll wrappers", + "cabbage" + ] + }, + { + "id": 24734, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "ground coriander", + "ground cumin", + "tumeric", + "garlic", + "ginger root", + "tomatoes", + "mustard greens", + "fresh lemon juice", + "olive oil", + "salt", + "onions" + ] + }, + { + "id": 27892, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "salt", + "seasoning", + "jamaican jerk marinade", + "coconut milk", + "water", + "long-grain rice", + "black beans", + "boneless chicken breast" + ] + }, + { + "id": 14796, + "cuisine": "indian", + "ingredients": [ + "spinach", + "chili powder", + "ground cumin", + "red lentils", + "black pepper", + "ground coriander", + "tumeric", + "vegetable stock", + "ground ginger", + "fresh coriander", + "coconut milk" + ] + }, + { + "id": 28284, + "cuisine": "italian", + "ingredients": [ + "marinade", + "olive oil", + "pepper", + "salt", + "chicken breasts" + ] + }, + { + "id": 34491, + "cuisine": "french", + "ingredients": [ + "fresh dill", + "russet potatoes", + "half & half", + "mcintosh apples", + "black pepper", + "butter", + "chicken broth", + "leeks", + "salt" + ] + }, + { + "id": 46883, + "cuisine": "irish", + "ingredients": [ + "sugar", + "maple syrup", + "salted butter", + "sweetened condensed milk", + "bittersweet chocolate chips", + "all-purpose flour", + "sea salt" + ] + }, + { + "id": 21192, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "dried thyme", + "purple onion", + "black pepper", + "cooking spray", + "ground allspice", + "boneless chicken skinless thigh", + "jalapeno chilies", + "salt", + "low sodium soy sauce", + "cider vinegar", + "ground red pepper" + ] + }, + { + "id": 18488, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "green onions", + "yellow onion", + "roasted cashews", + "soy sauce", + "vegetable oil", + "dark soy sauce", + "red chili peppers", + "boneless skinless chicken breasts", + "fish sauce", + "water", + "garlic" + ] + }, + { + "id": 2832, + "cuisine": "vietnamese", + "ingredients": [ + "honey", + "garlic", + "asparagus", + "toasted sesame oil", + "olive oil", + "scallions", + "soy sauce", + "boneless skinless chicken breasts", + "toasted sesame seeds" + ] + }, + { + "id": 23231, + "cuisine": "russian", + "ingredients": [ + "celery ribs", + "cider vinegar", + "potatoes", + "beets", + "onions", + "tomato purée", + "chopped tomatoes", + "butter", + "sour cream", + "caraway seeds", + "honey", + "vegetable stock", + "carrots", + "black pepper", + "red cabbage", + "salt", + "dill weed" + ] + }, + { + "id": 37981, + "cuisine": "korean", + "ingredients": [ + "stock", + "rice cakes", + "chicken", + "beef", + "scallions", + "pork", + "firm tofu", + "eggs", + "mirin", + "kimchi" + ] + }, + { + "id": 42742, + "cuisine": "italian", + "ingredients": [ + "mushrooms", + "onions", + "butter", + "olive oil", + "Italian bread", + "green onions", + "gorgonzola" + ] + }, + { + "id": 21568, + "cuisine": "vietnamese", + "ingredients": [ + "minced garlic", + "nuoc mam", + "pepper", + "fresh green bean", + "soy sauce", + "vegetable oil", + "yellow onion", + "tomatoes", + "water", + "salt" + ] + }, + { + "id": 12202, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "peeled fresh ginger", + "red curry paste", + "canola oil", + "white onion", + "salt", + "scallions", + "chicken stock", + "basil", + "freshly ground pepper", + "water", + "cilantro leaves", + "carrots" + ] + }, + { + "id": 39343, + "cuisine": "french", + "ingredients": [ + "dry vermouth", + "dijon mustard", + "roasting chickens", + "fat free less sodium chicken broth", + "salt", + "black pepper", + "chopped fresh thyme", + "garlic cloves", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 896, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "large eggs", + "all-purpose flour", + "zucchini", + "baking powder", + "feta cheese", + "chives", + "fresh mint", + "curly parsley", + "lemon zest", + "red pepper flakes" + ] + }, + { + "id": 21767, + "cuisine": "spanish", + "ingredients": [ + "spinach", + "ground black pepper", + "chickpeas", + "ham hock", + "saffron threads", + "olive oil", + "dried salted codfish", + "smoked paprika", + "onions", + "cooked ham", + "garlic", + "cumin seed", + "bay leaf", + "eggs", + "sherry vinegar", + "salt", + "country bread" + ] + }, + { + "id": 43582, + "cuisine": "spanish", + "ingredients": [ + "chorizo", + "lemon wedge", + "salt", + "chicken broth", + "short-grain rice", + "paprika", + "chicken", + "saffron threads", + "olive oil", + "diced tomatoes", + "onions", + "green bell pepper", + "ground black pepper", + "green peas" + ] + }, + { + "id": 31814, + "cuisine": "mexican", + "ingredients": [ + "frozen whole kernel corn", + "reduced-fat sour cream", + "cooking spray", + "reduced fat cheddar cheese", + "boneless skinless chicken breasts", + "flour tortillas", + "salsa" + ] + }, + { + "id": 1469, + "cuisine": "italian", + "ingredients": [ + "genoa salami", + "water packed artichoke hearts", + "feta cheese crumbles", + "dried basil", + "garlic cloves", + "ripe olives", + "baguette", + "baby spinach", + "roast red peppers, drain", + "olive oil", + "lemon juice" + ] + }, + { + "id": 1738, + "cuisine": "mexican", + "ingredients": [ + "white corn tortillas", + "chili powder", + "iceberg lettuce", + "olive oil", + "chipotle chile powder", + "sugar", + "salt", + "ground cumin", + "avocado", + "salsa verde", + "large shrimp" + ] + }, + { + "id": 37596, + "cuisine": "italian", + "ingredients": [ + "radicchio", + "salt", + "sugar", + "white wine vinegar", + "anchovy fillets", + "olive oil", + "purple onion", + "flat leaf parsley", + "large garlic cloves", + "chickpeas" + ] + }, + { + "id": 2056, + "cuisine": "mexican", + "ingredients": [ + "grilled chicken breasts", + "Mexican cheese blend", + "tostada shells", + "sour cream", + "romaine lettuce", + "salsa", + "refried beans" + ] + }, + { + "id": 4298, + "cuisine": "italian", + "ingredients": [ + "pepper jack", + "salad dressing", + "grated parmesan cheese", + "zucchini", + "shredded cheddar cheese", + "italian style seasoning" + ] + }, + { + "id": 29832, + "cuisine": "mexican", + "ingredients": [ + "pepper jack", + "vegetable oil", + "won ton wrappers" + ] + }, + { + "id": 24575, + "cuisine": "russian", + "ingredients": [ + "warm water", + "whole wheat flour", + "crème fraîche", + "eggs", + "milk", + "vegetable oil", + "all-purpose flour", + "sugar", + "active dry yeast", + "salt", + "smoked salmon", + "fresh chives", + "unsalted butter", + "buckwheat flour" + ] + }, + { + "id": 19408, + "cuisine": "indian", + "ingredients": [ + "water", + "shallots", + "cardamom pods", + "boneless skinless chicken breast halves", + "clove", + "fresh ginger root", + "garlic", + "coconut milk", + "olive oil", + "star anise", + "cinnamon sticks", + "fresh curry leaves", + "tamarind juice", + "salt", + "curry paste" + ] + }, + { + "id": 29459, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "apple cider vinegar", + "ham", + "black-eyed peas", + "crushed red pepper", + "sweet onion", + "vegetable broth", + "dijon mustard", + "dark brown sugar" + ] + }, + { + "id": 32792, + "cuisine": "cajun_creole", + "ingredients": [ + "boneless chicken thighs", + "okra", + "plum tomatoes", + "green bell pepper", + "vegetable oil", + "garlic cloves", + "andouille sausage", + "creole seasoning", + "onions", + "chicken broth", + "green onions", + "long-grain rice" + ] + }, + { + "id": 25087, + "cuisine": "mexican", + "ingredients": [ + "Philadelphia Cream Cheese", + "Velveeta", + "ground cumin", + "tomatoes", + "tortilla chips", + "black beans" + ] + }, + { + "id": 15710, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "anchovy fillets", + "dried thyme", + "salt", + "onions", + "olive oil", + "all-purpose flour", + "tomato paste", + "ice water", + "garlic cloves" + ] + }, + { + "id": 5827, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "cilantro", + "onions", + "avocado", + "jalapeno chilies", + "garlic cloves", + "water", + "salt", + "tomatoes", + "tomatillos", + "chipotle peppers" + ] + }, + { + "id": 43751, + "cuisine": "indian", + "ingredients": [ + "mayonaise", + "cilantro leaves", + "shallots", + "peeled fresh ginger", + "fresh lemon juice", + "yukon gold potatoes" + ] + }, + { + "id": 11279, + "cuisine": "italian", + "ingredients": [ + "pepper", + "red wine vinegar", + "lemon juice", + "chicken legs", + "olive oil", + "anchovy fillets", + "green olives", + "dry white wine", + "garlic cloves", + "water", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 33182, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "salt", + "potatoes", + "chorizo sausage", + "large eggs", + "onions", + "green olives", + "paprika" + ] + }, + { + "id": 41452, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "peeled fresh ginger", + "sugar", + "anjou pears", + "light corn syrup", + "unsalted butter", + "whipped cream", + "water", + "frozen pastry puff sheets" + ] + }, + { + "id": 23771, + "cuisine": "mexican", + "ingredients": [ + "citrus", + "cole slaw mix", + "olive oil", + "shrimp", + "avocado", + "red pepper", + "flour tortillas", + "yellow peppers" + ] + }, + { + "id": 20457, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "fine sea salt", + "lime juice", + "chopped cilantro", + "pepper", + "purple onion", + "deveined shrimp", + "mango" + ] + }, + { + "id": 31335, + "cuisine": "brazilian", + "ingredients": [ + "black turtle beans", + "parsley", + "beef tongue", + "onions", + "pig", + "pork ribs", + "salt", + "ham hock", + "chorizo sausage", + "smoked bacon", + "vegetable oil", + "garlic cloves", + "cumin", + "pepper", + "dried beef", + "beef sirloin", + "bay leaf" + ] + }, + { + "id": 7754, + "cuisine": "french", + "ingredients": [ + "pure olive oil", + "fennel bulb", + "white wine vinegar", + "small red potato", + "ground black pepper", + "extra-virgin olive oil", + "oil", + "fresh tuna steaks", + "kosher salt", + "dijon mustard", + "purple onion", + "green beans", + "baby artichokes", + "vine ripened tomatoes", + "vinaigrette", + "arugula" + ] + }, + { + "id": 4664, + "cuisine": "irish", + "ingredients": [ + "eggs", + "oil", + "salt", + "milk", + "flour" + ] + }, + { + "id": 27253, + "cuisine": "indian", + "ingredients": [ + "clove", + "garam masala", + "kasuri methi", + "oil", + "ghee", + "ground ginger", + "chili powder", + "curds", + "cinnamon sticks", + "ground turmeric", + "fennel seeds", + "coriander powder", + "salt", + "cardamom", + "onions", + "tomatoes", + "spices", + "cumin seed", + "bay leaf", + "baby potatoes" + ] + }, + { + "id": 11931, + "cuisine": "french", + "ingredients": [ + "fresh oregano leaves", + "calamata olives", + "fresh thyme leaves", + "all-purpose flour", + "tomatoes", + "olive oil", + "shredded swiss cheese", + "garlic", + "tomato paste", + "pepper", + "large eggs", + "butter", + "anchovy fillets", + "fresh marjoram", + "dijon mustard", + "shallots", + "salt" + ] + }, + { + "id": 18214, + "cuisine": "italian", + "ingredients": [ + "butter", + "peaches", + "bittersweet chocolate", + "brown sugar", + "Amaretti Cookies", + "cooking spray" + ] + }, + { + "id": 16444, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "cilantro leaves", + "lemon juice", + "whole milk yoghurt", + "ground coriander", + "ground cumin", + "fresh ginger", + "cardamom pods", + "chicken", + "black peppercorns", + "sea salt", + "garlic cloves" + ] + }, + { + "id": 35884, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "kosher salt", + "chopped cilantro fresh", + "tomatoes", + "tortilla chips", + "avocado", + "jalapeno chilies", + "white onion", + "fresh lime juice" + ] + }, + { + "id": 21565, + "cuisine": "italian", + "ingredients": [ + "sweet onion", + "ground black pepper", + "baking potatoes", + "large egg whites", + "chopped fresh chives", + "non-fat sour cream", + "fresh parmesan cheese", + "cooking spray", + "salt", + "dried thyme", + "large eggs", + "bacon slices" + ] + }, + { + "id": 12858, + "cuisine": "irish", + "ingredients": [ + "orange", + "english cucumber", + "lemon", + "sprite", + "mint", + "persian cucumber" + ] + }, + { + "id": 7143, + "cuisine": "thai", + "ingredients": [ + "lime zest", + "fresh cilantro", + "rice vinegar", + "beansprouts", + "fish sauce", + "rice noodles", + "garlic cloves", + "sliced green onions", + "eggs", + "boneless skinless chicken breasts", + "salted peanuts", + "fresh lime juice", + "brown sugar", + "vegetable oil", + "garlic chili sauce" + ] + }, + { + "id": 23349, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "cracked black pepper", + "cooked rice", + "paprika", + "ground cumin", + "curry powder", + "greek style plain yogurt", + "minced garlic", + "salt" + ] + }, + { + "id": 18837, + "cuisine": "british", + "ingredients": [ + "cookies", + "heavy whipping cream", + "strawberries", + "vanilla extract", + "condensed milk" + ] + }, + { + "id": 38774, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "diced tomatoes", + "onions", + "green bell pepper", + "ground black pepper", + "carrots", + "chicken broth", + "garbanzo beans", + "frozen corn", + "ground cumin", + "black beans", + "chili powder", + "ground turkey" + ] + }, + { + "id": 39667, + "cuisine": "french", + "ingredients": [ + "sugar", + "1% low-fat milk", + "hot water", + "butter", + "all-purpose flour", + "large egg whites", + "raspberry sauce", + "instant espresso", + "cooking spray", + "salt", + "unsweetened cocoa powder" + ] + }, + { + "id": 14900, + "cuisine": "irish", + "ingredients": [ + "corn oil", + "salt", + "eggs", + "buttermilk", + "white sugar", + "baking powder", + "all-purpose flour", + "baking soda", + "raisins" + ] + }, + { + "id": 27991, + "cuisine": "mexican", + "ingredients": [ + "red chili peppers", + "salt", + "lettuce", + "garlic powder", + "corn tortillas", + "tomatoes", + "cheese", + "refried beans", + "hamburger" + ] + }, + { + "id": 28610, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "artichok heart marin", + "pepper", + "coarse salt", + "stock", + "yukon gold potatoes", + "olive oil", + "onions" + ] + }, + { + "id": 25026, + "cuisine": "spanish", + "ingredients": [ + "fresh tomatoes", + "garlic", + "anchovies", + "ham", + "extra-virgin olive oil", + "crusty bread", + "serrano" + ] + }, + { + "id": 1626, + "cuisine": "korean", + "ingredients": [ + "celery ribs", + "ground white pepper", + "canola oil", + "brown rice", + "kimchi", + "carrots", + "frozen peas", + "soy sauce", + "beansprouts", + "fried rice" + ] + }, + { + "id": 6755, + "cuisine": "chinese", + "ingredients": [ + "sweet soy sauce", + "tomato paste", + "sesame oil", + "chicken thigh fillets", + "sesame seeds" + ] + }, + { + "id": 9104, + "cuisine": "indian", + "ingredients": [ + "unsweetened shredded dried coconut", + "chile pepper", + "cumin seed", + "shredded carrots", + "white rice flour", + "mung beans", + "salt", + "chopped cilantro fresh", + "water", + "vegetable oil", + "asafoetida powder" + ] + }, + { + "id": 22537, + "cuisine": "mexican", + "ingredients": [ + "crema mexicana", + "cilantro", + "avocado", + "corn oil", + "salt", + "red chile sauce", + "purple onion", + "cotija", + "epazote", + "corn tortillas" + ] + }, + { + "id": 48091, + "cuisine": "chinese", + "ingredients": [ + "wine", + "water chestnuts", + "dark sesame oil", + "bok choy", + "ground ginger", + "white pepper", + "green onions", + "oil", + "sugar", + "regular soy sauce", + "chinese roast pork", + "dark soy sauce", + "water", + "garlic", + "corn starch" + ] + }, + { + "id": 24911, + "cuisine": "southern_us", + "ingredients": [ + "top round steak", + "all-purpose flour", + "apple cider vinegar", + "eggs", + "oil" + ] + }, + { + "id": 12191, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "garlic salt", + "self rising flour", + "shortening" + ] + }, + { + "id": 4323, + "cuisine": "italian", + "ingredients": [ + "steamed rice", + "anchovy paste", + "orange juice", + "cooking oil", + "black olives", + "ground black pepper", + "garlic", + "grated orange", + "butter", + "cornish hens" + ] + }, + { + "id": 40520, + "cuisine": "chinese", + "ingredients": [ + "warm water", + "ginger", + "oil", + "chili flakes", + "green onions", + "rice vinegar", + "soy sauce", + "salt", + "brown sugar", + "worcestershire sauce", + "all-purpose flour" + ] + }, + { + "id": 4017, + "cuisine": "mexican", + "ingredients": [ + "lime", + "chopped cilantro", + "cauliflower", + "scallions", + "extra-virgin olive oil", + "kosher salt", + "garlic cloves" + ] + }, + { + "id": 29829, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large eggs", + "all-purpose flour", + "confectioners sugar", + "unsalted pistachios", + "cinnamon", + "orange flower water", + "bittersweet chocolate", + "marsala wine", + "vegetable oil", + "ricotta", + "lard", + "candied orange peel", + "baking soda", + "salt", + "goat cheese", + "unsweetened cocoa powder" + ] + }, + { + "id": 27439, + "cuisine": "spanish", + "ingredients": [ + "large egg yolks", + "orange zest", + "lime zest", + "heavy cream", + "brown sugar", + "cinnamon sticks", + "whole milk" + ] + }, + { + "id": 2345, + "cuisine": "mexican", + "ingredients": [ + "40% less sodium taco seasoning", + "salsa", + "ground sirloin", + "mini phyllo dough shells", + "shredded Monterey Jack cheese", + "green chile", + "non-fat sour cream" + ] + }, + { + "id": 19502, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "extra-virgin olive oil", + "vegetable oil spray", + "fresh lemon juice", + "fingerling potatoes", + "grated lemon peel", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 27667, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "diced tomatoes", + "bay leaf", + "chili beans", + "butter", + "salt", + "onions", + "clove", + "chili powder", + "paprika", + "ground beef", + "tomato sauce", + "red pepper", + "green pepper" + ] + }, + { + "id": 25965, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "chopped pecans", + "ground nutmeg", + "salt", + "light brown sugar", + "butter", + "blackberries", + "peaches", + "all-purpose flour" + ] + }, + { + "id": 29521, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "flat leaf parsley", + "bread crumb fresh", + "pecorino romano cheese", + "black pepper", + "veal cutlets", + "white onion", + "garlic cloves" + ] + }, + { + "id": 45043, + "cuisine": "mexican", + "ingredients": [ + "fresh corn", + "flour", + "diced tomatoes", + "pepper", + "chili powder", + "ground cumin", + "black beans", + "chicken breasts", + "Mexican cheese", + "fresh poblano pepper", + "green onions", + "salt" + ] + }, + { + "id": 30677, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "chili powder", + "chutney", + "diced potatoes", + "diced green chilies", + "salt", + "ground cumin", + "curry powder", + "raisins", + "frozen peas", + "soy sauce", + "flour tortillas", + "ground coriander" + ] + }, + { + "id": 7791, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime juice", + "soy sauce", + "peanut oil", + "brown sugar", + "garlic", + "fresh red chili", + "white wine", + "large shrimp" + ] + }, + { + "id": 5412, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "mint leaves", + "anise", + "salt", + "coriander", + "saffron", + "clove", + "milk", + "shallots", + "garlic", + "cardamom", + "basmati rice", + "nutmeg", + "almonds", + "vegetable oil", + "purple onion", + "ghee", + "nuts", + "tumeric", + "yoghurt", + "ginger", + "green chilies", + "cashew nuts", + "chicken" + ] + }, + { + "id": 24791, + "cuisine": "indian", + "ingredients": [ + "dry coconut", + "sweetened condensed milk", + "cardamom", + "ravva", + "roasted cashews", + "ghee" + ] + }, + { + "id": 27693, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "grated parmesan cheese", + "cream", + "garlic", + "pinenuts", + "ravioli", + "olive oil", + "goat cheese" + ] + }, + { + "id": 16373, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "vanilla extract", + "whipping cream", + "sugar" + ] + }, + { + "id": 22992, + "cuisine": "irish", + "ingredients": [ + "pepper", + "fresh thyme", + "salt", + "ground lamb", + "celery ribs", + "olive oil", + "butter", + "carrots", + "milk", + "potatoes", + "beef broth", + "fresh rosemary", + "whole wheat flour", + "garlic", + "onions" + ] + }, + { + "id": 32427, + "cuisine": "vietnamese", + "ingredients": [ + "ice", + "egg yolks", + "club soda", + "sweetened condensed milk" + ] + }, + { + "id": 10103, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken bouillon granules", + "dried basil", + "chopped green bell pepper", + "red pepper flakes", + "carrots", + "water", + "olive oil", + "bay leaves", + "chopped celery", + "dried oregano", + "white wine", + "dried thyme", + "whole peeled tomatoes", + "garlic", + "smoked paprika", + "orange", + "salt and ground black pepper", + "clam juice", + "chopped onion", + "saffron" + ] + }, + { + "id": 26409, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh lemon juice", + "fennel bulb", + "manchego cheese", + "rocket leaves", + "bresaola" + ] + }, + { + "id": 40216, + "cuisine": "french", + "ingredients": [ + "pastry", + "dough" + ] + }, + { + "id": 39801, + "cuisine": "southern_us", + "ingredients": [ + "water", + "baby greens", + "shallots", + "freshly ground pepper", + "wild mushrooms", + "milk", + "dry white wine", + "white wine vinegar", + "thyme", + "sugar", + "large egg yolks", + "chives", + "salt", + "grits", + "red beets", + "unsalted butter", + "extra-virgin olive oil", + "rice flour" + ] + }, + { + "id": 1157, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "vegetable oil spray", + "vegetable oil", + "dark brown sugar", + "cream of tartar", + "yellow cake mix", + "semisweet chocolate", + "whipping cream", + "sugar", + "unsalted butter", + "almond extract", + "sour cream", + "pecan halves", + "water", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 29218, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "ground black pepper", + "vegetable oil", + "ground cardamom", + "basmati rice", + "chicken stock", + "fresh ginger root", + "chili powder", + "cardamom", + "onions", + "ground cumin", + "clove", + "plain yogurt", + "skinless chicken pieces", + "salt", + "fresh mint", + "saffron", + "tomatoes", + "potatoes", + "garlic", + "cinnamon sticks", + "ground turmeric" + ] + }, + { + "id": 1930, + "cuisine": "italian", + "ingredients": [ + "water", + "dried navy beans", + "flat leaf parsley", + "rosemary sprigs", + "diced tomatoes", + "juice", + "lamb shanks", + "extra-virgin olive oil", + "carrots", + "celery ribs", + "olive oil", + "garlic cloves", + "onions" + ] + }, + { + "id": 13262, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "paprika", + "seasoning", + "onion powder", + "salt", + "milk", + "Corn Flakes Cereal", + "eggs", + "butter", + "chicken pieces" + ] + }, + { + "id": 35720, + "cuisine": "korean", + "ingredients": [ + "ground ginger", + "green onions", + "ground beef", + "brown sugar", + "crushed red pepper flakes", + "cooked rice", + "sesame oil", + "soy sauce", + "garlic" + ] + }, + { + "id": 36509, + "cuisine": "japanese", + "ingredients": [ + "lime juice", + "beer", + "chili flakes", + "flank steak", + "canola oil", + "fresh ginger", + "scallions", + "soy sauce", + "ramen noodles" + ] + }, + { + "id": 28453, + "cuisine": "greek", + "ingredients": [ + "cherry tomatoes", + "yellow bell pepper", + "oregano", + "frozen spinach", + "olive oil", + "garlic", + "chicken", + "mozzarella cheese", + "ground black pepper", + "garlic salt", + "chicken broth", + "quinoa", + "tzatziki" + ] + }, + { + "id": 26223, + "cuisine": "irish", + "ingredients": [ + "milk", + "russet potatoes", + "large eggs", + "all-purpose flour", + "unsalted butter", + "salt", + "black pepper", + "chives" + ] + }, + { + "id": 47296, + "cuisine": "southern_us", + "ingredients": [ + "cold water", + "unsalted butter", + "butter", + "golden syrup", + "pecans", + "large eggs", + "salt", + "pecan halves", + "semisweet chocolate", + "granulated white sugar", + "light brown sugar", + "cream", + "bourbon whiskey", + "all-purpose flour" + ] + }, + { + "id": 457, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "refried beans", + "shredded cheddar cheese", + "onions", + "flour tortillas" + ] + }, + { + "id": 44423, + "cuisine": "mexican", + "ingredients": [ + "cayenne", + "fresh lime juice", + "lime zest", + "salt", + "bell pepper", + "sea scallops", + "cilantro leaves" + ] + }, + { + "id": 17021, + "cuisine": "chinese", + "ingredients": [ + "green cabbage", + "scallions", + "chili pepper", + "thick-cut bacon", + "soy sauce", + "chinkiang vinegar", + "garlic" + ] + }, + { + "id": 30358, + "cuisine": "mexican", + "ingredients": [ + "taco sauce", + "lime", + "jalapeno chilies", + "purple onion", + "scallions", + "black beans", + "kidney beans", + "chicken meat", + "tortilla chips", + "sour cream", + "minced garlic", + "ground black pepper", + "prepar salsa", + "sharp cheddar cheese", + "ground cumin", + "jack cheese", + "corn kernels", + "chili powder", + "salt", + "red bell pepper" + ] + }, + { + "id": 45440, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "chili pepper", + "cabbage", + "soy sauce", + "salt", + "szechwan peppercorns" + ] + }, + { + "id": 16574, + "cuisine": "thai", + "ingredients": [ + "peanut butter", + "boneless, skinless chicken breast", + "chili sauce", + "soy sauce", + "hellmann' or best food real mayonnais", + "peanuts" + ] + }, + { + "id": 12003, + "cuisine": "vietnamese", + "ingredients": [ + "tomatoes", + "lemon grass", + "vegetable oil", + "carrots", + "chicken", + "red chili peppers", + "bay leaves", + "garlic", + "curry paste", + "sugar", + "starch", + "idaho potatoes", + "coconut milk", + "chicken broth", + "curry powder", + "shallots", + "salt", + "onions" + ] + }, + { + "id": 8884, + "cuisine": "italian", + "ingredients": [ + "potatoes", + "tomato sauce", + "salt", + "butter", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 7558, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "red bell pepper", + "peeled fresh ginger", + "salt", + "canola oil", + "sugar pea", + "large garlic cloves", + "white sesame seeds", + "corn kernels", + "crushed red pepper", + "large shrimp" + ] + }, + { + "id": 10116, + "cuisine": "italian", + "ingredients": [ + "brown sugar", + "olive oil", + "dried oregano", + "dried basil", + "crushed red pepper", + "tomato sauce", + "garlic", + "italian seasoning", + "dried thyme", + "salt" + ] + }, + { + "id": 3976, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "whipping cream", + "polenta", + "jack cheese", + "green onions", + "flat leaf parsley", + "fresh thyme", + "salt", + "water", + "butter", + "grated lemon peel" + ] + }, + { + "id": 19995, + "cuisine": "italian", + "ingredients": [ + "butter", + "flour", + "garlic cloves", + "mozzarella cheese", + "pizza doughs", + "pizza sauce" + ] + }, + { + "id": 40033, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "Campbell's Condensed Cheddar Cheese Soup", + "italian salad dressing", + "avocado", + "boneless skinless chicken breasts", + "flour tortillas", + "chunky salsa" + ] + }, + { + "id": 4842, + "cuisine": "thai", + "ingredients": [ + "sugar", + "Thai red curry paste", + "fresh basil", + "cherry tomatoes", + "fresh lime juice", + "rice stick noodles", + "water", + "salt", + "fish sauce", + "flank steak", + "fresh asparagus" + ] + }, + { + "id": 42933, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "whole milk", + "red potato" + ] + }, + { + "id": 30241, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "salt", + "frozen peas", + "vegetable oil", + "carrots", + "green onions", + "rice", + "soy sauce", + "beaten eggs", + "fresh parsley" + ] + }, + { + "id": 8112, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "cayenne", + "yellow onion", + "ground cumin", + "garam masala", + "russet potatoes", + "frozen peas", + "kosher salt", + "whole peeled tomatoes", + "ground coriander", + "ground black pepper", + "ginger", + "canola oil" + ] + }, + { + "id": 28322, + "cuisine": "greek", + "ingredients": [ + "sugar", + "pitas", + "cucumber", + "minced garlic", + "salt", + "dried oregano", + "black pepper", + "finely chopped onion", + "plum tomatoes", + "plain low-fat yogurt", + "salad greens", + "dried dill", + "ground lamb" + ] + }, + { + "id": 34559, + "cuisine": "filipino", + "ingredients": [ + "black pepper", + "egg whites", + "paprika", + "diced bell pepper", + "dried thyme", + "green onions", + "salt", + "water", + "golden raisins", + "cilantro", + "green olives", + "olive oil", + "empanada", + "cooked chicken breasts" + ] + }, + { + "id": 46461, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "white wine vinegar", + "large egg yolks", + "vegetable oil", + "boneless rib eye steaks", + "unsalted butter", + "fresh tarragon", + "shallots", + "fresh lemon juice" + ] + }, + { + "id": 23765, + "cuisine": "moroccan", + "ingredients": [ + "spanish onion", + "chickpeas", + "raw almond", + "tumeric", + "extra-virgin olive oil", + "pitted prunes", + "cumin", + "raisins", + "sweet paprika", + "boiling water", + "black pepper", + "salt", + "couscous" + ] + }, + { + "id": 27806, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "garlic", + "green peppercorns", + "olive oil", + "water", + "chopped cilantro", + "brown sugar", + "yardlong beans" + ] + }, + { + "id": 3572, + "cuisine": "french", + "ingredients": [ + "canned low sodium chicken broth", + "dry white wine", + "fresh parsley", + "cooking oil", + "salt", + "ground black pepper", + "butter", + "chicken", + "flour", + "garlic cloves" + ] + }, + { + "id": 32334, + "cuisine": "japanese", + "ingredients": [ + "vegetable oil", + "yuzu", + "ground white pepper", + "egg yolks", + "lemon juice", + "miso paste", + "salt" + ] + }, + { + "id": 24465, + "cuisine": "italian", + "ingredients": [ + "vegetable bouillon", + "red lentils", + "canned tomatoes", + "water", + "onions", + "salt and ground black pepper" + ] + }, + { + "id": 33233, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "English muffins", + "confectioners sugar", + "honey", + "heavy cream", + "peaches" + ] + }, + { + "id": 1577, + "cuisine": "italian", + "ingredients": [ + "fresh tomatoes", + "salt", + "grated parmesan cheese", + "ground beef", + "fresh basil", + "garlic", + "black pepper", + "bow-tie pasta" + ] + }, + { + "id": 37050, + "cuisine": "southern_us", + "ingredients": [ + "remoulade", + "green tomatoes", + "extra-virgin olive oil", + "crab boil", + "romaine lettuce", + "large eggs", + "lemon", + "all-purpose flour", + "white sandwich bread", + "water", + "bay leaves", + "buttermilk", + "cayenne pepper", + "applewood smoked bacon", + "yellow corn meal", + "ground black pepper", + "vegetable oil", + "salt", + "medium shrimp" + ] + }, + { + "id": 9284, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "sour cream", + "olive oil", + "cayenne pepper", + "cumin", + "paprika", + "onions", + "potatoes", + "garlic cloves" + ] + }, + { + "id": 26953, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "finely chopped onion", + "shallots", + "chopped fresh sage", + "fresh spinach", + "fresh parmesan cheese", + "cooking spray", + "gruyere cheese", + "bay leaf", + "warm water", + "mushroom caps", + "sweet potatoes", + "all-purpose flour", + "fat free milk", + "lasagna noodles", + "sea salt", + "garlic cloves" + ] + }, + { + "id": 2692, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "pork tenderloin", + "greens", + "red chili peppers", + "ginger", + "chili flakes", + "spring onions", + "soy sauce", + "chinese five-spice powder" + ] + }, + { + "id": 21222, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "serrano chile", + "fresh lime juice", + "white onion", + "chopped cilantro" + ] + }, + { + "id": 31893, + "cuisine": "british", + "ingredients": [ + "pie crust", + "flour", + "beef stew meat", + "kosher salt", + "cracked black pepper", + "eggs", + "vegetable oil", + "onions", + "beef kidney", + "beef stock", + "white mushrooms" + ] + }, + { + "id": 26885, + "cuisine": "mexican", + "ingredients": [ + "spinach", + "butter", + "flour tortillas", + "portobello caps", + "shredded cheddar cheese", + "garlic", + "vegetable oil" + ] + }, + { + "id": 41654, + "cuisine": "chinese", + "ingredients": [ + "all-purpose flour", + "cold water", + "boiling water" + ] + }, + { + "id": 23208, + "cuisine": "italian", + "ingredients": [ + "pepper", + "lemon", + "italian salad dressing", + "artichoke hearts", + "penne pasta", + "cherry tomatoes", + "salt", + "garbanzo beans", + "fresh basil leaves" + ] + }, + { + "id": 47437, + "cuisine": "russian", + "ingredients": [ + "potatoes", + "sausages", + "dill pickles", + "cucumber", + "hard-boiled egg", + "carrots", + "mayonaise", + "ham", + "onions" + ] + }, + { + "id": 43024, + "cuisine": "greek", + "ingredients": [ + "fresh marjoram", + "green onions", + "grated lemon peel", + "pitted kalamata olives", + "dijon mustard", + "feta cheese crumbles", + "olive oil", + "fresh lemon juice", + "cherry tomatoes", + "orzo" + ] + }, + { + "id": 8324, + "cuisine": "french", + "ingredients": [ + "chervil", + "peppercorns", + "bay leaves", + "fish", + "coarse salt", + "extra-virgin olive oil" + ] + }, + { + "id": 48765, + "cuisine": "chinese", + "ingredients": [ + "honey", + "garlic", + "corn starch", + "low sodium soy sauce", + "fresh ginger root", + "salt", + "stir fry vegetable blend", + "water", + "crushed red pepper flakes", + "orange juice", + "pepper", + "chicken breasts", + "rice", + "canola oil" + ] + }, + { + "id": 12039, + "cuisine": "moroccan", + "ingredients": [ + "water", + "salt", + "anise seed", + "olive oil", + "bread flour", + "active dry yeast", + "white sugar", + "semolina flour", + "sesame seeds" + ] + }, + { + "id": 13418, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "spaghetti", + "ground black pepper", + "garlic", + "large eggs", + "fresh parsley leaves", + "kosher salt", + "bacon" + ] + }, + { + "id": 30397, + "cuisine": "irish", + "ingredients": [ + "whole milk", + "cheddar cheese", + "all-purpose flour", + "cauliflower", + "fine sea salt", + "unsalted butter" + ] + }, + { + "id": 2912, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "garlic", + "onions", + "olive oil", + "sea salt", + "shrimp", + "skim milk", + "hot pepper sauce", + "shredded sharp cheddar cheese", + "grits", + "garlic powder", + "diced tomatoes", + "ground cayenne pepper" + ] + }, + { + "id": 39065, + "cuisine": "thai", + "ingredients": [ + "lettuce leaves", + "linguine", + "fresh lime juice", + "sugar", + "green onions", + "cilantro leaves", + "chopped cilantro fresh", + "fish sauce", + "peeled fresh ginger", + "unsalted dry roast peanuts", + "medium shrimp", + "shredded carrots", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 47813, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "kale", + "red pepper flakes", + "cumin seed", + "cashew nuts", + "tumeric", + "garam masala", + "salt", + "onions", + "tomato paste", + "nutritional yeast", + "garlic", + "ginger root", + "low sodium vegetable broth", + "unsweetened soymilk", + "chickpeas", + "coriander" + ] + }, + { + "id": 23259, + "cuisine": "southern_us", + "ingredients": [ + "garlic cloves", + "lemon", + "fresh parsley", + "butter", + "shrimp", + "freshly ground pepper", + "italian salad dressing" + ] + }, + { + "id": 8368, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "boneless skinless chicken breasts", + "salsa", + "sliced green onions", + "water", + "non-fat sour cream", + "iceberg lettuce", + "avocado", + "flour tortillas", + "salt", + "monterey jack", + "black beans", + "ground red pepper", + "fresh lime juice", + "ground cumin" + ] + }, + { + "id": 46674, + "cuisine": "italian", + "ingredients": [ + "finely chopped fresh parsley", + "garlic cloves", + "lemon" + ] + }, + { + "id": 16976, + "cuisine": "irish", + "ingredients": [ + "tomato paste", + "olive oil", + "beef stock", + "basil", + "carrots", + "sugar", + "stewing beef", + "russet potatoes", + "yellow onion", + "celery", + "wine", + "Guinness Beer", + "bay leaves", + "salt", + "thyme", + "pepper", + "flour", + "worcestershire sauce", + "garlic cloves" + ] + }, + { + "id": 12924, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "bay leaves", + "all-purpose flour", + "olive oil", + "heavy cream", + "white sugar", + "tomato purée", + "garam masala", + "salt", + "ground turmeric", + "water", + "chili powder", + "onions" + ] + }, + { + "id": 35490, + "cuisine": "french", + "ingredients": [ + "butter", + "all-purpose flour", + "ground sirloin", + "whipping cream", + "chopped fresh thyme", + "salt", + "ground black pepper", + "dry red wine", + "chopped onion" + ] + }, + { + "id": 47352, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "whole chicken", + "salt", + "ground pepper", + "lemon juice", + "greek seasoning", + "grated lemon zest" + ] + }, + { + "id": 10454, + "cuisine": "japanese", + "ingredients": [ + "boneless chicken skinless thigh", + "sake", + "mirin", + "granulated sugar", + "soy sauce", + "green onions" + ] + }, + { + "id": 34098, + "cuisine": "italian", + "ingredients": [ + "yellow crookneck squash", + "cannellini beans", + "penne", + "fennel bulb", + "large garlic cloves", + "dry vermouth", + "italian style stewed tomatoes", + "green onions", + "white onion", + "zucchini", + "vegetable broth" + ] + }, + { + "id": 29493, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "leaves", + "salt", + "onions", + "red chili powder", + "coriander powder", + "oil", + "tomatoes", + "garam masala", + "cilantro leaves", + "ground turmeric", + "garlic paste", + "button mushrooms", + "jeera" + ] + }, + { + "id": 458, + "cuisine": "french", + "ingredients": [ + "ice water", + "all-purpose flour", + "salt", + "unsalted butter" + ] + }, + { + "id": 11571, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "baking powder", + "milk", + "white cornmeal", + "eggs", + "butter" + ] + }, + { + "id": 41571, + "cuisine": "spanish", + "ingredients": [ + "tomato salsa", + "hothouse cucumber", + "roasted red peppers", + "red bell pepper", + "tomato juice", + "diced tomatoes", + "red wine vinegar", + "chopped cilantro fresh" + ] + }, + { + "id": 8671, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "red cabbage", + "tartar sauce", + "fish fingers", + "corn tortillas", + "salsa" + ] + }, + { + "id": 8404, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "salt", + "pork shoulder", + "corn", + "cheese", + "taco seasoning", + "water", + "cilantro", + "salsa", + "polenta", + "light beer", + "garlic", + "pinto beans" + ] + }, + { + "id": 32833, + "cuisine": "japanese", + "ingredients": [ + "papaya", + "pumpkin", + "melon", + "sugar", + "bananas", + "Bengali 5 Spice", + "ground cumin", + "rice bran", + "eggplant", + "poppy seeds", + "ginger paste", + "water", + "potatoes", + "salt" + ] + }, + { + "id": 33480, + "cuisine": "greek", + "ingredients": [ + "pinenuts", + "fresh parsley", + "grape leaves", + "lemon", + "olive oil", + "onions", + "fresh dill", + "white rice" + ] + }, + { + "id": 26491, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "scallions", + "white sugar", + "pork", + "Shaoxing wine", + "corn starch", + "eggs", + "water", + "oil", + "soy sauce", + "ginger", + "chinese black vinegar" + ] + }, + { + "id": 34671, + "cuisine": "spanish", + "ingredients": [ + "water", + "sweetened condensed milk", + "ground cinnamon", + "vanilla extract", + "large eggs", + "sugar", + "1% low-fat milk" + ] + }, + { + "id": 9256, + "cuisine": "brazilian", + "ingredients": [ + "collard greens", + "garlic", + "olive oil", + "smoked paprika", + "sea salt", + "lime", + "beer" + ] + }, + { + "id": 2413, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "lasagna noodles", + "garlic", + "fresh parsley", + "dried basil", + "ricotta cheese", + "all-purpose flour", + "chicken", + "milk", + "grated parmesan cheese", + "salt", + "onions", + "frozen chopped spinach", + "ground pepper", + "butter", + "shredded mozzarella cheese" + ] + }, + { + "id": 944, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "sliced black olives", + "onion powder", + "crushed red pepper flakes", + "salsa", + "shredded cheddar cheese", + "cooked chicken", + "paprika", + "salt", + "ground cumin", + "pepper", + "green onions", + "vegetable oil", + "garlic", + "dried oregano", + "tomatoes", + "garlic powder", + "chili powder", + "cilantro", + "sweet mini bells" + ] + }, + { + "id": 13756, + "cuisine": "japanese", + "ingredients": [ + "mochiko", + "water", + "granulated sugar", + "kosher salt", + "light corn syrup" + ] + }, + { + "id": 5080, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "raisins", + "onions", + "warm water", + "active dry yeast", + "salt", + "bread crumbs", + "olive oil", + "anchovy fillets", + "cold water", + "crushed tomatoes", + "crushed red pepper flakes", + "bread flour" + ] + }, + { + "id": 13091, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "ground nutmeg", + "ground ginger", + "sugar", + "cinnamon", + "pie crust", + "brown sugar", + "sweet potatoes", + "eggs", + "evaporated milk" + ] + }, + { + "id": 18941, + "cuisine": "mexican", + "ingredients": [ + "loosely packed fresh basil leaves", + "cantaloupe", + "fresh lemon juice" + ] + }, + { + "id": 13268, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "basil leaves", + "garlic powder", + "tomato paste", + "oregano" + ] + }, + { + "id": 44157, + "cuisine": "thai", + "ingredients": [ + "sugar", + "cooking oil", + "fish sauce", + "fresh cilantro", + "fresh mint", + "spinach leaves", + "lime juice", + "top sirloin", + "chiles", + "cherry tomatoes", + "sliced shallots" + ] + }, + { + "id": 24665, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "deep dish pie crust", + "large eggs", + "all-purpose flour", + "golden brown sugar", + "vanilla extract", + "pure maple syrup", + "butter", + "chopped pecans" + ] + }, + { + "id": 46146, + "cuisine": "greek", + "ingredients": [ + "low-fat greek yogurt", + "carrots", + "fresh dill", + "vegetables", + "reduced fat mayonnaise", + "black pepper", + "hot sauce", + "garlic powder", + "feta cheese crumbles" + ] + }, + { + "id": 30889, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "vanilla bean paste", + "2% reduced-fat milk", + "eggs", + "sweetened condensed milk" + ] + }, + { + "id": 32787, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "diced tomatoes", + "tomatoes", + "cream of chicken soup", + "sour cream", + "lettuce", + "Mexican cheese blend", + "salsa", + "milk", + "cooked chicken", + "doritos" + ] + }, + { + "id": 42584, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "olive oil", + "frozen corn", + "lime juice", + "cilantro", + "minced garlic", + "green onions", + "avocado", + "cherry tomatoes", + "salt" + ] + }, + { + "id": 9427, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "cooking spray", + "rack of lamb", + "chopped cilantro fresh", + "water", + "extra-virgin olive oil", + "fresh lemon juice", + "dried plum", + "ground black pepper", + "salt", + "onions", + "black pepper", + "paprika", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 8892, + "cuisine": "chinese", + "ingredients": [ + "pork", + "hoisin sauce", + "napa cabbage", + "corn starch", + "red chili powder", + "black pepper", + "bell pepper", + "garlic", + "onions", + "chinese rice wine", + "water", + "meat", + "oyster sauce", + "boiling water", + "soy sauce", + "sambal chile paste", + "ginger", + "cinnamon sticks" + ] + }, + { + "id": 39713, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "fresh lemon juice", + "capers", + "dry white wine", + "boneless skinless chicken breast halves", + "olive oil", + "fresh parsley", + "black pepper", + "salt" + ] + }, + { + "id": 15870, + "cuisine": "filipino", + "ingredients": [ + "green onions", + "cayenne pepper", + "white sugar", + "eggs", + "garlic", + "oil", + "boneless skinless chicken breasts", + "white rice flour", + "soy sauce", + "salt", + "corn starch" + ] + }, + { + "id": 11524, + "cuisine": "southern_us", + "ingredients": [ + "warm water", + "vegetable oil", + "red food coloring", + "white vinegar", + "large eggs", + "buttermilk", + "cream cheese", + "baking soda", + "butter", + "devil's food cake mix", + "powdered sugar", + "chop fine pecan", + "vanilla" + ] + }, + { + "id": 16042, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "white wine", + "sesame oil", + "shrimp", + "soy sauce", + "water chestnuts", + "salt", + "sugar", + "fresh ginger root", + "napa cabbage", + "corn starch", + "chicken broth", + "lean ground pork", + "green onions", + "oil" + ] + }, + { + "id": 3670, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "chopped pecans", + "bacon", + "butter", + "white sugar", + "maple syrup" + ] + }, + { + "id": 37322, + "cuisine": "indian", + "ingredients": [ + "fat free yogurt", + "crystallized ginger", + "ground cardamom", + "saffron threads", + "water", + "golden raisins", + "cashew nuts", + "vodka", + "granulated sugar", + "ghee", + "powdered sugar", + "semolina", + "non-fat sour cream" + ] + }, + { + "id": 11901, + "cuisine": "spanish", + "ingredients": [ + "dried lentils", + "bay leaves", + "salt", + "fresh parsley", + "olive oil", + "paprika", + "ham", + "pepper", + "red wine vinegar", + "garlic cloves", + "onions", + "chicken broth", + "potatoes", + "smoked sausage", + "carrots" + ] + }, + { + "id": 45035, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "vanilla extract", + "carrots", + "ground cinnamon", + "large eggs", + "all-purpose flour", + "canola oil", + "ground nutmeg", + "salt", + "chopped pecans", + "sugar", + "golden raisins", + "crushed pineapple" + ] + }, + { + "id": 49478, + "cuisine": "italian", + "ingredients": [ + "fresh cheese", + "baby spinach", + "salt", + "sun-dried tomatoes", + "extra-virgin olive oil", + "cherry tomatoes", + "red pepper flakes", + "goat cheese", + "pinenuts", + "fresh thyme", + "garlic" + ] + }, + { + "id": 43170, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "olive oil", + "onions", + "pastry", + "raisins", + "double crust pie", + "pepper", + "salt", + "green olives", + "potatoes" + ] + }, + { + "id": 20794, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "powdered sugar", + "cream cheese, soften", + "vanilla extract" + ] + }, + { + "id": 8774, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "cracked black pepper", + "garlic cloves", + "veal cutlets", + "all-purpose flour", + "mushrooms", + "salt", + "butter", + "beef broth" + ] + }, + { + "id": 3704, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "part-skim ricotta cheese", + "grated parmesan cheese", + "fresh thyme", + "goat cheese", + "refrigerated pizza dough" + ] + }, + { + "id": 20116, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "shredded lettuce", + "chunky salsa", + "lime zest", + "jalapeno chilies", + "chopped cilantro fresh", + "black beans", + "sour cream", + "sliced green onions", + "red chili peppers", + "black olives", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 30837, + "cuisine": "spanish", + "ingredients": [ + "mussels", + "pimentos", + "squid", + "long grain white rice", + "saffron threads", + "bottled clam juice", + "green peas", + "shrimp", + "chicken stock", + "lemon wedge", + "garlic cloves", + "chicken", + "clams", + "olive oil", + "bacon slices", + "onions" + ] + }, + { + "id": 43603, + "cuisine": "chinese", + "ingredients": [ + "Imperial Sugar Light Brown Sugar", + "apple cider vinegar", + "salt", + "large eggs", + "red pepper flakes", + "ground black pepper", + "vegetable oil", + "corn starch", + "kosher salt", + "boneless skinless chicken breasts", + "buffalo sauce" + ] + }, + { + "id": 26696, + "cuisine": "thai", + "ingredients": [ + "Thai fish sauce", + "light coconut milk", + "red curry paste", + "sweetened coconut flakes", + "large shrimp" + ] + }, + { + "id": 45318, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "ground beef", + "butter", + "ricotta cheese", + "spaghetti", + "italian sauce", + "shredded mozzarella cheese" + ] + }, + { + "id": 37976, + "cuisine": "russian", + "ingredients": [ + "dried fruit", + "sugar", + "water" + ] + }, + { + "id": 8736, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "vinegar", + "salt", + "cinnamon sticks", + "ground cumin", + "brown sugar", + "ginger", + "cumin seed", + "ground turmeric", + "curry leaves", + "curry powder", + "garlic", + "mustard seeds", + "canola oil", + "fish sauce", + "crushed red pepper flakes", + "green chilies", + "onions" + ] + }, + { + "id": 157, + "cuisine": "indian", + "ingredients": [ + "ginger", + "oil", + "water", + "salt", + "onions", + "curry leaves", + "green peas", + "mustard seeds", + "semolina", + "green chilies" + ] + }, + { + "id": 30242, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "sweet onion", + "plum tomatoes", + "fresh basil", + "crumbled gorgonzola", + "fresh rosemary", + "cheese", + "baguette", + "garlic pepper seasoning" + ] + }, + { + "id": 7463, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "orange", + "chipotle", + "frozen corn", + "onions", + "fresh coriander", + "olive oil", + "lime wedges", + "long-grain rice", + "oregano", + "fresh leav spinach", + "milk", + "bay leaves", + "beef rib short", + "coriander", + "chicken broth", + "crushed tomatoes", + "finely chopped onion", + "salt", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 34424, + "cuisine": "italian", + "ingredients": [ + "water", + "chopped onion", + "arborio rice", + "olive oil", + "champagne", + "dried basil", + "feta cheese crumbles", + "fat free less sodium chicken broth", + "fresh parmesan cheese" + ] + }, + { + "id": 23646, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "salsa", + "shredded cheddar cheese", + "sour cream", + "black beans", + "rice", + "diced tomatoes", + "chopped cilantro fresh" + ] + }, + { + "id": 36679, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "corn tortillas", + "all-purpose flour", + "salt", + "cod fillets", + "beer" + ] + }, + { + "id": 21834, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "vanilla extract", + "fresh lemon juice", + "turbinado", + "baking powder", + "salt", + "granulated sugar", + "1% low-fat milk", + "ground cinnamon", + "butter", + "all-purpose flour" + ] + }, + { + "id": 1180, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "asparagus", + "salt", + "black pepper", + "olive oil", + "white wine vinegar", + "arborio rice", + "cherry tomatoes", + "green peas", + "lemon juice", + "water", + "pecorino romano cheese", + "chopped onion" + ] + }, + { + "id": 9569, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "sliced almonds", + "vanilla extract", + "peaches", + "cream cheese, soften", + "sugar", + "amaretto" + ] + }, + { + "id": 21837, + "cuisine": "japanese", + "ingredients": [ + "egg yolks", + "salt", + "sardines", + "mayonaise", + "wasabi powder", + "beer", + "vegetable oil", + "all-purpose flour", + "water", + "butter", + "corn starch" + ] + }, + { + "id": 34664, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "fish fillets", + "soy sauce" + ] + }, + { + "id": 47699, + "cuisine": "mexican", + "ingredients": [ + "morel", + "garlic cloves", + "water", + "coarse salt", + "plum tomatoes", + "chopped leaves", + "unsalted butter", + "poblano chiles", + "olive oil", + "salsa" + ] + }, + { + "id": 3398, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "jalapeno chilies", + "salt", + "pinto beans", + "cumin", + "avocado", + "olive oil", + "paprika", + "yellow onion", + "sour cream", + "lime", + "chili powder", + "cilantro leaves", + "hot water", + "monterey jack", + "cheddar cheese", + "roma tomatoes", + "crushed red pepper", + "tortilla chips", + "ground beef" + ] + }, + { + "id": 47667, + "cuisine": "mexican", + "ingredients": [ + "crushed tomatoes", + "hot sauce", + "dried oregano", + "black beans", + "Mexican cheese blend", + "oven-ready lasagna noodles", + "garlic powder", + "frozen corn kernels", + "cumin", + "kosher salt", + "green onions", + "chopped cilantro" + ] + }, + { + "id": 32150, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "garlic", + "fresh mushrooms", + "scallops", + "cajun seasoning", + "all-purpose flour", + "frozen vegetables", + "salt", + "milk", + "butter", + "chopped onion" + ] + }, + { + "id": 33353, + "cuisine": "french", + "ingredients": [ + "eggs", + "zucchini", + "salt", + "prosciutto", + "basil", + "lemon juice", + "parmigiano-reggiano cheese", + "basil leaves", + "toasted pine nuts", + "tomatoes", + "mascarpone", + "garlic", + "ground cumin" + ] + }, + { + "id": 29351, + "cuisine": "italian", + "ingredients": [ + "whole peeled tomatoes", + "extra-virgin olive oil", + "coarse salt", + "spaghetti", + "basil leaves", + "garlic cloves", + "fresh mozzarella" + ] + }, + { + "id": 27307, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "white sugar", + "water", + "lima beans", + "salt", + "chile pepper", + "whole kernel corn, drain" + ] + }, + { + "id": 16438, + "cuisine": "french", + "ingredients": [ + "milk", + "butter", + "white bread", + "dijon mustard", + "all-purpose flour", + "ground nutmeg", + "gruyere cheese", + "cooked ham", + "shallots", + "fat skimmed chicken broth" + ] + }, + { + "id": 10337, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "fresh oregano", + "feta cheese crumbles", + "cooked chicken", + "freshly ground pepper", + "artichok heart marin", + "pizza doughs", + "roast red peppers, drain", + "kalamata", + "shredded mozzarella cheese" + ] + }, + { + "id": 43146, + "cuisine": "indian", + "ingredients": [ + "water", + "cooking oil", + "mustard seeds", + "coriander powder", + "salt", + "fresh ginger", + "ground red pepper", + "onions", + "fresh curry leaves", + "cod fillets", + "tamarind paste" + ] + }, + { + "id": 43695, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "unsweetened almond milk", + "yellow onion", + "Madras curry powder", + "coconut oil", + "paprika", + "chickpeas", + "coconut sugar", + "sea salt", + "cayenne pepper", + "cumin", + "tomato sauce", + "garlic", + "ceylon cinnamon" + ] + }, + { + "id": 26538, + "cuisine": "french", + "ingredients": [ + "black peppercorns", + "veal knuckle", + "onions", + "tomato paste", + "carrots", + "bay leaf", + "water", + "flat leaf parsley", + "celery ribs", + "leeks", + "thyme sprigs" + ] + }, + { + "id": 22134, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "crushed red pepper flakes", + "green onions", + "cooked white rice", + "soy sauce", + "garlic", + "ground ginger", + "lean ground beef" + ] + }, + { + "id": 11919, + "cuisine": "italian", + "ingredients": [ + "pepper", + "extra-virgin olive oil", + "thyme", + "olive oil", + "salt", + "rosemary", + "purple onion", + "parmesan cheese", + "pizza doughs" + ] + }, + { + "id": 38866, + "cuisine": "moroccan", + "ingredients": [ + "chicken broth", + "chunky peanut butter", + "onions", + "pepper", + "salt", + "ground cumin", + "green bell pepper", + "garlic", + "frozen peas", + "Crisco Pure Canola Oil", + "couscous" + ] + }, + { + "id": 3275, + "cuisine": "irish", + "ingredients": [ + "whole wheat flour", + "salt", + "butter", + "baking powder", + "all-purpose flour", + "water", + "whipping cream" + ] + }, + { + "id": 12158, + "cuisine": "cajun_creole", + "ingredients": [ + "hot pepper sauce", + "worcestershire sauce", + "corn starch", + "diced onions", + "chili powder", + "garlic", + "chopped green bell pepper", + "stewed tomatoes", + "medium shrimp", + "tomato sauce", + "butter", + "chopped celery" + ] + }, + { + "id": 34507, + "cuisine": "mexican", + "ingredients": [ + "chipotles in adobo", + "cilantro leaves", + "salsa", + "lime juice" + ] + }, + { + "id": 14783, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "fat-free parmesan cheese", + "bay leaf", + "dry white wine", + "garlic", + "white sugar", + "brandy", + "ground thyme", + "all-purpose flour", + "french bread", + "vegetable broth", + "onions" + ] + }, + { + "id": 16490, + "cuisine": "southern_us", + "ingredients": [ + "low-fat sour cream", + "baking soda", + "salt", + "grits", + "sugar", + "cooking spray", + "all-purpose flour", + "large egg whites", + "butter", + "grated lemon zest", + "large egg yolks", + "vanilla extract", + "white cornmeal" + ] + }, + { + "id": 41908, + "cuisine": "mexican", + "ingredients": [ + "fresca", + "coriander seeds", + "jalapeno chilies", + "large garlic cloves", + "lard", + "tomatoes", + "pasilla chiles", + "chopped green bell pepper", + "baking powder", + "salt", + "garlic salt", + "chiles", + "pork shoulder butt", + "flour", + "cilantro sprigs", + "pimento stuffed green olives", + "dried cornhusks", + "warm water", + "beef bouillon", + "russet potatoes", + "cumin seed", + "masa" + ] + }, + { + "id": 42758, + "cuisine": "southern_us", + "ingredients": [ + "green tea bags", + "seltzer water", + "rum", + "whiskey", + "sugar", + "orange liqueur", + "fresh lemon juice", + "boiling water" + ] + }, + { + "id": 19285, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "snow peas", + "sesame seeds", + "large garlic cloves", + "sugar pea", + "vegetable oil", + "hot red pepper flakes", + "peeled fresh ginger", + "green peas" + ] + }, + { + "id": 45223, + "cuisine": "italian", + "ingredients": [ + "all purpose unbleached flour", + "active dry yeast", + "warm water", + "salt", + "olive oil" + ] + }, + { + "id": 2206, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "vegetable oil", + "onions", + "dijon mustard", + "green pepper", + "yellow squash", + "white wine vinegar", + "sugar", + "jicama", + "orange juice" + ] + }, + { + "id": 49286, + "cuisine": "japanese", + "ingredients": [ + "japanese rice", + "curry powder", + "shiitake", + "green onions", + "carrots", + "sugar", + "pearl onions", + "potatoes", + "vegetable oil", + "ground beef", + "sake", + "minced ginger", + "mirin", + "shichimi togarashi", + "red bell pepper", + "rib eye steaks", + "soy sauce", + "dashi", + "pumpkin", + "yellow bell pepper" + ] + }, + { + "id": 38629, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "ground black pepper", + "vegetable oil", + "tartar sauce", + "seasoning salt", + "whole milk", + "all-purpose flour", + "garlic powder", + "onion powder", + "cayenne pepper", + "yellow corn meal", + "large eggs", + "salt", + "ground white pepper" + ] + }, + { + "id": 39108, + "cuisine": "indian", + "ingredients": [ + "salt", + "plain yogurt", + "ice", + "white sugar", + "ice water" + ] + }, + { + "id": 26225, + "cuisine": "southern_us", + "ingredients": [ + "sweet potatoes & yams", + "butter", + "honey" + ] + }, + { + "id": 40419, + "cuisine": "southern_us", + "ingredients": [ + "beef bouillon", + "vidalia onion", + "paprika", + "butter", + "pepper", + "salt" + ] + }, + { + "id": 20030, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "rosemary", + "red pepper flakes", + "thyme", + "black pepper", + "eggplant", + "garlic", + "fresh tomatoes", + "olive oil", + "yellow bell pepper", + "red bell pepper", + "italian sausage", + "kosher salt", + "zucchini", + "chopped onion" + ] + }, + { + "id": 4519, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "sirloin steak", + "toasted sesame oil", + "soy sauce", + "ground black pepper", + "fresh mushrooms", + "sesame seeds", + "cooking wine", + "onions", + "caster sugar", + "spring onions", + "juice" + ] + }, + { + "id": 23112, + "cuisine": "italian", + "ingredients": [ + "broccoli florets", + "salt", + "skim milk", + "cracked black pepper", + "fresh parsley", + "fettucine", + "butter", + "all-purpose flour", + "grated parmesan cheese", + "part-skim ricotta cheese" + ] + }, + { + "id": 36380, + "cuisine": "italian", + "ingredients": [ + "grated orange peel", + "prosciutto", + "olive oil", + "dried thyme", + "ground black pepper", + "artichoke hearts" + ] + }, + { + "id": 38274, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "vegetable oil", + "cream style corn", + "cornmeal", + "sugar", + "greek yogurt", + "baking powder" + ] + }, + { + "id": 4672, + "cuisine": "french", + "ingredients": [ + "active dry yeast", + "sugar", + "salt", + "vegetable oil cooking spray", + "egg whites", + "warm water", + "bread flour" + ] + }, + { + "id": 26990, + "cuisine": "french", + "ingredients": [ + "water", + "vanilla extract", + "apricot halves", + "sugar" + ] + }, + { + "id": 33045, + "cuisine": "spanish", + "ingredients": [ + "manchego cheese", + "quince paste" + ] + }, + { + "id": 35174, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "cayenne pepper sauce", + "whole wheat tortillas", + "cut up cooked chicken", + "chopped celery", + "Country Crock® Spread", + "carrots" + ] + }, + { + "id": 7864, + "cuisine": "southern_us", + "ingredients": [ + "colby cheese", + "butter", + "monterey jack", + "flour", + "sharp cheddar cheese", + "white pepper", + "salt", + "whole milk", + "elbow macaroni" + ] + }, + { + "id": 34023, + "cuisine": "mexican", + "ingredients": [ + "radishes", + "epazote", + "grated jack cheese", + "chile colorado", + "white onion", + "mushrooms", + "cilantro leaves", + "corn tortillas", + "kosher salt", + "vegetable oil", + "goat cheese", + "chopped cilantro fresh", + "chiles", + "finely chopped onion", + "large garlic cloves", + "sour cream" + ] + }, + { + "id": 1416, + "cuisine": "filipino", + "ingredients": [ + "Accent Seasoning", + "boneless skinless chicken breasts", + "carrots", + "celery ribs", + "black pepper", + "oil", + "cabbage", + "chicken broth", + "rice sticks", + "garlic cloves", + "soy sauce", + "lemon", + "onions" + ] + }, + { + "id": 16766, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "cream style corn", + "baking powder", + "chopped cilantro fresh", + "large egg whites", + "finely chopped onion", + "salt", + "pepper", + "frozen whole kernel corn", + "shredded sharp cheddar cheese", + "yellow corn meal", + "yellow squash", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 16126, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chili powder", + "sour cream", + "eggs", + "ground black pepper", + "salt", + "ground cumin", + "avocado", + "diced green chilies", + "lean ground beef", + "onions", + "green chile", + "Mexican cheese blend", + "salsa" + ] + }, + { + "id": 21400, + "cuisine": "greek", + "ingredients": [ + "crushed red pepper flakes", + "dried oregano", + "olive oil", + "feta cheese" + ] + }, + { + "id": 19600, + "cuisine": "british", + "ingredients": [ + "bread crumbs", + "muscovado sugar", + "dried fruit", + "almonds", + "cooking apples", + "eggs", + "mixed spice", + "butter", + "brandy", + "self rising flour", + "orange juice" + ] + }, + { + "id": 49541, + "cuisine": "irish", + "ingredients": [ + "fresh lime juice", + "Irish whiskey", + "ginger beer", + "lime wedges" + ] + }, + { + "id": 6053, + "cuisine": "southern_us", + "ingredients": [ + "lemon", + "ground black pepper", + "boneless skinless chicken breast halves", + "lime", + "creole style seasoning", + "dijon mustard" + ] + }, + { + "id": 35982, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "large eggs", + "paprika", + "ground cumin", + "ground black pepper", + "ground thyme", + "ground white pepper", + "garlic powder", + "onion powder", + "salt", + "boneless chicken breast halves", + "buttermilk", + "oregano" + ] + }, + { + "id": 3754, + "cuisine": "indian", + "ingredients": [ + "chicken breasts", + "ginger", + "garlic cloves", + "basmati rice", + "sliced almonds", + "vegetable oil", + "cardamom pods", + "coriander", + "ground cumin", + "mixed vegetables", + "green chilies", + "onions", + "ground turmeric", + "yoghurt", + "vegetable stock", + "ground almonds", + "frozen peas" + ] + }, + { + "id": 3212, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "garlic", + "tomato sauce", + "ground black pepper", + "dried oregano", + "water", + "lean ground beef", + "tomato paste", + "onion soup mix", + "salt" + ] + }, + { + "id": 9733, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "salt", + "escarole", + "chicken stock", + "ditalini", + "freshly ground pepper", + "large eggs", + "plain breadcrumbs", + "minced onion", + "ground veal", + "carrots" + ] + }, + { + "id": 5966, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "flour", + "peaches", + "salt", + "honey", + "baking powder", + "eggs", + "unsalted butter" + ] + }, + { + "id": 31975, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "Shaoxing wine", + "oil", + "soy sauce", + "salt", + "beansprouts", + "sugar", + "sesame oil", + "ground white pepper", + "egg noodles", + "scallions" + ] + }, + { + "id": 12865, + "cuisine": "mexican", + "ingredients": [ + "salt", + "pork shoulder", + "corn tortillas", + "beef broth", + "chunky tomato salsa", + "water", + "fresh tomato salsa" + ] + }, + { + "id": 11179, + "cuisine": "italian", + "ingredients": [ + "Johnsonville® Mild Italian Ground Sausage", + "eggs", + "Kraft Grated Parmesan Cheese", + "dry bread crumbs", + "milk", + "onions" + ] + }, + { + "id": 23849, + "cuisine": "italian", + "ingredients": [ + "red wine", + "beef rib short", + "ground black pepper", + "salt", + "dried oregano", + "bacon", + "fresh lemon juice", + "butter", + "beef broth" + ] + }, + { + "id": 43927, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "vegetable stock", + "salt", + "ground ginger", + "mango chutney", + "garlic", + "onions", + "tomatoes", + "vegetable oil", + "malt vinegar", + "red lentils", + "potatoes", + "cauliflower florets", + "fresh parsley" + ] + }, + { + "id": 1391, + "cuisine": "chinese", + "ingredients": [ + "chinese noodles", + "walnuts", + "sesame seeds", + "salt", + "celery", + "lettuce", + "green onions", + "peanut oil", + "boneless chicken breast halves", + "seasoned rice wine vinegar", + "white sugar" + ] + }, + { + "id": 38324, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "sherry", + "fresh basil", + "olive oil", + "garlic cloves", + "arborio rice", + "corn kernels", + "shallots", + "black pepper", + "fresh parmesan cheese", + "lobster meat" + ] + }, + { + "id": 30944, + "cuisine": "moroccan", + "ingredients": [ + "fat free less sodium chicken broth", + "fresh orange juice", + "ground coriander", + "cooking spray", + "lamb loin chops", + "garlic salt", + "olive oil", + "grated carrot", + "couscous", + "ground cinnamon", + "green onions", + "sweet paprika", + "ground cumin" + ] + }, + { + "id": 46250, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "bay leaves", + "raisins", + "cilantro leaves", + "onions", + "coriander powder", + "vegetable oil", + "garlic", + "green chilies", + "nuts", + "garam masala", + "chili powder", + "ginger", + "essence", + "basmati rice", + "tomatoes", + "mint leaves", + "butter", + "salt", + "cardamom", + "saffron" + ] + }, + { + "id": 45356, + "cuisine": "indian", + "ingredients": [ + "yoghurt", + "butter", + "cumin seed", + "tomatoes", + "chili powder", + "cilantro leaves", + "onions", + "red lentils", + "french fried onions", + "lemon", + "garlic cloves", + "tumeric", + "vegetable oil", + "ground coriander" + ] + }, + { + "id": 18936, + "cuisine": "southern_us", + "ingredients": [ + "blanched almond flour", + "agave nectar", + "eggs", + "Earth Balance Natural Buttery Spread", + "dough", + "sea salt", + "baking soda" + ] + }, + { + "id": 35323, + "cuisine": "cajun_creole", + "ingredients": [ + "red kidney beans", + "dried thyme", + "vegetable broth", + "rice", + "andouille sausage", + "green onions", + "salt", + "green bell pepper", + "olive oil", + "garlic", + "celery", + "water", + "cajun seasoning", + "yellow onion" + ] + }, + { + "id": 2606, + "cuisine": "mexican", + "ingredients": [ + "soy sauce", + "olive oil", + "garlic", + "dried oregano", + "lime juice", + "chili powder", + "lemon juice", + "black pepper", + "flank steak", + "orange juice", + "ground cumin", + "fresh cilantro", + "paprika", + "chipotle peppers" + ] + }, + { + "id": 43799, + "cuisine": "irish", + "ingredients": [ + "ground walnuts", + "salt", + "dried cranberries", + "whole wheat flour", + "baking powder", + "grated lemon zest", + "large eggs", + "all-purpose flour", + "fat free milk", + "butter", + "cream cheese, soften" + ] + }, + { + "id": 26432, + "cuisine": "british", + "ingredients": [ + "eggs", + "all-purpose flour", + "butter", + "salt", + "Madeira", + "white sugar" + ] + }, + { + "id": 30027, + "cuisine": "italian", + "ingredients": [ + "ground pepper", + "extra-virgin olive oil", + "chopped parsley", + "reduced sodium chicken broth", + "boneless skinless chicken breasts", + "salt", + "capers", + "dry white wine", + "garlic", + "sweet onion", + "lemon", + "all-purpose flour" + ] + }, + { + "id": 32070, + "cuisine": "brazilian", + "ingredients": [ + "cachaca", + "lime", + "granulated sugar" + ] + }, + { + "id": 42051, + "cuisine": "cajun_creole", + "ingredients": [ + "crawfish", + "butter", + "garlic cloves", + "spinach", + "mushrooms", + "salt", + "black pepper", + "green onions", + "fresh oregano", + "fresh parmesan cheese", + "part-skim ricotta cheese", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 2138, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "hot pepper sauce", + "chipotles in adobo", + "kidney beans", + "lean ground beef", + "ground cumin", + "shredded cheddar cheese", + "chili powder", + "onions", + "garlic powder", + "diced tomatoes" + ] + }, + { + "id": 38307, + "cuisine": "indian", + "ingredients": [ + "salt", + "greek yogurt", + "carrots", + "black mustard seeds", + "ground cumin", + "fresh cilantro", + "cucumber" + ] + }, + { + "id": 41095, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "fresh chevre", + "red wine vinegar", + "radicchio", + "soppressata", + "peperoncini", + "extra-virgin olive oil" + ] + }, + { + "id": 27195, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "ground pork", + "cilantro leaves", + "bay leaf", + "crumbles", + "garlic", + "garlic cloves", + "long grain white rice", + "eggs", + "cheese", + "oil", + "onions", + "chipotle", + "salt", + "corn tortillas", + "oregano" + ] + }, + { + "id": 13133, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "honey", + "sherry", + "pork spareribs", + "chinese mustard", + "Sriracha", + "sesame oil", + "brown sugar", + "reduced sodium soy sauce", + "onion powder", + "toasted sesame seeds", + "chicken stock", + "minced garlic", + "hoisin sauce", + "chinese five-spice powder" + ] + }, + { + "id": 29930, + "cuisine": "british", + "ingredients": [ + "fresh sage", + "kosher salt", + "pie dough", + "pork meat", + "eggs", + "ground black pepper", + "bread crumbs", + "onions" + ] + }, + { + "id": 24559, + "cuisine": "mexican", + "ingredients": [ + "corn", + "salsa", + "chicken breasts", + "black beans" + ] + }, + { + "id": 15382, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "lobster", + "salt", + "fresh parsley leaves", + "mild olive oil", + "dende oil", + "green pepper", + "onions", + "sea bass", + "spring onions", + "cilantro leaves", + "coconut milk", + "lime", + "garlic", + "freshly ground pepper" + ] + }, + { + "id": 19603, + "cuisine": "korean", + "ingredients": [ + "kosher salt", + "lettuce leaves", + "apples", + "bone-in short ribs", + "red chili peppers", + "ground black pepper", + "sesame oil", + "scallions", + "roasted sesame seeds", + "peeled fresh ginger", + "garlic", + "cooked white rice", + "soy sauce", + "granulated sugar", + "vegetable oil", + "korean chile" + ] + }, + { + "id": 1491, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "nectarines", + "pecan halves", + "large egg yolks" + ] + }, + { + "id": 32216, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chili oil", + "scallions", + "toasted sesame seeds", + "bean paste", + "cilantro leaves", + "chinkiang vinegar", + "silken tofu", + "garlic", + "sesame paste", + "sugar", + "szechwan peppercorns", + "cumin seed", + "celery" + ] + }, + { + "id": 4100, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "corn chips", + "cream cheese, soften", + "blue corn tortilla chips", + "salsa", + "lime juice", + "cheese", + "chopped cilantro fresh", + "chips", + "salt" + ] + }, + { + "id": 41086, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "fine sea salt", + "cumin seed", + "rose petals", + "cayenne pepper", + "carrots", + "almonds", + "plums", + "fresh lemon juice", + "extra-virgin olive oil", + "chickpeas", + "fresh mint" + ] + }, + { + "id": 31074, + "cuisine": "korean", + "ingredients": [ + "lemon juice", + "butter", + "pears", + "brown sugar", + "orange zest", + "ginger" + ] + }, + { + "id": 35172, + "cuisine": "indian", + "ingredients": [ + "sugar", + "fresh ginger", + "butter", + "ground coriander", + "kosher salt", + "nonfat plain greek yogurt", + "cilantro", + "ground cumin", + "boneless chicken skinless thigh", + "garam masala", + "heavy cream", + "onions", + "cooked rice", + "crushed tomatoes", + "jalapeno chilies", + "garlic" + ] + }, + { + "id": 5440, + "cuisine": "jamaican", + "ingredients": [ + "plain flour", + "curry powder", + "green onions", + "dry bread crumbs", + "tumeric", + "ground black pepper", + "ice water", + "ground beef", + "eggs", + "olive oil", + "butter", + "garlic cloves", + "chicken stock", + "shortening", + "pastry dough", + "salt", + "onions" + ] + }, + { + "id": 41433, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "ground black pepper", + "celery", + "pasta", + "kosher salt", + "garlic cloves", + "plum tomatoes", + "tomato paste", + "French lentils", + "carrots", + "pecorino cheese", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 9376, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil cooking spray", + "vegetable oil", + "chopped onion", + "ground pepper", + "chopped celery", + "halibut fillets", + "dry red wine", + "shrimp", + "tomatoes", + "fresh thyme", + "salt" + ] + }, + { + "id": 18161, + "cuisine": "mexican", + "ingredients": [ + "red kidney beans", + "chili powder", + "dried parsley", + "lime juice", + "frozen corn kernels", + "cumin", + "black beans", + "vegetable oil", + "chunky salsa", + "garbanzo beans", + "pinto beans" + ] + }, + { + "id": 31136, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "yellow onion", + "garlic", + "diced tomatoes", + "long-grain rice", + "chicken stock", + "cilantro leaves" + ] + }, + { + "id": 17203, + "cuisine": "cajun_creole", + "ingredients": [ + "black-eyed peas", + "Gold Medal All Purpose Flour", + "chopped garlic", + "andouille sausage", + "cooked chicken", + "peanut oil", + "progresso reduced sodium chicken broth", + "chopped green bell pepper", + "creole seasoning", + "sweet onion", + "chopped celery", + "shrimp" + ] + }, + { + "id": 30962, + "cuisine": "indian", + "ingredients": [ + "ravva", + "curds", + "seeds", + "flour", + "wheat flour", + "salt" + ] + }, + { + "id": 17297, + "cuisine": "filipino", + "ingredients": [ + "prawns", + "acorn squash", + "onions", + "caster sugar", + "clove garlic, fine chop", + "green beans", + "butter", + "firm tofu", + "fresh ginger", + "salt", + "coconut milk" + ] + }, + { + "id": 17570, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "heavy cream", + "ground beef", + "olive oil", + "red pepper flakes", + "carrots", + "pancetta", + "bell pepper", + "white rice", + "grated parmesan cheese", + "red wine", + "celery" + ] + }, + { + "id": 29134, + "cuisine": "jamaican", + "ingredients": [ + "olive oil", + "salt", + "red bell pepper", + "ginger", + "scallions", + "onions", + "dark rum", + "ground allspice", + "fresh lime juice", + "chiles", + "garlic", + "leg of lamb", + "mango" + ] + }, + { + "id": 23948, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "shredded pepper jack cheese", + "shredded cheddar cheese", + "flour tortillas", + "red enchilada sauce", + "tomatoes", + "sliced black olives", + "taco seasoning", + "water", + "lean ground beef" + ] + }, + { + "id": 49412, + "cuisine": "spanish", + "ingredients": [ + "egg yolks", + "lemon zest", + "ground almonds", + "ground cinnamon", + "orange blossom honey", + "egg whites" + ] + }, + { + "id": 29797, + "cuisine": "greek", + "ingredients": [ + "strawberries", + "greek yogurt", + "lemon juice", + "sugar" + ] + }, + { + "id": 39186, + "cuisine": "thai", + "ingredients": [ + "jasmine rice" + ] + }, + { + "id": 7247, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "vegetable oil", + "cooked turkey", + "onions", + "water", + "salt", + "fresh tomatoes", + "garlic powder", + "chopped cilantro fresh" + ] + }, + { + "id": 9944, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "sea salt", + "nuoc cham", + "fish sauce", + "hot pepper", + "garlic cloves", + "pepper", + "rice vinegar", + "rice flour", + "Rice Krispies Cereal", + "lime", + "peanut oil", + "fillets" + ] + }, + { + "id": 6052, + "cuisine": "japanese", + "ingredients": [ + "milk", + "butter", + "lemon juice", + "egg whites", + "salt", + "granulated sugar", + "cake flour", + "corn starch", + "cream of tartar", + "egg yolks", + "cream cheese" + ] + }, + { + "id": 34360, + "cuisine": "italian", + "ingredients": [ + "baguette", + "balsamic reduction", + "fresh rosemary", + "salt", + "pepper", + "goat cheese", + "green onions", + "seedless red grapes" + ] + }, + { + "id": 25054, + "cuisine": "korean", + "ingredients": [ + "red chili powder", + "soy sauce", + "fresh ginger", + "green onions", + "sticky rice", + "beef rib short", + "nashi", + "water", + "jalapeno chilies", + "sesame oil", + "salt", + "brown sugar", + "black pepper", + "sesame seeds", + "spring onions", + "garlic", + "oil", + "sugar", + "red leaf lettuce", + "flanken short ribs", + "rice wine", + "soybean paste", + "onions" + ] + }, + { + "id": 28504, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "shredded sharp cheddar cheese", + "saltines", + "cajun seasoning", + "elbow macaroni", + "milk", + "all-purpose flour", + "Velveeta", + "butter", + "onions" + ] + }, + { + "id": 34204, + "cuisine": "french", + "ingredients": [ + "eggplant", + "cooking spray", + "1% low-fat milk", + "garlic cloves", + "plum tomatoes", + "black pepper", + "ground black pepper", + "asiago", + "all-purpose flour", + "cream cheese, soften", + "fresh basil", + "ground nutmeg", + "dry white wine", + "salt", + "red bell pepper", + "olive oil", + "zucchini", + "crepes", + "chopped onion", + "fresh parsley" + ] + }, + { + "id": 26202, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "herbs", + "tomato sauce", + "salt", + "pepper", + "frozen stir fry vegetable blend", + "cooked rice", + "basil" + ] + }, + { + "id": 30106, + "cuisine": "southern_us", + "ingredients": [ + "cocoa", + "butter", + "salt", + "white vinegar", + "baking soda", + "red food coloring", + "cream cheese frosting", + "buttermilk", + "all-purpose flour", + "sugar", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 10626, + "cuisine": "filipino", + "ingredients": [ + "sweet rice", + "coconut milk", + "water", + "brown sugar" + ] + }, + { + "id": 32464, + "cuisine": "southern_us", + "ingredients": [ + "lemonade concentrate", + "crushed ice", + "water", + "vodka", + "peaches" + ] + }, + { + "id": 48188, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "spring onions", + "garlic", + "carrots", + "peanuts", + "ginger", + "rice vinegar", + "chicken thighs", + "fresh coriander", + "szechwan peppercorns", + "runny honey", + "cucumber", + "red chili peppers", + "cress", + "cornflour", + "oil" + ] + }, + { + "id": 34765, + "cuisine": "french", + "ingredients": [ + "white sugar", + "heavy cream", + "egg yolks", + "chocolate chips", + "vanilla extract" + ] + }, + { + "id": 8496, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "guajillo chiles", + "coarse salt", + "ancho chile pepper", + "avocado", + "white corn tortillas", + "lime wedges", + "garlic cloves", + "dried oregano", + "serrano chilies", + "white onion", + "vine ripened tomatoes", + "fresh lime juice", + "black peppercorns", + "fresh coriander", + "peanut oil", + "plum tomatoes" + ] + }, + { + "id": 9514, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "rice wine", + "garlic", + "kimchi", + "chicken broth", + "kosher salt", + "ginger", + "scallions", + "chile powder", + "pork belly", + "sesame oil", + "rice vinegar", + "canola oil", + "sugar", + "shiitake", + "white rice", + "medium firm tofu" + ] + }, + { + "id": 32503, + "cuisine": "indian", + "ingredients": [ + "eggs", + "meat", + "red food coloring", + "serrano chile", + "kosher salt", + "paprika", + "corn starch", + "soy sauce", + "chicken wing drummettes", + "garlic", + "canola oil", + "flour", + "ginger", + "chutney" + ] + }, + { + "id": 38665, + "cuisine": "japanese", + "ingredients": [ + "sake", + "pepper", + "soy sauce", + "salt", + "sugar", + "mirin", + "boneless chicken thighs" + ] + }, + { + "id": 215, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "corn", + "queso fresco", + "chili powder" + ] + }, + { + "id": 26535, + "cuisine": "italian", + "ingredients": [ + "garlic bulb", + "extra-virgin olive oil", + "parmesan cheese", + "plum tomatoes", + "fat-free reduced-sodium chicken broth", + "gnocchi", + "sage leaves", + "cracked black pepper" + ] + }, + { + "id": 3579, + "cuisine": "southern_us", + "ingredients": [ + "grapeseed oil", + "kosher salt", + "wondra flour", + "ground red pepper", + "boneless chicken skinless thigh", + "peanut butter" + ] + }, + { + "id": 34677, + "cuisine": "british", + "ingredients": [ + "worcestershire sauce", + "filet", + "frozen pastry puff sheets", + "garlic", + "ground black pepper", + "heavy cream", + "onions", + "fresh thyme leaves", + "salt" + ] + }, + { + "id": 25878, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "spaghetti", + "peeled tomatoes", + "salt", + "fresh basil", + "chees fresh mozzarella", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 1806, + "cuisine": "mexican", + "ingredients": [ + "guacamole", + "cilantro leaves", + "hot pepper sauce", + "cheese", + "cooked chicken breasts", + "corn tortilla chips", + "spring onions", + "salsa", + "jalapeno chilies", + "crème fraîche" + ] + }, + { + "id": 7855, + "cuisine": "french", + "ingredients": [ + "fresh thyme", + "cracked black pepper", + "bay leaf", + "water", + "dry white wine", + "all-purpose flour", + "bread ciabatta", + "beef stock", + "gruyere cheese", + "unsalted butter", + "sea salt", + "yellow onion" + ] + }, + { + "id": 20443, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "olive oil", + "boneless skinless chicken breasts", + "purple onion", + "toasted sesame oil", + "brown sugar", + "sesame seeds", + "crushed red pepper flakes", + "rice vinegar", + "grape tomatoes", + "fresh ginger", + "mandarin oranges", + "salt", + "pepper", + "black sesame seeds", + "garlic", + "mixed greens" + ] + }, + { + "id": 138, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "plum tomatoes", + "fresh thyme leaves", + "feta cheese", + "oil cured olives", + "freshly ground pepper" + ] + }, + { + "id": 34651, + "cuisine": "southern_us", + "ingredients": [ + "water", + "butter", + "onions", + "bone-in chicken breast halves", + "baking powder", + "all-purpose flour", + "condensed cream of chicken soup", + "ground black pepper", + "salt", + "chicken broth", + "milk", + "vegetable shortening" + ] + }, + { + "id": 2046, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "water", + "boneless chicken breast", + "rice vinegar", + "canola oil", + "chicken stock", + "sweet chili sauce", + "sesame seeds", + "red pepper flakes", + "corn starch", + "soy sauce", + "honey", + "sesame oil", + "garlic cloves", + "ground ginger", + "pepper", + "chili paste", + "salt", + "panko breadcrumbs" + ] + }, + { + "id": 46180, + "cuisine": "italian", + "ingredients": [ + "miniature chocolate chips", + "sugar", + "pound cake", + "ricotta cheese" + ] + }, + { + "id": 48425, + "cuisine": "mexican", + "ingredients": [ + "chili flakes", + "avocado", + "jalapeno chilies", + "feta cheese", + "tortilla wraps", + "hummus" + ] + }, + { + "id": 46543, + "cuisine": "chinese", + "ingredients": [ + "mushrooms", + "carrots", + "cashew nuts", + "soy sauce", + "vegetable oil", + "celery", + "chicken broth", + "chicken breasts", + "corn starch", + "water chestnuts", + "pea pods", + "onions" + ] + }, + { + "id": 3801, + "cuisine": "italian", + "ingredients": [ + "sea salt", + "red bell pepper", + "eggs", + "garlic", + "bacon", + "crushed red pepper", + "italian sausage", + "basil", + "onions" + ] + }, + { + "id": 10179, + "cuisine": "italian", + "ingredients": [ + "leg of lamb", + "sea salt", + "fresh rosemary", + "garlic cloves" + ] + }, + { + "id": 21468, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil cooking spray", + "flour tortillas", + "salsa", + "sliced green onions", + "green chile", + "water", + "non-fat sour cream", + "iceberg lettuce", + "white vinegar", + "tomato sauce", + "chili powder", + "hot sauce", + "ground cumin", + "reduced fat monterey jack cheese", + "pork", + "garlic", + "oregano" + ] + }, + { + "id": 42182, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "vanilla", + "french bread", + "whiskey", + "milk", + "margarine", + "raisins", + "sucralose sweetener" + ] + }, + { + "id": 47080, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "sesame oil", + "garlic cloves", + "curry powder", + "Thai red curry paste", + "coconut milk", + "cooked rice", + "fresh ginger", + "peeled shrimp", + "soy sauce", + "cilantro", + "red bell pepper" + ] + }, + { + "id": 31346, + "cuisine": "mexican", + "ingredients": [ + "water", + "dri oregano leaves, crush", + "cooked chicken", + "corn tortillas", + "Mexican cheese blend", + "Campbell's Condensed Cream of Chicken Soup", + "green chile", + "chili powder" + ] + }, + { + "id": 38486, + "cuisine": "french", + "ingredients": [ + "minced garlic", + "eggplant", + "lemon juice", + "tomatoes", + "large egg whites", + "salt", + "reduced fat mayonnaise", + "dried basil", + "zucchini", + "red bell pepper", + "pepper", + "olive oil", + "dry bread crumbs" + ] + }, + { + "id": 35827, + "cuisine": "french", + "ingredients": [ + "black peppercorns", + "beef broth", + "olive oil", + "filet mignon", + "cognac", + "butter" + ] + }, + { + "id": 19874, + "cuisine": "russian", + "ingredients": [ + "nutmeg", + "butter", + "thyme", + "pepper", + "beef broth", + "onions", + "light cream", + "lemon juice", + "eggs", + "salt", + "ground beef" + ] + }, + { + "id": 16147, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salsa", + "Campbell's Condensed Tomato Soup", + "water", + "ground beef", + "flour tortillas" + ] + }, + { + "id": 19891, + "cuisine": "southern_us", + "ingredients": [ + "diced pimentos", + "sugar", + "white cheddar cheese", + "granulated garlic", + "onion powder", + "cayenne pepper", + "cheddar cheese", + "white pepper", + "salt", + "mayonaise", + "paprika", + "cream cheese" + ] + }, + { + "id": 4216, + "cuisine": "indian", + "ingredients": [ + "peeled tomatoes", + "peanut oil", + "onions", + "mild curry powder", + "jalapeno chilies", + "garlic cloves", + "unsweetened coconut milk", + "fresh ginger", + "freshly ground pepper", + "large shrimp", + "sugar", + "salt", + "chopped cilantro" + ] + }, + { + "id": 36807, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "olive oil", + "green onions", + "garlic cloves", + "water", + "leeks", + "salt", + "ground turkey", + "bread crumbs", + "reduced fat milk", + "linguine", + "corn starch", + "marsala wine", + "dried thyme", + "golden raisins", + "grated lemon zest" + ] + }, + { + "id": 48329, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "peanuts", + "boneless skinless chicken breasts", + "carrots", + "chicken stock", + "lime rind", + "granulated sugar", + "garlic", + "red bell pepper", + "rice stick noodles", + "ketchup", + "hot pepper sauce", + "vegetable oil", + "corn starch", + "eggs", + "lime juice", + "green onions", + "gingerroot", + "beansprouts" + ] + }, + { + "id": 21270, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "pizza sauce", + "crescent rolls", + "italian sausage", + "pepperoni" + ] + }, + { + "id": 36023, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "cilantro leaves", + "corn tortillas", + "cheddar cheese", + "coarse salt", + "freshly ground pepper", + "iceberg lettuce", + "avocado", + "ground sirloin", + "yellow onion", + "dried oregano", + "lime", + "tomato salsa", + "sour cream", + "ground cumin" + ] + }, + { + "id": 28091, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "bay leaves", + "bacon slices", + "onions", + "leeks", + "butter", + "thyme sprigs", + "pork shoulder roast", + "dry white wine", + "salt", + "low sodium chicken broth", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 23480, + "cuisine": "thai", + "ingredients": [ + "coconut milk", + "water", + "bamboo shoots", + "fish sauce", + "ground beef", + "red curry paste" + ] + }, + { + "id": 26369, + "cuisine": "cajun_creole", + "ingredients": [ + "boneless chicken skinless thigh", + "vegetable oil", + "beer", + "onions", + "chicken stock", + "gumbo file", + "all-purpose flour", + "celery", + "italian sausage", + "pepper", + "salt", + "shrimp", + "green bell pepper", + "bay leaves", + "cayenne pepper", + "cooked white rice" + ] + }, + { + "id": 8909, + "cuisine": "vietnamese", + "ingredients": [ + "eggs", + "corn oil", + "corn starch", + "water", + "all-purpose flour", + "chile sauce", + "sugar", + "salt", + "coconut milk", + "corn kernels", + "coconut cream" + ] + }, + { + "id": 41897, + "cuisine": "chinese", + "ingredients": [ + "lamb shanks", + "dry sherry", + "garlic cloves", + "fresh ginger", + "peanut oil", + "boiling water", + "steamed white rice", + "chinese five-spice powder", + "sliced green onions", + "black bean garlic sauce", + "dried shiitake mushrooms", + "chopped cilantro fresh" + ] + }, + { + "id": 5683, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "yukon gold potatoes", + "ground coriander", + "onions", + "ground ginger", + "garbanzo beans", + "salt", + "ground cardamom", + "cauliflower", + "olive oil", + "diced tomatoes", + "cumin seed", + "ground turmeric", + "ground cinnamon", + "garam masala", + "cayenne pepper", + "coconut milk" + ] + }, + { + "id": 816, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "American cheese", + "cream of tomato soup", + "milk", + "white sugar", + "butter" + ] + }, + { + "id": 15481, + "cuisine": "greek", + "ingredients": [ + "pepper", + "salt", + "olive oil", + "sweet onion", + "dried oregano", + "tomatoes", + "fresh green bean" + ] + }, + { + "id": 33394, + "cuisine": "japanese", + "ingredients": [ + "black sesame seeds", + "cayenne pepper", + "soy sauce", + "linguine", + "fresh ginger", + "rice vinegar", + "green onions", + "toasted sesame oil" + ] + }, + { + "id": 35792, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "star anise", + "lemon juice", + "light brown sugar", + "fresh ginger", + "purple onion", + "mango", + "tumeric", + "cardamon", + "salt", + "ground cumin", + "cider vinegar", + "garlic", + "nigella seeds" + ] + }, + { + "id": 42767, + "cuisine": "mexican", + "ingredients": [ + "orange", + "vegetable oil", + "orange juice", + "sugar", + "large eggs", + "salt", + "lard", + "piloncillo", + "lime", + "anise", + "cinnamon sticks", + "water", + "dark rum", + "all-purpose flour" + ] + }, + { + "id": 8102, + "cuisine": "brazilian", + "ingredients": [ + "manioc flour", + "sausage links", + "orange", + "kale", + "large eggs", + "bacon", + "ground coriander", + "breakfast sausage links", + "chorizo sausage", + "adobo style seasoning", + "white wine", + "fresh cilantro", + "olive oil", + "pork tenderloin", + "beef tenderloin", + "scallions", + "cooked white rice", + "ground cumin", + "pico de gallo", + "dried black beans", + "water", + "lime", + "unsalted butter", + "lemon", + "purple onion", + "ground cayenne pepper", + "greens", + "tomatoes", + "farofa", + "kosher salt", + "spanish onion", + "ground black pepper", + "bay leaves", + "garlic", + "ham hock", + "serrano chile" + ] + }, + { + "id": 47862, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "large eggs", + "yellow corn meal", + "water", + "cooked shrimp", + "fontina cheese", + "prosciutto", + "fresh chives", + "pizza doughs" + ] + }, + { + "id": 30534, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "large eggs", + "garlic", + "frozen peas", + "white pepper", + "sesame oil", + "spam", + "soy sauce", + "green onions", + "frozen corn", + "cooked rice", + "Sriracha", + "vegetable oil", + "carrots" + ] + }, + { + "id": 39721, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "lime", + "flank steak", + "queso fresco", + "corn tortillas", + "kosher salt", + "ground black pepper", + "onion powder", + "garlic", + "soy sauce", + "olive oil", + "chili powder", + "cilantro", + "cumin", + "lime juice", + "guacamole", + "apple cider vinegar", + "fresh oregano" + ] + }, + { + "id": 23627, + "cuisine": "british", + "ingredients": [ + "lemon juice", + "sugar", + "gingerroot", + "seville oranges" + ] + }, + { + "id": 23102, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "boneless skinless chicken breasts", + "corn tortillas", + "sweet onion", + "cayenne pepper", + "black beans", + "red pepper", + "cumin", + "olive oil", + "enchilada sauce" + ] + }, + { + "id": 40956, + "cuisine": "mexican", + "ingredients": [ + "red potato", + "paprika", + "yellow onion", + "chopped cilantro", + "ground black pepper", + "chile de arbol", + "fatback", + "canola oil", + "kosher salt", + "ground pork", + "ground coriander", + "oregano", + "apple cider vinegar", + "garlic", + "dried guajillo chiles", + "ground cumin" + ] + }, + { + "id": 31316, + "cuisine": "filipino", + "ingredients": [ + "granulated sugar", + "vanilla extract", + "whole milk", + "mango", + "mung beans", + "yams", + "unsweetened coconut milk", + "heavy cream" + ] + }, + { + "id": 14114, + "cuisine": "italian", + "ingredients": [ + "Gold Medal Flour", + "extra-virgin olive oil", + "warm water", + "honey", + "active dry yeast", + "garlic salt", + "kosher salt", + "granulated sugar" + ] + }, + { + "id": 47515, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "ice water", + "maple syrup", + "brown rice syrup", + "large eggs", + "vanilla extract", + "fresh lemon juice", + "large egg whites", + "vegetable shortening", + "all-purpose flour", + "pecan halves", + "bourbon whiskey", + "salt", + "fat free frozen top whip" + ] + }, + { + "id": 16885, + "cuisine": "chinese", + "ingredients": [ + "salt", + "sugar", + "garlic cloves", + "english cucumber", + "sesame oil", + "black vinegar" + ] + }, + { + "id": 29007, + "cuisine": "mexican", + "ingredients": [ + "egg whites", + "cocktail cherries", + "sweetened condensed milk", + "milk", + "baking powder", + "heavy whipping cream", + "egg yolks", + "all-purpose flour", + "evaporated milk", + "vanilla extract", + "white sugar" + ] + }, + { + "id": 17037, + "cuisine": "mexican", + "ingredients": [ + "fresh coriander", + "corn tortillas", + "vegetable oil", + "jalapeno chilies", + "onions", + "tomatoes", + "tomatillos" + ] + }, + { + "id": 6156, + "cuisine": "italian", + "ingredients": [ + "minced onion", + "ground beef", + "pasta sauce", + "salt", + "lasagna noodles", + "garlic salt", + "mozzarella cheese", + "large curd cottage cheese" + ] + }, + { + "id": 9843, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "Sriracha", + "worcestershire sauce", + "shrimp", + "sugar", + "lime", + "rice noodles", + "rice vinegar", + "fish sauce", + "fresh cilantro", + "large eggs", + "garlic", + "beansprouts", + "ketchup", + "peanuts", + "vegetable oil", + "scallions" + ] + }, + { + "id": 15107, + "cuisine": "indian", + "ingredients": [ + "ginger", + "rice flour", + "onions", + "sugar", + "green chilies", + "ghee", + "curry leaves", + "salt", + "chopped cilantro", + "peppercorns", + "maida flour", + "cumin seed", + "sooji" + ] + }, + { + "id": 49247, + "cuisine": "mexican", + "ingredients": [ + "chile pepper", + "onions", + "garlic", + "ground cumin", + "diced tomatoes", + "white sugar", + "whole peeled tomatoes", + "salt" + ] + }, + { + "id": 25994, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "lemon", + "red bell pepper", + "ground turmeric", + "hungarian sweet paprika", + "ground pepper", + "salt", + "onions", + "saffron threads", + "fish fillets", + "large garlic cloves", + "flat leaf parsley", + "brine-cured olives", + "vegetable oil", + "carrots", + "chopped cilantro fresh" + ] + }, + { + "id": 42093, + "cuisine": "italian", + "ingredients": [ + "canned low sodium chicken broth", + "zucchini", + "pasta shells", + "celery", + "dried rosemary", + "fresh rosemary", + "olive oil", + "raisins", + "dry bread crumbs", + "fresh parsley", + "crushed tomatoes", + "grated parmesan cheese", + "salt", + "ground beef", + "eggs", + "ground black pepper", + "garlic", + "carrots", + "onions" + ] + }, + { + "id": 5445, + "cuisine": "mexican", + "ingredients": [ + "triple sec", + "ice cubes", + "fresh lime juice", + "fresh lemon juice", + "silver tequila" + ] + }, + { + "id": 1554, + "cuisine": "mexican", + "ingredients": [ + "lime", + "cilantro leaves", + "kosher salt", + "ground black pepper", + "orange", + "jalapeno chilies", + "white vinegar", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 27872, + "cuisine": "moroccan", + "ingredients": [ + "celery ribs", + "ground cinnamon", + "butter", + "all-purpose flour", + "chopped cilantro fresh", + "tomatoes", + "vermicelli", + "salt", + "onions", + "ground ginger", + "stewing beef", + "lemon", + "chickpeas", + "dried fig", + "tomato paste", + "ground black pepper", + "dates", + "flat leaf parsley" + ] + }, + { + "id": 20892, + "cuisine": "chinese", + "ingredients": [ + "baby bok choy", + "shaoxing", + "boiling water", + "romaine lettuce", + "ginger", + "oyster sauce", + "low sodium soy sauce", + "fat free less sodium chicken broth", + "garlic cloves", + "canola oil", + "sugar", + "dried shiitake mushrooms", + "corn starch" + ] + }, + { + "id": 13342, + "cuisine": "filipino", + "ingredients": [ + "pure vanilla extract", + "evaporated milk", + "sugar", + "condensed milk", + "eggs", + "salt", + "water" + ] + }, + { + "id": 31905, + "cuisine": "jamaican", + "ingredients": [ + "brown sugar", + "pepper", + "large garlic cloves", + "fresh lime juice", + "soy sauce", + "olive oil", + "grated nutmeg", + "onions", + "black pepper", + "fresh thyme leaves", + "ground allspice", + "kosher salt", + "cinnamon", + "scallions" + ] + }, + { + "id": 31662, + "cuisine": "chinese", + "ingredients": [ + "spring onions", + "long-grain rice", + "eggs", + "chinese five-spice powder", + "frozen petit pois", + "salt", + "toasted sesame oil", + "soy sauce", + "oil" + ] + }, + { + "id": 35551, + "cuisine": "indian", + "ingredients": [ + "white pepper", + "garam masala", + "green chilies", + "cinnamon sticks", + "cashew nuts", + "sugar", + "vegetables", + "salt", + "ground cardamom", + "onions", + "garlic paste", + "cream", + "paneer", + "oil", + "ghee", + "clove", + "plain yogurt", + "poppy seeds", + "kewra water", + "bay leaf", + "shahi jeera" + ] + }, + { + "id": 44635, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "powdered milk", + "bread flour", + "water", + "butter", + "caster sugar", + "soft buns", + "plain flour", + "instant yeast", + "salt" + ] + }, + { + "id": 41382, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "black beans", + "lime wedges", + "salt", + "shredded Monterey Jack cheese", + "grape tomatoes", + "jalapeno chilies", + "cilantro sprigs", + "fresh lime juice", + "cotija", + "cooking spray", + "purple onion", + "chopped cilantro fresh", + "smoked salmon", + "flour tortillas", + "reduced-fat sour cream", + "whole kernel corn, drain" + ] + }, + { + "id": 16667, + "cuisine": "japanese", + "ingredients": [ + "cold water", + "sesame oil", + "soy sauce", + "brown sugar", + "corn starch", + "garlic powder" + ] + }, + { + "id": 4333, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "chorizo", + "beef", + "green onions", + "cilantro", + "broccoli", + "olives", + "tomato paste", + "cheddar cheese", + "smoked sea salt", + "zucchini", + "queso fresco", + "garlic", + "red bell pepper", + "cumin", + "tomatoes", + "tomato sauce", + "ground pepper", + "jalapeno chilies", + "ancho powder", + "purple onion", + "seasoning mix", + "green bell pepper", + "taco seasoning mix", + "lasagna noodles", + "chili powder", + "cheese", + "smoked paprika", + "oregano" + ] + }, + { + "id": 39799, + "cuisine": "vietnamese", + "ingredients": [ + "coffee", + "sweetened condensed milk" + ] + }, + { + "id": 36859, + "cuisine": "spanish", + "ingredients": [ + "andouille sausage", + "finely chopped onion", + "diced tomatoes", + "red bell pepper", + "ground cumin", + "ground cinnamon", + "frozen whole kernel corn", + "lime wedges", + "garlic cloves", + "large shrimp", + "arborio rice", + "olive oil", + "Anaheim chile", + "salt", + "chopped cilantro fresh", + "fat free less sodium chicken broth", + "zucchini", + "paprika", + "fresh lime juice" + ] + }, + { + "id": 1191, + "cuisine": "spanish", + "ingredients": [ + "chicken broth", + "cooked chicken", + "shrimp", + "diced onions", + "ground black pepper", + "rice", + "green bell pepper", + "lemon", + "celery", + "mussels", + "minced garlic", + "green peas", + "chorizo sausage" + ] + }, + { + "id": 23180, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "extra firm tofu", + "salt", + "minced ginger", + "vegetable oil", + "oil", + "minced garlic", + "leeks", + "green pepper", + "celery ribs", + "light soy sauce", + "cracked black pepper", + "corn starch" + ] + }, + { + "id": 3574, + "cuisine": "vietnamese", + "ingredients": [ + "dark soy sauce", + "sugar", + "radishes", + "shallots", + "garlic", + "brown sugar", + "water", + "pork tenderloin", + "ginger", + "carrots", + "white vinegar", + "mayonaise", + "ground black pepper", + "jalapeno chilies", + "cilantro sprigs", + "fish sauce", + "french baguette", + "Sriracha", + "coarse salt", + "english cucumber" + ] + }, + { + "id": 6620, + "cuisine": "italian", + "ingredients": [ + "spelt", + "ground black pepper", + "garlic cloves", + "salad greens", + "vegetable broth", + "water", + "parmigiano reggiano cheese", + "chardonnay", + "olive oil", + "purple onion" + ] + }, + { + "id": 34440, + "cuisine": "brazilian", + "ingredients": [ + "orange juice", + "eggs", + "sugar" + ] + }, + { + "id": 34316, + "cuisine": "italian", + "ingredients": [ + "almond extract", + "slivered almonds", + "white sugar", + "egg whites" + ] + }, + { + "id": 21803, + "cuisine": "mexican", + "ingredients": [ + "pepperidge farm puff pastry sheets", + "prego traditional italian sauce", + "pitted olives", + "pace picante sauce", + "shredded cheddar cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 33884, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "oxtails", + "garlic", + "onions", + "fava beans", + "fresh ginger root", + "chile pepper", + "allspice berries", + "water", + "green onions", + "salt", + "soy sauce", + "fresh thyme", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 5638, + "cuisine": "mexican", + "ingredients": [ + "ground pepper", + "butter", + "corn tortillas", + "guacamole", + "garlic", + "lime", + "chili powder", + "frozen corn", + "cotija", + "chicken breasts", + "salt" + ] + }, + { + "id": 1961, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "fresh mozzarella", + "ground black pepper", + "shredded mozzarella cheese", + "prosciutto", + "pasta shells", + "tomato sauce", + "grated parmesan cheese" + ] + }, + { + "id": 27483, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "salt", + "chicken pieces", + "celery ribs", + "olive oil", + "carrots", + "snow peas", + "tomatoes", + "garlic", + "corn starch", + "water", + "oyster sauce", + "onions" + ] + }, + { + "id": 40357, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "green onions", + "salt", + "sugar", + "large eggs", + "chopped fresh thyme", + "grated Gruyère cheese", + "large egg whites", + "mushrooms", + "whipping cream", + "cold water", + "unsalted butter", + "shallots", + "all-purpose flour" + ] + }, + { + "id": 21670, + "cuisine": "italian", + "ingredients": [ + "sugar", + "olive oil", + "nutritional yeast", + "mushrooms", + "purple onion", + "carrots", + "tomato purée", + "dried porcini mushrooms", + "chopped tomatoes", + "dijon mustard", + "red wine", + "green pepper", + "bay leaf", + "plain flour", + "soy sauce", + "sun-dried tomatoes", + "lasagne", + "vegetable stock", + "salt", + "celery", + "fresh tomatoes", + "black pepper", + "soy milk", + "vegan margarine", + "garlic", + "green chilies", + "dried oregano" + ] + }, + { + "id": 32900, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "free-range chickens", + "cinnamon sticks", + "red chili peppers", + "ginger", + "onions", + "chicken stock", + "vegetables", + "rice", + "chicken", + "plain flour", + "hoisin sauce", + "garlic cloves" + ] + }, + { + "id": 16470, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "extra firm tofu", + "garlic cloves", + "fresh basil", + "fresh ginger", + "vegetable oil", + "lime juice", + "sesame oil", + "red bell pepper", + "brown sugar", + "chili paste", + "broccoli" + ] + }, + { + "id": 3989, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "lime juice", + "Italian parsley leaves", + "chopped onion", + "onions", + "tomatoes", + "black pepper", + "lime slices", + "cilantro leaves", + "chipotle peppers", + "canola oil", + "beans", + "salsa verde", + "garlic", + "corn tortillas", + "skirt steak", + "pico de gallo", + "kosher salt", + "green onions", + "rice", + "chopped cilantro", + "ground cumin" + ] + }, + { + "id": 9614, + "cuisine": "indian", + "ingredients": [ + "cooked rice", + "water", + "yoghurt", + "onions", + "tomato paste", + "cream", + "garam masala", + "garlic", + "black pepper", + "fresh ginger", + "cilantro", + "tomato sauce", + "olive oil", + "butter", + "chicken thighs" + ] + }, + { + "id": 2162, + "cuisine": "brazilian", + "ingredients": [ + "bay leaves", + "baby back ribs", + "dried black beans", + "sausages", + "garlic", + "onions", + "olive oil", + "carne seca" + ] + }, + { + "id": 39127, + "cuisine": "southern_us", + "ingredients": [ + "chicken breasts", + "barbecue sauce" + ] + }, + { + "id": 16779, + "cuisine": "thai", + "ingredients": [ + "olive oil", + "red curry paste", + "brown sugar", + "cooking spray", + "fresh lime juice", + "fish sauce", + "lemon grass", + "rice", + "jumbo shrimp", + "light coconut milk", + "chopped cilantro fresh" + ] + }, + { + "id": 24102, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "vegetable oil", + "pork sausages", + "grated parmesan cheese", + "shredded mozzarella cheese", + "egg whites", + "oven-ready lasagna noodles", + "zucchini", + "ricotta cheese" + ] + }, + { + "id": 9721, + "cuisine": "chinese", + "ingredients": [ + "duck stock", + "red chili peppers", + "granulated sugar", + "ginger", + "long grain white rice", + "duck breasts", + "kosher salt", + "loose leaf black tea", + "peanut oil", + "brown sugar", + "soy sauce", + "Shaoxing wine", + "star anise", + "black peppercorns", + "baby bok choy", + "shiitake", + "szechwan peppercorns", + "toasted sesame oil" + ] + }, + { + "id": 39358, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "chicken breasts", + "cumin seed", + "clove", + "water", + "salt", + "onions", + "red chili peppers", + "ginger", + "oil", + "tomatoes", + "garam masala", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 2770, + "cuisine": "brazilian", + "ingredients": [ + "salt", + "onions", + "habanero pepper", + "garlic cloves", + "vegetable oil", + "hot water", + "long-grain rice" + ] + }, + { + "id": 35859, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "chili powder", + "garlic cloves", + "ground cumin", + "lime juice", + "cooking spray", + "yellow onion", + "corn tortillas", + "fresh cilantro", + "seeds", + "firm tofu", + "chopped cilantro fresh", + "grape tomatoes", + "olive oil", + "salt", + "red bell pepper" + ] + }, + { + "id": 1183, + "cuisine": "british", + "ingredients": [ + "large eggs", + "salt", + "milk", + "all-purpose flour", + "butter" + ] + }, + { + "id": 16579, + "cuisine": "cajun_creole", + "ingredients": [ + "pasta", + "half & half", + "salt", + "fresh parsley", + "ground black pepper", + "butter", + "crab boil", + "crawfish", + "green onions", + "all-purpose flour", + "onions", + "grated parmesan cheese", + "garlic", + "celery" + ] + }, + { + "id": 9157, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "olives", + "cherry tomatoes", + "chiffonade", + "marinara sauce", + "nutritional yeast", + "purple onion" + ] + }, + { + "id": 26879, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "pepper", + "shiitake", + "apple cider vinegar", + "salt", + "carrots", + "panko breadcrumbs", + "eggs", + "ketchup", + "honey", + "water chestnuts", + "lean ground beef", + "chinese five-spice powder", + "red bell pepper", + "sugar pea", + "milk", + "hoisin sauce", + "sesame oil", + "pineapple juice", + "corn starch", + "chopped cilantro fresh", + "brown sugar", + "jasmine rice", + "sesame seeds", + "green onions", + "garlic", + "oil", + "fresh parsley" + ] + }, + { + "id": 10390, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "grated parmesan cheese", + "extra-virgin olive oil", + "fresh mint", + "ground black pepper", + "red pepper flakes", + "garlic cloves", + "large eggs", + "basil", + "fresh parsley leaves", + "chopped tomatoes", + "ricotta cheese", + "all-purpose flour", + "fresh basil leaves" + ] + }, + { + "id": 15738, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "fresh mint", + "zucchini", + "zucchini blossoms", + "pinenuts", + "fine sea salt", + "mint sprigs", + "fresh lemon juice" + ] + }, + { + "id": 31258, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "flat leaf parsley", + "black pepper", + "salt", + "dried porcini mushrooms", + "button mushrooms", + "water", + "garlic cloves" + ] + }, + { + "id": 7540, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 15826, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato purée", + "green onions", + "chopped celery", + "green pepper", + "white wine", + "cajun seasoning", + "all-purpose flour", + "garlic cloves", + "black pepper", + "turtle", + "salt", + "chopped onion", + "tomato paste", + "bay leaves", + "butter", + "hot sauce" + ] + }, + { + "id": 31669, + "cuisine": "italian", + "ingredients": [ + "sugar", + "eggplant", + "fresh mozzarella", + "flat leaf parsley", + "tomatoes", + "water", + "large eggs", + "garlic cloves", + "arugula", + "plain dry bread crumb", + "parmigiano reggiano cheese", + "basil", + "onions", + "hot red pepper flakes", + "olive oil", + "basil leaves", + "juice" + ] + }, + { + "id": 34669, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "butter", + "cooking spray", + "fresh orange juice", + "sea scallops", + "paprika", + "green onions", + "salt" + ] + }, + { + "id": 20623, + "cuisine": "japanese", + "ingredients": [ + "sake", + "mirin", + "raw sugar", + "ground chicken", + "shallots", + "soy sauce", + "yuzu", + "kosher salt", + "vegetable oil" + ] + }, + { + "id": 7786, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "olive oil", + "ground sirloin", + "fresh basil leaves", + "minced garlic", + "ground black pepper", + "crushed red pepper flakes", + "dried pasta", + "ground nutmeg", + "heavy cream", + "dried oregano", + "tomato paste", + "crushed tomatoes", + "grated parmesan cheese", + "dry red wine" + ] + }, + { + "id": 48998, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "vegetable broth", + "chicken", + "eggs", + "short-grain rice", + "rice vinegar", + "soy sauce", + "salt", + "sake", + "mirin", + "onions" + ] + }, + { + "id": 23181, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "canned low sodium chicken broth", + "cheese tortellini", + "spinach", + "grated parmesan cheese", + "water", + "garlic" + ] + }, + { + "id": 29983, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "salt", + "fresh dill", + "cajun seasoning", + "fresh lemon juice", + "garlic powder", + "tilapia", + "mayonaise", + "lemon", + "sour cream" + ] + }, + { + "id": 9527, + "cuisine": "british", + "ingredients": [ + "fresh mint", + "sugar", + "raspberry vinegar", + "boiling water" + ] + }, + { + "id": 21063, + "cuisine": "chinese", + "ingredients": [ + "vegetables", + "scallions", + "light soy sauce", + "szechwan peppercorns", + "corn starch", + "red chili peppers", + "boneless skinless chicken breasts", + "garlic cloves", + "peanuts", + "ginger" + ] + }, + { + "id": 48546, + "cuisine": "southern_us", + "ingredients": [ + "jalapeno chilies", + "whole kernel corn, drain", + "diced tomatoes", + "italian salad dressing", + "pimentos", + "red bell pepper", + "black-eyed peas", + "chopped onion" + ] + }, + { + "id": 46157, + "cuisine": "indian", + "ingredients": [ + "pepper", + "beef stock", + "rice", + "ground turmeric", + "green cardamom pods", + "chopped tomatoes", + "lamb shoulder", + "garlic cloves", + "red lentils", + "honey", + "sunflower oil", + "ground coriander", + "ground cumin", + "red chili peppers", + "fresh ginger root", + "salt", + "onions" + ] + }, + { + "id": 27285, + "cuisine": "mexican", + "ingredients": [ + "salt", + "vinegar", + "tomatoes", + "onions", + "chile pepper" + ] + }, + { + "id": 25070, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "lime", + "large garlic cloves", + "chopped cilantro", + "monterey jack", + "water", + "bay leaves", + "sour cream", + "pork butt roast", + "ground cumin", + "pepper", + "jalapeno chilies", + "purple onion", + "onions", + "canola oil", + "chicken broth", + "orange", + "chili powder", + "corn tortillas", + "dried oregano" + ] + }, + { + "id": 26162, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "dry fettuccine", + "hot Italian sausages", + "olive oil", + "garlic", + "arugula", + "cherry tomatoes", + "red wine vinegar", + "fresh basil leaves", + "black pepper", + "freshly grated parmesan", + "purple onion" + ] + }, + { + "id": 6357, + "cuisine": "chinese", + "ingredients": [ + "beaten eggs", + "chicken", + "black peppercorns", + "carrots", + "celery ribs", + "yellow onion", + "kosher salt", + "long grain white rice" + ] + }, + { + "id": 42168, + "cuisine": "chinese", + "ingredients": [ + "pork", + "low sodium chicken broth", + "corn starch", + "chinese mustard", + "light soy sauce", + "cooking wine", + "white pepper", + "sesame oil", + "sugar", + "fresh ginger root", + "medium firm tofu" + ] + }, + { + "id": 8437, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "beaten eggs", + "sugar", + "cream style corn", + "corn starch", + "seasoning salt", + "whole kernel corn, drain", + "butter-margarine blend", + "dry mustard", + "dried minced onion" + ] + }, + { + "id": 49657, + "cuisine": "indian", + "ingredients": [ + "jasmine rice", + "cumin seed", + "vegetable oil", + "water", + "salt" + ] + }, + { + "id": 25448, + "cuisine": "french", + "ingredients": [ + "sauce", + "fresh tarragon", + "lemon juice" + ] + }, + { + "id": 27857, + "cuisine": "mexican", + "ingredients": [ + "natural peanut butter", + "sesame seeds", + "sea salt", + "yellow onion", + "chicken broth", + "black pepper", + "chili powder", + "paprika", + "brownies", + "ground cloves", + "chicken breasts", + "diced tomatoes", + "cayenne pepper", + "coconut oil", + "sweetener", + "cinnamon", + "garlic", + "bay leaf" + ] + }, + { + "id": 21343, + "cuisine": "italian", + "ingredients": [ + "whole wheat pasta", + "artichoke hearts", + "flour", + "garlic cloves", + "pepper", + "parmesan cheese", + "butter", + "fresh basil leaves", + "fresh spinach", + "evaporated milk", + "cannellini beans", + "onions", + "pancetta", + "sun-dried tomatoes", + "roasted red peppers", + "salt", + "low-fat milk" + ] + }, + { + "id": 23950, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "baking powder", + "free range egg", + "ground ginger", + "ground cloves", + "salt", + "powdered sugar", + "vegetable oil", + "dark brown sugar", + "plain flour", + "unsalted butter", + "grated nutmeg" + ] + }, + { + "id": 28393, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "purple onion", + "corn tortillas", + "white vinegar", + "cooked turkey", + "vegetable oil", + "orange juice", + "lime juice", + "red cabbage", + "yellow onion", + "oregano", + "chicken broth", + "ground black pepper", + "salt", + "serrano chile" + ] + }, + { + "id": 12963, + "cuisine": "british", + "ingredients": [ + "egg yolks", + "all-purpose flour", + "english walnuts", + "baking powder", + "white sugar", + "egg whites", + "dates" + ] + }, + { + "id": 35184, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "butter", + "grated nutmeg", + "eggs", + "yellow squash", + "salt", + "fresh parsley", + "corn kernels", + "buttermilk", + "cayenne pepper", + "sugar", + "chopped fresh chives", + "all-purpose flour" + ] + }, + { + "id": 38166, + "cuisine": "southern_us", + "ingredients": [ + "orzo pasta", + "celery", + "white sugar", + "crushed tomatoes", + "cayenne pepper", + "onions", + "boneless chicken skinless thigh", + "salt", + "cooked shrimp", + "green bell pepper", + "garlic", + "bay leaf", + "italian seasoning" + ] + }, + { + "id": 44517, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "whole wheat penne rigate", + "extra-virgin olive oil", + "fresh parmesan cheese", + "fresh basil leaves", + "tomatoes", + "crushed red pepper" + ] + }, + { + "id": 42741, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "bacon", + "sauce", + "grated parmesan cheese", + "all-purpose flour", + "freshly ground pepper", + "unsalted butter", + "turkey", + "grated Gruyère cheese", + "tomatoes", + "refrigerated crescent rolls", + "grated nutmeg" + ] + }, + { + "id": 45905, + "cuisine": "indian", + "ingredients": [ + "melted butter", + "baking soda", + "sugar", + "wheat flour", + "eggs", + "curds", + "milk", + "yeast" + ] + }, + { + "id": 38691, + "cuisine": "indian", + "ingredients": [ + "purple onion", + "mustard seeds", + "fish", + "tamarind juice", + "green chilies", + "ground turmeric", + "grated coconut", + "salt", + "coriander", + "chili powder", + "oil", + "mango" + ] + }, + { + "id": 9109, + "cuisine": "french", + "ingredients": [ + "rooster", + "mushrooms", + "thyme sprigs", + "tomato paste", + "ground pepper", + "unsmoked bacon", + "clarified butter", + "parsley sprigs", + "leeks", + "carrots", + "burgundy", + "celery ribs", + "kosher salt", + "goose", + "onions" + ] + }, + { + "id": 42609, + "cuisine": "french", + "ingredients": [ + "gruyere cheese", + "frozen pastry puff sheets", + "fig jam" + ] + }, + { + "id": 30121, + "cuisine": "french", + "ingredients": [ + "white wine", + "cassis liqueur" + ] + }, + { + "id": 46808, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "Breyers® Natural Vanilla Ice Cream", + "dark corn syrup", + "bittersweet chocolate", + "sugar", + "chopped pecans", + "pie crust", + "vanilla extract", + "Country Crock® Spread" + ] + }, + { + "id": 6249, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "fresh lemon juice", + "brioche", + "foie gras", + "olive oil", + "jam", + "unsalted butter" + ] + }, + { + "id": 17111, + "cuisine": "southern_us", + "ingredients": [ + "frozen pie crust", + "all-purpose flour", + "pecan halves", + "bourbon whiskey", + "eggs", + "salted butter", + "semi-sweet chocolate morsels", + "sugar", + "vanilla extract" + ] + }, + { + "id": 43656, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "romano cheese", + "sirloin steak", + "flat leaf parsley", + "vegetable oil cooking spray", + "olive oil", + "beef broth", + "fresh basil", + "minced garlic", + "dry red wine", + "cooked ham", + "finely chopped onion", + "freshly ground pepper" + ] + }, + { + "id": 5655, + "cuisine": "italian", + "ingredients": [ + "eggs", + "ricotta cheese", + "oregano", + "pepper", + "jumbo shells", + "pasta sauce", + "salt", + "grated parmesan cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 30929, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "vanilla extract", + "bread", + "wheat", + "lemon juice", + "light brown sugar", + "granulated sugar", + "salt", + "ground cinnamon", + "butter" + ] + }, + { + "id": 36863, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic", + "green onions", + "toasted sesame oil", + "fresh ginger", + "red bell pepper", + "thin spaghetti", + "vegetable oil", + "snow peas" + ] + }, + { + "id": 48269, + "cuisine": "chinese", + "ingredients": [ + "chinese rock sugar", + "dried apricot", + "pitted prunes", + "sweet rice", + "sour cherries", + "cold water", + "walnut halves", + "peanut oil", + "candied orange peel", + "chinese jujubes", + "sweetened red beans" + ] + }, + { + "id": 28347, + "cuisine": "italian", + "ingredients": [ + "pepper", + "basil leaves", + "olive oil", + "salt", + "pitted kalamata olives", + "roasted red peppers", + "olive oil cooking spray", + "baguette", + "cannellini beans" + ] + }, + { + "id": 952, + "cuisine": "greek", + "ingredients": [ + "plain yogurt", + "milk" + ] + }, + { + "id": 48144, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "coconut", + "garlic", + "cumin seed", + "coriander", + "tumeric", + "sunflower oil", + "crème fraîche", + "carrots", + "cashew nuts", + "chicken stock", + "potatoes", + "salt", + "black mustard seeds", + "frozen peas", + "pepper", + "ginger", + "natural yogurt", + "onions", + "ground cumin" + ] + }, + { + "id": 25067, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "scallions", + "canola oil", + "spring roll wrappers", + "fresh ginger", + "napa cabbage", + "glass noodles", + "lean ground pork", + "coarse salt", + "corn starch", + "sugar", + "large eggs", + "dry sherry", + "chopped garlic" + ] + }, + { + "id": 41093, + "cuisine": "italian", + "ingredients": [ + "eggs", + "cheese", + "butter", + "pasta" + ] + }, + { + "id": 34414, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "baking powder", + "fresh parsley", + "cream", + "salt", + "tomatoes", + "pepper", + "all-purpose flour", + "sugar", + "butter", + "corn kernel whole" + ] + }, + { + "id": 5335, + "cuisine": "italian", + "ingredients": [ + "cinnamon", + "corn starch", + "sugar", + "sea salt", + "dark chocolate", + "whipped cream", + "milk", + "vanilla extract" + ] + }, + { + "id": 33800, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "sambal chile paste", + "salt", + "glass noodles", + "olive oil", + "frying oil", + "carrots", + "pepper", + "spring onions", + "chili sauce", + "spring roll wrappers", + "minced meat", + "worcestershire sauce", + "ginger root" + ] + }, + { + "id": 21315, + "cuisine": "mexican", + "ingredients": [ + "colby jack cheese", + "garlic cloves", + "onions", + "table salt", + "vegetable oil", + "red bell pepper", + "light brown sugar", + "chili powder", + "elbow macaroni", + "ground cumin", + "crushed tomatoes", + "diced tomatoes", + "ground beef" + ] + }, + { + "id": 820, + "cuisine": "french", + "ingredients": [ + "black peppercorns", + "shiitake", + "vegetable oil", + "button mushrooms", + "celery", + "chicken stock", + "pearl onions", + "leeks", + "red wine", + "carrots", + "chicken thighs", + "rosemary", + "ground black pepper", + "butter", + "salt", + "onions", + "chicken legs", + "veal demi-glace", + "bay leaves", + "bacon", + "thyme" + ] + }, + { + "id": 23556, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "red wine vinegar", + "butter", + "pepper", + "chanterelle" + ] + }, + { + "id": 36957, + "cuisine": "mexican", + "ingredients": [ + "lime", + "chili powder", + "lemon juice", + "cumin", + "capers", + "tortillas", + "salt", + "steak", + "pepper", + "shredded cabbage", + "dill", + "oregano", + "cherry tomatoes", + "cilantro", + "sour cream", + "sliced green onions" + ] + }, + { + "id": 45411, + "cuisine": "indian", + "ingredients": [ + "vinegar", + "cayenne pepper", + "catfish fillets", + "garlic", + "ground cumin", + "vegetable oil", + "ground coriander", + "fresh ginger", + "salt" + ] + }, + { + "id": 13991, + "cuisine": "southern_us", + "ingredients": [ + "egg yolks", + "cinnamon rolls", + "pecans", + "vanilla extract", + "confectioners sugar", + "ground cinnamon", + "half & half", + "heavy whipping cream", + "sugar", + "salt" + ] + }, + { + "id": 21832, + "cuisine": "southern_us", + "ingredients": [ + "Ritz Crackers", + "onions", + "seasoning", + "sour cream", + "butter", + "cheddar cheese", + "squash" + ] + }, + { + "id": 40825, + "cuisine": "greek", + "ingredients": [ + "pepper", + "feta cheese crumbles", + "dressing", + "pepperoni turkei", + "whole wheat pita bread rounds", + "zucchini", + "romaine lettuce", + "purple onion" + ] + }, + { + "id": 33074, + "cuisine": "thai", + "ingredients": [ + "crumbles", + "mint leaves", + "cilantro leaves", + "glutinous rice", + "chili", + "shallots", + "fish sauce", + "lime juice", + "basil leaves", + "scallions", + "pork", + "palm sugar", + "vegetable oil" + ] + }, + { + "id": 18552, + "cuisine": "spanish", + "ingredients": [ + "mussels", + "white wine", + "lemon", + "squid", + "onions", + "chicken broth", + "ground black pepper", + "garlic", + "red bell pepper", + "large shrimp", + "arborio rice", + "olive oil", + "green peas", + "sausages", + "boneless skinless chicken breast halves", + "tomatoes", + "fresh thyme", + "salt", + "flat leaf parsley", + "saffron" + ] + }, + { + "id": 26852, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "grated parmesan cheese", + "spaghetti", + "ground black pepper", + "cayenne pepper", + "olive oil", + "salt", + "large eggs", + "flat leaf parsley" + ] + }, + { + "id": 34755, + "cuisine": "indian", + "ingredients": [ + "water", + "garlic", + "onions", + "tomatoes", + "coriander seeds", + "green chilies", + "red lentils", + "olive oil", + "salt", + "ground cumin", + "fresh coriander", + "ginger", + "mustard seeds" + ] + }, + { + "id": 38512, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "diced tomatoes", + "corn tortillas", + "chicken", + "diced red onions", + "vegetable oil", + "garlic", + "coriander", + "jack cheese", + "chili powder", + "extra-virgin olive oil", + "onions", + "ground cumin", + "agave nectar", + "queso fresco", + "hot sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 14335, + "cuisine": "indian", + "ingredients": [ + "unsalted butter" + ] + }, + { + "id": 1141, + "cuisine": "french", + "ingredients": [ + "fat free yogurt", + "all-purpose flour", + "cooking spray", + "nectarines", + "large eggs", + "vanilla soy milk", + "sugar", + "vanilla extract" + ] + }, + { + "id": 31432, + "cuisine": "filipino", + "ingredients": [ + "corn", + "sugar", + "coconut milk", + "sweet rice", + "coconut cream", + "water" + ] + }, + { + "id": 29898, + "cuisine": "cajun_creole", + "ingredients": [ + "Red Gold® diced tomatoes", + "cooked rice", + "kielbasa", + "red beans", + "hot pepper sauce", + "onions" + ] + }, + { + "id": 18617, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "oatmeal", + "buttermilk", + "flour", + "whole wheat flour", + "salt" + ] + }, + { + "id": 38095, + "cuisine": "chinese", + "ingredients": [ + "hard-boiled egg", + "napa cabbage", + "fresh lemon juice", + "soy sauce", + "green onions", + "dried shiitake mushrooms", + "chopped cilantro fresh", + "sugar", + "peeled fresh ginger", + "rice vinegar", + "Chinese egg noodles", + "minced garlic", + "sesame oil", + "peanut oil" + ] + }, + { + "id": 1659, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "leeks", + "thyme", + "dijon mustard", + "extra-virgin olive oil", + "chicken stock", + "hard-boiled egg", + "white wine vinegar", + "unsalted butter", + "dry white wine", + "flat leaf parsley" + ] + }, + { + "id": 48626, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "lemongrass", + "chicken legs", + "dried chile", + "chicken stock", + "fresh ginger", + "drumstick" + ] + }, + { + "id": 18864, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "whipping cream", + "fresh basil leaves", + "sugar", + "light corn syrup", + "corn starch", + "large egg whites", + "white wine vinegar", + "pink peppercorns", + "strawberries" + ] + }, + { + "id": 44864, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "milk", + "extra-virgin olive oil", + "scallions", + "fresh parsley", + "black peppercorns", + "coarse salt", + "all-purpose flour", + "shrimp shells", + "fresh basil leaves", + "shrimp stock", + "water", + "butter", + "hot sauce", + "bay leaf", + "tomato paste", + "bay leaves", + "garlic", + "shrimp", + "onions" + ] + }, + { + "id": 46630, + "cuisine": "italian", + "ingredients": [ + "honey", + "baby spinach", + "broccoli", + "whole wheat pizza dough", + "dried tart cherries", + "white wine vinegar", + "semolina flour", + "parmesan cheese", + "garlic", + "sunflower seeds", + "shallots", + "part-skim ricotta cheese" + ] + }, + { + "id": 35462, + "cuisine": "indian", + "ingredients": [ + "cayenne", + "cumin seed", + "sugar", + "extra-virgin olive oil", + "plain whole-milk yogurt", + "large garlic cloves", + "chopped cilantro", + "kosher salt", + "purple onion", + "japanese eggplants" + ] + }, + { + "id": 11486, + "cuisine": "greek", + "ingredients": [ + "pepper", + "salt", + "ground beef", + "vegetable oil", + "ground coriander", + "white sugar", + "ground nutmeg", + "cayenne pepper", + "onions", + "ground cinnamon", + "raisins", + "flat leaf parsley" + ] + }, + { + "id": 40668, + "cuisine": "british", + "ingredients": [ + "sultana", + "baking powder", + "salt", + "milk", + "double cream", + "caster sugar", + "butter", + "jam", + "eggs", + "self rising flour", + "currant" + ] + }, + { + "id": 18743, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "roasted red peppers", + "fresh parmesan cheese", + "balsamic vinegar", + "part-skim mozzarella cheese", + "cooking spray", + "tomatoes", + "ground black pepper", + "polenta" + ] + }, + { + "id": 10528, + "cuisine": "french", + "ingredients": [ + "balsamic vinegar", + "orange juice", + "pepper", + "salt", + "fresh lime juice", + "olive oil", + "toasted walnuts", + "romano cheese", + "grapefruit juice", + "fresh lemon juice" + ] + }, + { + "id": 19744, + "cuisine": "brazilian", + "ingredients": [ + "cheddar cheese", + "low-fat milk", + "starch", + "eggs", + "sunflower oil", + "parmesan cheese" + ] + }, + { + "id": 10146, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "kale leaves", + "onions", + "extra-virgin olive oil", + "sausages", + "yukon gold potatoes", + "freshly ground pepper", + "large eggs", + "salt", + "rib" + ] + }, + { + "id": 32056, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "crushed red pepper", + "broth", + "fish sauce", + "rice noodles", + "coconut milk", + "sesame oil", + "shrimp", + "curry powder", + "garlic", + "chopped cilantro" + ] + }, + { + "id": 6695, + "cuisine": "indian", + "ingredients": [ + "sugar", + "garam masala", + "heavy cream", + "garlic cloves", + "crushed tomatoes", + "serrano peppers", + "cayenne pepper", + "ground cumin", + "boneless chicken skinless thigh", + "cayenne", + "salt", + "onions", + "low-fat plain yogurt", + "fresh ginger", + "vegetable oil", + "ground coriander" + ] + }, + { + "id": 35089, + "cuisine": "italian", + "ingredients": [ + "butter", + "clam sauce", + "red potato", + "garlic cloves", + "finely chopped fresh parsley", + "fresh lemon juice", + "fettucine", + "extra-virgin olive oil" + ] + }, + { + "id": 15615, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil cooking spray", + "ground pepper", + "all-purpose flour", + "fat free milk", + "cajun seasoning", + "pepper", + "vegetable oil", + "center cut pork chops", + "nonfat buttermilk", + "garlic powder", + "salt" + ] + }, + { + "id": 22697, + "cuisine": "southern_us", + "ingredients": [ + "refrigerated piecrusts", + "pie filling", + "lemon" + ] + }, + { + "id": 5004, + "cuisine": "filipino", + "ingredients": [ + "boneless chicken skinless thigh", + "spring onions", + "onions", + "lime", + "low sodium chicken stock", + "jasmine rice", + "vegetable oil", + "saffron", + "fish sauce", + "fresh ginger", + "garlic cloves" + ] + }, + { + "id": 23840, + "cuisine": "chinese", + "ingredients": [ + "mint leaves", + "carrots", + "caster sugar", + "rice noodles", + "soy sauce", + "spring onions", + "minced pork", + "lime", + "rice vinegar" + ] + }, + { + "id": 41064, + "cuisine": "french", + "ingredients": [ + "olive oil", + "purple onion", + "fresh parsley", + "pepper", + "red wine vinegar", + "oil", + "haricots verts", + "dijon mustard", + "bulgur", + "arugula", + "cherry tomatoes", + "kalamata", + "fresh lemon juice" + ] + }, + { + "id": 44183, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "bacon", + "crackers", + "tomatoes", + "vegetables", + "greek style plain yogurt", + "cooked turkey", + "grated nutmeg", + "baguette", + "pecorino romano cheese", + "cream cheese" + ] + }, + { + "id": 16030, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "vanilla beans", + "sweetened condensed milk", + "milk chocolate", + "light corn syrup", + "sugar", + "butter", + "water", + "salt" + ] + }, + { + "id": 12622, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "ice cubes", + "frozen limeade concentrate", + "brandy", + "tequila", + "cold water", + "lime" + ] + }, + { + "id": 11929, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "water", + "garlic powder", + "lemon", + "Bragg Liquid Aminos", + "ancho chile pepper", + "cashew nuts", + "liquid smoke", + "jackfruit", + "white miso", + "mushrooms", + "vegetable broth", + "smoked paprika", + "roasted tomatoes", + "olive oil spray", + "avocado", + "pepper", + "nutritional yeast", + "onion powder", + "garlic", + "red bell pepper", + "onions", + "cumin", + "white vinegar", + "green chile", + "olive oil", + "sliced black olives", + "heirloom tomatoes", + "salt", + "corn tortillas", + "pasilla pepper" + ] + }, + { + "id": 13059, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "vegetables", + "yellow onion", + "bay leaf", + "red lentils", + "water", + "Bengali 5 Spice", + "cumin seed", + "plum tomatoes", + "kosher salt", + "cilantro", + "fenugreek seeds", + "basmati rice", + "fennel seeds", + "lime", + "garlic", + "mustard seeds" + ] + }, + { + "id": 45837, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "potatoes", + "garlic", + "oil", + "onions", + "ground cumin", + "fresh ginger root", + "chile pepper", + "ground coriander", + "bay leaf", + "chopped cilantro fresh", + "phyllo dough", + "chili powder", + "salt", + "ground cardamom", + "frozen peas", + "ground black pepper", + "vegetable oil", + "cumin seed", + "ground beef", + "ground turmeric" + ] + }, + { + "id": 547, + "cuisine": "italian", + "ingredients": [ + "brown sugar", + "olive oil", + "salt", + "olive oil flavored cooking spray", + "capers", + "baguette", + "golden raisins", + "fresh lemon juice", + "vidalia onion", + "dried basil", + "yellow bell pepper", + "red bell pepper", + "pinenuts", + "eggplant", + "garlic cloves" + ] + }, + { + "id": 11867, + "cuisine": "southern_us", + "ingredients": [ + "chili powder", + "okra", + "garlic paste", + "salt", + "yellow corn meal", + "buttermilk", + "oil", + "black pepper", + "all-purpose flour" + ] + }, + { + "id": 34179, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "sauce", + "panko breadcrumbs", + "avocado", + "boneless skinless chicken breasts", + "oil", + "egg whites", + "tortilla chips", + "pico de gallo", + "cilantro", + "white cheese" + ] + }, + { + "id": 23996, + "cuisine": "italian", + "ingredients": [ + "cheese tortellini", + "cherry tomatoes", + "flat leaf parsley", + "zucchini", + "italian salad dressing", + "kosher salt", + "cracked black pepper" + ] + }, + { + "id": 4869, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "red food coloring", + "butter extract", + "unsweetened cocoa powder", + "white vinegar", + "butter", + "salt", + "confectioners sugar", + "eggs", + "buttermilk", + "all-purpose flour", + "white sugar", + "baking soda", + "vanilla extract", + "cream cheese" + ] + }, + { + "id": 29140, + "cuisine": "southern_us", + "ingredients": [ + "refrigerated buttermilk biscuits", + "pepper", + "cooked chicken", + "water", + "chicken bouillon granules", + "cream of chicken soup" + ] + }, + { + "id": 11020, + "cuisine": "french", + "ingredients": [ + "milk", + "cream cheese, soften", + "whipping cream", + "unsalted butter", + "unsweetened cocoa powder", + "powdered sugar", + "vanilla extract" + ] + }, + { + "id": 32763, + "cuisine": "filipino", + "ingredients": [ + "water", + "eggs", + "flour" + ] + }, + { + "id": 32973, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "littleneck clams", + "orecchiette", + "shallots", + "flat leaf parsley", + "dry white wine", + "fresh oregano", + "chopped fresh thyme", + "chopped garlic" + ] + }, + { + "id": 25004, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "cashew butter", + "ground black pepper", + "chopped garlic", + "fresh basil", + "oat milk", + "whole wheat fettuccine", + "olive oil", + "frozen peas" + ] + }, + { + "id": 31895, + "cuisine": "moroccan", + "ingredients": [ + "swordfish steaks", + "cilantro", + "cumin", + "parsley", + "garlic cloves", + "paprika", + "lemon juice", + "olive oil", + "lemon rind" + ] + }, + { + "id": 40147, + "cuisine": "french", + "ingredients": [ + "vanilla extract", + "unsweetened cocoa powder", + "heavy cream", + "white sugar", + "egg yolks", + "confectioners sugar", + "egg whites", + "salt" + ] + }, + { + "id": 20186, + "cuisine": "italian", + "ingredients": [ + "dijon mustard", + "garlic cloves", + "capers", + "buttermilk", + "red wine vinegar", + "flat leaf parsley", + "pepper", + "salt" + ] + }, + { + "id": 49477, + "cuisine": "japanese", + "ingredients": [ + "wasabi", + "gari", + "coarse salt", + "lemon juice", + "sugar", + "lump crab meat", + "rice vinegar", + "toasted sesame seeds", + "mayonaise", + "fresh chives", + "nori paper", + "radish sprouts", + "sushi rice", + "water", + "freshly ground pepper", + "large shrimp" + ] + }, + { + "id": 49679, + "cuisine": "italian", + "ingredients": [ + "garlic", + "unsalted butter", + "heavy whipping cream", + "black pepper", + "salt", + "grated parmesan cheese", + "dried parsley" + ] + }, + { + "id": 48398, + "cuisine": "southern_us", + "ingredients": [ + "flaked coconut", + "gingersnap cookies", + "unsalted butter" + ] + }, + { + "id": 2693, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "salt", + "fontina", + "ziti", + "ground black pepper", + "fresh parsley", + "olive oil", + "garlic" + ] + }, + { + "id": 46721, + "cuisine": "french", + "ingredients": [ + "eggs", + "milk", + "orange juice", + "orange zest", + "orange", + "all-purpose flour", + "grated orange", + "vanilla ice cream", + "vanilla extract", + "orange liqueur", + "sugar", + "salt", + "clarified butter" + ] + }, + { + "id": 1762, + "cuisine": "moroccan", + "ingredients": [ + "salt", + "olive oil", + "harissa", + "hot red pepper flakes", + "ground cumin" + ] + }, + { + "id": 43679, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "rice noodles", + "juice", + "chicken", + "eggs", + "spring onions", + "salt", + "beansprouts", + "white vinegar", + "palm sugar", + "crushed garlic", + "red bell pepper", + "fish sauce", + "chili powder", + "roasted peanuts", + "chopped cilantro" + ] + }, + { + "id": 44736, + "cuisine": "italian", + "ingredients": [ + "water", + "pecorino romano cheese", + "eggplant", + "tomato paste", + "large eggs", + "olive oil", + "fine sea salt" + ] + }, + { + "id": 33575, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "diced tomatoes", + "garlic cloves", + "country white bread", + "lime wedges", + "whipping cream", + "ancho chile pepper", + "chipotle chile", + "vegetable oil", + "dark brown sugar", + "boneless skinless chicken breast halves", + "pumpkin", + "cilantro sprigs", + "low salt chicken broth" + ] + }, + { + "id": 38990, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "celery", + "black-eyed peas", + "ham", + "smoked ham hocks", + "tomatoes", + "garlic", + "carrots", + "olive oil", + "kale leaves", + "onions" + ] + }, + { + "id": 44014, + "cuisine": "greek", + "ingredients": [ + "unsalted butter", + "eggs", + "vanilla", + "flour", + "sugar", + "walnuts" + ] + }, + { + "id": 28152, + "cuisine": "indian", + "ingredients": [ + "grated coconut", + "peeled fresh ginger", + "water", + "fresh lemon juice", + "kosher salt", + "garlic cloves", + "fresh cilantro", + "ground cumin" + ] + }, + { + "id": 29361, + "cuisine": "french", + "ingredients": [ + "water", + "dill", + "whole milk", + "onions", + "celery ribs", + "baking potatoes", + "unsalted butter", + "carrots" + ] + }, + { + "id": 41154, + "cuisine": "italian", + "ingredients": [ + "sugar", + "unsweetened cocoa powder", + "tea bags", + "vanilla bean paste", + "ladyfingers", + "whipping cream", + "mascarpone" + ] + }, + { + "id": 24722, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "salt", + "mung beans", + "eggs", + "grapeseed oil", + "water", + "all-purpose flour" + ] + }, + { + "id": 33107, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "guacamole", + "corn tortillas", + "cottage cheese", + "salsa", + "cheddar cheese", + "green onions", + "chopped cilantro fresh", + "eggs", + "milk", + "sour cream" + ] + }, + { + "id": 3452, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "butter", + "honey", + "all-purpose flour", + "active dry yeast", + "salt", + "warm water", + "large eggs" + ] + }, + { + "id": 3054, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "green onions", + "Gochujang base", + "lettuce", + "honey", + "ginger", + "onions", + "jasmine rice", + "sesame oil", + "garlic cloves", + "soy sauce", + "pork chops", + "apples", + "pears" + ] + }, + { + "id": 15549, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "bacon", + "carrots", + "ground cumin", + "parsnips", + "potatoes", + "lima beans", + "celery", + "beef bouillon granules", + "garlic", + "mole sauce", + "water", + "red wine", + "beef heart", + "onions" + ] + }, + { + "id": 14623, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "crushed red pepper", + "onions", + "pasta", + "dry white wine", + "carrots", + "grated lemon peel", + "fresh marjoram", + "diced tomatoes", + "low salt chicken broth", + "andouille chicken sausage", + "garlic cloves", + "chicken thighs" + ] + }, + { + "id": 15393, + "cuisine": "indian", + "ingredients": [ + "chat masala", + "grated coconut", + "potatoes", + "cilantro", + "salt", + "green chilies", + "corn starch", + "ground cumin", + "ajwain", + "garam masala", + "chili powder", + "kasuri methi", + "all-purpose flour", + "oil", + "coriander", + "sugar", + "water", + "mint leaves", + "ginger", + "cilantro leaves", + "cumin seed", + "jeera", + "tomatoes", + "black pepper", + "fresh peas", + "dates", + "garlic", + "tamarind paste", + "lemon juice", + "ground turmeric" + ] + }, + { + "id": 8039, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "chopped green bell pepper", + "chopped onion", + "olive oil", + "chili powder", + "pepper", + "jalapeno chilies", + "boneless skinless chicken breast halves", + "hot pepper sauce", + "salt" + ] + }, + { + "id": 26854, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "chopped celery", + "eggs", + "wonton wrappers", + "cooked chicken", + "chili sauce", + "diced green chilies", + "sweet and sour sauce" + ] + }, + { + "id": 21018, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "purple onion", + "refrigerated piecrusts", + "brie cheese", + "kalamata", + "plum tomatoes", + "grated parmesan cheese", + "fresh oregano" + ] + }, + { + "id": 38971, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "baking mix", + "sour cream", + "lime" + ] + }, + { + "id": 21260, + "cuisine": "indian", + "ingredients": [ + "ground red pepper", + "canola oil", + "minced garlic", + "chopped cilantro fresh", + "plain low-fat yogurt", + "salt", + "garam masala", + "large shrimp" + ] + }, + { + "id": 12096, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "goat cheese", + "pesto", + "pizza sauce", + "plum tomatoes", + "refrigerated pizza dough", + "shredded mozzarella cheese", + "pinenuts", + "havarti cheese" + ] + }, + { + "id": 43486, + "cuisine": "french", + "ingredients": [ + "white onion", + "pumpkin seeds", + "extra-virgin olive oil", + "chopped fresh mint", + "tomatillos", + "fresh lime juice", + "trout", + "poblano chiles" + ] + }, + { + "id": 36858, + "cuisine": "italian", + "ingredients": [ + "oil-cured black olives", + "freshly ground pepper", + "bread crumb fresh", + "extra-virgin olive oil", + "fish", + "green olives", + "lemon wedge", + "sardines", + "rosemary", + "salt" + ] + }, + { + "id": 40559, + "cuisine": "greek", + "ingredients": [ + "eggplant", + "butter", + "garlic cloves", + "dried oregano", + "crushed tomatoes", + "grated parmesan cheese", + "chopped celery", + "flat leaf parsley", + "ground cinnamon", + "large egg yolks", + "portabello mushroom", + "carrots", + "olive oil", + "whole milk", + "all-purpose flour", + "onions" + ] + }, + { + "id": 30129, + "cuisine": "greek", + "ingredients": [ + "rosemary sprigs", + "chop fine pecan", + "salt", + "pepper", + "butter", + "cream cheese, soften", + "seasoned bread crumbs", + "egg yolks", + "all-purpose flour", + "fresh rosemary", + "large eggs", + "kalamata", + "sour cream" + ] + }, + { + "id": 42776, + "cuisine": "mexican", + "ingredients": [ + "potatoes", + "ground beef", + "chopped green chilies", + "frozen corn", + "water", + "diced tomatoes", + "onions", + "hominy", + "salsa" + ] + }, + { + "id": 37333, + "cuisine": "russian", + "ingredients": [ + "granulated sugar", + "whipping cream", + "blanched almonds", + "cream style cottage cheese", + "salt", + "egg yolks", + "vanilla extract", + "butter", + "candied fruit" + ] + }, + { + "id": 42746, + "cuisine": "japanese", + "ingredients": [ + "salt", + "caster sugar", + "rice", + "dried kelp", + "rice vinegar", + "water" + ] + }, + { + "id": 5624, + "cuisine": "spanish", + "ingredients": [ + "fideos", + "extra-virgin olive oil", + "California bay leaves", + "sugar", + "fish stock", + "spanish chorizo", + "flat leaf parsley", + "minced garlic", + "diced tomatoes", + "chopped onion", + "mussels", + "dry white wine", + "salt", + "juice" + ] + }, + { + "id": 12692, + "cuisine": "mexican", + "ingredients": [ + "sliced black olives", + "KRAFT Mexican Style Finely Shredded Four Cheese", + "refried beans", + "green onions", + "sour cream", + "chips", + "salsa", + "taco seasoning mix", + "shredded lettuce", + "crackers" + ] + }, + { + "id": 14203, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "dry white wine", + "extra-virgin olive oil", + "olive oil", + "butter", + "flat leaf parsley", + "low sodium vegetable broth", + "shallots", + "salt", + "lobster", + "diced tomatoes" + ] + }, + { + "id": 27585, + "cuisine": "thai", + "ingredients": [ + "peanuts", + "rice noodles", + "shrimp", + "lime", + "tom yum paste", + "garlic", + "gai lan", + "coconut milk powder", + "ginger", + "thai basil", + "cilantro" + ] + }, + { + "id": 13253, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "vegetable oil", + "sour cream", + "jalapeno chilies", + "tomatillos", + "chopped cilantro fresh", + "ground pepper", + "coarse salt", + "corn tortillas", + "cotija", + "boneless skinless chicken breasts", + "garlic cloves" + ] + }, + { + "id": 7468, + "cuisine": "italian", + "ingredients": [ + "sweet onion", + "dry white wine", + "salt", + "arborio rice", + "shredded extra sharp cheddar cheese", + "butter", + "sliced green onions", + "olive oil", + "pimentos", + "garlic cloves", + "pepper", + "low sodium chicken broth", + "bacon" + ] + }, + { + "id": 3395, + "cuisine": "vietnamese", + "ingredients": [ + "ground black pepper", + "nuoc mam", + "soy sauce", + "meat", + "chinese five-spice powder", + "cornish game hens", + "salt", + "honey", + "garlic", + "ground cumin" + ] + }, + { + "id": 27840, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dry white wine", + "onions", + "sausage casings", + "ground black pepper", + "salt", + "light cream", + "garlic", + "rigatoni", + "crushed tomatoes", + "grated parmesan cheese", + "fresh parsley" + ] + }, + { + "id": 401, + "cuisine": "italian", + "ingredients": [ + "crushed red pepper flakes", + "flat leaf parsley", + "coarse salt", + "whole wheat linguine", + "extra-virgin olive oil", + "lemon", + "garlic cloves" + ] + }, + { + "id": 19534, + "cuisine": "filipino", + "ingredients": [ + "fresh ginger", + "peas", + "garlic salt", + "tomato sauce", + "potatoes", + "red bell pepper", + "ground black pepper", + "oyster sauce", + "chicken", + "soy sauce", + "vegetable oil", + "onions" + ] + }, + { + "id": 8578, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "parmesan cheese", + "onions", + "clove", + "black pepper", + "butter", + "eggs", + "parsley", + "pasta", + "white wine", + "bacon" + ] + }, + { + "id": 6627, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium soy sauce", + "pineapple", + "corn starch", + "sliced almonds", + "green onions", + "oil", + "mirin", + "white wine vinegar", + "ginger root", + "pepper", + "boneless skinless chicken breasts", + "garlic cloves" + ] + }, + { + "id": 8645, + "cuisine": "french", + "ingredients": [ + "fresh thyme", + "salt", + "ground black pepper", + "butter", + "cooking spray", + "roasting chickens", + "dijon mustard", + "fresh tarragon" + ] + }, + { + "id": 4069, + "cuisine": "mexican", + "ingredients": [ + "cooked chicken", + "flour tortillas", + "sour cream", + "cheddar cheese", + "green enchilada sauce", + "sliced olives" + ] + }, + { + "id": 2739, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "warm water", + "ground nutmeg", + "sanding sugar", + "sugar syrup", + "brown sugar", + "milk", + "golden raisins", + "salt", + "melted butter", + "sugar", + "active dry yeast", + "cinnamon", + "all-purpose flour", + "powdered sugar", + "water", + "unsalted butter", + "vanilla", + "chopped pecans" + ] + }, + { + "id": 16679, + "cuisine": "irish", + "ingredients": [ + "milk", + "extra-virgin olive oil", + "red potato", + "baby spinach", + "salt", + "parsley", + "garlic", + "cheddar cheese", + "butter", + "ground lamb" + ] + }, + { + "id": 43964, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "water", + "cumin seed", + "tumeric", + "salt", + "dried red chile peppers", + "asafoetida", + "ginger", + "lemon juice", + "moong dal", + "green chilies", + "canola oil" + ] + }, + { + "id": 36397, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "low sodium chicken broth", + "garlic cloves", + "finely chopped onion", + "salt", + "dried oregano", + "black pepper", + "flour", + "poblano chiles", + "jalapeno chilies", + "oil", + "cumin" + ] + }, + { + "id": 6019, + "cuisine": "italian", + "ingredients": [ + "cheese tortellini", + "freshly ground pepper", + "water", + "white wine vinegar", + "garlic", + "flat leaf parsley", + "vegetable oil", + "salt" + ] + }, + { + "id": 25470, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "unsalted butter", + "roasted garlic", + "lemon juice", + "mayonaise", + "garlic powder", + "paprika", + "rolls", + "onions", + "tomatoes", + "olive oil", + "blackening seasoning", + "cayenne pepper", + "shrimp", + "kosher salt", + "ground nutmeg", + "romaine lettuce leaves", + "cumin seed", + "dried oregano" + ] + }, + { + "id": 38436, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "salt", + "cucumber", + "ground turmeric", + "lime", + "ginger", + "cumin seed", + "fillets", + "fresh coriander", + "goat", + "cardamom pods", + "fresh mint", + "olive oil", + "purple onion", + "garlic cloves", + "chillies" + ] + }, + { + "id": 3394, + "cuisine": "italian", + "ingredients": [ + "butter", + "ham", + "grated parmesan cheese", + "basil dried leaves", + "boneless skinless chicken breast halves", + "dried tarragon leaves", + "paprika", + "garlic salt", + "swiss cheese", + "dry bread crumbs" + ] + }, + { + "id": 10016, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "cooking spray", + "ice water", + "large egg whites", + "butter", + "all-purpose flour", + "cider vinegar", + "baking powder", + "paprika", + "chorizo", + "yukon gold potatoes", + "salt" + ] + }, + { + "id": 20657, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "fresh ginger", + "garlic", + "coconut milk", + "cumin", + "tomato sauce", + "curry powder", + "heavy cream", + "oil", + "coriander", + "tumeric", + "water", + "boneless skinless chicken breasts", + "salt", + "onions", + "sugar", + "fresh cilantro", + "paprika", + "cardamom", + "cashew nuts" + ] + }, + { + "id": 46120, + "cuisine": "french", + "ingredients": [ + "apple cider vinegar", + "sugar", + "salt", + "ice water", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 6656, + "cuisine": "japanese", + "ingredients": [ + "ground cardamom", + "milk", + "nuts", + "sugar", + "ghee", + "grated carrot" + ] + }, + { + "id": 39511, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "cream style corn", + "evaporated milk", + "corn starch", + "eggs", + "butter" + ] + }, + { + "id": 8233, + "cuisine": "italian", + "ingredients": [ + "green olives", + "olive oil", + "sea salt", + "slivered almonds", + "ground black pepper", + "purple onion", + "capers", + "eggplant", + "garlic", + "tomatoes", + "herb vinegar", + "Italian parsley leaves", + "dried oregano" + ] + }, + { + "id": 543, + "cuisine": "mexican", + "ingredients": [ + "garbanzo beans", + "salt", + "monterey jack", + "avocado", + "fat-free chicken broth", + "dried oregano", + "chicken meat", + "cooked white rice", + "chile pepper", + "chipotles in adobo" + ] + }, + { + "id": 47800, + "cuisine": "indian", + "ingredients": [ + "salt", + "grated coconut", + "long-grain rice", + "broad beans", + "rice", + "water", + "coconut milk" + ] + }, + { + "id": 14772, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "converted rice", + "chopped cilantro fresh", + "chile powder", + "minced garlic", + "rice", + "ground cumin", + "black beans", + "diced tomatoes", + "dried oregano", + "chicken stock", + "finely chopped onion", + "fresh lime juice" + ] + }, + { + "id": 16963, + "cuisine": "french", + "ingredients": [ + "fresh lemon juice", + "butter", + "salt", + "ground cumin" + ] + }, + { + "id": 5215, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "canola oil", + "lower sodium soy sauce", + "lemongrass", + "sambal ulek", + "boneless skinless chicken breasts" + ] + }, + { + "id": 29498, + "cuisine": "cajun_creole", + "ingredients": [ + "red beans", + "salt", + "bay leaf", + "andouille sausage", + "canned tomatoes", + "garlic cloves", + "chili powder", + "cayenne pepper", + "onions", + "chicken broth", + "red pepper", + "rice", + "cumin" + ] + }, + { + "id": 26572, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "unsalted butter", + "heavy cream", + "organic unsalted butter", + "whole wheat pastry flour", + "baking powder", + "free range egg", + "pure vanilla extract", + "baking soda", + "bourbon whiskey", + "fresh mint", + "mint", + "raw cane sugar", + "fine sea salt", + "wildflower honey" + ] + }, + { + "id": 8040, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "scallions", + "milk", + "baking potatoes", + "sugar", + "fresh peas", + "ground black pepper", + "salt" + ] + }, + { + "id": 4122, + "cuisine": "italian", + "ingredients": [ + "vegetable oil cooking spray", + "finely chopped onion", + "nonfat ricotta cheese", + "reduced fat reduced sodium tomato and herb pasta sauce", + "part-skim mozzarella cheese", + "cream cheese, soften", + "italian seasoning", + "pepper", + "garlic cloves", + "oregano", + "frozen chopped spinach", + "fresh parmesan cheese", + "manicotti" + ] + }, + { + "id": 18846, + "cuisine": "russian", + "ingredients": [ + "eggs", + "all-purpose flour", + "sea salt", + "ground beef", + "water", + "garlic cloves", + "ground pork", + "onions" + ] + }, + { + "id": 24451, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "melted butter", + "salt", + "milk", + "cornmeal", + "large eggs", + "boiling water" + ] + }, + { + "id": 25561, + "cuisine": "british", + "ingredients": [ + "pork", + "finely chopped onion", + "all-purpose flour", + "shortening", + "water", + "apples", + "cold water", + "shredded cheddar cheese", + "dried sage", + "sugar", + "milk", + "salt" + ] + }, + { + "id": 13337, + "cuisine": "mexican", + "ingredients": [ + "chicken breast halves", + "organic chicken broth", + "honey", + "butter", + "hominy", + "chopped cilantro fresh", + "chiles", + "balsamic vinegar", + "ground cumin" + ] + }, + { + "id": 36440, + "cuisine": "filipino", + "ingredients": [ + "garlic powder", + "dried oregano", + "light brown sugar", + "pork shoulder", + "dijon mustard", + "ground cumin", + "kosher salt", + "peppercorns" + ] + }, + { + "id": 13182, + "cuisine": "japanese", + "ingredients": [ + "red chili peppers", + "vegetable oil", + "eggplant", + "soy sauce", + "salt", + "sugar", + "sesame oil" + ] + }, + { + "id": 25037, + "cuisine": "indian", + "ingredients": [ + "methi leaves", + "coriander powder", + "paneer", + "oil", + "water", + "green peas", + "cilantro leaves", + "ground turmeric", + "pepper", + "yoghurt", + "salt", + "onions", + "garam masala", + "garlic", + "green chilies", + "ground cumin" + ] + }, + { + "id": 5549, + "cuisine": "mexican", + "ingredients": [ + "salt", + "pinto beans", + "water", + "light cream cheese", + "salsa", + "chicken breasts", + "taco seasoning" + ] + }, + { + "id": 19715, + "cuisine": "southern_us", + "ingredients": [ + "frozen whole kernel corn", + "baking powder", + "white cornmeal", + "sugar", + "jalapeno chilies", + "salt", + "Mexican cheese blend", + "vegetable oil", + "boiling water", + "fresh cilantro", + "half & half", + "softened butter" + ] + }, + { + "id": 32202, + "cuisine": "greek", + "ingredients": [ + "lemon rind", + "salt", + "chopped cilantro fresh", + "ground black pepper", + "fresh parsley", + "fat free yogurt", + "cucumber" + ] + }, + { + "id": 4389, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cannellini beans", + "carrots", + "fat free less sodium chicken broth", + "sherry", + "chopped onion", + "black pepper", + "prosciutto", + "chopped celery", + "fresh parsley", + "water", + "bay leaves", + "garlic cloves" + ] + }, + { + "id": 42996, + "cuisine": "thai", + "ingredients": [ + "dairy free coconut ice cream", + "light brown sugar", + "cookies", + "unsweetened shredded dried coconut", + "heavy cream", + "granulated sugar", + "unsalted dry roast peanuts" + ] + }, + { + "id": 485, + "cuisine": "jamaican", + "ingredients": [ + "peach schnapps", + "unsweetened pineapple juice", + "orange juice", + "coconut rum", + "gold tequila", + "margarita mix" + ] + }, + { + "id": 28084, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "butter", + "shallots", + "whipping cream", + "grated parmesan cheese", + "cheese tortellini", + "chopped fresh thyme" + ] + }, + { + "id": 9744, + "cuisine": "chinese", + "ingredients": [ + "pancake batter", + "water chestnuts", + "rice vinegar", + "canola oil", + "boneless chop pork", + "hoisin sauce", + "cilantro leaves", + "corn starch", + "low sodium soy sauce", + "shiitake", + "ginger", + "carrots", + "savoy cabbage", + "sesame seeds", + "fresh orange juice", + "scallions" + ] + }, + { + "id": 35909, + "cuisine": "italian", + "ingredients": [ + "salami", + "extra-virgin olive oil", + "dried oregano", + "ground black pepper", + "red wine vinegar", + "provolone cheese", + "kosher salt", + "fusilli", + "purple onion", + "artichok heart marin", + "Italian parsley leaves", + "oil" + ] + }, + { + "id": 10710, + "cuisine": "southern_us", + "ingredients": [ + "dijon mustard", + "salt", + "sugar", + "fresh thyme leaves", + "ham", + "black pepper", + "vegetable oil", + "fresh thyme", + "pineapple juice" + ] + }, + { + "id": 19073, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "yellow onion", + "bacon", + "grated parmesan cheese", + "black pepper", + "linguine" + ] + }, + { + "id": 38503, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "pork spareribs", + "brown sugar", + "chili powder", + "oregano", + "barbecue sauce", + "garlic salt", + "white pepper", + "paprika", + "cumin" + ] + }, + { + "id": 28133, + "cuisine": "southern_us", + "ingredients": [ + "Tabasco Pepper Sauce", + "water", + "kosher salt", + "old bay seasoning", + "peanuts" + ] + }, + { + "id": 13821, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "dry sherry", + "bok choy", + "soy sauce", + "chicken breast halves", + "fat skimmed chicken broth", + "fresh ginger", + "salt", + "white pepper", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 47720, + "cuisine": "southern_us", + "ingredients": [ + "bread crumb fresh", + "cinnamon", + "unsalted butter", + "salt", + "water", + "apples", + "light brown sugar", + "nonfat vanilla frozen yogurt" + ] + }, + { + "id": 20461, + "cuisine": "moroccan", + "ingredients": [ + "canned chicken broth", + "raisins", + "tomatoes", + "dried thyme", + "couscous", + "ground cinnamon", + "butter", + "dried basil", + "chickpeas" + ] + }, + { + "id": 42452, + "cuisine": "spanish", + "ingredients": [ + "plain low-fat yogurt", + "fat-free mayonnaise", + "ground red pepper", + "white vinegar", + "paprika", + "tomato sauce", + "ground cumin" + ] + }, + { + "id": 29480, + "cuisine": "italian", + "ingredients": [ + "sugar", + "part-skim mozzarella cheese", + "onion powder", + "garlic cloves", + "crushed tomatoes", + "lasagna noodles", + "salt", + "pepper", + "garlic powder", + "part-skim ricotta cheese", + "dried oregano", + "dried basil", + "zucchini", + "cream cheese" + ] + }, + { + "id": 22315, + "cuisine": "french", + "ingredients": [ + "beef bones", + "chopped celery", + "black peppercorns", + "bay leaves", + "thyme sprigs", + "cold water", + "parsley sprigs", + "yellow onion", + "tomato paste", + "cooking spray", + "carrots" + ] + }, + { + "id": 8073, + "cuisine": "japanese", + "ingredients": [ + "spinach", + "sesame oil", + "rice vinegar", + "cauliflower", + "sushi rice", + "sea salt", + "nori", + "avocado", + "water", + "cauliflower florets", + "sugar", + "chili oil", + "toasted sesame seeds" + ] + }, + { + "id": 47047, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "cinnamon sticks", + "ice cubes", + "dried hibiscus blossoms" + ] + }, + { + "id": 34847, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "parmesan cheese", + "garlic", + "fresh parsley", + "eggs", + "dried basil", + "low sodium chicken broth", + "carrots", + "kosher salt", + "swiss chard", + "yellow onion", + "italian seasoning", + "black pepper", + "olive oil", + "tubetti", + "ground beef" + ] + }, + { + "id": 8793, + "cuisine": "indian", + "ingredients": [ + "chicken legs", + "peeled fresh ginger", + "purple onion", + "cinnamon sticks", + "warm water", + "chili powder", + "cardamom pods", + "tumeric", + "Turkish bay leaves", + "salt", + "clove", + "whole milk yoghurt", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 30798, + "cuisine": "korean", + "ingredients": [ + "ketchup", + "garlic", + "scallions", + "low sodium soy sauce", + "sesame seeds", + "rice vinegar", + "chicken wings", + "sesame oil", + "dark brown sugar", + "fresh ginger", + "crushed red pepper" + ] + }, + { + "id": 25856, + "cuisine": "chinese", + "ingredients": [ + "savoy cabbage", + "butter", + "oil", + "ginger paste", + "pepper", + "chinese five-spice powder", + "chicken noodle soup", + "soy sauce", + "salt", + "onions", + "lean minced beef", + "ground coriander", + "noodles" + ] + }, + { + "id": 29634, + "cuisine": "mexican", + "ingredients": [ + "coconut oil", + "orange", + "garlic", + "smoked paprika", + "liquid smoke", + "jackfruit", + "red pepper flakes", + "salt", + "cumin", + "soy sauce", + "lime slices", + "purple onion", + "corn tortillas", + "avocado", + "lime juice", + "cilantro", + "cayenne pepper" + ] + }, + { + "id": 49238, + "cuisine": "irish", + "ingredients": [ + "large eggs", + "all-purpose flour", + "fish fillets", + "malt vinegar", + "peanut oil", + "russet potatoes", + "beer", + "milk", + "salt" + ] + }, + { + "id": 4861, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "chopped fresh thyme", + "fresh mushrooms", + "eggplant", + "salt", + "marjoram", + "fresh basil", + "extra-virgin olive oil", + "freshly ground pepper", + "monkfish", + "white wine vinegar", + "garlic cloves" + ] + }, + { + "id": 44152, + "cuisine": "greek", + "ingredients": [ + "green bell pepper", + "lemon", + "olive oil", + "yellow onion", + "soy sauce", + "garlic", + "pork tenderloin", + "dried oregano" + ] + }, + { + "id": 22370, + "cuisine": "moroccan", + "ingredients": [ + "turnips", + "minced garlic", + "salt", + "ground cayenne pepper", + "ground cinnamon", + "butternut squash", + "oil", + "ground cumin", + "tomato paste", + "low sodium chicken broth", + "chickpeas", + "onions", + "boneless chicken thighs", + "raisins", + "carrots" + ] + }, + { + "id": 24560, + "cuisine": "japanese", + "ingredients": [ + "green cabbage", + "stock", + "ketchup", + "tonkatsu sauce", + "canola oil", + "eggs", + "mayonaise", + "baking powder", + "corn starch", + "seasoning", + "sake", + "green onions", + "all-purpose flour", + "dark soy sauce", + "sugar", + "worcestershire sauce", + "medium shrimp" + ] + }, + { + "id": 8366, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "Shaoxing wine", + "salt", + "dried shrimp", + "dark soy sauce", + "shiitake", + "sticky rice", + "oil", + "chicken stock", + "white pepper", + "sesame oil", + "scallions", + "onions", + "warm water", + "chinese sausage", + "cilantro", + "oyster sauce" + ] + }, + { + "id": 26979, + "cuisine": "indian", + "ingredients": [ + "salt", + "curry powder", + "cumin seed", + "chickpea flour", + "okra", + "olive oil" + ] + }, + { + "id": 21044, + "cuisine": "spanish", + "ingredients": [ + "chili", + "extra-virgin olive oil", + "varnish clams", + "bay leaves", + "fresh lemon juice", + "minced onion", + "garlic cloves", + "dry sherry", + "fresh parsley" + ] + }, + { + "id": 11336, + "cuisine": "cajun_creole", + "ingredients": [ + "shortening", + "smoked sausage", + "long-grain rice", + "chicken", + "bell pepper", + "hot sauce", + "sliced mushrooms", + "minced garlic", + "salt", + "diced celery", + "sliced green onions", + "diced onions", + "beef stock", + "cayenne pepper", + "chopped parsley" + ] + }, + { + "id": 32288, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "salt", + "eggs", + "butter", + "chopped pecans", + "pecan halves", + "vanilla extract", + "cane syrup", + "rum", + "pie shell" + ] + }, + { + "id": 48582, + "cuisine": "korean", + "ingredients": [ + "eggs", + "beef stock", + "rice cakes" + ] + }, + { + "id": 3148, + "cuisine": "southern_us", + "ingredients": [ + "water", + "vegetable oil", + "vegetable shortening", + "grated lemon zest", + "large eggs", + "cinnamon", + "salt", + "unsalted butter", + "dried apple", + "apple cider", + "confectioners sugar", + "light brown sugar", + "baking powder", + "ice water", + "all-purpose flour" + ] + }, + { + "id": 31820, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "boneless chicken breast", + "frozen peas and carrots", + "canola oil", + "eggs", + "pepper", + "salt", + "onions", + "white vinegar", + "ketchup", + "sesame oil", + "cooked white rice", + "sugar", + "minced garlic", + "corn starch", + "garlic salt" + ] + }, + { + "id": 1285, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "freshly ground pepper", + "olive oil", + "shallots", + "asparagus tips", + "Madeira", + "mushrooms", + "beef tenderloin steaks", + "unsalted butter", + "cognac" + ] + }, + { + "id": 31696, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "red bell pepper", + "extra firm tofu", + "fajita size flour tortillas", + "sweet onion", + "salt", + "ground cumin", + "cider vinegar", + "vegetable oil", + "chunky salsa" + ] + }, + { + "id": 37064, + "cuisine": "cajun_creole", + "ingredients": [ + "collard greens", + "leeks", + "butter", + "cayenne pepper", + "low salt chicken broth", + "fresh leav spinach", + "mustard greens", + "chopped celery", + "rice", + "sliced green onions", + "file powder", + "watercress", + "all-purpose flour", + "ham", + "sugar", + "vegetable oil", + "large garlic cloves", + "fresh oregano", + "flat leaf parsley" + ] + }, + { + "id": 13163, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "parmesan cheese", + "bread crumbs", + "freshly ground pepper", + "eggs", + "portabello mushroom", + "olive oil" + ] + }, + { + "id": 2395, + "cuisine": "italian", + "ingredients": [ + "ground round", + "diced tomatoes", + "shredded mozzarella cheese", + "parmesan cheese", + "salt", + "italian seasoning", + "pepper", + "whipping cream", + "onions", + "manicotti shells", + "dry white wine", + "hot Italian sausages" + ] + }, + { + "id": 5877, + "cuisine": "italian", + "ingredients": [ + "ice", + "limoncello", + "syrup", + "club soda", + "lemon wedge" + ] + }, + { + "id": 10607, + "cuisine": "mexican", + "ingredients": [ + "canned black beans", + "vegetable oil", + "chopped cilantro", + "avocado", + "corn kernels", + "garlic", + "kosher salt", + "tomatillos", + "onions", + "corn tortilla chips", + "serrano peppers", + "toasted pumpkinseeds" + ] + }, + { + "id": 477, + "cuisine": "greek", + "ingredients": [ + "sliced black olives", + "angel hair", + "pimentos", + "green onions", + "feta cheese" + ] + }, + { + "id": 5212, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken gizzards", + "sea salt", + "chicken livers", + "celery ribs", + "unsalted butter", + "cayenne pepper", + "flat leaf parsley", + "ground black pepper", + "yellow onion", + "red bell pepper", + "chicken stock", + "green onions", + "garlic cloves", + "long grain white rice" + ] + }, + { + "id": 977, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "spaghetti", + "butter", + "dried basil" + ] + }, + { + "id": 3793, + "cuisine": "cajun_creole", + "ingredients": [ + "capers", + "green onions", + "garlic", + "fresh parsley", + "olive oil", + "sea salt", + "red bell pepper", + "pimento stuffed green olives", + "lemon zest", + "dry red wine", + "celery", + "crushed tomatoes", + "chili powder", + "freshly ground pepper", + "onions" + ] + }, + { + "id": 7270, + "cuisine": "greek", + "ingredients": [ + "milk", + "baking powder", + "farmer cheese", + "olive oil", + "sea salt", + "ground white pepper", + "active dry yeast", + "butter", + "ground allspice", + "saffron threads", + "egg yolks", + "all-purpose flour" + ] + }, + { + "id": 11333, + "cuisine": "mexican", + "ingredients": [ + "crumbled blue cheese", + "coarse kosher salt", + "buffalo sauce", + "chicken breasts", + "shredded Monterey Jack cheese", + "flour tortillas", + "cream cheese" + ] + }, + { + "id": 5089, + "cuisine": "mexican", + "ingredients": [ + "clove", + "cinnamon", + "cumin seed", + "seville orange juice", + "garlic", + "pork butt", + "black peppercorns", + "banana leaves", + "allspice berries", + "annatto seeds", + "salt", + "oregano" + ] + }, + { + "id": 43712, + "cuisine": "irish", + "ingredients": [ + "eggs", + "baking powder", + "salt", + "baking soda", + "buttermilk", + "flour", + "raisins", + "sugar", + "butter" + ] + }, + { + "id": 10753, + "cuisine": "filipino", + "ingredients": [ + "sugar pea", + "egg whites", + "garlic", + "pepper", + "broccoli florets", + "salt", + "honey", + "boneless skinless chicken breasts", + "corn starch", + "soy sauce", + "olive oil", + "red pepper" + ] + }, + { + "id": 32441, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "shredded cheese", + "chicken", + "salt", + "hummus", + "soft taco size flour tortillas", + "enchilada sauce", + "rice", + "chopped cilantro fresh" + ] + }, + { + "id": 18779, + "cuisine": "thai", + "ingredients": [ + "lime", + "rice noodles", + "cilantro leaves", + "lime leaves", + "chicken broth", + "green onions", + "ginger", + "beansprouts", + "lemon grass", + "cilantro", + "carrots", + "curry paste", + "fish sauce", + "chicken breasts", + "salt", + "coconut milk" + ] + }, + { + "id": 38182, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "sesame oil", + "rice vinegar", + "lettuce", + "sesame seeds", + "red pepper flakes", + "soy sauce", + "lean ground beef", + "ground ginger", + "green onions", + "garlic" + ] + }, + { + "id": 287, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "cracked black pepper", + "cooking oil", + "oyster sauce", + "palm sugar", + "garlic cloves", + "dark soy sauce", + "chicken breasts" + ] + }, + { + "id": 8133, + "cuisine": "mexican", + "ingredients": [ + "butter", + "lime", + "corn", + "chillies", + "lime wedges" + ] + }, + { + "id": 1790, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "corn starch", + "light brown sugar", + "rice vinegar", + "water", + "soy sauce", + "pineapple juice" + ] + }, + { + "id": 43550, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "peasant bread" + ] + }, + { + "id": 12095, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "romaine lettuce", + "salad dressing", + "olive oil", + "purple onion" + ] + }, + { + "id": 10637, + "cuisine": "italian", + "ingredients": [ + "garlic", + "red bell pepper", + "ground black pepper", + "fresh lemon juice", + "olive oil", + "anchovy fillets", + "kosher salt", + "crushed red pepper", + "fresh parsley" + ] + }, + { + "id": 41418, + "cuisine": "filipino", + "ingredients": [ + "rolls", + "ground chicken", + "ground beef", + "water", + "ground sausage" + ] + }, + { + "id": 21096, + "cuisine": "southern_us", + "ingredients": [ + "tomatillos", + "salt", + "chopped cilantro fresh", + "poblano peppers", + "extra-virgin olive oil", + "shrimp", + "yellow corn meal", + "bacon", + "freshly ground pepper", + "low-fat milk", + "low sodium chicken broth", + "garlic", + "onions" + ] + }, + { + "id": 38944, + "cuisine": "cajun_creole", + "ingredients": [ + "ground paprika", + "ground black pepper", + "ground white pepper", + "dried basil", + "onion powder", + "dried oregano", + "salmon fillets", + "unsalted butter", + "ground cayenne pepper", + "dried thyme", + "salt" + ] + }, + { + "id": 13899, + "cuisine": "mexican", + "ingredients": [ + "flour", + "salt", + "soy milk", + "canola oil", + "baking powder" + ] + }, + { + "id": 7409, + "cuisine": "italian", + "ingredients": [ + "capers", + "garlic cloves", + "red wine vinegar", + "flat anchovy", + "dijon mustard", + "fresh parsley leaves", + "white bread", + "extra-virgin olive oil" + ] + }, + { + "id": 16578, + "cuisine": "southern_us", + "ingredients": [ + "creole mustard", + "garlic powder", + "parsley leaves", + "onion powder", + "garlic", + "diced celery", + "iceberg lettuce", + "ketchup", + "ground black pepper", + "smoked sweet Spanish paprika", + "worcestershire sauce", + "salt", + "celery seed", + "kosher salt", + "diced red onions", + "green tomatoes", + "paprika", + "hot sauce", + "flat leaf parsley", + "yellow corn meal", + "prepared horseradish", + "egg yolks", + "lemon", + "white wine vinegar", + "shrimp", + "canola oil" + ] + }, + { + "id": 14036, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "bawang goreng", + "scallions", + "chicken stock", + "thai basil", + "ginger", + "chicken", + "lime", + "cilantro", + "mung bean sprouts", + "fish sauce", + "jalapeno chilies", + "rice vermicelli" + ] + }, + { + "id": 24787, + "cuisine": "moroccan", + "ingredients": [ + "chicken broth", + "ground cloves", + "cilantro leaves", + "dried lentils", + "ground black pepper", + "onions", + "lamb for stew", + "potatoes", + "ground cinnamon", + "olive oil", + "couscous" + ] + }, + { + "id": 39292, + "cuisine": "mexican", + "ingredients": [ + "dough", + "monterey jack", + "corn husks", + "salsa verde", + "poblano peppers" + ] + }, + { + "id": 32703, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "ginger", + "sambal ulek", + "lemon grass", + "red bell pepper", + "chicken broth", + "olive oil", + "garlic", + "sugar", + "mushrooms", + "coconut milk" + ] + }, + { + "id": 40344, + "cuisine": "spanish", + "ingredients": [ + "salt and ground black pepper", + "cucumber", + "extra-virgin olive oil", + "dried parsley", + "tomatoes", + "garlic", + "bacon", + "onions" + ] + }, + { + "id": 20416, + "cuisine": "jamaican", + "ingredients": [ + "fresh thyme", + "scallions", + "water", + "salt", + "pepper", + "garlic", + "chicken thighs", + "ground black pepper", + "ground allspice" + ] + }, + { + "id": 33695, + "cuisine": "mexican", + "ingredients": [ + "msg", + "lean ground beef", + "all-purpose flour", + "boiling water", + "shredded extra sharp cheddar cheese", + "diced tomatoes", + "taco seasoning", + "sliced black olives", + "vegetable oil", + "salsa", + "iceberg lettuce", + "avocado", + "instant yeast", + "salt", + "sour cream" + ] + }, + { + "id": 43852, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "purple onion", + "mango", + "avocado", + "jalapeno chilies", + "chopped cilantro", + "pork tenderloin", + "pineapple juice", + "lime juice", + "sea salt", + "fresh pineapple" + ] + }, + { + "id": 20371, + "cuisine": "vietnamese", + "ingredients": [ + "lettuce", + "lemongrass", + "shallots", + "hot sauce", + "pickled vegetables", + "mayonaise", + "radishes", + "cilantro leaves", + "carrots", + "fish sauce", + "ground black pepper", + "salt", + "chinese five-spice powder", + "sugar", + "french bread", + "rice vinegar", + "minced pork" + ] + }, + { + "id": 45534, + "cuisine": "vietnamese", + "ingredients": [ + "milk", + "french fries", + "Sriracha", + "salted roast peanuts", + "garlic powder", + "cilantro", + "mayonaise", + "hoisin sauce" + ] + }, + { + "id": 20299, + "cuisine": "british", + "ingredients": [ + "mustard", + "butter", + "tarragon", + "milk", + "all-purpose flour", + "cheddar cheese", + "salt", + "cauliflower", + "parsley", + "fresh herbs" + ] + }, + { + "id": 24647, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "salt", + "cumin", + "crushed tomatoes", + "chili powder", + "lemon juice", + "tumeric", + "extra firm tofu", + "oil", + "soy yogurt", + "olive oil", + "paprika", + "chopped cilantro" + ] + }, + { + "id": 10799, + "cuisine": "greek", + "ingredients": [ + "pitas", + "salt", + "ground flaxseed", + "cherry tomatoes", + "black olives", + "greek yogurt", + "lettuce", + "garlic", + "low-fat feta", + "olive oil", + "purple onion", + "ground beef" + ] + }, + { + "id": 11616, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "minced garlic", + "green onions", + "bone-in chicken breast halves", + "cooking spray", + "star anise", + "sambal ulek", + "hoisin sauce", + "dry sherry", + "fat free less sodium chicken broth", + "peeled fresh ginger", + "cinnamon sticks" + ] + }, + { + "id": 32610, + "cuisine": "chinese", + "ingredients": [ + "water", + "long grain white rice" + ] + }, + { + "id": 8784, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "green onions", + "salt", + "cranberry sauce", + "dried thyme", + "bacon slices", + "chicken", + "pepper", + "refrigerated piecrusts", + "all-purpose flour", + "celery ribs", + "water", + "green peas", + "carrots" + ] + }, + { + "id": 11731, + "cuisine": "mexican", + "ingredients": [ + "serrano chilies", + "white onion", + "olive oil", + "lime wedges", + "purple onion", + "fresh lime juice", + "sugar", + "fresh cilantro", + "bay leaves", + "chilean sea bass fillets", + "garlic cloves", + "romaine lettuce", + "kosher salt", + "jalapeno chilies", + "red wine vinegar", + "freshly ground pepper", + "frozen orange juice concentrate", + "honey", + "Mexican oregano", + "crema", + "corn tortillas" + ] + }, + { + "id": 13243, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "cold water", + "boiling water", + "tea bags", + "ice cubes" + ] + }, + { + "id": 43123, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "paneer", + "curry paste", + "diced onions", + "baking soda", + "green chilies", + "water", + "shredded zucchini", + "chickpea flour", + "potatoes", + "rice flour" + ] + }, + { + "id": 46150, + "cuisine": "russian", + "ingredients": [ + "black pepper", + "salt", + "fresh parsley", + "vegetable oil", + "sour cream", + "water", + "garlic cloves", + "onions", + "tomato sauce", + "paprika", + "chicken pieces" + ] + }, + { + "id": 31620, + "cuisine": "mexican", + "ingredients": [ + "ancho powder", + "sour cream", + "cotija", + "garlic", + "mayonaise", + "shuck corn", + "lime", + "cilantro leaves" + ] + }, + { + "id": 34299, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "red bell pepper", + "white sugar", + "pineapple chunks", + "water", + "onions", + "green bell pepper", + "red curry paste", + "bamboo shoots", + "jasmine rice", + "coconut milk", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 36865, + "cuisine": "spanish", + "ingredients": [ + "brown sugar", + "cream sherry", + "vanilla beans", + "salt", + "sugar", + "white rice", + "firmly packed brown sugar", + "milk", + "cinnamon sticks" + ] + }, + { + "id": 9335, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "butter", + "fresh lime juice", + "black pepper", + "dry white wine", + "linguine", + "chopped cilantro fresh", + "peeled fresh ginger", + "whipping cream", + "chopped cilantro", + "sea scallops", + "shallots", + "salt", + "plum tomatoes" + ] + }, + { + "id": 44036, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "black sesame seeds", + "fresh leav spinach", + "sesame oil" + ] + }, + { + "id": 15602, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "bay leaves", + "diced tomatoes", + "okra", + "onions", + "bell pepper", + "crushed garlic", + "salt", + "celery", + "olive oil", + "chicken breasts", + "kielbasa", + "shrimp", + "bone broth", + "cajun seasoning", + "hot sauce", + "chicken base" + ] + }, + { + "id": 41500, + "cuisine": "vietnamese", + "ingredients": [ + "hamburger buns", + "shredded carrots", + "scallions", + "fish sauce", + "light soy sauce", + "sesame oil", + "panko breadcrumbs", + "brown sugar", + "red cabbage", + "seasoned rice wine vinegar", + "chopped cilantro fresh", + "broccoli slaw", + "tuna steaks", + "chopped fresh mint" + ] + }, + { + "id": 38677, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "salt", + "dried thyme", + "red pepper flakes", + "dried oregano", + "garlic powder", + "paprika", + "onion powder", + "cayenne pepper" + ] + }, + { + "id": 15568, + "cuisine": "southern_us", + "ingredients": [ + "condensed cream of mushroom soup", + "chopped onion", + "white sugar", + "chicken broth", + "dry bread crumbs", + "cornbread stuffing mix", + "chopped celery", + "crabmeat", + "chopped green bell pepper", + "margarine", + "medium shrimp" + ] + }, + { + "id": 33925, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "water chestnuts", + "ground pork", + "onions", + "soy sauce", + "hoisin sauce", + "low sodium chicken broth", + "garlic", + "low sodium soy sauce", + "duck sauce", + "jalapeno chilies", + "sweet and sour sauce", + "chopped cilantro fresh", + "bread crumb fresh", + "large eggs", + "barbecue sauce", + "scallions" + ] + }, + { + "id": 36950, + "cuisine": "vietnamese", + "ingredients": [ + "lemon zest", + "rice vinegar", + "garlic", + "white sugar", + "ginger", + "bird chile", + "salt" + ] + }, + { + "id": 22012, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "vegetable bouillon", + "diced tomatoes", + "celery", + "seasoning salt", + "potatoes", + "salt", + "cumin", + "olive oil", + "chili powder", + "carrots", + "water", + "hominy", + "garlic", + "onions" + ] + }, + { + "id": 42252, + "cuisine": "italian", + "ingredients": [ + "celery heart", + "purple onion", + "cherry tomatoes", + "sea salt", + "arugula", + "capers", + "red wine vinegar", + "brine-cured black olives", + "bibb lettuce", + "extra-virgin olive oil" + ] + }, + { + "id": 6920, + "cuisine": "french", + "ingredients": [ + "whole wheat flour", + "whole wheat bread", + "eggs", + "grated parmesan cheese", + "dried oregano", + "tomatoes", + "zucchini", + "nonfat yogurt plain", + "low-fat cottage cheese", + "butter" + ] + }, + { + "id": 6686, + "cuisine": "southern_us", + "ingredients": [ + "hot water", + "apple cider vinegar", + "sugar", + "pork shoulder", + "Tabasco Pepper Sauce" + ] + }, + { + "id": 22738, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "anise seed", + "liqueur", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 36929, + "cuisine": "french", + "ingredients": [ + "beef stock", + "black olives", + "garlic cloves", + "fresh parsley", + "ground black pepper", + "extra-virgin olive oil", + "baby carrots", + "bay leaf", + "red wine", + "salt", + "carrots", + "onions", + "celery ribs", + "diced tomatoes", + "all-purpose flour", + "herbes de provence", + "short rib" + ] + }, + { + "id": 8066, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "lemon", + "all-purpose flour", + "grits", + "unsalted butter", + "garlic", + "scallions", + "water", + "bacon", + "sharp cheddar cheese", + "large shrimp", + "chicken stock", + "Tabasco Pepper Sauce", + "salt", + "onions" + ] + }, + { + "id": 6232, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "boneless skinless chicken breasts", + "Rotel Diced Tomatoes & Green Chilies", + "olive oil", + "rice", + "seasoning", + "water", + "salt", + "tomato sauce", + "Mexican cheese blend", + "sour cream" + ] + }, + { + "id": 25454, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "grated parmesan cheese", + "purple onion", + "fresh parsley", + "mayonaise", + "olive oil", + "garlic", + "pepperoncini", + "romaine lettuce", + "cherry tomatoes", + "red pepper flakes", + "salt", + "iceberg lettuce", + "sugar", + "vinegar", + "black olives", + "lemon juice" + ] + }, + { + "id": 21563, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "ricotta cheese", + "salt", + "onions", + "tomato paste", + "mozzarella cheese", + "grated parmesan cheese", + "basil", + "ground beef", + "italian sausage", + "black pepper", + "lasagna noodles", + "diced tomatoes", + "sauce", + "eggs", + "pepper", + "parsley", + "garlic", + "fresh parsley" + ] + }, + { + "id": 24207, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "peanuts", + "black sesame seeds", + "yellow bell pepper", + "carrots", + "angel hair", + "sweet chili sauce", + "ground black pepper", + "sesame oil", + "rice vinegar", + "cooked shrimp", + "soy sauce", + "garlic powder", + "green onions", + "salt", + "red bell pepper", + "green bell pepper", + "fresh cilantro", + "tahini", + "napa cabbage", + "peanut butter" + ] + }, + { + "id": 18890, + "cuisine": "moroccan", + "ingredients": [ + "butter", + "salt", + "tumeric", + "paprika", + "chicken thighs", + "cinnamon", + "ginger", + "cumin", + "lemon", + "cayenne pepper" + ] + }, + { + "id": 35018, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "paneer", + "onions", + "tumeric", + "chili powder", + "cilantro leaves", + "ginger paste", + "tomatoes", + "capsicum", + "salt", + "cumin", + "amchur", + "kasuri methi", + "oil" + ] + }, + { + "id": 22076, + "cuisine": "irish", + "ingredients": [ + "ground black pepper", + "salt", + "celery seed", + "virginia ham", + "bay leaves", + "fresh lemon juice", + "fresh parsley", + "oysters", + "shells", + "rock salt", + "celery root", + "celery ribs", + "unsalted butter", + "grated lemon zest", + "heavy whipping cream" + ] + }, + { + "id": 23427, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "olive oil", + "zucchini", + "garlic", + "cucumber", + "chili flakes", + "water", + "shiitake", + "spring onions", + "sauce", + "beef steak", + "black pepper", + "sesame seeds", + "Sriracha", + "kiwi fruits", + "onions", + "fish sauce", + "honey", + "mirin", + "sesame oil", + "rice" + ] + }, + { + "id": 20628, + "cuisine": "southern_us", + "ingredients": [ + "butter-margarine blend", + "vanilla instant pudding", + "eggs", + "orange juice", + "yellow cake mix", + "chopped pecans", + "sugar", + "oil" + ] + }, + { + "id": 43402, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "large eggs", + "water", + "salt", + "milk", + "pepper", + "butter" + ] + }, + { + "id": 15680, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "rice noodles", + "carrots", + "low sodium vegetable broth", + "ginger", + "water", + "cracked black pepper", + "Earth Balance Buttery Spread", + "chard", + "miso paste", + "garlic" + ] + }, + { + "id": 2930, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "white sugar", + "yellow mustard" + ] + }, + { + "id": 43302, + "cuisine": "indian", + "ingredients": [ + "oil", + "water", + "atta", + "ghee", + "salt" + ] + }, + { + "id": 12999, + "cuisine": "japanese", + "ingredients": [ + "barley miso", + "walnuts", + "blanched almonds", + "warm water" + ] + }, + { + "id": 36619, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "fava beans", + "extra-virgin olive oil", + "fresh parmesan cheese", + "part-skim ricotta cheese", + "pasta", + "mint sprigs", + "chopped fresh mint" + ] + }, + { + "id": 4058, + "cuisine": "british", + "ingredients": [ + "powdered sugar", + "whole milk", + "strawberries", + "cream sherry", + "heavy cream", + "corn starch", + "sugar", + "cake", + "fresh raspberries", + "raspberry jam", + "egg yolks", + "vanilla extract", + "heavy whipping cream" + ] + }, + { + "id": 311, + "cuisine": "cajun_creole", + "ingredients": [ + "brown sugar", + "green onions", + "fresh lime juice", + "olive oil", + "creole seasoning", + "cherry tomatoes", + "salt", + "chopped cilantro fresh", + "boneless chops", + "red bell pepper" + ] + }, + { + "id": 5142, + "cuisine": "mexican", + "ingredients": [ + "yellow bell pepper", + "red bell pepper", + "olive oil", + "fresh oregano", + "zucchini", + "cumin seed", + "purple onion", + "poblano chiles" + ] + }, + { + "id": 37805, + "cuisine": "italian", + "ingredients": [ + "water", + "italian plum tomatoes", + "fresh parsley", + "tomato paste", + "olive oil", + "lean ground beef", + "spaghetti", + "dried basil", + "bay leaves", + "onions", + "tomato sauce", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 5949, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "mayonaise", + "salsa", + "eggs", + "shredded lettuce", + "refried beans" + ] + }, + { + "id": 7836, + "cuisine": "french", + "ingredients": [ + "truffles", + "egg yolks", + "filet", + "bread crumbs", + "potatoes", + "beaten eggs", + "glace de viande", + "Madeira", + "ground black pepper", + "butter", + "fat", + "light cream", + "flour", + "salt" + ] + }, + { + "id": 45724, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "cilantro", + "capers", + "lemon", + "yellow onion", + "eggs", + "potatoes", + "garlic", + "chiles", + "sea salt" + ] + }, + { + "id": 41248, + "cuisine": "italian", + "ingredients": [ + "pepper", + "large eggs", + "garlic", + "roasted red peppers", + "parsley", + "onions", + "olive oil", + "marinara sauce", + "salt", + "mozzarella cheese", + "parmigiano reggiano cheese", + "casings" + ] + }, + { + "id": 25827, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salsa", + "romaine lettuce", + "boneless skinless chicken breasts", + "onions", + "tomatoes", + "flour tortillas", + "sour cream", + "black beans", + "chili powder", + "ground cumin" + ] + }, + { + "id": 44551, + "cuisine": "spanish", + "ingredients": [ + "white vinegar", + "diced tomatoes", + "sour cream", + "low-fat plain yogurt", + "garlic cloves", + "sliced green onions", + "chicken broth", + "salt", + "fresh parsley", + "pepper", + "cucumber" + ] + }, + { + "id": 13200, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "green onions", + "rice vinegar", + "Sriracha", + "ramen noodles", + "honey", + "sesame oil", + "ground ginger", + "large eggs", + "cilantro leaves" + ] + }, + { + "id": 5691, + "cuisine": "korean", + "ingredients": [ + "pepper", + "red pepper", + "brown sugar", + "sesame oil", + "salt", + "ground ginger", + "green onions", + "garlic", + "soy sauce", + "lean ground beef", + "rice" + ] + }, + { + "id": 30424, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "ground pepper", + "vegetable oil", + "fish sauce", + "minced garlic", + "Shaoxing wine", + "crab", + "asparagus", + "large shrimp", + "sugar", + "vegetarian oyster sauce", + "shallots" + ] + }, + { + "id": 7093, + "cuisine": "moroccan", + "ingredients": [ + "dried apricot", + "lemon", + "chopped fresh mint", + "Quorn crumbles", + "couscous", + "ground cumin", + "unsalted cashews", + "sunflower oil", + "ground turmeric", + "ground cinnamon", + "vegetable stock", + "onions" + ] + }, + { + "id": 26192, + "cuisine": "jamaican", + "ingredients": [ + "grated coconut", + "cinnamon", + "cornmeal", + "nutmeg", + "flour", + "vanilla", + "milk", + "butter", + "sugar", + "baking powder", + "salt" + ] + }, + { + "id": 15184, + "cuisine": "greek", + "ingredients": [ + "pasta", + "extra-virgin olive oil", + "feta cheese crumbles", + "boneless skinless chicken breasts", + "fresh lemon juice", + "sliced black olives", + "chopped onion", + "fresh spinach", + "garlic" + ] + }, + { + "id": 21686, + "cuisine": "italian", + "ingredients": [ + "ground nutmeg", + "butter", + "penne pasta", + "pepper", + "flour", + "gruyere cheese", + "grated parmesan cheese", + "white cheddar cheese", + "milk", + "half & half", + "salt" + ] + }, + { + "id": 3971, + "cuisine": "french", + "ingredients": [ + "red potato", + "extra-virgin olive oil", + "black pepper", + "dry bread crumbs", + "fresh basil", + "salt", + "tomatoes", + "chopped fresh thyme", + "garlic cloves" + ] + }, + { + "id": 49346, + "cuisine": "thai", + "ingredients": [ + "fresh ginger", + "cilantro leaves", + "fresh lime juice", + "honey", + "crushed red pepper", + "garlic cloves", + "olive oil", + "salt", + "shrimp", + "unsalted dry roast peanuts", + "rice" + ] + }, + { + "id": 37315, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "garam masala", + "juice", + "sea salt flakes", + "chickpea flour", + "lime", + "natural yogurt", + "nigella seeds", + "fresh coriander", + "sunflower oil", + "carrots", + "ground ginger", + "fresh ginger", + "free range egg", + "ground turmeric" + ] + }, + { + "id": 38558, + "cuisine": "italian", + "ingredients": [ + "basil", + "oregano", + "tomato sauce", + "garlic", + "marinara sauce", + "beef broth", + "dry red wine" + ] + }, + { + "id": 48406, + "cuisine": "british", + "ingredients": [ + "beef drippings", + "beef rib roast", + "all-purpose flour", + "marjoram", + "horseradish", + "milk", + "purple onion", + "garlic cloves", + "eggs", + "pepper", + "cracked black pepper", + "beef broth", + "cream", + "dried thyme", + "salt", + "onions" + ] + }, + { + "id": 34222, + "cuisine": "filipino", + "ingredients": [ + "water", + "miso", + "oil", + "tomatoes", + "radishes", + "garlic", + "leaves", + "ginger", + "onions", + "fish sauce", + "base", + "catfish" + ] + }, + { + "id": 4397, + "cuisine": "mexican", + "ingredients": [ + "water", + "taco seasoning", + "minute rice", + "chicken broth", + "juice" + ] + }, + { + "id": 48943, + "cuisine": "french", + "ingredients": [ + "large eggs", + "buckwheat flour", + "sugar", + "1% low-fat milk", + "butter", + "all-purpose flour", + "water", + "salt" + ] + }, + { + "id": 7037, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "shallots", + "salt", + "water", + "chees fresh mozzarella", + "couscous", + "black pepper", + "diced tomatoes", + "garlic cloves", + "basil leaves", + "extra-virgin olive oil" + ] + }, + { + "id": 48499, + "cuisine": "moroccan", + "ingredients": [ + "whole wheat pita", + "boneless skinless chicken breasts", + "ground cardamom", + "low-fat plain yogurt", + "finely chopped onion", + "salt", + "chopped cilantro fresh", + "coriander seeds", + "ground red pepper", + "cucumber", + "sugar", + "cooking spray", + "mixed greens", + "ground cumin" + ] + }, + { + "id": 4853, + "cuisine": "italian", + "ingredients": [ + "garlic", + "water", + "salt", + "rump roast", + "crushed red pepper", + "cracked black pepper", + "dried oregano" + ] + }, + { + "id": 44786, + "cuisine": "russian", + "ingredients": [ + "large eggs", + "fresh mushrooms", + "dried porcini mushrooms", + "vegetable broth", + "boiling water", + "vegetable oil", + "garlic cloves", + "buckwheat groats", + "onions" + ] + }, + { + "id": 27301, + "cuisine": "chinese", + "ingredients": [ + "dumpling wrappers", + "vegetable oil", + "corn starch", + "cold water", + "fresh ginger root", + "salt", + "chinese black vinegar", + "light soy sauce", + "ground pork", + "toasted sesame oil", + "fresh cilantro", + "granulated sugar", + "scallions" + ] + }, + { + "id": 18394, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "epazote", + "chorizo sausage", + "Knorr Chicken Flavor Bouillon", + "onions", + "water", + "bacon", + "tomatoes", + "vegetable oil", + "serrano chile" + ] + }, + { + "id": 14263, + "cuisine": "spanish", + "ingredients": [ + "green bell pepper", + "fresh cilantro", + "diced tomatoes", + "long-grain rice", + "frozen peas", + "minced garlic", + "olive oil", + "yellow onion", + "ham", + "chicken", + "pepper", + "dried thyme", + "salt", + "mussels, well scrubbed", + "saffron", + "chicken broth", + "chorizo", + "lemon wedge", + "cumin seed", + "bay leaf" + ] + }, + { + "id": 25158, + "cuisine": "moroccan", + "ingredients": [ + "min", + "minced garlic", + "chicken breasts", + "couscous", + "canola oil", + "saffron threads", + "fresh tomatoes", + "low sodium vegetable broth", + "artichokes", + "chopped cilantro fresh", + "preserved lemon", + "minced ginger", + "apricot halves", + "cashew nuts", + "chicken", + "ground cinnamon", + "tumeric", + "ground nutmeg", + "yellow onion", + "olives" + ] + }, + { + "id": 44331, + "cuisine": "mexican", + "ingredients": [ + "pure vanilla extract", + "whole milk", + "cinnamon sticks", + "granulated sugar", + "heavy cream", + "water", + "yolk", + "bittersweet chocolate", + "large eggs", + "salt" + ] + }, + { + "id": 45054, + "cuisine": "cajun_creole", + "ingredients": [ + "low sodium chicken broth", + "diced tomatoes", + "fresh parsley", + "andouille sausage", + "worcestershire sauce", + "vegetable seasoning", + "cajun seasoning", + "long-grain rice", + "ground red pepper", + "garlic", + "sliced green onions" + ] + }, + { + "id": 9404, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "fresh ginger", + "cilantro", + "cumin seed", + "tumeric", + "jalapeno chilies", + "salt", + "ghee", + "tomatoes", + "garam masala", + "garlic", + "mustard seeds", + "water", + "new potatoes", + "ground coriander", + "frozen peas" + ] + }, + { + "id": 28145, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "tortillas", + "salsa", + "garlic salt", + "lime juice", + "chili powder", + "red bell pepper", + "romaine lettuce", + "green onions", + "low-fat yogurt", + "light sour cream", + "Mexican cheese blend", + "lean ground beef", + "chopped cilantro" + ] + }, + { + "id": 23393, + "cuisine": "french", + "ingredients": [ + "water", + "fresh lime juice", + "sugar", + "strawberries", + "fresh orange juice", + "grated orange", + "lime rind", + "tequila" + ] + }, + { + "id": 46467, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "flaked coconut", + "mustard seeds", + "onions", + "fresh curry leaves", + "split black lentils", + "salt", + "dried red chile peppers", + "chopped cilantro fresh", + "tomatoes", + "bengal gram", + "chile pepper", + "asafoetida powder", + "white sugar", + "peanuts", + "cooking oil", + "cumin seed", + "cooked white rice", + "ground turmeric" + ] + }, + { + "id": 994, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "red curry paste", + "tomato sauce", + "leeks", + "ground beef", + "lime zest", + "minced ginger", + "garlic cloves", + "soy sauce", + "light coconut milk" + ] + }, + { + "id": 32840, + "cuisine": "chinese", + "ingredients": [ + "milk", + "green onions", + "salt", + "corn starch", + "sugar", + "vegetables", + "ground pork", + "oil", + "soy sauce", + "Shaoxing wine", + "ginger", + "garlic cloves", + "active dry yeast", + "sesame oil", + "all-purpose flour" + ] + }, + { + "id": 27135, + "cuisine": "mexican", + "ingredients": [ + "salted cashews", + "bananas", + "sugar", + "fresh lemon juice" + ] + }, + { + "id": 11990, + "cuisine": "italian", + "ingredients": [ + "water", + "vegetable oil", + "diced onions", + "grated parmesan cheese", + "sliced mushrooms", + "italian sausage", + "pizza sauce", + "italian seasoning", + "chopped tomatoes", + "sausages" + ] + }, + { + "id": 46405, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "fresh cilantro", + "shallots", + "dark sesame oil", + "boneless chicken thighs", + "ground black pepper", + "garlic", + "kosher salt", + "jalapeno chilies", + "all-purpose flour", + "soy sauce", + "fresh ginger", + "vegetable oil", + "sweet rice wine" + ] + }, + { + "id": 27532, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "extra-virgin olive oil", + "gnocchi", + "water", + "broccoli florets", + "chopped walnuts", + "ground black pepper", + "salt", + "cooked chicken breasts", + "parmesan cheese", + "Italian parsley leaves", + "garlic cloves" + ] + }, + { + "id": 10224, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "coarse salt", + "yellow onion", + "cherry tomatoes", + "extra-virgin olive oil", + "freshly ground pepper", + "peeled fresh ginger", + "cilantro leaves", + "garlic cloves", + "curry powder", + "baby spinach", + "chickpeas" + ] + }, + { + "id": 6941, + "cuisine": "vietnamese", + "ingredients": [ + "dark soy sauce", + "boneless chicken skinless thigh", + "green onions", + "salt", + "medium shrimp", + "sugar", + "chinese sausage", + "lemon", + "garlic cloves", + "fish sauce", + "fresh ginger", + "napa cabbage", + "yellow onion", + "canola oil", + "soy sauce", + "low sodium chicken broth", + "rice vermicelli", + "carrots" + ] + }, + { + "id": 29092, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "cantaloupe" + ] + }, + { + "id": 48860, + "cuisine": "brazilian", + "ingredients": [ + "minced garlic", + "kosher salt", + "shallots", + "pepper", + "butter", + "collard greens", + "olive oil" + ] + }, + { + "id": 7774, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "crushed pretzels", + "unsalted butter", + "vanilla", + "butter", + "pie shell", + "eggs", + "light corn syrup" + ] + }, + { + "id": 31828, + "cuisine": "italian", + "ingredients": [ + "bay leaves", + "diced tomatoes", + "sausage meat", + "butter", + "extra-virgin olive oil", + "onions", + "mushrooms", + "paprika", + "thyme", + "tomato sauce", + "red wine", + "garlic", + "oregano" + ] + }, + { + "id": 5466, + "cuisine": "italian", + "ingredients": [ + "egg roll wrappers", + "shredded mozzarella cheese", + "pepper", + "ricotta cheese", + "garlic salt", + "fresh basil", + "large eggs", + "onions", + "parmesan cheese", + "tomato basil sauce", + "italian-style meatballs" + ] + }, + { + "id": 30057, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "kalamata", + "olive oil", + "fresh oregano leaves", + "hot dog bun", + "kosher salt", + "plum tomatoes" + ] + }, + { + "id": 15407, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "mushrooms", + "all-purpose flour", + "thyme sprigs", + "chuck", + "unsalted butter", + "large garlic cloves", + "carrots", + "onions", + "clove", + "bay leaves", + "dry red wine", + "celery", + "thick-cut bacon", + "brandy", + "vegetable oil", + "boiling onions", + "fresh parsley" + ] + }, + { + "id": 1865, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "grated lemon peel", + "dry white wine", + "low salt chicken broth", + "arborio rice", + "shallots", + "fresh parsley", + "grated parmesan cheese", + "fresh lemon juice" + ] + }, + { + "id": 2584, + "cuisine": "mexican", + "ingredients": [ + "clove", + "white onion", + "Mexican beer", + "dried oregano", + "pasilla chiles", + "olive oil", + "garlic cloves", + "white vinegar", + "guajillo chiles", + "fine salt", + "skirt steak", + "adobo", + "kosher salt", + "cumin seed" + ] + }, + { + "id": 42982, + "cuisine": "italian", + "ingredients": [ + "white chocolate", + "white sugar", + "butter", + "unsweetened cocoa powder", + "baking powder", + "semi-sweet chocolate morsels", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 39783, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salt", + "boneless skinless chicken breast halves", + "mushrooms", + "chopped pecans", + "cooking spray", + "egg noodles, cooked and drained", + "water", + "shallots", + "chopped parsley" + ] + }, + { + "id": 10272, + "cuisine": "southern_us", + "ingredients": [ + "paprika", + "milk", + "cut up cooked chicken", + "mushroom soup", + "Bisquick Baking Mix", + "and carrot green pea" + ] + }, + { + "id": 49520, + "cuisine": "mexican", + "ingredients": [ + "corn", + "jalapeno chilies", + "chopped cilantro fresh", + "lime juice", + "chopped tomatoes", + "yellow onion", + "avocado", + "olive oil", + "salt", + "low sodium vegetable broth", + "quinoa", + "scallions" + ] + }, + { + "id": 13683, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "olive oil", + "lime wedges", + "cilantro leaves", + "cabbage", + "green bell pepper", + "lime", + "jalapeno chilies", + "purple onion", + "corn tortillas", + "avocado", + "white onion", + "garlic powder", + "yellow bell pepper", + "red bell pepper", + "ground chipotle chile pepper", + "cherry tomatoes", + "chili powder", + "salt", + "cumin" + ] + }, + { + "id": 28275, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "milk", + "pure vanilla extract", + "baking soda", + "water" + ] + }, + { + "id": 39253, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "cayenne", + "bay leaves", + "salt", + "ham hock", + "water", + "chopped green bell pepper", + "cajun seasoning", + "chopped onion", + "celery seed", + "dried thyme", + "file powder", + "garlic", + "peanut oil", + "greens", + "andouille sausage", + "garlic powder", + "flour", + "chopped celery", + "sweet paprika", + "dried oregano" + ] + }, + { + "id": 2305, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "all-purpose flour", + "heavy cream", + "baking powder", + "melted butter", + "salt" + ] + }, + { + "id": 17997, + "cuisine": "irish", + "ingredients": [ + "wheat bran", + "old-fashioned oats", + "dark brown sugar", + "baking soda", + "salt", + "whole wheat flour", + "buttermilk", + "toasted wheat germ", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 12353, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "peaches", + "salt", + "cold water", + "sweetener", + "all purpose unbleached flour", + "water", + "vegetable shortening", + "piecrust", + "arrowroot starch", + "canola oil" + ] + }, + { + "id": 39880, + "cuisine": "mexican", + "ingredients": [ + "butter", + "white mushrooms", + "flour tortillas", + "yellow onion", + "olive oil", + "cilantro", + "sour cream", + "bell pepper", + "shredded cheese" + ] + }, + { + "id": 11101, + "cuisine": "cajun_creole", + "ingredients": [ + "frozen pastry puff sheets", + "chicken meat", + "all-purpose flour", + "water", + "cajun seasoning", + "garlic", + "flavoring", + "finely chopped onion", + "butter", + "beaten eggs", + "red bell pepper", + "sausage links", + "whole milk", + "white rice", + "shrimp" + ] + }, + { + "id": 28506, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "garam masala", + "bay leaves", + "purple onion", + "cumin seed", + "cinnamon sticks", + "ground turmeric", + "saffron threads", + "olive oil", + "mint leaves", + "large garlic cloves", + "rice", + "leg of lamb", + "ghee", + "kosher salt", + "ground black pepper", + "marinade", + "yellow onion", + "garlic cloves", + "ground cayenne pepper", + "tomato sauce", + "fresh ginger root", + "curry sauce", + "paprika", + "cardamom pods", + "cucumber", + "basmati rice" + ] + }, + { + "id": 26737, + "cuisine": "japanese", + "ingredients": [ + "large egg whites", + "all-purpose flour", + "milk chocolate", + "baking powder", + "bittersweet chocolate", + "sugar", + "unsalted butter", + "ground cardamom", + "water", + "salt", + "sweetened condensed milk" + ] + }, + { + "id": 17013, + "cuisine": "southern_us", + "ingredients": [ + "heavy cream", + "okra", + "fresh tomato salsa", + "large eggs", + "all-purpose flour", + "shrimp", + "green bell pepper", + "salt", + "freshly ground pepper", + "onions", + "jalapeno chilies", + "peanut oil", + "sour cream" + ] + }, + { + "id": 11859, + "cuisine": "indian", + "ingredients": [ + "boneless chicken breast", + "cooking oil", + "curry sauce", + "cooked rice", + "cilantro" + ] + }, + { + "id": 47743, + "cuisine": "mexican", + "ingredients": [ + "shredded reduced fat cheddar cheese", + "taco seasoning", + "ground chicken", + "garlic", + "olives", + "chili oil", + "onions", + "black beans", + "tortilla chips", + "hot salsa" + ] + }, + { + "id": 18001, + "cuisine": "mexican", + "ingredients": [ + "water", + "baked tortilla chips", + "ground cumin", + "minced garlic", + "stewed tomatoes", + "chopped cilantro fresh", + "chicken breast tenders", + "salt", + "canola oil", + "fat free less sodium chicken broth", + "lime", + "chipotle chile powder" + ] + }, + { + "id": 21482, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "bacon", + "all-purpose flour", + "bay leaf", + "andouille sausage", + "vegetable oil", + "salt", + "celery", + "chicken stock", + "bell pepper", + "garlic", + "ground allspice", + "lacinato kale", + "ground black pepper", + "yellow lentils", + "creole seasoning", + "onions" + ] + }, + { + "id": 17568, + "cuisine": "vietnamese", + "ingredients": [ + "low sodium soy sauce", + "shiitake", + "green onions", + "corn starch", + "brown sugar", + "sherry", + "organic vegetable broth", + "large shrimp", + "cooked rice", + "ground black pepper", + "salt", + "bok choy", + "chile paste", + "peeled fresh ginger", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 46139, + "cuisine": "french", + "ingredients": [ + "olive oil", + "shallots", + "unsalted butter", + "new york strip steaks", + "ground pepper", + "salt", + "brandy", + "veal", + "low sodium beef stock" + ] + }, + { + "id": 13236, + "cuisine": "southern_us", + "ingredients": [ + "rosemary sprigs", + "garlic powder", + "onion powder", + "garlic", + "thyme", + "chicken", + "kosher salt", + "cayenne", + "buttermilk", + "Diamond Crystal® Kosher Salt", + "flat leaf parsley", + "black peppercorns", + "water", + "bay leaves", + "paprika", + "peanut oil", + "brine", + "clover honey", + "ground black pepper", + "lemon", + "all-purpose flour", + "fleur de sel" + ] + }, + { + "id": 43450, + "cuisine": "greek", + "ingredients": [ + "butter", + "flat leaf parsley", + "grape tomatoes", + "garlic", + "lemon", + "medium shrimp", + "dry white wine", + "feta cheese crumbles" + ] + }, + { + "id": 17762, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "anchovy paste", + "lemon juice", + "tuna steaks", + "garlic", + "ground black pepper", + "linguine", + "flat leaf parsley", + "pitted green olives", + "salt" + ] + }, + { + "id": 6619, + "cuisine": "thai", + "ingredients": [ + "corn syrup", + "mango", + "garlic sauce" + ] + }, + { + "id": 33010, + "cuisine": "southern_us", + "ingredients": [ + "red wine vinegar", + "salt", + "pepper", + "garlic", + "chicken broth", + "fresh green bean", + "chopped cilantro", + "unsalted butter", + "purple onion" + ] + }, + { + "id": 47266, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "green pepper", + "avocado", + "roma tomatoes", + "onions", + "corn", + "rice", + "romaine lettuce", + "cooked chicken" + ] + }, + { + "id": 15739, + "cuisine": "french", + "ingredients": [ + "water", + "semisweet chocolate", + "fresh lemon juice", + "unsalted butter", + "vanilla extract", + "kirsch", + "sugar", + "cherries", + "Dutch-processed cocoa powder", + "grated lemon peel", + "large egg yolks", + "whipping cream", + "corn starch" + ] + }, + { + "id": 26065, + "cuisine": "mexican", + "ingredients": [ + "guacamole", + "Old El Paso™ refried beans", + "chicken", + "jack cheese", + "salsa", + "flour tortillas" + ] + }, + { + "id": 19500, + "cuisine": "korean", + "ingredients": [ + "water", + "pepper", + "sesame oil", + "soy sauce", + "beef brisket", + "minced garlic", + "salt" + ] + }, + { + "id": 3219, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "linguine", + "tomatoes", + "sea salt", + "juice", + "red pepper flakes", + "garlic", + "cockles", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 6916, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "tomatillos", + "lard", + "jalapeno chilies", + "salt", + "cooked chicken breasts", + "corn husks", + "garlic", + "onions", + "baking powder", + "cumin seed" + ] + }, + { + "id": 23497, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "pastina", + "pesto", + "water", + "fresh lemon juice", + "chicken breast tenders", + "salt", + "black pepper", + "fresh parmesan cheese", + "celery" + ] + }, + { + "id": 20047, + "cuisine": "greek", + "ingredients": [ + "bread crumbs", + "feta cheese", + "butter", + "all-purpose flour", + "tomato paste", + "eggplant", + "vegetable oil", + "salt", + "milk", + "beef stock", + "garlic", + "onions", + "pepper", + "egg yolks", + "ground veal", + "fresh parsley" + ] + }, + { + "id": 49497, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "peanuts", + "rice noodles", + "oil", + "water", + "chili powder", + "rice vinegar", + "chinese chives", + "sugar", + "large eggs", + "garlic", + "shrimp", + "large egg whites", + "lime wedges", + "firm tofu", + "beansprouts" + ] + }, + { + "id": 4183, + "cuisine": "irish", + "ingredients": [ + "apple juice", + "cabbage", + "brown sugar", + "carrots", + "small red potato", + "corned beef", + "prepared mustard", + "onions" + ] + }, + { + "id": 19866, + "cuisine": "filipino", + "ingredients": [ + "water", + "glutinous rice flour", + "sesame seeds", + "coconut", + "caster sugar", + "salt" + ] + }, + { + "id": 27236, + "cuisine": "mexican", + "ingredients": [ + "orange juice", + "silver tequila", + "syrup", + "pineapple juice" + ] + }, + { + "id": 45253, + "cuisine": "indian", + "ingredients": [ + "cooked rice", + "water", + "jalapeno chilies", + "margarine", + "low salt chicken broth", + "fat free yogurt", + "crushed tomatoes", + "yellow bell pepper", + "garlic cloves", + "medium shrimp", + "dried currants", + "curry powder", + "peeled fresh ginger", + "chopped onion", + "red bell pepper", + "black pepper", + "quinces", + "salt", + "corn starch", + "sliced green onions" + ] + }, + { + "id": 48184, + "cuisine": "spanish", + "ingredients": [ + "low-fat sour cream", + "salt", + "honey", + "grated orange", + "plain low-fat yogurt", + "artichokes", + "fresh dill", + "orange juice" + ] + }, + { + "id": 34895, + "cuisine": "mexican", + "ingredients": [ + "lime", + "medium salsa", + "onions", + "eggs", + "vegetable oil", + "chipotles in adobo", + "tomatoes", + "pepper jack", + "corn tortillas", + "black beans", + "cilantro sprigs", + "adobo sauce" + ] + }, + { + "id": 45768, + "cuisine": "cajun_creole", + "ingredients": [ + "fettucine", + "dried thyme", + "grated parmesan cheese", + "paprika", + "diced yellow onion", + "minced garlic", + "garlic powder", + "turkey sausage", + "cayenne pepper", + "large shrimp", + "black pepper", + "olive oil", + "onion powder", + "salt", + "dried oregano", + "chicken stock", + "dried basil", + "essence seasoning", + "heavy cream", + "green pepper" + ] + }, + { + "id": 37334, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "garlic powder", + "chili powder", + "black olives", + "cumin", + "kosher salt", + "green onions", + "diced tomatoes", + "sour cream", + "white onion", + "low sodium chicken broth", + "lean ground beef", + "hot sauce", + "avocado", + "olive oil", + "colby jack cheese", + "paprika", + "rotini" + ] + }, + { + "id": 26285, + "cuisine": "filipino", + "ingredients": [ + "tomatoes", + "beef bouillon", + "salt", + "pepper", + "potatoes", + "onions", + "water", + "garlic", + "fish sauce", + "cooking oil", + "ground beef" + ] + }, + { + "id": 37388, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "purple onion", + "canola oil", + "tomatoes", + "lime juice", + "shredded lettuce", + "sour cream", + "chicken broth", + "shredded cheddar cheese", + "guacamole", + "frozen corn", + "black beans", + "quinoa", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 49583, + "cuisine": "french", + "ingredients": [ + "mint sprigs", + "fresh lemon juice", + "ground black pepper", + "crème fraîche", + "granulated sugar", + "strawberries", + "light brown sugar", + "raspberry vinegar" + ] + }, + { + "id": 13906, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "pinenuts", + "fresh basil leaves", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 9786, + "cuisine": "chinese", + "ingredients": [ + "custard powder", + "vanilla extract", + "sugar", + "unsalted butter", + "all-purpose flour", + "powdered sugar", + "evaporated milk", + "salt", + "water", + "large eggs" + ] + }, + { + "id": 9817, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "white pepper", + "garlic", + "sugar", + "rice wine", + "potato starch", + "soy sauce", + "sesame oil", + "five spice", + "pork chops", + "sauce" + ] + }, + { + "id": 1695, + "cuisine": "italian", + "ingredients": [ + "sugar", + "finely chopped onion", + "red wine vinegar", + "capers", + "olive oil", + "country style italian bread", + "plum tomatoes", + "green olives", + "pinenuts", + "parsley leaves", + "chopped celery", + "parsley sprigs", + "eggplant", + "golden raisins" + ] + }, + { + "id": 17133, + "cuisine": "southern_us", + "ingredients": [ + "graham cracker crumbs", + "sweetened condensed milk", + "cool whip", + "fresh lemon juice", + "sugar", + "butter", + "large egg yolks", + "grated lemon zest" + ] + }, + { + "id": 29110, + "cuisine": "vietnamese", + "ingredients": [ + "stewing hen", + "Sriracha", + "rice vermicelli", + "fresh basil", + "lime", + "mint sprigs", + "beansprouts", + "cold water", + "chicken bones", + "jalapeno chilies", + "salt", + "fish sauce", + "fresh ginger", + "cilantro sprigs", + "cooked chicken breasts" + ] + }, + { + "id": 4087, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "green onions", + "pinto beans", + "green bell pepper", + "chile pepper", + "bread mix", + "ranch dressing", + "bacon bits", + "shredded cheddar cheese", + "whole kernel corn, drain" + ] + }, + { + "id": 43475, + "cuisine": "thai", + "ingredients": [ + "half & half", + "sugar", + "black tea", + "cardamom pods", + "water", + "sweetened condensed milk" + ] + }, + { + "id": 15097, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "fresh thyme", + "red snapper", + "olive oil", + "sea salt", + "rosemary", + "lemon", + "brandy", + "lemon grass", + "freshly ground pepper" + ] + }, + { + "id": 28910, + "cuisine": "mexican", + "ingredients": [ + "chicken bouillon", + "hot water", + "pasta", + "olive oil", + "garlic salt", + "fresh cilantro", + "onions", + "tomatoes", + "ground black pepper", + "ground cumin" + ] + }, + { + "id": 6900, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "orange roughy fillet", + "chopped celery", + "garlic cloves", + "large shrimp", + "olive oil", + "sea salt", + "all-purpose flour", + "onions", + "water", + "sea bass fillets", + "crushed red pepper", + "fresh parsley", + "tentacles", + "dry white wine", + "extra-virgin olive oil", + "squid", + "plum tomatoes" + ] + }, + { + "id": 43036, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "salt", + "sugar", + "baking powder", + "cooking spray", + "all-purpose flour", + "almonds", + "almond extract" + ] + }, + { + "id": 11088, + "cuisine": "italian", + "ingredients": [ + "pepper", + "red pepper flakes", + "garlic", + "fresh basil", + "baby spinach", + "cheese", + "water", + "diced tomatoes", + "onions", + "italian sausage", + "dried basil", + "cheese tortellini", + "chicken" + ] + }, + { + "id": 13636, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "seasoning mix", + "tortillas", + "shredded Monterey Jack cheese", + "sour cream", + "shredded cheddar cheese", + "chopped cilantro" + ] + }, + { + "id": 2512, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "salsa", + "avocado", + "sirloin steak", + "masa harina", + "kosher salt", + "canola oil", + "cotija", + "nopales" + ] + }, + { + "id": 40094, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "active dry yeast", + "bread crumbs", + "butter", + "warm water", + "flour", + "eggs", + "milk", + "salt" + ] + }, + { + "id": 41621, + "cuisine": "filipino", + "ingredients": [ + "ginger", + "whole chicken", + "lemongrass", + "garlic", + "onions", + "fresh spinach", + "thai chile", + "coconut milk", + "papaya", + "salt" + ] + }, + { + "id": 19384, + "cuisine": "mexican", + "ingredients": [ + "water", + "diced tomatoes", + "chili beans", + "kidney beans", + "ground beef", + "taco seasoning mix", + "liquid", + "tomato sauce", + "chile pepper", + "onions" + ] + }, + { + "id": 27815, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "ham", + "olive oil", + "garlic", + "swiss chard", + "salt", + "pepper", + "grated parmesan cheese" + ] + }, + { + "id": 31571, + "cuisine": "chinese", + "ingredients": [ + "water", + "sesame oil", + "salt", + "soy sauce", + "low sodium chicken broth", + "napa cabbage", + "eggs", + "fresh ginger root", + "vegetable oil", + "corn starch", + "msg", + "green onions", + "ground pork" + ] + }, + { + "id": 18074, + "cuisine": "southern_us", + "ingredients": [ + "nutmeg", + "whole wheat flour", + "sea salt", + "smoked gouda", + "milk", + "onion powder", + "sharp cheddar cheese", + "black pepper", + "parmesan cheese", + "dry mustard", + "noodles", + "dried thyme", + "butter", + "bay leaf" + ] + }, + { + "id": 40651, + "cuisine": "mexican", + "ingredients": [ + "nacho chips", + "green pepper", + "iceberg lettuce", + "cheddar cheese", + "red pepper", + "sour cream", + "tomatoes", + "green onions", + "taco seasoning", + "french dressing", + "salsa", + "ground beef" + ] + }, + { + "id": 998, + "cuisine": "french", + "ingredients": [ + "lettuce leaves", + "green peas", + "ground black pepper", + "shallots", + "unsalted butter", + "sea salt", + "water", + "spring onions", + "carrots" + ] + }, + { + "id": 35801, + "cuisine": "italian", + "ingredients": [ + "capers", + "baby arugula", + "fresh lemon juice", + "eggplant", + "lamb shoulder", + "coarse kosher salt", + "olive oil", + "large garlic cloves", + "red bell pepper", + "ground black pepper", + "fresh oregano" + ] + }, + { + "id": 35965, + "cuisine": "french", + "ingredients": [ + "sage leaves", + "zucchini", + "fresh parsley leaves", + "bread crumb fresh", + "garlic cloves", + "celery ribs", + "oil-cured black olives", + "plum tomatoes", + "olive oil", + "small white beans" + ] + }, + { + "id": 25210, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "ground black pepper", + "ground veal", + "ground beef", + "spanish onion", + "large eggs", + "fat", + "white bread", + "olive oil", + "marinara sauce", + "flat leaf parsley", + "milk", + "grated romano cheese", + "salt", + "chopped garlic" + ] + }, + { + "id": 262, + "cuisine": "japanese", + "ingredients": [ + "yuzu juice", + "grapefruit", + "kosher salt", + "grated lemon zest", + "lime zest", + "grapefruit juice", + "fresh lime juice", + "sugar", + "thai chile" + ] + }, + { + "id": 2003, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "large eggs", + "light soy sauce", + "daikon", + "water", + "vegetable oil", + "sugar", + "mirin", + "bonito" + ] + }, + { + "id": 40676, + "cuisine": "filipino", + "ingredients": [ + "water", + "squid", + "noodles", + "chicken broth", + "mushrooms", + "celery", + "cooking oil", + "corn starch", + "soy sauce", + "salt", + "onions" + ] + }, + { + "id": 43141, + "cuisine": "japanese", + "ingredients": [ + "sushi rice", + "shrimp", + "water", + "nori sheets", + "smoked eel", + "avocado", + "sauce" + ] + }, + { + "id": 5065, + "cuisine": "mexican", + "ingredients": [ + "water", + "white hominy", + "crimini mushrooms", + "yellow onion", + "chicken broth", + "olive oil", + "jalapeno chilies", + "cheese", + "lime juice", + "poblano peppers", + "cilantro", + "bulgur", + "southwest seasoning", + "salsa verde", + "chips", + "salt" + ] + }, + { + "id": 25949, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "paprika", + "vegetable oil cooking spray", + "pepper", + "yellow corn meal", + "salt" + ] + }, + { + "id": 23365, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "minced onion", + "SYD Hot Rub", + "thyme", + "onions", + "celery ribs", + "water", + "red beans", + "salt", + "lard", + "pepper", + "bay leaves", + "white rice", + "ham hock", + "green bell pepper", + "garlic powder", + "butter", + "scallions", + "celery" + ] + }, + { + "id": 41391, + "cuisine": "french", + "ingredients": [ + "quail eggs", + "dijon mustard", + "celery", + "whole grain mustard", + "fresh tarragon", + "safflower oil", + "asparagus", + "white wine vinegar", + "kosher salt", + "shallots" + ] + }, + { + "id": 29044, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "sugar", + "beaten eggs", + "double-acting baking powder", + "vanilla extract", + "mincemeat", + "milk", + "salt" + ] + }, + { + "id": 43155, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "chopped onion", + "corn chips", + "Ranch Style Beans", + "shredded cheddar cheese", + "salad dressing", + "cilantro" + ] + }, + { + "id": 27467, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "water", + "clarified butter", + "salt", + "milk", + "polenta" + ] + }, + { + "id": 26169, + "cuisine": "italian", + "ingredients": [ + "uncooked ziti", + "pecorino romano cheese", + "onions", + "olive oil", + "salt", + "water", + "crushed red pepper", + "tomato paste", + "fennel bulb", + "sweet italian sausage" + ] + }, + { + "id": 24031, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "boneless skinless chicken breasts", + "mozzarella cheese", + "garlic", + "shredded basil", + "balsamic vinegar", + "olive oil" + ] + }, + { + "id": 44204, + "cuisine": "japanese", + "ingredients": [ + "ginger paste", + "mustard oil", + "green chilies", + "hot water" + ] + }, + { + "id": 30599, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "dried chile", + "apple cider", + "mcintosh apples", + "unsalted butter" + ] + }, + { + "id": 26750, + "cuisine": "indian", + "ingredients": [ + "soda", + "salt", + "carrots", + "asafoetida", + "chilli paste", + "curds", + "oats", + "buttermilk", + "cilantro leaves", + "mustard seeds", + "ravva", + "green peas", + "oil" + ] + }, + { + "id": 13313, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "low salt chicken broth", + "butter", + "yellow corn meal", + "bacon", + "pepper" + ] + }, + { + "id": 24143, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "pepper jack", + "pinto beans", + "water", + "tortilla chips", + "chicken breasts" + ] + }, + { + "id": 5564, + "cuisine": "mexican", + "ingredients": [ + "water", + "boneless skinless chicken breasts", + "Ranch Style Beans", + "kidney beans", + "diced tomatoes", + "taco seasoning mix", + "ranch dressing", + "onions", + "black beans", + "white hominy", + "pinto beans" + ] + }, + { + "id": 20559, + "cuisine": "mexican", + "ingredients": [ + "broiler-fryer chicken", + "paprika", + "long grain white rice", + "chicken stock", + "ground black pepper", + "yellow onion", + "olive oil", + "salt", + "oregano", + "tomato paste", + "flour", + "garlic cloves" + ] + }, + { + "id": 15696, + "cuisine": "mexican", + "ingredients": [ + "extra-virgin olive oil", + "red wine vinegar", + "fresh parsley", + "kosher salt", + "garlic", + "red pepper flakes", + "oregano" + ] + }, + { + "id": 45983, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "cucumber", + "pepper", + "purple onion", + "tomatoes", + "black olives", + "dried oregano", + "olive oil", + "salt" + ] + }, + { + "id": 437, + "cuisine": "mexican", + "ingredients": [ + "navy beans", + "black-eyed peas", + "fresh lime juice", + "black beans", + "salt", + "adobo sauce", + "green bell pepper", + "diced tomatoes", + "chipotle peppers", + "sweet onion", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 26177, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "green pepper", + "extra-virgin olive oil", + "cucumber", + "celtic salt", + "garlic cloves", + "white wine vinegar" + ] + }, + { + "id": 21329, + "cuisine": "french", + "ingredients": [ + "chives", + "salt", + "heavy cream", + "freshly ground pepper", + "garlic", + "russet potatoes", + "grated Gruyère cheese" + ] + }, + { + "id": 1933, + "cuisine": "cajun_creole", + "ingredients": [ + "romaine lettuce", + "unsalted butter", + "worcestershire sauce", + "hot sauce", + "flat leaf parsley", + "kosher salt", + "vegetable oil", + "garlic", + "freshly ground pepper", + "mustard", + "rosemary", + "lemon", + "white wine vinegar", + "shrimp", + "french baguette", + "egg yolks", + "cornichons", + "creole seasoning" + ] + }, + { + "id": 47008, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "soft taco size flour tortillas", + "chopped cilantro", + "Mexican cheese blend", + "frozen corn", + "chicken", + "salsa verde", + "salt", + "cumin", + "black beans", + "chili powder", + "sour cream" + ] + }, + { + "id": 3058, + "cuisine": "italian", + "ingredients": [ + "firmly packed light brown sugar", + "half & half", + "ground cinnamon", + "bourbon whiskey", + "coffee" + ] + }, + { + "id": 9677, + "cuisine": "thai", + "ingredients": [ + "curry powder", + "peeled fresh ginger", + "peanut oil", + "serrano chile", + "brown sugar", + "leeks", + "unsalted dry roast peanuts", + "fresh lime juice", + "reduced fat firm tofu", + "less sodium mushroom flavored soy sauce", + "light coconut milk", + "garlic cloves", + "basmati rice", + "water", + "butternut squash", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 47837, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "garlic cloves", + "mustard", + "ground pork", + "dried chile", + "szechwan peppercorns", + "green beans", + "soy sauce", + "oil", + "coarse kosher salt" + ] + }, + { + "id": 3159, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "white wine vinegar", + "almonds", + "boiling water", + "olive oil", + "artichokes", + "saffron threads", + "paprika", + "dried fig" + ] + }, + { + "id": 37766, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "bean sauce", + "fermented black beans", + "chile powder", + "water", + "scallions", + "tofu", + "soy sauce", + "peanut oil", + "pork butt", + "chicken stock", + "szechwan peppercorns", + "corn starch" + ] + }, + { + "id": 47088, + "cuisine": "british", + "ingredients": [ + "mayonaise", + "stilton cheese", + "butter", + "bread slices", + "prepared horseradish", + "roast beef", + "purple onion", + "arugula" + ] + }, + { + "id": 3128, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "pork loin", + "yellow onion", + "minced garlic", + "red pepper flakes", + "white sugar", + "black pepper", + "green onions", + "Gochujang base", + "fresh ginger root", + "rice vinegar", + "canola oil" + ] + }, + { + "id": 18685, + "cuisine": "moroccan", + "ingredients": [ + "chili flakes", + "olive oil", + "ground coriander", + "seedless red grapes", + "curry powder", + "garlic", + "leg of lamb", + "black pepper", + "paprika", + "lemon juice", + "ground cumin", + "dried thyme", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 30839, + "cuisine": "cajun_creole", + "ingredients": [ + "canned low sodium chicken broth", + "cayenne", + "scallions", + "onions", + "green bell pepper", + "ground black pepper", + "salt", + "medium shrimp", + "steamed rice", + "cooking oil", + "celery", + "dried thyme", + "flour", + "bay leaf" + ] + }, + { + "id": 40124, + "cuisine": "mexican", + "ingredients": [ + "water", + "cilantro", + "sour cream", + "boneless skinless chicken breasts", + "salsa", + "corn tortillas", + "garlic powder", + "salt", + "shredded colby", + "pepper", + "chili powder", + "cream cheese", + "cumin" + ] + }, + { + "id": 40981, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "yoghurt", + "olive oil", + "fresh lemon juice", + "ground black pepper" + ] + }, + { + "id": 21645, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "bay leaves", + "habanero", + "canola oil", + "fennel seeds", + "kosher salt", + "cinnamon", + "white wine vinegar", + "clove", + "juniper berries", + "scotch bonnet chile", + "star anise", + "chiles", + "jalapeno chilies", + "red wine vinegar", + "serrano" + ] + }, + { + "id": 46670, + "cuisine": "italian", + "ingredients": [ + "cauliflower", + "parmigiano reggiano cheese", + "water", + "carnaroli rice", + "chicken stock", + "leeks", + "unsalted butter" + ] + }, + { + "id": 3258, + "cuisine": "italian", + "ingredients": [ + "sugar", + "cooking spray", + "extra-virgin olive oil", + "thyme sprigs", + "nectarines", + "capers", + "peaches", + "chopped fresh thyme", + "salt", + "boneless skinless chicken breast halves", + "fresh basil", + "black pepper", + "shallots", + "purple onion", + "fresh parsley", + "pitted kalamata olives", + "french bread", + "red wine vinegar", + "fresh lemon juice", + "plum tomatoes" + ] + }, + { + "id": 39770, + "cuisine": "thai", + "ingredients": [ + "fish fillets", + "salt", + "green beans", + "red chili peppers", + "oil", + "fish sauce", + "red curry paste", + "coriander", + "eggs", + "spring onions", + "corn flour" + ] + }, + { + "id": 34842, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "plum tomatoes", + "onions", + "olive oil", + "spaghetti", + "garlic cloves" + ] + }, + { + "id": 9472, + "cuisine": "italian", + "ingredients": [ + "cheese", + "water", + "polenta corn meal", + "salt", + "butter" + ] + }, + { + "id": 17274, + "cuisine": "italian", + "ingredients": [ + "turkey breast cutlets", + "white wine vinegar", + "tomatoes", + "minced garlic", + "black pepper", + "salt", + "fresh rosemary", + "olive oil" + ] + }, + { + "id": 17179, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "plum wine", + "garlic cloves", + "bottled chili sauce", + "beef stock", + "crushed red pepper", + "peanuts", + "dry red wine", + "peanut oil", + "fresh ginger", + "butter", + "rack of lamb" + ] + }, + { + "id": 32776, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "ground white pepper", + "fettucine", + "heavy cream", + "coarse salt", + "chicken", + "unsalted butter", + "garlic" + ] + }, + { + "id": 16036, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "garam masala", + "green chilies", + "ground turmeric", + "asafoetida", + "ginger", + "lemon juice", + "arhar dal", + "tomatoes", + "water", + "salt", + "onions", + "spinach", + "coriander powder", + "oil", + "cumin" + ] + }, + { + "id": 20678, + "cuisine": "chinese", + "ingredients": [ + "honey", + "chicken fingers", + "fresh cilantro", + "green onions", + "toasted sesame oil", + "soy sauce", + "fresh ginger root", + "garlic cloves", + "lime", + "seasoned rice wine vinegar", + "toasted sesame seeds" + ] + }, + { + "id": 34174, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "butter", + "large eggs", + "vanilla extract", + "sugar", + "light corn syrup", + "refrigerated piecrusts", + "salt" + ] + }, + { + "id": 21069, + "cuisine": "italian", + "ingredients": [ + "fontina", + "fat free milk", + "baking potatoes", + "water", + "large eggs", + "salt", + "black pepper", + "swiss chard", + "butter", + "large egg whites", + "cooking spray", + "fresh parsley" + ] + }, + { + "id": 16221, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "fresh ginger", + "whole milk yoghurt", + "cinnamon", + "cilantro leaves", + "juice", + "ground turmeric", + "clove", + "crushed tomatoes", + "coriander seeds", + "bay leaves", + "garlic", + "cardamom pods", + "onions", + "fennel seeds", + "lime", + "garam masala", + "chili powder", + "lamb shoulder", + "cumin seed", + "basmati rice", + "kosher salt", + "mace", + "potatoes", + "star anise", + "green chilies", + "ghee" + ] + }, + { + "id": 11787, + "cuisine": "mexican", + "ingredients": [ + "cayenne", + "purple onion", + "chopped cilantro", + "lime juice", + "bacon", + "sweet corn", + "black beans", + "jalapeno chilies", + "salt", + "ground cumin", + "olive oil", + "garlic", + "red bell pepper" + ] + }, + { + "id": 2053, + "cuisine": "korean", + "ingredients": [ + "salt", + "green onions", + "gingerroot", + "garlic", + "dried red chile peppers", + "chinese cabbage" + ] + }, + { + "id": 7911, + "cuisine": "french", + "ingredients": [ + "peppermint schnapps", + "fresh raspberries", + "sugar", + "vanilla extract", + "egg yolks", + "fresh mint", + "whipping cream", + "candy" + ] + }, + { + "id": 18487, + "cuisine": "thai", + "ingredients": [ + "low sodium soy sauce", + "broccoli slaw", + "olive oil", + "peanut butter", + "fish sauce", + "papaya", + "sliced cucumber", + "cooked chicken breasts", + "mint", + "lime", + "peanuts", + "boy choy", + "red chili peppers", + "honey", + "red pepper flakes" + ] + }, + { + "id": 41839, + "cuisine": "thai", + "ingredients": [ + "nutmeg", + "fish sauce", + "ground cloves", + "chili powder", + "cayenne pepper", + "chicken pieces", + "cumin", + "kaffir lime leaves", + "red chili peppers", + "curry sauce", + "paprika", + "red bell pepper", + "onions", + "tomatoes", + "tumeric", + "lime", + "cinnamon", + "ground coriander", + "galangal", + "tomato paste", + "dark soy sauce", + "soy sauce", + "shrimp paste", + "garlic", + "coconut milk", + "fresh basil leaves" + ] + }, + { + "id": 45889, + "cuisine": "mexican", + "ingredients": [ + "pork", + "corn tortillas", + "red chile sauce", + "chopped cilantro", + "pepper jack", + "sour cream" + ] + }, + { + "id": 2842, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "sweet potatoes", + "purple onion", + "cinnamon sticks", + "olive oil", + "garlic", + "cilantro leaves", + "black pepper", + "red pepper", + "salt", + "chillies", + "dark chocolate", + "potatoes", + "white wine vinegar", + "chicken leg quarters" + ] + }, + { + "id": 13934, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "black pepper", + "sesame oil", + "salt", + "oyster sauce", + "beansprouts", + "snow peas", + "chinese rice wine", + "green onions", + "ginger", + "chinese five-spice powder", + "red bell pepper", + "noodles", + "brown sugar", + "mushrooms", + "crushed red pepper flakes", + "fry mix", + "corn starch", + "celery", + "cabbage", + "soy sauce", + "chicken breasts", + "garlic", + "chow mein noodles", + "baby corn", + "spaghetti" + ] + }, + { + "id": 43015, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "red wine vinegar", + "ground white pepper", + "vegetable oil", + "dry red wine", + "shallots", + "Italian parsley leaves", + "hanger steak", + "salt" + ] + }, + { + "id": 43579, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cucumber", + "pepper", + "salt", + "rocket leaves", + "balsamic vinegar", + "cherry tomatoes", + "alfalfa sprouts" + ] + }, + { + "id": 28116, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "heavy cream", + "carrots", + "olive oil", + "purple onion", + "ground beef", + "tomatoes", + "ground pork", + "celery", + "coarse salt", + "freshly ground pepper" + ] + }, + { + "id": 2387, + "cuisine": "italian", + "ingredients": [ + "water", + "baking powder", + "candied ginger", + "large eggs", + "salt", + "baking soda", + "vanilla", + "sugar", + "dried apricot", + "all-purpose flour" + ] + }, + { + "id": 12511, + "cuisine": "italian", + "ingredients": [ + "lime juice", + "Italian bread", + "bacon slices", + "mozzarella cheese", + "vinaigrette", + "bibb lettuce", + "plum tomatoes" + ] + }, + { + "id": 33875, + "cuisine": "italian", + "ingredients": [ + "water", + "medium shrimp", + "arborio rice", + "fennel bulb", + "unsalted butter", + "onions", + "chicken broth", + "dry white wine" + ] + }, + { + "id": 861, + "cuisine": "southern_us", + "ingredients": [ + "green tomatoes", + "oil", + "buttermilk", + "cornmeal" + ] + }, + { + "id": 39580, + "cuisine": "irish", + "ingredients": [ + "baking powder", + "all-purpose flour", + "dried currants", + "buttermilk", + "butter", + "white sugar", + "baking soda", + "salt" + ] + }, + { + "id": 31150, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "white sugar", + "water", + "butter", + "cream of tartar", + "dark rum", + "egg whites", + "cashew nuts" + ] + }, + { + "id": 13056, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "red wine", + "arborio rice", + "shallots", + "garlic", + "artichok heart marin", + "asiago", + "chicken broth", + "butter", + "lamb" + ] + }, + { + "id": 37709, + "cuisine": "italian", + "ingredients": [ + "Boston lettuce", + "ground black pepper", + "salt", + "pinenuts", + "balsamic vinegar", + "sugar", + "dijon mustard", + "Bartlett Pear", + "prosciutto", + "extra-virgin olive oil" + ] + }, + { + "id": 11818, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "plum tomatoes", + "fresh basil", + "salt", + "crushed red pepper", + "orecchiette", + "chees fresh mozzarella", + "garlic cloves" + ] + }, + { + "id": 34777, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "anchovy paste", + "spaghetti", + "canned low sodium chicken broth", + "red pepper flakes", + "salt", + "butter", + "garlic", + "olive oil", + "bacon", + "escarole" + ] + }, + { + "id": 27049, + "cuisine": "french", + "ingredients": [ + "red potato", + "tuna steaks", + "tomatoes", + "dijon mustard", + "lemon juice", + "ground black pepper", + "fresh green bean", + "bibb lettuce", + "white wine vinegar" + ] + }, + { + "id": 28334, + "cuisine": "indian", + "ingredients": [ + "salt", + "curry powder", + "sour cream", + "cayenne pepper", + "mango chutney", + "chopped cilantro" + ] + }, + { + "id": 32326, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "hoisin sauce", + "dried shiitake mushrooms", + "dried shrimp", + "chinese sausage", + "bacon", + "rice flour", + "Sriracha", + "cilantro leaves", + "toasted sesame oil", + "soy sauce", + "daikon", + "scallions", + "toasted sesame seeds" + ] + }, + { + "id": 44780, + "cuisine": "southern_us", + "ingredients": [ + "chicken wings", + "honey", + "flour", + "cayenne pepper", + "ground ginger", + "orange", + "ground black pepper", + "paprika", + "dried oregano", + "water", + "garlic powder", + "onion powder", + "mustard powder", + "eggs", + "dried thyme", + "ground sage", + "salt", + "canola oil" + ] + }, + { + "id": 39824, + "cuisine": "italian", + "ingredients": [ + "eggs", + "salt", + "olive oil", + "spaghetti", + "pepper", + "ground beef", + "white bread", + "grated parmesan cheese" + ] + }, + { + "id": 22307, + "cuisine": "spanish", + "ingredients": [ + "chorizo sausage", + "oysters", + "dry sherry" + ] + }, + { + "id": 40717, + "cuisine": "moroccan", + "ingredients": [ + "fresh coriander", + "lemon", + "olive oil", + "fresh lemon juice", + "tomatoes", + "dry white wine", + "fillets", + "preserved lemon", + "coarse salt", + "brine" + ] + }, + { + "id": 47953, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "black sesame seeds", + "garlic cloves", + "low sodium soy sauce", + "sesame seeds", + "salt", + "white vinegar", + "olive oil", + "boneless skinless chicken breasts", + "toasted sesame oil", + "brown sugar", + "flour", + "low sodium chicken stock" + ] + }, + { + "id": 21114, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "organic cane sugar", + "sea salt", + "almond milk", + "kamut flour", + "agave nectar", + "vanilla bean paste", + "kiwi", + "vanilla beans", + "peaches", + "strawberries", + "corn starch", + "nutritional yeast", + "butter", + "fresh lemon juice" + ] + }, + { + "id": 10777, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "unsalted butter", + "arborio rice", + "prosciutto", + "garlic cloves", + "saffron threads", + "fresh parmesan cheese", + "shallots", + "white wine", + "ground black pepper" + ] + }, + { + "id": 13718, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "lemon grass", + "fresh mushrooms", + "fish sauce", + "clove garlic, fine chop", + "fillets", + "fresh basil", + "tom yum paste", + "lime leaves", + "fresh coriander", + "green chilies", + "fresh lime juice" + ] + }, + { + "id": 6060, + "cuisine": "spanish", + "ingredients": [ + "lemon zest", + "fresh lemon juice", + "sherry vinegar", + "extra-virgin olive oil", + "plum tomatoes", + "sliced almonds", + "harissa", + "red bell pepper", + "ground black pepper", + "salt", + "chopped garlic" + ] + }, + { + "id": 12215, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "corn", + "butter", + "salt", + "pepper", + "boneless skinless chicken breasts", + "garlic", + "wheat flour", + "parsley flakes", + "half & half", + "bacon", + "poultry seasoning", + "milk", + "baking powder", + "purple onion" + ] + }, + { + "id": 6897, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "boneless skinless chicken breasts", + "frozen corn", + "onions", + "green bell pepper", + "olive oil", + "onion powder", + "garlic cloves", + "chunky salsa", + "shredded reduced fat cheddar cheese", + "chili powder", + "cayenne pepper", + "whole grain pasta", + "black beans", + "ground black pepper", + "salt", + "sour cream", + "ground cumin" + ] + }, + { + "id": 48355, + "cuisine": "thai", + "ingredients": [ + "low sodium soy sauce", + "olive oil", + "salt", + "cucumber", + "coleslaw", + "honey", + "mandarin oranges", + "Thai fish sauce", + "serrano chile", + "black pepper", + "napa cabbage", + "garlic cloves", + "fresh lime juice", + "sliced green onions", + "fresh basil", + "light pancake syrup", + "cilantro leaves", + "beef tenderloin steaks", + "grated orange" + ] + }, + { + "id": 24626, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "sauce", + "parmesan cheese", + "roast turkey", + "bread slices", + "bacon slices" + ] + }, + { + "id": 17694, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "unsalted butter", + "powdered sugar", + "active dry yeast", + "extra-virgin olive oil", + "Gold Medal Flour", + "granulated sugar", + "warm water", + "honey", + "canola oil" + ] + }, + { + "id": 546, + "cuisine": "mexican", + "ingredients": [ + "green pepper", + "water", + "Velveeta", + "oil", + "salsa" + ] + }, + { + "id": 11798, + "cuisine": "french", + "ingredients": [ + "Boston lettuce", + "fresh thyme", + "shallots", + "anchovy paste", + "green beans", + "fresh basil", + "dijon mustard", + "potatoes", + "red wine vinegar", + "salt", + "capers", + "finely chopped fresh parsley", + "tuna steaks", + "large garlic cloves", + "brine-cured black olives", + "cherry tomatoes", + "large eggs", + "vegetable oil", + "extra-virgin olive oil" + ] + }, + { + "id": 44981, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "shallots", + "boneless skinless chicken breast halves", + "mozzarella cheese", + "large eggs", + "all-purpose flour", + "fresh basil", + "panko", + "crushed red pepper", + "dried oregano", + "crushed tomatoes", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 42564, + "cuisine": "brazilian", + "ingredients": [ + "granulated sugar", + "pecans", + "flaked coconut", + "parmesan cheese", + "sweetened condensed milk", + "egg yolks" + ] + }, + { + "id": 21228, + "cuisine": "brazilian", + "ingredients": [ + "agave nectar", + "berries", + "yoghurt" + ] + }, + { + "id": 4552, + "cuisine": "thai", + "ingredients": [ + "light soy sauce", + "garlic", + "dark soy sauce", + "chicken breasts", + "oyster sauce", + "eggs", + "basil leaves", + "oil", + "sugar", + "thai chile" + ] + }, + { + "id": 3278, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "pizza sauce", + "fresh parmesan cheese", + "pizza doughs", + "part-skim mozzarella cheese", + "pepperoni turkei", + "cremini mushrooms", + "cooking spray" + ] + }, + { + "id": 45741, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "mango", + "fish sauce", + "thai chile", + "sugar", + "garlic", + "kosher salt", + "cayenne pepper" + ] + }, + { + "id": 17296, + "cuisine": "mexican", + "ingredients": [ + "virgin coconut oil", + "lime", + "ear of corn", + "fresh cilantro", + "sea salt", + "ground black pepper", + "smoked paprika" + ] + }, + { + "id": 48166, + "cuisine": "chinese", + "ingredients": [ + "store bought low sodium chicken broth", + "large eggs", + "rice", + "chinese buns", + "Dungeness crabs", + "ginger", + "garlic cloves", + "sweet chili sauce", + "shallots", + "peanut oil", + "sliced green onions", + "tomato paste", + "parsley leaves", + "thai chile", + "corn starch" + ] + }, + { + "id": 43182, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "lean ground beef", + "garlic cloves", + "tomato sauce", + "jalapeno chilies", + "cilantro", + "dried oregano", + "shredded cheddar cheese", + "chili powder", + "green chilies", + "cumin", + "diced onions", + "tortillas", + "vegetable oil", + "sour cream" + ] + }, + { + "id": 16064, + "cuisine": "filipino", + "ingredients": [ + "water", + "salt", + "ox tongue", + "butter", + "onions", + "ground black pepper", + "white mushrooms", + "condensed soup", + "garlic" + ] + }, + { + "id": 40017, + "cuisine": "indian", + "ingredients": [ + "cane sugar", + "powdered milk", + "unsweetened cocoa powder", + "water", + "cashew nuts", + "vanilla extract" + ] + }, + { + "id": 2877, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "milk", + "garlic", + "onions", + "nutmeg", + "bread crumbs", + "parmesan cheese", + "ground meat", + "sugar", + "olive oil", + "salt", + "tomatoes", + "pepper", + "parsley", + "herbes de provence" + ] + }, + { + "id": 25322, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "butter", + "lemon extract", + "almond extract", + "sour cream", + "flour", + "vanilla extract", + "sugar", + "soda", + "salt" + ] + }, + { + "id": 44212, + "cuisine": "brazilian", + "ingredients": [ + "large eggs", + "vegetable oil", + "powdered sugar", + "whole milk", + "fresh lime juice", + "grated parmesan cheese", + "long-grain rice", + "sugar", + "baking powder" + ] + }, + { + "id": 49270, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "Biryani Masala", + "star anise", + "green chilies", + "onions", + "tomatoes", + "water", + "mint leaves", + "rice", + "cinnamon sticks", + "ground turmeric", + "red chili powder", + "mace", + "yoghurt", + "green cardamom", + "bay leaf", + "cumin", + "clove", + "boiled eggs", + "potatoes", + "salt", + "oil", + "shahi jeera" + ] + }, + { + "id": 32897, + "cuisine": "italian", + "ingredients": [ + "fresh parsley", + "salt", + "olives", + "pepper", + "spaghetti", + "garlic cloves" + ] + }, + { + "id": 1870, + "cuisine": "thai", + "ingredients": [ + "minced garlic", + "green onions", + "peanut butter", + "pork shoulder roast", + "low sodium teriyaki sauce", + "long grain white rice", + "water", + "red pepper flakes", + "red bell pepper", + "peanuts", + "rice vinegar" + ] + }, + { + "id": 23483, + "cuisine": "italian", + "ingredients": [ + "warm water", + "bread flour", + "olive oil", + "sugar", + "salt", + "active dry yeast", + "italian seasoning" + ] + }, + { + "id": 413, + "cuisine": "russian", + "ingredients": [ + "sugar", + "smoked kielbasa", + "salt", + "cabbage", + "unsalted butter", + "onions", + "red potato", + "beer" + ] + }, + { + "id": 34425, + "cuisine": "french", + "ingredients": [ + "olive oil", + "diced tomatoes", + "fresh parsley", + "large eggs", + "garlic cloves", + "dried thyme", + "ground red pepper", + "red bell pepper", + "chopped green bell pepper", + "salt" + ] + }, + { + "id": 21917, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "chives", + "lemon juice", + "rosemary sprigs", + "zucchini", + "orzo", + "chicken broth", + "ground black pepper", + "deveined shrimp", + "ouzo", + "lemon zest", + "salt" + ] + }, + { + "id": 41738, + "cuisine": "thai", + "ingredients": [ + "white onion", + "ground black pepper", + "extra-virgin olive oil", + "white wine", + "fresh ginger", + "sea salt", + "thai green curry paste", + "lime juice", + "vegetable oil", + "hamachi", + "unsweetened coconut milk", + "lemongrass", + "heavy cream", + "garlic cloves" + ] + }, + { + "id": 33420, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "salt", + "sour cream", + "jalapeno chilies", + "cream cheese", + "ground black pepper", + "hot sauce", + "smoked gouda", + "purple onion", + "mexican chorizo" + ] + }, + { + "id": 18770, + "cuisine": "italian", + "ingredients": [ + "water", + "beets", + "olive oil", + "chicken", + "honey", + "freshly ground pepper", + "white wine", + "salt" + ] + }, + { + "id": 10493, + "cuisine": "indian", + "ingredients": [ + "tomato juice", + "crushed ice", + "celery stick", + "balsamic vinegar", + "fresh lime juice", + "vodka", + "fine sea salt", + "Madras curry powder", + "ground black pepper", + "fresh lemon juice" + ] + }, + { + "id": 10381, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "yoghurt", + "garlic", + "cumin", + "black pepper", + "paprika", + "chicken fingers", + "tumeric", + "onion powder", + "salt", + "garam masala", + "ginger", + "lemon juice" + ] + }, + { + "id": 40116, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "potatoes", + "ground black pepper", + "creole seasoning", + "garlic powder", + "paprika", + "andouille sausage", + "chopped green bell pepper", + "chopped onion" + ] + }, + { + "id": 37490, + "cuisine": "chinese", + "ingredients": [ + "baby bok choy", + "fat free less sodium beef broth", + "chinese five-spice powder", + "shiitake mushroom caps", + "peeled fresh ginger", + "crushed red pepper", + "Chinese egg noodles", + "sliced green onions", + "kosher salt", + "star anise", + "garlic cloves", + "sirloin tip roast", + "low sodium soy sauce", + "dry sherry", + "peanut oil", + "carrots" + ] + }, + { + "id": 14852, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "fresh ginger", + "garlic", + "chinese black vinegar", + "red chili peppers", + "hoisin sauce", + "peanut oil", + "white sugar", + "soy sauce", + "green onions", + "corn starch", + "dry roasted peanuts", + "chicken breasts", + "toasted sesame oil" + ] + }, + { + "id": 46056, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "ground beef", + "beans", + "salsa", + "tomatoes", + "green onions", + "olives", + "shredded cheddar cheese", + "taco seasoning" + ] + }, + { + "id": 11219, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "chopped cilantro fresh", + "pepper", + "salsa", + "avocado", + "salt", + "green onions", + "tortilla chips" + ] + }, + { + "id": 33038, + "cuisine": "french", + "ingredients": [ + "boneless pork shoulder", + "dried thyme", + "large garlic cloves", + "carrots", + "fresh parsley", + "tomato paste", + "olive oil", + "diced tomatoes", + "low salt chicken broth", + "onions", + "bread crumb fresh", + "dry white wine", + "kielbasa", + "celery", + "great northern beans", + "grated parmesan cheese", + "bacon slices", + "red bell pepper" + ] + }, + { + "id": 40506, + "cuisine": "french", + "ingredients": [ + "water", + "all-purpose flour", + "Burgundy wine", + "chicken bouillon", + "bacon", + "carrots", + "italian seasoning", + "parsley", + "fresh mushrooms", + "onions", + "pepper", + "salt", + "chicken pieces" + ] + }, + { + "id": 41607, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "crackers", + "cider vinegar", + "ranch dressing", + "pork", + "black-eyed peas", + "pepper", + "red bell pepper" + ] + }, + { + "id": 32975, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "butter", + "large eggs", + "grated nutmeg", + "corn", + "salt", + "whole milk" + ] + }, + { + "id": 43670, + "cuisine": "italian", + "ingredients": [ + "butter", + "long-grain rice", + "salt", + "water", + "chopped fresh sage", + "white wine vinegar", + "garlic cloves" + ] + }, + { + "id": 2173, + "cuisine": "italian", + "ingredients": [ + "heavy cream", + "prosciutto", + "salt", + "peas", + "grated parmesan cheese", + "bow-tie pasta" + ] + }, + { + "id": 35241, + "cuisine": "mexican", + "ingredients": [ + "flour", + "sour cream", + "jack cheese", + "butter", + "chicken broth", + "chicken breasts", + "diced green chilies", + "penne pasta" + ] + }, + { + "id": 28345, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "kosher salt", + "basil dried leaves", + "dried leaves oregano", + "baby spinach leaves", + "cheese tortellini", + "chopped onion", + "sugar", + "diced tomatoes", + "garlic", + "chicken stock", + "Jimmy Dean All Natural Regular Pork Sausage", + "cracked black pepper", + "dried red chile peppers" + ] + }, + { + "id": 48464, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "lemon", + "chopped cilantro", + "kosher salt", + "green pepper", + "sweet onion", + "dark brown sugar", + "chiles", + "ginger" + ] + }, + { + "id": 37246, + "cuisine": "british", + "ingredients": [ + "cream of tartar", + "unsalted butter", + "all-purpose flour", + "sugar", + "poppy seeds", + "grated orange peel", + "large eggs", + "orange juice", + "baking soda", + "salt" + ] + }, + { + "id": 9762, + "cuisine": "japanese", + "ingredients": [ + "tomatoes", + "sugar", + "butter", + "onions", + "fenugreek leaves", + "cream", + "gingerroot", + "ground turmeric", + "garlic flakes", + "cottage cheese", + "salt", + "cashew nuts", + "red chili powder", + "garam masala", + "ghee" + ] + }, + { + "id": 9879, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "olive oil", + "crushed red pepper", + "fresh basil", + "stewed tomatoes", + "onions", + "fennel seeds", + "bay scallops", + "salt", + "minced garlic", + "linguine", + "large shrimp" + ] + }, + { + "id": 23283, + "cuisine": "italian", + "ingredients": [ + "eggs", + "dried thyme", + "shredded mozzarella cheese", + "pasta sauce", + "grated parmesan cheese", + "dried oregano", + "sausage casings", + "garlic powder", + "oven-ready lasagna noodles", + "dried basil", + "ricotta cheese" + ] + }, + { + "id": 32754, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "green onions", + "plain whole-milk yogurt", + "peeled fresh ginger", + "fresh lime juice", + "sugar", + "cilantro", + "serrano chile" + ] + }, + { + "id": 1363, + "cuisine": "british", + "ingredients": [ + "pepper", + "salt", + "split peas", + "butter" + ] + }, + { + "id": 5438, + "cuisine": "british", + "ingredients": [ + "milk", + "margarine", + "luke warm water", + "large eggs", + "dry yeast", + "sugar", + "cake flour" + ] + }, + { + "id": 29410, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "lemon", + "onions", + "blue crabs", + "green onions", + "salt", + "water", + "garlic", + "panko breadcrumbs", + "mayonaise", + "butter", + "red bell pepper" + ] + }, + { + "id": 39587, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "vegetable oil spray", + "smoked paprika" + ] + }, + { + "id": 33177, + "cuisine": "mexican", + "ingredients": [ + "salt", + "minced onion", + "chopped cilantro fresh", + "fresh lime juice", + "jalapeno chilies", + "plum tomatoes" + ] + }, + { + "id": 48270, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "vegetable oil", + "chopped cooked meat", + "salt", + "fresh ginger", + "slaw mix", + "egg roll wrappers", + "garlic cloves" + ] + }, + { + "id": 46058, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "chili powder", + "dried oregano", + "chicken stock", + "garlic powder", + "vegetable oil", + "brown sugar", + "ground black pepper", + "all-purpose flour", + "crushed tomatoes", + "onion powder", + "cumin" + ] + }, + { + "id": 43163, + "cuisine": "french", + "ingredients": [ + "water", + "crème fraîche", + "ground cinnamon", + "golden delicious apples", + "large eggs", + "all-purpose flour", + "sugar", + "butter" + ] + }, + { + "id": 16194, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "fresh parmesan cheese", + "cooking spray", + "salt", + "yellow corn meal", + "fat free milk", + "jalapeno chilies", + "purple onion", + "whole wheat flour", + "large eggs", + "chili powder", + "olive oil", + "frozen whole kernel corn", + "baking powder" + ] + }, + { + "id": 11957, + "cuisine": "italian", + "ingredients": [ + "sweet vermouth", + "ice cubes", + "dry gin", + "twists", + "campari" + ] + }, + { + "id": 13766, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "salt", + "egg whites", + "flour", + "superfine sugar", + "unsweetened cocoa powder" + ] + }, + { + "id": 34124, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "water", + "grated parmesan cheese", + "dried oregano", + "mayonaise", + "ground black pepper", + "lemon juice", + "dried basil", + "red wine vinegar" + ] + }, + { + "id": 18371, + "cuisine": "italian", + "ingredients": [ + "sausage links", + "purple onion", + "red bell pepper", + "red potato", + "yellow bell pepper", + "garlic cloves", + "black pepper", + "salt", + "fresh parsley", + "cooking spray", + "fresh oregano" + ] + }, + { + "id": 26663, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "salt", + "catfish fillets", + "butter", + "lemon juice", + "dijon mustard", + "oil", + "mayonaise", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 39912, + "cuisine": "brazilian", + "ingredients": [ + "raw honey", + "vanilla extract", + "butter", + "shredded coconut", + "coconut milk" + ] + }, + { + "id": 32424, + "cuisine": "irish", + "ingredients": [ + "caraway seeds", + "butter", + "salt", + "large eggs", + "currant", + "baking soda", + "buttermilk", + "all-purpose flour", + "baking powder", + "granulated white sugar" + ] + }, + { + "id": 34884, + "cuisine": "korean", + "ingredients": [ + "light brown sugar", + "bell pepper", + "garlic cloves", + "extra-lean ground beef", + "sesame oil", + "low sodium soy sauce", + "spring onions", + "Sriracha", + "ginger" + ] + }, + { + "id": 39802, + "cuisine": "moroccan", + "ingredients": [ + "tomato purée", + "cooking spray", + "cinnamon", + "onions", + "garlic powder", + "mushrooms", + "canned tomatoes", + "cumin", + "dried apricot", + "vegetable stock", + "chickpeas", + "cherry tomatoes", + "sweet potatoes", + "hot chili powder", + "coriander" + ] + }, + { + "id": 22186, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "baking powder", + "salt", + "sweet sherry", + "strawberry jam", + "vanilla", + "sugar", + "large eggs", + "heavy cream", + "corn starch", + "large egg yolks", + "whole milk", + "cake flour" + ] + }, + { + "id": 37635, + "cuisine": "chinese", + "ingredients": [ + "chinese celery", + "sea salt", + "dried chile", + "chicken stock", + "flank steak", + "scallions", + "Shaoxing wine", + "chili bean paste", + "canola oil", + "dark soy sauce", + "szechwan peppercorns", + "corn starch" + ] + }, + { + "id": 36944, + "cuisine": "vietnamese", + "ingredients": [ + "honey", + "sesame oil", + "Equal Sweetener", + "sesame seeds", + "ground pork", + "canola oil", + "eggs", + "onion soup mix", + "gyoza wrappers", + "pepper", + "green onions", + "sauce" + ] + }, + { + "id": 4411, + "cuisine": "irish", + "ingredients": [ + "chicken stock", + "leeks", + "salt", + "pepper", + "butter", + "white onion", + "russet potatoes", + "flour", + "2% reduced-fat milk" + ] + }, + { + "id": 14758, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "basil leaves", + "red bell pepper", + "eggplant", + "black olives", + "tomatoes", + "fresh thyme", + "salt", + "olive oil", + "garlic", + "rigatoni" + ] + }, + { + "id": 27016, + "cuisine": "italian", + "ingredients": [ + "turkey broth", + "cannellini beans", + "carrots", + "olive oil", + "turkey", + "fresh parsley", + "pepper", + "pumpkin", + "garlic cloves", + "dried oregano", + "celery ribs", + "grated parmesan cheese", + "salt", + "onions" + ] + }, + { + "id": 46552, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "pastry dough", + "strawberry jam", + "sauce" + ] + }, + { + "id": 43497, + "cuisine": "filipino", + "ingredients": [ + "salt and ground black pepper", + "elbow macaroni", + "chicken broth", + "boneless skinless chicken breasts", + "onions", + "celery ribs", + "evaporated milk", + "carrots", + "water", + "butter", + "cabbage" + ] + }, + { + "id": 3310, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "kasu", + "gingerroot", + "vegetable oil", + "rice vinegar", + "white miso", + "chilean sea bass fillets", + "mirin", + "tamari soy sauce" + ] + }, + { + "id": 1822, + "cuisine": "southern_us", + "ingredients": [ + "cinnamon", + "brown sugar", + "lemon", + "butter", + "granny smith apples", + "white sugar" + ] + }, + { + "id": 42303, + "cuisine": "chinese", + "ingredients": [ + "ground chicken", + "cilantro", + "corn starch", + "sambal ulek", + "peanuts", + "rice vinegar", + "corn tortillas", + "honey", + "garlic", + "red bell pepper", + "soy sauce", + "sesame oil", + "scallions", + "celery" + ] + }, + { + "id": 45739, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "bacon", + "chopped parsley", + "grated parmesan cheese", + "salt", + "pepper", + "garlic", + "vegetable oil", + "round steaks" + ] + }, + { + "id": 13309, + "cuisine": "italian", + "ingredients": [ + "pasta", + "ground black pepper", + "garlic", + "parmesan cheese", + "butter", + "roast red peppers, drain", + "fresh basil", + "parsley", + "salt", + "vegetables", + "heavy cream", + "onions" + ] + }, + { + "id": 17740, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "kosher salt", + "shallots", + "purple onion", + "chicken", + "fish sauce", + "low sodium chicken broth", + "cilantro sprigs", + "curry paste", + "cooked rice", + "ground black pepper", + "vegetable oil", + "fresh lime juice", + "light brown sugar", + "red chile powder", + "yukon gold potatoes", + "wheat beer" + ] + }, + { + "id": 435, + "cuisine": "japanese", + "ingredients": [ + "kale", + "scallions", + "tenderloin steaks", + "vegetable oil", + "toasted sesame oil", + "sugar", + "tamari soy sauce", + "toasted sesame seeds", + "mirin", + "red miso" + ] + }, + { + "id": 16567, + "cuisine": "vietnamese", + "ingredients": [ + "spring roll wrappers", + "beans", + "shredded cabbage", + "fish sauce", + "ground pepper", + "yellow onion", + "lean ground turkey", + "garlic powder", + "ground pork", + "eggs", + "sugar", + "shredded carrots", + "corn starch" + ] + }, + { + "id": 48931, + "cuisine": "cajun_creole", + "ingredients": [ + "diced tomatoes", + "chopped onion", + "fresh parsley", + "olive oil", + "beef broth", + "JOHNSONVILLE Hot & Spicy Sausage Slices", + "minced garlic", + "chopped celery", + "long-grain rice", + "cajun seasoning", + "green pepper", + "diced tomatoes and green chilies" + ] + }, + { + "id": 13723, + "cuisine": "french", + "ingredients": [ + "ground cloves", + "egg yolks", + "maple syrup", + "toasted pecans", + "ground nutmeg", + "cinnamon", + "sugar", + "pumpkin purée", + "whipping cream", + "ground ginger", + "vanilla beans", + "dark rum", + "white sugar" + ] + }, + { + "id": 26292, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "grated parmesan cheese", + "extra-virgin olive oil", + "vodka", + "asiago", + "ground white pepper", + "kosher salt", + "heavy cream", + "penne rigate", + "fresh basil", + "butter", + "roasted garlic" + ] + }, + { + "id": 2531, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "vanilla extract", + "agave nectar", + "unsalted butter", + "cream cheese", + "croissant dough", + "cinnamon" + ] + }, + { + "id": 4857, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "olive oil", + "salt", + "minced garlic", + "ground black pepper", + "asparagus spears", + "penne", + "fresh parmesan cheese", + "carrots", + "sweet onion", + "whipping cream" + ] + }, + { + "id": 40044, + "cuisine": "russian", + "ingredients": [ + "beef shank", + "canned beef broth", + "savoy cabbage", + "russet potatoes", + "carrots", + "fresh dill", + "red wine vinegar", + "onions", + "nonfat yogurt", + "beets" + ] + }, + { + "id": 27713, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "fresh lemon juice", + "white onion", + "salt", + "plum tomatoes", + "cooking spray", + "chopped cilantro", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 28833, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "boneless skinless chicken breasts", + "onions", + "whole wheat pastry flour", + "baking soda", + "carrots", + "garlic powder", + "salt", + "marjoram", + "milk", + "low sodium chicken broth", + "celery" + ] + }, + { + "id": 7919, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "salt", + "baking powder", + "milk", + "yellow corn meal", + "butter" + ] + }, + { + "id": 25123, + "cuisine": "indian", + "ingredients": [ + "salt", + "ghee", + "vegetable oil", + "flat leaf parsley", + "whole wheat flour", + "cumin seed", + "water", + "all-purpose flour" + ] + }, + { + "id": 39461, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "water chestnuts", + "wonton wrappers", + "cabbage", + "water", + "sesame oil", + "salt", + "caster sugar", + "spring onions", + "chili oil", + "pork", + "fresh ginger root", + "vegetable oil", + "rice vinegar" + ] + }, + { + "id": 28132, + "cuisine": "greek", + "ingredients": [ + "unsalted butter", + "confectioners sugar", + "all-purpose flour", + "vanilla extract", + "clove", + "chopped pecans" + ] + }, + { + "id": 8646, + "cuisine": "southern_us", + "ingredients": [ + "pork shoulder roast", + "sugar", + "hot red pepper flakes", + "cider vinegar" + ] + }, + { + "id": 39628, + "cuisine": "mexican", + "ingredients": [ + "light sour cream", + "hominy", + "diced tomatoes", + "canola oil", + "minced garlic", + "ground red pepper", + "chopped onion", + "fat free less sodium chicken broth", + "chopped green bell pepper", + "salt", + "ground cumin", + "tomato paste", + "ground black pepper", + "chili powder", + "center cut pork chops" + ] + }, + { + "id": 42398, + "cuisine": "vietnamese", + "ingredients": [ + "pork", + "vegetable oil", + "thai chile", + "fresh lime juice", + "ground turmeric", + "shucked oysters", + "large eggs", + "mint sprigs", + "scallions", + "mung bean sprouts", + "cold water", + "water", + "bacon", + "fine sea salt", + "chopped cilantro", + "sugar", + "lettuce leaves", + "grated carrot", + "rice flour", + "asian fish sauce" + ] + }, + { + "id": 21857, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "garlic cloves", + "sweet onion", + "cilantro leaves", + "lime", + "tortilla chips", + "tomatoes", + "salt" + ] + }, + { + "id": 13222, + "cuisine": "british", + "ingredients": [ + "cold water", + "potatoes", + "onions", + "beef shoulder", + "salt", + "suet", + "lard", + "black pepper", + "flour" + ] + }, + { + "id": 8347, + "cuisine": "british", + "ingredients": [ + "cold water", + "granulated sugar", + "all-purpose flour", + "eggs", + "currant", + "lard", + "nutmeg", + "butter", + "lemon juice", + "brown sugar", + "salt", + "allspice" + ] + }, + { + "id": 32311, + "cuisine": "french", + "ingredients": [ + "sugar", + "frozen pastry puff sheets", + "unsalted butter", + "gala apples" + ] + }, + { + "id": 3316, + "cuisine": "mexican", + "ingredients": [ + "corn", + "garlic", + "flour", + "fat", + "zucchini", + "salt", + "pepper", + "lime wedges", + "chopped cilantro fresh" + ] + }, + { + "id": 36894, + "cuisine": "mexican", + "ingredients": [ + "fresh orange juice", + "pepper", + "salt", + "tomatoes", + "purple onion", + "cilantro", + "fresh lime juice" + ] + }, + { + "id": 35339, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "eggs", + "spaghetti", + "pancetta", + "parmagiano reggiano", + "olive oil" + ] + }, + { + "id": 3972, + "cuisine": "italian", + "ingredients": [ + "vermicelli", + "medium shrimp", + "crushed tomatoes", + "garlic", + "onions", + "water", + "red pepper flakes", + "fresh parsley", + "cooking oil", + "salt" + ] + }, + { + "id": 46198, + "cuisine": "indian", + "ingredients": [ + "chopped tomatoes", + "cumin seed", + "vegetable oil", + "onions", + "potatoes", + "mustard seeds", + "chili", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 3789, + "cuisine": "italian", + "ingredients": [ + "cheese", + "part-skim mozzarella cheese", + "nonstick spray", + "fresh basil", + "garlic", + "cooked meatballs" + ] + }, + { + "id": 16452, + "cuisine": "mexican", + "ingredients": [ + "salt", + "Mexican oregano", + "garlic", + "water", + "dried red chile peppers" + ] + }, + { + "id": 39266, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "salsa", + "chili powder", + "monterey jack", + "flour tortillas", + "sour cream", + "black beans", + "onion powder", + "ground cumin" + ] + }, + { + "id": 37167, + "cuisine": "thai", + "ingredients": [ + "palm sugar", + "peeled fresh ginger", + "creamy peanut butter", + "arbol chile", + "coriander seeds", + "cooking spray", + "light coconut milk", + "Thai fish sauce", + "low sodium soy sauce", + "granulated sugar", + "shallots", + "cumin seed", + "fresh lime juice", + "lemongrass", + "pork tenderloin", + "sea salt", + "garlic cloves", + "ground turmeric" + ] + }, + { + "id": 24246, + "cuisine": "italian", + "ingredients": [ + "genoa salami", + "marinade", + "olive oil", + "portabello mushroom", + "salad", + "vegetables", + "linguine", + "fresh basil", + "asiago" + ] + }, + { + "id": 17394, + "cuisine": "southern_us", + "ingredients": [ + "seasoning", + "large eggs", + "peanut oil", + "water", + "salt", + "dill pickles", + "black pepper", + "parsley", + "garlic cloves", + "evaporated milk", + "all-purpose flour", + "chicken" + ] + }, + { + "id": 45170, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "fresh lime juice", + "purple onion", + "salt", + "habanero chile", + "dried oregano" + ] + }, + { + "id": 7677, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "chopped fresh sage", + "butter", + "vegetable-filled ravioli", + "shallots", + "chopped pecans", + "parmesan cheese", + "whipping cream" + ] + }, + { + "id": 37590, + "cuisine": "mexican", + "ingredients": [ + "whole milk", + "black pepper", + "salt", + "cheese", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 3409, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "jumbo shrimp", + "green beans", + "kaffir lime leaves", + "green curry paste", + "fresh basil leaves", + "serrano chilies", + "salt", + "light brown sugar", + "jasmine rice", + "Thai fish sauce" + ] + }, + { + "id": 27363, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "vegetable shortening", + "seasoning salt", + "buttermilk", + "hot pepper sauce", + "worcestershire sauce", + "flour", + "chicken" + ] + }, + { + "id": 19977, + "cuisine": "mexican", + "ingredients": [ + "water", + "cilantro sprigs", + "chopped pecans", + "chipotle chile", + "seeds", + "ground allspice", + "canela", + "clove", + "olive oil", + "rack of lamb", + "adobo sauce", + "white onion", + "anise", + "garlic cloves" + ] + }, + { + "id": 10428, + "cuisine": "jamaican", + "ingredients": [ + "pig", + "fresh thyme leaves", + "okra", + "crab", + "vegetable oil", + "onions", + "spinach", + "green onions", + "dasheen", + "pepper", + "garlic" + ] + }, + { + "id": 17667, + "cuisine": "thai", + "ingredients": [ + "puff pastry sheets", + "peanuts", + "creamy peanut butter", + "chopped cilantro fresh", + "olive oil", + "green onions", + "fresh lime juice", + "pepper", + "boneless chicken breast", + "beansprouts", + "sweet chili sauce", + "reduced sodium soy sauce", + "garlic cloves" + ] + }, + { + "id": 2361, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "low salt chicken broth", + "parmesan cheese", + "green onions", + "onions", + "fresh basil", + "asparagus", + "artichokes", + "arborio rice", + "prosciutto", + "lemon", + "frozen peas" + ] + }, + { + "id": 32021, + "cuisine": "italian", + "ingredients": [ + "fresh parsley", + "chicken breasts" + ] + }, + { + "id": 38065, + "cuisine": "spanish", + "ingredients": [ + "milk", + "leeks", + "hot pepper sauce", + "uncook medium shrimp, peel and devein", + "olive oil", + "garlic", + "eggs", + "potatoes" + ] + }, + { + "id": 35608, + "cuisine": "southern_us", + "ingredients": [ + "Madeira", + "vegetable broth", + "chopped fresh thyme", + "biscuits", + "butter", + "fresh shiitake mushrooms", + "all-purpose flour" + ] + }, + { + "id": 1340, + "cuisine": "spanish", + "ingredients": [ + "evaporated milk", + "sugar", + "gingersnap cookies", + "melted butter", + "calabaza", + "eggs", + "condensed milk" + ] + }, + { + "id": 49307, + "cuisine": "mexican", + "ingredients": [ + "habanero chile", + "pink grapefruit juice", + "kosher salt", + "tequila" + ] + }, + { + "id": 4352, + "cuisine": "thai", + "ingredients": [ + "leaf lettuce", + "asian fish sauce", + "sugar", + "carrots", + "serrano chilies", + "garlic cloves", + "seedless cucumber", + "fresh lime juice" + ] + }, + { + "id": 41773, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "sea salt", + "barbecue sauce", + "green cabbage" + ] + }, + { + "id": 5852, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "extra-virgin olive oil", + "fresh leav spinach", + "chicken breasts", + "seasoning", + "tortillas", + "ground cumin", + "kosher salt", + "prepar salsa" + ] + }, + { + "id": 27893, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "red bell pepper, sliced", + "onions", + "tomatoes", + "ragu cheesi doubl cheddar sauc", + "chip plain tortilla", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 28644, + "cuisine": "southern_us", + "ingredients": [ + "chopped fresh chives", + "hot sauce", + "parsley sprigs", + "dry mustard", + "mayonaise", + "fresh tarragon", + "lemon juice", + "large eggs", + "salt" + ] + }, + { + "id": 22128, + "cuisine": "mexican", + "ingredients": [ + "shrimp", + "chipotle salsa", + "lime wedges" + ] + }, + { + "id": 29187, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "cayenne pepper", + "peeled fresh ginger", + "unsalted butter", + "ground cumin", + "salted mixed nuts" + ] + }, + { + "id": 9655, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "large eggs", + "salt", + "chicharron", + "refried beans", + "lime wedges", + "yellow onion", + "avocado", + "pepper", + "jalapeno chilies", + "hot sauce", + "mayonaise", + "unsalted butter", + "cilantro", + "rolls" + ] + }, + { + "id": 31418, + "cuisine": "russian", + "ingredients": [ + "butter", + "fresh lemon juice", + "chopped onion", + "cabbage", + "shredded carrots", + "beets", + "beef broth", + "sour cream" + ] + }, + { + "id": 6310, + "cuisine": "italian", + "ingredients": [ + "dark chocolate", + "coffee liqueur", + "sugar", + "cream cheese", + "ladyfingers", + "whipping cream", + "coffee granules", + "hot water" + ] + }, + { + "id": 18570, + "cuisine": "filipino", + "ingredients": [ + "melted butter", + "grated parmesan cheese", + "tilapia fillets", + "pepper", + "almond meal", + "rub", + "garlic powder" + ] + }, + { + "id": 40649, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "ground black pepper", + "ground beef", + "eggs", + "almond flour", + "marinara sauce", + "dried oregano", + "mozzarella cheese", + "grated parmesan cheese", + "fresh parsley", + "warm water", + "garlic powder", + "onion flakes" + ] + }, + { + "id": 14401, + "cuisine": "greek", + "ingredients": [ + "veal", + "cayenne pepper", + "all-purpose flour", + "flat leaf parsley", + "olive oil", + "beef broth", + "red wine vinegar", + "garlic cloves" + ] + }, + { + "id": 12722, + "cuisine": "mexican", + "ingredients": [ + "fresh orange juice", + "granulated sugar", + "pumpkin seeds", + "paprika", + "firmly packed light brown sugar", + "salt" + ] + }, + { + "id": 31701, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "chili powder", + "chicken", + "garlic paste", + "mint leaves", + "oil", + "tomatoes", + "coriander powder", + "salt", + "coconut", + "yoghurt", + "onions" + ] + }, + { + "id": 15534, + "cuisine": "jamaican", + "ingredients": [ + "black peppercorns", + "white wine vinegar", + "canola oil", + "pepper", + "cinnamon sticks", + "molasses", + "salt", + "allspice", + "clove", + "green onions", + "fresh lime juice" + ] + }, + { + "id": 2761, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "active dry yeast", + "all-purpose flour", + "sugar", + "vanilla extract", + "shortening", + "pineapple", + "corn starch", + "water", + "salt" + ] + }, + { + "id": 38135, + "cuisine": "french", + "ingredients": [ + "semisweet chocolate", + "honey", + "crepes", + "half & half", + "low-fat coffee ice cream" + ] + }, + { + "id": 25453, + "cuisine": "japanese", + "ingredients": [ + "plain flour", + "amchur", + "coriander powder", + "salt", + "coriander", + "sugar", + "baking soda", + "yoghurt", + "oil", + "red chili powder", + "whole wheat flour", + "potatoes", + "green chilies", + "dough", + "mozzarella cheese", + "garam masala", + "paneer", + "onions" + ] + }, + { + "id": 21206, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "onions", + "shredded mozzarella cheese", + "dried oregano", + "butter", + "plum tomatoes", + "dried thyme", + "phyllo pastry" + ] + }, + { + "id": 45585, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "kosher salt", + "ricotta cheese", + "ciabatta", + "Italian bread", + "green olives", + "olive oil", + "raisins", + "toasted pine nuts", + "fresh basil", + "minced garlic", + "red wine vinegar", + "fresh oregano", + "flat leaf parsley", + "sugar", + "eggplant", + "chopped celery", + "red bell pepper" + ] + }, + { + "id": 34054, + "cuisine": "mexican", + "ingredients": [ + "ice", + "tequila", + "lime juice", + "liqueur" + ] + }, + { + "id": 22614, + "cuisine": "french", + "ingredients": [ + "pernod", + "orange liqueur", + "clove", + "dry white wine", + "bay leaves", + "sugar", + "navel oranges" + ] + }, + { + "id": 44831, + "cuisine": "brazilian", + "ingredients": [ + "skate wing", + "garlic", + "onions", + "lime", + "oil", + "pepper", + "salt", + "tomatoes", + "cilantro", + "coconut milk" + ] + }, + { + "id": 20854, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "peaches in heavy syrup" + ] + }, + { + "id": 18765, + "cuisine": "french", + "ingredients": [ + "green cabbage", + "water", + "chickpeas", + "fresh parsley", + "red potato", + "sliced carrots", + "chopped onion", + "caraway seeds", + "olive oil", + "dried dill", + "pepper", + "vegetable broth", + "celery" + ] + }, + { + "id": 20683, + "cuisine": "thai", + "ingredients": [ + "natural peanut butter", + "water", + "green onions", + "slaw mix", + "garlic cloves", + "frozen edamame beans", + "sugar pea", + "asparagus", + "cooked fettuccini", + "rice vinegar", + "tofu", + "soy sauce", + "peanuts", + "chicken breasts", + "salt", + "chili garlic paste", + "eggs", + "pepper", + "granulated sugar", + "sesame oil", + "peanut oil" + ] + }, + { + "id": 16144, + "cuisine": "mexican", + "ingredients": [ + "corn oil", + "salt", + "plum tomatoes", + "eggs", + "lean ground beef", + "shredded mozzarella cheese", + "chile pepper", + "all-purpose flour", + "pepper", + "garlic", + "onions" + ] + }, + { + "id": 18594, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "garlic cloves", + "reduced sodium chicken broth", + "frozen corn", + "onions", + "black beans", + "green pepper", + "ground turmeric", + "olive oil", + "long-grain rice", + "ground cumin" + ] + }, + { + "id": 46858, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "garlic", + "taco shells", + "taco seasoning", + "shredded cheddar cheese", + "onions", + "lean ground beef", + "chunky salsa" + ] + }, + { + "id": 33740, + "cuisine": "russian", + "ingredients": [ + "pepper", + "bay leaves", + "salt", + "radishes", + "meat", + "cucumber", + "kefir", + "green onions", + "dill", + "eggs", + "potatoes", + "parsley", + "sour cream" + ] + }, + { + "id": 29544, + "cuisine": "thai", + "ingredients": [ + "green chile", + "lime", + "extra firm tofu", + "cilantro", + "cumin seed", + "coconut milk", + "long beans", + "soy sauce", + "thai basil", + "shallots", + "garlic", + "carrots", + "green bell pepper", + "coriander seeds", + "cilantro stems", + "ginger", + "scallions", + "galangal", + "kaffir lime leaves", + "straw mushrooms", + "lemon grass", + "sesame oil", + "green chilies", + "baby corn" + ] + }, + { + "id": 42080, + "cuisine": "chinese", + "ingredients": [ + "pork", + "green onions", + "beansprouts", + "eggs", + "light soy sauce", + "oil", + "soy sauce", + "sesame oil", + "frozen peas", + "cooked rice", + "finely chopped onion", + "carrots" + ] + }, + { + "id": 41272, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "butternut squash", + "vegetable oil", + "large shrimp", + "water", + "green onions", + "fresh lemon juice", + "minced garlic", + "peeled fresh ginger", + "dry mustard", + "ground cumin", + "ground cloves", + "dijon mustard", + "ground red pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 6547, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "all-purpose flour", + "sugar", + "vanilla wafer crumbs", + "chopped pecans", + "firmly packed brown sugar", + "butter", + "cream cheese", + "dark corn syrup", + "vanilla extract", + "heavy whipping cream" + ] + }, + { + "id": 2460, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "whole kernel corn, drain", + "salt", + "medium shrimp", + "diced tomatoes", + "green beans", + "pepper", + "bow-tie pasta" + ] + }, + { + "id": 46038, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "sour cream", + "mayonaise", + "condensed cream of mushroom soup", + "cooked chicken breasts", + "shredded cheddar cheese", + "chopped onion", + "condensed cream of chicken soup", + "grated parmesan cheese", + "garlic salt" + ] + }, + { + "id": 7209, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "salt", + "eggs", + "russet potatoes", + "greens", + "chard", + "flour", + "butter oil", + "milk", + "lemon" + ] + }, + { + "id": 9056, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "lime", + "blackpepper", + "ground cloves", + "olive oil", + "corn tortillas", + "chiles", + "honey", + "cayenne pepper", + "boneless pork shoulder", + "kosher salt", + "white wine vinegar", + "ground cumin" + ] + }, + { + "id": 41800, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "oil", + "flank steak", + "garlic chili sauce", + "fresh ginger", + "garlic cloves", + "brown sugar", + "rice vinegar" + ] + }, + { + "id": 21797, + "cuisine": "mexican", + "ingredients": [ + "lime", + "tomatillos", + "monterey jack", + "kosher salt", + "jalapeno chilies", + "purple onion", + "flour tortillas", + "cilantro", + "store bought low sodium chicken stock", + "boneless skinless chicken breasts", + "juice" + ] + }, + { + "id": 44880, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "red wine vinegar", + "chopped onion", + "whole grain mustard", + "purple onion", + "water", + "red wine", + "mayonaise", + "fresh thyme", + "new york strip steaks" + ] + }, + { + "id": 9183, + "cuisine": "italian", + "ingredients": [ + "parsley leaves", + "salt", + "olive oil", + "linguine", + "hot red pepper flakes", + "large garlic cloves", + "dry white wine" + ] + }, + { + "id": 34005, + "cuisine": "southern_us", + "ingredients": [ + "large garlic cloves", + "carrots", + "olive oil", + "cayenne pepper", + "ground cumin", + "smoked bacon", + "yellow onion", + "shanks", + "black-eyed peas", + "low sodium chicken stock" + ] + }, + { + "id": 19232, + "cuisine": "italian", + "ingredients": [ + "lime wedges", + "cantaloupe", + "mint leaves", + "manchego cheese" + ] + }, + { + "id": 2397, + "cuisine": "irish", + "ingredients": [ + "black pepper", + "pastry dough", + "all-purpose flour", + "onions", + "green peppercorns", + "Guinness Beer", + "worcestershire sauce", + "garlic cloves", + "water", + "vegetable oil", + "beef broth", + "chuck", + "tomato paste", + "large eggs", + "salt", + "thyme sprigs" + ] + }, + { + "id": 8635, + "cuisine": "chinese", + "ingredients": [ + "tangerine", + "salt", + "eggs", + "water", + "cinnamon sticks", + "dark soy sauce", + "black tea leaves", + "soy sauce", + "star anise" + ] + }, + { + "id": 34242, + "cuisine": "french", + "ingredients": [ + "water", + "extra-virgin olive oil", + "garlic cloves", + "fresh rosemary", + "ground black pepper", + "anchovy fillets", + "whole grain mustard", + "black olives", + "lemon juice", + "capers", + "coarse salt", + "black mission figs" + ] + }, + { + "id": 44817, + "cuisine": "korean", + "ingredients": [ + "miso paste", + "apples", + "sliced shallots", + "eggs", + "ramen noodles", + "garlic cloves", + "broth", + "green onions", + "lemon slices", + "onions", + "water", + "ginger", + "kimchi" + ] + }, + { + "id": 5163, + "cuisine": "italian", + "ingredients": [ + "fava beans", + "shallots", + "garden peas", + "lower sodium chicken broth", + "dry white wine", + "pecorino romano cheese", + "strozzapreti", + "ground black pepper", + "butter", + "salt", + "prosciutto", + "whole milk ricotta cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 8529, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "white rice", + "orange juice", + "minced garlic", + "rice wine", + "rice vinegar", + "orange zest", + "pepper", + "chicken breasts", + "salt", + "corn starch", + "brown sugar", + "water", + "vegetable oil", + "hot chili sauce" + ] + }, + { + "id": 31080, + "cuisine": "british", + "ingredients": [ + "large egg yolks", + "heavy cream", + "double-acting baking powder", + "sugar", + "unsalted butter", + "salt", + "dried currants", + "cinnamon", + "all-purpose flour", + "pecans", + "baking soda", + "vanilla" + ] + }, + { + "id": 29367, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "buttermilk", + "panko breadcrumbs", + "kosher salt", + "pies", + "hot sauce", + "biscuits", + "unsalted butter", + "boneless chicken cutlet", + "honey", + "vegetable oil", + "cayenne pepper" + ] + }, + { + "id": 41788, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "deveined shrimp", + "cucumber", + "hot pepper sauce", + "salt", + "cilantro", + "bloody mary mix", + "lime", + "purple onion", + "plum tomatoes" + ] + }, + { + "id": 45442, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "extra-virgin olive oil", + "cayenne pepper", + "corn tortillas", + "unsalted butter", + "salt", + "low sodium chicken stock", + "ground cumin", + "green bell pepper", + "garlic", + "skinless chicken breasts", + "chopped cilantro fresh", + "chili powder", + "yellow onion", + "tortilla chips" + ] + }, + { + "id": 3562, + "cuisine": "greek", + "ingredients": [ + "finely chopped onion", + "crushed red pepper flakes", + "feta cheese crumbles", + "ground lamb", + "mint", + "sliced cucumber", + "salt", + "cucumber", + "sliced tomatoes", + "mint leaves", + "garlic", + "pita pockets", + "olive oil", + "lemon", + "greek style plain yogurt", + "dried oregano" + ] + }, + { + "id": 48606, + "cuisine": "southern_us", + "ingredients": [ + "molasses", + "bay leaves", + "all-purpose flour", + "fresh thyme", + "coarse salt", + "chicken", + "granulated sugar", + "vegetable oil", + "cornmeal", + "cold water", + "large eggs", + "crushed red pepper flakes" + ] + }, + { + "id": 2734, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium chicken broth", + "zucchini", + "scallions", + "sliced mushrooms", + "fresh ginger", + "boneless skinless chicken breasts", + "oyster sauce", + "canola oil", + "kosher salt", + "shredded carrots", + "garlic cloves", + "bok choy", + "reduced sodium soy sauce", + "rice wine", + "corn starch" + ] + }, + { + "id": 27387, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "roasted peanuts", + "mint leaves", + "green papaya", + "prawns", + "carrots", + "bawang goreng" + ] + }, + { + "id": 38615, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "large garlic cloves", + "fresh basil leaves", + "kosher salt", + "chicken breasts", + "hearts of romaine", + "black pepper", + "cooking spray", + "white wine vinegar", + "flatbread", + "olive oil", + "chees fresh mozzarella" + ] + }, + { + "id": 11403, + "cuisine": "greek", + "ingredients": [ + "tomato paste", + "olive oil", + "garlic", + "long-grain rice", + "marjoram", + "pepper", + "dry white wine", + "salt", + "onions", + "eggs", + "potatoes", + "lamb shoulder", + "kefalotyri", + "boneless pork shoulder", + "water", + "parsley", + "all-purpose flour", + "chopped fresh mint" + ] + }, + { + "id": 41492, + "cuisine": "filipino", + "ingredients": [ + "garlic", + "coconut", + "oil", + "soy sauce", + "rice vinegar", + "bay leaves", + "pork shoulder" + ] + }, + { + "id": 47572, + "cuisine": "spanish", + "ingredients": [ + "garlic cloves", + "olive oil", + "basmati rice", + "chicken broth", + "onions", + "zucchini" + ] + }, + { + "id": 13920, + "cuisine": "italian", + "ingredients": [ + "grapes", + "yellow onion", + "extra-virgin olive oil", + "salt", + "pepper", + "sweet italian sausage" + ] + }, + { + "id": 28174, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "strawberries", + "jalapeno chilies", + "chopped cilantro fresh", + "purple onion", + "ground black pepper", + "fresh lime juice" + ] + }, + { + "id": 42931, + "cuisine": "italian", + "ingredients": [ + "table salt", + "active dry yeast", + "minced garlic", + "coarse salt", + "sugar", + "olive oil", + "fresh rosemary", + "water", + "all purpose unbleached flour" + ] + }, + { + "id": 25150, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cilantro", + "cotija", + "pico de gallo", + "corn tortillas", + "carne asada" + ] + }, + { + "id": 49472, + "cuisine": "mexican", + "ingredients": [ + "cracked black pepper", + "tequila", + "hot pepper sauce", + "chopped onion", + "fresh dill", + "garlic", + "jalapeno chilies", + "dill pickles" + ] + }, + { + "id": 37409, + "cuisine": "moroccan", + "ingredients": [ + "sausage casings", + "chopped parsley", + "diced tomatoes", + "onions", + "vegetable oil", + "couscous", + "ground cinnamon", + "chickpeas", + "ground cumin" + ] + }, + { + "id": 48702, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "salt", + "green beans", + "toasted almonds", + "grated lemon peel", + "lemon", + "garlic cloves", + "low salt chicken broth", + "couscous", + "ground turmeric", + "ground cinnamon", + "extra-virgin olive oil", + "carrots", + "red bell pepper", + "chopped cilantro fresh", + "ground ginger", + "raisins", + "fresh lemon juice", + "cucumber", + "boneless skinless chicken breast halves", + "ground cumin" + ] + }, + { + "id": 30627, + "cuisine": "thai", + "ingredients": [ + "tangerine zest", + "vegetable oil", + "beef steak", + "ground ginger", + "chinese noodles", + "purple onion", + "tangerine", + "butternut squash", + "fresh mushrooms", + "hoisin sauce", + "dry sherry", + "cabbage" + ] + }, + { + "id": 19520, + "cuisine": "italian", + "ingredients": [ + "slivered almonds", + "whipping heavy cream", + "store-bought pound cake", + "semi-sweet chocolate morsels", + "sugar", + "orange juice", + "almond extract" + ] + }, + { + "id": 33262, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "hot water", + "brown sugar", + "glutinous rice flour", + "rice flour" + ] + }, + { + "id": 35207, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "water", + "onion powder", + "cayenne pepper", + "shrimp tails", + "dried basil", + "garlic", + "ground turmeric", + "soy sauce", + "curry powder", + "sesame oil", + "dried minced onion", + "seasoned bread crumbs", + "mirin", + "salt" + ] + }, + { + "id": 21885, + "cuisine": "french", + "ingredients": [ + "ground nutmeg", + "bacon", + "pie crust", + "butter", + "eggs", + "heavy cream", + "ground black pepper", + "salt" + ] + }, + { + "id": 5796, + "cuisine": "southern_us", + "ingredients": [ + "chopped green bell pepper", + "medium shrimp", + "fat free less sodium chicken broth", + "quickcooking grits", + "sliced green onions", + "fat free milk", + "worcestershire sauce", + "reduced fat sharp cheddar cheese", + "cooking spray", + "plum tomatoes" + ] + }, + { + "id": 289, + "cuisine": "indian", + "ingredients": [ + "clove", + "honey", + "cilantro", + "cinnamon sticks", + "tomatoes", + "butter", + "salt", + "cumin", + "tomato paste", + "garam masala", + "cashew butter", + "coriander", + "fenugreek leaves", + "heavy cream", + "cayenne pepper", + "chicken" + ] + }, + { + "id": 18147, + "cuisine": "chinese", + "ingredients": [ + "fish sauce", + "olive oil", + "garlic", + "shrimp tails", + "sesame oil", + "beansprouts", + "soy sauce", + "fresh ginger", + "ground white pepper", + "sambal ulek", + "kale", + "wonton wrappers", + "less sodium chicken broth" + ] + }, + { + "id": 1016, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "hungarian paprika", + "all-purpose flour", + "dried oregano", + "andouille sausage", + "green onions", + "garlic cloves", + "green bell pepper", + "bay leaves", + "peanut oil", + "canola oil", + "celery ribs", + "dried thyme", + "chicken breasts", + "onions" + ] + }, + { + "id": 28128, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "cajun seasoning", + "onions", + "green onions", + "smoked sausage", + "chicken", + "bell pepper", + "garlic", + "roux", + "tasso", + "parsley", + "celery" + ] + }, + { + "id": 17782, + "cuisine": "italian", + "ingredients": [ + "raspberries", + "evaporated cane juice", + "unflavored gelatin", + "honey", + "olive oil cooking spray", + "pure vanilla extract", + "orange", + "fresh orange juice", + "skim milk", + "unsweetened soymilk" + ] + }, + { + "id": 11496, + "cuisine": "indian", + "ingredients": [ + "whole allspice", + "coriander seeds", + "cardamom pods", + "ground turmeric", + "black peppercorns", + "fresh ginger", + "persian cucumber", + "fresh lime juice", + "light brown sugar", + "kosher salt", + "vegetable oil", + "garlic cloves", + "white vinegar", + "red chili peppers", + "brown mustard seeds", + "cumin seed" + ] + }, + { + "id": 25129, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "milk", + "garlic", + "bay leaf", + "water", + "grated parmesan cheese", + "sausages", + "onions", + "chicken broth", + "orange", + "tapioca starch", + "carrots", + "canola oil", + "black beans", + "olive oil", + "salt", + "chopped cilantro" + ] + }, + { + "id": 36734, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "garam masala", + "salt", + "cashew nuts", + "fresh coriander", + "chili powder", + "oil", + "ground cumin", + "cream", + "fenugreek", + "green chilies", + "chicken", + "tomatoes", + "water", + "butter", + "onions" + ] + }, + { + "id": 28412, + "cuisine": "mexican", + "ingredients": [ + "ground pepper", + "coarse salt", + "jalapeno chilies", + "cheddar cheese", + "cream cheese" + ] + }, + { + "id": 1507, + "cuisine": "jamaican", + "ingredients": [ + "tumeric", + "white pepper", + "water", + "flour", + "worcestershire sauce", + "Equal Sweetener", + "cold water", + "black pepper", + "jerk seasoning", + "fresh thyme", + "tvp", + "oil", + "dough", + "ground cloves", + "cream", + "vegan margarine", + "scotch bonnet chile", + "salt", + "allspice", + "marmite", + "ketchup", + "bread crumbs", + "curry powder", + "green onions", + "garlic", + "onions" + ] + }, + { + "id": 46607, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "garlic", + "ground beef", + "shredded cheddar cheese", + "oil", + "pepper", + "salt", + "onions", + "chili powder", + "corn tortillas" + ] + }, + { + "id": 21102, + "cuisine": "korean", + "ingredients": [ + "ground black pepper", + "green onions", + "apple juice", + "chinese black vinegar", + "water", + "mirin", + "extra-virgin olive oil", + "corn starch", + "fresh ginger", + "boneless beef short ribs", + "garlic", + "toasted sesame oil", + "low sodium soy sauce", + "asian pear", + "ponzu", + "dark brown sugar", + "cooked white rice" + ] + }, + { + "id": 22043, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "chopped cilantro fresh", + "chicken meat", + "vegetable oil", + "chicken broth", + "onions" + ] + }, + { + "id": 26370, + "cuisine": "vietnamese", + "ingredients": [ + "chiles", + "ground black pepper", + "yellow onion", + "coconut juice", + "soy sauce", + "garlic", + "oil", + "red chili peppers", + "green onions", + "filet", + "fish sauce", + "water", + "salt", + "fish" + ] + }, + { + "id": 6708, + "cuisine": "jamaican", + "ingredients": [ + "nutmeg", + "olive oil", + "shallots", + "crushed red pepper flakes", + "pancetta", + "parmigiana-reggiano", + "whole milk", + "yellow mustard", + "gruyere cheese", + "fruit", + "flour", + "butter", + "white cheddar cheese", + "pasta", + "minced garlic", + "bagel chips", + "sea salt", + "jamaican jerk" + ] + }, + { + "id": 39057, + "cuisine": "japanese", + "ingredients": [ + "water", + "coriander powder", + "salt", + "onions", + "eggplant", + "chili powder", + "cumin seed", + "ground turmeric", + "tomatoes", + "garam masala", + "garlic", + "oil", + "ground cumin", + "fresh ginger", + "potatoes", + "cilantro leaves", + "frozen peas" + ] + }, + { + "id": 20713, + "cuisine": "italian", + "ingredients": [ + "sugar", + "semi-sweet chocolate morsels", + "egg whites", + "sliced almonds", + "almond paste" + ] + }, + { + "id": 17695, + "cuisine": "japanese", + "ingredients": [ + "gari", + "vegetable oil", + "scallions", + "sugar", + "water", + "seasoned rice wine vinegar", + "shiso", + "sushi rice", + "seeds", + "california avocado", + "toasted nori", + "wasabi paste", + "seedless cucumber", + "salt", + "carrots" + ] + }, + { + "id": 667, + "cuisine": "indian", + "ingredients": [ + "white onion", + "ground black pepper", + "boneless skinless chicken breasts", + "peanut oil", + "fresh lime juice", + "ground cumin", + "water", + "unsalted butter", + "paprika", + "ground cardamom", + "basmati rice", + "kosher salt", + "cayenne", + "heavy cream", + "ground coriander", + "chopped cilantro fresh", + "tomato purée", + "ground nutmeg", + "peeled fresh ginger", + "garlic", + "greek yogurt", + "naan" + ] + }, + { + "id": 931, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "onions", + "olive oil", + "taco seasoning", + "water", + "diced tomatoes", + "Velveeta", + "lean ground beef" + ] + }, + { + "id": 40622, + "cuisine": "mexican", + "ingredients": [ + "condensed cream of chicken soup", + "ranch dressing", + "Mexican cheese blend", + "sour cream", + "chopped green chilies", + "butter", + "flour tortillas", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 11869, + "cuisine": "spanish", + "ingredients": [ + "pinenuts", + "bacon slices", + "onions", + "pecan halves", + "vegetable oil", + "garlic cloves", + "slivered almonds", + "butter", + "fresh parsley", + "chopped ham", + "low sodium chicken broth", + "yellow rice" + ] + }, + { + "id": 19522, + "cuisine": "southern_us", + "ingredients": [ + "vanilla extract", + "flour", + "sweetened condensed milk", + "pecans", + "semi-sweet chocolate morsels", + "butter" + ] + }, + { + "id": 44221, + "cuisine": "southern_us", + "ingredients": [ + "active dry yeast", + "buttermilk", + "baking powder", + "all-purpose flour", + "sugar", + "vegetable shortening", + "baking soda", + "salt" + ] + }, + { + "id": 27868, + "cuisine": "thai", + "ingredients": [ + "baby spinach leaves", + "green onions", + "red bell pepper", + "fresh basil", + "extra firm tofu", + "salted roast peanuts", + "olive oil", + "large garlic cloves", + "fresh lime juice", + "soy sauce", + "peeled fresh ginger", + "crushed red pepper" + ] + }, + { + "id": 48130, + "cuisine": "southern_us", + "ingredients": [ + "quickcooking grits", + "water", + "salt", + "pepper", + "butter", + "shredded extra sharp cheddar cheese", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 29698, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "vegetable oil", + "bacon grease", + "cold water", + "refried beans", + "salsa", + "lard", + "shredded cheddar cheese", + "all-purpose flour", + "sour cream", + "cheddar cheese", + "jalapeno chilies", + "yellow onion", + "chorizo sausage" + ] + }, + { + "id": 37122, + "cuisine": "russian", + "ingredients": [ + "vodka", + "chuck roast", + "greek style plain yogurt", + "onions", + "fresh dill", + "red beets", + "yukon gold potatoes", + "carrots", + "horseradish", + "kosher salt", + "red cabbage", + "garlic cloves", + "canola oil", + "sugar", + "lower sodium beef broth", + "red wine vinegar", + "ground white pepper" + ] + }, + { + "id": 27018, + "cuisine": "british", + "ingredients": [ + "flour", + "worcestershire sauce", + "bay leaf", + "black pepper", + "beef stock", + "oil", + "onions", + "egg yolks", + "salt", + "kidney", + "milk", + "pastry shell", + "chuck steaks" + ] + }, + { + "id": 33195, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil spray", + "roasted peanuts", + "sugar", + "unsalted butter", + "pure vanilla extract", + "baking soda", + "water", + "light corn syrup" + ] + }, + { + "id": 47473, + "cuisine": "italian", + "ingredients": [ + "brandy", + "chocolate shavings", + "cocoa powder", + "powdered sugar", + "mascarpone", + "vanilla extract", + "sugar", + "flour", + "espresso", + "ladyfingers", + "large egg yolks", + "heavy cream" + ] + }, + { + "id": 36345, + "cuisine": "italian", + "ingredients": [ + "white bread", + "olive oil", + "dried oregano", + "black pepper", + "cannellini beans", + "fettucine", + "artichoke hearts", + "kosher salt", + "garlic" + ] + }, + { + "id": 12251, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "white wine", + "linguine", + "large shrimp", + "tomatoes", + "red pepper flakes", + "fresh parsley", + "pepper", + "garlic" + ] + }, + { + "id": 47823, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "sauce", + "corn tortillas", + "mozzarella cheese", + "butternut squash", + "sour cream", + "corn", + "chopped onion", + "pitted black olives", + "olive oil", + "grated jack cheese" + ] + }, + { + "id": 40361, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "flour tortillas", + "sour cream", + "hot sausage", + "bbq sauce", + "purple onion", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 5505, + "cuisine": "indian", + "ingredients": [ + "chile powder", + "tumeric", + "salt", + "eggs", + "vegetable oil", + "coriander", + "tomatoes", + "chile pepper", + "onions", + "garlic paste", + "butter" + ] + }, + { + "id": 5186, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "purple onion", + "fennel", + "miso paste", + "fat skimmed chicken broth", + "fresh chives", + "butter" + ] + }, + { + "id": 40320, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "heavy whipping cream", + "provolone cheese", + "butter", + "grated romano cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 14610, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "chopped celery", + "chopped cilantro", + "chicken stock", + "olive oil", + "brown lentils", + "minced ginger", + "salt", + "onions", + "minced garlic", + "ground black pepper", + "carrots" + ] + }, + { + "id": 12749, + "cuisine": "korean", + "ingredients": [ + "fish sauce", + "napa cabbage", + "garlic cloves", + "fresh ginger", + "red pepper", + "kosher salt", + "daikon", + "shrimp", + "cold water", + "granulated sugar", + "scallions" + ] + }, + { + "id": 776, + "cuisine": "spanish", + "ingredients": [ + "slivered almonds", + "low sodium chicken broth", + "onions", + "chicken legs", + "ground black pepper", + "flat leaf parsley", + "white bread", + "olive oil", + "garlic cloves", + "saffron threads", + "kosher salt", + "dry sherry" + ] + }, + { + "id": 40903, + "cuisine": "japanese", + "ingredients": [ + "sea scallops", + "soba noodles", + "fresh ginger", + "extra-virgin olive oil", + "canola oil", + "white miso", + "rice vinegar", + "minced garlic", + "mirin", + "scallions" + ] + }, + { + "id": 29770, + "cuisine": "chinese", + "ingredients": [ + "honey", + "green onions", + "salt", + "egg whites", + "brown rice", + "corn starch", + "sesame seeds", + "chicken breasts", + "garlic cloves", + "soy sauce", + "broccoli florets", + "vegetable oil" + ] + }, + { + "id": 46224, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "regular soy sauce", + "cooking wine", + "ground white pepper", + "dark soy sauce", + "bell pepper", + "boneless chicken cutlet", + "corn starch", + "peanuts", + "ginger", + "scallions", + "pepper", + "hot chili oil", + "salt", + "black vinegar" + ] + }, + { + "id": 36544, + "cuisine": "thai", + "ingredients": [ + "white wine vinegar", + "ginger root", + "light soy sauce", + "carrots", + "chopped cilantro", + "spring roll wrappers", + "leaf lettuce", + "cooked shrimp", + "mirin", + "cucumber" + ] + }, + { + "id": 35392, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "napa cabbage", + "black rice vinegar", + "light soy sauce", + "green onions", + "toasted sesame oil", + "ground black pepper", + "ground pork", + "Shaoxing wine", + "salt" + ] + }, + { + "id": 15023, + "cuisine": "italian", + "ingredients": [ + "water", + "garlic", + "plum tomatoes", + "arborio rice", + "green onions", + "coconut milk", + "white wine", + "fresh tarragon", + "frozen peas", + "olive oil", + "wild rice" + ] + }, + { + "id": 35070, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "butter", + "hot water", + "chicken thighs", + "ground cumin", + "parsley", + "cayenne pepper", + "phyllo pastry", + "ground turmeric", + "cinnamon", + "lemon juice", + "onions", + "saffron", + "powdered sugar", + "garlic", + "toasted almonds", + "coriander" + ] + }, + { + "id": 17422, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "chili powder", + "paprika", + "ground coriander", + "ground cinnamon", + "fresh ginger", + "veggies", + "yellow split peas", + "onions", + "olive oil", + "lemon", + "vegetable broth", + "garlic cloves", + "tumeric", + "chili paste", + "diced tomatoes", + "ground mustard", + "ground cumin" + ] + }, + { + "id": 14444, + "cuisine": "mexican", + "ingredients": [ + "taco bell home originals", + "shredded lettuce", + "KRAFT Shredded Cheddar Cheese", + "chopped tomatoes", + "tortilla chips", + "green onions" + ] + }, + { + "id": 13946, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "shell-on shrimp", + "squid", + "spaghetti", + "mussels", + "water", + "basil", + "California bay leaves", + "octopuses", + "basil leaves", + "garlic cloves", + "tentacles", + "unsalted butter", + "extra-virgin olive oil", + "juice" + ] + }, + { + "id": 6015, + "cuisine": "mexican", + "ingredients": [ + "barbecue sauce", + "cilantro", + "flour tortillas", + "butter", + "monterey jack", + "pepper", + "boneless skinless chicken breasts", + "salt", + "jalapeno chilies", + "pineapple" + ] + }, + { + "id": 14417, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "red wine vinegar", + "italian seasoning", + "low-fat spaghetti sauce", + "zucchini", + "mushrooms", + "chopped onion", + "penne", + "chopped green bell pepper", + "cooking spray", + "salt", + "water", + "fresh thyme", + "chicken breasts", + "garlic cloves" + ] + }, + { + "id": 30249, + "cuisine": "filipino", + "ingredients": [ + "vegetable oil", + "all-purpose flour", + "large eggs", + "butter", + "milk", + "yellow food coloring", + "white sugar", + "baking powder", + "salt" + ] + }, + { + "id": 5374, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "butter", + "sweet potatoes", + "orange juice" + ] + }, + { + "id": 1034, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "bacon", + "lemon juice", + "butter", + "sharp cheddar cheese", + "grits", + "parsley", + "button mushrooms", + "shrimp", + "heavy cream", + "garlic cloves" + ] + }, + { + "id": 4621, + "cuisine": "french", + "ingredients": [ + "tomato purée", + "beef shin", + "chestnut mushrooms", + "red wine", + "chopped parsley", + "peppercorns", + "plain flour", + "baguette", + "ground black pepper", + "vegetable oil", + "salt", + "bay leaf", + "clove", + "sugar", + "rosemary", + "parsley", + "garlic", + "lardons", + "free-range eggs", + "nutmeg", + "milk", + "parsley leaves", + "butter", + "thyme", + "onions" + ] + }, + { + "id": 25839, + "cuisine": "italian", + "ingredients": [ + "green bell pepper, slice", + "sweet italian sausag links, cut into", + "ragu old world style sweet tomato basil pasta sauc", + "garlic", + "olive oil", + "onions" + ] + }, + { + "id": 8263, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "cinnamon sticks", + "nuts", + "water" + ] + }, + { + "id": 48450, + "cuisine": "chinese", + "ingredients": [ + "lean ground pork", + "oyster sauce", + "white sugar", + "eggs", + "sesame oil", + "corn starch", + "chicken stock", + "green onions", + "shrimp", + "soy sauce", + "wonton wrappers", + "bok choy" + ] + }, + { + "id": 539, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "black pepper", + "jalapeno chilies", + "salt", + "sour cream", + "avocado", + "picante sauce", + "chili powder", + "frozen corn", + "cumin", + "brown rice", + "cilantro leaves", + "bay leaf", + "green chile", + "shredded cheddar cheese", + "vegetable broth", + "garlic cloves" + ] + }, + { + "id": 783, + "cuisine": "southern_us", + "ingredients": [ + "sliced salami", + "grated parmesan cheese", + "sliced ham", + "dried basil", + "pitted green olives", + "dried oregano", + "mozzarella cheese", + "oil-cured black olives", + "Italian bread", + "olive oil", + "provolone cheese" + ] + }, + { + "id": 12143, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "clove", + "white vinegar", + "cinnamon sticks", + "sugar" + ] + }, + { + "id": 46425, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "water", + "rice wine", + "frozen corn kernels", + "white pepper", + "chicken breasts", + "firm tofu", + "eggs", + "fresh ginger", + "sesame oil", + "corn starch", + "five spice", + "green onions", + "garlic" + ] + }, + { + "id": 40770, + "cuisine": "spanish", + "ingredients": [ + "red pepper flakes", + "chopped garlic", + "avocado", + "shrimp", + "extra-virgin olive oil", + "dry white wine", + "fresh parsley" + ] + }, + { + "id": 16755, + "cuisine": "southern_us", + "ingredients": [ + "dried basil", + "all-purpose flour", + "sugar", + "baking powder", + "skim milk", + "salt", + "low-fat sour cream", + "minced onion", + "margarine" + ] + }, + { + "id": 22416, + "cuisine": "moroccan", + "ingredients": [ + "peaches", + "medjool date", + "orange liqueur", + "sugar" + ] + }, + { + "id": 29129, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "pistachios", + "raisins", + "milk", + "baking powder", + "sugar", + "yoghurt", + "salt", + "plain flour", + "active dry yeast", + "vegetable oil" + ] + }, + { + "id": 42484, + "cuisine": "italian", + "ingredients": [ + "orange bell pepper", + "purple onion", + "garlic cloves", + "olive oil", + "crushed red pepper flakes", + "freshly ground pepper", + "fresh mozzarella", + "fresh oregano", + "country bread", + "kosher salt", + "red wine vinegar", + "soppressata" + ] + }, + { + "id": 14821, + "cuisine": "italian", + "ingredients": [ + "bread", + "olive oil", + "potatoes", + "garlic cloves", + "fresh basil", + "red cabbage", + "vegetable stock", + "onions", + "green cabbage", + "zucchini", + "cannellini beans", + "carrots", + "celery ribs", + "fresh tomatoes", + "grated parmesan cheese", + "chopped fresh thyme" + ] + }, + { + "id": 45391, + "cuisine": "jamaican", + "ingredients": [ + "oxtails", + "thyme", + "seasoning salt", + "garlic cloves", + "black pepper", + "scallions", + "onions", + "cherry tomatoes", + "sherry wine" + ] + }, + { + "id": 14032, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "olive oil", + "low salt chicken broth", + "ground cumin", + "prunes", + "all-purpose flour", + "boneless skinless chicken breast halves", + "honey", + "fresh lemon juice", + "chopped cilantro fresh", + "ground cinnamon", + "large garlic cloves", + "onions" + ] + }, + { + "id": 43698, + "cuisine": "italian", + "ingredients": [ + "egg yolks", + "brewed espresso", + "unsweetened cocoa powder", + "granulated sugar", + "whipping cream", + "orange liqueur", + "mini marshmallows", + "vanilla extract", + "chocolate candy bars", + "graham crackers", + "mint sprigs", + "cream cheese, soften" + ] + }, + { + "id": 39997, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "olive oil", + "garlic", + "bay leaf", + "plain yogurt", + "lemon", + "cayenne pepper", + "white sugar", + "ground cinnamon", + "fresh ginger root", + "salt", + "onions", + "curry powder", + "paprika", + "coconut milk", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 48442, + "cuisine": "southern_us", + "ingredients": [ + "salted butter", + "water", + "milk & cream" + ] + }, + { + "id": 37896, + "cuisine": "italian", + "ingredients": [ + "cracked black pepper", + "fat", + "roma tomatoes", + "salt", + "polenta", + "diced tomatoes", + "garlic cloves", + "gremolata", + "dry red wine", + "fresh basil leaves" + ] + }, + { + "id": 46666, + "cuisine": "indian", + "ingredients": [ + "petite peas", + "water", + "ground turmeric", + "dry roasted peanuts", + "basmati rice", + "salt" + ] + }, + { + "id": 7134, + "cuisine": "italian", + "ingredients": [ + "frozen pastry puff sheets", + "shredded mozzarella cheese", + "diced onions", + "extra-virgin olive oil", + "dried rosemary", + "sun-dried tomatoes", + "garlic", + "green onions", + "crumbled gorgonzola" + ] + }, + { + "id": 16771, + "cuisine": "chinese", + "ingredients": [ + "water", + "bean paste", + "chicken", + "pepper", + "green onions", + "ginger", + "minced garlic", + "meat", + "peppercorns", + "sugar", + "soft tofu", + "rice wine" + ] + }, + { + "id": 10134, + "cuisine": "french", + "ingredients": [ + "stock", + "pearl onions", + "bay leaves", + "thyme", + "homemade chicken stock", + "ground black pepper", + "garlic", + "chicken", + "kosher salt", + "unsalted butter", + "carrots", + "cremini mushrooms", + "slab bacon", + "dry red wine", + "flat leaf parsley" + ] + }, + { + "id": 22026, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "fresh peas", + "ground coriander", + "onions", + "basmati rice", + "crushed tomatoes", + "paneer", + "garlic cloves", + "chopped cilantro fresh", + "garam masala", + "all-purpose flour", + "ghee", + "serrano chile", + "water", + "peeled fresh ginger", + "cumin seed", + "frozen peas" + ] + }, + { + "id": 4050, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "garlic cloves", + "black pepper", + "salt", + "tomatoes", + "cauliflower florets", + "ground red pepper", + "chopped onion" + ] + }, + { + "id": 45333, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "sour cream", + "fresh rosemary", + "cornmeal", + "buttermilk" + ] + }, + { + "id": 39213, + "cuisine": "southern_us", + "ingredients": [ + "liquid smoke", + "black pepper", + "leaves", + "salt", + "smoked paprika", + "cooked rice", + "olive oil", + "vegetable broth", + "cayenne pepper", + "celery ribs", + "dried thyme", + "bay leaves", + "hot sauce", + "onions", + "green bell pepper", + "black-eyed peas", + "garlic", + "scallions" + ] + }, + { + "id": 2430, + "cuisine": "mexican", + "ingredients": [ + "unsweetened coconut milk", + "curry powder", + "empanada dough", + "cooked chicken", + "garlic", + "kosher salt", + "active dry yeast", + "unsalted butter", + "cracked black pepper", + "lard", + "eggs", + "milk", + "ground nutmeg", + "russet potatoes", + "all-purpose flour", + "water", + "olive oil", + "grated parmesan cheese", + "apples", + "chopped cilantro fresh" + ] + }, + { + "id": 35870, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "beef bouillon granules", + "salt", + "hot water", + "pepper", + "dry white wine", + "veal shanks", + "onions", + "parsley sprigs", + "fresh thyme", + "all-purpose flour", + "bay leaf", + "olive oil", + "butter", + "carrots" + ] + }, + { + "id": 15329, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "fine sea salt", + "cream cheese", + "ground cumin", + "garlic powder", + "chili powder", + "salsa", + "sour cream", + "avocado", + "low sodium chicken broth", + "purple onion", + "sharp cheddar cheese", + "ground black pepper", + "onion powder", + "skinless chicken breasts", + "chipotles in adobo" + ] + }, + { + "id": 20601, + "cuisine": "russian", + "ingredients": [ + "milk", + "salt", + "smoked salmon", + "large eggs", + "buckwheat flour", + "unsalted butter", + "crème fraîche", + "fresh dill", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 32846, + "cuisine": "french", + "ingredients": [ + "light corn syrup", + "sugar", + "egg whites", + "vanilla extract" + ] + }, + { + "id": 37525, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "shallots", + "fresh lemon juice", + "sourdough bread", + "grated lemon zest", + "fresh basil leaves", + "kosher salt", + "extra-virgin olive oil", + "fresno chiles", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 9574, + "cuisine": "russian", + "ingredients": [ + "eggs", + "heavy cream", + "sour cream", + "milk", + "buckwheat flour", + "active dry yeast", + "all-purpose flour", + "sugar", + "salt" + ] + }, + { + "id": 10430, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "butter", + "cream cheese, soften", + "water", + "lemon juice", + "brandy", + "crepes", + "blackberries", + "ground cinnamon", + "granulated sugar", + "corn starch" + ] + }, + { + "id": 27215, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "tuna steaks", + "extra-virgin olive oil", + "green beans", + "dijon mustard", + "yukon gold potatoes", + "salt", + "water", + "cooking spray", + "fresh tarragon", + "mixed greens", + "large eggs", + "red wine vinegar", + "Niçoise olives" + ] + }, + { + "id": 43330, + "cuisine": "japanese", + "ingredients": [ + "tomato purée", + "vegetable oil", + "chopped cilantro", + "garam masala", + "salt", + "frozen peas", + "garlic paste", + "paprika", + "onions", + "potatoes", + "bay leaf", + "white sugar" + ] + }, + { + "id": 10735, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "hot pepper sauce", + "garlic cloves", + "romaine lettuce", + "sherry vinegar", + "blanched almonds", + "water", + "salt", + "pepper", + "extra-virgin olive oil", + "serrano ham" + ] + }, + { + "id": 25533, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "basil", + "oil", + "pepper", + "Tabasco Pepper Sauce", + "salt", + "oregano", + "marinade", + "paprika", + "celery seed", + "garlic powder", + "buttermilk", + "poultry seasoning", + "chicken" + ] + }, + { + "id": 11858, + "cuisine": "japanese", + "ingredients": [ + "avocado", + "umeboshi paste", + "shiso leaves", + "sushi rice" + ] + }, + { + "id": 165, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "baking powder", + "confectioners sugar", + "lemon zest", + "cake flour", + "granulated sugar", + "vanilla", + "large eggs", + "salt" + ] + }, + { + "id": 15755, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "mushrooms", + "salt", + "cotija", + "beef", + "baking powder", + "fat skimmed chicken broth", + "tomatoes", + "chili", + "shredded cabbage", + "(15 oz.) refried beans", + "pork", + "flour", + "reduced-fat sour cream", + "chicken" + ] + }, + { + "id": 14525, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "pinenuts", + "feta cheese", + "salt", + "vidalia onion", + "water", + "cooking spray", + "red bell pepper", + "capers", + "minced garlic", + "fresh parmesan cheese", + "pizza doughs", + "black pepper", + "olive oil", + "yellow bell pepper", + "cornmeal" + ] + }, + { + "id": 30554, + "cuisine": "italian", + "ingredients": [ + "mushrooms", + "pizza doughs", + "fresh mozzarella", + "arugula" + ] + }, + { + "id": 639, + "cuisine": "indian", + "ingredients": [ + "fruit", + "ghee", + "khoa", + "orange", + "sugar", + "ground cardamom" + ] + }, + { + "id": 27370, + "cuisine": "spanish", + "ingredients": [ + "shell-on shrimp", + "fresh lemon juice", + "large garlic cloves", + "extra-virgin olive oil", + "hot red pepper flakes", + "fine sea salt" + ] + }, + { + "id": 30351, + "cuisine": "thai", + "ingredients": [ + "rice stick noodles", + "peanuts", + "paprika", + "beansprouts", + "sugar", + "large eggs", + "garlic cloves", + "lime", + "vegetable oil", + "tamarind concentrate", + "fish sauce", + "extra firm tofu", + "scallions", + "medium shrimp" + ] + }, + { + "id": 24553, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "broccoli rabe", + "sliced carrots", + "salt", + "dried oregano", + "savoy cabbage", + "kale", + "cannellini beans", + "chopped celery", + "country bread", + "parmigiano-reggiano cheese", + "dried thyme", + "yukon gold potatoes", + "crushed red pepper", + "plum tomatoes", + "water", + "cooking spray", + "extra-virgin olive oil", + "chopped onion" + ] + }, + { + "id": 20004, + "cuisine": "mexican", + "ingredients": [ + "plain yogurt", + "Mexican cheese blend", + "dried dillweed", + "ground cumin", + "top round steak", + "olive oil", + "salt", + "chopped cilantro fresh", + "lime", + "flour tortillas", + "onions", + "mayonaise", + "salt and ground black pepper", + "cayenne pepper", + "dried oregano" + ] + }, + { + "id": 24408, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "oyster sauce", + "chinese eggplants", + "white sugar", + "garlic powder", + "corn starch", + "water", + "crushed red pepper flakes", + "canola oil" + ] + }, + { + "id": 33009, + "cuisine": "japanese", + "ingredients": [ + "baking soda", + "all-purpose flour", + "eggs", + "butter", + "miso paste", + "sugar", + "raw sugar" + ] + }, + { + "id": 3728, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "chili powder", + "granulated garlic", + "ground black pepper", + "cayenne pepper", + "fresh chives", + "pepper jack", + "tasso", + "olive oil", + "russet potatoes" + ] + }, + { + "id": 41814, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "boneless skinless chicken breasts", + "oil", + "white pepper", + "salt", + "corn starch", + "soy sauce", + "baking powder", + "lemon juice", + "chicken broth", + "large eggs", + "lemon slices" + ] + }, + { + "id": 23387, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "extra-virgin olive oil", + "scallions", + "fava beans", + "pattypan squash", + "baby zucchini", + "sorrel", + "chives", + "salt", + "garlic cloves", + "milk", + "peas", + "freshly ground pepper" + ] + }, + { + "id": 35433, + "cuisine": "italian", + "ingredients": [ + "lemon", + "fresh basil leaves", + "salt and ground black pepper", + "garlic", + "parmesan cheese", + "walnuts", + "extra-virgin olive oil" + ] + }, + { + "id": 28054, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "white wine vinegar", + "chipotles in adobo", + "ground cinnamon", + "chili powder", + "ground coriander", + "chopped cilantro fresh", + "fresh ginger", + "rice", + "onions", + "ground cloves", + "large garlic cloves", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 17020, + "cuisine": "japanese", + "ingredients": [ + "spinach", + "garlic cloves", + "japanese rice", + "ginger", + "butternut squash", + "onions", + "chicken broth", + "extra-virgin olive oil" + ] + }, + { + "id": 4830, + "cuisine": "italian", + "ingredients": [ + "prepar pesto", + "parmigiano reggiano cheese", + "salt", + "flat leaf parsley", + "ground black pepper", + "fresh mozzarella", + "garlic cloves", + "milk", + "marinara sauce", + "Italian seasoned breadcrumbs", + "eggs", + "finely chopped onion", + "extra-virgin olive oil", + "ground turkey" + ] + }, + { + "id": 25261, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "provolone cheese", + "part-skim mozzarella cheese", + "Italian turkey sausage", + "pizza crust", + "yellow bell pepper", + "dried oregano", + "tomato paste", + "cooking spray", + "red bell pepper" + ] + }, + { + "id": 24002, + "cuisine": "spanish", + "ingredients": [ + "vegetables", + "garlic", + "water", + "dijon mustard", + "kosher salt", + "ground black pepper", + "juice", + "large egg yolks", + "extra-virgin olive oil" + ] + }, + { + "id": 3593, + "cuisine": "italian", + "ingredients": [ + "fresh basil leaves", + "soft fresh goat cheese", + "red bell pepper", + "country bread" + ] + }, + { + "id": 6423, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "olive oil", + "salt", + "coriander seeds", + "ground cumin", + "ground cinnamon", + "sirloin steak" + ] + }, + { + "id": 1161, + "cuisine": "italian", + "ingredients": [ + "eggs", + "butter", + "all-purpose flour", + "yellow food coloring", + "salt", + "semi-sweet chocolate morsels", + "almond extract", + "red food coloring", + "white sugar", + "seedless raspberry jam", + "color food green", + "almond paste" + ] + }, + { + "id": 33469, + "cuisine": "italian", + "ingredients": [ + "salami", + "parmigiano reggiano cheese", + "pizza doughs", + "large eggs", + "provolone cheese", + "bell pepper" + ] + }, + { + "id": 41648, + "cuisine": "greek", + "ingredients": [ + "salt", + "cucumber", + "red wine vinegar", + "feta cheese crumbles", + "vegetable oil", + "small red potato", + "sliced green onions", + "pepper", + "dill", + "red bell pepper" + ] + }, + { + "id": 21678, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "dried cranberries", + "egg yolks", + "orange juice", + "flaked coconut", + "chopped pecans", + "sugar", + "candied cherries" + ] + }, + { + "id": 31033, + "cuisine": "filipino", + "ingredients": [ + "vegetable broth", + "oil", + "cornstarch noodles", + "tofu", + "tamari soy sauce", + "green beans", + "garlic", + "carrots", + "pepper", + "salt", + "onions" + ] + }, + { + "id": 25943, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "pork spareribs", + "barbecue sauce", + "freshly ground pepper" + ] + }, + { + "id": 10014, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "green onions", + "crushed red pepper flakes", + "chili sauce", + "vermicelli noodles", + "avocado", + "curry powder", + "sesame oil", + "garlic", + "red bell pepper", + "lettuce", + "water", + "boneless skinless chicken breasts", + "ginger", + "carrots", + "rice paper", + "brown sugar", + "hoisin sauce", + "basil", + "peanut butter", + "fresh lime juice" + ] + }, + { + "id": 48470, + "cuisine": "chinese", + "ingredients": [ + "store bought low sodium chicken broth", + "Shaoxing wine", + "lean beef", + "kosher salt", + "szechwan peppercorns", + "corn starch", + "dark soy sauce", + "seeds", + "scallions", + "vegetables", + "chili bean paste", + "celery" + ] + }, + { + "id": 48438, + "cuisine": "italian", + "ingredients": [ + "pasta", + "anchovies", + "chopped tomatoes", + "red wine", + "cinnamon sticks", + "clove", + "chili pepper", + "sun-dried tomatoes", + "red wine vinegar", + "salt", + "pecorino cheese", + "spanish onion", + "bay leaves", + "basil", + "dried oregano", + "black pepper", + "olive oil", + "meat", + "garlic", + "sage" + ] + }, + { + "id": 42017, + "cuisine": "vietnamese", + "ingredients": [ + "boneless pork shoulder", + "cider vinegar", + "shredded cabbage", + "peanut oil", + "asian fish sauce", + "sugar", + "peanuts", + "salt", + "onions", + "mint", + "Japanese turnips", + "large garlic cloves", + "carrots", + "mushroom soy sauce", + "romaine lettuce", + "water", + "crushed red pepper", + "fresh lime juice" + ] + }, + { + "id": 22504, + "cuisine": "italian", + "ingredients": [ + "radicchio", + "ciabatta", + "kosher salt", + "cheese", + "extra-virgin olive oil", + "ground black pepper", + "ham" + ] + }, + { + "id": 6055, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "turkey", + "salt", + "coriander", + "fresh cilantro", + "ginger", + "peanut butter", + "plain yogurt", + "dry mustard", + "cayenne pepper", + "cumin", + "red pepper flakes", + "garlic", + "fresh lemon juice" + ] + }, + { + "id": 48727, + "cuisine": "cajun_creole", + "ingredients": [ + "pecans", + "splenda no calorie sweetener", + "whole milk", + "salted butter", + "Splenda Brown Sugar Blend", + "vanilla extract" + ] + }, + { + "id": 11455, + "cuisine": "korean", + "ingredients": [ + "flanken short ribs", + "soy sauce", + "garlic cloves", + "brown sugar", + "green onions", + "water", + "toasted sesame oil" + ] + }, + { + "id": 13529, + "cuisine": "italian", + "ingredients": [ + "milk", + "eggs", + "oil", + "dry bread crumbs", + "pitted black olives", + "gorgonzola" + ] + }, + { + "id": 47756, + "cuisine": "chinese", + "ingredients": [ + "boneless chicken skinless thigh", + "lo mein noodles", + "crushed red pepper flakes", + "chinese rice wine", + "kosher salt", + "fresh shiitake mushrooms", + "corn starch", + "white pepper", + "green onions", + "peanut oil", + "soy sauce", + "fresh ginger", + "napa cabbage", + "toasted sesame oil" + ] + }, + { + "id": 40791, + "cuisine": "italian", + "ingredients": [ + "clams", + "garlic powder", + "heavy cream", + "dried parsley", + "green bell pepper", + "butter", + "fresh mushrooms", + "chicken broth", + "grated parmesan cheese", + "broccoli", + "pasta", + "ground black pepper", + "all-purpose flour", + "dried oregano" + ] + }, + { + "id": 42603, + "cuisine": "japanese", + "ingredients": [ + "red chili powder", + "amchur", + "seeds", + "all-purpose flour", + "sooji", + "warm water", + "garam masala", + "peas", + "cumin seed", + "fennel seeds", + "fresh coriander", + "potatoes", + "salt", + "oil", + "heeng", + "coriander seeds", + "ginger", + "green chilies" + ] + }, + { + "id": 32099, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "purple onion", + "eggplant", + "cumin seed", + "garlic paste", + "green chilies", + "cilantro", + "oil" + ] + }, + { + "id": 28897, + "cuisine": "french", + "ingredients": [ + "lamb neck", + "butter", + "olive oil", + "shallots", + "lamb racks", + "chicken stock", + "dry white wine", + "red currant jelly", + "fresh thyme", + "red wine vinegar", + "all-purpose flour" + ] + }, + { + "id": 28919, + "cuisine": "irish", + "ingredients": [ + "instant espresso powder", + "dark brown sugar", + "sugar", + "whipping cream", + "large egg whites", + "chocolate covered coffee beans", + "Irish whiskey" + ] + }, + { + "id": 21854, + "cuisine": "japanese", + "ingredients": [ + "sake", + "granulated sugar", + "heavy cream", + "orange", + "fat free ice cream", + "water", + "cooking spray", + "salt", + "brown sugar", + "sesame seeds", + "butter" + ] + }, + { + "id": 23538, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "garlic cloves", + "extra-virgin olive oil", + "dried currants", + "boneless pork loin", + "kosher salt", + "arugula" + ] + }, + { + "id": 47107, + "cuisine": "vietnamese", + "ingredients": [ + "rice stick noodles", + "sugar", + "peanuts", + "jalapeno chilies", + "mint sprigs", + "nuoc cham", + "fish sauce", + "water", + "ground black pepper", + "green onions", + "crushed red pepper flakes", + "ground meat", + "fresh basil", + "sweet chili sauce", + "thai basil", + "sliced cucumber", + "cilantro", + "corn starch", + "romaine lettuce", + "lime juice", + "Sriracha", + "coarse salt", + "garlic cloves", + "beansprouts" + ] + }, + { + "id": 6733, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "boneless skinless chicken breasts", + "grits", + "ground black pepper", + "salt", + "green onions", + "garlic cloves", + "flour", + "butter oil" + ] + }, + { + "id": 27741, + "cuisine": "thai", + "ingredients": [ + "garlic paste", + "granulated sugar", + "toasted sesame oil", + "water", + "creamy peanut butter", + "soy sauce", + "hoisin sauce", + "lime juice", + "garlic cloves" + ] + }, + { + "id": 44848, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "heavy cream", + "bacon grease", + "black pepper", + "onion powder", + "hot sauce", + "sugar", + "green onions", + "cheese", + "corn starch", + "corn", + "butter", + "creole seasoning" + ] + }, + { + "id": 10587, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "boneless skinless chicken breasts", + "jalapeno chilies", + "tortilla chips", + "shredded cheddar cheese", + "rotelle", + "green onions" + ] + }, + { + "id": 30618, + "cuisine": "mexican", + "ingredients": [ + "frozen chopped spinach", + "olive oil", + "white corn tortillas", + "ground black pepper", + "kosher salt", + "fresh basil leaves", + "fresh tomatoes", + "feta cheese" + ] + }, + { + "id": 19034, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "butter", + "taco seasoning", + "flour tortillas", + "salsa", + "olive oil", + "cilantro", + "cheddar cheese", + "chicken breast halves", + "frozen corn kernels" + ] + }, + { + "id": 37931, + "cuisine": "southern_us", + "ingredients": [ + "molasses", + "butter", + "onions", + "collard greens", + "olive oil", + "garlic cloves", + "chicken broth", + "pepper", + "salt", + "risotto", + "bacon slices" + ] + }, + { + "id": 42654, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "Mexican oregano", + "sour cream", + "chiles", + "poblano peppers", + "cilantro sprigs", + "chicken thighs", + "chicken broth", + "white hominy", + "lime wedges", + "onions", + "kosher salt", + "radishes", + "garlic cloves" + ] + }, + { + "id": 10845, + "cuisine": "italian", + "ingredients": [ + "angel hair", + "chili pepper flakes", + "fresh parsley", + "ground black pepper", + "salt", + "grated parmesan cheese", + "chopped fresh herbs", + "olive oil", + "garlic" + ] + }, + { + "id": 13282, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "yellow mustard", + "potatoes", + "pepper", + "salt", + "sweet pickle relish", + "hard-boiled egg" + ] + }, + { + "id": 21152, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "cider vinegar", + "butter", + "sour cream", + "skim milk", + "ground black pepper", + "purple onion", + "pasta", + "kosher salt", + "flour", + "hot sauce", + "cheddar cheese", + "smoked bacon", + "crumbled corn bread" + ] + }, + { + "id": 34894, + "cuisine": "french", + "ingredients": [ + "pepper", + "butter", + "asparagus spears", + "large eggs", + "salt", + "swiss cheese", + "all-purpose flour", + "milk", + "dry mustard" + ] + }, + { + "id": 294, + "cuisine": "indian", + "ingredients": [ + "semolina", + "ginger", + "cumin seed", + "red chili powder", + "flour", + "salt", + "lemon juice", + "coriander powder", + "green peas", + "oil", + "water", + "yukon gold potatoes", + "green chilies", + "onions" + ] + }, + { + "id": 24656, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "vegetable oil", + "celery", + "slivered almonds", + "bulgur wheat", + "greek style seasoning", + "raisins", + "onions", + "chicken broth", + "lamb stew meat", + "ground allspice" + ] + }, + { + "id": 6910, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "onion powder", + "purple onion", + "smoked paprika", + "black beans", + "red cabbage", + "shredded lettuce", + "frozen corn kernels", + "oregano", + "avocado", + "lime", + "lime wedges", + "cayenne pepper", + "red bell pepper", + "tilapia fillets", + "chili powder", + "garlic", + "rice", + "cumin" + ] + }, + { + "id": 36657, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "ginger", + "oil", + "clove", + "capsicum", + "salt", + "coriander powder", + "paneer", + "tomatoes", + "chili powder", + "cilantro leaves" + ] + }, + { + "id": 18270, + "cuisine": "italian", + "ingredients": [ + "pepper", + "all-purpose flour", + "fresh basil", + "diced tomatoes", + "and fat free half half", + "tomato paste", + "olive oil", + "chopped onion", + "fat free less sodium chicken broth", + "garlic" + ] + }, + { + "id": 40631, + "cuisine": "southern_us", + "ingredients": [ + "bay leaves", + "salt", + "chicken", + "unsalted butter", + "heavy cream", + "onions", + "whole milk", + "garlic", + "bisquick", + "pepper", + "parsley", + "celery" + ] + }, + { + "id": 21157, + "cuisine": "indian", + "ingredients": [ + "garlic powder", + "lemon", + "salt", + "low fat plain yoghurt", + "spices", + "paprika", + "coriander", + "dried basil", + "cinnamon", + "ginger", + "cumin", + "onion powder", + "chicken drumsticks", + "cayenne pepper" + ] + }, + { + "id": 8653, + "cuisine": "chinese", + "ingredients": [ + "salad oil", + "black bean sauce", + "fresh bean", + "corn starch", + "pork", + "onions" + ] + }, + { + "id": 39592, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "all-purpose flour", + "refrigerated biscuits", + "milk", + "rolls", + "salt" + ] + }, + { + "id": 43988, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "plain yogurt", + "lemon", + "curry paste", + "bread", + "sugar", + "butter", + "cardamom seeds", + "basmati rice", + "clove", + "red chili peppers", + "double cream", + "garlic", + "tomato purée", + "boneless chicken breast", + "sunflower oil", + "onions" + ] + }, + { + "id": 16908, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic cloves", + "olive oil", + "chicken", + "egg roll wrappers", + "ground ginger", + "slaw mix" + ] + }, + { + "id": 32685, + "cuisine": "cajun_creole", + "ingredients": [ + "onion soup mix", + "butter", + "cayenne pepper", + "red bell pepper", + "black pepper", + "boneless skinless chicken breasts", + "salt", + "sausages", + "onions", + "water", + "chile pepper", + "all-purpose flour", + "shrimp", + "green bell pepper", + "zucchini", + "crushed red pepper flakes", + "oil", + "celery" + ] + }, + { + "id": 40843, + "cuisine": "mexican", + "ingredients": [ + "beans", + "cayenne pepper", + "bay leaf", + "red chili peppers", + "coarse salt", + "beer", + "dried oregano", + "tomatoes", + "olive oil", + "chopped onion", + "ground beef", + "pickled jalapenos", + "crushed red pepper flakes", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 25681, + "cuisine": "british", + "ingredients": [ + "ground black pepper", + "Italian parsley leaves", + "garlic cloves", + "vegetable oil", + "salt", + "onions", + "sage leaves", + "red wine", + "gravy granules", + "leeks", + "ground pork", + "hot water" + ] + }, + { + "id": 48087, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "fresh lime", + "coarse salt", + "skinless chicken thighs", + "tumeric", + "ground black pepper", + "garlic", + "boiling water", + "chicken legs", + "fresh ginger", + "paprika", + "saffron powder", + "saffron threads", + "plain yogurt", + "chili powder", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 40069, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "dry white wine", + "salt", + "fresh basil", + "half & half", + "chees fresh mozzarella", + "grape tomatoes", + "leeks", + "extra-virgin olive oil", + "arborio rice", + "ground black pepper", + "balsamic vinegar" + ] + }, + { + "id": 42884, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "shallots", + "garlic cloves", + "ground cumin", + "sugar", + "cooking spray", + "salt", + "boneless skinless chicken breast halves", + "black pepper", + "peeled fresh ginger", + "ground coriander", + "serrano chile", + "tomatoes", + "olive oil", + "red wine vinegar", + "mustard seeds" + ] + }, + { + "id": 38348, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "garlic cloves", + "guajillo", + "ground cumin", + "salt", + "ground cloves", + "dried oregano" + ] + }, + { + "id": 27851, + "cuisine": "indian", + "ingredients": [ + "nutmeg", + "minced garlic", + "ground black pepper", + "yoghurt", + "lemon", + "turkey thigh", + "fresh lemon juice", + "ground cumin", + "black pepper", + "olive oil", + "bell pepper", + "balsamic vinegar", + "ginger", + "salt", + "smoked paprika", + "brown sugar", + "curry powder", + "chili paste", + "chili powder", + "diced tomatoes", + "purple onion", + "ground cardamom", + "ground ginger", + "kosher salt", + "garam masala", + "chopped fresh chives", + "ground thyme", + "apples", + "english cucumber", + "cumin" + ] + }, + { + "id": 24694, + "cuisine": "italian", + "ingredients": [ + "prego traditional italian sauce", + "italian pork sausage", + "grated parmesan cheese", + "olive oil", + "onions", + "pasta", + "red pepper" + ] + }, + { + "id": 6242, + "cuisine": "jamaican", + "ingredients": [ + "potatoes", + "onions", + "curry powder", + "garlic", + "vegetable oil", + "chicken", + "hot pepper sauce", + "salt" + ] + }, + { + "id": 40883, + "cuisine": "japanese", + "ingredients": [ + "caraway seeds", + "coriander seeds", + "baby carrots", + "cauliflower", + "water", + "rice vinegar", + "celery ribs", + "kosher salt", + "florets", + "sugar", + "shichimi togarashi", + "beets" + ] + }, + { + "id": 44330, + "cuisine": "indian", + "ingredients": [ + "butter", + "peanut butter", + "chuck", + "curry powder", + "unsalted dry roast peanuts", + "coconut milk", + "brown sugar", + "garlic", + "Thai fish sauce", + "potatoes", + "beef broth", + "onions" + ] + }, + { + "id": 11888, + "cuisine": "southern_us", + "ingredients": [ + "ham hock", + "water", + "long grain white rice", + "hot red pepper flakes", + "onions", + "black-eyed peas" + ] + }, + { + "id": 26845, + "cuisine": "spanish", + "ingredients": [ + "green bell pepper", + "zucchini", + "salt", + "cumin", + "water", + "paprika", + "red bell pepper", + "pepper", + "potatoes", + "garlic cloves", + "tomatoes", + "eggplant", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 17268, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "extra-virgin olive oil", + "cumin", + "ground chipotle chile pepper", + "chicken breasts", + "garlic cloves", + "lime", + "freshly ground pepper", + "kosher salt", + "onion powder", + "adobo sauce" + ] + }, + { + "id": 41712, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "ground black pepper", + "sea salt", + "waxy potatoes", + "olive oil", + "aioli", + "garlic", + "plum tomatoes", + "spanish onion", + "cayenne", + "extra-virgin olive oil", + "smoked paprika", + "mayonaise", + "sherry vinegar", + "lemon", + "hot smoked paprika", + "ground cumin" + ] + }, + { + "id": 12956, + "cuisine": "korean", + "ingredients": [ + "honey", + "red wine vinegar", + "chicken wings", + "olive oil", + "red pepper", + "soy sauce", + "sesame oil", + "garlic", + "black pepper", + "parsley" + ] + }, + { + "id": 33693, + "cuisine": "italian", + "ingredients": [ + "egg whites", + "all-purpose flour", + "eggs", + "baking powder", + "white sugar", + "chopped almonds", + "bittersweet chocolate", + "baking soda", + "salt", + "orange zest" + ] + }, + { + "id": 13117, + "cuisine": "french", + "ingredients": [ + "coarse sugar", + "unsalted butter", + "salt", + "dark brown sugar", + "large egg whites", + "golden delicious apples", + "apple juice", + "ground cinnamon", + "whole wheat flour", + "vegetable shortening", + "ground allspice", + "water", + "granulated sugar", + "all-purpose flour", + "fresh lemon juice" + ] + }, + { + "id": 48974, + "cuisine": "thai", + "ingredients": [ + "light brown sugar", + "peeled fresh ginger", + "red bell pepper", + "fish sauce", + "red curry paste", + "large shrimp", + "fresh basil", + "light coconut milk", + "fresh lime juice", + "fat free less sodium chicken broth", + "sliced mushrooms", + "sliced green onions" + ] + }, + { + "id": 33282, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "ras el hanout", + "sugar", + "canned beef broth", + "onions", + "vegetable oil spray", + "yams", + "butternut squash", + "red bell pepper" + ] + }, + { + "id": 38021, + "cuisine": "french", + "ingredients": [ + "garlic cloves", + "fine sea salt", + "extra-virgin olive oil", + "crusty bread" + ] + }, + { + "id": 10610, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "cooked chicken", + "chipotles in adobo", + "knorr chicken flavor bouillon cube", + "garlic", + "chopped cilantro fresh", + "water", + "vegetable oil", + "onions", + "flour tortillas", + "hellmann' or best food real mayonnais", + "sliced green onions" + ] + }, + { + "id": 42190, + "cuisine": "vietnamese", + "ingredients": [ + "shallots", + "chile sauce", + "sugar", + "salt", + "lemongrass", + "all-purpose flour", + "fish sauce", + "ground pork", + "canola oil" + ] + }, + { + "id": 6972, + "cuisine": "thai", + "ingredients": [ + "sugar", + "lime wedges", + "fresh lime juice", + "sesame seeds", + "dark sesame oil", + "olive oil", + "hot sauce", + "chopped cilantro fresh", + "low sodium soy sauce", + "sea scallops", + "corn starch" + ] + }, + { + "id": 33035, + "cuisine": "british", + "ingredients": [ + "chili flakes", + "mixed vegetables", + "onions", + "olive oil", + "garlic cloves", + "cherry tomatoes", + "free range egg", + "ground turmeric", + "garam masala", + "mustard seeds" + ] + }, + { + "id": 10558, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "flour", + "steak", + "chicken broth", + "milk", + "freshly ground pepper", + "pepper", + "salt", + "eggs", + "duck fat", + "oil" + ] + }, + { + "id": 16865, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "frozen chopped spinach, thawed and squeezed dry", + "pepper", + "purple onion", + "yukon gold potatoes", + "olive oil", + "salt" + ] + }, + { + "id": 22041, + "cuisine": "southern_us", + "ingredients": [ + "low sodium chicken broth", + "hot Italian sausages", + "country ham", + "diced tomatoes", + "tomato paste", + "brown rice", + "shrimp", + "chopped green bell pepper", + "chopped onion" + ] + }, + { + "id": 6917, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "jalapeno chilies", + "salt", + "eggs", + "mirin", + "cilantro", + "pork shoulder", + "brown sugar", + "zucchini", + "tamari soy sauce", + "white sugar", + "dashi", + "green onions", + "carrots" + ] + }, + { + "id": 46067, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "red pepper flakes", + "lemon wedge", + "fresh lemon juice", + "honey", + "chicken drumsticks", + "soy sauce", + "vegetable oil" + ] + }, + { + "id": 23731, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "frozen cheese ravioli", + "pasta sauce", + "shredded mozzarella cheese", + "small curd cottage cheese" + ] + }, + { + "id": 29474, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "lemon", + "ground cumin", + "pepper", + "baby arugula", + "thyme", + "pita bread", + "feta cheese", + "chickpeas", + "kosher salt", + "ground black pepper", + "spanish paprika" + ] + }, + { + "id": 42021, + "cuisine": "vietnamese", + "ingredients": [ + "minced garlic", + "pork tenderloin", + "lettuce leaves", + "rice vermicelli", + "rice vinegar", + "beansprouts", + "fish sauce", + "lower sodium soy sauce", + "cooking spray", + "ginger", + "unsalted dry roast peanuts", + "garlic cloves", + "canola oil", + "lemongrass", + "mint leaves", + "shallots", + "thai chile", + "english cucumber", + "serrano chile", + "sugar", + "ground black pepper", + "basil leaves", + "grated carrot", + "cilantro leaves", + "fresh lemon juice" + ] + }, + { + "id": 15863, + "cuisine": "indian", + "ingredients": [ + "chicken legs", + "nonfat yogurt", + "cilantro sprigs", + "ground cardamom", + "minced garlic", + "paprika", + "salt", + "raita", + "ground cinnamon", + "ground black pepper", + "ginger", + "ground coriander", + "ground cumin", + "ground cloves", + "lemon", + "purple onion", + "onions" + ] + }, + { + "id": 13790, + "cuisine": "filipino", + "ingredients": [ + "lime juice", + "green onions", + "boneless skinless chicken breast halves", + "olive oil", + "fresh oregano", + "fresh cilantro", + "salt", + "ground cumin", + "pepper", + "fresh thyme", + "garlic cloves" + ] + }, + { + "id": 8161, + "cuisine": "mexican", + "ingredients": [ + "textured soy protein", + "boiling water", + "cooking spray", + "onions", + "Mexican cheese blend", + "chipotles in adobo", + "tomatoes", + "garlic", + "ground cumin" + ] + }, + { + "id": 16208, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "sour cream", + "frozen potatoes", + "Old El Paso Taco Seasoning Mix", + "guacamole", + "ground beef", + "water", + "shredded lettuce", + "chunky salsa" + ] + }, + { + "id": 34488, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "kosher salt", + "duck fat", + "garlic cloves", + "bread and butter pickle slices", + "whole grain mustard", + "fresh thyme leaves", + "pork butt", + "white wine", + "ground black pepper", + "crushed red pepper", + "chicken stock", + "baguette", + "bay leaves", + "onions" + ] + }, + { + "id": 43898, + "cuisine": "italian", + "ingredients": [ + "amaretto", + "orange liqueur", + "lime slices", + "confectioners sugar", + "orange slices", + "crushed ice", + "sweet and sour mix", + "tequila" + ] + }, + { + "id": 40133, + "cuisine": "indian", + "ingredients": [ + "strawberry syrup", + "strawberries", + "(14 oz.) sweetened condensed milk", + "evaporated milk", + "whipping cream", + "unsalted roasted pistachios", + "ground cardamom" + ] + }, + { + "id": 4681, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "whipping cream", + "blackberries", + "egg yolks", + "salt", + "milk", + "vanilla extract", + "mint sprigs", + "all-purpose flour" + ] + }, + { + "id": 13879, + "cuisine": "russian", + "ingredients": [ + "ground black pepper", + "filet", + "fresh coriander", + "lemon", + "onions", + "fresh basil", + "red wine vinegar", + "scallions", + "dried basil", + "salt" + ] + }, + { + "id": 8019, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "fresh lime juice", + "garlic cloves", + "avocado", + "chopped cilantro fresh" + ] + }, + { + "id": 46541, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "coriander powder", + "butter", + "curry", + "ground turmeric", + "tomato purée", + "honey", + "marinade", + "paprika", + "oil", + "lime juice", + "chicken breasts", + "heavy cream", + "salt", + "ground cumin", + "garlic paste", + "garam masala", + "spices", + "cilantro", + "methi" + ] + }, + { + "id": 39443, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "white wine vinegar", + "fresh lemon juice", + "water", + "extra-virgin olive oil", + "garlic cloves", + "black peppercorns", + "boneless skinless chicken breasts", + "salt", + "white bread", + "cooking spray", + "crushed red pepper", + "fresh mint" + ] + }, + { + "id": 30759, + "cuisine": "cajun_creole", + "ingredients": [ + "fat free yogurt", + "ground red pepper", + "salt", + "ground cumin", + "capers", + "olive oil", + "paprika", + "fresh lime juice", + "black pepper", + "low-fat mayonnaise", + "ground coriander", + "lime rind", + "garlic powder", + "cilantro sprigs", + "large shrimp" + ] + }, + { + "id": 17794, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "cooking spray", + "celery", + "cabbage", + "ground black pepper", + "ginger", + "spaghetti", + "water", + "vegetable oil", + "onions", + "reduced sodium soy sauce", + "garlic", + "cooked chicken breasts" + ] + }, + { + "id": 8851, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "salt", + "fresh lemon juice", + "chopped garlic", + "water", + "cooking oil", + "cayenne pepper", + "onions", + "fresh coriander", + "garam masala", + "natural yogurt", + "fillets", + "ground cumin", + "curry powder", + "passata", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 32203, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "bay leaves", + "salt", + "whole kernel corn, drain", + "chopped cilantro fresh", + "tomato paste", + "ground black pepper", + "lime wedges", + "turkey tenderloins", + "garlic cloves", + "ground cumin", + "fat free less sodium chicken broth", + "chopped green bell pepper", + "diced tomatoes", + "chopped onion", + "pinto beans", + "avocado", + "olive oil", + "chili powder", + "all-purpose flour", + "baked tortilla chips", + "serrano chile" + ] + }, + { + "id": 31992, + "cuisine": "french", + "ingredients": [ + "greek seasoning", + "unsalted butter", + "pepper", + "lemon slices", + "olive oil", + "yellow onion", + "salmon fillets", + "salt" + ] + }, + { + "id": 8569, + "cuisine": "cajun_creole", + "ingredients": [ + "red potato", + "ground pepper", + "green onions", + "worcestershire sauce", + "salt", + "ears", + "ketchup", + "ground black pepper", + "lemon", + "artichokes", + "creole seasoning", + "flat leaf parsley", + "mustard", + "kosher salt", + "asparagus", + "yellow mustard", + "shells", + "liquid", + "celery", + "andouille sausage", + "prepared horseradish", + "vegetable oil", + "garlic", + "yellow onion", + "shrimp" + ] + }, + { + "id": 25338, + "cuisine": "british", + "ingredients": [ + "parsnips", + "unsalted butter", + "yellow onion", + "olive oil", + "russet potatoes", + "kosher salt", + "chives", + "carrots", + "brussels sprouts", + "ground black pepper", + "heavy cream" + ] + }, + { + "id": 25185, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "egg whites", + "purple onion", + "juice", + "coriander", + "spring roll wrappers", + "fresh ginger root", + "sesame oil", + "chili sauce", + "beansprouts", + "celery root", + "soy sauce", + "parsley leaves", + "vegetable oil", + "garlic cloves", + "celery", + "fresh red chili", + "sesame seeds", + "leeks", + "rice vinegar", + "carrots", + "yellow peppers" + ] + }, + { + "id": 43618, + "cuisine": "southern_us", + "ingredients": [ + "liquid smoke", + "black pepper", + "whole grain dijon mustard", + "sea salt", + "ketchup", + "honey", + "onion powder", + "sauce", + "molasses", + "garlic powder", + "worcestershire sauce", + "apple juice", + "pork baby back ribs", + "water", + "bourbon whiskey", + "salt" + ] + }, + { + "id": 21781, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "chicken", + "kosher salt", + "butter", + "chopped cilantro fresh", + "shallots", + "fresh lemon juice", + "fresh ginger", + "extra-virgin olive oil", + "piri-piri sauce" + ] + }, + { + "id": 27244, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "onions", + "instant rice", + "chili powder", + "canola oil", + "green bell pepper", + "whole peeled tomatoes", + "boneless skinless chicken breast halves", + "water", + "onion powder" + ] + }, + { + "id": 36105, + "cuisine": "vietnamese", + "ingredients": [ + "dressing", + "lime juice", + "green onions", + "carrots", + "fresh basil", + "Sriracha", + "peanut butter", + "toasted sesame oil", + "brown sugar", + "extra firm tofu", + "garlic chili sauce", + "noodles", + "low sodium soy sauce", + "fresh ginger", + "rice noodles", + "hot water" + ] + }, + { + "id": 30780, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "tahini", + "cheese", + "tortilla chips", + "lime", + "green onions", + "purple onion", + "sweet chili sauce", + "bell pepper", + "garlic", + "carrots", + "fish sauce", + "fresh ginger", + "cilantro", + "edamame" + ] + }, + { + "id": 42824, + "cuisine": "chinese", + "ingredients": [ + "neutral oil", + "baking soda", + "bell pepper", + "sesame oil", + "rice flour", + "tomatoes", + "kosher salt", + "large eggs", + "sherry", + "rice vinegar", + "onions", + "ketchup", + "ground black pepper", + "pork tenderloin", + "pineapple", + "corn starch", + "low sodium soy sauce", + "water", + "egg whites", + "splenda", + "garlic cloves" + ] + }, + { + "id": 34684, + "cuisine": "french", + "ingredients": [ + "clove", + "horseradish", + "bay leaves", + "ham hock", + "thick-cut bacon", + "red potato", + "juniper berries", + "brats", + "fresh parsley", + "mustard", + "red delicious apples", + "pinot blanc", + "knockwurst", + "allspice", + "black peppercorns", + "sauerkraut", + "kielbasa", + "onions" + ] + }, + { + "id": 10667, + "cuisine": "vietnamese", + "ingredients": [ + "romaine lettuce", + "fresh ginger", + "shallots", + "freshly ground pepper", + "fresh mint", + "fresh cilantro", + "green onions", + "purple onion", + "carrots", + "asian fish sauce", + "soy sauce", + "bibb lettuce", + "thai chile", + "garlic cloves", + "toasted sesame oil", + "fresh basil", + "lime", + "flank steak", + "salt", + "cucumber", + "glass noodles" + ] + }, + { + "id": 15907, + "cuisine": "moroccan", + "ingredients": [ + "fat free less sodium chicken broth", + "crushed red pepper", + "ground cardamom", + "onions", + "pitted date", + "cooking spray", + "garlic cloves", + "couscous", + "ground ginger", + "orange", + "salt", + "leg of lamb", + "chopped cilantro fresh", + "slivered almonds", + "olive oil", + "ground coriander", + "cinnamon sticks", + "ground cumin" + ] + }, + { + "id": 20305, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "jalapeno chilies", + "garlic", + "red bell pepper", + "chile paste", + "flank steak", + "yellow onion", + "brown sugar", + "sherry", + "cilantro leaves", + "canola oil", + "fresh ginger", + "red pepper flakes", + "corn starch" + ] + }, + { + "id": 45467, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "chile paste", + "rice vinegar", + "red bell pepper", + "low sodium soy sauce", + "ketchup", + "green onions", + "garlic cloves", + "canola oil", + "diced onions", + "brown sugar", + "peeled fresh ginger", + "dark sesame oil", + "fresh pineapple", + "dark soy sauce", + "fat free less sodium chicken broth", + "boneless skinless chicken breasts", + "corn starch" + ] + }, + { + "id": 40583, + "cuisine": "vietnamese", + "ingredients": [ + "meat", + "frozen banana leaf" + ] + }, + { + "id": 19314, + "cuisine": "russian", + "ingredients": [ + "sugar", + "unsalted butter", + "salt", + "cream cheese", + "powdered sugar", + "large egg yolks", + "vanilla extract", + "farmer cheese", + "honey", + "large eggs", + "all-purpose flour", + "orange juice", + "rhubarb", + "vegetable oil spray", + "whole milk", + "strawberries", + "ground cardamom" + ] + }, + { + "id": 13014, + "cuisine": "brazilian", + "ingredients": [ + "black beans", + "parsley", + "bay leaf", + "olive oil", + "salt", + "pepper", + "worcestershire sauce", + "chicken broth", + "shallots", + "garlic cloves" + ] + }, + { + "id": 36827, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "sugar", + "apricots", + "ice cubes", + "cachaca", + "water" + ] + }, + { + "id": 28210, + "cuisine": "mexican", + "ingredients": [ + "water", + "garlic cloves", + "long grain white rice", + "boneless skinless chicken breasts", + "onions", + "ground cumin", + "poblano peppers", + "enchilada sauce", + "canola oil", + "fresh leav spinach", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 8251, + "cuisine": "mexican", + "ingredients": [ + "ground beef", + "flour tortillas", + "monterey jack", + "prepar salsa" + ] + }, + { + "id": 24534, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "chopped cilantro", + "spaghetti squash", + "large eggs", + "cheddar cheese", + "mexican chorizo" + ] + }, + { + "id": 40969, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "ground beef", + "tomatoes", + "shredded mozzarella cheese", + "lettuce", + "garlic", + "sliced green onions", + "Wish-Bone Italian Dressing", + "hoagi or roll" + ] + }, + { + "id": 24112, + "cuisine": "italian", + "ingredients": [ + "shiitake", + "large garlic cloves", + "salt", + "pasta", + "vegetable stock", + "peas", + "baby zucchini", + "leeks", + "basil", + "white beans", + "italian tomatoes", + "wax beans", + "extra-virgin olive oil", + "freshly ground pepper" + ] + }, + { + "id": 11339, + "cuisine": "indian", + "ingredients": [ + "milk", + "bay leaves", + "purple onion", + "brown cardamom", + "red chili powder", + "garam masala", + "kasuri methi", + "all-purpose flour", + "ghee", + "black peppercorns", + "amchur", + "ginger", + "salt", + "dried chile", + "cottage cheese", + "coriander powder", + "garlic", + "green cardamom", + "cumin" + ] + }, + { + "id": 4774, + "cuisine": "spanish", + "ingredients": [ + "tumeric", + "salt", + "onions", + "tomatoes", + "olive oil", + "garlic cloves", + "saffron", + "black pepper", + "long-grain rice", + "boneless skinless chicken breast halves", + "green bell pepper", + "smoked sausage", + "shrimp" + ] + }, + { + "id": 47244, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "all-purpose flour", + "milk", + "buttermilk", + "whole wheat flour", + "salt", + "vegetable oil", + "white sugar" + ] + }, + { + "id": 42987, + "cuisine": "moroccan", + "ingredients": [ + "cauliflower", + "chopped tomatoes", + "sweet potatoes", + "paprika", + "chickpeas", + "red chili peppers", + "dried apricot", + "red pepper", + "salt", + "ground cumin", + "eggplant", + "harissa paste", + "raisins", + "cayenne pepper", + "ground ginger", + "zucchini", + "vegetable stock", + "garlic", + "onions" + ] + }, + { + "id": 40349, + "cuisine": "southern_us", + "ingredients": [ + "shiitake", + "dry white wine", + "salt", + "sliced green onions", + "water", + "fresh thyme", + "butter", + "shrimp", + "smoked bacon", + "whole milk", + "garlic", + "grits", + "warm water", + "salted butter", + "shallots", + "freshly ground pepper" + ] + }, + { + "id": 40016, + "cuisine": "french", + "ingredients": [ + "mussels", + "sea scallops", + "dry white wine", + "chopped parsley", + "halibut fillets", + "leeks", + "butter", + "onions", + "large egg yolks", + "bay leaves", + "crème fraîche", + "parsley sprigs", + "fennel bulb", + "clam juice", + "thyme sprigs" + ] + }, + { + "id": 21046, + "cuisine": "chinese", + "ingredients": [ + "peeled fresh ginger", + "noodles", + "hoisin sauce", + "salt", + "water", + "green onions", + "five-spice powder", + "pork tenderloin", + "peanut oil" + ] + }, + { + "id": 13052, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "olive oil", + "salt", + "minced garlic", + "cracked black pepper", + "sugar", + "basil", + "dried oregano", + "crushed tomatoes", + "crushed red pepper" + ] + }, + { + "id": 17893, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "plain yogurt", + "coriander powder", + "ghee", + "ground cumin", + "tumeric", + "garam masala", + "chili powder", + "chicken thighs", + "garlic paste", + "pepper", + "cassia cinnamon", + "onions", + "sliced almonds", + "ground cashew", + "salt", + "coriander" + ] + }, + { + "id": 13148, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "flank steak", + "broccoli", + "toasted sesame oil", + "fresh ginger", + "garlic", + "oyster sauce", + "water", + "vegetable oil", + "scallions", + "light brown sugar", + "low sodium chicken broth", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 22401, + "cuisine": "mexican", + "ingredients": [ + "chicken bouillon", + "jalapeno chilies", + "black olives", + "bay leaf", + "water", + "extra-virgin olive oil", + "blanched almonds", + "chicken", + "black pepper", + "chile pepper", + "salt", + "onions", + "capers", + "sesame seeds", + "garlic", + "celery" + ] + }, + { + "id": 25239, + "cuisine": "thai", + "ingredients": [ + "sugar", + "fresh ginger", + "purple onion", + "red bell pepper", + "tomatoes", + "pepper", + "cooking oil", + "chili sauce", + "soy sauce", + "pork chops", + "salt", + "coconut milk", + "fish sauce", + "lime juice", + "cilantro", + "garlic cloves" + ] + }, + { + "id": 30981, + "cuisine": "italian", + "ingredients": [ + "sugar", + "asiago", + "chopped onion", + "tomato sauce", + "olive oil", + "salt", + "fresh parsley", + "fresh basil", + "black pepper", + "diced tomatoes", + "garlic cloves", + "penne", + "ground turkey breast", + "fresh oregano" + ] + }, + { + "id": 17661, + "cuisine": "russian", + "ingredients": [ + "fish fillets", + "water", + "sea salt", + "fresh parsley", + "reduced sodium vegetable broth", + "potatoes", + "shrimp", + "celery stick", + "olive oil", + "carrots", + "onions", + "pepper", + "bay leaves", + "Mrs. Dash" + ] + }, + { + "id": 5795, + "cuisine": "indian", + "ingredients": [ + "lime", + "cardamon", + "cilantro", + "cayenne pepper", + "basmati rice", + "ground cinnamon", + "ground black pepper", + "boneless skinless chicken breasts", + "garlic", + "greek yogurt", + "ground cumin", + "tomato paste", + "garam masala", + "whole peeled tomatoes", + "ginger", + "ground coriander", + "ground turmeric", + "kosher salt", + "cayenne", + "heavy cream", + "yellow onion", + "ghee" + ] + }, + { + "id": 49445, + "cuisine": "southern_us", + "ingredients": [ + "cream of chicken soup", + "chicken broth", + "frozen peas and carrots", + "cooked chicken", + "refrigerated buttermilk biscuits" + ] + }, + { + "id": 23474, + "cuisine": "cajun_creole", + "ingredients": [ + "black-eyed peas", + "lean ground beef", + "ground black pepper", + "onions", + "garlic powder", + "creole seasoning", + "water", + "chopped green bell pepper", + "long grain white rice" + ] + }, + { + "id": 36745, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "yoghurt", + "rice", + "sirloin", + "water", + "currant", + "onions", + "ground ginger", + "minced garlic", + "vegetable oil", + "ground cayenne pepper", + "slivered almonds", + "curry powder", + "vegetable broth", + "ground cumin" + ] + }, + { + "id": 44827, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "Thai fish sauce", + "lime juice", + "sugar", + "garlic cloves", + "water", + "dried shrimp" + ] + }, + { + "id": 23235, + "cuisine": "russian", + "ingredients": [ + "chicken broth", + "ground black pepper", + "potato flakes", + "celery", + "white kidney beans", + "soy sauce", + "garlic", + "red bell pepper", + "onions", + "white vinegar", + "water", + "beets", + "chicken-flavored soup powder", + "white sugar", + "green bell pepper", + "potatoes", + "carrots", + "dill weed" + ] + }, + { + "id": 6945, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "tomato sauce", + "candied jalapeno", + "cayenne", + "cilantro", + "red bell pepper", + "chicken", + "chicken broth", + "white onion", + "olive oil", + "onion powder", + "purple onion", + "polenta", + "tomato paste", + "black beans", + "corn", + "chili powder", + "white cheddar cheese", + "yellow peppers", + "green bell pepper", + "pepper", + "garlic powder", + "paprika", + "salt", + "cumin" + ] + }, + { + "id": 48417, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "molasses", + "cooking spray", + "chopped onion", + "marjoram", + "saffron", + "ground cloves", + "cherry tomatoes", + "salt", + "fresh lime juice", + "dried oregano", + "chiles", + "fresh cilantro", + "watercress", + "ancho chile pepper", + "plum tomatoes", + "jumbo shrimp", + "fat free yogurt", + "chili powder", + "garlic cloves", + "boiling water", + "ground cumin" + ] + }, + { + "id": 5054, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "parmesan cheese", + "extra-virgin olive oil", + "freshly ground pepper", + "borlotti beans", + "savoy cabbage", + "kale", + "large garlic cloves", + "chickpeas", + "thyme sprigs", + "pancetta", + "italian tomatoes", + "leeks", + "salt", + "carrots", + "onions", + "celery ribs", + "water", + "bay leaves", + "hot sauce", + "green beans", + "sage" + ] + }, + { + "id": 48086, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "olive oil", + "tomato salsa", + "black olives", + "onions", + "crab", + "jalapeno chilies", + "worcestershire sauce", + "(10 oz.) frozen chopped spinach, thawed and squeezed dry", + "jack cheese", + "cayenne", + "whole wheat tortillas", + "salt", + "pepper", + "chili powder", + "garlic", + "flat leaf parsley" + ] + }, + { + "id": 47362, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "crushed tomatoes", + "onion powder", + "sausage links", + "whole peeled tomatoes", + "white sugar", + "tomato sauce", + "garlic powder", + "onions", + "hoagie buns", + "grated parmesan cheese", + "italian seasoning" + ] + }, + { + "id": 18222, + "cuisine": "italian", + "ingredients": [ + "milk", + "cooked chicken", + "vegetables", + "spaghetti", + "garlic powder", + "condensed cream of mushroom soup", + "grated parmesan cheese" + ] + }, + { + "id": 44127, + "cuisine": "greek", + "ingredients": [ + "beet greens", + "feta cheese crumbles", + "olive oil", + "fresh lemon juice", + "pepper", + "dried oregano" + ] + }, + { + "id": 29790, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "salt", + "tri-tip roast", + "honey", + "dry red wine", + "water", + "dry mustard", + "baby portobello mushrooms", + "olive oil", + "garlic" + ] + }, + { + "id": 27093, + "cuisine": "southern_us", + "ingredients": [ + "rum", + "brown sugar", + "butter", + "ground cinnamon", + "banana liqueur", + "bananas", + "lemon juice" + ] + }, + { + "id": 18006, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "sugar", + "vanilla", + "blanched almonds", + "grapes", + "salt", + "large eggs", + "cognac" + ] + }, + { + "id": 1962, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "kosher salt", + "boneless skinless chicken breasts", + "tomatoes", + "ground black pepper", + "eggplant", + "extra-virgin olive oil" + ] + }, + { + "id": 16472, + "cuisine": "mexican", + "ingredients": [ + "taco shells", + "chili powder", + "salt", + "beer", + "cheddar cheese", + "pepper", + "shredded lettuce", + "cayenne pepper", + "greek yogurt", + "avocado", + "boneless, skinless chicken breast", + "onion powder", + "salsa", + "smoked paprika", + "black beans", + "garlic powder", + "cilantro", + "chopped onion", + "cumin" + ] + }, + { + "id": 20529, + "cuisine": "mexican", + "ingredients": [ + "pickled jalapenos", + "low sodium chicken broth", + "cilantro", + "cumin", + "cotija", + "jalapeno chilies", + "vegetable oil", + "corn tortillas", + "tomatoes", + "crema mexican", + "radish slices", + "salt", + "avocado", + "white onion", + "cooked chicken", + "garlic" + ] + }, + { + "id": 8943, + "cuisine": "cajun_creole", + "ingredients": [ + "black-eyed peas", + "cilantro", + "corn kernels", + "cajun seasoning", + "celery", + "ketchup", + "fully cooked ham", + "sour cream", + "hot pepper sauce", + "purple onion" + ] + }, + { + "id": 20870, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "tomatillos", + "goat cheese", + "serrano chile", + "ground black pepper", + "garlic", + "onions", + "fresca", + "sea salt", + "mexican chorizo", + "avocado", + "vegetable oil", + "capellini", + "chopped cilantro fresh" + ] + }, + { + "id": 10877, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "bird chile", + "shredded carrots", + "warm water", + "fresh lime juice", + "fish sauce", + "garlic" + ] + }, + { + "id": 49482, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "kosher salt", + "baking powder", + "cream cheese", + "southern comfort", + "unsalted butter", + "cake flour", + "coconut oil", + "vegetable oil spray", + "buttermilk", + "unsweetened shredded dried coconut", + "sugar", + "large eggs", + "coconut chips" + ] + }, + { + "id": 15513, + "cuisine": "italian", + "ingredients": [ + "salt", + "boiling potatoes", + "black pepper", + "fresh lemon juice", + "anchovy fillets", + "chopped garlic", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 5211, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "tea bags", + "boiling water" + ] + }, + { + "id": 16455, + "cuisine": "italian", + "ingredients": [ + "cranberry beans", + "red wine vinegar", + "freshly ground pepper", + "pasta", + "water", + "extra-virgin olive oil", + "flat leaf parsley", + "string beans", + "large garlic cloves", + "green beans", + "chicken stock", + "grated parmesan cheese", + "salt", + "onions" + ] + }, + { + "id": 32996, + "cuisine": "japanese", + "ingredients": [ + "water", + "worcestershire sauce", + "pork bones", + "brisket", + "spring onions", + "garlic cloves", + "soy sauce", + "mirin", + "ginger", + "shredded coconut", + "ramen noodles", + "beansprouts" + ] + }, + { + "id": 39111, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic cloves", + "varnish clams", + "extra-virgin olive oil", + "shrimp", + "mussels", + "squid", + "flat leaf parsley", + "ground black pepper", + "lemon juice", + "ice" + ] + }, + { + "id": 6544, + "cuisine": "indian", + "ingredients": [ + "korma paste", + "boneless skinless chicken breasts", + "greek yogurt", + "chicken stock", + "ground almonds", + "coriander", + "golden caster sugar", + "ginger", + "onions", + "sultana", + "garlic cloves" + ] + }, + { + "id": 16427, + "cuisine": "mexican", + "ingredients": [ + "crab", + "red pepper", + "corn tortillas", + "cheddar cheese", + "water", + "salt", + "onions", + "jack cheese", + "grapeseed oil", + "medium salsa", + "cream", + "garlic", + "chopped cilantro" + ] + }, + { + "id": 38009, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "fresh orange juice", + "thyme sprigs", + "lime rind", + "cooking spray", + "grated lemon zest", + "dried thyme", + "passion fruit", + "fresh lemon juice", + "sugar", + "french bread", + "cheese" + ] + }, + { + "id": 31276, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lemon rind", + "black pepper", + "cooking spray", + "flat leaf parsley", + "minced garlic", + "salt", + "asparagus", + "fresh lemon juice" + ] + }, + { + "id": 23321, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "okra", + "scallion greens", + "chicken drumsticks", + "chicken thighs", + "celery ribs", + "vegetable oil", + "onions", + "chicken broth", + "hot sauce", + "pork sausages" + ] + }, + { + "id": 20899, + "cuisine": "mexican", + "ingredients": [ + "pectin", + "chopped onion", + "ground cumin", + "lime zest", + "garlic", + "chopped cilantro fresh", + "white vinegar", + "jalapeno chilies", + "white sugar", + "peaches", + "red bell pepper" + ] + }, + { + "id": 46105, + "cuisine": "french", + "ingredients": [ + "baking apples", + "vegetable oil", + "sugar", + "calvados", + "organic butter", + "ground cinnamon", + "baking soda", + "all-purpose flour", + "plain yogurt", + "large eggs" + ] + }, + { + "id": 46071, + "cuisine": "irish", + "ingredients": [ + "beef brisket", + "water", + "sour cream", + "pickling spices", + "small red potato", + "prepared horseradish", + "cabbage" + ] + }, + { + "id": 43580, + "cuisine": "japanese", + "ingredients": [ + "honey", + "green onions", + "dark sesame oil", + "cremini mushrooms", + "white miso", + "rice vinegar", + "canola oil", + "low sodium soy sauce", + "sesame seeds", + "ginger", + "snow peas", + "minced garlic", + "extra firm tofu", + "soba noodles" + ] + }, + { + "id": 31301, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "fresh lemon", + "cilantro leaves", + "coconut milk", + "fish", + "pepper", + "curry", + "oil", + "ground turmeric", + "grated coconut", + "chili powder", + "green chilies", + "onions", + "ground cumin", + "coriander powder", + "salt", + "garlic cloves", + "masala" + ] + }, + { + "id": 5674, + "cuisine": "mexican", + "ingredients": [ + "enchilada sauce", + "corn tortillas", + "Mexican cheese", + "zucchini", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 41241, + "cuisine": "chinese", + "ingredients": [ + "egg roll wrappers", + "oil", + "fresh cilantro", + "chicken breasts", + "bamboo shoots", + "peanuts", + "grated carrot", + "romaine lettuce", + "green onions", + "Soy Vay® Toasted Sesame Dressing & Marinade" + ] + }, + { + "id": 13872, + "cuisine": "french", + "ingredients": [ + "beef stock", + "black peppercorns", + "cracked black pepper", + "olive oil", + "new york strip steaks", + "jack daniels", + "heavy cream" + ] + }, + { + "id": 28617, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "onions", + "green chilies", + "salt", + "potatoes", + "wheat flour" + ] + }, + { + "id": 42477, + "cuisine": "french", + "ingredients": [ + "ice water", + "large egg yolks", + "unsalted butter", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 30274, + "cuisine": "russian", + "ingredients": [ + "brussels sprouts", + "caraway seeds", + "extra-virgin olive oil" + ] + }, + { + "id": 39942, + "cuisine": "moroccan", + "ingredients": [ + "pitted black olives", + "olive oil", + "chickpeas", + "bay leaf", + "ground cumin", + "black peppercorns", + "fresh coriander", + "cinnamon", + "cumin seed", + "coriander", + "figs", + "vegetable stock", + "green chilies", + "onions", + "spinach", + "orange", + "salt", + "black mustard seeds", + "chopped garlic" + ] + }, + { + "id": 22167, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "purple onion", + "fresh rosemary", + "balsamic vinegar", + "all-purpose flour", + "olive oil", + "salt", + "semolina flour", + "crushed red pepper flakes", + "gorgonzola" + ] + }, + { + "id": 1242, + "cuisine": "southern_us", + "ingredients": [ + "pancetta", + "freshly ground pepper", + "water", + "collard greens", + "canola oil", + "red pepper flakes" + ] + }, + { + "id": 36350, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "carrots", + "cabbage", + "salt", + "ground turmeric", + "ground cumin", + "vegetable oil", + "gram flour", + "chicken", + "fresh coriander", + "ground coriander", + "masala" + ] + }, + { + "id": 49571, + "cuisine": "mexican", + "ingredients": [ + "water", + "salt", + "green chile", + "meat seasoning", + "carrots", + "tomatoes", + "potatoes", + "yellow onion", + "pepper", + "beef stew meat", + "celery" + ] + }, + { + "id": 13784, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "tomatoes", + "whole wheat thin italian pizza crust", + "pepperoni slices" + ] + }, + { + "id": 27256, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "chopped walnuts", + "fat free less sodium chicken broth", + "extra-virgin olive oil", + "fresh parmesan cheese", + "salt", + "basil leaves", + "garlic cloves" + ] + }, + { + "id": 21179, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "poppy seeds", + "cornmeal", + "water", + "cooking spray", + "mustard seeds", + "sesame seeds", + "extra-virgin olive oil", + "bread flour", + "warm water", + "dry yeast", + "salt" + ] + }, + { + "id": 27070, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "steak", + "chestnuts", + "fennel bulb", + "Bordelaise sauce", + "unsalted butter", + "leaves" + ] + }, + { + "id": 35454, + "cuisine": "indian", + "ingredients": [ + "chili flakes", + "nonfat yogurt", + "purple onion", + "fresh ginger", + "shredded carrots", + "english cucumber", + "ground pepper", + "vegetable oil", + "basmati rice", + "granny smith apples", + "zucchini", + "salt" + ] + }, + { + "id": 35712, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "carrots", + "salt", + "daikon", + "sugar", + "rice vinegar" + ] + }, + { + "id": 6002, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "salsa verde", + "green chile", + "salad oil", + "eggs", + "salt", + "jack cheese", + "corn tortillas" + ] + }, + { + "id": 45551, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "basil leaves", + "pepper", + "fresh mozzarella", + "olive oil", + "sea salt", + "quinoa" + ] + }, + { + "id": 24021, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "ground nutmeg", + "chicken breasts", + "salt", + "cucumber", + "ground cinnamon", + "cider vinegar", + "dijon mustard", + "hot pepper", + "ground allspice", + "onions", + "mayonaise", + "water", + "cooking oil", + "fresh thyme leaves", + "scallions", + "chopped garlic", + "soy sauce", + "ground black pepper", + "apple cider vinegar", + "cayenne pepper", + "sour cream" + ] + }, + { + "id": 18564, + "cuisine": "indian", + "ingredients": [ + "salted cashews", + "vegetable stock", + "basmati rice", + "frozen vegetables", + "curry paste", + "raisins" + ] + }, + { + "id": 49056, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "raisins", + "corn tortillas", + "minced garlic", + "salt", + "chopped cilantro fresh", + "slivered almonds", + "diced tomatoes", + "chipotle chile powder", + "avocado", + "ground turkey breast", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 5937, + "cuisine": "italian", + "ingredients": [ + "yellow squash", + "fresh thyme", + "red bell pepper", + "tomato purée", + "eggplant", + "salt", + "oregano", + "olive oil", + "crushed red pepper flakes", + "onions", + "pepper", + "zucchini", + "garlic cloves" + ] + }, + { + "id": 47188, + "cuisine": "italian", + "ingredients": [ + "butter", + "purple onion", + "cooked chicken breasts", + "roma tomatoes", + "heavy cream", + "bow-tie pasta", + "Alfredo sauce", + "bacon", + "garlic salt", + "ground black pepper", + "asiago", + "salt", + "chopped garlic" + ] + }, + { + "id": 47842, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "ground black pepper", + "butter", + "cayenne pepper", + "shredded Monterey Jack cheese", + "diced onions", + "chopped green chilies", + "chili powder", + "salt", + "sour cream", + "water", + "flour tortillas", + "garlic", + "oil", + "ground cumin", + "chicken bouillon", + "garlic powder", + "onion powder", + "all-purpose flour", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 37411, + "cuisine": "irish", + "ingredients": [ + "dressing", + "beets", + "Boston lettuce", + "cucumber", + "reduced fat sharp cheddar cheese", + "diced celery", + "diced onions", + "large eggs" + ] + }, + { + "id": 40507, + "cuisine": "thai", + "ingredients": [ + "eggplant", + "vegetable oil", + "oil", + "chicken broth", + "basil leaves", + "garlic", + "palm sugar", + "thai chile", + "soy sauce", + "chicken breasts", + "patis" + ] + }, + { + "id": 6339, + "cuisine": "italian", + "ingredients": [ + "hazelnuts", + "baking powder", + "unsalted butter", + "all-purpose flour", + "sugar", + "Nutella", + "bittersweet chocolate", + "milk chocolate", + "large eggs" + ] + }, + { + "id": 8614, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "ground black pepper", + "chopped fresh thyme", + "hot sauce", + "low salt chicken broth", + "celery ribs", + "kosher salt", + "bay leaves", + "paprika", + "okra", + "chopped garlic", + "green bell pepper", + "steamed rice", + "vegetable oil", + "all-purpose flour", + "scallions", + "boneless chicken skinless thigh", + "file powder", + "worcestershire sauce", + "cayenne pepper", + "onions" + ] + }, + { + "id": 42702, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "flour", + "soybean paste", + "dark soy sauce", + "pork rind", + "ginger", + "chinese black vinegar", + "kosher salt", + "sesame oil", + "ground white pepper", + "pork belly", + "napa cabbage leaves", + "scallions" + ] + }, + { + "id": 29967, + "cuisine": "french", + "ingredients": [ + "bread crumb fresh", + "whole milk", + "shelled pistachios", + "finely chopped onion", + "ground veal", + "thyme leaves", + "prunes", + "large eggs", + "ground pork", + "flat leaf parsley", + "olive oil", + "large garlic cloves", + "chicken livers" + ] + }, + { + "id": 47748, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "flour", + "napa cabbage", + "eggs", + "minced ginger", + "rice wine", + "corn starch", + "chicken broth", + "white pepper", + "green onions", + "ground pork", + "soy sauce", + "water chestnuts", + "sesame oil" + ] + }, + { + "id": 30965, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "anchovy fillets", + "romaine lettuce", + "grated parmesan cheese", + "fresh lemon juice", + "mayonaise", + "worcestershire sauce", + "bread", + "dijon mustard", + "garlic cloves" + ] + }, + { + "id": 36660, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "rice flour", + "taro", + "oyster-flavor sauc", + "bacon", + "dried shrimp", + "dried scallops", + "salt", + "dried mushrooms" + ] + }, + { + "id": 32177, + "cuisine": "french", + "ingredients": [ + "mushrooms", + "Burgundy wine", + "herbs", + "egg noodles, cooked and drained", + "condensed cream of mushroom soup", + "beef roast", + "beef bouillon", + "chopped onion" + ] + }, + { + "id": 47363, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "dark molasses", + "garlic powder", + "worcestershire sauce", + "flavoring", + "brown sugar", + "water", + "onion powder", + "cracked black pepper", + "tomato paste", + "red chili peppers", + "minced onion", + "paprika", + "whiskey", + "pork baby back ribs", + "honey", + "vegetable oil", + "salt" + ] + }, + { + "id": 20291, + "cuisine": "russian", + "ingredients": [ + "ketchup", + "fine sea salt", + "garlic cloves", + "chuck", + "caraway seeds", + "paprika", + "cayenne pepper", + "marjoram", + "olive oil", + "all-purpose flour", + "hot water", + "tomato paste", + "worcestershire sauce", + "hot sauce", + "onions" + ] + }, + { + "id": 21706, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "frozen pizza dough", + "grated parmesan cheese", + "olive oil", + "onions", + "sweet potatoes" + ] + }, + { + "id": 44563, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "radishes", + "fresh lemon juice", + "black pepper", + "artichokes", + "great northern beans", + "extra-virgin olive oil", + "sliced green onions", + "asparagus", + "salt" + ] + }, + { + "id": 47855, + "cuisine": "mexican", + "ingredients": [ + "cheese", + "sour cream", + "shredded cheddar cheese", + "margarine", + "chicken", + "green chile", + "salsa", + "onions", + "tortillas", + "enchilada sauce" + ] + }, + { + "id": 24461, + "cuisine": "indian", + "ingredients": [ + "cooking oil", + "yellow onion", + "ground turmeric", + "tomatoes", + "garlic", + "coconut milk", + "ground ginger", + "potatoes", + "cayenne pepper", + "chicken", + "curry powder", + "salt", + "frozen peas" + ] + }, + { + "id": 46377, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "shredded mozzarella cheese", + "pasta sauce", + "lean ground beef", + "egg whites", + "dried oregano", + "cottage cheese", + "manicotti pasta" + ] + }, + { + "id": 19696, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "garlic cloves", + "cooking spray", + "bread dough", + "dried thyme", + "fresh lemon juice", + "capers", + "anchovy fillets" + ] + }, + { + "id": 42999, + "cuisine": "chinese", + "ingredients": [ + "unsweetened dried coconut", + "fine sea salt", + "virgin coconut oil", + "cane sugar", + "baking powder", + "all-purpose flour", + "pure vanilla extract", + "mandarin oranges", + "corn starch" + ] + }, + { + "id": 21744, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "shallots", + "sesame seeds", + "canola oil", + "white miso", + "japanese eggplants", + "sake", + "mirin" + ] + }, + { + "id": 18007, + "cuisine": "thai", + "ingredients": [ + "water", + "garlic cloves", + "chopped cilantro fresh", + "brown sugar", + "vegetable oil", + "thai green curry paste", + "fish sauce", + "lime wedges", + "coconut milk", + "jumbo shrimp", + "scallions", + "onions" + ] + }, + { + "id": 11533, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "lime", + "sea bass fillets", + "chopped parsley", + "lettuce", + "pepper", + "jalapeno chilies", + "salt", + "oregano", + "white vinegar", + "fillet red snapper", + "halibut fillets", + "black olives", + "onions", + "avocado", + "fresh cilantro", + "Tabasco Pepper Sauce", + "green pepper" + ] + }, + { + "id": 10781, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "chopped pecans", + "ground cinnamon", + "salt", + "firmly packed brown sugar", + "all-purpose flour", + "butter", + "cake batter" + ] + }, + { + "id": 46158, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "self rising flour", + "butter", + "garlic powder", + "ground red pepper", + "salt", + "honey", + "large eggs", + "buttermilk", + "ground black pepper", + "vegetable oil", + "chicken pieces" + ] + }, + { + "id": 7499, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "greek yogurt", + "salt", + "garlic", + "red wine vinegar", + "cucumber" + ] + }, + { + "id": 17583, + "cuisine": "italian", + "ingredients": [ + "baby spinach leaves", + "cooking spray", + "pizza doughs", + "part-skim mozzarella cheese", + "extra-virgin olive oil", + "minced garlic", + "pizza sauce", + "plum tomatoes", + "fresh parmesan cheese", + "part-skim ricotta cheese" + ] + }, + { + "id": 34752, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "tomatoes", + "red bell pepper", + "pepper", + "onions", + "salt" + ] + }, + { + "id": 32262, + "cuisine": "indian", + "ingredients": [ + "pinenuts", + "canned tomatoes", + "garlic cloves", + "onions", + "fresh spinach", + "cayenne", + "salt", + "cinnamon sticks", + "clove", + "coriander seeds", + "lamb shoulder", + "fresh lemon juice", + "ground cumin", + "plain yogurt", + "vegetable oil", + "gingerroot", + "bay leaf" + ] + }, + { + "id": 20209, + "cuisine": "vietnamese", + "ingredients": [ + "baguette", + "jalapeno chilies", + "garlic", + "cilantro leaves", + "carrots", + "mayonaise", + "ground black pepper", + "vegetable oil", + "crushed red pepper", + "english cucumber", + "lime juice", + "chile pepper", + "vietnamese fish sauce", + "rice vinegar", + "sugar", + "pork tenderloin", + "daikon", + "salt", + "scallions" + ] + }, + { + "id": 32532, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salsa", + "flour tortillas", + "long grain white rice", + "refried beans", + "sour cream", + "romaine lettuce", + "low sodium chicken broth" + ] + }, + { + "id": 39323, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato purée", + "pepper", + "bay leaves", + "butter", + "cayenne pepper", + "dill seed", + "onions", + "pork", + "dried thyme", + "fully cooked ham", + "apple pie spice", + "rice", + "mustard seeds", + "canola oil", + "whole peppercorn", + "water", + "boneless skinless chicken breasts", + "diced tomatoes", + "green pepper", + "shrimp", + "chicken thighs", + "celery ribs", + "polish sausage", + "coriander seeds", + "chili powder", + "salt", + "garlic cloves", + "fresh parsley", + "allspice" + ] + }, + { + "id": 25924, + "cuisine": "italian", + "ingredients": [ + "baby spinach", + "salt", + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "fusilli", + "crushed red pepper", + "prosciutto", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 8360, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "egg whites", + "blue cheese", + "fresh basil", + "large eggs", + "chopped fresh thyme", + "salt", + "milk", + "quickcooking grits", + "whipping cream", + "green chile", + "grated parmesan cheese", + "butter", + "garlic cloves" + ] + }, + { + "id": 1010, + "cuisine": "southern_us", + "ingredients": [ + "white onion", + "vegetable oil", + "chopped celery", + "ripe olives", + "black pepper", + "chopped green bell pepper", + "garlic", + "low sodium beef broth", + "sliced green onions", + "tomato sauce", + "beef", + "diced tomatoes", + "all-purpose flour", + "grits", + "fresh basil", + "hot pepper sauce", + "chopped fresh thyme", + "salt", + "fresh parsley" + ] + }, + { + "id": 2662, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "garam masala", + "cilantro", + "skinless chicken breasts", + "fresh ginger", + "vegetable oil", + "purple onion", + "pepper", + "chili powder", + "garlic", + "ground turmeric", + "tomato paste", + "light cream", + "lemon", + "salt" + ] + }, + { + "id": 44686, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "cream of chicken soup", + "shredded cheddar cheese", + "salsa", + "beans", + "chile pepper", + "avocado", + "sliced black olives", + "sour cream" + ] + }, + { + "id": 17376, + "cuisine": "mexican", + "ingredients": [ + "fresh basil", + "chicken breasts", + "hummus", + "flour tortillas", + "salt", + "pepper", + "vine ripened tomatoes", + "avocado", + "shredded carrots", + "cucumber" + ] + }, + { + "id": 40755, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "flour", + "butter", + "white sugar", + "pecan halves", + "evaporated milk", + "baking powder", + "vanilla", + "cream of tartar", + "honey", + "egg yolks", + "sprinkles", + "brown sugar", + "lemon extract", + "cinnamon", + "salt" + ] + }, + { + "id": 39089, + "cuisine": "italian", + "ingredients": [ + "cold water", + "salt", + "flour", + "sage leaves", + "cracked black pepper", + "olive oil" + ] + }, + { + "id": 25885, + "cuisine": "southern_us", + "ingredients": [ + "ice", + "vanilla ice cream", + "sports drink" + ] + }, + { + "id": 47492, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "penne rigate", + "pinenuts", + "salt", + "black pepper", + "parmigiano reggiano cheese", + "chopped garlic", + "olive oil", + "mixed greens" + ] + }, + { + "id": 5625, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "provolone cheese", + "chili powder" + ] + }, + { + "id": 28093, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "potatoes", + "cayenne pepper", + "cashew nuts", + "dried currants", + "fresh ginger root", + "garlic", + "onions", + "garbanzo beans", + "diced tomatoes", + "coconut milk", + "ground cumin", + "curry powder", + "garam masala", + "salt", + "frozen peas" + ] + }, + { + "id": 20296, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "ricotta cheese", + "grated parmesan cheese", + "asparagus spears", + "olive oil", + "green onions", + "chopped fresh mint", + "large eggs", + "salt" + ] + }, + { + "id": 26258, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chinese five-spice powder", + "hoisin sauce", + "honey", + "dry sherry" + ] + }, + { + "id": 5077, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "bay leaves", + "hot sauce", + "corn tortillas", + "fresh rosemary", + "olive oil", + "purple onion", + "garlic cloves", + "lime juice", + "Mexican oregano", + "orange juice", + "skirt steak", + "kosher salt", + "guacamole", + "salsa", + "Mexican lager beer" + ] + }, + { + "id": 10551, + "cuisine": "italian", + "ingredients": [ + "water", + "chopped onion", + "pepper", + "olive oil", + "chunky pasta sauce", + "long-grain rice", + "chicken breast tenders", + "creole seasoning" + ] + }, + { + "id": 9494, + "cuisine": "mexican", + "ingredients": [ + "low-fat sour cream", + "garlic powder", + "boneless skinless chicken breasts", + "cayenne pepper", + "olive oil", + "tortillas", + "paprika", + "chopped cilantro fresh", + "avocado", + "chopped tomatoes", + "bell pepper", + "salt", + "cumin", + "shredded cheddar cheese", + "ground pepper", + "chili powder", + "onions" + ] + }, + { + "id": 20719, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "meyer lemon", + "onions", + "green olives", + "garlic cloves", + "ground cumin", + "ground cinnamon", + "paprika", + "chicken", + "olive oil", + "low salt chicken broth" + ] + }, + { + "id": 39136, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "yellow onion", + "medium shrimp", + "black pepper", + "diced tomatoes", + "diced ham", + "canola oil", + "fat free less sodium chicken broth", + "chopped celery", + "long grain brown rice", + "chopped green bell pepper", + "garlic cloves", + "dried parsley" + ] + }, + { + "id": 9370, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "fresh mushrooms", + "olive oil", + "black olives", + "steak seasoning", + "mozzarella cheese", + "flank steak", + "sausages", + "garlic powder", + "mortadella", + "italian seasoning" + ] + }, + { + "id": 24170, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "large eggs", + "garlic", + "peanuts", + "vegetable oil", + "fresh lime juice", + "fish sauce", + "lo mein noodles", + "red pepper flakes", + "soy sauce", + "green onions", + "cilantro leaves" + ] + }, + { + "id": 25385, + "cuisine": "cajun_creole", + "ingredients": [ + "honey", + "spicy brown mustard", + "minced garlic", + "hot sauce", + "green onions" + ] + }, + { + "id": 46608, + "cuisine": "italian", + "ingredients": [ + "capers", + "water", + "crushed red pepper", + "boneless skinless chicken breast halves", + "romano cheese", + "sherry vinegar", + "garlic cloves", + "marsala wine", + "olive oil", + "salt", + "dried oregano", + "frozen chopped spinach", + "seasoned bread crumbs", + "golden raisins", + "corn starch" + ] + }, + { + "id": 23308, + "cuisine": "italian", + "ingredients": [ + "water", + "parsley leaves", + "cake flour", + "large egg yolks", + "large garlic cloves", + "olive oil", + "dry white wine", + "porcini", + "unsalted butter", + "extra-virgin olive oil" + ] + }, + { + "id": 6761, + "cuisine": "cajun_creole", + "ingredients": [ + "crab", + "corn", + "green onions", + "hot sauce", + "chopped parsley", + "crab claws", + "unsalted butter", + "chopped celery", + "red bell pepper", + "chicken broth", + "minced garlic", + "chopped green bell pepper", + "salt", + "heavy whipping cream", + "lump crab meat", + "dried thyme", + "dry white wine", + "chopped onion", + "roux" + ] + }, + { + "id": 41551, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "jalapeno chilies", + "salt", + "ground beef", + "water", + "cooking oil", + "purple onion", + "frozen corn kernels", + "eggs", + "ground black pepper", + "diced tomatoes", + "dry bread crumbs", + "dried oregano", + "canned low sodium chicken broth", + "zucchini", + "garlic", + "fresh oregano", + "ground cumin" + ] + }, + { + "id": 14133, + "cuisine": "southern_us", + "ingredients": [ + "country ham", + "dijon mustard", + "salt", + "celery ribs", + "sugar", + "apple cider vinegar", + "celery", + "eggs", + "ground black pepper", + "extra-virgin olive oil", + "mayonaise", + "chives", + "ham" + ] + }, + { + "id": 35161, + "cuisine": "irish", + "ingredients": [ + "kosher salt", + "whole milk", + "salt", + "black pepper", + "leeks", + "russet potatoes", + "kale", + "shallots", + "grated nutmeg", + "unsalted butter", + "napa cabbage", + "onion tops" + ] + }, + { + "id": 15458, + "cuisine": "spanish", + "ingredients": [ + "mussels", + "ground black pepper", + "littleneck clams", + "garlic cloves", + "fresh parsley", + "saffron threads", + "frozen whole kernel corn", + "green peas", + "chopped onion", + "red bell pepper", + "water", + "dry white wine", + "orzo", + "sausages", + "dried oregano", + "olive oil", + "paprika", + "salt", + "shrimp" + ] + }, + { + "id": 40894, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "jalapeno chilies", + "wild rice", + "cumin", + "lime", + "tomatillos", + "sour cream", + "green chile", + "poblano peppers", + "extra-virgin olive oil", + "onions", + "kosher salt", + "chicken breasts", + "garlic cloves" + ] + }, + { + "id": 29851, + "cuisine": "southern_us", + "ingredients": [ + "tahini", + "fresh lemon juice", + "pitas", + "salt", + "black-eyed peas", + "garlic cloves", + "fresh chives", + "paprika", + "ground cumin" + ] + }, + { + "id": 28262, + "cuisine": "korean", + "ingredients": [ + "honey", + "juice", + "soy sauce", + "rice wine", + "sugar", + "green onions", + "chopped garlic", + "pepper", + "sesame oil" + ] + }, + { + "id": 11236, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "red wine vinegar", + "plum tomatoes", + "avocado", + "black-eyed peas", + "shoepeg corn", + "olive oil", + "salt", + "ground cumin", + "black pepper", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 41257, + "cuisine": "italian", + "ingredients": [ + "orange bell pepper", + "dry white wine", + "arborio rice", + "asparagus bean", + "crabmeat", + "Swanson Chicken Broth", + "chopped onion", + "olive oil", + "grated parmesan cheese" + ] + }, + { + "id": 25456, + "cuisine": "greek", + "ingredients": [ + "flour", + "lemon juice", + "vegetable oil", + "calamari" + ] + }, + { + "id": 14789, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "salt", + "fresh lime juice", + "pasilla chiles", + "chicken breasts", + "oil", + "roasted red peppers", + "yellow onion", + "shredded Monterey Jack cheese", + "minced garlic", + "chili powder", + "corn tortillas" + ] + }, + { + "id": 3813, + "cuisine": "irish", + "ingredients": [ + "sugar", + "buttermilk", + "large eggs", + "all-purpose flour", + "baking soda", + "salt", + "golden raisins" + ] + }, + { + "id": 42794, + "cuisine": "italian", + "ingredients": [ + "pepper", + "green onions", + "garlic cloves", + "fresh basil", + "parmesan cheese", + "peas", + "olive oil", + "balsamic vinegar", + "fresh lemon juice", + "french baguette", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 12590, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "cayenne pepper", + "stock", + "rice wine", + "fish sauce", + "garlic", + "chili" + ] + }, + { + "id": 16046, + "cuisine": "jamaican", + "ingredients": [ + "cooked brown rice", + "jalapeno chilies", + "ginger", + "black-eyed peas", + "vegetable oil", + "ground allspice", + "minced garlic", + "chili powder", + "yellow onion", + "ground ginger", + "ground nutmeg", + "button mushrooms", + "panko breadcrumbs" + ] + }, + { + "id": 3848, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "chicken breasts", + "carrots", + "chipotle chile", + "vegetable oil", + "chicken broth", + "lime wedges", + "onions", + "zucchini", + "chickpeas" + ] + }, + { + "id": 3396, + "cuisine": "thai", + "ingredients": [ + "eggplant", + "heavy cream", + "fish sauce", + "water chestnuts", + "coconut milk", + "thai basil", + "red curry paste", + "water", + "chicken breasts", + "bamboo shoots" + ] + }, + { + "id": 2802, + "cuisine": "mexican", + "ingredients": [ + "triple sec", + "ice", + "frozen limeade concentrate", + "gold tequila" + ] + }, + { + "id": 46166, + "cuisine": "italian", + "ingredients": [ + "sugar", + "balsamic vinegar", + "freshly ground pepper", + "baguette", + "purple onion", + "plum tomatoes", + "pepper", + "garlic", + "roast red peppers, drain", + "olive oil", + "salt" + ] + }, + { + "id": 15856, + "cuisine": "greek", + "ingredients": [ + "fresh spinach", + "salt", + "butter-flavored spray", + "fat free milk", + "lemon juice", + "dill weed", + "phyllo dough", + "butter", + "feta cheese crumbles", + "fresh asparagus", + "dried thyme", + "all-purpose flour", + "nonstick spray" + ] + }, + { + "id": 25950, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "salt", + "frozen peas", + "tomato sauce", + "red pepper", + "coconut milk", + "curry powder", + "garlic", + "onions", + "ground ginger", + "extra firm tofu", + "carrots", + "ground cumin" + ] + }, + { + "id": 5229, + "cuisine": "cajun_creole", + "ingredients": [ + "ground cloves", + "unsalted butter", + "ground cardamom", + "eggs", + "almond flour", + "lemon", + "ceylon cinnamon", + "orange", + "granulated sugar", + "corn starch", + "hazelnut flour", + "large egg yolks", + "vanilla bean paste" + ] + }, + { + "id": 21183, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "chili oil", + "white sugar", + "fresh ginger root", + "vegetable oil", + "salt", + "water", + "sesame oil", + "ground pork", + "cabbage", + "water chestnuts", + "wonton wrappers", + "rice vinegar" + ] + }, + { + "id": 2307, + "cuisine": "mexican", + "ingredients": [ + "minced onion", + "chili powder", + "dry bread crumbs", + "taco sauce", + "french bread", + "butter", + "dried oregano", + "large eggs", + "tomatillos", + "lean beef", + "jack cheese", + "guacamole", + "garlic", + "ground cumin" + ] + }, + { + "id": 25650, + "cuisine": "italian", + "ingredients": [ + "Italian cheese", + "garlic", + "chopped onion", + "green bell pepper", + "mild Italian sausage", + "shredded sharp cheddar cheese", + "ground beef", + "pepper", + "chopped celery", + "rotini", + "tomato sauce", + "diced tomatoes", + "salt" + ] + }, + { + "id": 35349, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "large egg whites", + "lasagna noodles", + "cream cheese, soften", + "sugar", + "artichoke hearts", + "crushed red pepper", + "pasta sauce", + "olive oil", + "low-fat ricotta cheese", + "tomatoes", + "sweet onion", + "parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 17341, + "cuisine": "japanese", + "ingredients": [ + "black pepper", + "free range chicken breasts", + "ginger", + "Soy Vay® Veri Veri Teriyaki® Marinade & Sauce", + "carrots", + "serrano chilies", + "boneless skin on chicken thighs", + "sesame oil", + "garlic", + "english cucumber", + "flat leaf parsley", + "savoy cabbage", + "kosher salt", + "shallots", + "extra-virgin olive oil", + "rice vinegar", + "red bell pepper", + "slivered almonds", + "udon", + "cilantro", + "herb dressing", + "scallions" + ] + }, + { + "id": 10644, + "cuisine": "mexican", + "ingredients": [ + "lamb strips", + "flour tortillas", + "green chilies", + "ground cumin", + "tomatoes", + "olive oil", + "garlic", + "red bell pepper", + "avocado", + "lime juice", + "yellow bell pepper", + "lemon juice", + "white onion", + "green bell pepper, slice", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 49446, + "cuisine": "japanese", + "ingredients": [ + "rice vinegar", + "vegetable oil", + "white sugar", + "soy sauce", + "cucumber", + "salt" + ] + }, + { + "id": 23546, + "cuisine": "southern_us", + "ingredients": [ + "white pepper", + "meat bones", + "garlic powder", + "onions", + "water", + "ham hock", + "salt", + "butter beans" + ] + }, + { + "id": 23101, + "cuisine": "greek", + "ingredients": [ + "uncooked ziti", + "large eggs", + "butter", + "all-purpose flour", + "ground lamb", + "bread crumbs", + "cooking spray", + "diced tomatoes", + "feta cheese crumbles", + "ground cinnamon", + "olive oil", + "ground sirloin", + "salt", + "dried oregano", + "fresh oregano leaves", + "reduced fat milk", + "large garlic cloves", + "chopped onion" + ] + }, + { + "id": 2886, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "garlic cloves", + "chipotle chile", + "cooking spray", + "chopped onion", + "chopped cilantro fresh", + "ground black pepper", + "fresh oregano", + "fresh lime juice", + "fat free less sodium chicken broth", + "bay leaves", + "pork roast", + "ground cumin" + ] + }, + { + "id": 20797, + "cuisine": "southern_us", + "ingredients": [ + "light soy sauce", + "quickcooking grits", + "scallions", + "ground black pepper", + "grapeseed oil", + "eggs", + "unsalted butter", + "bacon", + "dashi", + "coarse salt", + "medium shrimp" + ] + }, + { + "id": 3910, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "spaghettini", + "fresh basil", + "large garlic cloves", + "cherry tomatoes", + "fresh lemon juice", + "clams", + "grated parmesan cheese" + ] + }, + { + "id": 31601, + "cuisine": "chinese", + "ingredients": [ + "tofu", + "ground pork", + "shallots", + "corn starch", + "water", + "hot bean paste", + "rice wine" + ] + }, + { + "id": 47934, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "yellow miso", + "garlic cloves", + "water", + "leeks", + "fennel bulb", + "japanese eggplants" + ] + }, + { + "id": 36212, + "cuisine": "vietnamese", + "ingredients": [ + "beansprouts", + "lettuce leaves", + "cucumber", + "mint" + ] + }, + { + "id": 44867, + "cuisine": "british", + "ingredients": [ + "eggs", + "all-purpose flour", + "prepared horseradish", + "roast beef", + "milk", + "au jus gravy", + "salt", + "canola oil" + ] + }, + { + "id": 10827, + "cuisine": "irish", + "ingredients": [ + "Irish whiskey", + "maraschino", + "pernod", + "curaçao", + "crushed ice", + "olives", + "Angostura bitters", + "orange peel" + ] + }, + { + "id": 12991, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "green peas", + "mustard seeds", + "whole wheat dough", + "sweet potatoes", + "chopped onion", + "olive oil", + "salt", + "water", + "ground red pepper", + "garlic cloves" + ] + }, + { + "id": 3308, + "cuisine": "japanese", + "ingredients": [ + "sake", + "mirin", + "soy sauce", + "sugar", + "eggs", + "water" + ] + }, + { + "id": 613, + "cuisine": "japanese", + "ingredients": [ + "dashi kombu", + "dried bonito", + "tamari soy sauce", + "water", + "mirin", + "brown rice", + "orange juice concentrate", + "olive oil", + "peeled fresh ginger", + "salt", + "sugar", + "ahi tuna steaks", + "green onions", + "rice vinegar" + ] + }, + { + "id": 42787, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "anise", + "sugar", + "cooking spray", + "melted butter", + "chopped almonds", + "all-purpose flour", + "large egg whites", + "baking powder" + ] + }, + { + "id": 21124, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "garlic cloves", + "italian seasoning", + "tomato sauce" + ] + }, + { + "id": 42034, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "fresh ginger", + "garlic cloves", + "cashew nuts", + "kaffir lime leaves", + "lime", + "Thai eggplants", + "green beans", + "fresh basil", + "green curry paste", + "peanut oil", + "coconut milk", + "fresh cilantro", + "spring onions", + "corn starch", + "chicken" + ] + }, + { + "id": 43961, + "cuisine": "thai", + "ingredients": [ + "kosher salt", + "rice powder", + "shallots", + "stock", + "lemongrass", + "mint leaves", + "chopped cilantro", + "soy sauce", + "ground black pepper", + "mushrooms", + "chile powder", + "lime juice", + "granulated sugar", + "vegetable oil" + ] + }, + { + "id": 40885, + "cuisine": "brazilian", + "ingredients": [ + "bittersweet chocolate", + "chocolate sprinkles", + "salted butter", + "sweetened condensed milk" + ] + }, + { + "id": 46076, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "salt", + "shrimp", + "serrano chilies", + "fresh thyme", + "cayenne pepper", + "chicken broth", + "ground black pepper", + "yellow onion", + "plum tomatoes", + "green bell pepper", + "gumbo file", + "garlic cloves" + ] + }, + { + "id": 10251, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "white wine vinegar", + "mussels", + "shallots", + "dry white wine", + "onions", + "unsalted butter", + "flat leaf parsley" + ] + }, + { + "id": 16515, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "fresh tarragon", + "balsamic vinegar", + "salt", + "shallots", + "extra-virgin olive oil", + "heirloom tomatoes" + ] + }, + { + "id": 33092, + "cuisine": "greek", + "ingredients": [ + "pepper", + "salt", + "new potatoes", + "olive oil", + "dried oregano", + "mayonaise", + "red wine vinegar" + ] + }, + { + "id": 4735, + "cuisine": "french", + "ingredients": [ + "olive oil", + "white wine vinegar", + "onions", + "dijon mustard", + "ham", + "ground black pepper", + "salt", + "gruyere cheese", + "fresh parsley" + ] + }, + { + "id": 31875, + "cuisine": "southern_us", + "ingredients": [ + "Jell-O Gelatin", + "color food green", + "sweetened condensed milk", + "egg whites", + "fresh lime juice", + "lemon zest", + "bitters", + "pie crust", + "egg yolks", + "boiling water" + ] + }, + { + "id": 23550, + "cuisine": "southern_us", + "ingredients": [ + "pickles", + "french bread", + "hot sauce", + "bibb lettuce", + "buttermilk", + "cornmeal", + "pepper", + "beefsteak tomatoes", + "filet", + "mayonaise", + "flour", + "salt", + "canola oil" + ] + }, + { + "id": 45109, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "salt", + "fresh cilantro", + "chili powder", + "ghee", + "potatoes", + "cumin seed", + "amchur", + "chile pepper", + "coriander" + ] + }, + { + "id": 985, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "reduced fat milk", + "spelt", + "salt", + "sugar", + "cooking spray", + "vanilla beans", + "ground cardamom" + ] + }, + { + "id": 29905, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "heavy cream", + "tomatoes", + "shrimp heads", + "yellow onion", + "unsalted butter", + "salt", + "ouzo", + "lemon", + "garlic cloves" + ] + }, + { + "id": 17186, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "cheese tortellini", + "onions", + "butter", + "salt", + "ground black pepper", + "peas", + "heavy cream", + "ham" + ] + }, + { + "id": 29800, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "turnip greens", + "pork shoulder", + "water" + ] + }, + { + "id": 12350, + "cuisine": "italian", + "ingredients": [ + "spaghetti", + "cracked black pepper", + "pecorino romano cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 38375, + "cuisine": "mexican", + "ingredients": [ + "corn", + "button mushrooms", + "boiling water", + "ground cumin", + "corn husks", + "salt", + "canola oil", + "olive oil", + "vegetable broth", + "oregano", + "red chili peppers", + "large garlic cloves", + "onions", + "masa harina" + ] + }, + { + "id": 40959, + "cuisine": "irish", + "ingredients": [ + "water", + "baking soda", + "buttermilk", + "carrots", + "onions", + "olive oil", + "potatoes", + "all-purpose flour", + "bay leaf", + "dried thyme", + "herbs", + "salt", + "rib", + "whole wheat flour", + "baking powder", + "cubed meat", + "fresh parsley" + ] + }, + { + "id": 9616, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "sun-dried tomatoes", + "plum tomatoes", + "grape tomatoes", + "brine-cured black olives", + "water", + "boiling potatoes", + "chicken legs", + "extra-virgin olive oil" + ] + }, + { + "id": 12610, + "cuisine": "japanese", + "ingredients": [ + "beef", + "sugar", + "ginger", + "sake", + "mirin", + "soy sauce" + ] + }, + { + "id": 48444, + "cuisine": "spanish", + "ingredients": [ + "sourdough bread", + "extra-virgin olive oil", + "flat leaf parsley", + "green onions", + "salt", + "ground black pepper", + "crushed red pepper", + "large shrimp", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 24928, + "cuisine": "italian", + "ingredients": [ + "salmon fillets", + "fresh lemon", + "penne pasta", + "olive oil", + "garlic", + "fresh asparagus", + "white pepper", + "heavy cream", + "dried dillweed", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 31202, + "cuisine": "irish", + "ingredients": [ + "vanilla extract", + "irish cream liqueur", + "white sugar", + "brown sugar", + "heavy whipping cream", + "half & half" + ] + }, + { + "id": 38912, + "cuisine": "french", + "ingredients": [ + "warm water", + "sea salt", + "orange zest", + "table salt", + "active dry yeast", + "all-purpose flour", + "anise seed", + "water", + "extra-virgin olive oil", + "sugar", + "all purpose unbleached flour", + "orange flower water" + ] + }, + { + "id": 7012, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "large eggs", + "dashi", + "nori", + "sushi rice", + "salt", + "mirin" + ] + }, + { + "id": 20673, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "radishes", + "Italian parsley leaves", + "baby carrots", + "olive oil", + "dry white wine", + "cilantro leaves", + "small red potato", + "sugar pea", + "asparagus", + "watercress", + "grated lemon zest", + "fresh lemon juice", + "fat free less sodium chicken broth", + "mint leaves", + "salt", + "garlic cloves" + ] + }, + { + "id": 25884, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "ground cayenne pepper", + "kosher salt", + "hot sauce", + "blue crabs", + "bay leaves", + "ground black pepper", + "celery seed" + ] + }, + { + "id": 38714, + "cuisine": "indian", + "ingredients": [ + "ice cubes", + "vanilla extract", + "honey", + "ground cardamom", + "ground cinnamon", + "1% low-fat milk", + "nonfat yogurt", + "mango" + ] + }, + { + "id": 2879, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "active dry yeast", + "all-purpose flour", + "warm water", + "salt", + "shortening", + "sweet potatoes" + ] + }, + { + "id": 12648, + "cuisine": "italian", + "ingredients": [ + "hazelnuts", + "cream cheese", + "granulated sugar", + "bittersweet chocolate", + "unsalted butter", + "sour cream", + "pure vanilla extract", + "large eggs", + "crackers" + ] + }, + { + "id": 30657, + "cuisine": "chinese", + "ingredients": [ + "fat free less sodium chicken broth", + "chopped cilantro fresh", + "hoisin sauce", + "sliced green onions", + "won ton wrappers", + "cooked chicken breasts", + "low sodium soy sauce", + "sliced mushrooms" + ] + }, + { + "id": 42738, + "cuisine": "french", + "ingredients": [ + "salted butter", + "bread flour", + "cold water", + "white sugar", + "sea salt", + "water", + "yeast" + ] + }, + { + "id": 16577, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "salt", + "dark soy sauce", + "szechwan peppercorns", + "scallions", + "Shaoxing wine", + "peanut oil", + "sugar", + "ginger", + "duck drumsticks" + ] + }, + { + "id": 7559, + "cuisine": "indian", + "ingredients": [ + "semolina", + "ghee", + "saffron threads", + "vegetable oil", + "white sugar", + "bananas", + "cashew nuts", + "milk", + "raisins" + ] + }, + { + "id": 13376, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "iceberg lettuce", + "fresh cilantro", + "red bell pepper", + "black beans", + "cream cheese", + "mango", + "taco seasoning mix", + "sour cream" + ] + }, + { + "id": 6742, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "fresh oregano", + "lemon", + "greek yogurt", + "black pepper", + "salt", + "garlic powder", + "cucumber" + ] + }, + { + "id": 34779, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "all-purpose flour", + "chicken pan drippings", + "milk", + "salt" + ] + }, + { + "id": 38641, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "vanilla extract", + "sugar", + "whipped cream", + "bittersweet chocolate", + "coffee", + "whipping cream", + "cookies", + "orange liqueur" + ] + }, + { + "id": 36785, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "baking powder", + "paprika", + "chicken thighs", + "cayenne", + "chicken drumsticks", + "hot sauce", + "garlic powder", + "vegetable oil", + "salt", + "eggs", + "flour", + "worcestershire sauce", + "dark brown sugar" + ] + }, + { + "id": 43078, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "lemon pudding", + "cold milk", + "water", + "sugar", + "oil", + "eggs", + "lemon" + ] + }, + { + "id": 46442, + "cuisine": "french", + "ingredients": [ + "ice water", + "apples" + ] + }, + { + "id": 30691, + "cuisine": "thai", + "ingredients": [ + "water", + "shrimp", + "sugar", + "Thai red curry paste", + "lime leaves", + "fish sauce", + "pineapple", + "coconut milk", + "squirt", + "oil" + ] + }, + { + "id": 10624, + "cuisine": "jamaican", + "ingredients": [ + "diced onions", + "ground black pepper", + "vegetable oil", + "tomato ketchup", + "sliced green onions", + "minced garlic", + "large eggs", + "salt", + "ground allspice", + "cold water", + "fresh thyme", + "vegetable shortening", + "minced beef", + "water", + "hot pepper", + "all-purpose flour", + "ground turmeric" + ] + }, + { + "id": 39874, + "cuisine": "korean", + "ingredients": [ + "ketchup", + "green onions", + "cucumber", + "pears", + "brown sugar", + "panko", + "ginger", + "toasted sesame oil", + "sesame seeds", + "lean ground beef", + "korean chile paste", + "soy sauce", + "lettuce leaves", + "rice vinegar", + "chopped garlic" + ] + }, + { + "id": 26449, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "scallions", + "soy sauce", + "cilantro leaves", + "toasted sesame seeds", + "sugar", + "chili oil", + "carrots", + "olive oil", + "rice vinegar", + "cabbage" + ] + }, + { + "id": 578, + "cuisine": "russian", + "ingredients": [ + "capsicum", + "chicken", + "tamarind juice", + "oil", + "ketchup", + "salt", + "teas", + "onions" + ] + }, + { + "id": 30128, + "cuisine": "russian", + "ingredients": [ + "hazelnuts", + "all-purpose flour", + "vanilla extract", + "butter", + "powdered sugar", + "salt" + ] + }, + { + "id": 9083, + "cuisine": "greek", + "ingredients": [ + "triscuits", + "purple onion", + "celery", + "feta cheese", + "carrots", + "fresh parsley", + "pita chips", + "greek style plain yogurt", + "hummus", + "tomatoes", + "kalamata", + "cucumber", + "crackers" + ] + }, + { + "id": 49018, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil cooking spray", + "corn tortillas", + "salt" + ] + }, + { + "id": 30932, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "queso fresco", + "garlic cloves", + "kosher salt", + "beef broth", + "onions", + "black pepper", + "cilantro", + "ground beef", + "tomatoes", + "zucchini", + "cayenne pepper", + "cumin" + ] + }, + { + "id": 30413, + "cuisine": "japanese", + "ingredients": [ + "gari", + "prawns", + "tomato ketchup", + "oyster sauce", + "honey", + "ramen noodles", + "seaweed", + "onions", + "dashi", + "mixed seafood", + "squid", + "carrots", + "soy sauce", + "ground black pepper", + "worcestershire sauce", + "oil", + "cabbage" + ] + }, + { + "id": 24151, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "chicken legs", + "garlic", + "bay leaf", + "ground cumin", + "ground cinnamon", + "olive oil", + "juice", + "apricots", + "chicken broth", + "black pepper", + "salt", + "onions", + "prunes", + "pitted green olives", + "chopped parsley", + "plum tomatoes" + ] + }, + { + "id": 42027, + "cuisine": "indian", + "ingredients": [ + "large free range egg", + "maple syrup", + "garlic cloves", + "olive oil", + "fine sea salt", + "cayenne pepper", + "onions", + "garam masala", + "salt", + "ground coriander", + "ground cumin", + "pepper", + "sweet potatoes", + "greek style plain yogurt", + "ground beef" + ] + }, + { + "id": 28503, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "garlic", + "shallots", + "white sugar", + "mirin", + "fillets", + "soy sauce", + "sesame oil" + ] + }, + { + "id": 19433, + "cuisine": "jamaican", + "ingredients": [ + "green bell pepper", + "cooking oil", + "salt", + "onions", + "pork chops", + "worcestershire sauce", + "thyme", + "steak sauce", + "hot pepper sauce", + "garlic", + "red bell pepper", + "black pepper", + "butter", + "tomato ketchup" + ] + }, + { + "id": 759, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "napa cabbage", + "sugar", + "soft tofu", + "chinese rice wine", + "hoisin sauce", + "medium dry sherry", + "pork butt" + ] + }, + { + "id": 36166, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "hoisin sauce", + "napa cabbage", + "sliced mushrooms", + "water", + "shredded carrots", + "shrimp", + "minced garlic", + "flour tortillas", + "peanut oil", + "Sriracha", + "green onions", + "corn starch" + ] + }, + { + "id": 43240, + "cuisine": "italian", + "ingredients": [ + "pepper", + "garlic", + "nonfat buttermilk", + "basil", + "oregano", + "nonfat mayonnaise", + "paprika", + "tomato juice", + "onions" + ] + }, + { + "id": 3, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "sesame oil", + "frozen peas", + "cooked rice", + "bell pepper", + "peanut oil", + "large eggs", + "garlic", + "soy sauce", + "green onions", + "carrots" + ] + }, + { + "id": 4257, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "cracker crumbs", + "cornmeal", + "self rising flour", + "cajun seasoning", + "milk", + "green tomatoes", + "large eggs", + "cracked black pepper" + ] + }, + { + "id": 19685, + "cuisine": "mexican", + "ingredients": [ + "superfine sugar", + "cointreau", + "juice", + "ice cubes", + "lime wedges", + "kosher salt", + "tequila" + ] + }, + { + "id": 9380, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "chicken breasts", + "red enchilada sauce", + "flour tortillas", + "cream cheese", + "green onions", + "green chilies", + "cream of chicken soup", + "black olives" + ] + }, + { + "id": 12883, + "cuisine": "british", + "ingredients": [ + "button mushrooms", + "puff pastry", + "cream", + "oil", + "parsley", + "steak", + "pâté" + ] + }, + { + "id": 36564, + "cuisine": "spanish", + "ingredients": [ + "chicken bouillon", + "vinegar", + "parsley", + "garlic", + "chipotles in adobo", + "ketchup", + "hungarian paprika", + "bay leaves", + "cilantro", + "sherry wine", + "eggs", + "spanish onion", + "flour", + "red pepper", + "green pepper", + "cold water", + "water", + "egg whites", + "vegetable shortening", + "salt", + "chicken thighs" + ] + }, + { + "id": 45721, + "cuisine": "irish", + "ingredients": [ + "whole grain dijon mustard", + "dry white wine", + "small red potato", + "unsalted butter", + "salt", + "onions", + "water", + "reduced fat milk", + "garlic cloves", + "cabbage", + "ground black pepper", + "bacon", + "carrots" + ] + }, + { + "id": 42579, + "cuisine": "british", + "ingredients": [ + "ice cream", + "strawberries", + "meringue nests", + "double cream" + ] + }, + { + "id": 7959, + "cuisine": "italian", + "ingredients": [ + "pure vanilla extract", + "corn husks", + "green figs", + "sugar", + "unsalted butter", + "aged balsamic vinegar", + "mascarpone", + "raspberries", + "Amaretti Cookies" + ] + }, + { + "id": 15674, + "cuisine": "southern_us", + "ingredients": [ + "liquid smoke", + "pork baby back ribs", + "dry rub", + "olive oil" + ] + }, + { + "id": 11240, + "cuisine": "greek", + "ingredients": [ + "frozen chopped spinach", + "sun-dried tomatoes", + "fresh oregano", + "basmati rice", + "water", + "butter cooking spray", + "freshly ground pepper", + "phyllo dough", + "feta cheese", + "chopped onion", + "olive oil", + "salt", + "garlic cloves" + ] + }, + { + "id": 19604, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "all-purpose flour", + "cooked chicken", + "sour cream", + "evaporated milk", + "salsa", + "eggs", + "chile pepper", + "monterey jack" + ] + }, + { + "id": 25111, + "cuisine": "chinese", + "ingredients": [ + "ground chicken", + "sesame oil", + "scallions", + "Boston lettuce", + "honey", + "rice vinegar", + "onions", + "water", + "garlic", + "garlic chili sauce", + "soy sauce", + "fresh ginger", + "peanut butter" + ] + }, + { + "id": 23229, + "cuisine": "mexican", + "ingredients": [ + "spanish rice", + "salt", + "onions", + "ground paprika", + "bell pepper", + "oil", + "Mexican cheese blend", + "salsa", + "ground cumin", + "black beans", + "jalapeno chilies", + "sour cream" + ] + }, + { + "id": 43432, + "cuisine": "french", + "ingredients": [ + "capers", + "worcestershire sauce", + "lemon juice", + "dijon mustard", + "garlic cloves", + "roasted red peppers", + "anchovy paste", + "light mayonnaise", + "dill pickles" + ] + }, + { + "id": 3953, + "cuisine": "mexican", + "ingredients": [ + "water", + "cashew nuts", + "sugar", + "vanilla extract", + "pitted date", + "fine sea salt", + "ground cinnamon", + "unsweetened soymilk", + "unsweetened cocoa powder" + ] + }, + { + "id": 3915, + "cuisine": "korean", + "ingredients": [ + "sugar", + "beef", + "salt", + "water", + "sesame oil", + "cucumber", + "soy sauce", + "spring onions", + "carrots", + "eggs", + "shiitake", + "garlic" + ] + }, + { + "id": 21454, + "cuisine": "japanese", + "ingredients": [ + "fish sauce", + "sesame oil", + "soy sauce", + "garlic", + "fresh udon", + "florets", + "prawns", + "chillies" + ] + }, + { + "id": 41528, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "cider vinegar", + "lime wedges", + "chopped cilantro", + "cotija", + "sweet onion", + "salt", + "avocado", + "water", + "ancho powder", + "cumin", + "black pepper", + "chuck roast", + "garlic cloves" + ] + }, + { + "id": 374, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "warm water", + "all-purpose flour", + "salt", + "green onions", + "toasted sesame oil" + ] + }, + { + "id": 13400, + "cuisine": "italian", + "ingredients": [ + "pepper", + "whole wheat spaghetti", + "sweet italian sausage", + "onions", + "parmesan cheese", + "garlic", + "flat leaf parsley", + "dried basil", + "diced tomatoes", + "carrots", + "chicken broth", + "potatoes", + "salt", + "celery" + ] + }, + { + "id": 12343, + "cuisine": "jamaican", + "ingredients": [ + "red kidney beans", + "coconut", + "ice water", + "scallions", + "onions", + "pepper", + "bay leaves", + "fresh pork fat", + "chinese spinach", + "chopped garlic", + "nutmeg", + "beef", + "salt", + "yams", + "cumin", + "water", + "ground thyme", + "okra", + "red bell pepper" + ] + }, + { + "id": 14107, + "cuisine": "italian", + "ingredients": [ + "butter", + "black pepper", + "salt", + "heavy cream", + "grated parmesan cheese", + "noodles" + ] + }, + { + "id": 47628, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "color food green", + "key lime juice", + "large egg yolks", + "whipped topping", + "lime", + "crushed graham crackers", + "lime zest", + "butter", + "sweetened condensed milk" + ] + }, + { + "id": 11252, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "light brown sugar", + "vanilla extract", + "butter", + "pie crust" + ] + }, + { + "id": 22673, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "olive oil", + "hot sauce", + "white sugar", + "capers", + "pitted green olives", + "garlic cloves", + "cumin", + "tomatoes", + "prepared horseradish", + "portobello caps", + "dried oregano", + "green chile", + "diced tomatoes", + "fresh parsley", + "italian seasoning" + ] + }, + { + "id": 40834, + "cuisine": "thai", + "ingredients": [ + "coconut extract", + "lime peel", + "fresh mint", + "low sodium soy sauce", + "honey", + "rice vinegar", + "fish sauce", + "large garlic cloves", + "large shrimp", + "lemongrass", + "crushed red pepper", + "low-fat milk" + ] + }, + { + "id": 48143, + "cuisine": "irish", + "ingredients": [ + "warm water", + "potatoes", + "salt", + "celery seed", + "ground black pepper", + "worcestershire sauce", + "corn starch", + "sage", + "water", + "vegetable oil", + "carrots", + "onions", + "beef bouillon", + "beef stew meat", + "sliced mushrooms" + ] + }, + { + "id": 40611, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "water chestnuts", + "teriyaki sauce", + "red bell pepper", + "olive oil", + "chicken breasts", + "fresh mushrooms", + "soy sauce", + "fresh ginger root", + "brown rice", + "lemon juice", + "water", + "green onions", + "salt", + "celery" + ] + }, + { + "id": 3620, + "cuisine": "mexican", + "ingredients": [ + "coke zero", + "pepper", + "chili powder", + "brown sugar", + "chili", + "salt", + "tomato sauce", + "garlic powder", + "cumin", + "green chile", + "water", + "loin pork roast" + ] + }, + { + "id": 28899, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "white cornmeal", + "salt", + "buttermilk", + "bacon drippings", + "hot water" + ] + }, + { + "id": 4265, + "cuisine": "italian", + "ingredients": [ + "bread crumb fresh", + "fresh parmesan cheese", + "fresh lemon juice", + "capers", + "low-fat spaghetti sauce", + "dry red wine", + "fettucine", + "pinenuts", + "flank steak", + "fresh parsley", + "vegetable oil cooking spray", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 36581, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "onions", + "reduced fat cheddar cheese", + "whole kernel corn, drain", + "tomato sauce", + "non-fat sour cream", + "refried beans", + "ground turkey" + ] + }, + { + "id": 17890, + "cuisine": "japanese", + "ingredients": [ + "caster sugar", + "green cardamom pods", + "vegetable oil", + "milk", + "dried fruit", + "carrots" + ] + }, + { + "id": 44943, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "cayenne pepper", + "Gourmet Garden garlic paste", + "frozen whole kernel corn", + "Pompeian Canola Oil and Extra Virgin Olive Oil", + "onions", + "Johnsonville Andouille", + "salt", + "Tuttorosso Diced Tomatoes", + "large shrimp", + "brown sugar", + "green pepper", + "celery" + ] + }, + { + "id": 34859, + "cuisine": "mexican", + "ingredients": [ + "chili pepper", + "salt", + "avocado", + "jalapeno chilies", + "juice", + "vinegar", + "sweet corn", + "sugar", + "purple onion", + "chopped cilantro" + ] + }, + { + "id": 32340, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "ground beef", + "pasta sauce", + "basil", + "spaghetti", + "pepper", + "onions", + "tomato sauce", + "salt", + "oregano" + ] + }, + { + "id": 4881, + "cuisine": "spanish", + "ingredients": [ + "milk", + "sugar", + "ground nutmeg", + "coffee granules", + "chocolate syrup", + "whipped cream" + ] + }, + { + "id": 3488, + "cuisine": "italian", + "ingredients": [ + "shallots", + "garlic cloves", + "pork", + "penne pasta", + "wild mushrooms", + "spinach leaves", + "crushed red pepper", + "low salt chicken broth", + "olive oil", + "provolone cheese" + ] + }, + { + "id": 13558, + "cuisine": "indian", + "ingredients": [ + "peeled deveined shrimp", + "olive oil", + "coconut milk", + "water", + "cilantro", + "kosher salt", + "finely chopped onion", + "curry powder", + "ground cardamom" + ] + }, + { + "id": 46644, + "cuisine": "mexican", + "ingredients": [ + "orange", + "garlic salt", + "avocado", + "cilantro", + "tomatoes", + "purple onion", + "chile pepper", + "kiwi" + ] + }, + { + "id": 24908, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "green onions", + "organic vegetable broth", + "plum tomatoes", + "kosher salt", + "habanero pepper", + "calabaza", + "carrots", + "curry powder", + "cooking spray", + "yellow onion", + "red bell pepper", + "zucchini", + "chopped fresh thyme", + "garlic cloves" + ] + }, + { + "id": 48694, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "salt", + "garlic powder", + "pork butt", + "water", + "oil", + "red food coloring" + ] + }, + { + "id": 30740, + "cuisine": "cajun_creole", + "ingredients": [ + "active dry yeast", + "2% reduced-fat milk", + "hot sauce", + "catfish fillets", + "vegetable oil", + "all-purpose flour", + "egg whites", + "old bay seasoning", + "tartar sauce", + "diced onions", + "lemon wedge", + "salt", + "beer" + ] + }, + { + "id": 17598, + "cuisine": "greek", + "ingredients": [ + "zucchini", + "chopped onion", + "tomatoes", + "fresh green bean", + "russet potatoes", + "flat leaf parsley", + "olive oil", + "cayenne pepper" + ] + }, + { + "id": 39888, + "cuisine": "chinese", + "ingredients": [ + "garlic powder", + "white rice", + "eggs", + "chili powder", + "frozen peas", + "ground ginger", + "green onions", + "oil", + "soy sauce", + "onion powder" + ] + }, + { + "id": 12562, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "garlic", + "celery", + "soy sauce", + "vegetable oil", + "shrimp", + "lean ground beef", + "oyster sauce", + "cabbage", + "msg", + "wonton wrappers", + "beansprouts" + ] + }, + { + "id": 32234, + "cuisine": "italian", + "ingredients": [ + "beans", + "ground black pepper", + "diced tomatoes", + "garlic salt", + "kosher salt", + "chili powder", + "extra-virgin olive oil", + "reduced sodium chicken broth", + "finely chopped onion", + "tortellini", + "ground cumin", + "minced garlic", + "lean ground beef", + "chopped cilantro" + ] + }, + { + "id": 23044, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "shredded Monterey Jack cheese", + "finely chopped onion", + "corn tortillas", + "red chile sauce", + "salt", + "cheddar cheese", + "fat-free cottage cheese" + ] + }, + { + "id": 14930, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed brown sugar", + "dry sherry", + "spicy brown mustard", + "cooked bone in ham", + "orange juice", + "clove", + "red currant jelly" + ] + }, + { + "id": 29171, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "peeled fresh ginger", + "crepes", + "sliced green onions", + "green cabbage", + "hoisin sauce", + "dry sherry", + "wood ear mushrooms", + "water", + "vegetable oil", + "corn starch", + "low sodium soy sauce", + "pork loin", + "button mushrooms", + "boiling water" + ] + }, + { + "id": 6878, + "cuisine": "french", + "ingredients": [ + "vegetable oil", + "garlic", + "dried thyme", + "paprika", + "salt", + "ground black pepper", + "dry mustard", + "dried tarragon leaves", + "worcestershire sauce", + "white wine vinegar" + ] + }, + { + "id": 28101, + "cuisine": "italian", + "ingredients": [ + "capers", + "ground black pepper", + "large shrimp", + "tomatoes", + "crushed tomatoes", + "garlic", + "pitted black olives", + "red pepper flakes", + "dried rosemary", + "fresh rosemary", + "olive oil", + "salt" + ] + }, + { + "id": 8196, + "cuisine": "italian", + "ingredients": [ + "bulk italian sausag", + "chicken broth", + "cannellini beans", + "olive oil", + "tomato sauce", + "escarole" + ] + }, + { + "id": 26672, + "cuisine": "italian", + "ingredients": [ + "grating cheese", + "risotto", + "plain breadcrumbs", + "eggs", + "salt", + "olive oil", + "panko breadcrumbs" + ] + }, + { + "id": 37363, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "grated parmesan cheese", + "refrigerated four cheese ravioli", + "fresh tomatoes", + "Alfredo sauce", + "white wine" + ] + }, + { + "id": 14104, + "cuisine": "cajun_creole", + "ingredients": [ + "crusty bread", + "dry white wine", + "paprika", + "chopped garlic", + "olive oil", + "butter", + "cayenne pepper", + "sourdough bread", + "Tabasco Pepper Sauce", + "garlic", + "dried rosemary", + "green onions", + "worcestershire sauce", + "shrimp" + ] + }, + { + "id": 25608, + "cuisine": "filipino", + "ingredients": [ + "cooking oil", + "salt", + "garlic", + "rice" + ] + }, + { + "id": 30362, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "beef broth", + "fresh spinach", + "worcestershire sauce", + "ground beef", + "tomato purée", + "part-skim mozzarella cheese", + "penne pasta", + "pepper", + "salt", + "italian seasoning" + ] + }, + { + "id": 31617, + "cuisine": "filipino", + "ingredients": [ + "pork", + "water", + "garlic", + "oil", + "eggs", + "pork belly", + "butter", + "salt", + "chillies", + "mayonaise", + "pepper", + "ginger", + "coconut vinegar", + "pork cheeks", + "soy sauce", + "bay leaves", + "purple onion", + "calamansi" + ] + }, + { + "id": 29028, + "cuisine": "italian", + "ingredients": [ + "red cabbage", + "garlic cloves", + "extra-virgin olive oil", + "caraway seeds", + "chopped onion", + "red wine vinegar", + "low salt chicken broth" + ] + }, + { + "id": 34924, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "garam masala", + "garlic", + "cumin seed", + "tomatoes", + "coriander seeds", + "raw cashews", + "green chilies", + "cauliflower", + "water", + "ginger", + "salt", + "coriander", + "tumeric", + "chili powder", + "purple onion", + "ghee" + ] + }, + { + "id": 8535, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "shrimp paste", + "garlic cloves", + "chopped cilantro fresh", + "fresh turmeric", + "lemongrass", + "dried Thai chili", + "dried guajillo chiles", + "kaffir lime leaves", + "thai basil", + "beef broth", + "galangal", + "kosher salt", + "shallots", + "carrots", + "chuck" + ] + }, + { + "id": 30431, + "cuisine": "southern_us", + "ingredients": [ + "cold water", + "ground red pepper", + "sesame seeds", + "kosher salt", + "all-purpose flour", + "unsalted butter" + ] + }, + { + "id": 33785, + "cuisine": "mexican", + "ingredients": [ + "honey", + "boneless country pork ribs", + "baking powder", + "all-purpose flour", + "garlic cloves", + "poblano chiles", + "yellow corn meal", + "coriander seeds", + "large eggs", + "chili powder", + "frozen corn kernels", + "low salt chicken broth", + "chopped cilantro fresh", + "white onion", + "unsalted butter", + "whole milk", + "salt", + "cumin seed", + "coarse kosher salt", + "green bell pepper", + "salsa verde", + "jalapeno chilies", + "vegetable oil", + "sharp cheddar cheese", + "sour cream", + "dried oregano" + ] + }, + { + "id": 4151, + "cuisine": "greek", + "ingredients": [ + "butter", + "small curd cottage cheese", + "eggs", + "phyllo pastry", + "feta cheese" + ] + }, + { + "id": 3270, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chicken meat", + "scallions", + "sugar", + "hoisin sauce", + "garlic", + "corn starch", + "dark soy sauce", + "water", + "ginger", + "oil", + "red chili peppers", + "Shaoxing wine", + "salt", + "Chinese rice vinegar" + ] + }, + { + "id": 25143, + "cuisine": "italian", + "ingredients": [ + "kale", + "garlic", + "balsamic vinegar", + "salt and ground black pepper", + "olive oil" + ] + }, + { + "id": 21466, + "cuisine": "southern_us", + "ingredients": [ + "vidalia onion", + "balsamic vinegar", + "bourbon whiskey", + "dark brown sugar", + "kosher salt", + "butter", + "fresh thyme leaves" + ] + }, + { + "id": 13692, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "unsalted butter", + "chopped celery", + "tomato juice", + "bacon", + "garlic cloves", + "cayenne", + "dry mustard", + "long grain white rice", + "kosher salt", + "finely chopped onion", + "hot smoked paprika" + ] + }, + { + "id": 49625, + "cuisine": "southern_us", + "ingredients": [ + "red wine vinegar", + "collards", + "olive oil", + "scallions", + "lean bacon", + "small red potato", + "dijon style mustard" + ] + }, + { + "id": 28869, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "garlic salt", + "grated parmesan cheese", + "dried rosemary", + "dried basil", + "french bread", + "dried thyme", + "butter" + ] + }, + { + "id": 39217, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "salt", + "bacon drippings", + "freshly ground pepper", + "butter" + ] + }, + { + "id": 45844, + "cuisine": "french", + "ingredients": [ + "fronds", + "kosher salt", + "butter", + "lobster", + "orange", + "champagne" + ] + }, + { + "id": 39953, + "cuisine": "mexican", + "ingredients": [ + "baking soda", + "red pepper", + "semisweet chocolate chunks", + "ground cinnamon", + "large eggs", + "salt", + "unsalted butter", + "vanilla extract", + "golden brown sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 40251, + "cuisine": "chinese", + "ingredients": [ + "baby bok choy", + "vegetable oil", + "carrots", + "green onions", + "nappa cabbage", + "soy sauce", + "sauce", + "beansprouts", + "chicken broth", + "sesame oil", + "chow mein noodles" + ] + }, + { + "id": 5945, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "all-purpose flour", + "fettucine", + "1% low-fat milk", + "applewood smoked bacon", + "parmigiano reggiano cheese", + "fresh parsley", + "minced garlic", + "salt" + ] + }, + { + "id": 33297, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "minced onion", + "salt", + "white vinegar", + "water", + "jalapeno chilies", + "corn starch", + "shredded cheddar cheese", + "flour tortillas", + "cayenne pepper", + "cold water", + "refried beans", + "chili powder", + "ground beef" + ] + }, + { + "id": 12847, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "fresh lime juice", + "coarse salt", + "olive oil", + "long grain white rice", + "garlic cloves" + ] + }, + { + "id": 48410, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "vegetable oil", + "radishes", + "sugar", + "cucumber" + ] + }, + { + "id": 17709, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "all purpose unbleached flour", + "unsalted butter", + "oil", + "baking powder", + "cornmeal", + "evaporated milk", + "salt" + ] + }, + { + "id": 9033, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "beef bouillon granules", + "orange juice", + "brown sugar", + "lime", + "loin pork roast", + "fresh cilantro", + "onion powder", + "oregano", + "soy sauce", + "garlic powder", + "salt" + ] + }, + { + "id": 48073, + "cuisine": "italian", + "ingredients": [ + "capers", + "pork tenderloin", + "lemon juice", + "water", + "salt", + "pepper", + "cooking spray", + "fresh parsley", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 43766, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "oil", + "white rice", + "fine egg noodles", + "salt" + ] + }, + { + "id": 30996, + "cuisine": "irish", + "ingredients": [ + "lamb cutlet", + "russet potatoes", + "salt", + "seasoning", + "Guinness Beer", + "worcestershire sauce", + "thyme", + "rosemary", + "sliced leeks", + "carrots", + "lamb stock", + "parsley", + "garlic", + "onions" + ] + }, + { + "id": 36364, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "ginger", + "tamarind paste", + "coconut milk", + "tomato paste", + "chili powder", + "cooked meat", + "green beans", + "ground cumin", + "lemongrass", + "purple onion", + "carrots", + "greens", + "red chili peppers", + "garlic", + "ground coriander", + "coriander" + ] + }, + { + "id": 12984, + "cuisine": "thai", + "ingredients": [ + "honey mustard", + "chicken drumsticks", + "sweet chili sauce", + "panko breadcrumbs", + "eggs", + "sea salt", + "vegetable oil" + ] + }, + { + "id": 17861, + "cuisine": "french", + "ingredients": [ + "olive oil", + "butter", + "onions", + "black pepper", + "dry white wine", + "cheese", + "potatoes", + "bacon", + "cream", + "chives", + "garlic cloves" + ] + }, + { + "id": 17866, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "garlic", + "pepper", + "lemon", + "almond milk", + "cherry tomatoes", + "basil", + "cucumber", + "avocado", + "basil leaves", + "salt" + ] + }, + { + "id": 32691, + "cuisine": "mexican", + "ingredients": [ + "reduced fat monterey jack cheese", + "large egg yolks", + "salt", + "poblano chiles", + "large egg whites", + "ground black pepper", + "chopped onion", + "canola oil", + "fresh cilantro", + "salsa verde", + "all-purpose flour", + "cornmeal", + "chopped tomatoes", + "cooking spray", + "goat cheese" + ] + }, + { + "id": 14002, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "beef tenderloin", + "sake", + "green onions", + "mirin", + "sugar", + "sesame oil" + ] + }, + { + "id": 39887, + "cuisine": "chinese", + "ingredients": [ + "water", + "sesame oil", + "all-purpose flour", + "boneless skinless chicken breast halves", + "chicken broth", + "baking soda", + "dry sherry", + "toasted sesame seeds", + "white vinegar", + "chile paste", + "vegetable oil", + "corn starch", + "canola oil", + "soy sauce", + "baking powder", + "garlic", + "white sugar" + ] + }, + { + "id": 39331, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "olive oil", + "garlic", + "canned low sodium chicken broth", + "mushrooms", + "fresh parsley", + "angel hair", + "ground black pepper", + "salt", + "dried thyme", + "red pepper flakes", + "onions" + ] + }, + { + "id": 47497, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "sugar", + "buttermilk", + "table salt", + "baking powder", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 35498, + "cuisine": "greek", + "ingredients": [ + "spinach", + "lemon", + "garlic cloves", + "navy beans", + "feta cheese", + "extra-virgin olive oil", + "garbanzo beans", + "kalamata", + "dried oregano", + "tomato paste", + "low sodium chicken broth", + "yellow onion" + ] + }, + { + "id": 13510, + "cuisine": "british", + "ingredients": [ + "butter", + "confectioners sugar", + "all-purpose flour", + "jam", + "white sugar", + "eggs", + "ground almonds" + ] + }, + { + "id": 19334, + "cuisine": "italian", + "ingredients": [ + "eggs", + "vegetable oil", + "white sugar", + "egg whites", + "salt", + "sesame seeds", + "red wine", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 8908, + "cuisine": "french", + "ingredients": [ + "sourdough bread", + "pink lady apple", + "thyme leaves", + "black pepper", + "unsalted butter", + "yellow onion", + "lower sodium beef broth", + "bay leaves", + "grated Gruyère cheese", + "Madeira", + "sherry vinegar", + "apple cider", + "thyme sprigs" + ] + }, + { + "id": 11332, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "chopped fresh thyme", + "pitted kalamata olives", + "anchovy fillets", + "capers", + "garlic", + "olive oil", + "lemon juice" + ] + }, + { + "id": 7250, + "cuisine": "mexican", + "ingredients": [ + "feta cheese", + "flour", + "garlic", + "tortilla chips", + "canned low sodium chicken broth", + "cayenne", + "chili powder", + "salt", + "ground cumin", + "ground black pepper", + "boneless skinless chicken breasts", + "purple onion", + "sour cream", + "sugar", + "cooking oil", + "paprika", + "cilantro leaves" + ] + }, + { + "id": 29605, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "whole kernel corn, drain", + "chopped cilantro fresh", + "black beans", + "red enchilada sauce", + "jack cheese", + "scallions", + "cooked chicken", + "corn tortillas" + ] + }, + { + "id": 29147, + "cuisine": "italian", + "ingredients": [ + "eggs", + "shredded parmesan cheese", + "heavy cream", + "thick-cut bacon", + "cooked chicken", + "scallions", + "linguine" + ] + }, + { + "id": 44092, + "cuisine": "italian", + "ingredients": [ + "Domino Confectioners Sugar", + "cream cheese, soften", + "biscotti", + "half & half", + "sorbet", + "toasted slivered almonds" + ] + }, + { + "id": 4620, + "cuisine": "british", + "ingredients": [ + "ground black pepper", + "cayenne pepper", + "all purpose unbleached flour", + "unsalted butter", + "extra sharp white cheddar cheese", + "salt" + ] + }, + { + "id": 2696, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "spring onions", + "sugar", + "beef", + "oil", + "sake", + "water", + "ginger", + "soy sauce", + "egg whites", + "oyster sauce" + ] + }, + { + "id": 3349, + "cuisine": "moroccan", + "ingredients": [ + "instant couscous", + "frozen peas", + "diced tomatoes", + "chickpeas", + "ground cumin", + "salt", + "chopped cilantro", + "dried currants", + "cayenne pepper", + "boiling water" + ] + }, + { + "id": 35663, + "cuisine": "southern_us", + "ingredients": [ + "celery salt", + "black pepper", + "cayenne pepper", + "ground cinnamon", + "paprika", + "ground cardamom", + "ground ginger", + "mace", + "ground allspice", + "ground cloves", + "dry mustard" + ] + }, + { + "id": 30448, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "taco seasoning", + "tomatoes", + "green onions", + "avocado", + "jalapeno chilies", + "fresh cilantro", + "non dairy sour cream" + ] + }, + { + "id": 1691, + "cuisine": "italian", + "ingredients": [ + "red potato", + "italian seasoning", + "olive oil", + "bread crumbs", + "parmesan cheese" + ] + }, + { + "id": 47180, + "cuisine": "cajun_creole", + "ingredients": [ + "hungarian paprika", + "peanut oil", + "onions", + "chicken broth", + "green onions", + "shrimp", + "canola oil", + "celery ribs", + "bay leaves", + "garlic cloves", + "dried oregano", + "green bell pepper", + "all-purpose flour", + "thyme" + ] + }, + { + "id": 38612, + "cuisine": "thai", + "ingredients": [ + "green leaf lettuce", + "garlic", + "chopped cilantro", + "lime juice", + "thai chile", + "carrots", + "large eggs", + "simple syrup", + "Thai fish sauce", + "chinese celery", + "vegetable oil", + "yellow onion" + ] + }, + { + "id": 6492, + "cuisine": "thai", + "ingredients": [ + "minced garlic", + "sliced carrots", + "dark brown sugar", + "canola oil", + "lower sodium soy sauce", + "cilantro leaves", + "green beans", + "water", + "light coconut milk", + "organic vegetable broth", + "peeled fresh ginger", + "red curry paste", + "fresh lime juice" + ] + }, + { + "id": 13874, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "yellow corn meal", + "buttermilk", + "butter", + "soft-wheat flour", + "self-rising cornmeal" + ] + }, + { + "id": 42541, + "cuisine": "mexican", + "ingredients": [ + "sweetened condensed milk", + "whipping cream", + "dark brown sugar" + ] + }, + { + "id": 33986, + "cuisine": "southern_us", + "ingredients": [ + "unbaked pie crusts", + "buttermilk", + "white sugar", + "sweet potatoes", + "salt", + "baking soda", + "vanilla extract", + "eggs", + "butter", + "all-purpose flour" + ] + }, + { + "id": 12907, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "honey", + "finely chopped onion", + "heavy cream", + "cashew nuts", + "water", + "unsalted butter", + "marinade", + "salt", + "garlic paste", + "garam masala", + "yoghurt", + "paneer", + "ground turmeric", + "tomatoes", + "lime juice", + "coriander powder", + "spices", + "oil" + ] + }, + { + "id": 10235, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "kidney beans", + "diced tomatoes", + "hot pork sausage", + "crushed tomatoes", + "jalapeno chilies", + "beer", + "onions", + "black beans", + "ground black pepper", + "chili sauce", + "ground beef", + "taco seasoning mix", + "ranch dressing", + "red bell pepper" + ] + }, + { + "id": 15020, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "pear tomatoes", + "pancetta", + "grated parmesan cheese", + "squash", + "kosher salt", + "baby arugula", + "fresh parsley", + "zucchini", + "orzo" + ] + }, + { + "id": 5773, + "cuisine": "indian", + "ingredients": [ + "yellow corn meal", + "light molasses", + "maple syrup", + "vanilla beans", + "cinnamon", + "vanilla ice cream", + "unsalted butter", + "dark brown sugar", + "milk", + "ginger" + ] + }, + { + "id": 36279, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "penne pasta", + "onions", + "water", + "portabello mushroom", + "red bell pepper", + "plain yogurt", + "tahini", + "lemon juice", + "olive oil", + "garlic", + "chopped parsley" + ] + }, + { + "id": 17960, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "fresh parmesan cheese", + "olive oil flavored cooking spray", + "dough", + "artichoke hearts", + "sliced mushrooms", + "tomato sauce", + "prosciutto", + "nonfat ricotta cheese", + "pepper", + "garlic cloves" + ] + }, + { + "id": 3293, + "cuisine": "british", + "ingredients": [ + "mixed dried fruit", + "oil", + "boiling water", + "caster sugar", + "butter", + "fast-rising active dry yeast", + "strong white bread flour", + "muscovado sugar", + "flour for dusting", + "water", + "salt", + "lard" + ] + }, + { + "id": 37215, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "ginger", + "garlic cloves", + "low sodium vegetable stock", + "lime", + "red curry paste", + "coconut oil", + "sweet onion", + "salt", + "coconut milk", + "pepper", + "butternut squash", + "roasted peanuts" + ] + }, + { + "id": 26196, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "all-purpose flour", + "large eggs", + "salt", + "olive oil" + ] + }, + { + "id": 13368, + "cuisine": "indian", + "ingredients": [ + "sugar", + "peeled fresh ginger", + "bay leaf", + "sliced green onions", + "flatbread", + "cooking spray", + "cinnamon sticks", + "mango", + "ice cubes", + "water", + "cardamom pods", + "large shrimp", + "clove", + "kosher salt", + "black tea leaves", + "white peppercorns" + ] + }, + { + "id": 10122, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "vanilla extract", + "pastry cream", + "unsalted butter", + "corn starch", + "sugar", + "tart shells", + "strawberries", + "vanilla beans", + "whole milk" + ] + }, + { + "id": 16552, + "cuisine": "thai", + "ingredients": [ + "sugar", + "reduced sodium soy sauce", + "freshly ground pepper", + "fresh lime juice", + "kosher salt", + "lime wedges", + "garlic cloves", + "fresh basil leaves", + "fish sauce", + "steamed rice", + "vegetable oil", + "carrots", + "red chili peppers", + "low sodium chicken broth", + "scallions", + "ground beef" + ] + }, + { + "id": 4998, + "cuisine": "mexican", + "ingredients": [ + "boneless pork shoulder", + "water", + "chili powder", + "white onion", + "hominy", + "cracked black pepper", + "kosher salt", + "low sodium chicken broth", + "garlic cloves", + "avocado", + "olive oil", + "cilantro" + ] + }, + { + "id": 34865, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "chopped garlic", + "herbs", + "salt", + "extra-virgin olive oil", + "grated parmesan cheese", + "freshly ground pepper" + ] + }, + { + "id": 2857, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "peanuts", + "ginger", + "scallions", + "red chili peppers", + "sesame oil", + "shaoxing", + "sugar", + "boneless skinless chicken breasts", + "garlic", + "corn starch", + "chicken stock", + "soy sauce", + "balsamic vinegar", + "peanut oil" + ] + }, + { + "id": 21422, + "cuisine": "italian", + "ingredients": [ + "heavy cream", + "fresh lemon juice", + "grated parmesan cheese", + "grated lemon zest", + "hot red pepper flakes", + "peas", + "gnocchi", + "baby spinach", + "garlic cloves" + ] + }, + { + "id": 48424, + "cuisine": "southern_us", + "ingredients": [ + "chopped nuts", + "heavy whipping cream", + "butter", + "vanilla extract", + "baking soda", + "white sugar" + ] + }, + { + "id": 3339, + "cuisine": "indian", + "ingredients": [ + "chile pepper", + "onions", + "tomatoes", + "peanut powder", + "clarified butter", + "salt", + "white sugar", + "shredded cabbage", + "cumin seed", + "chopped cilantro fresh" + ] + }, + { + "id": 18448, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "chicken breasts", + "shredded cheddar cheese", + "flour tortillas", + "condensed cream of mushroom soup", + "diced green chilies", + "butter", + "milk", + "green onions", + "sour cream" + ] + }, + { + "id": 12309, + "cuisine": "british", + "ingredients": [ + "honey", + "dried apricot", + "light corn syrup", + "fresh lemon juice", + "water", + "semisweet chocolate", + "whipped cream", + "fresh raspberries", + "sugar", + "large egg yolks", + "half & half", + "whipping cream", + "corn starch", + "white chocolate", + "unsalted butter", + "dark rum", + "pound cake", + "liqueur" + ] + }, + { + "id": 43246, + "cuisine": "mexican", + "ingredients": [ + "salt", + "boiling water", + "water", + "garlic cloves", + "ground cumin", + "tomato sauce", + "chopped onion", + "dried oregano", + "tomatillos", + "dried chile" + ] + }, + { + "id": 24027, + "cuisine": "french", + "ingredients": [ + "golden brown sugar", + "whipping cream", + "sugar", + "ground nutmeg", + "brandy", + "dark rum", + "large egg yolks", + "salt" + ] + }, + { + "id": 48193, + "cuisine": "mexican", + "ingredients": [ + "water", + "garlic", + "fresh oregano", + "canola oil", + "avocado", + "chili powder", + "fresh chili", + "corn tortillas", + "brown rice", + "salt", + "anasazi beans", + "pepper", + "summer squash", + "salsa", + "onions" + ] + }, + { + "id": 47395, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "picante sauce" + ] + }, + { + "id": 40081, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "pork spareribs", + "sherry", + "crushed garlic", + "honey" + ] + }, + { + "id": 20218, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "low salt chicken broth", + "fresh basil", + "garlic cloves", + "heavy whipping cream", + "saffron threads", + "dry white wine", + "paccheri", + "white onion", + "fresh lemon juice", + "chicken thighs" + ] + }, + { + "id": 38185, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "roma tomatoes", + "red bell pepper", + "sliced black olives", + "salt", + "olive oil", + "jalapeno chilies", + "fresh lime juice", + "diced red onions", + "whole kernel corn, drain" + ] + }, + { + "id": 6328, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "ginger", + "garlic cloves", + "tumeric", + "fenugreek", + "green chilies", + "frozen peas", + "potatoes", + "salt", + "onions", + "fresh coriander", + "chili powder", + "oil", + "plum tomatoes" + ] + }, + { + "id": 30237, + "cuisine": "french", + "ingredients": [ + "mint sprigs", + "dark brown sugar", + "sugar", + "vanilla extract", + "whipping cream", + "egg yolks", + "strawberries" + ] + }, + { + "id": 10426, + "cuisine": "jamaican", + "ingredients": [ + "brown sugar", + "vegetables", + "worcestershire sauce", + "scallions", + "nutmeg", + "minced ginger", + "cinnamon", + "garlic", + "white vinegar", + "soy sauce", + "tortillas", + "fresh orange juice", + "allspice", + "chili flakes", + "olive oil", + "tempeh", + "salt" + ] + }, + { + "id": 18374, + "cuisine": "southern_us", + "ingredients": [ + "chopped ham", + "black-eyed peas", + "chopped onion", + "dried thyme", + "mustard greens", + "long grain white rice", + "water", + "whole grain dijon mustard", + "garlic cloves", + "olive oil", + "salt" + ] + }, + { + "id": 11771, + "cuisine": "french", + "ingredients": [ + "whipping cream", + "buttermilk" + ] + }, + { + "id": 46502, + "cuisine": "greek", + "ingredients": [ + "lemon", + "chickpeas", + "extra-virgin olive oil", + "fresh parsley", + "sea salt", + "smoked paprika", + "plain yogurt", + "garlic" + ] + }, + { + "id": 43212, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "all-purpose flour", + "chili powder", + "green onions", + "eggs", + "Pace Picante Sauce" + ] + }, + { + "id": 31092, + "cuisine": "italian", + "ingredients": [ + "jack cheese", + "low sodium chicken broth", + "zucchini", + "juice", + "prepar pesto", + "elbow macaroni", + "tomatoes", + "grated parmesan cheese" + ] + }, + { + "id": 16273, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "diced tomatoes", + "long grain brown rice", + "diced green chilies", + "vegetable broth", + "cumin", + "sweet onion", + "extra-virgin olive oil", + "chopped cilantro", + "sea salt", + "garlic" + ] + }, + { + "id": 30425, + "cuisine": "italian", + "ingredients": [ + "pepper", + "heavy cream", + "carrots", + "bay leaf", + "chicken", + "chicken broth", + "parsley", + "salt", + "celery", + "oregano", + "rosemary", + "basil", + "thyme", + "onions", + "frozen spinach", + "olive oil", + "garlic", + "gnocchi", + "marjoram" + ] + }, + { + "id": 3638, + "cuisine": "indian", + "ingredients": [ + "seedless green grape", + "cumin seed", + "salt", + "crushed red pepper", + "yogurt cheese", + "brown sugar", + "chopped walnuts" + ] + }, + { + "id": 15851, + "cuisine": "mexican", + "ingredients": [ + "fresh lime juice", + "avocado", + "chopped cilantro fresh", + "kosher salt" + ] + }, + { + "id": 5146, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "linguine", + "gingerroot", + "water", + "rice vinegar", + "corn starch", + "minced garlic", + "scotch", + "scallions", + "sugar", + "vegetable oil", + "clams, well scrub", + "fermented black beans" + ] + }, + { + "id": 33446, + "cuisine": "italian", + "ingredients": [ + "penne pasta", + "grated parmesan cheese", + "plum tomatoes", + "fresh basil", + "italian salad dressing", + "purple onion" + ] + }, + { + "id": 21929, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "garlic cloves", + "pepper", + "poblano peppers", + "low sodium chicken stock", + "unsalted butter", + "sweet corn", + "sliced green onions", + "sweet onion", + "half & half", + "tortilla chips" + ] + }, + { + "id": 37519, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "whole milk", + "mixed greens", + "water", + "bacon", + "unsalted butter", + "all-purpose flour", + "brown sugar", + "baking powder" + ] + }, + { + "id": 20921, + "cuisine": "cajun_creole", + "ingredients": [ + "ground pepper", + "ground pork", + "celery", + "chicken stock", + "green onions", + "garlic cloves", + "onions", + "cooked rice", + "chili powder", + "chicken livers", + "canola oil", + "jalapeno chilies", + "salt", + "fresh parsley" + ] + }, + { + "id": 9220, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "cumin seed", + "whole cloves", + "salt", + "basmati rice", + "garam masala", + "butter", + "onions", + "water", + "vegetable oil", + "frozen mixed vegetables" + ] + }, + { + "id": 24202, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "boneless skinless chicken breasts", + "fat-free chicken broth", + "garlic powder", + "onion powder", + "enchilada sauce", + "Jiffy Corn Muffin Mix", + "yellow corn", + "ground cumin", + "water", + "chili powder", + "all-purpose flour" + ] + }, + { + "id": 16723, + "cuisine": "japanese", + "ingredients": [ + "boneless chicken skinless thigh", + "udon", + "carrots", + "spinach", + "mirin", + "scallions", + "shiitake", + "littleneck clams", + "snow peas", + "light soy sauce", + "napa cabbage leaves", + "shrimp" + ] + }, + { + "id": 44488, + "cuisine": "mexican", + "ingredients": [ + "water", + "green enchilada sauce", + "pinto beans", + "vegetarian chicken", + "garlic powder", + "salt", + "chopped cilantro fresh", + "vegetable bouillon", + "diced tomatoes", + "corn tortillas", + "pepper", + "chili powder", + "frozen corn", + "ground cumin" + ] + }, + { + "id": 43743, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "purple onion", + "jalapeno chilies", + "chopped cilantro fresh", + "lime", + "salt", + "garlic", + "plum tomatoes" + ] + }, + { + "id": 17393, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "pitted date", + "onions", + "brown sugar", + "fresh cilantro", + "ground cumin", + "tumeric", + "lemon juice", + "green olives", + "water", + "chicken thighs" + ] + }, + { + "id": 4533, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "olive oil", + "water", + "Philadelphia Cooking Creme", + "prosciutto" + ] + }, + { + "id": 19417, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "kalamata", + "water", + "lemon", + "pasta shells", + "capers", + "white italian tuna in olive oil", + "extra-virgin olive oil", + "artichoke hearts", + "Italian parsley leaves", + "salt" + ] + }, + { + "id": 40398, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "salt", + "fontina cheese", + "mushrooms", + "cooking spray", + "polenta", + "fresh basil", + "Alfredo sauce" + ] + }, + { + "id": 31830, + "cuisine": "indian", + "ingredients": [ + "sesame seeds", + "chile pepper", + "cilantro leaves", + "coconut milk", + "fresh ginger root", + "garlic", + "ground coriander", + "kalonji", + "tomato purée", + "chili powder", + "salt", + "cumin seed", + "ground turmeric", + "eggplant", + "vegetable oil", + "fenugreek seeds", + "onions" + ] + }, + { + "id": 21602, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "sliced almonds", + "red wine vinegar", + "country bread", + "seedless green grape", + "whole milk", + "blanched almonds", + "kosher salt", + "large garlic cloves", + "green apples" + ] + }, + { + "id": 16995, + "cuisine": "vietnamese", + "ingredients": [ + "coconut juice", + "minced garlic", + "thai chile", + "brown sugar", + "green onions", + "caramel sauce", + "fish sauce", + "cooking oil", + "steak", + "black pepper", + "shallots" + ] + }, + { + "id": 18682, + "cuisine": "indian", + "ingredients": [ + "peeled fresh ginger", + "organic vegetable broth", + "canola oil", + "red lentils", + "purple onion", + "chopped cilantro fresh", + "spices", + "garlic cloves", + "tomato paste", + "salt", + "basmati rice" + ] + }, + { + "id": 16237, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "garlic", + "olive oil", + "chicken", + "dried basil", + "dry bread crumbs", + "parmesan cheese" + ] + }, + { + "id": 15345, + "cuisine": "jamaican", + "ingredients": [ + "flounder", + "baby spinach", + "lime juice", + "flour tortillas", + "tomatoes", + "jamaican jerk season", + "mango", + "fresh cilantro", + "chile pepper" + ] + }, + { + "id": 2355, + "cuisine": "southern_us", + "ingredients": [ + "raisins", + "orange", + "white sugar", + "dates", + "orange juice" + ] + }, + { + "id": 25944, + "cuisine": "indian", + "ingredients": [ + "coriander powder", + "garlic", + "onions", + "tumeric", + "chili powder", + "oil", + "ground cumin", + "extra firm tofu", + "salt", + "plum tomatoes", + "garam masala", + "cilantro", + "lemon juice" + ] + }, + { + "id": 41219, + "cuisine": "italian", + "ingredients": [ + "fresh lemon juice", + "butter", + "grated lemon peel", + "large garlic cloves", + "asparagus", + "flat leaf parsley" + ] + }, + { + "id": 30733, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "curry powder", + "salt", + "onions", + "coconut oil", + "sweet potatoes", + "red bell pepper", + "chicken", + "brown sugar", + "fresh ginger root", + "garlic cloves", + "ground turmeric", + "pepper", + "cilantro", + "coconut milk" + ] + }, + { + "id": 18502, + "cuisine": "southern_us", + "ingredients": [ + "romano cheese", + "roasted red peppers", + "creole seasoning", + "canola oil", + "vidalia onion", + "chicken flavor stuffing mix", + "bacon slices", + "onion gravy", + "black pepper", + "large eggs", + "Bisquick Original All-Purpose Baking Mix", + "fresh basil", + "milk", + "chicken breast halves", + "cream cheese, soften" + ] + }, + { + "id": 13527, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "potatoes", + "nopalitos", + "tomatoes", + "salt", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 17028, + "cuisine": "french", + "ingredients": [ + "whole milk", + "salt", + "large egg yolks", + "raisins", + "large eggs", + "whipping cream", + "powdered sugar", + "golden raisins", + "all-purpose flour" + ] + }, + { + "id": 29231, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "all-purpose flour", + "pickle juice", + "bread and butter pickle slices", + "hot pepper sauce", + "buttermilk", + "garlic cloves", + "mayonaise", + "unsalted butter", + "purple onion", + "cabbage", + "sandwich rolls", + "ground black pepper", + "boneless skinless chicken breasts", + "peanut oil" + ] + }, + { + "id": 6820, + "cuisine": "irish", + "ingredients": [ + "olive oil", + "bacon", + "pork sausages", + "kosher salt", + "ground black pepper", + "ham", + "stock", + "Guinness Beer", + "yellow onion", + "water", + "russet potatoes", + "fresh parsley" + ] + }, + { + "id": 6863, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "paprika", + "chopped cilantro", + "fresh curry leaves", + "cumin seed", + "ground turmeric", + "kosher salt", + "peanut oil", + "jaggery", + "chickpea flour", + "black-eyed peas", + "tamarind concentrate", + "asafetida" + ] + }, + { + "id": 6301, + "cuisine": "brazilian", + "ingredients": [ + "red chili peppers", + "ground black pepper", + "salt", + "shrimp", + "cashew nuts", + "minced garlic", + "lime wedges", + "cilantro leaves", + "coconut milk", + "long grain white rice", + "olive oil", + "fish stock", + "blanched almonds", + "dried shrimp", + "minced ginger", + "sea bass fillets", + "chopped onion", + "fresh lime juice" + ] + }, + { + "id": 27504, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "ground pork", + "scallions", + "chicken stock", + "giblet", + "salt", + "fresh parsley", + "bacon drippings", + "flour", + "garlic", + "ground beef", + "pepper flakes", + "worcestershire sauce", + "green pepper", + "onions" + ] + }, + { + "id": 28488, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "jam", + "hoisin sauce", + "pork ribs", + "rice vinegar", + "garlic" + ] + }, + { + "id": 45274, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "basil leaves", + "sweet pepper", + "fresh marjoram", + "extra-virgin olive oil", + "salt", + "lime juice", + "garlic", + "freshly ground pepper", + "chiles", + "green tomatoes", + "purple onion" + ] + }, + { + "id": 9184, + "cuisine": "french", + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "ice cream", + "bartlett pears", + "french baguette", + "dry white wine", + "salt", + "sugar", + "large eggs", + "mint sprigs", + "caramel sauce", + "milk", + "butter", + "pansies" + ] + }, + { + "id": 26248, + "cuisine": "irish", + "ingredients": [ + "mustard", + "cider", + "brown sugar", + "clove", + "ham" + ] + }, + { + "id": 19042, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "salt", + "garlic cloves", + "skim milk", + "chives", + "chopped onion", + "asparagus", + "bow-tie pasta", + "egg substitute", + "bacon slices", + "freshly ground pepper" + ] + }, + { + "id": 21203, + "cuisine": "southern_us", + "ingredients": [ + "white pepper", + "whole milk", + "red pepper", + "all-purpose flour", + "onions", + "sugar", + "salted butter", + "butter", + "garlic", + "flat leaf parsley", + "crawfish", + "green onions", + "old bay seasoning", + "Italian seasoned breadcrumbs", + "black pepper", + "egg whites", + "buttermilk", + "salt", + "celery" + ] + }, + { + "id": 45649, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "yoghurt", + "chili sauce", + "pepper", + "salt", + "lemon juice", + "red chili powder", + "paneer", + "oil", + "ground ginger", + "amchur", + "tomato ketchup", + "ground turmeric" + ] + }, + { + "id": 4046, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "salt", + "chopped parsley", + "olive oil", + "garlic cloves", + "chicken thighs", + "water", + "long-grain rice", + "onions", + "chicken broth", + "lemon zest", + "lemon juice", + "dried oregano" + ] + }, + { + "id": 6302, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "water", + "chili powder", + "green cardamom", + "onions", + "tomatoes", + "cream", + "coriander powder", + "paneer", + "ground cardamom", + "ground cumin", + "black pepper", + "almonds", + "poppy seeds", + "oil", + "ground turmeric", + "ground cinnamon", + "fresh coriander", + "yoghurt", + "salt", + "bay leaf" + ] + }, + { + "id": 36122, + "cuisine": "korean", + "ingredients": [ + "honey", + "sesame oil", + "soy sauce", + "pork chops", + "garlic", + "olive oil", + "ginger", + "black pepper", + "Sriracha" + ] + }, + { + "id": 26130, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "green onions", + "sweet onion", + "zucchini", + "dried parsley", + "salt and ground black pepper", + "lemon juice", + "yellow squash", + "orzo pasta" + ] + }, + { + "id": 6463, + "cuisine": "french", + "ingredients": [ + "whole grain dijon mustard", + "salt", + "boneless chicken skinless thigh", + "orange marmalade", + "garlic cloves", + "ground black pepper", + "orange juice", + "fat free less sodium chicken broth", + "cooking spray", + "sliced green onions" + ] + }, + { + "id": 40635, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "vanilla extract", + "sugar", + "baking powder", + "all-purpose flour", + "large eggs", + "salt", + "honey", + "teas", + "grated lemon peel" + ] + }, + { + "id": 39239, + "cuisine": "mexican", + "ingredients": [ + "corn chips", + "cream cheese", + "shredded cheddar cheese", + "chili" + ] + }, + { + "id": 34518, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "capers", + "extra-virgin olive oil", + "onions", + "tomatoes", + "red wine vinegar", + "flat leaf parsley", + "eggplant", + "salt" + ] + }, + { + "id": 39832, + "cuisine": "greek", + "ingredients": [ + "pepper", + "greek style plain yogurt", + "diced onions", + "kalamata", + "lemon juice", + "sliced tomatoes", + "tortillas", + "chunk light tuna in water", + "baby spinach leaves", + "salt", + "feta cheese crumbles" + ] + }, + { + "id": 23859, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "butter", + "all-purpose flour", + "bananas", + "salt", + "evaporated milk", + "vanilla extract", + "sugar", + "egg yolks", + "vanilla wafers" + ] + }, + { + "id": 6556, + "cuisine": "italian", + "ingredients": [ + "veal cutlets", + "fresh lemon juice", + "fat free less sodium chicken broth", + "salt", + "flat leaf parsley", + "capers", + "butter", + "ground white pepper", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 8683, + "cuisine": "mexican", + "ingredients": [ + "red kidnei beans, rins and drain", + "fat free milk", + "hot sauce", + "large egg whites", + "chili powder", + "ground cumin", + "chili", + "cornbread mix", + "chopped onion", + "green chile", + "olive oil", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 7888, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "whole wheat flour", + "baking powder", + "milk", + "large eggs", + "salt", + "sugar", + "baking soda", + "vegetable oil", + "honey", + "cooking spray", + "sour cream" + ] + }, + { + "id": 7808, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "large shrimp", + "butter", + "broccoli florets", + "angel hair", + "sun-dried tomatoes in oil" + ] + }, + { + "id": 33908, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "olive oil", + "ginger", + "red bell pepper", + "pepper", + "vegetable stock", + "oil", + "red chili peppers", + "spring onions", + "salt", + "fish", + "lime", + "cilantro", + "garlic cloves" + ] + }, + { + "id": 5098, + "cuisine": "spanish", + "ingredients": [ + "fresh basil", + "bay leaves", + "spanish paprika", + "ground black pepper", + "garlic", + "olive oil", + "button mushrooms", + "chorizo sausage", + "chicken broth", + "potatoes", + "purple onion" + ] + }, + { + "id": 48591, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic", + "stir fry vegetable blend", + "vegetable oil", + "chicken fillets", + "sesame oil", + "cilantro leaves", + "sprouts", + "noodles" + ] + }, + { + "id": 45992, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "deveined shrimp", + "red chili powder", + "garam masala", + "salt", + "curry powder", + "ginger", + "garlic paste", + "paprika", + "canola oil" + ] + }, + { + "id": 1000, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "sour cream", + "boiling potatoes", + "salt", + "corn tortillas", + "vegetable oil", + "white cheese", + "cabbage", + "avocado", + "Mexican cheese", + "chopped cilantro" + ] + }, + { + "id": 30195, + "cuisine": "mexican", + "ingredients": [ + "grape tomatoes", + "jalapeno chilies", + "tortilla chips", + "fresh lime juice", + "avocado", + "white onion", + "cilantro leaves", + "juice", + "chile sauce", + "green olives", + "kosher salt", + "halibut", + "cucumber", + "dried oregano", + "cotija", + "extra-virgin olive oil", + "fresh lemon juice", + "serrano chile" + ] + }, + { + "id": 31983, + "cuisine": "thai", + "ingredients": [ + "water", + "coconut cream", + "agar", + "eggs", + "pandanus leaf", + "palm sugar", + "white sugar" + ] + }, + { + "id": 48906, + "cuisine": "italian", + "ingredients": [ + "frozen whip topping, thaw", + "cookies", + "vanilla ice cream", + "chocolate fudge ice cream", + "sugar", + "almond extract", + "frozen raspberries", + "lemon juice" + ] + }, + { + "id": 12541, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "peanut oil", + "coriander", + "chicken thigh fillets", + "yellow onion", + "carrots", + "canned corn", + "Shaoxing wine", + "ginger", + "garlic cloves", + "frozen peas", + "chicken stock", + "shallots", + "rice", + "chillies" + ] + }, + { + "id": 41158, + "cuisine": "italian", + "ingredients": [ + "water", + "pasta shells", + "fresh parsley", + "capers", + "pecorino romano cheese", + "garlic cloves", + "tomatoes", + "olive oil", + "brine-cured black olives", + "onions", + "fresh marjoram", + "yellow bell pepper", + "red bell pepper" + ] + }, + { + "id": 39405, + "cuisine": "moroccan", + "ingredients": [ + "tomato purée", + "chopped tomatoes", + "salt", + "fresh mint", + "water", + "garlic", + "carrots", + "ground turmeric", + "black pepper", + "zucchini", + "chickpeas", + "couscous", + "ground cinnamon", + "olive oil", + "purple onion", + "smoked paprika" + ] + }, + { + "id": 16826, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "flour tortillas", + "sour cream", + "shredded Monterey Jack cheese", + "lime", + "garlic", + "boneless skinless chicken breast halves", + "tomatoes", + "olive oil", + "salt", + "chopped cilantro fresh", + "pepper", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 45303, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "reduced-fat sour cream", + "Tabasco Green Pepper Sauce", + "long grain white rice", + "grated parmesan cheese", + "mozzarella cheese", + "scallions" + ] + }, + { + "id": 45310, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "cooking spray", + "onions", + "tomatoes", + "minced garlic", + "grouper", + "black pepper", + "salt", + "dried oregano", + "capers", + "olive oil", + "flat leaf parsley" + ] + }, + { + "id": 6040, + "cuisine": "chinese", + "ingredients": [ + "glutinous rice", + "pineapple", + "raisins", + "sugar", + "salt" + ] + }, + { + "id": 14676, + "cuisine": "italian", + "ingredients": [ + "rocket leaves", + "large garlic cloves", + "olive oil", + "penne pasta", + "cherry tomatoes", + "crushed red pepper", + "chicken breasts", + "feta cheese crumbles" + ] + }, + { + "id": 26241, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "salt", + "olive oil", + "veal scallops", + "pepper", + "all-purpose flour", + "chicken stock", + "butter" + ] + }, + { + "id": 38048, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "butter", + "sweet potatoes", + "pie shell", + "sugar", + "salt", + "nutmeg", + "cinnamon" + ] + }, + { + "id": 33581, + "cuisine": "spanish", + "ingredients": [ + "green olives", + "boneless skinless chicken breasts", + "garlic", + "long grain white rice", + "prosciutto", + "extra-virgin olive oil", + "yellow onion", + "capers", + "diced tomatoes", + "salt", + "saffron", + "ground black pepper", + "vegetable broth", + "smoked paprika" + ] + }, + { + "id": 4, + "cuisine": "italian", + "ingredients": [ + "orange peel", + "cookies", + "vanilla ice cream", + "gran marnier" + ] + }, + { + "id": 36596, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "fresh lime juice", + "ground black pepper", + "salt", + "plum tomatoes", + "tomatoes", + "garlic", + "chopped cilantro fresh", + "jalapeno chilies", + "celery" + ] + }, + { + "id": 386, + "cuisine": "french", + "ingredients": [ + "baguette", + "garlic", + "white button mushrooms", + "shallots", + "parsley leaves", + "white wine", + "butter" + ] + }, + { + "id": 47672, + "cuisine": "french", + "ingredients": [ + "sugar", + "dry red wine", + "sherry wine vinegar", + "fresh parsley", + "cornish game hens", + "all-purpose flour", + "chicken stock", + "butter", + "onions" + ] + }, + { + "id": 37104, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "serrano chile", + "tomatoes", + "dried pinto beans", + "onions", + "fresh cilantro", + "garlic cloves", + "water", + "salt pork" + ] + }, + { + "id": 12489, + "cuisine": "southern_us", + "ingredients": [ + "granulated garlic", + "baking powder", + "cayenne pepper", + "chicken", + "ground black pepper", + "fine sea salt", + "dried rosemary", + "dried thyme", + "buttermilk", + "dried oregano", + "dried sage", + "all-purpose flour", + "canola oil" + ] + }, + { + "id": 33467, + "cuisine": "japanese", + "ingredients": [ + "ajwain", + "coriander powder", + "all-purpose flour", + "asafetida", + "garlic paste", + "amchur", + "chili powder", + "oil", + "ground cumin", + "dough", + "water", + "flour", + "cumin seed", + "ginger paste", + "moong dal", + "garam masala", + "salt", + "ghee" + ] + }, + { + "id": 6739, + "cuisine": "italian", + "ingredients": [ + "parmigiano-reggiano cheese", + "water", + "basil leaves", + "all-purpose flour", + "whole nutmegs", + "fat free less sodium chicken broth", + "large eggs", + "crushed red pepper", + "chickpeas", + "kosher salt", + "chopped fresh chives", + "salt", + "garlic cloves", + "hazelnuts", + "mascarpone", + "extra-virgin olive oil", + "grated lemon zest" + ] + }, + { + "id": 28589, + "cuisine": "greek", + "ingredients": [ + "tomato paste", + "baby spinach", + "garlic cloves", + "dried oregano", + "olive oil", + "vegetable broth", + "fresh parsley", + "pepper", + "diced tomatoes", + "feta cheese crumbles", + "dried rosemary", + "greek seasoning", + "garbanzo beans", + "salt", + "onions" + ] + }, + { + "id": 36986, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "chicken breasts", + "carrots", + "sugar", + "salt", + "soba", + "sake", + "vegetable oil", + "onions", + "peeled fresh ginger", + "chinese cabbage" + ] + }, + { + "id": 8450, + "cuisine": "southern_us", + "ingredients": [ + "teas", + "vanilla beans", + "apple juice concentrate", + "lemon", + "fresh ginger", + "cinnamon sticks" + ] + }, + { + "id": 27003, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "water", + "vegetable oil", + "boiling potatoes", + "black pepper", + "large eggs", + "grated nutmeg", + "large egg yolks", + "salt" + ] + }, + { + "id": 34149, + "cuisine": "mexican", + "ingredients": [ + "zucchini", + "yellow onion", + "ground cumin", + "black beans", + "diced tomatoes", + "pinto beans", + "tomato paste", + "coarse salt", + "garlic cloves", + "ground pepper", + "extra-virgin olive oil", + "chipotle chile powder" + ] + }, + { + "id": 22459, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "flour", + "cilantro", + "monterey jack", + "avocado", + "chorizo", + "green onions", + "beer", + "pickled jalapenos", + "whole milk", + "tortilla chips", + "refried black beans", + "unsalted butter", + "lime wedges", + "sour cream" + ] + }, + { + "id": 45151, + "cuisine": "indian", + "ingredients": [ + "water", + "tamarind concentrate", + "salt", + "cayenne pepper", + "dates" + ] + }, + { + "id": 1712, + "cuisine": "russian", + "ingredients": [ + "mayonaise", + "fresh peas", + "medium shrimp", + "rock shrimp", + "kosher salt", + "yukon gold potatoes", + "fresh dill", + "sweet onion", + "carrots", + "pickles", + "large eggs" + ] + }, + { + "id": 49251, + "cuisine": "irish", + "ingredients": [ + "romaine lettuce", + "whole grain dijon mustard", + "extra-virgin olive oil", + "chicken-apple sausage", + "dijon mustard", + "fresh lemon juice", + "reduced fat cheddar cheese", + "ground black pepper", + "cornichons", + "soda bread", + "honey", + "balsamic vinegar", + "chutney" + ] + }, + { + "id": 39669, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "miso", + "garlic cloves", + "minced ginger", + "bonito flakes", + "rice vinegar", + "onions", + "soy sauce", + "yuzu", + "crushed red pepper flakes", + "konbu", + "fennel", + "vegetable stock", + "oil" + ] + }, + { + "id": 6823, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "garlic cloves", + "water", + "white wine vinegar", + "ground black pepper", + "salt", + "pinenuts", + "extra-virgin olive oil", + "fresh basil leaves" + ] + }, + { + "id": 17935, + "cuisine": "italian", + "ingredients": [ + "freshly ground pepper", + "table salt", + "italian seasoning", + "olive oil", + "bread slices" + ] + }, + { + "id": 26641, + "cuisine": "southern_us", + "ingredients": [ + "ground pepper", + "cayenne pepper", + "light brown sugar", + "soft sandwich rolls", + "pork shoulder boston butt", + "barbecue sauce", + "garlic cloves", + "cider vinegar", + "coarse salt" + ] + }, + { + "id": 20519, + "cuisine": "indian", + "ingredients": [ + "fresh tomatoes", + "eggplant", + "garlic", + "kosher salt", + "vegetable oil", + "onions", + "tumeric", + "garam masala", + "chopped cilantro", + "lime juice", + "hot green chile" + ] + }, + { + "id": 49116, + "cuisine": "japanese", + "ingredients": [ + "dried bonito flakes", + "konbu", + "water" + ] + }, + { + "id": 9199, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "garlic powder", + "salt", + "carrots", + "chopped cilantro fresh", + "chiles", + "sea salt", + "ground coriander", + "corn tortillas", + "mango", + "ground cinnamon", + "diced red onions", + "salsa", + "olive oil cooking spray", + "dried oregano", + "cauliflower", + "lime juice", + "paprika", + "scallions", + "chipotle chile powder", + "ground cumin" + ] + }, + { + "id": 524, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "salt", + "tomato paste", + "extra-virgin olive oil", + "dried rosemary", + "water", + "garlic", + "ground black pepper", + "dried oregano" + ] + }, + { + "id": 9299, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "yellow mustard", + "oil", + "canola", + "large eggs", + "salt", + "cornmeal", + "self rising flour", + "buttermilk", + "shrimp", + "milk", + "cajun seasoning", + "cayenne pepper" + ] + }, + { + "id": 47101, + "cuisine": "italian", + "ingredients": [ + "pure vanilla extract", + "large egg yolks", + "unsalted butter", + "amaretto", + "salt", + "chocolatecovered espresso beans", + "mini chocolate chips", + "instant espresso powder", + "large eggs", + "heavy cream", + "confectioners sugar", + "sugar", + "baking soda", + "semisweet chocolate", + "buttermilk", + "cocoa powder", + "water", + "mascarpone", + "baking powder", + "cake flour", + "boiling water" + ] + }, + { + "id": 25550, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "minced garlic", + "anchovy fillets", + "butter", + "olive oil", + "sardines" + ] + }, + { + "id": 6103, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "sesame oil", + "green onions", + "peanut oil", + "hoisin sauce", + "red pepper flakes", + "soy sauce", + "flank steak", + "white sugar" + ] + }, + { + "id": 36285, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "bread, cut into italian loaf", + "italian seasoning", + "pepper", + "shredded mozzarella cheese", + "mayonaise", + "meatballs", + "water", + "cream cheese, soften" + ] + }, + { + "id": 18425, + "cuisine": "irish", + "ingredients": [ + "pepper", + "salt", + "potatoes", + "onions", + "bacon", + "pork sausages", + "water", + "chopped parsley" + ] + }, + { + "id": 32322, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "paprika", + "monterey jack", + "seasoning salt", + "large eggs", + "elbow macaroni", + "skim milk", + "unsalted butter", + "freshly ground pepper", + "evaporated milk", + "coarse salt", + "extra sharp cheddar cheese" + ] + }, + { + "id": 36388, + "cuisine": "indian", + "ingredients": [ + "whole milk", + "cardamon", + "rice", + "pistachios" + ] + }, + { + "id": 28428, + "cuisine": "southern_us", + "ingredients": [ + "water", + "butter", + "reduced fat cheddar cheese", + "cooking spray", + "dry bread crumbs", + "large egg whites", + "salt", + "pepper", + "quickcooking grits" + ] + }, + { + "id": 48044, + "cuisine": "british", + "ingredients": [ + "eggs", + "self rising flour", + "margarine", + "caster sugar" + ] + }, + { + "id": 7471, + "cuisine": "southern_us", + "ingredients": [ + "organic cane sugar", + "all purpose unbleached flour", + "brown sugar", + "unsalted butter", + "salt", + "baking soda", + "whole milk yoghurt", + "eggs", + "peaches", + "vanilla extract" + ] + }, + { + "id": 36127, + "cuisine": "mexican", + "ingredients": [ + "processed cheese", + "chopped onion", + "green chile", + "garlic", + "boneless skinless chicken breast halves", + "tomatoes", + "butter", + "sour cream", + "seasoning salt", + "salsa", + "dried oregano" + ] + }, + { + "id": 15086, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "green onions", + "unsalted dry roast peanuts", + "fresh lime juice", + "shredded carrots", + "vegetable oil", + "freshly ground pepper", + "chopped cilantro fresh", + "angel hair", + "water chestnuts", + "green peas", + "garlic cloves", + "fresh ginger", + "sesame oil", + "seasoned rice wine vinegar", + "medium shrimp" + ] + }, + { + "id": 38330, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "vegetable oil", + "fresh lime juice", + "jalapeno chilies", + "garlic cloves", + "fresh coriander", + "canned tomatoes", + "onions", + "chicken breasts", + "corn tortillas" + ] + }, + { + "id": 26683, + "cuisine": "italian", + "ingredients": [ + "dry bread crumbs", + "zucchini", + "shredded mozzarella cheese", + "pasta sauce", + "burger style crumbles", + "grated parmesan cheese" + ] + }, + { + "id": 45723, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "water", + "butter", + "dry mustard", + "onions", + "ketchup", + "cream style corn", + "worcestershire sauce", + "hot sauce", + "chicken", + "light brown sugar", + "fresh ginger", + "lemon", + "salt", + "corn kernel whole", + "pepper", + "vegetable oil", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 33248, + "cuisine": "southern_us", + "ingredients": [ + "cream of tartar", + "whole milk", + "sharp cheddar cheese", + "baking soda", + "butter", + "sugar", + "baking powder", + "flour", + "salt" + ] + }, + { + "id": 19858, + "cuisine": "italian", + "ingredients": [ + "pizza sauce", + "flour for dusting", + "pizza doughs", + "extra-virgin olive oil", + "dried oregano", + "garlic cloves" + ] + }, + { + "id": 44655, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped green bell pepper", + "chopped fresh thyme", + "yellow onion", + "yukon gold", + "hungarian sweet paprika", + "meat", + "garlic", + "cream cheese, soften", + "ground red pepper", + "butter", + "fresh oregano", + "olive oil", + "onion powder", + "salt", + "celery" + ] + }, + { + "id": 18653, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sauce", + "cooking oil", + "asparagus", + "ginger paste", + "brown sugar", + "szechwan peppercorns" + ] + }, + { + "id": 41336, + "cuisine": "filipino", + "ingredients": [ + "low sodium soy sauce", + "shrimp", + "rice stick noodles", + "oil", + "onions", + "celery ribs", + "garlic", + "chicken pieces", + "chicken broth", + "carrots", + "cabbage" + ] + }, + { + "id": 33324, + "cuisine": "indian", + "ingredients": [ + "sugar", + "mustard seeds", + "white vinegar", + "golden raisins", + "mango", + "crystallized ginger", + "onions", + "hot red pepper flakes", + "garlic cloves" + ] + }, + { + "id": 44679, + "cuisine": "southern_us", + "ingredients": [ + "fresh sage", + "ham", + "cola soft drink", + "firmly packed light brown sugar", + "yellow mustard" + ] + }, + { + "id": 38490, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "golden raisins", + "cauliflower florets", + "cayenne pepper", + "chopped cilantro fresh", + "tomato paste", + "pepper", + "veggies", + "paneer", + "onions", + "ground cumin", + "cream", + "vegetable stock", + "garlic", + "ground cardamom", + "canola oil", + "ground cinnamon", + "garam masala", + "ginger", + "salt", + "cashew nuts" + ] + }, + { + "id": 21194, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "whole milk", + "farmer cheese", + "fresh blueberries", + "salt", + "corn starch", + "sugar", + "egg yolks", + "all-purpose flour", + "large eggs", + "butter", + "large curd cottage cheese" + ] + }, + { + "id": 12031, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "butter", + "creole seasoning", + "potatoes", + "garlic", + "corn", + "lemon", + "shell-on shrimp", + "sauce" + ] + }, + { + "id": 11175, + "cuisine": "italian", + "ingredients": [ + "whole wheat pastry flour", + "marinara sauce", + "pepper", + "salt", + "seasoned bread crumbs", + "egg whites", + "frozen cheese ravioli", + "grated romano cheese", + "panko breadcrumbs" + ] + }, + { + "id": 46385, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "sesame oil", + "rice vinegar", + "peeled fresh ginger", + "salmon steaks", + "white miso", + "lime wedges", + "mirin", + "vegetable oil" + ] + }, + { + "id": 48524, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "strawberries", + "water", + "sweet red bean paste", + "corn starch", + "mochiko" + ] + }, + { + "id": 9737, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "garlic", + "ground black pepper", + "boneless beef roast", + "coarse salt" + ] + }, + { + "id": 40330, + "cuisine": "british", + "ingredients": [ + "baking powder", + "salt", + "unsalted butter", + "vegetable shortening", + "sour cream", + "large eggs", + "poppy seeds", + "sugar", + "almond extract", + "all-purpose flour" + ] + }, + { + "id": 40341, + "cuisine": "moroccan", + "ingredients": [ + "celery ribs", + "black pepper", + "beef bouillon", + "diced tomatoes", + "carrots", + "canola oil", + "eggs", + "garbanzo beans", + "vermicelli", + "salt", + "onions", + "tomato paste", + "fresh cilantro", + "flour", + "ginger", + "fresh parsley", + "tumeric", + "garlic powder", + "cinnamon", + "lentils", + "saffron" + ] + }, + { + "id": 31803, + "cuisine": "chinese", + "ingredients": [ + "water", + "baking powder", + "cooking spray", + "all-purpose flour", + "sesame seeds", + "salt", + "green onions", + "canola oil" + ] + }, + { + "id": 38659, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "pure vanilla extract", + "apples", + "sugar", + "puff pastry", + "teas" + ] + }, + { + "id": 2660, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "black beans", + "fresh cilantro", + "Mexican cheese blend", + "jalapeno chilies", + "boneless skinless chicken breasts", + "salt", + "greek yogurt", + "tomatoes", + "crushed tomatoes", + "garlic powder", + "hand", + "soup", + "vegetable broth", + "tortilla chips", + "onions", + "tomato paste", + "low sodium vegetable broth", + "olive oil", + "tortillas", + "guacamole", + "chili powder", + "cayenne pepper", + "corn tortillas", + "lime zest", + "pico de gallo", + "fresh lime", + "salsa verde", + "bell pepper", + "green onions", + "purple onion", + "pinto beans", + "cumin" + ] + }, + { + "id": 31521, + "cuisine": "mexican", + "ingredients": [ + "creole style seasoning", + "onions", + "cheddar cheese", + "corn tortillas", + "tomato paste", + "sliced mushrooms", + "tomato sauce", + "ripe olives" + ] + }, + { + "id": 6839, + "cuisine": "mexican", + "ingredients": [ + "chicken bouillon", + "chopped onion", + "chicken broth", + "condensed cream of mushroom soup", + "boneless skinless chicken breast halves", + "condensed cream of chicken soup", + "diced tomatoes", + "monterey jack", + "chili beans", + "flour tortillas", + "red bell pepper" + ] + }, + { + "id": 5528, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "unsalted butter", + "garlic powder", + "shredded romano cheese", + "large egg yolks", + "half & half", + "ground black pepper", + "shredded parmesan cheese" + ] + }, + { + "id": 21475, + "cuisine": "thai", + "ingredients": [ + "salmon", + "soy sauce", + "scallions", + "fresh ginger", + "sweet chili sauce" + ] + }, + { + "id": 40051, + "cuisine": "southern_us", + "ingredients": [ + "cornbread", + "black-eyed peas", + "butter", + "mayonaise", + "green onions", + "red bell pepper", + "sweet onion", + "vegetable oil", + "sour cream", + "yellow corn meal", + "large eggs", + "garlic cloves" + ] + }, + { + "id": 33360, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "serrano peppers", + "plum tomatoes", + "onions", + "sea salt" + ] + }, + { + "id": 1994, + "cuisine": "southern_us", + "ingredients": [ + "crawfish", + "bourbon whiskey", + "whipping cream", + "chopped fresh sage", + "chopped cilantro fresh", + "lump crab meat", + "oysters", + "butter", + "chopped onion", + "chopped pecans", + "cornbread", + "pepper", + "chile pepper", + "chopped celery", + "garlic cloves", + "chicken broth", + "chorizo", + "fresh thyme leaves", + "salt", + "carrots" + ] + }, + { + "id": 37543, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "part-skim mozzarella cheese", + "margarine", + "celery", + "tomato sauce", + "basil", + "chopped onion", + "vegetable oil cooking spray", + "cutlet", + "green pepper", + "oregano", + "pepper", + "salt", + "no salt added chicken broth" + ] + }, + { + "id": 42263, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "salt", + "corn husks", + "fresh lime juice", + "ancho chili ground pepper", + "sour cream", + "mayonaise", + "lime wedges" + ] + }, + { + "id": 37956, + "cuisine": "italian", + "ingredients": [ + "egg whites", + "vanilla extract", + "chopped pecans", + "shortening", + "flaked coconut", + "margarine", + "white sugar", + "egg yolks", + "all-purpose flour", + "confectioners sugar", + "baking soda", + "buttermilk", + "cream cheese" + ] + }, + { + "id": 6482, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "ground black pepper", + "jalapeno chilies", + "applewood smoked bacon", + "corn kernels", + "granulated sugar", + "buttermilk", + "eggs", + "unsalted butter", + "coarse sea salt", + "ground cumin", + "baking soda", + "finely chopped onion", + "lemon juice" + ] + }, + { + "id": 22522, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "garlic", + "brown sugar", + "worcestershire sauce", + "unsulphured molasses", + "navy beans", + "yellow mustard", + "dark brown sugar", + "ketchup", + "bacon" + ] + }, + { + "id": 22259, + "cuisine": "italian", + "ingredients": [ + "port wine", + "unsalted butter", + "vanilla extract", + "sugar", + "ricotta cheese", + "all-purpose flour", + "eggs", + "mini chocolate chips", + "cinnamon", + "canola oil", + "powdered sugar", + "egg yolks", + "salt" + ] + }, + { + "id": 48864, + "cuisine": "filipino", + "ingredients": [ + "ground ginger", + "shiitake", + "water chestnuts", + "vegetable oil", + "sauce", + "toasted sesame seeds", + "honey", + "hoisin sauce", + "rice noodles", + "rice vinegar", + "red bell pepper", + "pepper", + "zucchini", + "sesame oil", + "pea pods", + "scallions", + "soy sauce", + "beef", + "broccoli florets", + "garlic", + "orange juice", + "bamboo shoots" + ] + }, + { + "id": 11050, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "semisweet chocolate", + "bread flour", + "unsalted butter", + "almond extract", + "water", + "baking powder", + "kosher salt", + "large eggs" + ] + }, + { + "id": 8991, + "cuisine": "vietnamese", + "ingredients": [ + "garlic", + "meat", + "lemongrass", + "oil", + "chili powder" + ] + }, + { + "id": 26129, + "cuisine": "italian", + "ingredients": [ + "green onions", + "oil", + "mayonaise", + "salt", + "green beans", + "black olives", + "carrots", + "milk", + "all-purpose flour", + "spaghetti" + ] + }, + { + "id": 29114, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "salt", + "dried oregano", + "chile pepper", + "pork shoulder", + "water", + "cooking sherry", + "cilantro", + "onions" + ] + }, + { + "id": 20163, + "cuisine": "french", + "ingredients": [ + "water", + "egg yolks", + "corn starch", + "unsalted butter", + "heavy cream", + "sugar", + "egg whites", + "vanilla extract", + "milk", + "dark rum", + "toasted slivered almonds" + ] + }, + { + "id": 37639, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "flank steak", + "corn starch", + "water", + "ginger", + "soy sauce", + "vegetable oil", + "green onions", + "garlic" + ] + }, + { + "id": 3353, + "cuisine": "italian", + "ingredients": [ + "flour for dusting", + "extra-virgin olive oil", + "pizza doughs", + "kosher salt", + "hot water" + ] + }, + { + "id": 5753, + "cuisine": "italian", + "ingredients": [ + "water", + "all purpose unbleached flour", + "large eggs", + "salt" + ] + }, + { + "id": 28229, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "dried minced onion", + "chicken bouillon", + "dried parsley", + "water", + "corn starch" + ] + }, + { + "id": 11780, + "cuisine": "italian", + "ingredients": [ + "aged balsamic vinegar", + "parmigiano reggiano cheese" + ] + }, + { + "id": 34845, + "cuisine": "cajun_creole", + "ingredients": [ + "dark rum", + "vanilla ice cream", + "cinnamon", + "brown sugar", + "banana liqueur", + "bananas", + "butter" + ] + }, + { + "id": 31302, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "curry powder", + "all-purpose flour", + "mayonaise", + "whole milk", + "tomatoes", + "olive oil", + "fresh lemon juice", + "catfish fillets", + "baguette", + "lettuce leaves" + ] + }, + { + "id": 31368, + "cuisine": "japanese", + "ingredients": [ + "boneless chicken skinless thigh", + "sugar", + "vegetable oil", + "soy sauce", + "scallions", + "sake", + "mirin" + ] + }, + { + "id": 46787, + "cuisine": "italian", + "ingredients": [ + "parsley", + "plum tomatoes", + "pasta", + "garlic", + "red pepper flakes", + "olive oil", + "salt" + ] + }, + { + "id": 7548, + "cuisine": "italian", + "ingredients": [ + "fontina", + "extra-virgin olive oil", + "ground black pepper", + "garlic cloves", + "prosciutto", + "pizza doughs", + "baby arugula" + ] + }, + { + "id": 16324, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "mirin", + "rice vinegar", + "sesame seeds", + "napa cabbage", + "scallions", + "olive oil", + "Sriracha", + "soba noodles", + "shiitake", + "garlic", + "toasted sesame oil" + ] + }, + { + "id": 8072, + "cuisine": "british", + "ingredients": [ + "kosher salt", + "vegetable oil", + "merlot", + "horseradish", + "parsley leaves", + "portabello mushroom", + "pearl onions", + "rib roast", + "carrots", + "celery ribs", + "veal", + "red currant jelly" + ] + }, + { + "id": 38413, + "cuisine": "thai", + "ingredients": [ + "white bread", + "vegetable oil", + "Thai fish sauce", + "garlic powder", + "ground pork", + "white pepper", + "cilantro", + "medium shrimp", + "large eggs", + "scallions" + ] + }, + { + "id": 24567, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "vegetable oil", + "gyoza wrappers", + "corn starch", + "frozen chopped spinach", + "black pepper", + "garlic", + "scallions", + "soy sauce", + "ginger", + "dried shiitake mushrooms", + "toasted sesame oil", + "frozen shelled edamame", + "flour", + "salt", + "carrots" + ] + }, + { + "id": 5746, + "cuisine": "southern_us", + "ingredients": [ + "boneless chicken breast", + "chicken broth", + "onions", + "biscuits", + "frozen mixed vegetables", + "cream of chicken soup" + ] + }, + { + "id": 5391, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "pepper", + "butter", + "onions", + "cheddar cheese", + "broccoli florets", + "ham", + "cream", + "green onions", + "celery", + "fresh corn", + "potatoes", + "salt" + ] + }, + { + "id": 13509, + "cuisine": "irish", + "ingredients": [ + "russet", + "butter", + "milk", + "scallions", + "green cabbage", + "sea salt", + "ground black pepper" + ] + }, + { + "id": 4991, + "cuisine": "mexican", + "ingredients": [ + "Alfredo sauce", + "chopped cilantro", + "water", + "corn tortillas", + "shredded Monterey Jack cheese", + "extra-lean ground beef", + "chipotle peppers", + "vegetable oil", + "Country Crock® Spread" + ] + }, + { + "id": 41754, + "cuisine": "italian", + "ingredients": [ + "salt", + "white sugar", + "brandy", + "ground almonds", + "shortening", + "all-purpose flour", + "lemon zest", + "fresh lemon juice" + ] + }, + { + "id": 37533, + "cuisine": "italian", + "ingredients": [ + "baguette", + "chopped fresh chives", + "pear nectar", + "sugar", + "crumbled blue cheese", + "shallots", + "chopped pecans", + "olive oil", + "bosc pears", + "salt", + "cider vinegar", + "dried apricot", + "chopped fresh thyme", + "cinnamon sticks" + ] + }, + { + "id": 15494, + "cuisine": "southern_us", + "ingredients": [ + "vanilla ice cream", + "dark rum", + "peaches", + "ground cinnamon", + "unsalted butter", + "golden brown sugar", + "vanilla extract" + ] + }, + { + "id": 18535, + "cuisine": "filipino", + "ingredients": [ + "olive oil", + "salt", + "large tomato", + "bitter melon", + "ground black pepper", + "soy sauce", + "large eggs" + ] + }, + { + "id": 13325, + "cuisine": "southern_us", + "ingredients": [ + "granny smith apples", + "ground nutmeg", + "grated lemon zest", + "sugar", + "water", + "raisins", + "ground cinnamon", + "ground cloves", + "golden raisins", + "fresh lemon juice", + "firmly packed brown sugar", + "cider vinegar", + "green tomatoes", + "grated orange" + ] + }, + { + "id": 48684, + "cuisine": "brazilian", + "ingredients": [ + "linguica", + "ground black pepper", + "beef rib short", + "dried black beans", + "pork chops", + "boneless pork loin", + "onions", + "olive oil", + "bacon", + "garlic cloves", + "chicken stock", + "stewing beef", + "salt", + "carne seca" + ] + }, + { + "id": 15156, + "cuisine": "mexican", + "ingredients": [ + "fennel seeds", + "water", + "salsa verde", + "peeled fresh ginger", + "chopped celery", + "carrots", + "boneless skinless chicken breast halves", + "baby bok choy", + "olive oil", + "radishes", + "kohlrabi", + "chopped onion", + "fresh lime juice", + "ground turmeric", + "fresh basil", + "fresh cilantro", + "ground black pepper", + "shallots", + "salt", + "flat leaf parsley", + "serrano chile", + "fat free less sodium chicken broth", + "coriander seeds", + "leeks", + "fresh tarragon", + "garlic cloves", + "bay leaf", + "ground cumin" + ] + }, + { + "id": 3283, + "cuisine": "cajun_creole", + "ingredients": [ + "tilapia fillets", + "unsalted butter", + "celery salt", + "garlic powder", + "dried thyme", + "paprika", + "pepper", + "cayenne" + ] + }, + { + "id": 40046, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "roasted red peppers", + "garlic cloves", + "fat free less sodium chicken broth", + "bacon slices", + "fresh parmesan cheese", + "salt", + "black pepper", + "green peas", + "onions" + ] + }, + { + "id": 6495, + "cuisine": "thai", + "ingredients": [ + "tomato paste", + "curry powder", + "green onions", + "yellow onion", + "coconut milk", + "yellow mustard seeds", + "peanuts", + "vegetable oil", + "garlic cloves", + "ground turmeric", + "pineapple chunks", + "lime juice", + "boneless skinless chicken breasts", + "cumin seed", + "chopped cilantro", + "ground ginger", + "soy sauce", + "coriander seeds", + "chicken stock cubes", + "red bell pepper" + ] + }, + { + "id": 40897, + "cuisine": "italian", + "ingredients": [ + "bacon", + "green cauliflower", + "broccoli", + "bread crumb fresh", + "extra-virgin olive oil", + "large garlic cloves", + "orecchiette" + ] + }, + { + "id": 13330, + "cuisine": "french", + "ingredients": [ + "chopped fresh chives", + "fresh parsley", + "plain yogurt", + "goat cheese", + "fresh basil", + "salt", + "olive oil", + "freshly ground pepper" + ] + }, + { + "id": 34398, + "cuisine": "greek", + "ingredients": [ + "crushed garlic", + "greek style plain yogurt", + "chives", + "cucumber", + "salt" + ] + }, + { + "id": 4214, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "plums", + "grated lemon peel", + "balsamic vinegar", + "shredded mozzarella cheese", + "boneless skinless chicken breasts", + "salt", + "italian seasoning", + "linguine", + "fresh basil leaves" + ] + }, + { + "id": 4135, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "chili paste", + "garlic", + "cooked white rice", + "kosher salt", + "bacon", + "scallions", + "frozen peas", + "soy sauce", + "vegetable oil", + "cilantro leaves", + "onions", + "ground black pepper", + "ginger", + "toasted sesame oil" + ] + }, + { + "id": 18586, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped fresh thyme", + "red bell pepper", + "andouille sausage", + "cajun seasoning", + "large shrimp", + "creole mustard", + "red wine vinegar", + "onions", + "vegetable oil", + "low salt chicken broth" + ] + }, + { + "id": 16453, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "boiling potatoes", + "frozen chopped spinach", + "jalapeno chilies", + "carrots", + "fresh ginger", + "ground coriander", + "ground cumin", + "tumeric", + "butter", + "green split peas" + ] + }, + { + "id": 32851, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "ground beef", + "refried beans", + "crescent rolls", + "shredded cheddar cheese", + "sliced black olives", + "taco seasoning mix", + "green onions" + ] + }, + { + "id": 28380, + "cuisine": "moroccan", + "ingredients": [ + "dried plum", + "fat free less sodium chicken broth", + "salt", + "couscous", + "pitted kalamata olives", + "peeled fresh ginger", + "chopped onion", + "ground turmeric", + "ground cinnamon", + "olive oil", + "grated lemon zest", + "chopped cilantro fresh", + "fennel seeds", + "boneless chicken skinless thigh", + "apricot halves", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 37656, + "cuisine": "russian", + "ingredients": [ + "ground cloves", + "granulated sugar", + "all-purpose flour", + "walnut halves", + "unsalted butter", + "baking powder", + "whole almonds", + "superfine sugar", + "baking spray", + "pure vanilla extract", + "kosher salt", + "large eggs" + ] + }, + { + "id": 38852, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "green onions", + "chopped onion", + "corn", + "cilantro", + "red chili peppers", + "lime wedges", + "pork roast", + "diced green chilies", + "cheese" + ] + }, + { + "id": 45163, + "cuisine": "thai", + "ingredients": [ + "chile paste", + "yellow bell pepper", + "oyster sauce", + "soy sauce", + "zucchini", + "yellow onion", + "boneless skinless chicken breast halves", + "chicken broth", + "yellow squash", + "broccoli", + "white sugar", + "ketchup", + "unsalted cashews", + "fresh mushrooms", + "canola oil" + ] + }, + { + "id": 36100, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "sugar", + "whole milk", + "water", + "peeled fresh ginger", + "eggs", + "crystallized ginger" + ] + }, + { + "id": 33257, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "olive oil", + "dry white wine", + "carrots", + "onions", + "pork belly", + "large eggs", + "peas", + "flat leaf parsley", + "kosher salt", + "grated parmesan cheese", + "garlic cloves", + "bay leaf", + "black peppercorns", + "coriander seeds", + "pecorino romano cheese", + "low salt chicken broth", + "spaghetti" + ] + }, + { + "id": 25908, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "olive oil", + "cheese", + "sherry wine", + "black beans", + "capsicum", + "rice", + "onions", + "stock", + "jalapeno chilies", + "salsa", + "sour cream", + "lime", + "cilantro", + "garlic cloves", + "oregano" + ] + }, + { + "id": 48566, + "cuisine": "irish", + "ingredients": [ + "color food green", + "fudge brownie mix", + "eggs", + "all-purpose flour", + "vanilla", + "sugar", + "cream cheese" + ] + }, + { + "id": 6380, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "grated coconut", + "cumin seed", + "chopped cilantro fresh", + "red chili peppers", + "purple onion", + "nigella seeds", + "sugar", + "vegetable oil", + "mustard seeds", + "brussels sprouts", + "kosher salt", + "fresh lemon juice", + "ground turmeric" + ] + }, + { + "id": 4697, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "butter", + "fontina cheese", + "boneless chicken breast halves", + "prosciutto", + "low salt chicken broth", + "marsala wine", + "herb cheese" + ] + }, + { + "id": 43750, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "grated parmesan cheese", + "panko breadcrumbs", + "milk", + "russet potatoes", + "pepper", + "green onions", + "unsalted butter", + "salt" + ] + }, + { + "id": 32905, + "cuisine": "cajun_creole", + "ingredients": [ + "green olives", + "provolone cheese", + "dried oregano", + "salami", + "crusty rolls", + "garlic", + "fresh parsley", + "olive oil", + "sliced ham" + ] + }, + { + "id": 15151, + "cuisine": "mexican", + "ingredients": [ + "beef stock", + "vidalia onion", + "garlic cloves", + "tomatoes", + "rice", + "water" + ] + }, + { + "id": 28701, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "curry powder", + "peeled fresh ginger", + "vegetable broth", + "ground allspice", + "ground turmeric", + "turnips", + "parsnips", + "dried apricot", + "diced tomatoes", + "grated lemon zest", + "carrots", + "green cabbage", + "black pepper", + "sweet potatoes", + "paprika", + "chopped onion", + "couscous", + "dried lentils", + "olive oil", + "ground red pepper", + "salt", + "fresh lemon juice", + "ground cumin" + ] + }, + { + "id": 23784, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "yoghurt", + "plums", + "large egg yolks", + "unsalted butter", + "vanilla extract", + "all-purpose flour", + "ground cinnamon", + "peaches", + "baking powder", + "salt", + "baking soda", + "half & half", + "granulated white sugar", + "bing cherries" + ] + }, + { + "id": 10971, + "cuisine": "spanish", + "ingredients": [ + "water", + "garlic cloves", + "extra-virgin olive oil", + "onions", + "cannellini beans", + "smoked paprika", + "spinach", + "oil" + ] + }, + { + "id": 47753, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "boneless skinless chicken breasts", + "salt", + "fresh rosemary", + "ground black pepper", + "balsamic vinegar", + "dried oregano", + "fennel seeds", + "garlic powder", + "shallots", + "red bell pepper", + "fat free less sodium chicken broth", + "cooking spray", + "yellow bell pepper" + ] + }, + { + "id": 37355, + "cuisine": "italian", + "ingredients": [ + "water", + "red bell pepper", + "wish-bone light country italian dressing", + "flat leaf parsley", + "quinoa", + "white mushrooms", + "zucchini", + "sliced green onions" + ] + }, + { + "id": 44501, + "cuisine": "thai", + "ingredients": [ + "granulated sugar", + "coconut milk", + "salt", + "pandanus leaf", + "mango", + "water", + "thai jasmine rice" + ] + }, + { + "id": 41817, + "cuisine": "italian", + "ingredients": [ + "finely chopped onion", + "butter", + "arborio rice", + "butternut squash", + "pancetta", + "grated parmesan cheese", + "low salt chicken broth", + "olive oil", + "dry white wine" + ] + }, + { + "id": 41475, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "mushrooms", + "dark sesame oil", + "iceberg lettuce", + "sugar", + "dijon mustard", + "rice vinegar", + "lemon juice", + "brown sugar", + "olive oil", + "boneless skinless chicken breasts", + "garlic cloves", + "soy sauce", + "water chestnuts", + "yellow onion", + "hot water" + ] + }, + { + "id": 47612, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "worcestershire sauce", + "skirt steak", + "lime", + "orange juice", + "garlic powder", + "corn tortillas", + "white onion", + "cilantro", + "ground cumin" + ] + }, + { + "id": 28804, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "tomatoes", + "knorr garlic minicub", + "lime juice", + "serrano chilies", + "chopped cilantro fresh" + ] + }, + { + "id": 20498, + "cuisine": "italian", + "ingredients": [ + "pistachios", + "strawberry ice cream", + "chocolate ice cream" + ] + }, + { + "id": 9612, + "cuisine": "brazilian", + "ingredients": [ + "chili", + "lamb chops", + "onions", + "black beans", + "bay leaves", + "garlic cloves", + "chorizo sausage", + "tomatoes", + "pork chops", + "allspice berries", + "dried oregano", + "smoked bacon", + "parsley", + "carrots" + ] + }, + { + "id": 19302, + "cuisine": "mexican", + "ingredients": [ + "bell pepper", + "chopped onion", + "tomato sauce", + "cheese", + "chopped cilantro", + "pecans", + "raisins", + "garlic cloves", + "beef", + "shells", + "cumin" + ] + }, + { + "id": 40859, + "cuisine": "italian", + "ingredients": [ + "bread", + "pizza sauce", + "cheddar cheese", + "ground meat", + "angel hair", + "veggies", + "pasta sauce", + "pepperoni" + ] + }, + { + "id": 15721, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "purple onion", + "apple cider vinegar", + "toasted slivered almonds", + "broccoli florets", + "salt", + "mayonaise", + "bacon", + "frozen peas" + ] + }, + { + "id": 9694, + "cuisine": "brazilian", + "ingredients": [ + "bee pollen", + "açai", + "honey", + "almond milk", + "bananas" + ] + }, + { + "id": 27084, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "paprika", + "fennel seeds", + "red pepper flakes", + "cayenne pepper", + "Alexia Waffle Fries", + "onion flakes", + "garlic powder", + "sea salt", + "oregano" + ] + }, + { + "id": 46347, + "cuisine": "korean", + "ingredients": [ + "garlic", + "spring onions", + "beansprouts", + "salt", + "sesame oil", + "toasted sesame seeds" + ] + }, + { + "id": 25291, + "cuisine": "vietnamese", + "ingredients": [ + "white vinegar", + "lime", + "fish sauce", + "thai chile", + "sugar", + "garlic", + "warm water" + ] + }, + { + "id": 16383, + "cuisine": "french", + "ingredients": [ + "semisweet chocolate", + "1% low-fat milk", + "cream filled chocolate sandwich cookies", + "crème de menthe", + "fat free frozen top whip", + "sugar", + "chocolate" + ] + }, + { + "id": 15717, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "garlic", + "chicken wings", + "lime", + "chili sauce", + "soy sauce", + "salt", + "fish sauce", + "spring onions", + "chinese five-spice powder" + ] + }, + { + "id": 12564, + "cuisine": "italian", + "ingredients": [ + "baby spinach leaves", + "large garlic cloves", + "arborio rice", + "grated parmesan cheese", + "low salt chicken broth", + "olive oil", + "chopped onion", + "fresh basil", + "dry white wine", + "large shrimp" + ] + }, + { + "id": 36241, + "cuisine": "southern_us", + "ingredients": [ + "vidalia onion", + "potatoes", + "pepper", + "bacon drippings", + "salt" + ] + }, + { + "id": 34658, + "cuisine": "italian", + "ingredients": [ + "butter-margarine blend", + "brown hash potato", + "1% low-fat milk", + "dried basil", + "cooking spray", + "salt", + "black pepper", + "large eggs", + "gruyere cheese", + "large egg whites", + "leeks", + "spaghetti squash" + ] + }, + { + "id": 12429, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "red bell pepper", + "cayenne", + "salt", + "sesame seeds", + "dried soba", + "sliced green onions", + "sugar", + "shredded carrots", + "rice vinegar" + ] + }, + { + "id": 44028, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "lamb stock", + "parsley", + "medjool date", + "tomato purée", + "clear honey", + "leg of lamb", + "olives", + "plain flour", + "coriander seeds", + "garlic cloves", + "coriander", + "preserved lemon", + "shallots", + "cinnamon sticks", + "saffron" + ] + }, + { + "id": 16130, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "cinnamon", + "crushed red pepper", + "carrots", + "red lentils", + "sweet onion", + "paprika", + "garlic cloves", + "cumin", + "fresh cilantro", + "diced tomatoes", + "salt", + "coriander", + "tumeric", + "olive oil", + "vegetable broth", + "fresh lemon juice" + ] + }, + { + "id": 46958, + "cuisine": "brazilian", + "ingredients": [ + "powdered sugar", + "avocado", + "whipping cream", + "lime juice" + ] + }, + { + "id": 48962, + "cuisine": "cajun_creole", + "ingredients": [ + "crushed tomatoes", + "ground red pepper", + "all-purpose flour", + "cooked rice", + "chopped green bell pepper", + "chopped celery", + "onions", + "chicken broth", + "olive oil", + "cajun seasoning", + "shrimp", + "minced garlic", + "bay leaves", + "salt" + ] + }, + { + "id": 47895, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "lime juice", + "dried guajillo chiles", + "kosher salt", + "roast", + "black pepper", + "brewed coffee", + "oregano", + "minced garlic", + "extra-virgin olive oil" + ] + }, + { + "id": 49430, + "cuisine": "british", + "ingredients": [ + "eggs", + "balsamic vinegar", + "stilton cheese", + "mustard", + "muscovado sugar", + "hot sauce", + "sourdough bread", + "purple onion", + "parmesan cheese", + "crème fraîche" + ] + }, + { + "id": 10914, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "butter", + "pork loin", + "garlic cloves", + "fresh sage", + "extra-virgin olive oil", + "russet potatoes" + ] + }, + { + "id": 20193, + "cuisine": "italian", + "ingredients": [ + "asiago", + "salt", + "olive oil", + "dry red wine", + "chopped onion", + "pepper", + "diced tomatoes", + "penne pasta", + "mushroom caps", + "garlic", + "chopped parsley" + ] + }, + { + "id": 15046, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "coriander", + "tofu", + "minced garlic", + "oil", + "pepper", + "chili sauce", + "sugar", + "water", + "ground meat" + ] + }, + { + "id": 10311, + "cuisine": "french", + "ingredients": [ + "slivered almonds", + "bosc pears", + "vanilla extract", + "powdered sugar", + "large eggs", + "ice water", + "corn starch", + "sugar", + "dry white wine", + "salt", + "water", + "butter", + "all-purpose flour" + ] + }, + { + "id": 1720, + "cuisine": "moroccan", + "ingredients": [ + "powdered sugar", + "orange flower water", + "butter", + "plain flour", + "dates", + "water" + ] + }, + { + "id": 37275, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "baking powder", + "all-purpose flour", + "unsalted butter", + "satsumas", + "kosher salt", + "lemon", + "semolina flour", + "large eggs", + "salt" + ] + }, + { + "id": 18481, + "cuisine": "italian", + "ingredients": [ + "white wine", + "garlic", + "red bell pepper", + "green bell pepper, slice", + "yellow onion", + "dried basil", + "purple onion", + "dried oregano", + "butter", + "sweet italian sausage" + ] + }, + { + "id": 43417, + "cuisine": "japanese", + "ingredients": [ + "honey", + "salmon fillets", + "rice vinegar", + "low sodium soy sauce", + "fresh ginger", + "minced garlic", + "orange juice" + ] + }, + { + "id": 46413, + "cuisine": "italian", + "ingredients": [ + "green olives", + "veal cutlets", + "fettucine", + "cooking spray", + "corn starch", + "black pepper", + "salt", + "fat free less sodium chicken broth", + "fresh lemon juice" + ] + }, + { + "id": 44484, + "cuisine": "japanese", + "ingredients": [ + "stock", + "pepper", + "garlic", + "sugar", + "fresh ginger", + "noodles", + "sake", + "dashi", + "salt", + "soy sauce", + "sesame oil", + "nori" + ] + }, + { + "id": 2895, + "cuisine": "spanish", + "ingredients": [ + "clove", + "fresh orange juice", + "club soda", + "orange", + "cinnamon sticks", + "lemon", + "orange rind", + "sugar", + "merlot" + ] + }, + { + "id": 32318, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "green onions", + "creamy peanut butter", + "beansprouts", + "chilegarlic sauce", + "garlic", + "english cucumber", + "cooked chicken breasts", + "soy sauce", + "ginger", + "roasted peanuts", + "toasted sesame oil", + "sesame seed paste", + "chinese noodles", + "rice vinegar", + "carrots" + ] + }, + { + "id": 40497, + "cuisine": "spanish", + "ingredients": [ + "vidalia onion", + "extra-virgin olive oil", + "red bell pepper", + "sherry vinegar", + "garlic cloves", + "tomatoes", + "chopped green bell pepper", + "cucumber", + "sugar", + "salt", + "ground cumin" + ] + }, + { + "id": 42464, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "cajun seasoning", + "canola oil", + "water", + "onions", + "andouille sausage", + "scallions", + "celery ribs", + "low sodium chicken broth", + "basmati rice" + ] + }, + { + "id": 25165, + "cuisine": "indian", + "ingredients": [ + "lime", + "lime wedges", + "purple onion", + "chopped cilantro", + "fresh ginger", + "chicken drumsticks", + "green chilies", + "mint", + "low-fat greek yogurt", + "garlic", + "cucumber", + "olive oil", + "spices", + "salt" + ] + }, + { + "id": 20245, + "cuisine": "brazilian", + "ingredients": [ + "yucca root", + "coconut cream", + "palm oil", + "olive oil", + "coriander", + "lime", + "onions", + "tomatoes", + "prawns" + ] + }, + { + "id": 15634, + "cuisine": "spanish", + "ingredients": [ + "pinenuts", + "extra-virgin olive oil", + "cinnamon sticks", + "chicken stock", + "lemon zest", + "rotisserie chicken", + "tawny port", + "sour cherries", + "orange zest", + "prunes", + "dried apricot", + "juice" + ] + }, + { + "id": 8637, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "olive oil", + "white wine vinegar", + "green bell pepper", + "crushed garlic", + "onions", + "eggs", + "green onions", + "cucumber", + "tomato paste", + "water", + "black olives" + ] + }, + { + "id": 6342, + "cuisine": "mexican", + "ingredients": [ + "water", + "tortilla chips", + "chicken", + "cheddar cheese", + "diced tomatoes", + "sour cream", + "eggs", + "unsalted butter", + "taco seasoning", + "white corn", + "white beans", + "bisquick" + ] + }, + { + "id": 6641, + "cuisine": "korean", + "ingredients": [ + "garlic", + "short rib", + "mirin", + "dark brown sugar", + "soy sauce", + "rice vinegar", + "green onions", + "toasted sesame oil" + ] + }, + { + "id": 37520, + "cuisine": "indian", + "ingredients": [ + "mace", + "diced tomatoes", + "garlic cloves", + "ground turmeric", + "whole cloves", + "cilantro leaves", + "ghee", + "cayenne", + "purple onion", + "cinnamon sticks", + "fresh ginger", + "sea salt", + "cardamom pods", + "basmati rice" + ] + }, + { + "id": 40621, + "cuisine": "southern_us", + "ingredients": [ + "cream sweeten whip", + "baking soda", + "vegetable oil", + "all-purpose flour", + "milk", + "baking powder", + "heavy cream", + "large egg yolks", + "bourbon whiskey", + "salt", + "sugar", + "large eggs", + "lemon", + "beets" + ] + }, + { + "id": 41934, + "cuisine": "irish", + "ingredients": [ + "green onions", + "milk", + "salt", + "potatoes", + "pepper", + "butter" + ] + }, + { + "id": 22197, + "cuisine": "mexican", + "ingredients": [ + "salt", + "jicama", + "lime", + "chili powder" + ] + }, + { + "id": 44293, + "cuisine": "cajun_creole", + "ingredients": [ + "horseradish", + "ground black pepper", + "ground red pepper", + "ground white pepper", + "water", + "vinegar", + "paprika", + "mayonaise", + "minced onion", + "parsley", + "celery", + "creole mustard", + "olive oil", + "shrimp heads", + "salt" + ] + }, + { + "id": 36077, + "cuisine": "french", + "ingredients": [ + "shortening", + "bacon", + "chopped onion", + "eggs", + "flour", + "salt", + "cold water", + "milk", + "gruyere cheese", + "freshly ground pepper", + "fresh spinach", + "large garlic cloves", + "dried dill" + ] + }, + { + "id": 28614, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "tartlet shells", + "unsalted butter", + "fresh lemon juice", + "sugar", + "lemon zest", + "large egg whites", + "large eggs" + ] + }, + { + "id": 48439, + "cuisine": "spanish", + "ingredients": [ + "mussels", + "jumbo shrimp", + "smoked sweet Spanish paprika", + "garlic cloves", + "paella rice", + "sugar", + "fish stock", + "onions", + "saffron threads", + "tomatoes", + "dry white wine", + "squid", + "tentacles", + "olive oil", + "salt" + ] + }, + { + "id": 38279, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "shredded cheddar cheese", + "extra-virgin olive oil", + "fresh lime juice", + "cooked rice", + "diced green chilies", + "tortilla chips", + "ground cumin", + "chicken broth", + "fresh cilantro", + "roasted garlic", + "onions", + "kosher salt", + "boneless skinless chicken breasts", + "rotel tomatoes" + ] + }, + { + "id": 19317, + "cuisine": "cajun_creole", + "ingredients": [ + "old bay seasoning", + "lemon juice", + "cajun seasoning", + "hot sauce", + "ground pepper", + "worcestershire sauce", + "shrimp", + "butter", + "garlic cloves" + ] + }, + { + "id": 19171, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "lemon slices", + "fresh parsley", + "large garlic cloves", + "lemon juice", + "dried oregano", + "diced tomatoes", + "feta cheese crumbles", + "sliced green onions", + "green onions", + "freshly ground pepper", + "spaghetti" + ] + }, + { + "id": 43843, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "crushed ice", + "granulated sugar", + "cachaca" + ] + }, + { + "id": 39003, + "cuisine": "japanese", + "ingredients": [ + "peanuts", + "sweet potatoes", + "broccoli", + "japanese eggplants", + "yellow squash", + "zucchini", + "dipping sauces", + "wild mushrooms", + "large egg yolks", + "cake", + "shishito chile", + "safflower oil", + "granulated sugar", + "carbonated water", + "snow peas" + ] + }, + { + "id": 9481, + "cuisine": "indian", + "ingredients": [ + "slivered almonds", + "rice", + "frozen peas", + "ground ginger", + "olive oil", + "onions", + "water", + "cumin seed", + "peppercorns", + "tumeric", + "raisins", + "coriander" + ] + }, + { + "id": 29625, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "feta cheese", + "garlic", + "tomatoes", + "refried beans", + "minced onion", + "ground cumin", + "kosher salt", + "tortillas", + "chopped cilantro", + "eggs", + "olive oil", + "jalapeno chilies" + ] + }, + { + "id": 14587, + "cuisine": "french", + "ingredients": [ + "leeks", + "beaten eggs", + "ground black pepper", + "butter", + "thyme leaves", + "mushrooms", + "salt", + "frozen pastry puff sheets", + "garlic" + ] + }, + { + "id": 35250, + "cuisine": "moroccan", + "ingredients": [ + "shortening", + "confectioners sugar", + "rose water", + "boiling water", + "semolina flour", + "white sugar", + "ground walnuts" + ] + }, + { + "id": 4624, + "cuisine": "japanese", + "ingredients": [ + "cooking spray", + "rice vinegar", + "yellow miso", + "flank steak", + "dry white wine", + "mirin", + "wasabi powder" + ] + }, + { + "id": 23773, + "cuisine": "indian", + "ingredients": [ + "fat free less sodium chicken broth", + "peeled fresh ginger", + "green peas", + "garlic cloves", + "ground turmeric", + "black pepper", + "sweet potatoes", + "diced tomatoes", + "ground coriander", + "onions", + "olive oil", + "ground red pepper", + "chickpeas", + "bay leaf", + "curry powder", + "boneless skinless chicken breasts", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 35284, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "grated parmesan cheese", + "garlic", + "spaghetti", + "olive oil", + "coarse salt", + "ground beef", + "milk", + "dry white wine", + "carrots", + "tomato paste", + "ground pepper", + "ground pork", + "onions" + ] + }, + { + "id": 22663, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "lemon", + "smoked sausage", + "celery", + "corn", + "garlic", + "red bliss potato", + "canola oil", + "spices", + "artichokes", + "cayenne pepper", + "kosher salt", + "button mushrooms", + "shells", + "onions" + ] + }, + { + "id": 8242, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "fresh basil leaves", + "pinenuts", + "garlic", + "zucchini", + "olive oil", + "shredded parmesan cheese" + ] + }, + { + "id": 46091, + "cuisine": "italian", + "ingredients": [ + "pepper", + "fresh basil", + "salt", + "tomato purée", + "onions", + "tomatoes", + "butter" + ] + }, + { + "id": 5166, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "grated parmesan cheese", + "ricotta cheese", + "sliced mushrooms", + "frozen chopped spinach", + "lasagna noodles", + "pimentos", + "reduced fat alfredo sauce", + "cream of chicken soup", + "dry white wine", + "butter", + "onions", + "cottage cheese", + "large eggs", + "cooked chicken", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 34734, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic", + "onions", + "crushed tomatoes", + "butter", + "carrots", + "brown sugar", + "bay leaves", + "salt", + "dried oregano", + "dried basil", + "extra-virgin olive oil", + "celery" + ] + }, + { + "id": 44509, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "rendered bacon fat", + "onions", + "habanero", + "garlic cloves", + "red wine vinegar", + "scallions", + "green bell pepper", + "extra-virgin olive oil", + "red bell pepper" + ] + }, + { + "id": 32356, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "cayenne pepper", + "eggs", + "diced tomatoes", + "cornmeal", + "chili powder", + "boneless pork loin", + "milk", + "salt", + "corn kernel whole" + ] + }, + { + "id": 28841, + "cuisine": "chinese", + "ingredients": [ + "salad greens", + "sesame seeds", + "green onions", + "boiling water", + "green tea bags", + "honey", + "asian pear", + "garlic cloves", + "cherry tomatoes", + "green tea", + "salt", + "fish sauce", + "olive oil", + "extra firm tofu", + "fresh lime juice" + ] + }, + { + "id": 5786, + "cuisine": "vietnamese", + "ingredients": [ + "chiles", + "pâté", + "cucumber", + "daikon", + "cooked meat", + "mayonaise", + "Maggi", + "tofu", + "cilantro", + "rolls" + ] + }, + { + "id": 15972, + "cuisine": "french", + "ingredients": [ + "french bread", + "brie cheese", + "granulated sugar", + "butter", + "dry white wine", + "corn starch", + "sun-dried tomatoes", + "shallots" + ] + }, + { + "id": 22075, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "hot sauce", + "yellow corn meal", + "old bay seasoning", + "catfish fillets", + "cajun seasoning", + "kosher salt", + "cracked black pepper" + ] + }, + { + "id": 35993, + "cuisine": "jamaican", + "ingredients": [ + "water", + "long-grain rice", + "red kidney beans", + "scotch bonnet chile", + "thyme sprigs", + "coconut", + "hot water", + "kosher salt", + "scallions" + ] + }, + { + "id": 43473, + "cuisine": "british", + "ingredients": [ + "raspberry preserves", + "raspberries", + "crust", + "custard dessert mix", + "whipping cream", + "cream sherry" + ] + }, + { + "id": 37249, + "cuisine": "korean", + "ingredients": [ + "water", + "chile pepper", + "apple juice concentrate", + "rice wine", + "ginger", + "agave nectar", + "red pepper flakes", + "toasted sesame seeds", + "soy sauce", + "sesame oil", + "garlic" + ] + }, + { + "id": 37057, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "taco seasoning", + "cayenne pepper", + "olive oil", + "fresh lime juice", + "herb seasoning" + ] + }, + { + "id": 37572, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "extra-virgin olive oil", + "orange zest", + "boneless pork shoulder", + "cilantro", + "fresh lime juice", + "mint leaves", + "garlic cloves", + "ground cumin", + "kosher salt", + "fresh orange juice", + "oregano" + ] + }, + { + "id": 11389, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "bananas", + "2% reduced-fat milk", + "Nilla Wafers", + "all-purpose flour", + "granulated sugar", + "vanilla extract" + ] + }, + { + "id": 23865, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "cooking spray", + "taco seasoning", + "black beans", + "cheese", + "ground beef", + "cheddar cheese", + "wonton wrappers", + "sour cream", + "lettuce", + "water", + "salsa" + ] + }, + { + "id": 20905, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "fresh basil", + "pork loin chops", + "garlic cloves", + "olive oil", + "flat leaf parsley" + ] + }, + { + "id": 2154, + "cuisine": "mexican", + "ingredients": [ + "water", + "guacamole", + "vegetable oil", + "yellow onion", + "olive oil", + "chili powder", + "garlic", + "sour cream", + "refried beans", + "boneless skinless chicken breasts", + "paprika", + "ground coriander", + "tomato sauce", + "Mexican cheese blend", + "large flour tortillas", + "salsa", + "cumin" + ] + }, + { + "id": 18122, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "fresh mint", + "sugar", + "freshly ground pepper", + "plum tomatoes", + "salt", + "spaghetti", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 33567, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "cooking spray", + "orange juice", + "dijon mustard", + "crushed red pepper", + "large shrimp", + "reduced fat creamy peanut butter", + "vegetable oil", + "chile sauce", + "orange marmalade", + "salt" + ] + }, + { + "id": 28637, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "lettuce leaves", + "extra lean ground beef", + "sauce", + "pita rounds", + "purple onion", + "greek seasoning", + "feta cheese" + ] + }, + { + "id": 27620, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "extra-virgin olive oil", + "flat leaf parsley", + "water", + "green onions", + "fresh lemon juice", + "capers", + "zucchini", + "garlic cloves", + "fresh basil leaves", + "olive oil", + "Italian parsley leaves", + "green beans" + ] + }, + { + "id": 43349, + "cuisine": "italian", + "ingredients": [ + "green chile", + "large eggs", + "garlic cloves", + "pepper", + "diced tomatoes", + "garlic herb feta", + "baby spinach", + "olive oil", + "salt" + ] + }, + { + "id": 30039, + "cuisine": "irish", + "ingredients": [ + "mashed potatoes", + "potatoes", + "salt", + "milk", + "baking powder", + "eggs", + "green onions", + "all-purpose flour", + "garlic powder", + "butter" + ] + }, + { + "id": 28915, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "water", + "crushed red pepper", + "diced onions", + "tomato sauce", + "eggplant", + "garlic cloves", + "spinach", + "olive oil", + "salt", + "tomatoes", + "penne", + "fresh parmesan cheese" + ] + }, + { + "id": 19628, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "lime", + "tomatoes", + "cilantro", + "avocado", + "cayenne", + "minced garlic", + "salt" + ] + }, + { + "id": 29613, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper sauce", + "butter", + "bay leaf", + "hot pepper sauce", + "worcestershire sauce", + "large shrimp", + "angel hair", + "vegetable oil", + "fines herbes", + "dried thyme", + "lemon", + "fresh parsley" + ] + }, + { + "id": 33506, + "cuisine": "jamaican", + "ingredients": [ + "plain flour", + "sugar", + "bananas", + "baking powder", + "eggs", + "caster sugar", + "unsalted butter", + "vanilla extract", + "bicarbonate of soda", + "lime juice", + "dry coconut", + "salt", + "lime zest", + "toasted pecans", + "milk", + "dark rum", + "cream cheese" + ] + }, + { + "id": 41555, + "cuisine": "french", + "ingredients": [ + "sweet cherries", + "all-purpose flour", + "sugar", + "large eggs", + "kirsch", + "vanilla beans", + "whole milk", + "sour cream", + "mascarpone", + "heavy whipping cream" + ] + }, + { + "id": 24397, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "shredded lettuce", + "corn tortillas", + "cumin", + "pepper", + "salt", + "onions", + "green chile", + "cheese", + "chopped cilantro", + "large eggs", + "oil", + "olive oil spray" + ] + }, + { + "id": 29016, + "cuisine": "italian", + "ingredients": [ + "cold water", + "vanilla instant pudding", + "sweetened condensed milk", + "kahlúa", + "cream cheese, soften", + "whipped topping", + "instant espresso", + "ladyfingers", + "hot water", + "unsweetened cocoa powder" + ] + }, + { + "id": 26003, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large egg yolks", + "salt", + "fresh pineapple", + "vanilla beans", + "coffee", + "heavy whipping cream", + "ladyfingers", + "large egg whites", + "black tea leaves", + "bittersweet chocolate", + "water", + "mascarpone", + "cognac" + ] + }, + { + "id": 27185, + "cuisine": "russian", + "ingredients": [ + "water", + "Tabasco Pepper Sauce", + "beets", + "onions", + "black peppercorns", + "potatoes", + "hot sauce", + "lemon juice", + "ground cumin", + "kidney beans", + "salt", + "oil", + "cabbage", + "sugar", + "bay leaves", + "mrs. dash seasoning mix", + "carrots" + ] + }, + { + "id": 44016, + "cuisine": "italian", + "ingredients": [ + "ground red pepper", + "salt", + "rotini", + "olive oil", + "diced tomatoes", + "garlic cloves", + "dried oregano", + "sugar", + "chili powder", + "all-purpose flour", + "fresh parsley", + "sea scallops", + "paprika", + "corn starch" + ] + }, + { + "id": 16939, + "cuisine": "mexican", + "ingredients": [ + "serrano chilies", + "green onions", + "rice vinegar", + "large egg whites", + "queso fresco", + "salad oil", + "black beans", + "baking powder", + "all-purpose flour", + "large egg yolks", + "salt", + "ground cumin" + ] + }, + { + "id": 14305, + "cuisine": "vietnamese", + "ingredients": [ + "bean threads", + "Sriracha", + "vegetable stock", + "cinnamon sticks", + "lime", + "green onions", + "ginger", + "onions", + "clove", + "coriander seeds", + "rice noodles", + "star anise", + "frozen shelled edamame", + "kecap manis", + "cilantro", + "bok choy" + ] + }, + { + "id": 27897, + "cuisine": "japanese", + "ingredients": [ + "cooked brown rice", + "lemon", + "nori", + "bone broth", + "beef rib short", + "fresh ginger", + "tamari soy sauce", + "fresh shiitake mushrooms", + "scallions" + ] + }, + { + "id": 38989, + "cuisine": "french", + "ingredients": [ + "water", + "lobster", + "salt", + "parsnips", + "fresh thyme", + "chopped celery", + "onions", + "olive oil", + "dry white wine", + "carrots", + "fennel bulb", + "garlic", + "fresh parsley" + ] + }, + { + "id": 44767, + "cuisine": "japanese", + "ingredients": [ + "dark soy sauce", + "mirin", + "chili powder", + "corn starch", + "spinach leaves", + "light soy sauce", + "green onions", + "salt", + "boiling water", + "sugar", + "udon", + "rice noodles", + "ground white pepper", + "eggs", + "dashi", + "boneless skinless chicken breasts", + "rice vinegar" + ] + }, + { + "id": 36126, + "cuisine": "mexican", + "ingredients": [ + "red chili peppers", + "radishes", + "salt", + "dried oregano", + "hot red pepper flakes", + "white hominy", + "garlic", + "corn tortillas", + "avocado", + "white onion", + "lime wedges", + "pork country-style ribs", + "iceberg lettuce", + "chicken broth", + "water", + "vegetable oil", + "hot water" + ] + }, + { + "id": 34955, + "cuisine": "italian", + "ingredients": [ + "cauliflower", + "garlic", + "almond milk", + "gluten", + "freshly ground pepper", + "nutritional yeast", + "salt", + "extra-virgin olive oil", + "lemon juice" + ] + }, + { + "id": 31938, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "cooking oil", + "black vinegar", + "soy sauce", + "ginger", + "red chili peppers", + "green onions", + "eggplant", + "garlic" + ] + }, + { + "id": 27555, + "cuisine": "chinese", + "ingredients": [ + "wine", + "light soy sauce", + "green onions", + "salt", + "dough", + "water", + "hoisin sauce", + "sesame oil", + "oil", + "sugar", + "honey", + "baking powder", + "chinese five-spice powder", + "dark soy sauce", + "active dry yeast", + "flour", + "cake flour", + "char siu" + ] + }, + { + "id": 21813, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "jalapeno chilies", + "cayenne pepper", + "chipotles in adobo", + "oregano", + "chicken broth", + "ground black pepper", + "garlic", + "sour cream", + "onions", + "green cabbage", + "garlic powder", + "baby spinach", + "carrots", + "medium shrimp", + "monterey jack", + "kosher salt", + "unsalted butter", + "all-purpose flour", + "corn tortillas", + "chopped cilantro fresh" + ] + }, + { + "id": 33755, + "cuisine": "irish", + "ingredients": [ + "brown sugar", + "baking soda", + "baking powder", + "large egg whites", + "low-fat buttermilk", + "all-purpose flour", + "whole wheat pastry flour", + "dried cherry", + "butter", + "rolled oats", + "crystallized ginger", + "salt" + ] + }, + { + "id": 1818, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "fresh lime juice", + "taco seasoning", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 4420, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "asadero", + "garlic", + "beer", + "dried oregano", + "ground cloves", + "chuck roast", + "diced tomatoes", + "ground allspice", + "chopped cilantro", + "chiles", + "lime juice", + "bacon", + "yellow onion", + "bay leaf", + "ground cumin", + "muenster", + "kosher salt", + "russet potatoes", + "beef broth", + "corn tortillas", + "monterey jack" + ] + }, + { + "id": 42543, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "vegetable oil", + "fresh lime juice", + "tomatoes", + "ground red pepper", + "sauce", + "chopped cilantro fresh", + "dark molasses", + "shallots", + "okra", + "garam masala", + "worcestershire sauce", + "chopped fresh mint" + ] + }, + { + "id": 27949, + "cuisine": "irish", + "ingredients": [ + "salt", + "freshly ground pepper", + "savoy cabbage", + "butter" + ] + }, + { + "id": 29789, + "cuisine": "japanese", + "ingredients": [ + "pepper", + "white rice", + "large eggs", + "onions", + "large egg whites", + "salt", + "shredded cabbage", + "nori" + ] + }, + { + "id": 15300, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "baking soda", + "buttermilk", + "warm water", + "baking powder", + "all-purpose flour", + "shortening", + "granulated sugar", + "salt", + "active dry yeast", + "butter" + ] + }, + { + "id": 49308, + "cuisine": "indian", + "ingredients": [ + "dijon mustard", + "curry powder", + "salt", + "butter", + "honey", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 8980, + "cuisine": "spanish", + "ingredients": [ + "baking powder", + "powdered sugar", + "vanilla extract", + "sugar", + "all-purpose flour", + "eggs", + "butter" + ] + }, + { + "id": 9713, + "cuisine": "southern_us", + "ingredients": [ + "black olives", + "garlic cloves", + "pepper", + "hot sauce", + "eggs", + "salt", + "fresh parsley", + "olive oil", + "grated lemon zest" + ] + }, + { + "id": 42737, + "cuisine": "thai", + "ingredients": [ + "salted roast peanuts", + "white sugar", + "soy sauce", + "toasted sesame oil", + "garlic chili sauce", + "canola oil", + "hot chili oil", + "fresh lime juice" + ] + }, + { + "id": 14103, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic", + "black beans", + "asadero", + "cactus pad", + "mixed spice", + "flour tortillas", + "purple onion", + "crushed tomatoes", + "cilantro", + "long grain white rice" + ] + }, + { + "id": 37641, + "cuisine": "southern_us", + "ingredients": [ + "bread crumbs", + "flour", + "salt", + "milk", + "dry mustard", + "pepper", + "butter", + "elbow macaroni", + "light cream", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 40106, + "cuisine": "mexican", + "ingredients": [ + "grenadine syrup", + "orange", + "tequila", + "ice cubes", + "orange juice", + "cocktail cherries" + ] + }, + { + "id": 34170, + "cuisine": "japanese", + "ingredients": [ + "sake", + "ground black pepper", + "garlic", + "olive oil", + "mirin", + "kosher salt", + "unsalted butter", + "filet", + "garlic chives", + "fresh ginger", + "fresh shiitake mushrooms" + ] + }, + { + "id": 40614, + "cuisine": "italian", + "ingredients": [ + "pepper", + "fennel bulb", + "dry white wine", + "olive oil", + "low sodium chicken broth", + "salt", + "sweet onion", + "grated parmesan cheese", + "butter", + "arborio rice", + "prosciutto", + "bosc pears", + "garlic cloves" + ] + }, + { + "id": 6396, + "cuisine": "italian", + "ingredients": [ + "radicchio leaves", + "large garlic cloves", + "onions", + "fresh oregano leaves", + "vegetable broth", + "kosher salt", + "italian pork sausage", + "giant white beans", + "extra-virgin olive oil" + ] + }, + { + "id": 9159, + "cuisine": "chinese", + "ingredients": [ + "gai lan", + "garlic", + "vegetables", + "kosher salt", + "oyster sauce", + "sesame oil" + ] + }, + { + "id": 13372, + "cuisine": "southern_us", + "ingredients": [ + "cajun seasoning", + "catfish fillets", + "salt", + "bacon", + "yellow corn meal" + ] + }, + { + "id": 5808, + "cuisine": "italian", + "ingredients": [ + "sugar", + "garlic", + "fresh mint", + "ground black pepper", + "bow-tie pasta", + "ricotta salata", + "salt", + "tomatoes", + "extra-virgin olive oil", + "grated lemon zest" + ] + }, + { + "id": 5985, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "dried thyme", + "worcestershire sauce", + "salt", + "sugar", + "chicken breasts", + "garlic", + "flat leaf parsley", + "green bell pepper", + "bay leaves", + "diced tomatoes", + "shrimp", + "celery ribs", + "pepper", + "cajun seasoning", + "smoked sausage", + "onions" + ] + }, + { + "id": 25251, + "cuisine": "spanish", + "ingredients": [ + "sea salt", + "white sandwich bread", + "hard-boiled egg", + "garlic", + "sherry vinegar", + "extra-virgin olive oil", + "plum tomatoes", + "shallots", + "serrano ham" + ] + }, + { + "id": 40137, + "cuisine": "korean", + "ingredients": [ + "water", + "cooking oil", + "salt", + "scallions", + "soy sauce", + "cayenne", + "paprika", + "firm tofu", + "ground black pepper", + "sesame oil", + "rice vinegar", + "celery", + "boneless chop pork", + "zucchini", + "garlic", + "rice" + ] + }, + { + "id": 48865, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "garlic cloves", + "lime", + "medium shrimp", + "black pepper", + "corn tortillas", + "avocado", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 38564, + "cuisine": "jamaican", + "ingredients": [ + "dried thyme", + "margarine", + "allspice", + "stewed tomatoes", + "green chilies", + "black-eyed peas", + "rice", + "green bell pepper", + "frozen corn", + "okra" + ] + }, + { + "id": 21340, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "baking powder", + "margarine", + "powdered sugar", + "baking spray", + "cake flour", + "bananas", + "vanilla extract", + "macadamia nuts", + "dark rum", + "salt" + ] + }, + { + "id": 48047, + "cuisine": "irish", + "ingredients": [ + "kosher salt", + "lemon", + "orange", + "water", + "sugar", + "red grapefruit" + ] + }, + { + "id": 36840, + "cuisine": "thai", + "ingredients": [ + "black peppercorns", + "fruit", + "meat", + "serrano", + "coconut milk", + "tumeric", + "green curry paste", + "shallots", + "cumin seed", + "lime zest", + "sugar", + "shrimp paste", + "cilantro root", + "garlic cloves", + "fish sauce", + "lemongrass", + "seeds", + "Thai eggplants", + "galangal" + ] + }, + { + "id": 21831, + "cuisine": "southern_us", + "ingredients": [ + "minced garlic", + "chips", + "coarse salt", + "peanut oil", + "chicken thighs", + "ground black pepper", + "onion powder", + "cayenne pepper", + "lard", + "garlic powder", + "baking powder", + "all-purpose flour", + "coca-cola", + "liquid smoke", + "large eggs", + "Tabasco Pepper Sauce", + "sauce", + "flat leaf parsley" + ] + }, + { + "id": 44375, + "cuisine": "french", + "ingredients": [ + "sugar", + "large eggs", + "instant espresso powder", + "cinnamon sticks", + "vanilla beans", + "whipping cream", + "large egg yolks", + "coffee beans" + ] + }, + { + "id": 35923, + "cuisine": "cajun_creole", + "ingredients": [ + "salt", + "mayonaise", + "slaw mix", + "creole mustard", + "jelly" + ] + }, + { + "id": 10277, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "salt", + "ground black pepper", + "karashi", + "short rib", + "sugar", + "balsamic vinegar" + ] + }, + { + "id": 28803, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "bone-in pork chops", + "salt", + "paprika", + "powdered garlic", + "pepper", + "all-purpose flour" + ] + }, + { + "id": 17085, + "cuisine": "filipino", + "ingredients": [ + "self raising flour", + "pandan extract", + "eggs", + "vegetable oil", + "cream of tartar", + "egg whites", + "sugar", + "coconut milk" + ] + }, + { + "id": 19275, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "cooked shrimp", + "sweet onion", + "vegetable oil", + "sugar", + "large eggs", + "white cornmeal", + "cream style corn", + "buttermilk" + ] + }, + { + "id": 8476, + "cuisine": "italian", + "ingredients": [ + "Tipo 00 flour", + "semolina", + "extra-virgin olive oil", + "large free range egg" + ] + }, + { + "id": 20407, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "ground black pepper", + "sesame oil", + "salt", + "canola oil", + "ketchup", + "hoisin sauce", + "chili paste with garlic", + "corn starch", + "soy sauce", + "boneless chicken breast", + "dry sherry", + "rice vinegar", + "sliced green onions", + "water", + "egg whites", + "garlic", + "dried red chile peppers" + ] + }, + { + "id": 19025, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "chicken cutlets", + "garlic cloves", + "eggs", + "crushed tomatoes", + "red pepper flakes", + "fresh basil leaves", + "sugar", + "olive oil", + "salt", + "dried oregano", + "bread crumbs", + "grated parmesan cheese", + "yellow onion" + ] + }, + { + "id": 43522, + "cuisine": "mexican", + "ingredients": [ + "lime", + "rice", + "coriander", + "avocado", + "tortillas", + "king prawns", + "cherry tomatoes", + "garlic cloves", + "chili pepper", + "red pepper", + "onions" + ] + }, + { + "id": 9297, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "smoked ham hocks", + "salt", + "water", + "pinto beans" + ] + }, + { + "id": 22533, + "cuisine": "italian", + "ingredients": [ + "bay leaves", + "celery", + "salt and ground black pepper", + "white beans", + "italian seasoning", + "turkey legs", + "diced tomatoes", + "onions", + "grated parmesan cheese", + "carrots" + ] + }, + { + "id": 40113, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "pepper", + "bacon", + "red bell pepper", + "southern comfort", + "butter", + "salt", + "brown sugar", + "water", + "purple onion", + "Heinz Ketchup", + "white pepper", + "heavy cream", + "grit quick" + ] + }, + { + "id": 36274, + "cuisine": "southern_us", + "ingredients": [ + "fresh green bean", + "chicken broth", + "salt", + "bacon", + "ground black pepper" + ] + }, + { + "id": 43912, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "ground nutmeg", + "cinnamon", + "ground ginger", + "ground cloves", + "egg whites", + "dark brown sugar", + "eggs", + "kosher salt", + "sweet potatoes", + "unsweetened almond milk", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 13322, + "cuisine": "indian", + "ingredients": [ + "shredded coconut", + "green onions", + "yellow onion", + "cabbage", + "fresh tomatoes", + "olive oil", + "salt", + "chopped cilantro", + "curry powder", + "garlic", + "coconut milk", + "pepper", + "butter", + "carrots" + ] + }, + { + "id": 15989, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "vegetable oil", + "flour", + "salt", + "sugar", + "vanilla", + "eggs", + "baking powder" + ] + }, + { + "id": 10123, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "lime juice", + "whole wheat tortillas", + "purple onion", + "mango", + "spanish rice", + "jalapeno chilies", + "cracked black pepper", + "chipotles in adobo", + "tilapia fillets", + "slaw mix", + "garlic", + "chipotle chile powder", + "black beans", + "garlic powder", + "cilantro", + "salt", + "canola oil" + ] + }, + { + "id": 49366, + "cuisine": "italian", + "ingredients": [ + "sugar", + "garlic cloves", + "tomatoes", + "olive oil", + "arugula", + "penne", + "pecorino romano cheese", + "dried oregano", + "dried thyme", + "onions" + ] + }, + { + "id": 25962, + "cuisine": "mexican", + "ingredients": [ + "carrots", + "jalapeno chilies", + "cabbage", + "lime", + "chopped cilantro fresh", + "purple onion" + ] + }, + { + "id": 30643, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "jalapeno chilies", + "salt", + "garlic cloves", + "diced green chilies", + "diced tomatoes", + "cayenne pepper", + "cumin", + "poblano peppers", + "paprika", + "pork roast", + "sage", + "white pepper", + "seeds", + "yellow onion", + "oregano" + ] + }, + { + "id": 387, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "hot Italian sausages", + "mushrooms", + "onions", + "grated parmesan cheese", + "red bell pepper", + "penne pasta", + "italian salad dressing" + ] + }, + { + "id": 44472, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "cooking spray", + "carrots", + "part-skim mozzarella cheese", + "salt", + "olive oil", + "part-skim ricotta cheese", + "spaghetti", + "fresh spinach", + "large eggs", + "garlic cloves" + ] + }, + { + "id": 48220, + "cuisine": "french", + "ingredients": [ + "french bread", + "gruyere cheese", + "onions", + "dried thyme", + "dry mustard", + "beer", + "butter", + "beef broth", + "ground black pepper", + "garlic", + "bay leaf" + ] + }, + { + "id": 30572, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "arugula", + "lemon zest", + "penne", + "extra-virgin olive oil", + "parmigiano reggiano cheese" + ] + }, + { + "id": 25114, + "cuisine": "greek", + "ingredients": [ + "eggs", + "grated parmesan cheese", + "fresh parsley", + "frozen chopped spinach", + "feta cheese", + "vegetable oil", + "ground cinnamon", + "finely chopped onion", + "butter", + "phyllo dough", + "shredded swiss cheese" + ] + }, + { + "id": 24604, + "cuisine": "spanish", + "ingredients": [ + "turnips", + "fronds", + "fennel bulb", + "vegetable broth", + "fresh parsley", + "arborio rice", + "garbanzo beans", + "dry white wine", + "baby carrots", + "plum tomatoes", + "water", + "asparagus", + "paprika", + "garlic cloves", + "saffron threads", + "olive oil", + "new potatoes", + "salt", + "onions" + ] + }, + { + "id": 47111, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "garlic", + "brown sugar", + "vinegar", + "oil", + "honey", + "salt", + "soy sauce", + "cracked black pepper", + "chicken" + ] + }, + { + "id": 43449, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "lemon", + "white vinegar", + "watermelon", + "seasoning", + "pickling salt", + "water" + ] + }, + { + "id": 8572, + "cuisine": "moroccan", + "ingredients": [ + "chicken breast halves", + "ground cumin", + "honey", + "salsa", + "olive oil", + "ripe olives", + "ground cinnamon", + "raisins" + ] + }, + { + "id": 245, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "granulated sugar", + "cornmeal", + "baking soda", + "salt", + "honey", + "buttermilk", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 31538, + "cuisine": "french", + "ingredients": [ + "French lentils", + "celery root", + "minced garlic", + "crumbled blue cheese", + "fresh rosemary", + "ground nutmeg", + "olive oil", + "white wine vinegar" + ] + }, + { + "id": 1893, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed brown sugar", + "ground ginger", + "ground nutmeg", + "grated orange", + "orange juice", + "vegetable oil cooking spray", + "chopped pecans", + "ground cinnamon", + "sweet potatoes" + ] + }, + { + "id": 30616, + "cuisine": "chinese", + "ingredients": [ + "sugar pea", + "pork tenderloin", + "red pepper flakes", + "rice vinegar", + "brown sugar", + "water", + "shallots", + "garlic", + "corn starch", + "pepper", + "sherry", + "ginger", + "rice", + "soy sauce", + "asparagus", + "sesame oil", + "salt" + ] + }, + { + "id": 44134, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "ground cumin", + "ground cinnamon", + "allspice", + "ground ginger", + "ground coriander", + "ground black pepper" + ] + }, + { + "id": 38071, + "cuisine": "mexican", + "ingredients": [ + "yellow squash", + "roma tomatoes", + "cilantro", + "grated jack cheese", + "onions", + "corn", + "zucchini", + "guacamole", + "salsa", + "sour cream", + "olive oil", + "low sodium chicken broth", + "salt", + "long-grain rice", + "lime", + "flour tortillas", + "seasoned black beans", + "hot sauce", + "chopped cilantro" + ] + }, + { + "id": 4110, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "quinces", + "red currant jelly", + "onions", + "celery ribs", + "vegetable oil", + "dry red wine", + "dried cranberries", + "veal demi-glace", + "lemon", + "garlic cloves", + "juniper berries", + "cinnamon", + "lamb shoulder" + ] + }, + { + "id": 47868, + "cuisine": "mexican", + "ingredients": [ + "cayenne", + "ground allspice", + "canola oil", + "jack cheese", + "salt", + "ancho chile pepper", + "cooked rice", + "garlic", + "sour cream", + "ground cumin", + "cactus paddles", + "yellow onion", + "oregano" + ] + }, + { + "id": 5330, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "garlic powder", + "salt", + "cornmeal", + "meat cuts", + "vinegar", + "cayenne pepper", + "black pepper", + "prepared horseradish", + "all-purpose flour", + "mustard", + "pepper", + "red wine vinegar", + "oil" + ] + }, + { + "id": 21766, + "cuisine": "southern_us", + "ingredients": [ + "bacon slices", + "cooked chicken", + "bread slices", + "melted butter", + "sauce", + "shredded swiss cheese", + "plum tomatoes" + ] + }, + { + "id": 22144, + "cuisine": "spanish", + "ingredients": [ + "tomato paste", + "black pepper", + "spanish onion", + "garlic powder", + "vegetable oil", + "salt", + "bay leaf", + "chicken stock", + "fresh oregano leaves", + "water", + "chopped tomatoes", + "onion powder", + "dried salted codfish", + "cayenne pepper", + "oregano", + "eggs", + "kosher salt", + "dried thyme", + "ground black pepper", + "paprika", + "all-purpose flour", + "onions", + "tomato sauce", + "minced garlic", + "olive oil", + "unsalted butter", + "crushed red pepper flakes", + "essence", + "fresh basil leaves" + ] + }, + { + "id": 25857, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cayenne", + "butter", + "lime juice", + "jalapeno chilies", + "all-purpose flour", + "tomatoes", + "large eggs", + "salt", + "milk", + "green onions" + ] + }, + { + "id": 28969, + "cuisine": "southern_us", + "ingredients": [ + "fruit", + "rub", + "sauce", + "pork baby back ribs" + ] + }, + { + "id": 16239, + "cuisine": "russian", + "ingredients": [ + "olive oil", + "caviar", + "baking potatoes", + "chopped fresh chives", + "sour cream" + ] + }, + { + "id": 47633, + "cuisine": "mexican", + "ingredients": [ + "extra lean ground beef", + "sliced black olives", + "fusilli", + "taco seasoning mix", + "green onions", + "salsa", + "shredded cheddar cheese", + "jalapeno chilies", + "salt", + "olive oil", + "ranch dressing", + "red bell pepper" + ] + }, + { + "id": 28436, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "hot sauce", + "fresh lime juice", + "bell pepper", + "cucumber", + "chopped cilantro fresh", + "peanuts", + "peanut butter", + "toasted sesame seeds", + "garlic", + "rice crackers", + "ground cumin" + ] + }, + { + "id": 9772, + "cuisine": "jamaican", + "ingredients": [ + "habanero pepper", + "scallions", + "onions", + "black pepper", + "garlic", + "thyme", + "green bell pepper", + "ackee", + "codfish", + "olive oil", + "salt", + "red bell pepper" + ] + }, + { + "id": 1881, + "cuisine": "french", + "ingredients": [ + "purple onion", + "green beans", + "dijon mustard", + "freshly ground pepper", + "white vinegar", + "salt", + "fresh parsley", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 48262, + "cuisine": "korean", + "ingredients": [ + "pork", + "salt", + "corn tortillas", + "sugar", + "chili pepper", + "Gochujang base", + "soy sauce", + "rice vinegar", + "pickles", + "sesame oil", + "english cucumber" + ] + }, + { + "id": 4660, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "greens", + "roasted almonds", + "red grape", + "frisee", + "asparagus", + "salt", + "sherry vinegar", + "shallots", + "serrano ham" + ] + }, + { + "id": 15130, + "cuisine": "jamaican", + "ingredients": [ + "cold water", + "pepper", + "unsalted butter", + "rum", + "salt", + "ground cardamom", + "ground turmeric", + "tomatoes", + "water", + "fresh thyme", + "vegetable oil", + "all-purpose flour", + "chopped parsley", + "ground cumin", + "jamaican rum", + "fresh ginger", + "flour", + "vegetable shortening", + "ground allspice", + "ground beef", + "tumeric", + "ground black pepper", + "egg yolks", + "garlic", + "scallions", + "onions" + ] + }, + { + "id": 21327, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "freshly ground pepper", + "parmesan cheese", + "croutons", + "olive oil", + "garlic cloves", + "romaine lettuce", + "worcestershire sauce", + "fresh lemon juice" + ] + }, + { + "id": 21320, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "napa cabbage", + "rice vinegar", + "spring onions", + "ginger", + "sesame seeds", + "red pepper flakes", + "romaine lettuce", + "sesame oil", + "garlic" + ] + }, + { + "id": 39751, + "cuisine": "japanese", + "ingredients": [ + "chicken stock", + "dashi", + "soup", + "butter", + "scallions", + "water", + "mirin", + "sesame oil", + "dried bonito flakes", + "soy sauce", + "ground black pepper", + "chives", + "sea salt", + "toasted sesame seeds", + "corn", + "bay scallops", + "ramen noodles", + "frozen corn" + ] + }, + { + "id": 32062, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "dry mustard", + "condensed chicken broth", + "all-purpose flour", + "vegetable oil", + "salt", + "pork chops, 1 inch thick" + ] + }, + { + "id": 7290, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "shallots", + "white miso", + "low sodium chicken broth", + "chopped cilantro fresh", + "fava beans", + "unsalted butter", + "chopped fresh thyme", + "canola", + "cod fillets", + "ginger" + ] + }, + { + "id": 14031, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "rice", + "lettuce", + "cilantro", + "onions", + "guacamole", + "greek yogurt", + "tomatoes", + "salsa", + "carnitas" + ] + }, + { + "id": 13585, + "cuisine": "thai", + "ingredients": [ + "curry powder", + "peanut butter", + "vegetable oil", + "soy sauce", + "fresh green bean", + "boneless skinless chicken breasts", + "fresh parsley" + ] + }, + { + "id": 35684, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "hot pepper sauce", + "vegetable oil", + "rolls", + "cheddar cheese", + "panko", + "green tomatoes", + "all-purpose flour", + "shredded mozzarella cheese", + "kosher salt", + "roasted red peppers", + "bacon", + "cream cheese", + "garlic powder", + "large eggs", + "paprika", + "freshly ground pepper" + ] + }, + { + "id": 17157, + "cuisine": "italian", + "ingredients": [ + "water", + "balsamic vinegar", + "toasted pine nuts", + "tomato sauce", + "sun-dried tomatoes", + "whole wheat fusilli", + "arugula", + "fresh basil", + "olive oil", + "rotisserie chicken", + "sliced mushrooms", + "sugar", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 14142, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "poblano peppers", + "salt", + "fajita seasoning mix", + "black beans", + "vegetable oil", + "red bell pepper", + "pepper", + "diced tomatoes", + "onions", + "green bell pepper", + "boneless skinless chicken breasts", + "hot sauce" + ] + }, + { + "id": 3894, + "cuisine": "korean", + "ingredients": [ + "pepper flakes", + "radishes", + "garlic", + "chinese chives", + "sugar", + "napa cabbage", + "sauce", + "sweet rice flour", + "fish sauce", + "green onions", + "salt", + "onions", + "turbinado", + "water", + "ginger", + "carrots" + ] + }, + { + "id": 19175, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "egg whites", + "garlic", + "ground chicken", + "sesame oil", + "corn starch", + "white pepper", + "worcestershire sauce", + "white sugar", + "soy sauce", + "rice wine", + "salt" + ] + }, + { + "id": 40752, + "cuisine": "southern_us", + "ingredients": [ + "clove", + "brewed coffee", + "cinnamon sticks", + "orange", + "fresh orange juice", + "triple sec", + "fresh lemon juice", + "brandy", + "lemon" + ] + }, + { + "id": 3056, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "flowering chives", + "garlic", + "toasted sesame seeds", + "shiitake", + "sesame oil", + "ramen", + "gyoza", + "ground pork", + "onions", + "dashi", + "mirin", + "aka miso", + "sliced green onions" + ] + }, + { + "id": 9119, + "cuisine": "italian", + "ingredients": [ + "eggs", + "olive oil", + "red pepper flakes", + "yellow onion", + "San Marzano tomatoes", + "sugar", + "parsley", + "ground pork", + "spaghetti", + "green bell pepper", + "parmesan cheese", + "sea salt", + "ground beef", + "nutmeg", + "black pepper", + "ricotta cheese", + "garlic", + "italian seasoning" + ] + }, + { + "id": 20493, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "garlic", + "polenta prepar", + "orange bell pepper", + "yellow onion", + "olive oil", + "salt", + "bulk italian sausag", + "fresh mozzarella", + "fresh oregano" + ] + }, + { + "id": 264, + "cuisine": "greek", + "ingredients": [ + "dry white wine", + "salt", + "fresh lemon juice", + "olive oil", + "orzo", + "garlic cloves", + "peeled tomatoes", + "littleneck clams", + "chopped onion", + "fresh parsley", + "water", + "clam juice", + "fresh oregano", + "feta cheese crumbles" + ] + }, + { + "id": 48111, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "fresh ginger", + "button mushrooms", + "carrots", + "black pepper", + "boneless chicken", + "salt", + "snow peas", + "soy sauce", + "sesame oil", + "garlic", + "corn starch", + "chicken stock", + "water", + "crushed red pepper flakes", + "oyster sauce" + ] + }, + { + "id": 14465, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "baking powder", + "all-purpose flour", + "sugar", + "cake flour", + "coconut milk", + "coconut oil", + "sea salt", + "Edam", + "cooking spray", + "frozen banana leaf" + ] + }, + { + "id": 8687, + "cuisine": "thai", + "ingredients": [ + "mussels", + "thai green curry paste", + "lemongrass", + "asian fish sauce", + "kaffir lime leaves", + "fresh basil leaves", + "coconut milk" + ] + }, + { + "id": 24478, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "buttermilk", + "bread flour", + "baking soda", + "peanut oil", + "active dry yeast", + "salt", + "whole milk", + "confectioners sugar" + ] + }, + { + "id": 22791, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "butter", + "salt", + "fresh parsley", + "chicken broth", + "green onions", + "garlic", + "diced celery", + "porcini", + "fennel bulb", + "heavy cream", + "fresh salmon", + "saffron", + "curry powder", + "portabello mushroom", + "lemon slices", + "onions" + ] + }, + { + "id": 46534, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "palm sugar", + "cilantro leaves", + "tomatoes", + "lemongrass", + "chicken breasts", + "galangal", + "red chili peppers", + "mushrooms", + "coconut milk", + "kaffir lime leaves", + "lime", + "shallots", + "onions" + ] + }, + { + "id": 26783, + "cuisine": "spanish", + "ingredients": [ + "turkey bacon", + "salt", + "pepper", + "potatoes", + "chorizo sausage", + "eggs", + "olive oil", + "yellow onion", + "milk", + "diced tomatoes" + ] + }, + { + "id": 35599, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "dried apricot", + "vegetable oil", + "all-purpose flour", + "black pepper", + "peeled fresh ginger", + "currant", + "turkey tenderloins", + "brown sugar", + "cooking spray", + "balsamic vinegar", + "apricot nectar", + "fat free less sodium chicken broth", + "shallots", + "salt" + ] + }, + { + "id": 8827, + "cuisine": "irish", + "ingredients": [ + "milk", + "salt", + "sugar", + "large eggs", + "dried currants", + "baking powder", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 35120, + "cuisine": "filipino", + "ingredients": [ + "eggplant", + "salt", + "vegetable oil", + "soy sauce", + "red wine vinegar", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 4213, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken bouillon", + "green onions", + "red beans", + "bay leaf", + "water", + "smoked sausage", + "blackening seasoning", + "celery" + ] + }, + { + "id": 48384, + "cuisine": "japanese", + "ingredients": [ + "water", + "green onions", + "sauce", + "brown rice vinegar", + "sesame seeds", + "lemon", + "avocado", + "orange", + "brown rice", + "nori", + "brown sugar", + "extra firm tofu", + "fine sea salt" + ] + }, + { + "id": 20927, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "canola oil", + "onions", + "salt", + "fresh cilantro", + "long grain white rice" + ] + }, + { + "id": 33513, + "cuisine": "french", + "ingredients": [ + "sea bass", + "extra-virgin olive oil", + "bay leaves", + "freshly ground pepper", + "lemon wedge", + "fennel", + "salt" + ] + }, + { + "id": 3575, + "cuisine": "chinese", + "ingredients": [ + "fish sauce", + "ground pork", + "ground white pepper", + "sesame oil", + "salt", + "chicken broth", + "wonton wrappers", + "scallions", + "water", + "deveined shrimp" + ] + }, + { + "id": 6933, + "cuisine": "italian", + "ingredients": [ + "roasted red peppers", + "salt", + "minced garlic", + "half & half", + "feta cheese crumbles", + "black pepper", + "finely chopped onion", + "smoked chicken sausages", + "parmesan cheese", + "extra-virgin olive oil", + "noodles" + ] + }, + { + "id": 31133, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "buttermilk", + "green chilies", + "mustard seeds", + "grated coconut", + "salt", + "oil", + "ground turmeric", + "asafoetida", + "ginger", + "curds", + "white sesame seeds", + "chili powder", + "cilantro leaves", + "gram flour" + ] + }, + { + "id": 46965, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "browning", + "brown sugar", + "tomato ketchup", + "cornflour", + "water", + "chinese five-spice powder" + ] + }, + { + "id": 38675, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "beef rib short", + "sesame oil", + "green onions", + "white sugar", + "soy sauce", + "garlic" + ] + }, + { + "id": 8896, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chili powder", + "scallions", + "shredded Monterey Jack cheese", + "diced green chilies", + "frozen corn kernels", + "cumin", + "shredded cheddar cheese", + "salt", + "enchilada sauce", + "light sour cream", + "flour tortillas", + "cream cheese", + "chicken" + ] + }, + { + "id": 32455, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "ground cumin", + "water", + "salt", + "minced garlic", + "passata", + "ground black pepper", + "long-grain rice" + ] + }, + { + "id": 49191, + "cuisine": "mexican", + "ingredients": [ + "lime", + "butter", + "ground coriander", + "smoked cheddar cheese", + "ground cumin", + "black beans", + "hot pepper sauce", + "purple onion", + "sour cream", + "chopped cilantro", + "fire roasted diced tomatoes", + "corn kernels", + "garlic", + "scallions", + "chipotles in adobo", + "pepper", + "vegetable oil", + "salt", + "corn tortillas", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 47256, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "lemon zest", + "all-purpose flour", + "unsalted butter", + "salt", + "sweetened condensed milk", + "large egg yolks", + "baking powder", + "lemon juice", + "sesame seeds", + "basil leaves", + "berries" + ] + }, + { + "id": 10040, + "cuisine": "italian", + "ingredients": [ + "flour", + "sage leaves", + "onions", + "salt", + "olive oil" + ] + }, + { + "id": 46533, + "cuisine": "indian", + "ingredients": [ + "zucchini", + "red pepper", + "onions", + "potatoes", + "passata", + "coriander", + "butternut squash", + "rice", + "masala", + "eggplant", + "vegetable oil", + "coconut milk" + ] + }, + { + "id": 48020, + "cuisine": "italian", + "ingredients": [ + "bacon", + "spaghettini", + "canned low sodium chicken broth", + "salt", + "garlic", + "onions", + "grated parmesan cheese", + "scallions" + ] + }, + { + "id": 28831, + "cuisine": "british", + "ingredients": [ + "pepper", + "lemon wedge", + "fish fillets", + "vinegar", + "dry bread crumbs", + "medium eggs", + "olive oil", + "salt", + "white flour", + "potatoes" + ] + }, + { + "id": 32121, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "water", + "cinnamon", + "cumin", + "white pepper", + "fresh ginger", + "garlic cloves", + "white onion", + "chopped tomatoes", + "coriander", + "lamb shanks", + "olive oil", + "grated lemon zest" + ] + }, + { + "id": 849, + "cuisine": "italian", + "ingredients": [ + "boneless skinless chicken breasts", + "cayenne pepper", + "frozen peas", + "fettucine", + "salt", + "garlic cloves", + "butter", + "and fat free half half", + "grated parmesan cheese", + "all-purpose flour", + "onions" + ] + }, + { + "id": 10075, + "cuisine": "jamaican", + "ingredients": [ + "dried thyme", + "all-purpose flour", + "onions", + "tomato paste", + "oxtails", + "carrots", + "ground black pepper", + "ground allspice", + "water", + "salt", + "bay leaf" + ] + }, + { + "id": 13252, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "baby spinach leaves", + "butternut squash", + "flour tortillas", + "mozzarella cheese", + "butter" + ] + }, + { + "id": 16151, + "cuisine": "greek", + "ingredients": [ + "green bell pepper", + "lemon", + "dried oregano", + "olive oil", + "garlic cloves", + "lamb loin", + "salt", + "ground black pepper", + "onions" + ] + }, + { + "id": 5613, + "cuisine": "mexican", + "ingredients": [ + "fat free less sodium chicken broth", + "salt", + "corn tortillas", + "ground cumin", + "green onions", + "garlic cloves", + "chopped cilantro fresh", + "cooking spray", + "cream cheese", + "onions", + "fresh leav spinach", + "chicken breasts", + "poblano chiles", + "masa harina" + ] + }, + { + "id": 26455, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "ginger", + "coconut milk", + "green onions", + "shrimp", + "thai green curry paste", + "low sodium chicken broth", + "garlic cloves", + "fresh lime juice", + "fish sauce", + "sesame oil", + "red bell pepper" + ] + }, + { + "id": 20494, + "cuisine": "chinese", + "ingredients": [ + "shiitake", + "flank steak", + "less sodium beef broth", + "bok choy", + "cooking spray", + "crushed red pepper", + "carrots", + "sliced green onions", + "low sodium soy sauce", + "peeled fresh ginger", + "rice vinegar", + "hot water", + "hoisin sauce", + "large garlic cloves", + "dark sesame oil", + "soba" + ] + }, + { + "id": 39369, + "cuisine": "indian", + "ingredients": [ + "ground paprika", + "boneless chicken breast", + "salt", + "ghee", + "tomatoes", + "pepper", + "heavy cream", + "natural yogurt", + "red chili peppers", + "chili powder", + "cilantro leaves", + "ground cumin", + "ground cinnamon", + "fresh ginger", + "cracked black pepper", + "garlic cloves" + ] + }, + { + "id": 6329, + "cuisine": "mexican", + "ingredients": [ + "ground chicken", + "guacamole seasoning mix", + "cheddar cheese", + "minced onion", + "lime", + "chopped cilantro fresh", + "bread ciabatta", + "prepar salsa" + ] + }, + { + "id": 2667, + "cuisine": "mexican", + "ingredients": [ + "shredded reduced fat cheddar cheese", + "chili powder", + "frozen corn kernels", + "cumin", + "black beans", + "nonfat greek yogurt", + "salt", + "onions", + "tomatoes", + "olive oil", + "garlic", + "red bell pepper", + "pepper", + "jalapeno chilies", + "spaghetti squash", + "dried oregano" + ] + }, + { + "id": 46367, + "cuisine": "brazilian", + "ingredients": [ + "sazon goya", + "cilantro", + "orange zest", + "chicken stock", + "pimentos", + "rice", + "minced garlic", + "extra-virgin olive oil", + "green olives", + "boneless skinless chicken breasts", + "orange juice" + ] + }, + { + "id": 4220, + "cuisine": "italian", + "ingredients": [ + "turnips", + "leeks", + "jerusalem artichokes", + "parsnips", + "cheese", + "cauliflower", + "extra-virgin olive oil", + "celery root", + "Belgian endive", + "fennel bulb", + "champagne vinegar" + ] + }, + { + "id": 33803, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "tomato salsa", + "salad oil", + "shredded cabbage", + "all-purpose flour", + "lingcod", + "salt", + "corn tortillas", + "lime wedges", + "beer" + ] + }, + { + "id": 16087, + "cuisine": "chinese", + "ingredients": [ + "boneless chicken skinless thigh", + "pea pods", + "carrots", + "chicken broth", + "vegetable oil", + "gingerroot", + "celery", + "cold water", + "water chestnuts", + "fresh mushrooms", + "corn starch", + "soy sauce", + "garlic", + "chow mein noodles", + "onions" + ] + }, + { + "id": 36232, + "cuisine": "southern_us", + "ingredients": [ + "syrup", + "vanilla yogurt", + "light brown sugar", + "salt", + "granola", + "ground cinnamon", + "corn starch" + ] + }, + { + "id": 33688, + "cuisine": "mexican", + "ingredients": [ + "water", + "ground beef", + "flour tortillas", + "Campbell's Condensed Tomato Soup", + "shredded cheddar cheese", + "pace picante sauce" + ] + }, + { + "id": 6903, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "ground red pepper", + "fresh lime juice", + "lime rind" + ] + }, + { + "id": 49394, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "garlic cloves", + "tomatillos", + "chiles", + "salt", + "water" + ] + }, + { + "id": 18869, + "cuisine": "indian", + "ingredients": [ + "chicken", + "chicken breasts" + ] + }, + { + "id": 5523, + "cuisine": "italian", + "ingredients": [ + "chopped cooked ham", + "grated parmesan cheese", + "jumbo pasta shells", + "prepar pesto", + "Alfredo sauce", + "shredded mozzarella cheese", + "frozen chopped spinach", + "garlic powder", + "ricotta cheese", + "ground beef", + "pasta sauce", + "cooking spray", + "crabmeat" + ] + }, + { + "id": 29048, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "almonds", + "yoghurt", + "raisins", + "garlic", + "green chilies", + "bay leaf", + "basmati rice", + "clove", + "milk", + "potatoes", + "chili powder", + "green peas", + "green cardamom", + "green beans", + "onions", + "cumin", + "water", + "garam masala", + "seeds", + "ginger", + "salt", + "carrots", + "ghee", + "ground turmeric", + "black pepper", + "mace", + "mushrooms", + "cinnamon", + "star anise", + "brown cardamom", + "fresh mint", + "cashew nuts", + "saffron" + ] + }, + { + "id": 32731, + "cuisine": "french", + "ingredients": [ + "pernod", + "butter", + "fennel seeds", + "fennel bulb", + "fronds", + "salmon fillets", + "shallots" + ] + }, + { + "id": 21759, + "cuisine": "british", + "ingredients": [ + "whole milk", + "grated Gruyère cheese", + "pumpernickel bread", + "all-purpose flour", + "dry mustard", + "beer", + "unsalted butter", + "cornichons", + "sliced ham" + ] + }, + { + "id": 14887, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "herbs", + "butter cooking spray", + "active dry yeast", + "baking powder", + "all-purpose flour", + "warm water", + "low-fat buttermilk", + "salt", + "yellow corn meal", + "baking soda", + "butter" + ] + }, + { + "id": 29913, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "zucchini", + "salt", + "yellow summer squash", + "cilantro", + "scallions", + "cheddar cheese", + "Ritz Crackers", + "green chilies", + "pepper", + "garlic", + "onions" + ] + }, + { + "id": 24012, + "cuisine": "chinese", + "ingredients": [ + "cooking oil", + "garlic cloves", + "brown sugar", + "ginger", + "Shaoxing wine", + "black vinegar", + "light soy sauce", + "whole chicken" + ] + }, + { + "id": 28928, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "sliced almonds", + "large eggs", + "salt", + "chicken thighs", + "tumeric", + "olive oil", + "brown mustard seeds", + "cinnamon sticks", + "black pepper", + "unsalted butter", + "phyllo", + "onions", + "ground cinnamon", + "water", + "low sodium chicken broth", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 26164, + "cuisine": "french", + "ingredients": [ + "french baguette", + "dijon mustard", + "minced garlic", + "loosely packed fresh basil leaves", + "nonfat mayonnaise", + "balsamic vinegar", + "roast breast of chicken", + "part-skim mozzarella cheese", + "onions" + ] + }, + { + "id": 36533, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "green beans", + "brats", + "cabbage", + "granular no-calorie sucralose sweetener", + "salt", + "butter", + "onions" + ] + }, + { + "id": 34202, + "cuisine": "moroccan", + "ingredients": [ + "chili flakes", + "sliced almonds", + "butternut squash", + "red pepper", + "chickpeas", + "hazelnuts", + "caramels", + "lemon", + "salt", + "cumin", + "pastry", + "olive oil", + "cinnamon", + "purple onion", + "phyllo pastry", + "powdered sugar", + "pepper", + "pomegranate molasses", + "paprika", + "garlic cloves" + ] + }, + { + "id": 10706, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "frozen mixed vegetables", + "diced tomatoes", + "ranch dressing", + "ground turkey", + "chicken broth", + "chopped onion" + ] + }, + { + "id": 27447, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "salt", + "chicken thighs", + "tomatoes", + "vegetable oil", + "garlic cloves", + "dried oregano", + "chipotle chile", + "queso fresco", + "juice", + "water", + "spanish chorizo", + "boiling potatoes" + ] + }, + { + "id": 11923, + "cuisine": "japanese", + "ingredients": [ + "asparagus", + "sauce", + "red bell pepper", + "japanese rice", + "vegetable oil", + "scallions", + "wasabi", + "mushrooms", + "english cucumber", + "soy sauce", + "rice vinegar", + "nori sheets" + ] + }, + { + "id": 35831, + "cuisine": "japanese", + "ingredients": [ + "avocado", + "spring onions", + "toasted sesame seeds", + "sushi rice", + "skinless salmon fillets", + "red chili peppers", + "lemon", + "light soy sauce", + "cilantro leaves" + ] + }, + { + "id": 25420, + "cuisine": "mexican", + "ingredients": [ + "rum", + "shrimp", + "jerk marinade", + "crema", + "corn tortillas", + "pineapple", + "sour cream", + "pineapple salsa", + "coconut cream", + "cabbage" + ] + }, + { + "id": 24227, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "cauliflower flowerets", + "broccoli florets", + "pea pods", + "vegetable oil cooking spray", + "olive oil", + "sliced carrots", + "canned low sodium chicken broth", + "minced garlic", + "dry white wine", + "romano cheese", + "zucchini", + "red pepper" + ] + }, + { + "id": 8716, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "garlic", + "carrots", + "snow peas", + "sugar", + "sesame oil", + "chinese five-spice powder", + "sliced mushrooms", + "dark soy sauce", + "Shaoxing wine", + "scallions", + "hot water", + "orange", + "dark leafy greens", + "oil", + "noodles" + ] + }, + { + "id": 2299, + "cuisine": "southern_us", + "ingredients": [ + "kirsch", + "water", + "sugar", + "blackberries", + "peaches" + ] + }, + { + "id": 26136, + "cuisine": "korean", + "ingredients": [ + "sugar", + "oysters", + "mushrooms", + "salt", + "greens", + "eggs", + "meat marinade", + "beef", + "sesame oil", + "root vegetables", + "spinach", + "pepper", + "asian pear", + "crushed garlic", + "toasted sesame seeds", + "chicken broth", + "soy sauce", + "sesame seeds", + "korean vermicelli", + "yellow onion" + ] + }, + { + "id": 9412, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "penne pasta", + "fresh basil leaves", + "olive oil", + "chopped celery", + "carrots", + "pepper", + "garlic", + "fat", + "fresh bean", + "prosciutto", + "salt", + "onions" + ] + }, + { + "id": 14738, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "carrots", + "chicken broth", + "salt", + "onions", + "celery ribs", + "bay leaves", + "thyme sprigs", + "pork belly", + "garlic cloves" + ] + }, + { + "id": 40087, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "salt", + "olive oil", + "chipotles in adobo", + "fresh cilantro", + "fresh lime juice", + "garlic" + ] + }, + { + "id": 43954, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "heavy whipping cream", + "cold milk", + "cream cheese", + "all-purpose flour", + "confectioners sugar", + "chocolate instant pudding", + "chopped walnuts" + ] + }, + { + "id": 38748, + "cuisine": "italian", + "ingredients": [ + "flour tortillas", + "shredded mozzarella cheese", + "pepperoni", + "ragu pizza quick sauc" + ] + }, + { + "id": 13359, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "full fat coconut milk", + "large garlic cloves", + "onions", + "cauliflower", + "crushed tomatoes", + "cinnamon", + "oil", + "cumin", + "pepper", + "chili powder", + "salt", + "coriander", + "brown sugar", + "fresh ginger", + "tandoori seasoning", + "lemon juice" + ] + }, + { + "id": 48418, + "cuisine": "mexican", + "ingredients": [ + "soy sauce", + "jalapeno chilies", + "paprika", + "sour cream", + "pico de gallo", + "honey", + "chili powder", + "dill", + "cumin", + "lime", + "boneless skinless chicken breasts", + "ginger", + "garlic salt", + "mayonaise", + "tortillas", + "apple cider vinegar", + "tequila" + ] + }, + { + "id": 47691, + "cuisine": "japanese", + "ingredients": [ + "sweet rice", + "chestnuts", + "black sesame seeds", + "japanese rice", + "water", + "sake", + "salt" + ] + }, + { + "id": 44123, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "boned lamb shoulder", + "garlic cloves", + "cracked black pepper", + "pancetta", + "fat" + ] + }, + { + "id": 28839, + "cuisine": "italian", + "ingredients": [ + "water", + "ground black pepper", + "all-purpose flour", + "chopped fresh mint", + "fresh basil", + "eggplant", + "baking powder", + "garlic cloves", + "mozzarella cheese", + "fresh parmesan cheese", + "salt", + "toasted wheat germ", + "olive oil", + "cooking spray", + "fresh oregano", + "plum tomatoes" + ] + }, + { + "id": 26497, + "cuisine": "mexican", + "ingredients": [ + "seasoning", + "bock beer", + "olive oil", + "sour cream", + "pina colada mix", + "chicken fingers", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 10812, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "boneless chicken breast", + "lemon juice", + "honey", + "onion powder", + "vodka", + "large eggs", + "corn starch", + "garlic powder", + "hot sauce" + ] + }, + { + "id": 48662, + "cuisine": "thai", + "ingredients": [ + "greater galangal", + "coriander seeds", + "cilantro root", + "kaffir lime leaves", + "shrimp paste", + "salt", + "lemongrass", + "shallots", + "chopped garlic", + "black peppercorns", + "seeds", + "serrano chile" + ] + }, + { + "id": 31414, + "cuisine": "italian", + "ingredients": [ + "grated lemon zest", + "oregano", + "salt", + "lemon juice", + "extra-virgin olive oil", + "garlic cloves", + "capers", + "freshly ground pepper", + "large shrimp" + ] + }, + { + "id": 40183, + "cuisine": "spanish", + "ingredients": [ + "yukon gold potatoes", + "flat leaf parsley", + "hard shelled clams", + "spanish chorizo", + "extra-virgin olive oil", + "onions", + "dry white wine", + "red bell pepper" + ] + }, + { + "id": 15764, + "cuisine": "thai", + "ingredients": [ + "sweet chili sauce", + "garlic", + "onions", + "fish sauce", + "lime juice", + "oil", + "roasted cashews", + "ground chicken", + "cilantro leaves", + "butter lettuce", + "sweet soy sauce", + "white sesame seeds" + ] + }, + { + "id": 22962, + "cuisine": "italian", + "ingredients": [ + "bacon", + "chicken stock", + "chopped parsley", + "arborio rice", + "garlic", + "dry white wine", + "cooked shrimp" + ] + }, + { + "id": 28790, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "sirloin steak", + "fresh parsley", + "cooking oil", + "worcestershire sauce", + "gorgonzola", + "shallots", + "heavy cream", + "rigatoni", + "canned low sodium chicken broth", + "portabello mushroom", + "salt" + ] + }, + { + "id": 8406, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "salt", + "cashew nuts", + "green bell pepper", + "water", + "sesame oil", + "corn starch", + "white pepper", + "rice wine", + "oyster sauce", + "sugar", + "baking soda", + "ginger", + "onions" + ] + }, + { + "id": 48465, + "cuisine": "chinese", + "ingredients": [ + "hot red pepper flakes", + "fresh coriander", + "salt", + "soy sauce", + "sesame oil", + "scallions", + "sugar", + "sesame seeds", + "capellini", + "seedless cucumber", + "white wine vinegar" + ] + }, + { + "id": 1856, + "cuisine": "french", + "ingredients": [ + "vegetable oil", + "garlic cloves", + "bacon", + "egg substitute", + "fresh lemon juice" + ] + }, + { + "id": 40572, + "cuisine": "british", + "ingredients": [ + "large eggs", + "all-purpose flour", + "extra sharp white cheddar cheese", + "whipping cream", + "sugar", + "baking powder", + "unsalted butter", + "salt" + ] + }, + { + "id": 49077, + "cuisine": "southern_us", + "ingredients": [ + "bacon", + "field peas", + "basil pesto sauce", + "salt", + "basmati rice", + "fresh thyme", + "freshly ground pepper", + "diced tomatoes", + "onions" + ] + }, + { + "id": 19495, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "lemon juice", + "butter", + "cinnamon", + "sugar", + "apples" + ] + }, + { + "id": 7243, + "cuisine": "italian", + "ingredients": [ + "baguette", + "lemon", + "preserved lemon", + "fennel bulb", + "tuna", + "green olives", + "ground black pepper", + "extra-virgin olive oil", + "kosher salt", + "harissa" + ] + }, + { + "id": 48623, + "cuisine": "french", + "ingredients": [ + "fromage blanc", + "water", + "extra-virgin olive oil", + "fresh chives", + "slab bacon", + "crème fraîche", + "sugar", + "spanish onion", + "salt", + "kosher salt", + "dry yeast", + "all-purpose flour" + ] + }, + { + "id": 13727, + "cuisine": "italian", + "ingredients": [ + "water", + "vegetable broth", + "shredded Monterey Jack cheese", + "frozen whole kernel corn", + "ground coriander", + "ground cumin", + "olive oil", + "hot sauce", + "sliced green onions", + "arborio rice", + "roasted red peppers", + "garlic cloves" + ] + }, + { + "id": 46747, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "honey", + "apple cider vinegar", + "coconut milk", + "tumeric", + "bell pepper", + "sea salt", + "coconut oil", + "zucchini", + "lemon", + "curry paste", + "curry powder", + "chicken breasts", + "cucumber" + ] + }, + { + "id": 32158, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "teas", + "peach nectar", + "peaches", + "fresh lemon juice" + ] + }, + { + "id": 17907, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "ground allspice", + "phyllo dough", + "lean ground beef", + "ground cinnamon", + "cooking oil", + "ground cumin", + "crushed tomatoes", + "paprika" + ] + }, + { + "id": 29281, + "cuisine": "italian", + "ingredients": [ + "eggs", + "vanilla extract", + "baking powder", + "white sugar", + "ground walnuts", + "all-purpose flour", + "butter", + "unsweetened cocoa powder" + ] + }, + { + "id": 7745, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "zucchini", + "freshly ground pepper", + "olive oil", + "cheese tortellini", + "asparagus spears", + "minced garlic", + "sliced carrots", + "hot water", + "canned low sodium chicken broth", + "sun-dried tomatoes", + "salt" + ] + }, + { + "id": 42437, + "cuisine": "japanese", + "ingredients": [ + "teriyaki sauce", + "chicken broth", + "diced chicken", + "garlic", + "brown sugar" + ] + }, + { + "id": 25999, + "cuisine": "italian", + "ingredients": [ + "sugar", + "red grapefruit", + "ground nutmeg", + "vin santo", + "navel oranges", + "cream of tartar", + "large eggs" + ] + }, + { + "id": 8201, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "water", + "liquid", + "tea leaves", + "dark soy sauce", + "star anise", + "black peppercorns", + "light soy sauce", + "cinnamon sticks", + "light brown sugar", + "dried orange peel", + "salt" + ] + }, + { + "id": 10615, + "cuisine": "irish", + "ingredients": [ + "irish cream liqueur", + "large eggs", + "salt", + "sugar", + "semisweet chocolate", + "whipping cream", + "water", + "Irish whiskey", + "all-purpose flour", + "powdered sugar", + "instant espresso powder", + "vegetable shortening", + "semisweet baking chocolate" + ] + }, + { + "id": 19540, + "cuisine": "japanese", + "ingredients": [ + "pepper", + "crushed garlic", + "salt", + "eggs", + "chicken thigh fillets", + "ginger", + "flour", + "shoyu", + "oil", + "sake", + "sesame oil", + "cornflour" + ] + }, + { + "id": 31644, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "ground red pepper", + "tartar sauce", + "crackers", + "mayonaise", + "green onions", + "salt", + "fresh parsley", + "vegetable oil cooking spray", + "lettuce leaves", + "chopped celery", + "shrimp", + "kaiser rolls", + "lemon", + "lemon juice" + ] + }, + { + "id": 35899, + "cuisine": "vietnamese", + "ingredients": [ + "butter lettuce", + "rice noodles", + "fresh mint", + "green onions", + "peanut sauce", + "lime wedges", + "rotisserie chicken", + "papaya", + "salted roast peanuts", + "rice paper" + ] + }, + { + "id": 46102, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "granulated sugar", + "whipped cream", + "ground cinnamon", + "ground nutmeg", + "baking powder", + "ground allspice", + "pure vanilla extract", + "water", + "sweet potatoes", + "all-purpose flour", + "brown sugar", + "unsalted butter", + "buttermilk", + "orange zest" + ] + }, + { + "id": 20597, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper flakes", + "garlic cloves", + "kosher salt", + "unsalted butter", + "strozzapreti", + "flat leaf spinach", + "lemon peel", + "freshly ground pepper", + "panko", + "grated lemon zest", + "fresh lemon juice" + ] + }, + { + "id": 24724, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "fresh lemon juice", + "ground turmeric", + "kosher salt", + "cilantro leaves", + "carrots", + "lemon wedge", + "whole milk greek yogurt", + "olive oil", + "garlic cloves", + "Vadouvan curry" + ] + }, + { + "id": 44294, + "cuisine": "italian", + "ingredients": [ + "water", + "large eggs", + "salt", + "ground black pepper", + "lemon wedge", + "center cut pork chops", + "olive oil", + "cooking spray", + "garlic cloves", + "parmigiano reggiano cheese", + "whole wheat bread", + "italian seasoning" + ] + }, + { + "id": 7379, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "organic vegetable broth", + "minced garlic", + "large eggs", + "flat leaf parsley", + "bread", + "ground black pepper", + "smoked paprika", + "water", + "salt" + ] + }, + { + "id": 48905, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "extra-virgin olive oil", + "bell pepper", + "salt", + "black pepper", + "purple onion", + "red wine vinegar", + "dried oregano" + ] + }, + { + "id": 21642, + "cuisine": "french", + "ingredients": [ + "crusty whole wheat toast", + "fresh thyme", + "garlic", + "ground black pepper", + "cannellini beans", + "onions", + "olive oil", + "bay leaves", + "salt", + "celery ribs", + "zucchini", + "diced tomatoes" + ] + }, + { + "id": 16890, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "black-eyed peas", + "salt", + "onions", + "green bell pepper", + "butter", + "ham hock", + "chicken broth", + "brown rice", + "cayenne pepper", + "pepper", + "garlic", + "celery" + ] + }, + { + "id": 38323, + "cuisine": "chinese", + "ingredients": [ + "glutinous rice", + "black rice", + "walnuts", + "peanuts", + "red beans", + "water", + "mung beans", + "longan", + "corn flakes", + "jujube" + ] + }, + { + "id": 6908, + "cuisine": "italian", + "ingredients": [ + "eggs", + "all-purpose flour", + "olive oil", + "water", + "salt" + ] + }, + { + "id": 33495, + "cuisine": "mexican", + "ingredients": [ + "guacamole", + "corn tortillas", + "chili powder", + "green onions", + "medium shrimp", + "cooking spray", + "salt" + ] + }, + { + "id": 5650, + "cuisine": "mexican", + "ingredients": [ + "pasta sauce", + "grated parmesan cheese", + "taco shells", + "angel hair" + ] + }, + { + "id": 43645, + "cuisine": "chinese", + "ingredients": [ + "powdered sugar", + "whipping cream", + "regular sugar", + "vegetable oil", + "all-purpose flour", + "eggs", + "mandarin oranges", + "essence", + "baking powder", + "salt", + "juice" + ] + }, + { + "id": 34225, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "large garlic cloves", + "parsley sprigs", + "mushrooms", + "steak", + "prosciutto", + "provolone cheese", + "marsala wine", + "shallots", + "beef tenderloin steaks" + ] + }, + { + "id": 30963, + "cuisine": "french", + "ingredients": [ + "pepper", + "large eggs", + "dry sherry", + "lime", + "butter", + "asparagus spears", + "orange", + "frozen pastry puff sheets", + "salt", + "bay scallops", + "lemon", + "fresh asparagus" + ] + }, + { + "id": 2686, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken breast", + "monterey jack", + "black beans", + "Mrs. Dash", + "enchilada sauce", + "fresh cilantro", + "olive oil spray" + ] + }, + { + "id": 47108, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "half & half", + "flat leaf parsley", + "finely chopped onion", + "chopped fresh thyme", + "radicchio", + "dry white wine", + "arborio rice", + "grated parmesan cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 2260, + "cuisine": "british", + "ingredients": [ + "hazelnuts", + "all purpose unbleached flour", + "raspberry preserves", + "salt", + "unsalted butter", + "whipping cream", + "sugar", + "baking powder" + ] + }, + { + "id": 7443, + "cuisine": "italian", + "ingredients": [ + "fresh chives", + "parmesan cheese", + "polenta", + "large egg whites", + "nonfat milk", + "pepper", + "salt", + "sage leaves", + "large egg yolks", + "fat skimmed chicken broth" + ] + }, + { + "id": 28014, + "cuisine": "thai", + "ingredients": [ + "sugar", + "salt", + "sesame oil", + "cucumber", + "green onions", + "rice vinegar", + "red pepper flakes" + ] + }, + { + "id": 27227, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "cooked chicken", + "shredded cheese", + "diced green chilies", + "light cream cheese", + "black beans", + "salsa", + "green onions", + "tortilla chips" + ] + }, + { + "id": 12107, + "cuisine": "thai", + "ingredients": [ + "water", + "salt", + "toasted shredded coconut", + "table syrup", + "coconut milk", + "seeds" + ] + }, + { + "id": 38532, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "salad greens", + "english cucumber", + "lime juice", + "white rice", + "fresh mint", + "light brown sugar", + "fresh cilantro", + "salt", + "steak", + "fish sauce", + "peanuts", + "garlic chili sauce" + ] + }, + { + "id": 43893, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "shredded lettuce", + "garlic cloves", + "ground cumin", + "picante sauce", + "cheese", + "ripe olives", + "green onions", + "green pepper", + "onions", + "black beans", + "diced tomatoes", + "corn tortillas" + ] + }, + { + "id": 45511, + "cuisine": "mexican", + "ingredients": [ + "coconut oil", + "garlic powder", + "frozen corn", + "tomato sauce", + "onion powder", + "ground cumin", + "cheddar cheese", + "chili powder", + "red bell pepper", + "lean ground turkey", + "fresh cilantro", + "purple onion" + ] + }, + { + "id": 34517, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "shredded cheese", + "olive oil", + "carnitas", + "corn kernels", + "enchilada sauce", + "tortillas" + ] + }, + { + "id": 17478, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "coconut milk", + "crushed red pepper", + "garlic powder", + "fresh lime juice", + "peanut butter" + ] + }, + { + "id": 25112, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "garlic", + "ground cumin", + "ground black pepper", + "canola oil", + "kosher salt", + "pinto beans", + "vegetable shortening", + "masa harina" + ] + }, + { + "id": 47192, + "cuisine": "italian", + "ingredients": [ + "baby lima beans", + "leeks", + "low salt chicken broth", + "asparagus", + "carrots", + "olive oil", + "fresh fava bean", + "fresh basil", + "grated parmesan cheese", + "green beans" + ] + }, + { + "id": 31429, + "cuisine": "indian", + "ingredients": [ + "chicken stock", + "curry powder", + "chicken drumsticks", + "runny honey", + "yellow peppers", + "red chili peppers", + "yoghurt", + "ground tumeric", + "fat", + "tomato purée", + "olive oil", + "ginger", + "chickpeas", + "basmati rice", + "fresh coriander", + "lemon", + "garlic", + "onions" + ] + }, + { + "id": 17012, + "cuisine": "southern_us", + "ingredients": [ + "dark brown sugar", + "vegetable oil", + "black-eyed peas", + "pimenton", + "coarse salt" + ] + }, + { + "id": 48071, + "cuisine": "korean", + "ingredients": [ + "pinenuts", + "cinnamon", + "honey", + "fresh ginger", + "water" + ] + }, + { + "id": 42130, + "cuisine": "cajun_creole", + "ingredients": [ + "salted butter", + "chopped pecans", + "brown sugar", + "vanilla extract", + "whole milk", + "granulated sugar" + ] + }, + { + "id": 8580, + "cuisine": "french", + "ingredients": [ + "eggs", + "water crackers", + "crescent dinner rolls", + "brie cheese" + ] + }, + { + "id": 47399, + "cuisine": "southern_us", + "ingredients": [ + "spicy sausage", + "large eggs", + "onion powder", + "shredded cheddar cheese", + "half & half", + "salt", + "black pepper", + "egg whites", + "butter", + "buttermilk biscuits", + "garlic powder", + "chives", + "ground mustard" + ] + }, + { + "id": 48007, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "heavy whipping cream", + "ground black pepper", + "salt", + "cheese tortellini", + "grated parmesan cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 6165, + "cuisine": "french", + "ingredients": [ + "light sour cream", + "butternut squash", + "all-purpose flour", + "large eggs", + "salt", + "sugar", + "baking powder", + "chopped fresh sage", + "ground nutmeg", + "butter" + ] + }, + { + "id": 46011, + "cuisine": "greek", + "ingredients": [ + "ground ginger", + "tahini", + "chickpeas", + "garlic cloves", + "dijon mustard", + "salt", + "orange juice", + "ground cumin", + "parsley leaves", + "rice vinegar", + "ground coriander", + "low sodium soy sauce", + "paprika", + "chopped onion", + "ground turmeric" + ] + }, + { + "id": 30782, + "cuisine": "italian", + "ingredients": [ + "sugar", + "egg yolks", + "all-purpose flour", + "coconut extract", + "low-fat buttermilk", + "extract", + "chopped pecans", + "vegetable oil cooking spray", + "egg whites", + "vanilla extract", + "orange rind", + "light butter", + "baking soda", + "kumquats", + "icing" + ] + }, + { + "id": 29955, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "tumeric", + "beef", + "garlic", + "carrots", + "chili flakes", + "pepper", + "diced tomatoes", + "beef broth", + "basmati rice", + "pot roast", + "olive oil", + "cilantro", + "spaghetti squash", + "cumin", + "ground ginger", + "white onion", + "cinnamon", + "salt", + "cinnamon sticks" + ] + }, + { + "id": 29883, + "cuisine": "indian", + "ingredients": [ + "garlic", + "onions", + "pepper", + "oil", + "cayenne", + "carrots", + "tumeric", + "salt", + "curry leaf" + ] + }, + { + "id": 18931, + "cuisine": "indian", + "ingredients": [ + "warm water", + "spices", + "melted butter", + "flour", + "salt", + "baking soda", + "fresh yeast", + "brown sugar", + "yoghurt", + "oil" + ] + }, + { + "id": 45845, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "fresh lime juice", + "orange liqueur", + "pears" + ] + }, + { + "id": 35182, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "salt", + "sugar", + "baking powder", + "grated jack cheese", + "grated parmesan cheese", + "all-purpose flour", + "baking soda", + "buttermilk", + "sharp cheddar cheese" + ] + }, + { + "id": 6690, + "cuisine": "italian", + "ingredients": [ + "slivered almonds", + "linguine", + "large garlic cloves", + "plum tomatoes", + "olive oil", + "fresh basil leaves", + "pecorino cheese", + "sprinkles" + ] + }, + { + "id": 3778, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "boneless skinless chicken breasts", + "rice vinegar", + "chicken stock", + "large egg whites", + "garlic", + "corn starch", + "soy sauce", + "sesame oil", + "peanut oil", + "chinese rice wine", + "granulated sugar", + "salt" + ] + }, + { + "id": 2036, + "cuisine": "italian", + "ingredients": [ + "chopped green bell pepper", + "salt", + "pepper", + "basil", + "feta cheese crumbles", + "diced onions", + "diced tomatoes", + "fresh mushrooms", + "water", + "garlic", + "ground beef" + ] + }, + { + "id": 29244, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "ginger", + "cumin seed", + "asafetida", + "garam masala", + "salt", + "coriander", + "vegetables", + "garlic", + "onions", + "ground cumin", + "red kidney beans", + "coriander powder", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 17537, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "rocket leaves", + "butter", + "grissini", + "prosciutto" + ] + }, + { + "id": 32460, + "cuisine": "thai", + "ingredients": [ + "olive oil", + "garlic cloves", + "lemongrass", + "shallots", + "fresh mint", + "fresh red chili", + "fresh ginger root", + "king prawns", + "lime", + "cilantro leaves" + ] + }, + { + "id": 24764, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "dried fettuccine", + "grated parmesan cheese", + "unsalted butter", + "chopped parsley", + "kosher salt", + "heavy cream" + ] + }, + { + "id": 26242, + "cuisine": "brazilian", + "ingredients": [ + "olive oil", + "garlic", + "medium shrimp", + "spanish onion", + "fish stock", + "chopped cilantro", + "nuts", + "jalapeno chilies", + "blanched almonds", + "cooked white rice", + "sea bass fillets", + "coconut milk", + "dried shrimp" + ] + }, + { + "id": 13373, + "cuisine": "southern_us", + "ingredients": [ + "dressing", + "turkey bacon", + "romaine lettuce", + "onions", + "tomatoes", + "green pepper", + "corn mix muffin" + ] + }, + { + "id": 33322, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "swiss chard", + "whole milk ricotta cheese", + "water", + "large eggs", + "chopped fresh mint", + "eggplant", + "grated parmesan cheese", + "kosher salt", + "ground black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 33097, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped onion", + "olive oil flavored cooking spray", + "chopped green bell pepper", + "garlic cloves", + "crushed red pepper", + "medium shrimp", + "cajun style stewed tomatoes", + "long-grain rice" + ] + }, + { + "id": 3150, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "tomatillos", + "pepitas", + "store bought low sodium chicken stock", + "romaine lettuce leaves", + "pepper", + "epazote", + "lard", + "white onion", + "minced garlic", + "cilantro leaves" + ] + }, + { + "id": 48172, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "heavy cream", + "flat leaf parsley", + "chopped tomatoes", + "freshly ground pepper", + "dried oregano", + "olive oil", + "yellow onion", + "ground beef", + "grated parmesan cheese", + "garlic cloves", + "rigatoni" + ] + }, + { + "id": 20283, + "cuisine": "mexican", + "ingredients": [ + "cilantro", + "lime", + "ground cumin", + "water", + "chicken", + "paprika" + ] + }, + { + "id": 48724, + "cuisine": "indian", + "ingredients": [ + "jaggery", + "milk", + "yoghurt" + ] + }, + { + "id": 976, + "cuisine": "mexican", + "ingredients": [ + "taco shells", + "shredded lettuce", + "taco seasoning mix", + "shredded cheddar cheese", + "Hidden Valley® Original Ranch® Dressing", + "tomatoes", + "lean ground beef" + ] + }, + { + "id": 37681, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "linguine", + "fresh lime juice", + "unsweetened coconut milk", + "peeled fresh ginger", + "low salt chicken broth", + "sliced green onions", + "broccoli florets", + "corn starch", + "boneless skinless chicken breast halves", + "fresh basil", + "Thai red curry paste", + "red bell pepper" + ] + }, + { + "id": 22198, + "cuisine": "french", + "ingredients": [ + "eggplant", + "red bell pepper", + "bread crumb fresh", + "anchovy fillets", + "plum tomatoes", + "olive oil", + "garlic cloves", + "chopped fresh thyme", + "olives" + ] + }, + { + "id": 26374, + "cuisine": "mexican", + "ingredients": [ + "tenderloin roast", + "chopped fresh chives", + "ancho chile pepper", + "chipotle chile", + "olive oil", + "butter", + "water", + "shallots", + "fresh parsley", + "guajillo chiles", + "ground black pepper", + "salt" + ] + }, + { + "id": 37373, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "tomatoes", + "extra-virgin olive oil", + "flat leaf parsley", + "dry white wine", + "garlic cloves", + "fish fillets", + "purple onion" + ] + }, + { + "id": 17932, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "cucumber", + "avocado", + "lemon juice", + "serrano chile", + "salt", + "chopped cilantro", + "lime juice", + "shrimp" + ] + }, + { + "id": 36046, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chili powder", + "salt", + "cumin", + "olive oil", + "vegetable broth", + "smoked paprika", + "green bell pepper", + "Mexican oregano", + "garlic", + "onions", + "corn kernels", + "diced tomatoes", + "hot sauce" + ] + }, + { + "id": 36106, + "cuisine": "cajun_creole", + "ingredients": [ + "brown rice", + "cayenne pepper", + "celery", + "ground black pepper", + "salt", + "thyme", + "oregano", + "tomatoes", + "garlic", + "green pepper", + "onions", + "red beans", + "hot sauce", + "smoked paprika" + ] + }, + { + "id": 32422, + "cuisine": "moroccan", + "ingredients": [ + "haddock fillets", + "garlic cloves", + "boiling potatoes", + "olive oil", + "salt", + "flat leaf parsley", + "tomatoes", + "yellow bell pepper", + "fresh lemon juice", + "ground cumin", + "cayenne", + "sweet paprika", + "chopped cilantro fresh" + ] + }, + { + "id": 22641, + "cuisine": "japanese", + "ingredients": [ + "milk", + "cream cheese", + "egg yolks", + "white sugar", + "egg whites", + "corn starch", + "cream of tartar", + "all-purpose flour" + ] + }, + { + "id": 24998, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "pitted date", + "vegetable oil", + "slivered almonds", + "honey", + "chopped cilantro fresh", + "ground cinnamon", + "pearl onions", + "fresh parsley", + "ground ginger", + "water", + "lamb shoulder" + ] + }, + { + "id": 35647, + "cuisine": "indian", + "ingredients": [ + "salt", + "fresh coriander", + "chopped fresh mint", + "cucumber", + "yoghurt", + "ground cumin" + ] + }, + { + "id": 32226, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chicken", + "noodles", + "snow peas", + "cucumber", + "pears" + ] + }, + { + "id": 6726, + "cuisine": "cajun_creole", + "ingredients": [ + "corn", + "cilantro", + "salt", + "okra pods", + "celery", + "head on shrimp", + "jalapeno chilies", + "garlic", + "okra", + "carrots", + "celery ribs", + "olive oil", + "extra-virgin olive oil", + "sweet corn", + "lemon juice", + "onions", + "pepper", + "parsley", + "sweet pepper", + "fresh lemon juice", + "shrimp" + ] + }, + { + "id": 39946, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "garlic", + "water", + "corn starch", + "chiles", + "rice vinegar", + "sherry", + "white sugar" + ] + }, + { + "id": 46791, + "cuisine": "thai", + "ingredients": [ + "japanese style bread crumbs", + "peeled shrimp", + "vegetable oil", + "ground white pepper", + "baking powder", + "garlic", + "kosher salt", + "cilantro root" + ] + }, + { + "id": 7900, + "cuisine": "mexican", + "ingredients": [ + "cayenne", + "mayonaise", + "ear of corn", + "cotija" + ] + }, + { + "id": 18670, + "cuisine": "chinese", + "ingredients": [ + "ground black pepper", + "hot bean paste", + "garlic cloves", + "sugar", + "rice wine", + "dark sesame oil", + "white vinegar", + "hot chili oil", + "sauce", + "japanese eggplants", + "soy sauce", + "vegetable oil", + "scallions" + ] + }, + { + "id": 10804, + "cuisine": "italian", + "ingredients": [ + "ground pepper", + "purple onion", + "fresh basil leaves", + "coarse salt", + "english cucumber", + "cannellini beans", + "provolone cheese", + "plum tomatoes", + "olive oil", + "red wine vinegar", + "country bread" + ] + }, + { + "id": 11488, + "cuisine": "indian", + "ingredients": [ + "whole wheat flour", + "all-purpose flour", + "vegetable oil", + "seeds", + "water", + "salt" + ] + }, + { + "id": 40711, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "garlic cloves", + "onion powder", + "garlic powder", + "dried guajillo chiles", + "apple cider vinegar" + ] + }, + { + "id": 2289, + "cuisine": "french", + "ingredients": [ + "butter", + "eggs", + "salt", + "sugar", + "all-purpose flour", + "2% reduced-fat milk" + ] + }, + { + "id": 26425, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "crushed red pepper", + "extra-virgin olive oil", + "pecorino romano cheese", + "garlic cloves", + "fresh basil", + "linguine" + ] + }, + { + "id": 3676, + "cuisine": "italian", + "ingredients": [ + "water", + "instant yeast", + "whole wheat flour", + "olive oil", + "salt", + "semolina flour", + "herbs" + ] + }, + { + "id": 16211, + "cuisine": "jamaican", + "ingredients": [ + "fresh spinach", + "chives", + "garlic", + "onions", + "chicken broth", + "olive oil", + "scotch bonnet chile", + "red bell pepper", + "black pepper", + "fresh thyme leaves", + "okra", + "green bell pepper", + "pumpkin", + "sea salt", + "coconut milk" + ] + }, + { + "id": 31038, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "crust", + "melted butter", + "heavy cream", + "lime zest", + "egg yolks", + "sweetened condensed milk", + "lime juice", + "crushed graham crackers" + ] + }, + { + "id": 44187, + "cuisine": "thai", + "ingredients": [ + "basil leaves", + "crushed red pepper", + "firmly packed light brown sugar", + "chicken breasts", + "red bell pepper", + "light soy sauce", + "yellow bell pepper", + "snow peas", + "lime zest", + "green onions", + "creamy peanut butter" + ] + }, + { + "id": 19703, + "cuisine": "french", + "ingredients": [ + "bread", + "granny smith apples", + "salt", + "butter lettuce", + "balsamic vinegar", + "chicken broth", + "foie gras", + "sugar", + "butter" + ] + }, + { + "id": 48315, + "cuisine": "italian", + "ingredients": [ + "broccoli rabe", + "fettucine", + "anchovy fillets", + "tomatoes", + "extra-virgin olive oil", + "ricotta salata", + "garlic cloves" + ] + }, + { + "id": 41394, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chicken wings", + "oil", + "brown sugar", + "ground ginger", + "garlic powder" + ] + }, + { + "id": 45197, + "cuisine": "mexican", + "ingredients": [ + "corn husks", + "sour cream", + "mayonaise", + "cheese", + "chili powder", + "ground cumin", + "lime", + "salt" + ] + }, + { + "id": 22180, + "cuisine": "chinese", + "ingredients": [ + "pork", + "salt", + "shrimp", + "white pepper", + "oil", + "chicken", + "chicken bouillon", + "scallions", + "bean curd", + "sugar", + "sesame oil", + "carrots" + ] + }, + { + "id": 49277, + "cuisine": "mexican", + "ingredients": [ + "dough", + "scallions", + "large eggs", + "sharp cheddar cheese", + "unsalted butter", + "canadian bacon" + ] + }, + { + "id": 42036, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "vanilla extract", + "pecan halves", + "egg yolks", + "corn starch", + "unsalted butter", + "salt", + "sugar", + "heavy cream", + "flavoring" + ] + }, + { + "id": 47876, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "garlic powder", + "freshly ground pepper", + "dried oregano", + "eggs", + "dried thyme", + "ricotta cheese", + "ground beef", + "dried basil", + "lasagna noodles", + "shredded mozzarella cheese", + "fresh basil", + "freshly grated parmesan", + "crushed red pepper", + "fresh parsley" + ] + }, + { + "id": 9535, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "chinese chives", + "chinese rice wine", + "sesame oil", + "dumpling wrappers", + "soy sauce", + "ground pork" + ] + }, + { + "id": 43986, + "cuisine": "jamaican", + "ingredients": [ + "fresh ginger root", + "diced tomatoes", + "ground coriander", + "canola oil", + "dried thyme", + "callaloo", + "okra", + "fresh lime juice", + "tumeric", + "finely chopped onion", + "salt", + "garlic cloves", + "water", + "sweet potatoes", + "ground allspice", + "coconut milk" + ] + }, + { + "id": 39648, + "cuisine": "italian", + "ingredients": [ + "sweet onion", + "kalamata", + "pepper", + "artichok heart marin", + "fennel bulb", + "lemon juice", + "orange", + "lettuce leaves" + ] + }, + { + "id": 18092, + "cuisine": "korean", + "ingredients": [ + "cold water", + "green onions", + "shrimp", + "scallops", + "all-purpose flour", + "eggs", + "red pepper", + "canola oil", + "mussels", + "rice powder", + "squid" + ] + }, + { + "id": 28972, + "cuisine": "southern_us", + "ingredients": [ + "ground red pepper", + "olive oil", + "salt", + "paprika", + "sweet potatoes" + ] + }, + { + "id": 9716, + "cuisine": "southern_us", + "ingredients": [ + "lemon", + "single crust pie", + "all-purpose flour", + "eggs", + "salt", + "sugar" + ] + }, + { + "id": 13873, + "cuisine": "filipino", + "ingredients": [ + "sauce", + "water", + "adobo", + "granulated white sugar" + ] + }, + { + "id": 15375, + "cuisine": "french", + "ingredients": [ + "cold water", + "egg yolks", + "salt", + "fresh mint", + "sugar", + "butter", + "strawberries", + "rose water", + "vanilla extract", + "corn starch", + "shortening", + "half & half", + "all-purpose flour" + ] + }, + { + "id": 9601, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "water chestnuts", + "old ginger", + "sugar", + "salted fish", + "chinese parsley", + "white pepper", + "sesame oil", + "minced pork", + "soy sauce", + "Shaoxing wine", + "corn flour" + ] + }, + { + "id": 17615, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "lemon", + "sweet tea", + "cracked black pepper", + "shallots", + "garlic", + "olive oil", + "chicken drumsticks" + ] + }, + { + "id": 29890, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "cayenne", + "salt", + "olive oil", + "lemon wedge", + "dried oregano", + "catfish fillets", + "ground black pepper", + "large garlic cloves", + "dried thyme", + "unsalted butter", + "sweet paprika" + ] + }, + { + "id": 28858, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "egg yolks", + "ice water", + "granulated sugar" + ] + }, + { + "id": 14181, + "cuisine": "mexican", + "ingredients": [ + "fresh orange juice", + "watermelon", + "fresh lime juice", + "lime slices", + "frozen limeade concentrate" + ] + }, + { + "id": 22588, + "cuisine": "italian", + "ingredients": [ + "shortening", + "golden raisins", + "hot water", + "ground cinnamon", + "milk", + "butter", + "dried fig", + "slivered almonds", + "baking powder", + "white sugar", + "eggs", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 4123, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "pistachios", + "semisweet chocolate", + "heavy cream" + ] + }, + { + "id": 34450, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "boneless skinless chicken breasts", + "creole seasoning", + "onions", + "dried thyme", + "peeled shrimp", + "chopped parsley", + "reduced sodium chicken broth", + "diced tomatoes", + "long-grain rice", + "dried oregano", + "green bell pepper", + "bay leaves", + "hot sauce", + "celery" + ] + }, + { + "id": 47488, + "cuisine": "italian", + "ingredients": [ + "mussels", + "broccolini", + "extra-virgin olive oil", + "asparagus spears", + "crusty bread", + "basil", + "salt", + "oysters", + "littleneck clams", + "carrots", + "tomatoes", + "radishes", + "purple onion" + ] + }, + { + "id": 34406, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "red bell pepper", + "garlic", + "olive oil", + "orecchiette", + "sweet italian sausage" + ] + }, + { + "id": 7970, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salt", + "eggs", + "chile pepper", + "onions", + "milk", + "all-purpose flour", + "pepper", + "lean ground beef" + ] + }, + { + "id": 23648, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "snapper fillets", + "ground cumin", + "green bell pepper", + "purple onion", + "red bell pepper", + "vegetable oil", + "lemon pepper", + "vegetable oil cooking spray", + "salsa", + "fresh lime juice" + ] + }, + { + "id": 17454, + "cuisine": "chinese", + "ingredients": [ + "flank steak", + "red bell pepper", + "peeled fresh ginger", + "rice vinegar", + "canola oil", + "lower sodium soy sauce", + "yellow bell pepper", + "toasted sesame seeds", + "green onions", + "garlic chili sauce" + ] + }, + { + "id": 5955, + "cuisine": "italian", + "ingredients": [ + "salt and ground black pepper", + "sweet pepper", + "eggs", + "red pepper flakes", + "olive oil", + "bacon", + "potatoes", + "feta cheese crumbles" + ] + }, + { + "id": 45348, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "heavy whipping cream", + "large egg whites", + "ground cinnamon", + "Amaretti Cookies", + "raspberries", + "grated lemon peel" + ] + }, + { + "id": 42992, + "cuisine": "indian", + "ingredients": [ + "urad dal", + "fruit juice", + "oil", + "peppercorns", + "salt", + "onions", + "papad", + "chutney", + "masala" + ] + }, + { + "id": 48961, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "garlic", + "long grain white rice", + "chicken broth", + "olive oil", + "medium shrimp", + "fresh basil", + "russet potatoes", + "onions", + "curry powder", + "carrots" + ] + }, + { + "id": 42175, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "chinese wheat noodles", + "ground white pepper", + "yellow rock sugar", + "vegetable oil", + "salt", + "chopped cilantro fresh", + "fresh ginger", + "szechwan peppercorns", + "star anise", + "onions", + "baby bok choy", + "beef shank", + "large garlic cloves", + "chili bean paste", + "plum tomatoes" + ] + }, + { + "id": 17139, + "cuisine": "italian", + "ingredients": [ + "warm water", + "parmigiano reggiano cheese", + "all-purpose flour", + "sugar", + "unsalted butter", + "salt", + "active dry yeast", + "large eggs", + "mortadella", + "fontina", + "prosciutto", + "cheese" + ] + }, + { + "id": 2578, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "potatoes", + "cumin seed", + "ground turmeric", + "red chili peppers", + "salt", + "cardamom", + "garlic paste", + "cinnamon", + "oil", + "tomatoes", + "coriander seeds", + "curds", + "onions" + ] + }, + { + "id": 25674, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "black pepper", + "yoghurt", + "onions", + "clove", + "garlic paste", + "fenugreek", + "grated nutmeg", + "cumin", + "tomato paste", + "chili pepper", + "cardamom seeds", + "coriander", + "frozen chopped spinach", + "ground cinnamon", + "amchur", + "paneer", + "ground turmeric" + ] + }, + { + "id": 32406, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "corn oil", + "all-purpose flour", + "onions", + "chicken broth", + "file powder", + "garlic", + "celery", + "crab meat", + "andouille sausage", + "old bay seasoning", + "ground cayenne pepper", + "chicken", + "tomatoes", + "bay leaves", + "salt", + "medium shrimp" + ] + }, + { + "id": 43732, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "mozzarella cheese", + "tomatoes", + "ground black pepper" + ] + }, + { + "id": 38792, + "cuisine": "indian", + "ingredients": [ + "clove", + "ginger", + "oil", + "cinnamon sticks", + "greens", + "pepper", + "salt", + "carrots", + "peppercorns", + "cabbage", + "red chili powder", + "green peas", + "lemon juice", + "onions", + "masala", + "amchur", + "green chilies", + "green beans", + "basmati rice" + ] + }, + { + "id": 30586, + "cuisine": "mexican", + "ingredients": [ + "Mexican seasoning mix", + "salt", + "fresh lime juice", + "salmon fillets", + "slaw mix", + "sour cream", + "pico de gallo", + "olive oil", + "cilantro leaves", + "mayonaise", + "cracked black pepper", + "corn tortillas" + ] + }, + { + "id": 39122, + "cuisine": "french", + "ingredients": [ + "unflavored gelatin", + "coffee granules", + "vanilla extract", + "powdered sugar", + "large eggs", + "chocolate morsels", + "ladyfingers", + "granulated sugar", + "cinnamon sticks", + "cold water", + "milk", + "whipping cream" + ] + }, + { + "id": 40576, + "cuisine": "irish", + "ingredients": [ + "salt", + "melted butter", + "all-purpose flour", + "potatoes" + ] + }, + { + "id": 2908, + "cuisine": "mexican", + "ingredients": [ + "chicken", + "shredded cheese", + "green chilies", + "corn tortillas" + ] + }, + { + "id": 49556, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "pitted green olives", + "boneless skinless chicken breast halves", + "chicken broth", + "dry white wine", + "onions", + "ground black pepper", + "garlic cloves", + "olive oil", + "meyer lemon", + "chopped cilantro fresh" + ] + }, + { + "id": 33570, + "cuisine": "greek", + "ingredients": [ + "mayonaise", + "milk", + "chicken breasts", + "plain whole-milk yogurt", + "tomatoes", + "kosher salt", + "garlic powder", + "lemon juice", + "sugar", + "olive oil", + "large garlic cloves", + "dried oregano", + "pita bread", + "cider vinegar", + "ground black pepper", + "cucumber" + ] + }, + { + "id": 36651, + "cuisine": "mexican", + "ingredients": [ + "frozen whole kernel corn", + "cilantro sprigs", + "ground cumin", + "jalapeno chilies", + "shredded Monterey Jack cheese", + "flour tortillas", + "non-fat sour cream", + "vegetable oil cooking spray", + "fat-free refried beans", + "sliced green onions" + ] + }, + { + "id": 4458, + "cuisine": "french", + "ingredients": [ + "ground ginger", + "ground nutmeg", + "dark brown sugar", + "vanilla beans", + "salt", + "large egg yolks", + "maple syrup", + "ground cloves", + "half & half", + "cinnamon sticks" + ] + }, + { + "id": 46204, + "cuisine": "jamaican", + "ingredients": [ + "olive oil", + "garlic", + "ground allspice", + "hamburger buns", + "ground nutmeg", + "dry bread crumbs", + "fresh ginger root", + "salt", + "long grain white rice", + "black beans", + "habanero pepper", + "chopped onion" + ] + }, + { + "id": 3806, + "cuisine": "indian", + "ingredients": [ + "pearl onions", + "paneer", + "ghee", + "tumeric", + "coriander seeds", + "asafetida powder", + "water", + "peeled fresh ginger", + "cinnamon sticks", + "spinach", + "red chile powder", + "garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 21889, + "cuisine": "filipino", + "ingredients": [ + "ground black pepper", + "salt", + "white rice", + "vegetable oil", + "garlic" + ] + }, + { + "id": 22742, + "cuisine": "indian", + "ingredients": [ + "potatoes", + "salt", + "Madras curry powder", + "canned low sodium chicken broth", + "lamb shoulder", + "onions", + "peas", + "cayenne pepper", + "ground cumin", + "pie crust", + "extra-virgin olive oil", + "ground coriander" + ] + }, + { + "id": 36492, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "seeds", + "chickpeas", + "water", + "purple onion", + "safflower oil", + "hot green chile", + "chopped cilantro", + "cayenne", + "salt" + ] + }, + { + "id": 21330, + "cuisine": "mexican", + "ingredients": [ + "lime", + "large garlic cloves", + "onions", + "ground cumin", + "green onions", + "pork shoulder boston butt", + "dried oregano", + "green chile", + "meat", + "low salt chicken broth", + "canola oil", + "white hominy", + "ancho powder", + "chopped cilantro fresh" + ] + }, + { + "id": 12976, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "ground turmeric", + "salt", + "baking potatoes", + "ground cumin", + "olive oil", + "onions" + ] + }, + { + "id": 45392, + "cuisine": "mexican", + "ingredients": [ + "water", + "piloncillo", + "tomatillos", + "sugar", + "cinnamon sticks", + "vanilla beans" + ] + }, + { + "id": 47401, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "broth", + "duck breasts", + "green onions", + "soy sauce", + "noodles", + "sake", + "mushrooms" + ] + }, + { + "id": 3360, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "zucchini", + "salt", + "onions", + "pepper", + "bone in skinless chicken thigh", + "carrots", + "tomatoes", + "chili powder", + "chickpeas", + "ground turmeric", + "chicken stock", + "water", + "cinnamon", + "couscous" + ] + }, + { + "id": 10151, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "cream cheese", + "mayonaise", + "black olives", + "pitted green olives", + "flour tortillas", + "salsa" + ] + }, + { + "id": 5291, + "cuisine": "french", + "ingredients": [ + "sugar", + "1% low-fat milk", + "large eggs", + "all-purpose flour", + "ground cinnamon", + "butter", + "water", + "salt" + ] + }, + { + "id": 25368, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "fat free less sodium beef broth", + "garlic cloves", + "chopped fresh mint", + "pitted date", + "fresh orange juice", + "ground coriander", + "couscous", + "saffron threads", + "dried apricot", + "chopped onion", + "leg of lamb", + "ground black pepper", + "salt", + "carrots", + "ground cumin" + ] + }, + { + "id": 38634, + "cuisine": "irish", + "ingredients": [ + "milk", + "all-purpose flour", + "fresh dill", + "butter", + "spinach leaves", + "green onions", + "ground nutmeg" + ] + }, + { + "id": 12070, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "rotisserie chicken", + "avocado", + "lime", + "taco shells", + "salsa", + "fresh cilantro", + "sour cream" + ] + }, + { + "id": 4296, + "cuisine": "french", + "ingredients": [ + "sugar", + "flour", + "water", + "crust", + "granny smith apples", + "ice water", + "apricot jelly", + "unsalted butter", + "salt" + ] + }, + { + "id": 22102, + "cuisine": "korean", + "ingredients": [ + "pickles", + "vinegar", + "apples", + "honey", + "sesame oil", + "salt", + "water", + "green onions", + "garlic", + "pepper flakes", + "sesame seeds", + "kirby cucumbers", + "green chilies" + ] + }, + { + "id": 29246, + "cuisine": "korean", + "ingredients": [ + "gari", + "extra firm tofu", + "nori", + "short-grain rice", + "hot sauce", + "soy sauce", + "gochugaru", + "toasted sesame seeds", + "salmon", + "sesame oil" + ] + }, + { + "id": 35606, + "cuisine": "moroccan", + "ingredients": [ + "malt syrup", + "quinoa", + "sweet potatoes", + "broccoli", + "chopped cilantro", + "ground cumin", + "olive oil", + "bell pepper", + "button mushrooms", + "ground coriander", + "ground turmeric", + "stock", + "potatoes", + "sea salt", + "chickpeas", + "onions", + "tomatoes", + "eggplant", + "harissa paste", + "garlic", + "carrots", + "dried rosemary" + ] + }, + { + "id": 32308, + "cuisine": "chinese", + "ingredients": [ + "tomato purée", + "clear honey", + "pork spare ribs", + "worcestershire sauce", + "dijon mustard", + "red wine vinegar", + "soy sauce", + "muscovado sugar" + ] + }, + { + "id": 1415, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "unsalted butter", + "vanilla extract", + "crushed peppermint candy", + "white vinegar", + "baking soda", + "buttermilk", + "all-purpose flour", + "unsweetened cocoa powder", + "powdered sugar", + "mascarpone", + "red food coloring", + "cream cheese", + "kosher salt", + "large eggs", + "cake flour", + "sour cream" + ] + }, + { + "id": 11545, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "fat free less sodium chicken broth", + "ground coriander", + "ancho chile pepper", + "black pepper", + "golden raisins", + "garlic cloves", + "boneless skinless chicken breast halves", + "boneless chicken skinless thigh", + "olive oil", + "unsweetened chocolate", + "onions", + "tomatoes", + "sliced almonds", + "salt", + "orange rind", + "ground cumin" + ] + }, + { + "id": 19868, + "cuisine": "chinese", + "ingredients": [ + "chili flakes", + "dashi", + "sesame oil", + "corn starch", + "water", + "vinegar", + "ginger", + "fennel seeds", + "dumpling wrappers", + "white rice vinegar", + "salt", + "soy sauce", + "fennel", + "ground pork", + "ground white pepper" + ] + }, + { + "id": 8613, + "cuisine": "irish", + "ingredients": [ + "salt and ground black pepper", + "beer", + "sausage links", + "beef stock", + "onions", + "potatoes", + "carrots", + "smoked bacon", + "heavy cream", + "dried parsley" + ] + }, + { + "id": 36047, + "cuisine": "moroccan", + "ingredients": [ + "preserved lemon", + "lemon", + "chicken thighs", + "olive oil", + "garlic cloves", + "saffron", + "fresh coriander", + "purple onion", + "olives", + "ground ginger", + "cinnamon", + "chopped parsley" + ] + }, + { + "id": 5058, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil spray", + "chopped onion", + "tomato sauce", + "balsamic vinegar", + "andouille sausage", + "chili powder", + "ground cumin", + "rib pork chops", + "dark brown sugar" + ] + }, + { + "id": 40830, + "cuisine": "italian", + "ingredients": [ + "crusty bread", + "olive oil", + "red wine", + "plums", + "chillies", + "fresh basil", + "black pepper", + "herbs", + "sea salt", + "carrots", + "spaghetti", + "fresh rosemary", + "back bacon rashers", + "fresh bay leaves", + "beef stock cubes", + "minced beef", + "onions", + "tomato purée", + "cherry tomatoes", + "grated parmesan cheese", + "garlic", + "celery", + "dried oregano" + ] + }, + { + "id": 48241, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "lemon", + "oil", + "ground cumin", + "clove", + "coriander powder", + "salt", + "onions", + "garam masala", + "ginger", + "coconut milk", + "spinach", + "pumpkin", + "chickpeas", + "ground turmeric" + ] + }, + { + "id": 48174, + "cuisine": "indian", + "ingredients": [ + "radishes", + "purple onion", + "fresh coriander", + "vegetable oil", + "ground lamb", + "plain yogurt", + "mango chutney", + "fresh lime juice", + "coriander seeds", + "paprika", + "ground cumin" + ] + }, + { + "id": 44344, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "garlic powder", + "butter", + "salt", + "ground beef", + "ground cumin", + "tumeric", + "curry powder", + "baking powder", + "garlic", + "ground coriander", + "flax seed meal", + "cold water", + "water", + "stevia powder", + "ground pork", + "stevia", + "onions", + "ground cloves", + "dried thyme", + "scotch bonnet chile", + "coconut flour", + "cream cheese, soften", + "allspice" + ] + }, + { + "id": 28030, + "cuisine": "french", + "ingredients": [ + "chicken stock", + "pearl onions", + "red wine", + "salt pork", + "onions", + "water", + "fresh thyme", + "all-purpose flour", + "bay leaf", + "tomato paste", + "ground black pepper", + "button mushrooms", + "carrots", + "chicken thighs", + "kosher salt", + "unsalted butter", + "garlic", + "celery" + ] + }, + { + "id": 14767, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "sweet potatoes", + "fine sea salt", + "fresh lime juice", + "avocado", + "potatoes", + "cilantro", + "salsa", + "ground pepper", + "chili powder", + "purple onion", + "ground cumin", + "tomatoes", + "jalapeno chilies", + "extra-virgin olive oil", + "dinosaur kale" + ] + }, + { + "id": 934, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame oil", + "soy sauce", + "rice", + "glutinous rice", + "banana leaves", + "chinese sausage", + "lard" + ] + }, + { + "id": 1524, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "grated coconut", + "urad dal", + "fenugreek seeds", + "dal", + "jaggery", + "asafoetida", + "corn", + "salt", + "oil", + "onions", + "red chili peppers", + "coriander seeds", + "cilantro leaves", + "mustard seeds", + "toor dal", + "tomatoes", + "water", + "garlic", + "cumin seed", + "ghee", + "ground turmeric" + ] + }, + { + "id": 13624, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "salt", + "grated parmesan cheese", + "starch", + "milk", + "margarine" + ] + }, + { + "id": 34899, + "cuisine": "british", + "ingredients": [ + "sugar", + "salt", + "vegetable oil cooking spray", + "dry yeast", + "hot water", + "warm water", + "all-purpose flour", + "shortening", + "nonfat powdered milk" + ] + }, + { + "id": 41202, + "cuisine": "italian", + "ingredients": [ + "capers", + "extra-virgin olive oil", + "fresh basil leaves", + "cooked rigatoni", + "freshly ground pepper", + "parmesan cheese", + "salt", + "plum tomatoes", + "chees fresh mozzarella", + "garlic cloves" + ] + }, + { + "id": 30243, + "cuisine": "indian", + "ingredients": [ + "minced ginger", + "half & half", + "garlic", + "chopped onion", + "cumin", + "tomato sauce", + "garam masala", + "cinnamon", + "greek style plain yogurt", + "lemon juice", + "olive oil", + "chicken breasts", + "salt", + "garlic cloves", + "pepper", + "jalapeno chilies", + "cilantro", + "cayenne pepper", + "basmati rice" + ] + }, + { + "id": 28158, + "cuisine": "french", + "ingredients": [ + "shallots", + "olive oil", + "chopped fresh sage", + "dijon mustard", + "fresh rosemary", + "white wine vinegar" + ] + }, + { + "id": 29528, + "cuisine": "indian", + "ingredients": [ + "dried lentils", + "crushed tomatoes", + "raisins", + "ground cumin", + "pepper", + "kidney beans", + "salt", + "white onion", + "olive oil", + "garlic", + "curry powder", + "garbanzo beans", + "cayenne pepper" + ] + }, + { + "id": 6603, + "cuisine": "mexican", + "ingredients": [ + "ice cubes", + "ground black pepper", + "hot sauce", + "lime", + "worcestershire sauce", + "frozen orange juice concentrate", + "Mexican beer", + "cayenne pepper", + "tomato juice", + "salt" + ] + }, + { + "id": 39396, + "cuisine": "italian", + "ingredients": [ + "pecorino romano cheese", + "flat leaf parsley", + "bread crumb fresh", + "salt", + "extra-virgin olive oil", + "ground black pepper", + "waxy potatoes" + ] + }, + { + "id": 10254, + "cuisine": "brazilian", + "ingredients": [ + "cold water", + "lime", + "sugar", + "sweetened condensed milk" + ] + }, + { + "id": 17532, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "chipotle chile", + "pineapple salsa", + "pineapple", + "purple onion", + "canola oil", + "avocado", + "pickles", + "lime juice", + "whole milk", + "cilantro", + "Ranch Style Beans", + "mayonaise", + "black pepper", + "hot dogs", + "bacon", + "salt", + "mustard", + "ketchup", + "olive oil", + "hot dog bun", + "garlic", + "chipotles in adobo" + ] + }, + { + "id": 6406, + "cuisine": "greek", + "ingredients": [ + "white rice", + "black pepper", + "poultry seasoning", + "salt", + "butter", + "chicken" + ] + }, + { + "id": 25714, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "salt", + "quick-cooking oats", + "golden brown sugar", + "golden syrup" + ] + }, + { + "id": 31646, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "salsa", + "guacamole", + "flour tortillas", + "eggs", + "grating cheese" + ] + }, + { + "id": 772, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "yellow onion", + "pepper", + "garlic", + "boneless skinless chicken breast halves", + "ground cinnamon", + "baking potatoes", + "corn tortillas", + "lime", + "salt", + "canola oil" + ] + }, + { + "id": 14006, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "sugar", + "balsamic vinegar", + "roma tomatoes", + "salt", + "baguette", + "basil" + ] + }, + { + "id": 41521, + "cuisine": "indian", + "ingredients": [ + "mace", + "spring onions", + "green chilies", + "cabbage", + "beans", + "bell pepper", + "garlic", + "carrots", + "olive oil", + "mushrooms", + "salt", + "celery", + "soy sauce", + "vinegar", + "star anise", + "long-grain rice" + ] + }, + { + "id": 41381, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "green onions", + "red bell pepper", + "canola oil", + "chicken stock", + "lemongrass", + "garlic cloves", + "chopped cilantro fresh", + "sugar", + "light coconut milk", + "fresh lime juice", + "sambal ulek", + "peeled fresh ginger", + "sliced mushrooms", + "cooked chicken breasts" + ] + }, + { + "id": 43342, + "cuisine": "indian", + "ingredients": [ + "nutmeg", + "tumeric", + "potatoes", + "star anise", + "rice", + "chaat masala", + "red chili powder", + "mace", + "yoghurt", + "plums", + "onions", + "tomatoes", + "red chili peppers", + "mint leaves", + "mutton", + "oil", + "curry leaves", + "garlic paste", + "garam masala", + "yellow food coloring", + "salt", + "coriander" + ] + }, + { + "id": 8043, + "cuisine": "mexican", + "ingredients": [ + "water", + "chili powder", + "salt", + "green chilies", + "chicken stock", + "flour tortillas", + "whipping cream", + "rice", + "onions", + "olive oil", + "butter", + "salsa", + "taco seasoning", + "American cheese", + "chicken breasts", + "garlic", + "cream cheese" + ] + }, + { + "id": 12409, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "olive oil", + "salt", + "molasses", + "bourbon whiskey", + "cider vinegar", + "shallots", + "sugar", + "vinegar", + "freshly ground pepper" + ] + }, + { + "id": 17278, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "ground sirloin", + "Italian bread", + "large eggs", + "salt", + "spaghetti", + "ground black pepper", + "large garlic cloves", + "flat leaf parsley", + "milk", + "grated parmesan cheese", + "sauce" + ] + }, + { + "id": 4375, + "cuisine": "italian", + "ingredients": [ + "fresh tomatoes", + "prosciutto", + "white wine vinegar", + "sausages", + "dried basil", + "red pepper flakes", + "provolone cheese", + "dried oregano", + "red leaf lettuce", + "sub buns", + "purple onion", + "fresh parsley", + "genoa salami", + "olive oil", + "garlic", + "dill pickles" + ] + }, + { + "id": 32657, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "chat masala", + "oil", + "garlic paste", + "yoghurt", + "gram flour", + "fish fillets", + "salt", + "ginger paste", + "red chili powder", + "ajwain", + "lemon juice" + ] + }, + { + "id": 26747, + "cuisine": "greek", + "ingredients": [ + "greek seasoning", + "olive oil", + "red potato", + "lemon" + ] + }, + { + "id": 23923, + "cuisine": "french", + "ingredients": [ + "duck fat", + "ground black pepper", + "duck" + ] + }, + { + "id": 8257, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "eggs", + "vanilla", + "butter", + "corn syrup", + "pecans", + "crust" + ] + }, + { + "id": 41638, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "garlic cloves", + "kosher salt", + "crushed red pepper flakes", + "onions", + "fresh basil", + "unsalted butter", + "bucatini", + "peeled tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 39700, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "cooking wine", + "wood ear mushrooms", + "sugar", + "chicken wing drummettes", + "scallions", + "dark soy sauce", + "soaking liquid", + "dried shiitake mushrooms", + "warm water", + "ginger", + "oil" + ] + }, + { + "id": 39172, + "cuisine": "italian", + "ingredients": [ + "warm water", + "salt", + "olive oil", + "white sugar", + "active dry yeast", + "cornmeal", + "black olives", + "bread flour" + ] + }, + { + "id": 15321, + "cuisine": "french", + "ingredients": [ + "burgers", + "roasted red peppers", + "brioche buns", + "goat cheese" + ] + }, + { + "id": 28824, + "cuisine": "cajun_creole", + "ingredients": [ + "butter", + "salt", + "corn starch", + "cooked rice", + "crushed red pepper flakes", + "green pepper", + "green onions", + "garlic", + "shrimp", + "diced tomatoes", + "cayenne pepper", + "onions" + ] + }, + { + "id": 38079, + "cuisine": "moroccan", + "ingredients": [ + "white wine", + "flour", + "red pepper flakes", + "salt", + "chicken", + "chicken broth", + "pepper", + "cinnamon", + "garlic", + "flat leaf parsley", + "white onion", + "bay leaves", + "ginger", + "lemon juice", + "tumeric", + "olive oil", + "pitted green olives", + "black olives", + "cumin" + ] + }, + { + "id": 10294, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "salt", + "garlic", + "freshly ground pepper", + "plums", + "olive oil", + "yellow onion" + ] + }, + { + "id": 10897, + "cuisine": "italian", + "ingredients": [ + "pepper", + "low-fat ricotta cheese", + "noodles", + "parmesan cheese", + "low-fat mozzarella cheese", + "dried basil", + "salt", + "pasta sauce", + "egg whites", + "fresh basil leaves" + ] + }, + { + "id": 27540, + "cuisine": "italian", + "ingredients": [ + "whole wheat spaghetti", + "chickpeas", + "extra-virgin olive oil", + "frozen chopped broccoli", + "garlic cloves", + "hot red pepper flakes", + "salt" + ] + }, + { + "id": 2968, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "olive oil", + "cilantro", + "tortilla chips", + "cumin", + "chicken stock", + "lime", + "queso fresco", + "salt", + "dried oregano", + "avocado", + "water", + "radishes", + "garlic", + "onions", + "pepper", + "hominy", + "cheese", + "pork shoulder", + "cabbage" + ] + }, + { + "id": 3586, + "cuisine": "russian", + "ingredients": [ + "sugar", + "butter", + "all-purpose flour", + "active dry yeast", + "salt", + "milk", + "heavy cream", + "egg yolks", + "buckwheat flour" + ] + }, + { + "id": 19968, + "cuisine": "mexican", + "ingredients": [ + "cider vinegar", + "salt", + "ripe olives", + "ground black pepper", + "lemon juice", + "dried oregano", + "olive oil", + "frozen corn kernels", + "onions", + "avocado", + "garlic", + "red bell pepper" + ] + }, + { + "id": 37586, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "dry white wine", + "oyster sauce", + "thai basil", + "shells", + "canola oil", + "sugar", + "littleneck clams", + "serrano chile", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 23204, + "cuisine": "italian", + "ingredients": [ + "milk", + "butter", + "sharp cheddar cheese", + "pepper", + "green onions", + "salt", + "panko breadcrumbs", + "pasta", + "flour", + "buffalo sauce", + "gorgonzola", + "fresh cilantro", + "boneless skinless chicken breasts", + "grated jack cheese" + ] + }, + { + "id": 1912, + "cuisine": "indian", + "ingredients": [ + "tapioca flour", + "ghee", + "organic coconut milk", + "almond flour", + "salt" + ] + }, + { + "id": 37161, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "shallots", + "white wine vinegar", + "dried oregano", + "ground black pepper", + "large garlic cloves", + "salad oil", + "honey", + "red wine vinegar", + "red bell pepper", + "dijon mustard", + "red pepper flakes", + "marjoram" + ] + }, + { + "id": 12370, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "low salt chicken broth", + "salt", + "long grain white rice", + "olive oil", + "serrano chile", + "dressing", + "garlic cloves" + ] + }, + { + "id": 41150, + "cuisine": "indian", + "ingredients": [ + "saffron threads", + "olive oil", + "spices", + "garlic", + "sweet paprika", + "chili", + "baking powder", + "peas", + "tamarind paste", + "rice flour", + "kosher salt", + "ground black pepper", + "ginger", + "chickpeas", + "cardamom", + "tumeric", + "coriander seeds", + "russet potatoes", + "cilantro leaves", + "cumin seed" + ] + }, + { + "id": 44345, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "cooking spray", + "shredded low-fat mozzarella cheese", + "dried oregano", + "water", + "shredded carrots", + "low-fat pasta sauce", + "onions", + "eggs", + "ground turkey breast", + "large garlic cloves", + "oven-ready lasagna noodles", + "frozen chopped spinach", + "low-fat cottage cheese", + "mushrooms", + "vegetable juice cocktail", + "dried rosemary" + ] + }, + { + "id": 14243, + "cuisine": "italian", + "ingredients": [ + "fresh lemon juice", + "water", + "sugar", + "fresh orange juice" + ] + }, + { + "id": 12056, + "cuisine": "southern_us", + "ingredients": [ + "black beans", + "potatoes", + "white rice", + "celery", + "dried oregano", + "dried split peas", + "crushed tomatoes", + "butter", + "elbow macaroni", + "onions", + "green bell pepper", + "water", + "beef stock", + "round steaks", + "bay leaf", + "cabbage", + "beef soup bones", + "salt and ground black pepper", + "red wine", + "carrots", + "marjoram" + ] + }, + { + "id": 33291, + "cuisine": "italian", + "ingredients": [ + "pear tomatoes", + "flatbread", + "chickpeas", + "pitted green olives", + "fennel", + "flat leaf parsley" + ] + }, + { + "id": 40230, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "ground black pepper", + "salt", + "olive oil", + "purple onion", + "green bell pepper", + "garlic", + "eggs", + "sweet potatoes", + "fresh basil leaves" + ] + }, + { + "id": 23934, + "cuisine": "french", + "ingredients": [ + "eggs", + "egg whites", + "salt", + "white sugar", + "semisweet chocolate", + "vegetable oil", + "chopped walnuts", + "brewed coffee", + "vanilla extract", + "heavy whipping cream", + "unsalted butter", + "egg yolks", + "all-purpose flour", + "unsweetened cocoa powder" + ] + }, + { + "id": 23863, + "cuisine": "southern_us", + "ingredients": [ + "corn", + "green pepper", + "tomatoes", + "ranch dressing", + "pinto beans", + "cornbread", + "zucchini", + "shredded cheese", + "vidalia onion", + "salsa", + "yellow peppers" + ] + }, + { + "id": 28531, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "tilapia fillets", + "hot pepper sauce", + "cilantro", + "fresh lime juice", + "tomatoes", + "honey", + "seafood seasoning", + "garlic", + "cumin", + "white vinegar", + "pepper", + "ground black pepper", + "chili powder", + "salt", + "cabbage", + "light sour cream", + "lime", + "tortillas", + "extra-virgin olive oil", + "adobo sauce" + ] + }, + { + "id": 10191, + "cuisine": "italian", + "ingredients": [ + "sugar", + "olive oil", + "dry red wine", + "water", + "shallots", + "California bay leaves", + "fronds", + "balsamic vinegar", + "bass fillets", + "black pepper", + "golden raisins", + "salt" + ] + }, + { + "id": 30521, + "cuisine": "thai", + "ingredients": [ + "jumbo shrimp", + "jalapeno chilies", + "coconut milk", + "lime", + "cilantro", + "water", + "large garlic cloves", + "long grain white rice", + "red chili powder", + "olive oil", + "salt" + ] + }, + { + "id": 927, + "cuisine": "indian", + "ingredients": [ + "rose water", + "khoa", + "sugar", + "baking soda", + "ground cardamom", + "milk", + "oil", + "water", + "maida flour", + "saffron" + ] + }, + { + "id": 1928, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "slaw mix", + "shrimp", + "jalapeno chilies", + "salt", + "chopped cilantro", + "flour tortillas", + "cilantro sprigs", + "red bell pepper", + "cider vinegar", + "vegetable oil", + "cumin seed" + ] + }, + { + "id": 45364, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "green tomatoes", + "onions", + "ground cloves", + "salt", + "green bell pepper", + "chile pepper", + "white sugar", + "white vinegar", + "prepared horseradish", + "ground allspice" + ] + }, + { + "id": 48052, + "cuisine": "italian", + "ingredients": [ + "ditalini pasta", + "white kidney beans", + "frozen chopped spinach, thawed and squeezed dry", + "chunky pasta sauce" + ] + }, + { + "id": 6828, + "cuisine": "italian", + "ingredients": [ + "garlic", + "celery", + "pepper", + "yellow onion", + "oregano", + "sweet potatoes", + "lard", + "tomato sauce", + "salt", + "ground beef" + ] + }, + { + "id": 17184, + "cuisine": "thai", + "ingredients": [ + "pepper", + "garlic puree", + "sugar", + "cilantro", + "sherry", + "chicken thighs", + "soy sauce", + "salt" + ] + }, + { + "id": 11805, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "whole milk", + "garlic cloves", + "freshly grated parmesan", + "provolone cheese", + "boneless skinless chicken breast halves", + "olive oil", + "butter", + "penne rigate", + "cremini mushrooms", + "flour", + "oil" + ] + }, + { + "id": 47674, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "broccoli", + "lemon wedge", + "water", + "garlic", + "olive oil", + "salt" + ] + }, + { + "id": 37663, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "tomatoes", + "zesty italian dressing", + "angel hair" + ] + }, + { + "id": 16136, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "fresh asparagus", + "salsa", + "garlic", + "chopped cilantro" + ] + }, + { + "id": 10682, + "cuisine": "southern_us", + "ingredients": [ + "mace", + "crushed red pepper flakes", + "ground cardamom", + "ground ginger", + "ground black pepper", + "ground allspice", + "ground cloves", + "bay leaves", + "sweet paprika", + "celery salt", + "ground nutmeg", + "dry mustard", + "ground white pepper" + ] + }, + { + "id": 21009, + "cuisine": "italian", + "ingredients": [ + "low-fat balsamic vinaigrette", + "part-skim ricotta cheese", + "canadian bacon", + "part-skim mozzarella cheese", + "walnuts", + "pears", + "honey", + "pizza doughs", + "gorgonzola", + "broccoli florets", + "mixed greens" + ] + }, + { + "id": 12993, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "diced red onions", + "shredded lettuce", + "salsa", + "ground cumin", + "avocado", + "shredded cheddar cheese", + "chili powder", + "black olives", + "sour cream", + "taco shells", + "boneless skinless chicken breasts", + "garlic", + "rice", + "pickled jalapenos", + "corn", + "coarse salt", + "white wine vinegar", + "dried oregano" + ] + }, + { + "id": 7529, + "cuisine": "japanese", + "ingredients": [ + "white onion", + "green onions", + "carrots", + "milk", + "salt", + "water", + "vegetable oil", + "celery", + "chicken bouillon", + "mushrooms", + "all-purpose flour" + ] + }, + { + "id": 23457, + "cuisine": "chinese", + "ingredients": [ + "chicken wings", + "hoisin sauce", + "ginger root", + "soy sauce", + "chinese five-spice powder", + "brown sugar", + "sesame oil", + "whiskey", + "honey", + "garlic cloves" + ] + }, + { + "id": 36423, + "cuisine": "greek", + "ingredients": [ + "large egg whites", + "cooking spray", + "salt", + "sugar", + "dry yeast", + "anise", + "nonfat dry milk", + "butter", + "all-purpose flour", + "warm water", + "large eggs", + "candied cherries" + ] + }, + { + "id": 34520, + "cuisine": "chinese", + "ingredients": [ + "boneless chop pork", + "brown sugar", + "vegetable oil", + "ground ginger", + "garlic powder", + "soy sauce", + "lemon juice" + ] + }, + { + "id": 49302, + "cuisine": "italian", + "ingredients": [ + "penne", + "baby spinach", + "all-purpose flour", + "cooked chicken breasts", + "ground black pepper", + "1% low-fat milk", + "chopped onion", + "fresh parmesan cheese", + "butter", + "salsa", + "cooking spray", + "salt", + "garlic cloves" + ] + }, + { + "id": 41780, + "cuisine": "korean", + "ingredients": [ + "chili flakes", + "pepper", + "daikon", + "chicken stock", + "sugar", + "sesame oil", + "chicken legs", + "soy sauce", + "vegetable oil", + "sake", + "mirin", + "garlic cloves" + ] + }, + { + "id": 48867, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "ground pepper", + "old bay seasoning", + "ground cayenne pepper", + "honey", + "pumpkin", + "vegetable broth", + "chopped cilantro", + "cuban peppers", + "jalapeno chilies", + "sea salt", + "fresh lime juice", + "red potato", + "olive oil", + "lime slices", + "garlic", + "ground cumin" + ] + }, + { + "id": 42363, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "pepperoni turkei", + "cremini mushrooms", + "cooking spray", + "olive oil", + "pizza sauce", + "dough", + "fresh parmesan cheese", + "cornmeal" + ] + }, + { + "id": 6050, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "flour", + "white onion", + "olives", + "cold water", + "salt", + "olive oil" + ] + }, + { + "id": 33024, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "white onion", + "chopped cilantro", + "ketchup", + "cooked shrimp", + "tomatoes", + "fresh lime juice", + "green cabbage", + "tortilla chips", + "serrano chile" + ] + }, + { + "id": 27512, + "cuisine": "southern_us", + "ingredients": [ + "fresh cilantro", + "ornamental kale", + "purple onion", + "olive oil", + "jalape", + "fresh pineapple", + "roasted bell peppers", + "dijon mustard", + "celery", + "cider vinegar", + "black-eyed peas", + "cilantro sprigs" + ] + }, + { + "id": 21433, + "cuisine": "spanish", + "ingredients": [ + "tomato paste", + "ground black pepper", + "extra-virgin olive oil", + "sour cream", + "white onion", + "cooking spray", + "garlic cloves", + "long grain white rice", + "saffron threads", + "kosher salt", + "green peas", + "red bell pepper", + "chorizo sausage", + "boneless chicken skinless thigh", + "reduced fat milk", + "all-purpose flour", + "pimento stuffed green olives" + ] + }, + { + "id": 20630, + "cuisine": "mexican", + "ingredients": [ + "crema mexicana", + "roma tomatoes", + "ancho chile pepper", + "kosher salt", + "asadero", + "bay leaf", + "piloncillo", + "fresh thyme", + "fresh oregano", + "unsalted butter", + "garlic", + "onions" + ] + }, + { + "id": 28129, + "cuisine": "brazilian", + "ingredients": [ + "palm oil", + "cayenne", + "garlic cloves", + "black pepper", + "diced tomatoes", + "onions", + "green bell pepper", + "shell-on shrimp", + "fresh lemon juice", + "unsweetened coconut milk", + "olive oil", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 7486, + "cuisine": "italian", + "ingredients": [ + "granulated sugar", + "navel oranges", + "orange zest", + "heavy cream", + "confectioners sugar", + "whole milk", + "salt", + "unflavored gelatin", + "fresh orange juice", + "sour cream" + ] + }, + { + "id": 109, + "cuisine": "korean", + "ingredients": [ + "cayenne pepper", + "onions", + "sesame seeds", + "dark sesame oil", + "salt", + "lemon juice", + "edamame", + "cucumber" + ] + }, + { + "id": 5281, + "cuisine": "greek", + "ingredients": [ + "fresh lemon juice", + "olives", + "olive oil", + "onions", + "potatoes", + "white sandwich bread", + "milk", + "roe" + ] + }, + { + "id": 6315, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "dried thyme", + "butter", + "all-purpose flour", + "celery", + "milk", + "baking powder", + "garlic", + "carrots", + "dried parsley", + "dried basil", + "chicken breasts", + "salt", + "dumplings", + "water", + "soup", + "cracked black pepper", + "yellow onion", + "bay leaf" + ] + }, + { + "id": 6199, + "cuisine": "french", + "ingredients": [ + "sweet onion", + "gruyere cheese", + "vegetable oil cooking spray", + "butter", + "beef broth", + "low sodium worcestershire sauce", + "french bread", + "salt", + "pepper", + "dry sherry", + "margarine" + ] + }, + { + "id": 18933, + "cuisine": "italian", + "ingredients": [ + "capers", + "tagliatelle", + "purple onion", + "extra-virgin olive oil", + "arugula", + "tomatoes", + "ricotta" + ] + }, + { + "id": 20954, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "eggplant", + "crushed red pepper", + "spaghetti", + "crushed tomatoes", + "mushrooms", + "chopped onion", + "black pepper", + "fresh parmesan cheese", + "salt", + "olive oil", + "chopped fresh thyme", + "garlic cloves" + ] + }, + { + "id": 5856, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "water", + "salt", + "red bell pepper", + "olive oil", + "chopped onion", + "fresh parsley", + "potatoes", + "carrots" + ] + }, + { + "id": 22321, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "heavy whipping cream", + "sugar", + "dark rum", + "whole milk", + "marsala wine", + "vanilla extract" + ] + }, + { + "id": 32505, + "cuisine": "french", + "ingredients": [ + "savoy cabbage", + "dried thyme", + "heavy cream", + "salt", + "garlic cloves", + "ground cumin", + "tomato paste", + "unsalted butter", + "dry red wine", + "cognac", + "duck drumsticks", + "chicken stock", + "ground black pepper", + "paprika", + "cayenne pepper", + "carrots", + "rosemary sprigs", + "shallots", + "bouquet garni", + "chinese five-spice powder", + "allspice" + ] + }, + { + "id": 7823, + "cuisine": "southern_us", + "ingredients": [ + "red wine vinegar", + "smoked paprika", + "roasted red peppers", + "salt", + "pecan halves", + "extra-virgin olive oil", + "ground red pepper", + "garlic cloves" + ] + }, + { + "id": 20599, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "mexican chorizo", + "ground chipotle chile pepper", + "ground coriander", + "ground cumin", + "butter", + "onions", + "jack cheese", + "turkey meat" + ] + }, + { + "id": 6142, + "cuisine": "mexican", + "ingredients": [ + "meat", + "vegetables", + "taco seasoning", + "water", + "rice", + "canned beans" + ] + }, + { + "id": 17243, + "cuisine": "italian", + "ingredients": [ + "eggs", + "ricotta cheese", + "white sugar", + "double crust pie", + "pastry", + "candied lemon peel", + "candied orange peel", + "vanilla extract", + "ground cinnamon", + "milk", + "cooked white rice" + ] + }, + { + "id": 14897, + "cuisine": "thai", + "ingredients": [ + "sugar", + "bell pepper", + "linguine", + "fresh parsley", + "white pepper", + "red pepper", + "fresh oregano", + "fresh basil", + "chili pepper", + "vegetable broth", + "carrots", + "soy sauce", + "mushrooms", + "garlic" + ] + }, + { + "id": 33057, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "cooking oil", + "amaretto", + "large eggs", + "bittersweet chocolate" + ] + }, + { + "id": 31872, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "leeks", + "vegetable oil", + "salt", + "beef round", + "ground black pepper", + "shallots", + "extra-virgin olive oil", + "tarragon", + "burgers", + "confit", + "dry red wine", + "brie cheese", + "french bread", + "parsley", + "garlic", + "herbes de provence" + ] + }, + { + "id": 1612, + "cuisine": "korean", + "ingredients": [ + "rice syrup", + "green onions", + "corn syrup", + "cucumber", + "noodles", + "sesame seeds", + "sesame oil", + "green chilies", + "dried red chile peppers", + "brown sugar", + "ground black pepper", + "vegetable oil", + "oyster sauce", + "onions", + "red chili peppers", + "mushrooms", + "garlic", + "carrots", + "chicken thighs" + ] + }, + { + "id": 9763, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "carrots", + "daikon", + "distilled vinegar", + "hot water", + "sugar", + "salt" + ] + }, + { + "id": 16657, + "cuisine": "italian", + "ingredients": [ + "bread crumb fresh", + "ground black pepper", + "anchovy fillets", + "kale", + "grated parmesan cheese", + "orecchiette", + "olive oil", + "crushed red pepper flakes", + "kosher salt", + "unsalted butter", + "garlic cloves" + ] + }, + { + "id": 47013, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "chopped onion", + "mayonaise", + "salt", + "eggs", + "ground black pepper", + "spanish paprika", + "tomato sauce", + "potatoes" + ] + }, + { + "id": 21087, + "cuisine": "french", + "ingredients": [ + "light sour cream", + "vanilla beans", + "ice water", + "salt", + "brown sugar", + "whole milk", + "vanilla extract", + "armagnac", + "whole wheat pastry flour", + "butter", + "plums", + "powdered sugar", + "granulated sugar", + "whole wheat bread", + "all-purpose flour" + ] + }, + { + "id": 7894, + "cuisine": "southern_us", + "ingredients": [ + "wheels", + "lemon juice", + "brown sugar", + "peach nectar", + "bourbon whiskey", + "water", + "peach slices" + ] + }, + { + "id": 43208, + "cuisine": "southern_us", + "ingredients": [ + "minced garlic", + "salt", + "pepper", + "bacon slices", + "mixed greens", + "cider vinegar", + "chile pepper", + "hot sauce", + "pork", + "sweet onion", + "frozen corn" + ] + }, + { + "id": 1379, + "cuisine": "indian", + "ingredients": [ + "water", + "cinnamon sticks", + "green cardamom pods", + "salt", + "basmati rice", + "saffron threads", + "raisins", + "ghee", + "clove", + "yellow onion" + ] + }, + { + "id": 30763, + "cuisine": "irish", + "ingredients": [ + "vegetable oil cooking spray", + "2% reduced-fat milk", + "egg whites", + "all-purpose flour", + "sugar", + "salt", + "eggs", + "pan drippings" + ] + }, + { + "id": 4695, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "chives", + "toasted sesame seeds", + "honey", + "corn starch", + "water", + "sesame oil", + "tofu", + "mirin", + "onions" + ] + }, + { + "id": 22002, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "coarse salt", + "yellow onion", + "garam masala", + "garlic", + "frozen peas", + "serrano chilies", + "ginger", + "ground beef", + "lime wedges", + "cilantro leaves", + "canola oil" + ] + }, + { + "id": 33429, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "salt", + "dried oregano", + "great northern beans", + "bay leaves", + "green pepper", + "soy sauce", + "Tabasco Pepper Sauce", + "celery", + "white pepper", + "garlic", + "onions" + ] + }, + { + "id": 43278, + "cuisine": "indian", + "ingredients": [ + "lettuce", + "coarse salt", + "cayenne pepper", + "chopped fresh mint", + "ground cumin", + "pickled carrots", + "garlic", + "freshly ground pepper", + "naan", + "warm water", + "ground tumeric", + "sauce", + "chopped cilantro fresh", + "olive oil", + "greek style plain yogurt", + "cucumber", + "ground lamb" + ] + }, + { + "id": 39284, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "water", + "spaghetti", + "fat free less sodium chicken broth", + "fresh parsley", + "large garlic cloves", + "dried oregano" + ] + }, + { + "id": 44956, + "cuisine": "italian", + "ingredients": [ + "boneless chicken skinless thigh", + "garlic", + "fresh rosemary", + "bertolli vodka sauc made with fresh cream", + "Bertolli® Classico Olive Oil", + "sliced mushrooms", + "green bell pepper", + "balsamic vinegar" + ] + }, + { + "id": 46947, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "all purpose unbleached flour", + "unsalted butter", + "salt", + "baking powder", + "corn starch", + "baking soda", + "buttermilk" + ] + }, + { + "id": 36831, + "cuisine": "italian", + "ingredients": [ + "pasta", + "dry white wine", + "salt", + "italian seasoning", + "olive oil", + "lemon", + "shrimp", + "black pepper", + "butter", + "garlic cloves", + "grated parmesan cheese", + "heavy cream", + "dried parsley" + ] + }, + { + "id": 41186, + "cuisine": "indian", + "ingredients": [ + "bananas", + "chili powder", + "chaat masala", + "mint leaves", + "black salt", + "ground cumin", + "potatoes", + "apples", + "mango", + "sweet potatoes", + "lemon juice" + ] + }, + { + "id": 35495, + "cuisine": "british", + "ingredients": [ + "lettuce leaves", + "sweet gherkin", + "pickled onion", + "white bread", + "branston pickle", + "cheddar cheese", + "cucumber" + ] + }, + { + "id": 45, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "cinnamon", + "vanilla", + "peach juice", + "granulated sugar", + "peach slices", + "all-purpose flour", + "milk", + "butter", + "salt", + "caramel sauce", + "eggs", + "baking powder", + "light corn syrup", + "pie shell" + ] + }, + { + "id": 17052, + "cuisine": "french", + "ingredients": [ + "almonds", + "rum", + "almond paste", + "water", + "granulated sugar", + "almond extract", + "vanilla beans", + "large eggs", + "fresh orange juice", + "unsalted butter", + "croissants", + "confectioners sugar" + ] + }, + { + "id": 15571, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "cracked black pepper", + "vinegar", + "cumin", + "garlic powder", + "red bell pepper", + "diced onions", + "jalapeno chilies" + ] + }, + { + "id": 47250, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "diced tomatoes", + "garlic cloves", + "dried oregano", + "chipotle chile", + "cooking spray", + "chopped onion", + "adobo sauce", + "black beans", + "queso fresco", + "cumin seed", + "chopped cilantro fresh", + "part-skim mozzarella cheese", + "salt", + "corn tortillas" + ] + }, + { + "id": 25555, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "cucumber", + "arugula", + "oil", + "onions", + "extra-virgin olive oil", + "flat leaf parsley", + "grated lemon peel", + "fresh lemon juice", + "chopped fresh mint" + ] + }, + { + "id": 38498, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "salt", + "sweet potatoes", + "unsalted butter", + "orange zest", + "molasses", + "fresh orange juice" + ] + }, + { + "id": 6412, + "cuisine": "mexican", + "ingredients": [ + "salt", + "white onion", + "fresh lime juice", + "habanero chile", + "garlic cloves", + "tomatillos", + "chopped cilantro fresh" + ] + }, + { + "id": 16282, + "cuisine": "cajun_creole", + "ingredients": [ + "crawfish", + "prepared horseradish", + "paprika", + "creole seasoning", + "chopped garlic", + "ground ginger", + "olive oil", + "baking powder", + "salt", + "chopped parsley", + "water", + "green onions", + "chopped celery", + "lemon juice", + "canola oil", + "mayonaise", + "whole grain mustard", + "Tabasco Pepper Sauce", + "all-purpose flour", + "onions" + ] + }, + { + "id": 7681, + "cuisine": "jamaican", + "ingredients": [ + "light brown sugar", + "kosher salt", + "ground thyme", + "ground cinnamon", + "ground black pepper", + "garlic cloves", + "nutmeg", + "pepper", + "red pepper flakes", + "pork", + "vegetable oil", + "allspice" + ] + }, + { + "id": 34383, + "cuisine": "mexican", + "ingredients": [ + "white hominy", + "chopped onion", + "pork", + "salt", + "red chili peppers", + "garlic", + "dried oregano", + "pig feet", + "boneless pork loin" + ] + }, + { + "id": 907, + "cuisine": "jamaican", + "ingredients": [ + "dark soy sauce", + "lime juice", + "scotch bonnet chile", + "chillies", + "ground cinnamon", + "brandy", + "sherry", + "grated nutmeg", + "allspice", + "ground ginger", + "brown sugar", + "dried thyme", + "hot chili powder", + "onions", + "jamaican rum", + "cider vinegar", + "peeled fresh ginger", + "garlic cloves" + ] + }, + { + "id": 45389, + "cuisine": "mexican", + "ingredients": [ + "smoked ham", + "juice", + "red pepper flakes", + "sliced green onions", + "pineapple chunks", + "cream cheese", + "flour tortillas", + "shredded mozzarella cheese" + ] + }, + { + "id": 3073, + "cuisine": "french", + "ingredients": [ + "helix snails", + "egg yolks", + "pepper", + "salt", + "phyllo dough", + "butter", + "melted butter", + "minced garlic", + "heavy whipping cream" + ] + }, + { + "id": 21801, + "cuisine": "chinese", + "ingredients": [ + "boneless, skinless chicken breast", + "olive oil", + "salt", + "lemon juice", + "chili flakes", + "minced garlic", + "spring onions", + "sauce", + "chicken", + "plain flour", + "pepper", + "fresh ginger root", + "rice vinegar", + "browning", + "soy sauce", + "water", + "cornflour", + "orange juice", + "orange zest" + ] + }, + { + "id": 42923, + "cuisine": "french", + "ingredients": [ + "chocolate syrup", + "vanilla extract", + "whipped topping", + "raspberries", + "cooking spray", + "dry bread crumbs", + "powdered sugar", + "large egg whites", + "Dutch-processed cocoa powder", + "sugar", + "large egg yolks", + "salt" + ] + }, + { + "id": 9684, + "cuisine": "italian", + "ingredients": [ + "white cannellini beans", + "parmesan cheese", + "elbow macaroni", + "dried oregano", + "fresh basil", + "dried basil", + "salt", + "fresh parsley", + "tomatoes", + "pepper", + "butter", + "carrots", + "sugar", + "olive oil", + "garlic cloves", + "onions" + ] + }, + { + "id": 28770, + "cuisine": "italian", + "ingredients": [ + "boneless pork shoulder", + "beef", + "garlic cloves", + "sausage links", + "pecorino romano cheese", + "flat leaf parsley", + "pancetta", + "olive oil", + "pork country-style ribs", + "onions", + "tomatoes", + "Turkish bay leaves", + "juice" + ] + }, + { + "id": 22840, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "sesame oil", + "beef", + "garlic", + "sugar", + "rice wine", + "sesame seeds", + "red pepper" + ] + }, + { + "id": 43255, + "cuisine": "cajun_creole", + "ingredients": [ + "hot pepper sauce", + "salt", + "large shrimp", + "butter", + "chopped fresh mint", + "bay leaves", + "fresh lemon juice", + "ground black pepper", + "worcestershire sauce", + "bottled italian dressing" + ] + }, + { + "id": 274, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "yellow onion", + "black pepper", + "cayenne", + "chicken broth", + "frozen broccoli florets", + "long-grain rice", + "shredded cheddar cheese", + "cream of chicken soup" + ] + }, + { + "id": 35864, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "dried basil", + "onions", + "olive oil", + "oregano", + "tomatoes", + "garlic" + ] + }, + { + "id": 45486, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "garlic", + "coriander", + "garam masala", + "salt", + "cumin", + "tumeric", + "chicken breasts", + "cayenne pepper", + "plain yogurt", + "paprika", + "lemon juice" + ] + }, + { + "id": 29606, + "cuisine": "mexican", + "ingredients": [ + "tostada shells", + "taco seasoning", + "cheese", + "refried beans", + "veggie crumbles", + "pico de gallo", + "rice" + ] + }, + { + "id": 31934, + "cuisine": "french", + "ingredients": [ + "freshly grated parmesan", + "button mushrooms", + "polenta", + "water", + "shallots", + "ground white pepper", + "canola oil", + "milk", + "butter", + "flat leaf parsley", + "salmon fillets", + "mushrooms", + "fine sea salt", + "chopped garlic" + ] + }, + { + "id": 24886, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "shredded mozzarella cheese", + "condensed cream of chicken soup", + "salt", + "condensed cream of celery soup", + "dry bread crumbs", + "melted butter", + "bourbon whiskey", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 9195, + "cuisine": "indian", + "ingredients": [ + "ice cubes", + "hot water", + "raw sugar", + "low-fat plain yogurt", + "mango", + "salt" + ] + }, + { + "id": 12884, + "cuisine": "jamaican", + "ingredients": [ + "beef", + "salt", + "eggs", + "butter", + "mushroom soy sauce", + "green onions", + "flavored oil", + "garlic powder", + "white rice" + ] + }, + { + "id": 33796, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "artichoke hearts", + "garlic cloves", + "whole wheat pita rounds", + "crushed red pepper", + "grape tomatoes", + "part-skim mozzarella cheese", + "olive oil", + "purple onion" + ] + }, + { + "id": 23717, + "cuisine": "italian", + "ingredients": [ + "white wine", + "heavy cream", + "spinach", + "parmesan cheese", + "garlic", + "eggs", + "olive oil", + "orzo", + "bread crumbs", + "chicken breasts", + "crushed red pepper" + ] + }, + { + "id": 27687, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "leaves", + "garlic", + "medium shrimp", + "kosher salt", + "vegetable oil", + "beansprouts", + "white pepper", + "shallots", + "rice vinegar", + "boiling water", + "sugar", + "shiitake", + "rice vermicelli", + "bird chile" + ] + }, + { + "id": 23163, + "cuisine": "japanese", + "ingredients": [ + "pork loin", + "soy sauce", + "ginger root", + "sake", + "oil", + "mirin", + "cabbage" + ] + }, + { + "id": 48653, + "cuisine": "thai", + "ingredients": [ + "reduced sodium beef broth", + "reduced sodium soy sauce", + "fresh mushrooms", + "cooked brown rice", + "broccoli florets", + "asparagus spears", + "sugar", + "cooking oil", + "corn starch", + "top round steak", + "fresh ginger", + "green onions", + "nonstick spray" + ] + }, + { + "id": 10161, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "salt", + "red pepper flakes", + "ground black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 1240, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "garlic", + "ground ginger", + "tahini", + "water", + "mayonaise", + "paprika" + ] + }, + { + "id": 48749, + "cuisine": "italian", + "ingredients": [ + "white onion", + "chicken breasts", + "parmagiano reggiano", + "tomatoes", + "ground black pepper", + "salt", + "celery", + "green bell pepper", + "mushrooms", + "all-purpose flour", + "olive oil", + "garlic", + "red bell pepper" + ] + }, + { + "id": 38070, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "bamboo shoots", + "mitsuba", + "mirin", + "dashi", + "unagi", + "sugar", + "rice" + ] + }, + { + "id": 35427, + "cuisine": "thai", + "ingredients": [ + "mint leaves", + "juice", + "sugar", + "thai chile", + "fresh lime juice", + "watercress", + "Thai fish sauce", + "peanuts", + "garlic" + ] + }, + { + "id": 42037, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "salt", + "fresh curry leaves", + "split black lentils", + "dried red chile peppers", + "sesame seeds", + "vegetable oil", + "bengal gram", + "cumin seed" + ] + }, + { + "id": 41262, + "cuisine": "italian", + "ingredients": [ + "lemon extract", + "vegetable oil", + "powdered sugar", + "cooking spray", + "grated lemon zest", + "sugar", + "baking powder", + "fresh lemon juice", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 28387, + "cuisine": "indian", + "ingredients": [ + "clove", + "peeled fresh ginger", + "large garlic cloves", + "cumin seed", + "plum tomatoes", + "coriander seeds", + "dry white wine", + "lamb racks", + "chopped fresh mint", + "celery ribs", + "bay leaves", + "vegetable oil", + "chopped onion", + "ground turmeric", + "black peppercorns", + "lamb neck", + "cardamom seeds", + "low salt chicken broth" + ] + }, + { + "id": 3945, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "spaghettini", + "freshly grated parmesan", + "extra-virgin olive oil", + "basil", + "boiling potatoes", + "ground black pepper", + "fine sea salt" + ] + }, + { + "id": 30937, + "cuisine": "japanese", + "ingredients": [ + "tomato sauce", + "curry powder", + "raisins", + "carrots", + "soy sauce", + "bell pepper", + "garlic", + "onions", + "sugar", + "beef bouillon", + "worcestershire sauce", + "ground beef", + "pepper", + "butter", + "salt" + ] + }, + { + "id": 18403, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "cayenne pepper", + "white vinegar", + "salt", + "chicken pieces", + "honey", + "poultry seasoning", + "shortening", + "all-purpose flour" + ] + }, + { + "id": 38026, + "cuisine": "french", + "ingredients": [ + "sugar", + "egg yolks", + "milk" + ] + }, + { + "id": 19113, + "cuisine": "french", + "ingredients": [ + "red potato", + "hard-boiled egg", + "salt", + "olives", + "olive oil", + "shallots", + "fresh lemon juice", + "pepper", + "lettuce leaves", + "white beans", + "caper berries", + "dijon mustard", + "vine ripened tomatoes", + "green beans" + ] + }, + { + "id": 36730, + "cuisine": "greek", + "ingredients": [ + "pepper", + "cucumber", + "salt", + "chopped fresh mint", + "garlic", + "fresh parsley", + "low-fat plain yogurt", + "fresh lemon juice" + ] + }, + { + "id": 13829, + "cuisine": "italian", + "ingredients": [ + "pitted black olives", + "olive oil", + "fresh oregano", + "capers", + "pepper", + "salt", + "white vinegar", + "tomato sauce", + "eggplant", + "onions", + "celery ribs", + "sugar", + "pitted green olives" + ] + }, + { + "id": 15061, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "butter", + "liquid", + "almonds", + "salt", + "sugar", + "vanilla extract", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 37100, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "sour cream", + "chopped pecans", + "brown sugar" + ] + }, + { + "id": 21949, + "cuisine": "french", + "ingredients": [ + "buttermilk", + "whipping cream" + ] + }, + { + "id": 33921, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "bay leaves", + "salt", + "Emmenthal", + "cheese", + "elbow macaroni", + "white bread", + "cooking spray", + "1% low-fat milk", + "rubbed sage", + "fresh parmesan cheese", + "butter", + "all-purpose flour" + ] + }, + { + "id": 27354, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "bay leaves", + "lemon rind", + "boneless pork shoulder roast", + "whole milk", + "salt", + "thyme", + "ground black pepper", + "brown rice", + "fresh lemon juice", + "sage leaves", + "cooking spray", + "garlic", + "rubbed sage" + ] + }, + { + "id": 12849, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "white wine", + "parsley", + "spaghetti", + "crimini mushrooms", + "salt", + "pepper", + "crushed red pepper flakes" + ] + }, + { + "id": 26336, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "red pepper flakes", + "flour", + "pizza doughs", + "artichoke hearts", + "garlic", + "spinach", + "parsley", + "onions" + ] + }, + { + "id": 16186, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "rosemary", + "large garlic cloves", + "mozzarella cheese", + "pizza doughs" + ] + }, + { + "id": 12449, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "basil leaves", + "garlic cloves", + "burrata", + "freshly ground pepper", + "short pasta", + "coarse salt" + ] + }, + { + "id": 42949, + "cuisine": "cajun_creole", + "ingredients": [ + "reduced fat cream cheese", + "boneless skinless chicken breasts", + "sliced green onions", + "cooked rice", + "olive oil", + "onions", + "chicken stock", + "minced garlic", + "creole seasoning", + "andouille sausage", + "roasted red peppers", + "dried oregano" + ] + }, + { + "id": 16982, + "cuisine": "thai", + "ingredients": [ + "fruit", + "sugar", + "fresh mint", + "salt", + "glutinous rice", + "coconut milk" + ] + }, + { + "id": 31097, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "fresh ginger", + "silver", + "orange", + "club soda", + "kosher salt", + "tamarind paste", + "ice cubes", + "water", + "fresh lime juice" + ] + }, + { + "id": 48180, + "cuisine": "mexican", + "ingredients": [ + "condensed cream of chicken soup", + "condensed cream of mushroom soup", + "chopped green chilies", + "onions", + "shredded cheddar cheese", + "corn tortillas", + "chicken broth", + "cooked chicken" + ] + }, + { + "id": 36540, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "sun-dried tomatoes", + "golden raisins", + "ground allspice", + "boneless chicken skinless thigh", + "ground nutmeg", + "salt", + "couscous", + "chicken broth", + "garbanzo beans", + "purple onion", + "ground white pepper", + "olive oil", + "zucchini", + "cilantro leaves", + "ground cumin" + ] + }, + { + "id": 6518, + "cuisine": "italian", + "ingredients": [ + "ground pepper", + "extra-virgin olive oil", + "balsamic vinegar", + "coarse salt", + "grape tomatoes", + "ricotta cheese" + ] + }, + { + "id": 14154, + "cuisine": "moroccan", + "ingredients": [ + "brandy", + "ground black pepper", + "light brown sugar", + "honey", + "onions", + "kosher salt", + "golden raisins", + "ground cinnamon", + "olive oil" + ] + }, + { + "id": 44653, + "cuisine": "moroccan", + "ingredients": [ + "capers", + "water", + "olive oil", + "large eggs", + "kalamata", + "garlic cloves", + "fresh parsley", + "ground lamb", + "black pepper", + "kale", + "feta cheese", + "chili powder", + "salt", + "smoked paprika", + "frozen peas", + "tumeric", + "fresh cilantro", + "pitas", + "dried apricot", + "purple onion", + "fresh parsley leaves", + "onions", + "ground cumin", + "flatbread", + "pepper", + "dried thyme", + "asparagus", + "lemon", + "mustard powder", + "fresh mint", + "dried fig" + ] + }, + { + "id": 19032, + "cuisine": "southern_us", + "ingredients": [ + "tomato sauce", + "apple cider vinegar", + "purple onion", + "water", + "extra-virgin olive oil", + "cumin", + "habanero chile", + "sea salt", + "ground white pepper", + "tomato paste", + "cayenne", + "garlic" + ] + }, + { + "id": 49401, + "cuisine": "french", + "ingredients": [ + "eggs", + "grated parmesan cheese", + "garlic cloves", + "pepper", + "bacon slices", + "cream", + "baby spinach", + "olive oil", + "salt" + ] + }, + { + "id": 18699, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "vanilla extract", + "lemon peel", + "cinnamon sticks", + "large egg yolks", + "corn starch", + "brown sugar", + "whole milk", + "orange peel" + ] + }, + { + "id": 44274, + "cuisine": "moroccan", + "ingredients": [ + "garbanzo beans", + "fat skimmed chicken broth", + "ground cinnamon", + "garlic", + "onions", + "tomato paste", + "dried apricot", + "chopped parsley", + "olive oil", + "lamb loin chops" + ] + }, + { + "id": 11868, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "flour tortillas", + "purple onion", + "greek yogurt", + "black beans", + "olive oil", + "sweet potatoes", + "garlic cloves", + "cumin", + "lime", + "half & half", + "salt", + "adobo sauce", + "pepper", + "manchego cheese", + "lime wedges", + "smoked paprika" + ] + }, + { + "id": 20350, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "salt", + "thyme", + "paprika", + "broiler-fryers", + "vegetable oil", + "all-purpose flour", + "ground white pepper", + "whipping cream", + "freshly ground pepper" + ] + }, + { + "id": 34200, + "cuisine": "japanese", + "ingredients": [ + "Japanese soy sauce", + "salt", + "tobiko", + "vegetable oil", + "toasted nori", + "lump crab meat", + "mirin", + "seasoned rice wine vinegar", + "water", + "beaten eggs" + ] + }, + { + "id": 18501, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "pitted green olives", + "garlic cloves", + "marjoram", + "dried thyme", + "vegetable oil", + "crabmeat", + "flat leaf parsley", + "warm water", + "jalapeno chilies", + "salt", + "masa dough", + "plum tomatoes", + "white onion", + "baking powder", + "all-purpose flour", + "lard", + "dried oregano" + ] + }, + { + "id": 16419, + "cuisine": "japanese", + "ingredients": [ + "flour", + "warm water", + "salt" + ] + }, + { + "id": 30134, + "cuisine": "thai", + "ingredients": [ + "sweet chili sauce", + "sirloin steak", + "sesame seeds", + "corn starch", + "honey", + "salt", + "soy sauce", + "sesame oil", + "canola oil" + ] + }, + { + "id": 42998, + "cuisine": "mexican", + "ingredients": [ + "swiss cheese", + "whole milk", + "all-purpose flour", + "eggs", + "salt", + "baking powder", + "lard" + ] + }, + { + "id": 9955, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "olive oil", + "boneless skinless chicken breast halves", + "eggs", + "dijon style mustard", + "water", + "all-purpose flour", + "puff pastry sheets", + "ground nutmeg" + ] + }, + { + "id": 38239, + "cuisine": "thai", + "ingredients": [ + "salad", + "honey", + "kirby cucumbers", + "vinaigrette", + "carrots", + "low sodium soy sauce", + "ground black pepper", + "red pepper flakes", + "roasted peanuts", + "chopped cilantro", + "water", + "bell pepper", + "rice vinegar", + "oil", + "lime", + "green onions", + "peanut butter", + "garlic cloves" + ] + }, + { + "id": 33886, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "lemon", + "coconut", + "baking powder", + "all-purpose flour", + "vanilla flavoring", + "large eggs", + "buttermilk", + "almonds", + "butter", + "nuts" + ] + }, + { + "id": 21258, + "cuisine": "italian", + "ingredients": [ + "manicotti shells", + "cream cheese", + "mozzarella cheese", + "pasta sauce", + "ground sausage" + ] + }, + { + "id": 33612, + "cuisine": "mexican", + "ingredients": [ + "salt", + "cooked quinoa", + "smoked paprika", + "chopped cilantro fresh", + "cayenne pepper", + "onions", + "green chile", + "ancho chile pepper", + "cumin" + ] + }, + { + "id": 26759, + "cuisine": "indian", + "ingredients": [ + "cooked rice", + "garam masala", + "chutney", + "kosher salt", + "greek yogurt", + "plain yogurt", + "garlic cloves", + "large shrimp", + "coconut oil", + "peeled fresh ginger", + "fresh lime juice" + ] + }, + { + "id": 25798, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "vegetable oil", + "poultry seasoning", + "bread crumbs", + "grated parmesan cheese", + "salt", + "garlic powder", + "chicken tenderloin", + "pepper", + "onion powder", + "all-purpose flour" + ] + }, + { + "id": 45810, + "cuisine": "italian", + "ingredients": [ + "fresh orange juice", + "water", + "cabernet sauvignon", + "sugar", + "frozen mixed berries", + "orange" + ] + }, + { + "id": 41373, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "japanese pumpkin", + "sugar", + "dashi" + ] + }, + { + "id": 49059, + "cuisine": "southern_us", + "ingredients": [ + "apple cider vinegar", + "soy milk", + "all-purpose flour", + "coconut oil", + "salt", + "baking powder" + ] + }, + { + "id": 19040, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime", + "vegetable oil", + "garlic cloves", + "soy sauce", + "broccoli florets", + "roasted peanuts", + "brown sugar", + "Sriracha", + "cilantro", + "eggs", + "lime juice", + "rice noodles", + "scallions" + ] + }, + { + "id": 15895, + "cuisine": "chinese", + "ingredients": [ + "spring onions", + "salt", + "light soy sauce", + "chili oil", + "red chili peppers", + "sesame oil", + "essence", + "mushrooms", + "garlic" + ] + }, + { + "id": 1703, + "cuisine": "indian", + "ingredients": [ + "butter", + "apples", + "chicken thighs", + "pepper", + "heavy cream", + "sliced mushrooms", + "condensed cream of mushroom soup", + "salt", + "curry powder", + "paprika", + "onions" + ] + }, + { + "id": 26049, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "bell pepper", + "garlic", + "pepper", + "peeled fresh ginger", + "large shrimp", + "chili pepper", + "sherry", + "salt", + "asparagus", + "sesame oil" + ] + }, + { + "id": 35472, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "barbecue sauce", + "brown sugar", + "pepper", + "worcestershire sauce", + "liquid smoke", + "beans", + "yellow mustard", + "pork", + "garlic powder", + "thick-cut bacon" + ] + }, + { + "id": 29962, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "cherry tomatoes", + "pinenuts", + "linguini", + "pesto", + "olive oil", + "water", + "large shrimp" + ] + }, + { + "id": 21328, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "hoisin sauce", + "chenpi", + "corn starch", + "dark soy sauce", + "fresh ginger", + "flank steak", + "chili bean sauce", + "orange", + "Shaoxing wine", + "szechwan peppercorns", + "dried red chile peppers", + "light soy sauce", + "green onions", + "vegetable oil" + ] + }, + { + "id": 21481, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "paneer", + "oil", + "capsicum", + "cilantro leaves", + "onions", + "coriander powder", + "salt", + "lemon juice", + "tomatoes", + "chili powder", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 32760, + "cuisine": "mexican", + "ingredients": [ + "chopped green bell pepper", + "Mexican beer", + "fresh oregano", + "poblano chiles", + "ground black pepper", + "tomatillos", + "all-purpose flour", + "garlic cloves", + "water", + "potatoes", + "beef stew meat", + "chopped onion", + "chopped cilantro fresh", + "olive oil", + "queso fresco", + "salt", + "less sodium beef broth", + "ground cumin" + ] + }, + { + "id": 15810, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "cilantro leaves", + "celtic salt", + "jalapeno chilies", + "garlic cloves", + "extra-virgin olive oil" + ] + }, + { + "id": 14355, + "cuisine": "italian", + "ingredients": [ + "strawberries", + "granulated sugar", + "water", + "fresh lemon juice", + "egg whites" + ] + }, + { + "id": 9693, + "cuisine": "chinese", + "ingredients": [ + "boneless chicken breast", + "corn starch", + "green bell pepper", + "green onions", + "snow peas", + "ground ginger", + "low sodium chicken broth", + "cashew nuts", + "soy sauce", + "garlic", + "canola oil" + ] + }, + { + "id": 16172, + "cuisine": "indian", + "ingredients": [ + "chicken broth", + "diced tomatoes", + "sweet paprika", + "ground black pepper", + "paprika", + "onions", + "olive oil", + "reduced-fat sour cream", + "roast red peppers, drain", + "caraway seeds", + "boneless skinless chicken breasts", + "salt" + ] + }, + { + "id": 28789, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "oil", + "biscuit dough", + "ground turkey", + "tomato sauce", + "cajun seasoning mix", + "grated jack cheese", + "onions" + ] + }, + { + "id": 5043, + "cuisine": "italian", + "ingredients": [ + "milk", + "butter", + "fresh asparagus", + "pepper", + "grated parmesan cheese", + "red bell pepper", + "fontina cheese", + "artichoke hearts", + "all-purpose flour", + "rigatoni", + "olive oil", + "salt", + "arugula" + ] + }, + { + "id": 42337, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "low salt chicken broth", + "crushed tomatoes", + "cilantro leaves", + "ground cumin", + "ground cinnamon", + "top sirloin steak", + "chipotles in adobo", + "grated orange peel", + "purple onion", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 28447, + "cuisine": "indian", + "ingredients": [ + "large garlic cloves", + "chopped cilantro fresh", + "kosher salt", + "roasting chickens", + "garam masala", + "onions", + "extra-virgin olive oil", + "plain whole-milk yogurt" + ] + }, + { + "id": 24740, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "fresh lime juice", + "avocado", + "purple onion", + "extra-virgin olive oil", + "mango", + "habanero chile", + "cilantro leaves" + ] + }, + { + "id": 32845, + "cuisine": "french", + "ingredients": [ + "pasta", + "grated parmesan cheese", + "sour cream", + "white onion", + "crème fraîche", + "chopped garlic", + "white wine", + "salt", + "boneless skinless chicken breast halves", + "pepper", + "fresh mushrooms" + ] + }, + { + "id": 5658, + "cuisine": "chinese", + "ingredients": [ + "water", + "sesame oil", + "frozen peas", + "soy sauce", + "chili paste", + "rice vinegar", + "vegan chicken flavored bouillon", + "fresh ginger", + "garlic", + "bamboo shoots", + "silken tofu", + "fresh shiitake mushrooms", + "sliced mushrooms" + ] + }, + { + "id": 33042, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "pepper", + "salt", + "eggs", + "bacon", + "shredded cheddar cheese", + "sliced green onions" + ] + }, + { + "id": 36538, + "cuisine": "moroccan", + "ingredients": [ + "unsalted butter", + "vegetable broth", + "ground cinnamon", + "golden raisins", + "slivered almonds", + "dates", + "dried apricot", + "couscous" + ] + }, + { + "id": 33111, + "cuisine": "greek", + "ingredients": [ + "large egg yolks", + "baby zucchini", + "cheese", + "extra-virgin olive oil", + "dried oregano", + "ricotta" + ] + }, + { + "id": 2411, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "chicken breasts", + "garlic", + "cardamom pods", + "fat", + "garam masala", + "heavy cream", + "cilantro leaves", + "ground coriander", + "ground turmeric", + "fresh ginger", + "butter", + "salt", + "ground almonds", + "ground cayenne pepper", + "ground cinnamon", + "bay leaves", + "diced tomatoes", + "yellow onion", + "oil", + "ground cumin" + ] + }, + { + "id": 44065, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "chopped green bell pepper", + "fresh oregano", + "ground cumin", + "fresh cilantro", + "boneless skinless chicken breasts", + "corn tortillas", + "white onion", + "lime slices", + "low salt chicken broth", + "olive oil", + "apple cider vinegar", + "fresh lime juice" + ] + }, + { + "id": 11922, + "cuisine": "southern_us", + "ingredients": [ + "country ham", + "sea scallops", + "salt", + "chorizo", + "cajun seasoning", + "medium shrimp", + "minced garlic", + "unsalted butter", + "scallions", + "tomatoes", + "water", + "heavy cream", + "grits" + ] + }, + { + "id": 15155, + "cuisine": "italian", + "ingredients": [ + "jalapeno chilies", + "flat leaf parsley", + "pitted kalamata olives", + "extra-virgin olive oil", + "parmesan cheese", + "garlic", + "pecans", + "lemon" + ] + }, + { + "id": 49441, + "cuisine": "moroccan", + "ingredients": [ + "chicken broth", + "fresh ginger", + "salt", + "couscous", + "ground cumin", + "lamb cutlet", + "paprika", + "cayenne pepper", + "onions", + "ground cinnamon", + "lemon zest", + "cilantro leaves", + "fresh parsley", + "clove", + "olive oil", + "kalamata", + "carrots", + "ground turmeric" + ] + }, + { + "id": 2352, + "cuisine": "thai", + "ingredients": [ + "sugar", + "extra firm tofu", + "tamarind paste", + "mung bean sprouts", + "garlic chives", + "water", + "garlic", + "oil", + "medium eggs", + "white pepper", + "shallots", + "roasted peanuts", + "chinese turnip", + "fish sauce", + "thai noodles", + "cilantro leaves", + "shrimp" + ] + }, + { + "id": 38838, + "cuisine": "mexican", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "fire roasted diced tomatoes", + "onion powder", + "ground cumin", + "chicken stock", + "chili powder", + "unsweetened cocoa powder", + "garlic powder", + "salt" + ] + }, + { + "id": 15258, + "cuisine": "thai", + "ingredients": [ + "sake", + "broccoli florets", + "vegetable broth", + "corn starch", + "brown sugar", + "honey", + "vegetable oil", + "carrots", + "spaghetti", + "ground ginger", + "sugar pea", + "sesame oil", + "creamy peanut butter", + "onions", + "soy sauce", + "ground red pepper", + "garlic", + "red bell pepper" + ] + }, + { + "id": 3504, + "cuisine": "jamaican", + "ingredients": [ + "nutmeg", + "rum", + "coconut milk", + "water", + "condensed milk", + "coconut sugar", + "vanilla", + "fresh ginger", + "baby carrots" + ] + }, + { + "id": 38037, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "coconut milk powder", + "vegetable oil", + "cinnamon sticks", + "clove", + "water", + "ground red pepper", + "cardamom pods", + "chopped cilantro fresh", + "green bell pepper", + "boneless skinless chicken breasts", + "salt", + "onions", + "fennel seeds", + "coriander seeds", + "chile pepper", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 14519, + "cuisine": "moroccan", + "ingredients": [ + "dried apricot", + "garlic", + "ground coriander", + "ground cumin", + "lamb shanks", + "chilli paste", + "cayenne pepper", + "onions", + "chicken stock", + "cinnamon", + "cilantro leaves", + "lemon juice", + "salt and ground black pepper", + "extra-virgin olive oil", + "chickpeas", + "dried oregano" + ] + }, + { + "id": 40697, + "cuisine": "british", + "ingredients": [ + "rolled oats", + "vanilla extract", + "egg yolks", + "corn starch", + "self rising flour", + "salt", + "butter", + "white sugar" + ] + }, + { + "id": 48629, + "cuisine": "russian", + "ingredients": [ + "ground cinnamon", + "vegetable oil", + "vanilla extract", + "large eggs", + "apples", + "large curd cottage cheese", + "sugar", + "butter", + "salt", + "water", + "hoop cheese", + "all-purpose flour" + ] + }, + { + "id": 4601, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "baking powder", + "all-purpose flour", + "evaporated milk", + "vanilla", + "kahlua", + "large eggs", + "(14 oz.) sweetened condensed milk", + "milk", + "whipped cream", + "strawberries" + ] + }, + { + "id": 32751, + "cuisine": "mexican", + "ingredients": [ + "crema mexicana", + "chili powder", + "chees fresco queso", + "corn tortillas", + "chiles", + "green onions", + "deveined shrimp", + "coarse kosher salt", + "green chile", + "sweet potatoes & yams", + "vegetable oil", + "purple onion", + "chopped cilantro fresh", + "parsnips", + "salsa verde", + "large garlic cloves", + "cumin seed", + "dried oregano" + ] + }, + { + "id": 24327, + "cuisine": "indian", + "ingredients": [ + "salt", + "flour", + "tumeric", + "oil", + "chili powder" + ] + }, + { + "id": 41744, + "cuisine": "southern_us", + "ingredients": [ + "crawfish", + "green onions", + "garlic", + "fresh parsley", + "tomato paste", + "salt and ground black pepper", + "butter", + "cayenne pepper", + "sweet onion", + "pastry shell", + "hot sauce", + "green bell pepper", + "flour", + "vegetable broth", + "celery" + ] + }, + { + "id": 45443, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "rib eye steaks", + "cooking spray", + "fresh lemon juice", + "ground black pepper", + "garlic cloves", + "fresh rosemary", + "chopped fresh thyme", + "spaghetti" + ] + }, + { + "id": 20216, + "cuisine": "jamaican", + "ingredients": [ + "boneless chop pork", + "garlic", + "hellmann' or best food light mayonnais", + "ground black pepper", + "grate lime peel", + "lime juice", + "purple onion", + "jamaican jerk season", + "mango" + ] + }, + { + "id": 28390, + "cuisine": "italian", + "ingredients": [ + "vegetable bouillon", + "spaghetti squash", + "minced garlic", + "stewed tomatoes", + "onions", + "black pepper", + "parmesan cheese", + "shredded mozzarella cheese", + "dried basil", + "black olives" + ] + }, + { + "id": 31962, + "cuisine": "italian", + "ingredients": [ + "lime", + "black olives", + "ground cumin", + "pinenuts", + "extra-virgin olive oil", + "ground cayenne pepper", + "rocket leaves", + "red wine vinegar", + "salt", + "pepper", + "garlic", + "fresh basil leaves" + ] + }, + { + "id": 31354, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "water", + "garlic cloves", + "cider vinegar", + "salt", + "sliced carrots", + "iceberg lettuce" + ] + }, + { + "id": 47501, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "old bay seasoning", + "coconut milk", + "lime", + "oil", + "fresh cod", + "pepper", + "salt", + "onions", + "bell pepper", + "garlic cloves" + ] + }, + { + "id": 26688, + "cuisine": "chinese", + "ingredients": [ + "ginger", + "soy sauce", + "sauce", + "garlic", + "honey", + "shrimp" + ] + }, + { + "id": 19710, + "cuisine": "french", + "ingredients": [ + "mussels", + "parsley leaves", + "water", + "garlic cloves", + "pernod", + "salt", + "olive oil", + "fresh chervil" + ] + }, + { + "id": 39571, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "chickpeas", + "chopped cilantro fresh", + "tomatoes", + "vegetable oil", + "garlic cloves", + "ground black pepper", + "cardamom pods", + "basmati rice", + "kosher salt", + "ginger", + "onions" + ] + }, + { + "id": 14476, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "rice cakes", + "bean sauce", + "canola oil", + "sugar", + "ginger", + "toasted sesame oil", + "soy sauce", + "garlic", + "bamboo shoots", + "spinach", + "napa cabbage", + "beansprouts" + ] + }, + { + "id": 47268, + "cuisine": "indian", + "ingredients": [ + "chickpea flour", + "tumeric", + "salt", + "corn flour", + "red chili powder", + "ginger", + "oil", + "garlic paste", + "chicken strips", + "lemon juice", + "curry leaves", + "garam masala", + "green chilies", + "onions" + ] + }, + { + "id": 21390, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk biscuits", + "ham", + "butter", + "cheddar cheese", + "poppy seeds" + ] + }, + { + "id": 34083, + "cuisine": "italian", + "ingredients": [ + "diced tomatoes", + "pasta sauce", + "ground beef", + "tomato sauce", + "italian seasoning", + "sugar" + ] + }, + { + "id": 40477, + "cuisine": "southern_us", + "ingredients": [ + "red pepper flakes", + "canola oil", + "ranch dressing", + "saltines" + ] + }, + { + "id": 8386, + "cuisine": "russian", + "ingredients": [ + "water", + "bay leaves", + "lemon juice", + "cabbage", + "cooking oil", + "beets", + "onions", + "ketchup", + "potatoes", + "freshly ground pepper", + "broth", + "kidney beans", + "dill", + "carrots" + ] + }, + { + "id": 24618, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "cooking spray", + "white bread", + "ground black pepper", + "tomatoes", + "low-fat buttermilk", + "large egg whites", + "chopped cilantro fresh" + ] + }, + { + "id": 2613, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "russet potatoes", + "pinto beans", + "pico de gallo", + "unsalted butter", + "bacon", + "corn tortillas", + "olive oil", + "large eggs", + "salt", + "dried oregano", + "ground black pepper", + "jalapeno chilies", + "yellow onion", + "ground cumin" + ] + }, + { + "id": 21987, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "taco seasoning mix", + "sour cream", + "shredded cheddar cheese", + "vegetable oil", + "ground beef", + "green chile", + "green onions", + "corn tortillas", + "refried beans", + "black olives", + "plum tomatoes" + ] + }, + { + "id": 8361, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salt", + "sour cream", + "lean ground beef", + "tortilla chips", + "chili powder", + "jumbo pasta shells", + "shredded Monterey Jack cheese", + "taco sauce", + "butter", + "cream cheese" + ] + }, + { + "id": 48089, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "ground black pepper", + "large eggs", + "garlic", + "sesame seeds", + "Sriracha", + "boneless skinless chicken breasts", + "honey", + "reduced sodium soy sauce", + "green onions", + "panko", + "hoisin sauce", + "ginger" + ] + }, + { + "id": 42943, + "cuisine": "japanese", + "ingredients": [ + "prosciutto", + "fresh lemon juice", + "haricots verts", + "grated lemon zest", + "large eggs", + "mayonaise", + "scallions" + ] + }, + { + "id": 47746, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "corn starch", + "mirin", + "salt", + "snow peas", + "leeks", + "rice vinegar", + "canola oil", + "sesame seeds", + "garlic", + "toasted sesame oil" + ] + }, + { + "id": 5571, + "cuisine": "italian", + "ingredients": [ + "salted butter", + "spaghettini", + "sambal ulek", + "purple onion", + "preserved lemon", + "crabmeat", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 24966, + "cuisine": "korean", + "ingredients": [ + "low sodium soy sauce", + "fresh ginger", + "beef rib short", + "pears", + "water", + "green onions", + "garlic cloves", + "honey", + "rice wine", + "onions", + "kosher salt", + "ground black pepper", + "oil" + ] + }, + { + "id": 15432, + "cuisine": "mexican", + "ingredients": [ + "whipped cream", + "milk", + "ground cinnamon", + "cinnamon sticks", + "ibarra" + ] + }, + { + "id": 30487, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "unsalted butter", + "vegetable oil", + "fresh parsley leaves", + "olive oil", + "mushrooms", + "peas", + "minced garlic", + "lemon zest", + "lemon", + "large shrimp", + "hot red pepper flakes", + "ground black pepper", + "dry white wine", + "linguine" + ] + }, + { + "id": 13379, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "tortillas", + "pork", + "butter" + ] + }, + { + "id": 46251, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "corn starch", + "chicken broth", + "sesame seeds", + "sesame oil", + "ground ginger", + "curry powder", + "boneless skinless chicken breasts", + "cashew nuts", + "brown sugar", + "bell pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 488, + "cuisine": "french", + "ingredients": [ + "pearl onions", + "button mushrooms", + "beef stew meat", + "dried minced onion", + "pitted black olives", + "bacon", + "garlic", + "orange peel", + "cold water", + "beef bouillon", + "dry red wine", + "corn starch", + "dried thyme", + "green peas", + "salt", + "boiling water" + ] + }, + { + "id": 39256, + "cuisine": "vietnamese", + "ingredients": [ + "half & half", + "kosher salt", + "sweetened condensed milk", + "coffee", + "egg yolks" + ] + }, + { + "id": 6266, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "jalapeno chilies", + "cornmeal", + "milk", + "salt", + "shredded cheddar cheese", + "vegetable oil", + "eggs", + "cream style corn", + "chopped onion" + ] + }, + { + "id": 38003, + "cuisine": "chinese", + "ingredients": [ + "slivered almonds", + "poppy seeds", + "mustard powder", + "apple cider vinegar", + "purple onion", + "white sugar", + "vegetable oil", + "salt", + "mandarin orange segments", + "bacon", + "torn romain lettuc leav" + ] + }, + { + "id": 33333, + "cuisine": "italian", + "ingredients": [ + "sliced almonds", + "egg whites", + "golden raisins", + "salt", + "milk", + "flour", + "heavy cream", + "white sugar", + "eggs", + "lemon zest", + "dark rum", + "vanilla extract", + "yeast", + "water", + "chopped almonds", + "butter", + "candied fruit" + ] + }, + { + "id": 9402, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "baking powder", + "corn kernels", + "salt", + "sugar", + "2% reduced-fat milk", + "yellow corn meal", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 9235, + "cuisine": "italian", + "ingredients": [ + "chopped fresh chives", + "bacon slices", + "butter", + "muffin mix", + "buttermilk cornbread", + "shredded sharp cheddar cheese", + "large eggs", + "buttermilk" + ] + }, + { + "id": 45860, + "cuisine": "irish", + "ingredients": [ + "dry yeast", + "water", + "molasses", + "salt", + "whole wheat flour" + ] + }, + { + "id": 39215, + "cuisine": "italian", + "ingredients": [ + "pepper", + "penne pasta", + "fresh basil", + "diced tomatoes", + "garlic cloves", + "olive oil", + "parmagiano reggiano", + "mozzarella cheese", + "salt", + "oregano" + ] + }, + { + "id": 21912, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "shallots", + "flat leaf parsley", + "kosher salt", + "fresh thyme", + "paprika", + "tumeric", + "fennel bulb", + "russet potatoes", + "ground cumin", + "olive oil", + "roma tomatoes", + "whole chicken" + ] + }, + { + "id": 38063, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "softened butter", + "American cheese", + "pesto sauce", + "Italian bread", + "provolone cheese" + ] + }, + { + "id": 4885, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "salt", + "lime wedges", + "chicken thighs", + "chicken breast halves", + "mole sauce", + "ground black pepper", + "chicken drumsticks", + "chopped cilantro fresh" + ] + }, + { + "id": 20302, + "cuisine": "southern_us", + "ingredients": [ + "caster sugar", + "glucose syrup", + "eggs", + "baking soda", + "salt", + "plain flour", + "unsalted roasted peanuts", + "butter", + "dark chocolate", + "baking powder", + "cocoa powder" + ] + }, + { + "id": 38278, + "cuisine": "italian", + "ingredients": [ + "Italian seasoned breadcrumbs", + "milk", + "cheese sticks", + "marinara sauce" + ] + }, + { + "id": 28017, + "cuisine": "southern_us", + "ingredients": [ + "rub", + "kosher salt", + "barbecue sauce", + "cracked black pepper", + "garlic cloves", + "pork baby back ribs", + "water", + "chili powder", + "yellow onion", + "tomato paste", + "cider vinegar", + "bourbon whiskey", + "chile de arbol", + "smoked paprika", + "liquid smoke", + "ketchup", + "ground black pepper", + "worcestershire sauce", + "dark brown sugar" + ] + }, + { + "id": 19058, + "cuisine": "french", + "ingredients": [ + "cheddar cheese", + "leeks", + "salt", + "ground black pepper", + "baking potatoes", + "celery root", + "water", + "whole milk", + "chopped onion", + "turnips", + "french bread", + "butter" + ] + }, + { + "id": 33555, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "orange flower water", + "ground cinnamon", + "navel oranges" + ] + }, + { + "id": 30549, + "cuisine": "southern_us", + "ingredients": [ + "fresh rosemary", + "fresh parmesan cheese", + "cannellini beans", + "purple onion", + "olive oil", + "french bread", + "sea salt", + "boiling water", + "sun-dried tomatoes", + "cooking spray", + "crushed red pepper", + "grits", + "black pepper", + "finely chopped fresh parsley", + "butter", + "garlic cloves" + ] + }, + { + "id": 46707, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "rotelle", + "Mexican cheese", + "corn kernel whole", + "chicken broth", + "boneless skinless chicken breasts", + "salt", + "onions", + "kidney beans", + "vegetable oil", + "rotel tomatoes", + "sugar", + "chili powder", + "tortilla chips", + "chopped cilantro fresh" + ] + }, + { + "id": 22365, + "cuisine": "korean", + "ingredients": [ + "sugar", + "sesame seeds", + "green onions", + "black pepper", + "asian pear", + "sprite", + "honey", + "mirin", + "garlic cloves", + "soy sauce", + "flanken short ribs", + "sesame oil" + ] + }, + { + "id": 2615, + "cuisine": "italian", + "ingredients": [ + "shredded carrots", + "garlic", + "frozen chopped spinach", + "pecorino romano cheese", + "onions", + "cannellini beans", + "escarole", + "olive oil", + "diced tomatoes", + "chicken" + ] + }, + { + "id": 35812, + "cuisine": "italian", + "ingredients": [ + "bread crumb fresh", + "parmigiano reggiano cheese", + "provolone cheese", + "water", + "artichokes", + "chopped garlic", + "reduced sodium chicken broth", + "lemon", + "flat leaf parsley", + "olive oil", + "soppressata" + ] + }, + { + "id": 536, + "cuisine": "indian", + "ingredients": [ + "saffron threads", + "cardamom pods", + "pistachios", + "hot water", + "yoghurt", + "powdered sugar", + "shelled pistachios" + ] + }, + { + "id": 11827, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "red wine vinegar", + "purple onion", + "fresh mint", + "pinenuts", + "grated parmesan cheese", + "part-skim ricotta cheese", + "fresh parsley leaves", + "large eggs", + "garlic", + "mixed greens", + "ground black pepper", + "red pepper flakes", + "salt", + "fresh basil leaves" + ] + }, + { + "id": 483, + "cuisine": "filipino", + "ingredients": [ + "tofu", + "red miso", + "green onions", + "stock", + "spring onions" + ] + }, + { + "id": 32564, + "cuisine": "moroccan", + "ingredients": [ + "white pepper", + "beef brisket", + "stewed tomatoes", + "fresh parsley", + "preserved lemon", + "water", + "bay leaves", + "garlic cloves", + "ground turmeric", + "oil cured olives", + "ground black pepper", + "peeled fresh ginger", + "diced celery", + "kosher salt", + "cooking spray", + "chopped onion", + "chopped cilantro fresh" + ] + }, + { + "id": 6902, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "cornflake cereal", + "low-fat buttermilk", + "creole seasoning", + "vegetable oil cooking spray", + "salt", + "lemon wedge" + ] + }, + { + "id": 24596, + "cuisine": "irish", + "ingredients": [ + "Irish whiskey", + "large eggs", + "vanilla extract", + "irish cream liqueur", + "butter", + "french bread", + "confectioners sugar" + ] + }, + { + "id": 17099, + "cuisine": "italian", + "ingredients": [ + "shredded cheddar cheese", + "dry bread crumbs", + "vegetable oil", + "onions", + "eggs", + "condensed tomato soup", + "ground cumin", + "tomato juice", + "chopped pecans" + ] + }, + { + "id": 33859, + "cuisine": "thai", + "ingredients": [ + "light brown sugar", + "lemon grass", + "red curry paste", + "chopped cilantro fresh", + "fish sauce", + "vegetable oil", + "fresh lime juice", + "chicken broth", + "fresh shiitake mushrooms", + "coconut milk", + "fresh ginger", + "salt", + "medium shrimp" + ] + }, + { + "id": 39789, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "red pepper flakes", + "large eggs", + "all-purpose flour", + "olive oil", + "garlic", + "grated parmesan cheese", + "broccoli" + ] + }, + { + "id": 47115, + "cuisine": "italian", + "ingredients": [ + "port wine", + "non-fat sour cream", + "sugar", + "blueberries", + "unflavored gelatin", + "salt", + "cold water", + "low-fat buttermilk", + "sweetened condensed milk" + ] + }, + { + "id": 6516, + "cuisine": "southern_us", + "ingredients": [ + "nutmeg", + "flour", + "pecans", + "cinnamon", + "eggs", + "sweet potatoes", + "light brown sugar", + "unsalted butter", + "salt" + ] + }, + { + "id": 45549, + "cuisine": "mexican", + "ingredients": [ + "salt", + "jalapeno chilies", + "garlic cloves", + "avocado", + "cilantro leaves", + "purple onion", + "fresh lime juice" + ] + }, + { + "id": 14050, + "cuisine": "cajun_creole", + "ingredients": [ + "yellow corn meal", + "frozen whole kernel corn", + "whipping cream", + "red bell pepper", + "green bell pepper", + "butter", + "all-purpose flour", + "fresh basil", + "vegetable oil", + "salt", + "onions", + "catfish fillets", + "pepper", + "buttermilk", + "creole seasoning" + ] + }, + { + "id": 24122, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "sour cream", + "tomato salsa", + "corn chips", + "chopped cilantro", + "Mexican cheese blend", + "scallions" + ] + }, + { + "id": 43262, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "cream cheese", + "ground beef", + "salt", + "shredded cheese", + "pasta shapes", + "garlic", + "taco seasoning", + "onions", + "salsa", + "sour cream" + ] + }, + { + "id": 14677, + "cuisine": "jamaican", + "ingredients": [ + "water", + "cho-cho", + "carrots", + "black pepper", + "hot pepper sauce", + "salt", + "onions", + "bananas", + "butter", + "red bell pepper", + "pepper", + "fresh thyme", + "scallions", + "fish" + ] + }, + { + "id": 46742, + "cuisine": "southern_us", + "ingredients": [ + "coconut", + "whipped topping", + "coco", + "white cake mix", + "sweetened condensed milk" + ] + }, + { + "id": 43381, + "cuisine": "italian", + "ingredients": [ + "orange liqueur", + "peach nectar", + "white wine", + "frozen peach slices" + ] + }, + { + "id": 19335, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "ground black pepper", + "olive oil flavored cooking spray", + "light alfredo sauce", + "fresh parmesan cheese", + "dry white wine", + "angel hair", + "sun-dried tomatoes", + "mushrooms", + "fat free less sodium chicken broth", + "prosciutto", + "green peas" + ] + }, + { + "id": 45603, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "boneless beef chuck roast", + "corn starch", + "cooked rice", + "broccoli florets", + "garlic cloves", + "soy sauce", + "sauce", + "beef", + "oil" + ] + }, + { + "id": 17588, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "chives", + "water", + "large eggs", + "fresh parsley leaves", + "kosher salt", + "dijon mustard", + "all-purpose flour", + "olive oil", + "grated parmesan cheese" + ] + }, + { + "id": 3699, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "chopped celery", + "fresh parsley leaves", + "green onions", + "garlic cloves", + "jalapeno chilies", + "long-grain rice", + "field peas", + "olive oil", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 39069, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "top sirloin", + "broccoli florets", + "sesame oil", + "corn starch", + "fresh ginger", + "chinese pea pods", + "peanut oil", + "brown sugar", + "sherry", + "large garlic cloves", + "red bell pepper" + ] + }, + { + "id": 49073, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "lamb rib chops", + "dijon mustard", + "hot water", + "unsalted butter", + "rosemary leaves", + "dried porcini mushrooms", + "large garlic cloves", + "flat leaf parsley" + ] + }, + { + "id": 19114, + "cuisine": "greek", + "ingredients": [ + "red wine vinegar", + "kefalotyri", + "salt", + "extra-virgin olive oil", + "arugula", + "ground black pepper", + "beets" + ] + }, + { + "id": 34308, + "cuisine": "southern_us", + "ingredients": [ + "salt and ground black pepper", + "worcestershire sauce", + "pork roast", + "barbecue sauce", + "garlic", + "brewed coffee", + "crushed red pepper flakes", + "onions", + "water", + "bourbon whiskey", + "beef broth" + ] + }, + { + "id": 15672, + "cuisine": "chinese", + "ingredients": [ + "salt", + "chopped cilantro fresh", + "scallions", + "peanut oil", + "garlic", + "shrimp" + ] + }, + { + "id": 16110, + "cuisine": "italian", + "ingredients": [ + "cream cheese", + "boneless skinless chicken breasts", + "italian salad dressing", + "condensed cream of chicken soup", + "italian salad dressing mix", + "shredded parmesan cheese" + ] + }, + { + "id": 40888, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "boneless skinless chicken breasts", + "yogurt cheese", + "cooking spray", + "salt", + "reduced fat milk", + "almond meal", + "saffron threads", + "peeled fresh ginger", + "fresh lemon juice" + ] + }, + { + "id": 1825, + "cuisine": "cajun_creole", + "ingredients": [ + "fettucine", + "green onions", + "cheese", + "fresh parsley", + "celery ribs", + "andouille sausage", + "butter", + "garlic cloves", + "green bell pepper", + "cajun seasoning", + "all-purpose flour", + "onions", + "chicken broth", + "grated parmesan cheese", + "heavy cream", + "shrimp" + ] + }, + { + "id": 25916, + "cuisine": "chinese", + "ingredients": [ + "boneless skinless chicken breasts", + "seasoning", + "vegetable oil", + "soy sauce", + "orange juice", + "honey" + ] + }, + { + "id": 21154, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "salt", + "sour cream", + "tomatillo salsa", + "boneless skinless chicken breasts", + "all-purpose flour", + "monterey jack", + "chicken stock", + "flour tortillas", + "cilantro leaves", + "onions", + "chopped tomatoes", + "extra-virgin olive oil", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 28671, + "cuisine": "italian", + "ingredients": [ + "eggs", + "dark rum", + "all-purpose flour", + "semisweet chocolate", + "heavy cream", + "white sugar", + "mascarpone", + "rum", + "confectioners sugar", + "brewed coffee", + "vanilla extract", + "boiling water" + ] + }, + { + "id": 21237, + "cuisine": "jamaican", + "ingredients": [ + "brown sugar", + "cooking spray", + "fresh lime juice", + "fresh cilantro", + "purple onion", + "boneless skinless chicken breast halves", + "black pepper", + "crushed red pepper", + "chopped fresh mint", + "jamaican jerk season", + "salt", + "mango" + ] + }, + { + "id": 67, + "cuisine": "irish", + "ingredients": [ + "chicken broth", + "potatoes", + "garlic cloves", + "cabbage", + "cider vinegar", + "smoked sausage", + "thyme", + "pepper", + "salt", + "onions", + "sugar", + "bay leaves", + "carrots" + ] + }, + { + "id": 8994, + "cuisine": "thai", + "ingredients": [ + "water", + "fish sauce", + "tamarind paste", + "whitefish", + "watermelon", + "sugar", + "curry paste" + ] + }, + { + "id": 19009, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "butter", + "all-purpose flour", + "granulated sugar", + "vanilla extract", + "powdered sugar", + "egg yolks", + "vanilla wafers", + "bananas", + "whipping cream", + "frozen blueberries" + ] + }, + { + "id": 8479, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "salt", + "fresh parsley", + "green bell pepper", + "low sodium chicken broth", + "chicken livers", + "ground black pepper", + "rice", + "onions", + "andouille sausage", + "garlic", + "red bell pepper" + ] + }, + { + "id": 31785, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "chicken", + "water", + "butter", + "dried tarragon leaves", + "dry white wine", + "olive oil", + "salt" + ] + }, + { + "id": 36984, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "sherry vinegar", + "butter", + "lentils", + "onions", + "water", + "dijon mustard", + "salt", + "flat leaf parsley", + "eggs", + "ground black pepper", + "garlic", + "chicken livers", + "olive oil", + "grated parmesan cheese", + "mixed greens", + "cornmeal" + ] + }, + { + "id": 19257, + "cuisine": "cajun_creole", + "ingredients": [ + "parsley sprigs", + "blackening seasoning", + "butter", + "catfish fillets", + "fresh parmesan cheese", + "mushrooms", + "shrimp", + "fat free less sodium chicken broth", + "cooking spray", + "long-grain rice", + "light alfredo sauce", + "low-fat buttermilk", + "green onions", + "fresh parsley" + ] + }, + { + "id": 47734, + "cuisine": "chinese", + "ingredients": [ + "cilantro stems", + "boneless ham", + "chicken", + "salt", + "garlic cloves", + "fresh ginger", + "scallions", + "iceberg lettuce", + "cold water", + "dried rice noodles", + "Smithfield Ham" + ] + }, + { + "id": 17892, + "cuisine": "british", + "ingredients": [ + "brandy", + "peach slices", + "whipped cream", + "sugar" + ] + }, + { + "id": 16441, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "water", + "chili powder", + "peanut oil", + "ground cumin", + "tomato purée", + "plain yogurt", + "half & half", + "salt", + "corn starch", + "black pepper", + "garam masala", + "butter", + "lemon juice", + "garlic paste", + "white onion", + "shallots", + "cayenne pepper", + "bay leaf" + ] + }, + { + "id": 36692, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "rosemary", + "extra-virgin olive oil", + "lima beans", + "smoked paprika", + "bread crumbs", + "leeks", + "grated lemon zest", + "garlic cloves", + "flat leaf parsley", + "tomatoes", + "ground black pepper", + "spanish chorizo", + "anchovy fillets", + "low salt chicken broth", + "kosher salt", + "bay leaves", + "yellow onion", + "thyme" + ] + }, + { + "id": 14794, + "cuisine": "southern_us", + "ingredients": [ + "grated parmesan cheese", + "fresh lemon juice", + "kosher salt", + "extra-virgin olive oil", + "fresh tomatoes", + "shallots", + "grits", + "unsalted butter", + "freshly ground pepper" + ] + }, + { + "id": 10468, + "cuisine": "chinese", + "ingredients": [ + "egg roll wrappers", + "peeled fresh ginger", + "chopped onion", + "sliced green onions", + "black pepper", + "cooking spray", + "chopped celery", + "garlic cloves", + "large egg whites", + "shredded cabbage", + "rice vinegar", + "carrots", + "low sodium soy sauce", + "ground turkey breast", + "vegetable oil", + "dark sesame oil" + ] + }, + { + "id": 7180, + "cuisine": "japanese", + "ingredients": [ + "baking powder", + "coconut milk", + "sugar", + "vanilla extract", + "water", + "corn starch", + "matcha green tea powder", + "sweet rice flour" + ] + }, + { + "id": 49716, + "cuisine": "indian", + "ingredients": [ + "water", + "cinnamon", + "garlic", + "cardamom", + "onions", + "clove", + "mint leaves", + "star anise", + "green chilies", + "bay leaf", + "basmati rice", + "vegetables", + "ginger", + "salt", + "cucumber", + "cashew nuts", + "fennel seeds", + "chili powder", + "grated carrot", + "curds", + "ghee", + "ground turmeric" + ] + }, + { + "id": 324, + "cuisine": "british", + "ingredients": [ + "caster sugar", + "bran flakes", + "double cream", + "sea salt flakes", + "mascarpone", + "crumbs", + "free range egg", + "plain flour", + "vanilla pods", + "butter", + "golden syrup", + "milk", + "egg yolks", + "salt" + ] + }, + { + "id": 15203, + "cuisine": "mexican", + "ingredients": [ + "water", + "vegetable oil", + "fresh lemon juice", + "spinach", + "flour tortillas", + "garlic cloves", + "onions", + "pepper jack", + "scallions", + "sour cream", + "canned black beans", + "mushrooms", + "enchilada sauce" + ] + }, + { + "id": 22310, + "cuisine": "italian", + "ingredients": [ + "crème fraîche", + "frozen peas", + "pesto sauce", + "bows", + "olive oil", + "fresh basil leaves", + "tomatoes", + "chicken fillets" + ] + }, + { + "id": 19695, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "red wine vinegar", + "corn tortillas", + "fresh cilantro", + "chili powder", + "salt", + "medium shrimp", + "sugar", + "red cabbage", + "garlic", + "chipotles in adobo", + "lime", + "lime wedges", + "sour cream", + "ground cumin" + ] + }, + { + "id": 41229, + "cuisine": "indian", + "ingredients": [ + "food colouring", + "garlic", + "tomato purée", + "tandoori spices", + "green chilies", + "plain yogurt", + "salt", + "fish fillets", + "ginger", + "oil" + ] + }, + { + "id": 48263, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "vegetable stock", + "green chilies", + "onions", + "chopped tomatoes", + "star anise", + "cinnamon sticks", + "basmati rice", + "garlic paste", + "spices", + "oil", + "shahi jeera", + "clove", + "mint leaves", + "green cardamom", + "bay leaf", + "ground turmeric" + ] + }, + { + "id": 8633, + "cuisine": "italian", + "ingredients": [ + "low sodium chicken broth", + "garlic", + "olive oil", + "stewed tomatoes", + "fresh parsley", + "pasta", + "cannellini beans", + "chopped onion", + "ground black pepper", + "basil dried leaves" + ] + }, + { + "id": 46106, + "cuisine": "italian", + "ingredients": [ + "sugar", + "dried tart cherries", + "salt", + "dried cranberries", + "large eggs", + "butter", + "grated lemon zest", + "baking soda", + "almond extract", + "all-purpose flour", + "slivered almonds", + "baking powder", + "vanilla extract", + "orange rind" + ] + }, + { + "id": 5343, + "cuisine": "chinese", + "ingredients": [ + "water", + "fine sea salt", + "soy sauce", + "shallots", + "serrano chile", + "sugar", + "green onions", + "yellow split peas", + "potsticker wrappers", + "sunflower oil" + ] + }, + { + "id": 16190, + "cuisine": "greek", + "ingredients": [ + "phyllo dough", + "large egg whites", + "crumbled blue cheese", + "feta cheese crumbles", + "semolina flour", + "ground black pepper", + "cooking spray", + "cheddar cheese", + "fat free milk", + "jalapeno chilies", + "fat free yogurt", + "chopped green bell pepper", + "salt" + ] + }, + { + "id": 44498, + "cuisine": "mexican", + "ingredients": [ + "broccoli", + "flour tortillas", + "cheddar cheese", + "grilled chicken strips", + "brown rice" + ] + }, + { + "id": 1546, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "diced tomatoes", + "taco seasoning", + "brown rice", + "salsa", + "black beans", + "vegetable broth", + "fresh corn", + "whole wheat tortillas", + "whole kernel corn, drain" + ] + }, + { + "id": 26904, + "cuisine": "mexican", + "ingredients": [ + "salt", + "chicken", + "finely chopped onion", + "garlic cloves", + "white wine", + "green chilies", + "butter", + "toasted almonds" + ] + }, + { + "id": 24380, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "butter", + "jalapeno chilies", + "red bell pepper", + "zucchini", + "salsa", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 10160, + "cuisine": "southern_us", + "ingredients": [ + "vanilla ice cream", + "unsalted butter", + "baking powder", + "pecans", + "milk", + "large eggs", + "chocolate sauce", + "brown sugar", + "baking soda", + "flour", + "whiskey", + "ground cinnamon", + "molasses", + "granulated sugar", + "salt" + ] + }, + { + "id": 5665, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "heavy cream", + "sharp cheddar cheese", + "baking powder", + "salt", + "unsalted butter", + "bacon", + "eggs", + "butter", + "all-purpose flour" + ] + }, + { + "id": 17337, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "ground allspice", + "salt", + "onions", + "grated lemon zest", + "ground lamb", + "butter", + "fresh parsley" + ] + }, + { + "id": 6029, + "cuisine": "japanese", + "ingredients": [ + "aonori", + "oyster sauce", + "onions", + "white pepper", + "scallions", + "beni shoga", + "chuno sauce", + "dried bonito flakes", + "carrots", + "vegetable oil", + "Chinese egg noodles", + "cabbage" + ] + }, + { + "id": 32978, + "cuisine": "british", + "ingredients": [ + "milk", + "salt", + "eggs", + "flour" + ] + }, + { + "id": 33070, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "chopped walnuts", + "raisins", + "red bell pepper", + "harissa", + "fresh lemon juice", + "fine sea salt" + ] + }, + { + "id": 30369, + "cuisine": "italian", + "ingredients": [ + "sugar", + "white wine vinegar", + "olive oil", + "dried oregano", + "mayonaise", + "heavy cream", + "dried basil", + "flat leaf parsley" + ] + }, + { + "id": 43023, + "cuisine": "italian", + "ingredients": [ + "genoa salami", + "romaine lettuce leaves", + "pimento stuffed green olives", + "mustard", + "cheese slices", + "Italian bread", + "parmesan cheese", + "mortadella", + "plum tomatoes", + "mayonaise", + "bacon slices", + "italian salad dressing" + ] + }, + { + "id": 8346, + "cuisine": "italian", + "ingredients": [ + "butter", + "fresh fava bean", + "large egg yolks", + "beef tenderloin", + "onions", + "olive oil", + "whipping cream", + "fresh lemon juice", + "ground black pepper", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 38465, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "kalamata", + "bow-tie pasta", + "red wine vinegar", + "salt", + "part-skim mozzarella cheese", + "crushed red pepper", + "grape tomatoes", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 33673, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "bay scallops", + "imitation crab meat", + "eggs", + "olive oil", + "ricotta cheese", + "Italian cheese", + "Alfredo sauce", + "shrimp", + "baby portobello mushrooms", + "lasagna noodles", + "garlic" + ] + }, + { + "id": 31902, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "apple cider vinegar", + "fresh lemon juice", + "firmly packed brown sugar", + "olive oil", + "garlic cloves", + "sweet onion", + "salt", + "pepper", + "worcestershire sauce" + ] + }, + { + "id": 34583, + "cuisine": "southern_us", + "ingredients": [ + "cream of tartar", + "honey", + "heavy whipping cream", + "kosher salt", + "strawberry preserves", + "sugar", + "large eggs", + "white cornmeal", + "water", + "buttermilk" + ] + }, + { + "id": 9743, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "salt", + "corn tortillas", + "white onion", + "garlic cloves", + "chopped cilantro fresh", + "cotija", + "liquid", + "chipotles in adobo", + "chicken stock", + "vegetable oil", + "sour cream", + "chicken" + ] + }, + { + "id": 19044, + "cuisine": "mexican", + "ingredients": [ + "taco shells", + "vegetable oil", + "chopped cilantro fresh", + "ground round", + "shredded reduced fat cheddar cheese", + "40% less sodium taco seasoning mix", + "green bell pepper", + "chili", + "pinto beans", + "romaine lettuce", + "frozen whole kernel corn", + "onions" + ] + }, + { + "id": 2900, + "cuisine": "mexican", + "ingredients": [ + "Italian parsley leaves", + "garlic cloves", + "olive oil", + "salt", + "red wine vinegar", + "cilantro leaves", + "crushed red pepper", + "ground cumin" + ] + }, + { + "id": 39800, + "cuisine": "chinese", + "ingredients": [ + "water", + "peanut oil", + "snow peas", + "brown sugar", + "beef broth", + "corn starch", + "ground ginger", + "flank steak", + "scallions", + "soy sauce", + "rice", + "noodles" + ] + }, + { + "id": 40889, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "vine ripened tomatoes", + "garlic cloves", + "kosher salt", + "cayenne", + "lemon", + "slab bacon", + "shell-on shrimp", + "all-purpose flour", + "sugar", + "hominy", + "red wine vinegar", + "bay leaf" + ] + }, + { + "id": 33776, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "sour cream", + "chicken broth", + "flour", + "diced green chilies", + "chicken breasts", + "Mexican cheese blend", + "butter" + ] + }, + { + "id": 32956, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "ginger", + "mirin", + "boneless, skinless chicken breast", + "vegetable oil" + ] + }, + { + "id": 5314, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "honey", + "green onions", + "ginger", + "white vinegar", + "soy sauce", + "finely chopped onion", + "sesame oil", + "salt", + "eggs", + "sesame seeds", + "boneless skinless chicken breasts", + "garlic", + "cold water", + "pepper", + "flour", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 46639, + "cuisine": "greek", + "ingredients": [ + "eggs", + "milk", + "garlic", + "plum tomatoes", + "water", + "butter", + "bulgur", + "fresh basil", + "eggplant", + "salt", + "pepper", + "ground nutmeg", + "all-purpose flour" + ] + }, + { + "id": 15677, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "bacon" + ] + }, + { + "id": 33724, + "cuisine": "french", + "ingredients": [ + "roasted hazelnuts", + "dijon mustard", + "mixed greens", + "avocado", + "dried basil", + "salt", + "pepper", + "balsamic vinegar", + "sliced beets", + "crusty bread", + "olive oil", + "goat cheese" + ] + }, + { + "id": 2026, + "cuisine": "southern_us", + "ingredients": [ + "water", + "turnips", + "ham hock", + "collard greens" + ] + }, + { + "id": 34184, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "vodka", + "orange", + "steamed white rice", + "baking powder", + "juice", + "dried orange peel", + "store bought low sodium chicken stock", + "peanuts", + "flour", + "scallions", + "Chinese rice vinegar", + "sugar", + "kosher salt", + "fresh ginger", + "egg whites", + "broccoli", + "corn starch", + "boneless chicken skinless thigh", + "minced garlic", + "baking soda", + "Shaoxing wine", + "oil" + ] + }, + { + "id": 20912, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "bacon", + "red chile sauce", + "pink beans", + "brown sugar", + "dry mustard", + "minced garlic", + "onions" + ] + }, + { + "id": 48512, + "cuisine": "british", + "ingredients": [ + "vegetable oil", + "all-purpose flour", + "orange roughy", + "water", + "malt vinegar", + "russet potatoes" + ] + }, + { + "id": 41718, + "cuisine": "korean", + "ingredients": [ + "coconut aminos", + "scallions", + "organic chicken broth", + "kosher salt", + "coconut vinegar", + "chopped cilantro fresh", + "fish sauce", + "beef rib short", + "garlic cloves", + "ginger", + "freshly ground pepper", + "pears" + ] + }, + { + "id": 45855, + "cuisine": "spanish", + "ingredients": [ + "minced garlic", + "shrimp", + "extra-virgin olive oil", + "sea salt", + "medium dry sherry", + "fresh parsley" + ] + }, + { + "id": 8278, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "andouille sausage", + "bread", + "cream cheese", + "Velveeta" + ] + }, + { + "id": 45449, + "cuisine": "southern_us", + "ingredients": [ + "dried cranberries", + "black pepper", + "rolls", + "fresh rosemary", + "orange zest" + ] + }, + { + "id": 5876, + "cuisine": "greek", + "ingredients": [ + "pepper", + "fresh parsley", + "fresh oregano", + "fresh lemon juice", + "orzo" + ] + }, + { + "id": 7384, + "cuisine": "italian", + "ingredients": [ + "catfish fillets", + "dijon mustard", + "garlic", + "olive oil", + "Italian parsley leaves", + "lemon juice", + "capers", + "small new potatoes", + "salt", + "ground black pepper", + "anchovy paste" + ] + }, + { + "id": 33239, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "cayenne pepper", + "kosher salt", + "onion powder", + "oregano", + "chili powder", + "smoked paprika", + "garlic powder", + "red pepper flakes", + "ground cumin" + ] + }, + { + "id": 47320, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "salt", + "milk", + "oil", + "water", + "lemon rind", + "dark chocolate", + "flour" + ] + }, + { + "id": 6566, + "cuisine": "french", + "ingredients": [ + "water", + "salt", + "green olives", + "bay leaves", + "thyme sprigs", + "tomatoes", + "olive oil", + "garlic cloves", + "pepper", + "baking potatoes", + "onions" + ] + }, + { + "id": 6601, + "cuisine": "mexican", + "ingredients": [ + "water", + "paprika", + "tomato sauce", + "minced onion", + "garlic salt", + "white vinegar", + "garlic powder", + "cayenne pepper", + "sugar", + "chili powder", + "cumin" + ] + }, + { + "id": 26902, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "carrots", + "rice noodles", + "toasted sesame seeds", + "spring roll wrappers", + "oil", + "green onions", + "cucumber" + ] + }, + { + "id": 6074, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "butter", + "heavy whipping cream", + "rosemary sprigs", + "french bread", + "dry bread crumbs", + "fresh rosemary", + "grated parmesan cheese", + "salt", + "fresh parsley", + "oysters", + "shallots", + "ground white pepper" + ] + }, + { + "id": 14, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "balsamic vinegar", + "toasted pine nuts", + "kosher salt", + "golden raisins", + "part-skim ricotta cheese", + "grated parmesan cheese", + "baby spinach", + "fresh basil leaves", + "pepper", + "fusilli", + "scallions" + ] + }, + { + "id": 35592, + "cuisine": "irish", + "ingredients": [ + "butter", + "water", + "fresh parsley leaves", + "yukon gold potatoes", + "carrots", + "parsley sprigs", + "salt" + ] + }, + { + "id": 36982, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "water", + "purple onion", + "cucumber", + "tomato paste", + "kosher salt", + "clove garlic, fine chop", + "orange juice", + "black pepper", + "eggplant", + "tzatziki", + "ground cumin", + "pita bread", + "olive oil", + "boneless pork loin", + "chopped fresh mint" + ] + }, + { + "id": 49458, + "cuisine": "filipino", + "ingredients": [ + "green cabbage", + "green onions", + "garlic", + "garlic powder", + "lumpia wrappers", + "chopped onion", + "soy sauce", + "vegetable oil", + "salt", + "ground black pepper", + "ground pork", + "carrots" + ] + }, + { + "id": 22687, + "cuisine": "vietnamese", + "ingredients": [ + "nuoc cham", + "medium shrimp", + "rice vermicelli", + "hass avocado", + "carrots", + "rice paper", + "watercress", + "red bell pepper" + ] + }, + { + "id": 38705, + "cuisine": "southern_us", + "ingredients": [ + "prepared mustard", + "elbow macaroni", + "evaporated milk", + "worcestershire sauce", + "butter", + "extra sharp cheddar cheese", + "large eggs", + "cayenne pepper" + ] + }, + { + "id": 11890, + "cuisine": "chinese", + "ingredients": [ + "instant rice", + "green onions", + "33% less sodium smoked fully cooked ham", + "large egg whites", + "stir fry sauce", + "white pepper", + "vegetable oil", + "large eggs", + "beansprouts" + ] + }, + { + "id": 3139, + "cuisine": "italian", + "ingredients": [ + "large garlic cloves", + "flat leaf parsley", + "italian sausage", + "chopped onion", + "grated parmesan cheese", + "low salt chicken broth", + "white rice" + ] + }, + { + "id": 6422, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "salt", + "whole milk", + "large eggs", + "all-purpose flour", + "water", + "grating cheese" + ] + }, + { + "id": 8470, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "pecorino romano cheese", + "fresh oregano", + "fresh basil", + "dry white wine", + "pappardelle", + "onions", + "mushrooms", + "large garlic cloves", + "sausages", + "crushed tomatoes", + "butter", + "diced tomatoes" + ] + }, + { + "id": 17022, + "cuisine": "spanish", + "ingredients": [ + "anise seed", + "extra-virgin olive oil", + "orange zest", + "sesame seeds", + "all-purpose flour", + "instant yeast", + "cane sugar", + "water", + "salt" + ] + }, + { + "id": 20102, + "cuisine": "mexican", + "ingredients": [ + "pitas", + "tomatillos", + "cumin seed", + "avocado", + "chips", + "salt", + "dried oregano", + "kosher salt", + "cooking spray", + "chopped onion", + "jalapeno chilies", + "non-fat sour cream", + "chopped cilantro fresh" + ] + }, + { + "id": 19406, + "cuisine": "italian", + "ingredients": [ + "parsley", + "linguine", + "parmesan cheese", + "basil", + "ground oregano", + "clams", + "clam juice", + "garlic", + "olive oil", + "butter", + "crushed red pepper" + ] + }, + { + "id": 39274, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "vegetable oil", + "Thai fish sauce", + "thai green curry paste", + "lime", + "sweet corn", + "coconut milk", + "lime juice", + "dried rice noodles", + "beansprouts", + "raw tiger prawn", + "water chestnuts", + "pak choi", + "toasted sesame oil" + ] + }, + { + "id": 27716, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "fat", + "poblano" + ] + }, + { + "id": 4528, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "shredded extra sharp cheddar cheese", + "shredded Monterey Jack cheese", + "white onion", + "corn tortillas", + "gravy" + ] + }, + { + "id": 2988, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "bay leaves", + "ancho powder", + "fresh thyme", + "coarse sea salt", + "garlic cloves", + "sugar", + "baking powder", + "cayenne pepper", + "fresh sage", + "flour", + "buttermilk", + "chicken thighs" + ] + }, + { + "id": 11161, + "cuisine": "indian", + "ingredients": [ + "chickpea flour", + "water", + "rice flour", + "asafoetida", + "salt", + "tumeric", + "green chilies", + "curry leaves", + "cayenne", + "onions" + ] + }, + { + "id": 26283, + "cuisine": "spanish", + "ingredients": [ + "tomato juice", + "pimentos", + "croutons", + "olive oil", + "chopped fresh chives", + "salt", + "plum tomatoes", + "green bell pepper", + "hot pepper sauce", + "garlic", + "onions", + "ground black pepper", + "red wine vinegar", + "cucumber" + ] + }, + { + "id": 37614, + "cuisine": "british", + "ingredients": [ + "bay leaves", + "sunflower oil", + "frozen peas", + "smoked haddock fillet", + "double cream", + "fresh parsley", + "medium curry powder", + "butter", + "free range egg", + "basmati rice", + "ground black pepper", + "lemon", + "onions" + ] + }, + { + "id": 13846, + "cuisine": "japanese", + "ingredients": [ + "sake", + "mirin", + "salt", + "soy sauce", + "shichimi togarashi", + "fresh udon", + "spring onions", + "dashi", + "ginger" + ] + }, + { + "id": 44417, + "cuisine": "italian", + "ingredients": [ + "sugar", + "flour", + "vanilla extract", + "dried fig", + "slivered almonds", + "dried apricot", + "lemon", + "lemon juice", + "powdered sugar", + "large eggs", + "butter", + "corn syrup", + "milk", + "baking powder", + "salt" + ] + }, + { + "id": 32250, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "finely chopped onion", + "cilantro leaves", + "lemon juice", + "garam masala", + "flour", + "green chilies", + "ground cumin", + "water", + "potatoes", + "all-purpose flour", + "ground turmeric", + "coriander powder", + "salt", + "oil" + ] + }, + { + "id": 16358, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "sour cream", + "fresh cilantro", + "taco seasoning", + "ground beef", + "water", + "salt", + "corn tortillas", + "colby jack cheese", + "enchilada sauce", + "chunky salsa" + ] + }, + { + "id": 47566, + "cuisine": "italian", + "ingredients": [ + "carnation", + "ground black pepper", + "sun-dried tomatoes", + "evaporated low-fat 2% milk", + "dried basil", + "cheese", + "garlic powder", + "penne pasta" + ] + }, + { + "id": 31977, + "cuisine": "japanese", + "ingredients": [ + "beef", + "rice", + "sugar", + "ginger", + "boiling water", + "soy sauce", + "bonito", + "sake", + "mirin", + "onions" + ] + }, + { + "id": 45611, + "cuisine": "italian", + "ingredients": [ + "black truffles", + "dry white wine", + "vegetable broth", + "grated parmesan cheese", + "white truffle oil", + "fresh parsley", + "arborio rice", + "leeks", + "butter", + "onions", + "shiitake", + "fresh thyme leaves", + "whipping cream" + ] + }, + { + "id": 41922, + "cuisine": "cajun_creole", + "ingredients": [ + "red kidney beans", + "scallions", + "fresh parsley", + "cooked brown rice", + "red miso", + "green bell pepper", + "garlic cloves", + "onions", + "bay leaves", + "thyme" + ] + }, + { + "id": 29598, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "peanuts", + "green pumpkin seeds", + "onions", + "kosher salt", + "cilantro", + "ancho chile pepper", + "plum tomatoes", + "ground cloves", + "vegetable oil", + "dried guajillo chiles", + "boiling water", + "ground cinnamon", + "sesame seeds", + "garlic cloves", + "corn tortillas" + ] + }, + { + "id": 12954, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "corn starch", + "chicken broth", + "unsalted butter", + "apple cider vinegar", + "light brown sugar", + "sesame seeds", + "chicken breasts", + "eggs", + "wing sauce", + "vegetable oil" + ] + }, + { + "id": 36770, + "cuisine": "french", + "ingredients": [ + "swanson beef broth", + "vegetable oil", + "dry white wine", + "onions", + "sugar", + "shredded swiss cheese", + "french bread", + "all-purpose flour" + ] + }, + { + "id": 20476, + "cuisine": "japanese", + "ingredients": [ + "salmon fillets", + "cracked black pepper", + "brown sugar", + "grapeseed oil", + "rice vinegar", + "sake", + "sea salt", + "soy sauce", + "ginger" + ] + }, + { + "id": 47904, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "poblano chiles", + "mango", + "papaya", + "salt", + "chopped cilantro fresh", + "pineapple", + "fresh lime juice", + "pasilla", + "purple onion", + "chipotles in adobo" + ] + }, + { + "id": 36363, + "cuisine": "italian", + "ingredients": [ + "juniper berries", + "extra-virgin olive oil", + "lentils", + "lamb shanks", + "dry red wine", + "diced celery", + "chopped fresh mint", + "chopped fresh thyme", + "purple onion", + "carrots", + "chicken stock", + "butter", + "all-purpose flour", + "bay leaf" + ] + }, + { + "id": 14016, + "cuisine": "french", + "ingredients": [ + "olive oil", + "red wine", + "garlic cloves", + "white onion", + "flour", + "fresh mushrooms", + "bay leaf", + "tomato paste", + "ground black pepper", + "salt", + "lardons", + "dried thyme", + "beef stock", + "cognac", + "chicken" + ] + }, + { + "id": 10857, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "all-purpose flour", + "fresh parsley", + "chicken broth", + "butter", + "chopped parsley", + "parmesan cheese", + "ham", + "grits", + "white pepper", + "worcestershire sauce", + "cooked shrimp" + ] + }, + { + "id": 7344, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "eggs", + "grating cheese", + "flour tortillas", + "salsa verde", + "salt" + ] + }, + { + "id": 23695, + "cuisine": "irish", + "ingredients": [ + "baby carrots", + "cabbage", + "seasoning", + "small red potato", + "beef brisket", + "onions", + "clove", + "garlic cloves" + ] + }, + { + "id": 18547, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "unsalted butter", + "buttermilk", + "yellow onion", + "bay leaf", + "olive oil", + "low sodium chicken broth", + "salt", + "flat leaf parsley", + "dried thyme", + "large eggs", + "garlic", + "carrots", + "frozen peas", + "boneless chicken skinless thigh", + "ground black pepper", + "baking powder", + "all-purpose flour", + "celery" + ] + }, + { + "id": 3727, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "pepper", + "baking powder", + "diced tomatoes", + "beef broth", + "cumin", + "tomato sauce", + "milk", + "butter", + "salt", + "celery", + "eggs", + "water", + "chili powder", + "garlic", + "yellow onion", + "red kidney beans", + "sugar", + "honey", + "worcestershire sauce", + "all-purpose flour", + "ground beef" + ] + }, + { + "id": 9362, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "dried basil", + "linguine", + "dried parsley", + "sugar", + "water", + "grated parmesan cheese", + "garlic cloves", + "vegetable oil cooking spray", + "pepper", + "large eggs", + "salt", + "dried oregano", + "extra lean ground beef", + "crushed tomatoes", + "red wine", + "onions" + ] + }, + { + "id": 6564, + "cuisine": "indian", + "ingredients": [ + "teas", + "whole chicken", + "white vinegar", + "salt", + "lemon", + "onions", + "yoghurt", + "green chilies" + ] + }, + { + "id": 15145, + "cuisine": "southern_us", + "ingredients": [ + "bell pepper", + "garlic cloves", + "onions", + "dried thyme", + "salt", + "celery", + "black-eyed peas", + "rice", + "bay leaf", + "pepper", + "butter", + "smoked paprika" + ] + }, + { + "id": 39249, + "cuisine": "thai", + "ingredients": [ + "ginger", + "squash", + "fresh cilantro", + "red curry paste", + "onions", + "roasted red peppers", + "garlic cloves", + "butter", + "coconut milk" + ] + }, + { + "id": 35133, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "balsamic vinegar", + "dried chile", + "tomatoes", + "ground black pepper", + "extra-virgin olive oil", + "water", + "red wine vinegar", + "onions", + "collard greens", + "Spanish smoked paprika", + "garlic" + ] + }, + { + "id": 47337, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "garlic", + "bisquick", + "celery ribs", + "boneless skinless chicken breasts", + "chopped onion", + "flour", + "chicken stock cubes", + "frozen peas", + "chicken broth", + "butter", + "carrots" + ] + }, + { + "id": 37485, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "seasoned bread crumbs", + "vegetable oil", + "garlic", + "saffron threads", + "fresh spinach", + "pepper", + "sea salt", + "onions", + "eggs", + "mozzarella cheese", + "butter", + "all-purpose flour", + "arborio rice", + "white wine", + "grated parmesan cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 38445, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "honey", + "salt", + "boneless chicken skinless thigh", + "mirin", + "flavored oil", + "sake", + "fresh ginger", + "scallions", + "pepper", + "black sesame seeds" + ] + }, + { + "id": 4438, + "cuisine": "filipino", + "ingredients": [ + "unsalted butter", + "coconut flakes", + "glutinous rice flour", + "eggs", + "baking powder", + "brown sugar", + "coconut milk" + ] + }, + { + "id": 18184, + "cuisine": "southern_us", + "ingredients": [ + "paprika", + "eggs", + "cornmeal", + "plain flour", + "salt", + "green tomatoes", + "canola oil" + ] + }, + { + "id": 12361, + "cuisine": "japanese", + "ingredients": [ + "salt", + "chopped fresh mint", + "vegetable oil", + "scallions", + "soy sauce", + "soba noodles", + "sugar", + "rice vinegar" + ] + }, + { + "id": 8728, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "vegetable oil", + "chicken thighs", + "sugar", + "red pepper flakes", + "gluten free soy sauce", + "green onions", + "rice vinegar", + "rice wine", + "corn starch" + ] + }, + { + "id": 6729, + "cuisine": "greek", + "ingredients": [ + "green onions", + "organic milk", + "greek yogurt", + "butter", + "potatoes" + ] + }, + { + "id": 40463, + "cuisine": "italian", + "ingredients": [ + "baby arugula", + "spaghetti", + "olive oil", + "shredded parmesan cheese", + "black pepper", + "salt", + "sun-dried tomatoes", + "walnuts" + ] + }, + { + "id": 11594, + "cuisine": "greek", + "ingredients": [ + "purple onion", + "green bell pepper", + "feta cheese crumbles", + "tomatoes", + "lemon juice", + "olive oil", + "cucumber" + ] + }, + { + "id": 10595, + "cuisine": "indian", + "ingredients": [ + "fresh basil", + "water", + "shallots", + "garlic cloves", + "serrano chile", + "baby bok choy", + "broccoli florets", + "dark sesame oil", + "chopped fresh mint", + "ground cumin", + "sugar", + "lower sodium soy sauce", + "light coconut milk", + "fresh lime juice", + "long grain white rice", + "kaffir lime leaves", + "kosher salt", + "peeled fresh ginger", + "ground coriander", + "chopped cilantro fresh" + ] + }, + { + "id": 42920, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "ground black pepper", + "cilantro", + "ground cumin", + "black beans", + "cooked chicken", + "onions", + "green chile", + "roasted red peppers", + "salt", + "chicken stock", + "minced garlic", + "Mexican oregano", + "chopped cilantro fresh" + ] + }, + { + "id": 8264, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "mascarpone", + "heavy whipping cream", + "water", + "strawberries", + "blackberries", + "ladyfingers", + "lime peel", + "fresh raspberries", + "sugar", + "fresh blueberries", + "fresh lime juice" + ] + }, + { + "id": 23654, + "cuisine": "japanese", + "ingredients": [ + "gari", + "white sesame seeds", + "sesame oil", + "sliced green onions", + "crisps", + "wasabi powder", + "water", + "king salmon" + ] + }, + { + "id": 16693, + "cuisine": "southern_us", + "ingredients": [ + "cayenne", + "buttermilk", + "chicken wings", + "vegetable shortening", + "black peppercorns", + "coarse salt", + "onions", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 1693, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "salt", + "white sugar", + "white vinegar", + "bay leaves", + "coconut milk", + "water", + "chicken leg quarters", + "black peppercorns", + "garlic", + "onions" + ] + }, + { + "id": 41726, + "cuisine": "french", + "ingredients": [ + "black pepper", + "shallots", + "tarragon", + "unsalted butter", + "white wine vinegar", + "large egg yolks", + "fresh tarragon", + "cold water", + "dry white wine", + "salt" + ] + }, + { + "id": 28389, + "cuisine": "japanese", + "ingredients": [ + "miso", + "cod fillets", + "mirin" + ] + }, + { + "id": 4021, + "cuisine": "russian", + "ingredients": [ + "cold water", + "sugar", + "flour", + "salt", + "eggs", + "finely chopped onion", + "garlic", + "fresh parsley", + "chopmeat", + "pepper", + "egg yolks", + "farmer cheese", + "mashed potatoes", + "finely chopped fresh parsley", + "corn oil", + "scallions" + ] + }, + { + "id": 15333, + "cuisine": "italian", + "ingredients": [ + "red wine vinegar", + "anchovy fillets", + "large eggs", + "purple onion", + "capers", + "extra-virgin olive oil", + "canned tuna", + "vine ripened tomatoes", + "salt" + ] + }, + { + "id": 2929, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "cayenne pepper", + "ground ginger", + "poppy seeds", + "toasted sesame seeds", + "tangerine", + "paprika", + "szechwan peppercorns", + "nori sheets" + ] + }, + { + "id": 31234, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "juniper berries", + "beef", + "parsley", + "all-purpose flour", + "warm water", + "kosher salt", + "bay leaves", + "dry red wine", + "carrots", + "tomato paste", + "dried porcini mushrooms", + "ground black pepper", + "arrowroot", + "chopped celery", + "plum tomatoes", + "fresh rosemary", + "white wine", + "fresh thyme", + "butter", + "chopped onion" + ] + }, + { + "id": 38466, + "cuisine": "indian", + "ingredients": [ + "flour", + "cumin seed", + "wheat flour", + "curry leaves", + "cilantro leaves", + "rice flour", + "onions", + "salt", + "oil", + "sooji", + "water", + "green chilies", + "mustard seeds" + ] + }, + { + "id": 1737, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "monkfish fillets", + "dry white wine", + "garlic cloves", + "saffron", + "mussels", + "peeled tomatoes", + "potatoes", + "fish stock", + "shrimp", + "black pepper", + "sea scallops", + "butter", + "carrots", + "diced onions", + "olive oil", + "leeks", + "snapper fillets", + "celery" + ] + }, + { + "id": 19786, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "hearts of romaine", + "anchovy fillets", + "white wine vinegar", + "fresh lemon juice", + "parmigiano reggiano cheese", + "garlic cloves" + ] + }, + { + "id": 29286, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "cheese", + "olive oil", + "baking potatoes", + "mexican chorizo", + "fresh cilantro", + "vegetable oil", + "scallions", + "avocado", + "flour tortillas", + "salsa" + ] + }, + { + "id": 7081, + "cuisine": "italian", + "ingredients": [ + "hazelnuts", + "whipped cream", + "Frangelico", + "ladyfingers", + "semisweet chocolate", + "salt", + "large egg yolks", + "vanilla extract", + "sugar", + "half & half", + "corn starch" + ] + }, + { + "id": 21947, + "cuisine": "russian", + "ingredients": [ + "eggs", + "vegetable oil", + "cabbage", + "potatoes", + "salt", + "ground black pepper", + "butter", + "flour", + "onions" + ] + }, + { + "id": 26730, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "corn starch", + "garlic powder", + "coarse salt", + "ground cumin", + "black pepper", + "onion powder", + "smoked paprika", + "Mexican oregano", + "cayenne pepper" + ] + }, + { + "id": 11131, + "cuisine": "mexican", + "ingredients": [ + "serrano chilies", + "long-grain rice", + "ground black pepper", + "water", + "chopped cilantro fresh", + "knorr chicken flavor bouillon" + ] + }, + { + "id": 16398, + "cuisine": "italian", + "ingredients": [ + "fresh parsley", + "marinara sauce", + "crushed red pepper", + "mussels" + ] + }, + { + "id": 35122, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "field peas", + "bacon slices", + "water", + "onions", + "fresh spinach", + "salt" + ] + }, + { + "id": 39205, + "cuisine": "mexican", + "ingredients": [ + "unsalted butter", + "sea salt", + "active dry yeast", + "egg yolks", + "cake yeast", + "sugar", + "granulated sugar", + "all-purpose flour", + "water", + "large eggs", + "orange flower water" + ] + }, + { + "id": 18614, + "cuisine": "southern_us", + "ingredients": [ + "cream style corn", + "corn kernel whole", + "sugar", + "salt", + "eggs", + "butter", + "milk", + "all-purpose flour" + ] + }, + { + "id": 1716, + "cuisine": "chinese", + "ingredients": [ + "coconut oil", + "fresh coriander", + "hoisin sauce", + "coconut flour", + "warm water", + "orange", + "onion powder", + "chinese five-spice powder", + "duck breasts", + "water", + "green onions", + "salt", + "eggs", + "tapioca flour", + "fresh ginger", + "sesame oil", + "garlic cloves" + ] + }, + { + "id": 6815, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "zucchini", + "garlic", + "tomato sauce", + "part-skim mozzarella cheese", + "red wine vinegar", + "salt", + "vegetable oil cooking spray", + "eggplant", + "grated parmesan cheese", + "part-skim ricotta cheese", + "tomatoes", + "pepper", + "lasagna noodles", + "red pepper", + "fresh oregano" + ] + }, + { + "id": 7137, + "cuisine": "southern_us", + "ingredients": [ + "ham steak", + "milk", + "all-purpose flour", + "double-acting baking powder", + "yellow corn meal", + "baby lima beans", + "unsalted butter", + "garlic cloves", + "cheddar cheese", + "dried thyme", + "frozen corn", + "onions", + "chicken broth", + "water", + "salt", + "carrots" + ] + }, + { + "id": 8556, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "extra-virgin olive oil", + "fresh lemon juice", + "black pepper", + "shallots", + "all-purpose flour", + "marsala wine", + "mushrooms", + "salt", + "boneless skinless chicken breast halves", + "reduced sodium chicken broth", + "heavy cream", + "chopped fresh sage" + ] + }, + { + "id": 20074, + "cuisine": "french", + "ingredients": [ + "yellow squash", + "vinaigrette", + "kosher salt", + "cracked black pepper", + "romaine lettuce", + "zucchini", + "plum tomatoes", + "eggplant", + "fillets" + ] + }, + { + "id": 11707, + "cuisine": "french", + "ingredients": [ + "shortening", + "all-purpose flour", + "orange zest", + "vanilla extract", + "confectioners sugar", + "cream", + "hot water", + "eggs", + "salt", + "white sugar" + ] + }, + { + "id": 32799, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "fresh oregano", + "butter", + "large shrimp", + "ground black pepper", + "garlic cloves", + "fresh rosemary", + "salt" + ] + }, + { + "id": 35497, + "cuisine": "japanese", + "ingredients": [ + "green cabbage", + "garlic", + "corn starch", + "soy sauce", + "pineapple juice", + "brown sugar", + "rice vinegar", + "fresh ginger", + "Yakisoba noodles" + ] + }, + { + "id": 47125, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "red chili peppers", + "fresh parsley", + "garlic", + "brandy", + "large shrimp" + ] + }, + { + "id": 34256, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "lemon wedge", + "creole seasoning", + "grits", + "lemon zest", + "salt", + "garlic cloves", + "olive oil", + "gouda", + "freshly ground pepper", + "light butter", + "green onions", + "hot chili sauce", + "shrimp" + ] + }, + { + "id": 30638, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "bay leaf", + "water", + "salt", + "red lentils", + "light coconut milk", + "olive oil", + "chopped onion" + ] + }, + { + "id": 36524, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "chili powder", + "garlic", + "chicken", + "hot pepper sauce", + "diced tomatoes", + "ground cayenne pepper", + "green bell pepper", + "worcestershire sauce", + "smoked sausage", + "bay leaves", + "white rice", + "onions" + ] + }, + { + "id": 47622, + "cuisine": "chinese", + "ingredients": [ + "tofu", + "honey", + "salt", + "soy sauce", + "red food coloring", + "oyster sauce", + "pork", + "hoisin sauce", + "chinese five-spice powder", + "white pepper", + "cooking wine" + ] + }, + { + "id": 37685, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "large eggs", + "white cornmeal", + "butter", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 30808, + "cuisine": "indian", + "ingredients": [ + "granulated sugar", + "ice", + "water", + "ground cardamom", + "fine salt", + "mango", + "lime juice", + "plain whole-milk yogurt" + ] + }, + { + "id": 48856, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "shallots", + "cayenne pepper", + "black beans", + "garlic", + "fresh lime juice", + "sugar", + "extra-virgin olive oil", + "red bell pepper", + "lime zest", + "corn kernels", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 1102, + "cuisine": "indian", + "ingredients": [ + "firmly packed brown sugar", + "cayenne", + "ground cardamom", + "fennel seeds", + "pepper", + "butter", + "chopped cilantro fresh", + "salmon fillets", + "lemon wedge", + "lemon juice", + "ground cinnamon", + "sweet onion", + "ground coriander" + ] + }, + { + "id": 29513, + "cuisine": "cajun_creole", + "ingredients": [ + "corn husks", + "salt", + "green bell pepper", + "green onions", + "onions", + "crawfish", + "butter", + "white sugar", + "tomatoes", + "ground black pepper", + "cayenne pepper" + ] + }, + { + "id": 20001, + "cuisine": "southern_us", + "ingredients": [ + "active dry yeast", + "sugar", + "all-purpose flour", + "shortening", + "salt", + "warm water" + ] + }, + { + "id": 22455, + "cuisine": "french", + "ingredients": [ + "fresh green bean", + "plum tomatoes", + "flank steak", + "purple onion", + "ranch dressing", + "Niçoise olives", + "small new potatoes", + "mixed greens" + ] + }, + { + "id": 24359, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "buttermilk", + "cube steaks", + "cream", + "large eggs", + "all-purpose flour", + "garlic powder", + "salt", + "pepper", + "frying oil", + "cayenne pepper" + ] + }, + { + "id": 28874, + "cuisine": "indian", + "ingredients": [ + "cayenne", + "garlic", + "onions", + "water", + "vegetable oil", + "cilantro leaves", + "tomato paste", + "lemon wedge", + "salt", + "ground cumin", + "curry powder", + "ginger", + "shrimp" + ] + }, + { + "id": 43593, + "cuisine": "mexican", + "ingredients": [ + "onion powder", + "garlic powder", + "cayenne pepper", + "paprika", + "chili powder", + "ground cumin" + ] + }, + { + "id": 37857, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "tomatillos", + "jalapeno chilies", + "salt", + "lime", + "garlic", + "cilantro stems", + "onions" + ] + }, + { + "id": 25093, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "diced tomatoes", + "rotini", + "chicken broth", + "cooked meatballs", + "garlic cloves", + "parmesan cheese", + "crushed red pepper", + "fresh parsley", + "fresh spinach", + "cannellini beans", + "veget soup mix" + ] + }, + { + "id": 15343, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "tomatoes", + "garlic cloves", + "table salt", + "fresh lime juice", + "avocado", + "sweet corn kernels", + "chopped cilantro fresh" + ] + }, + { + "id": 32473, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "green onions", + "dark sesame oil", + "low sodium soy sauce", + "cooking spray", + "dry mustard", + "kimchi", + "mirin", + "ground pork", + "corn starch", + "gyoza skins", + "peeled fresh ginger", + "rice vinegar", + "shiitake mushroom caps" + ] + }, + { + "id": 39164, + "cuisine": "southern_us", + "ingredients": [ + "water", + "grated parmesan cheese", + "salt", + "carrots", + "grape tomatoes", + "olive oil", + "Tabasco Pepper Sauce", + "ham", + "ground white pepper", + "white wine", + "unsalted butter", + "chopped celery", + "fresh lemon juice", + "grits", + "fresh lima beans", + "corn kernels", + "shallots", + "chopped onion", + "shrimp" + ] + }, + { + "id": 34176, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "napa cabbage", + "rice vinegar", + "soy sauce", + "green onions", + "ginger", + "dumplings", + "chinese rice wine", + "mirin", + "ground pork", + "garlic cloves", + "black pepper", + "sesame oil", + "dipping sauces" + ] + }, + { + "id": 35244, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "active dry yeast", + "vegetable oil", + "chopped onion", + "onions", + "tomato paste", + "warm water", + "olive oil", + "salt", + "garlic cloves", + "dried rosemary", + "fresh basil", + "pepper", + "parmesan cheese", + "all-purpose flour", + "red bell pepper", + "sugar", + "dried basil", + "diced tomatoes", + "shredded mozzarella cheese", + "dried oregano" + ] + }, + { + "id": 38811, + "cuisine": "korean", + "ingredients": [ + "pepper", + "sesame oil", + "rice vinegar", + "korean chile paste", + "low sodium soy sauce", + "egg whites", + "ginger", + "rice flour", + "serrano chile", + "granulated sugar", + "light corn syrup", + "garlic cloves", + "toasted sesame seeds", + "fish sauce", + "green onions", + "salt", + "ground turkey" + ] + }, + { + "id": 2640, + "cuisine": "mexican", + "ingredients": [ + "tostitos", + "salt", + "chopped cilantro fresh", + "tomatoes", + "garlic cloves", + "avocado", + "tortilla chips", + "pepper", + "lemon juice" + ] + }, + { + "id": 22218, + "cuisine": "moroccan", + "ingredients": [ + "preserved lemon", + "extra-virgin olive oil", + "harissa", + "salt", + "pepper", + "garlic", + "white vinegar", + "cilantro", + "carrots" + ] + }, + { + "id": 2291, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "green bell pepper", + "coriander powder", + "lemon", + "salt", + "green chilies", + "onions", + "tomato purée", + "cream", + "chili powder", + "kasuri methi", + "tomato ketchup", + "cinnamon sticks", + "ginger paste", + "clove", + "garlic paste", + "garam masala", + "vegetable oil", + "paneer", + "brown cardamom", + "red bell pepper", + "tomatoes", + "sugar", + "yoghurt", + "cornflour", + "cilantro leaves", + "cumin seed", + "olives" + ] + }, + { + "id": 21725, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "monterey jack", + "butter", + "onion tops", + "cornbread mix" + ] + }, + { + "id": 23404, + "cuisine": "indian", + "ingredients": [ + "chicken breasts", + "diced tomatoes", + "coconut cream", + "coriander", + "tumeric", + "butter", + "garlic", + "coconut milk", + "cumin", + "cinnamon", + "cilantro", + "ground coriander", + "cashew nuts", + "fresh ginger", + "red pepper flakes", + "salt", + "onions" + ] + }, + { + "id": 44696, + "cuisine": "japanese", + "ingredients": [ + "gyoza", + "carrots", + "sliced green onions", + "chicken broth", + "ginger", + "mung bean sprouts", + "ground black pepper", + "flat leaf parsley", + "soy sauce", + "extra-virgin olive oil", + "frozen peas" + ] + }, + { + "id": 42156, + "cuisine": "british", + "ingredients": [ + "kosher salt", + "all-purpose flour", + "milk", + "eggs", + "fat" + ] + }, + { + "id": 35151, + "cuisine": "indian", + "ingredients": [ + "sugar", + "ground coriander", + "ground ginger", + "paprika", + "ground cumin", + "ground cinnamon", + "cayenne pepper", + "saffron threads", + "ground black pepper", + "coarse kosher salt" + ] + }, + { + "id": 4359, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "ground coriander", + "anise seed", + "red pepper flakes", + "vegetable oil", + "chopped cilantro fresh", + "lime", + "garlic" + ] + }, + { + "id": 38560, + "cuisine": "french", + "ingredients": [ + "smoked salmon", + "shallots", + "asparagus", + "olive oil", + "soft fresh goat cheese", + "lemon peel" + ] + }, + { + "id": 34599, + "cuisine": "italian", + "ingredients": [ + "water", + "parmigiano reggiano cheese", + "roasted almonds", + "polenta", + "milk", + "gorgonzola dolce", + "unsalted butter" + ] + }, + { + "id": 32640, + "cuisine": "greek", + "ingredients": [ + "garlic", + "dill weed", + "pepper", + "lemon juice", + "plain yogurt", + "salt", + "extra-virgin olive oil", + "cucumber" + ] + }, + { + "id": 36240, + "cuisine": "southern_us", + "ingredients": [ + "watermelon", + "kosher salt", + "ice", + "sugar", + "lemon", + "water" + ] + }, + { + "id": 45931, + "cuisine": "spanish", + "ingredients": [ + "sliced almonds", + "raisins", + "garlic cloves", + "swiss chard", + "freshly ground pepper", + "kosher salt", + "dry sherry", + "fresh lemon juice", + "olive oil", + "grated lemon zest", + "fresno chiles" + ] + }, + { + "id": 8843, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "mirin", + "salt", + "carrots", + "minced ginger", + "Tabasco Pepper Sauce", + "scallions", + "ketchup", + "sesame oil", + "peanut oil", + "savoy cabbage", + "pork chops", + "worcestershire sauce", + "Chinese egg noodles" + ] + }, + { + "id": 48881, + "cuisine": "french", + "ingredients": [ + "milk", + "confectioners sugar", + "unsweetened chocolate", + "vanilla extract", + "butter" + ] + }, + { + "id": 12387, + "cuisine": "irish", + "ingredients": [ + "mozzarella cheese", + "sweet italian sausage", + "ground lamb", + "garlic", + "italian seasoning", + "parmigiano reggiano cheese", + "provolone cheese", + "tomato sauce", + "crushed red pepper", + "rigatoni" + ] + }, + { + "id": 10409, + "cuisine": "cajun_creole", + "ingredients": [ + "hot pepper sauce", + "margarine", + "celery", + "condensed cream of chicken soup", + "green onions", + "chopped onion", + "tomato paste", + "chopped green bell pepper", + "cayenne pepper", + "fresh parsley", + "minced garlic", + "salt", + "shrimp" + ] + }, + { + "id": 47751, + "cuisine": "spanish", + "ingredients": [ + "tomato paste", + "fennel bulb", + "sea bass fillets", + "chopped onion", + "saffron threads", + "water", + "dry white wine", + "diced tomatoes", + "bay leaf", + "bottled clam juice", + "butternut squash", + "dry sherry", + "garlic cloves", + "clams", + "fronds", + "chopped fresh thyme", + "extra-virgin olive oil" + ] + }, + { + "id": 19762, + "cuisine": "russian", + "ingredients": [ + "cider vinegar", + "vegetable oil", + "salt", + "large eggs", + "pickled beets", + "onions", + "red cabbage", + "baking potatoes", + "dry bread crumbs", + "black pepper", + "chopped fresh chives", + "confit duck leg" + ] + }, + { + "id": 18114, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "fresh lime juice", + "tomatillos", + "chopped onion", + "jalapeno chilies", + "chopped cilantro fresh" + ] + }, + { + "id": 49479, + "cuisine": "moroccan", + "ingredients": [ + "mint leaves", + "sugar", + "boiling water", + "green tea" + ] + }, + { + "id": 1312, + "cuisine": "southern_us", + "ingredients": [ + "soy sauce", + "bone-in chicken", + "honey", + "ketchup", + "brown sugar", + "garlic powder" + ] + }, + { + "id": 18881, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "pepper", + "salt", + "romaine lettuce", + "extra-virgin olive oil", + "fresh basil", + "balsamic vinegar", + "olives", + "red chili peppers", + "purple onion" + ] + }, + { + "id": 27403, + "cuisine": "mexican", + "ingredients": [ + "tilapia fillets", + "chili powder", + "mango", + "promise buttery spread", + "corn tortillas", + "lime juice", + "garlic", + "jicama", + "chopped cilantro fresh" + ] + }, + { + "id": 44376, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "boiling potatoes", + "chopped onion", + "oil", + "coarse salt" + ] + }, + { + "id": 37155, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "fresh parsley", + "kosher salt", + "extra-virgin olive oil", + "parmesan cheese", + "uncooked rigatoni", + "heavy cream", + "plum tomatoes" + ] + }, + { + "id": 30588, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "extra-virgin olive oil", + "unsalted butter", + "garlic cloves", + "frozen chopped broccoli", + "orecchiette", + "pinenuts", + "scallions" + ] + }, + { + "id": 82, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "cinnamon", + "oil", + "red chili peppers", + "cilantro leaves", + "mustard seeds", + "garlic paste", + "salt", + "cardamom", + "clove", + "potatoes", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 37716, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "deli ham", + "unsalted butter", + "salt", + "sugar", + "buttermilk", + "self rising flour" + ] + }, + { + "id": 12839, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "grated parmesan cheese", + "salt", + "dried oregano", + "pepper", + "yellow squash", + "diced tomatoes", + "rotini", + "tomato sauce", + "dried thyme", + "mushrooms", + "red bell pepper", + "bulk italian sausag", + "zucchini", + "garlic", + "onions" + ] + }, + { + "id": 20242, + "cuisine": "mexican", + "ingredients": [ + "corn chips", + "sour cream", + "shredded cheddar cheese", + "shredded lettuce", + "fresh tomatoes", + "lean ground beef", + "taco seasoning mix", + "salsa" + ] + }, + { + "id": 23383, + "cuisine": "italian", + "ingredients": [ + "gyoza", + "grated parmesan cheese", + "salt", + "water", + "ground black pepper", + "chopped fresh thyme", + "garlic cloves", + "large egg whites", + "large eggs", + "butter", + "fresh rosemary", + "swiss chard", + "ricotta cheese", + "chopped fresh sage" + ] + }, + { + "id": 38529, + "cuisine": "southern_us", + "ingredients": [ + "water", + "buttermilk", + "all-purpose flour", + "ganache", + "butter", + "salt", + "sugar", + "large eggs", + "frosting", + "unsweetened cocoa powder", + "baking soda", + "vanilla extract", + "glaze" + ] + }, + { + "id": 19532, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "mirin", + "shiitake", + "yellow bell pepper", + "sugar", + "green onions" + ] + }, + { + "id": 9727, + "cuisine": "chinese", + "ingredients": [ + "chicken legs", + "water", + "ginger", + "oyster sauce", + "soy sauce", + "Shaoxing wine", + "scallions", + "sugar", + "black fungus", + "salt", + "corn starch", + "white pepper", + "sesame oil", + "oil" + ] + }, + { + "id": 9132, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "salt", + "plain flour", + "potatoes", + "onions", + "large eggs", + "carrots", + "red chili peppers", + "meat" + ] + }, + { + "id": 17409, + "cuisine": "korean", + "ingredients": [ + "chile powder", + "sesame seeds", + "vegetable oil", + "garlic cloves", + "sugar", + "green onions", + "new york strip steaks", + "kimchi", + "soy sauce", + "sesame oil", + "Gochujang base", + "fleur de sel", + "sake", + "large eggs", + "white rice", + "asparagus spears" + ] + }, + { + "id": 4362, + "cuisine": "italian", + "ingredients": [ + "light cream", + "scallions", + "salt", + "sun-dried tomatoes", + "bow-tie pasta", + "ground black pepper", + "fresh parsley" + ] + }, + { + "id": 14156, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "peaches", + "all-purpose flour", + "large eggs", + "fresh lemon juice", + "nutmeg", + "butter", + "fresh mint" + ] + }, + { + "id": 49001, + "cuisine": "italian", + "ingredients": [ + "whole milk", + "mozzarella cheese", + "anchovy fillets", + "unsalted butter", + "crusty bread", + "extra-virgin olive oil" + ] + }, + { + "id": 30960, + "cuisine": "french", + "ingredients": [ + "parsley sprigs", + "veal knuckle", + "black peppercorns", + "carrots", + "onions", + "celery ribs", + "water", + "thyme sprigs", + "tomato paste", + "leeks", + "bay leaf" + ] + }, + { + "id": 45870, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "chopped cilantro fresh", + "part-skim mozzarella cheese", + "purple onion", + "green chile", + "non-fat sour cream", + "ground cumin", + "flour tortillas", + "salsa" + ] + }, + { + "id": 33979, + "cuisine": "thai", + "ingredients": [ + "radishes", + "garlic cloves", + "boneless sirloin steak", + "fish sauce", + "lettuce leaves", + "chopped fresh mint", + "chile paste with garlic", + "cooking spray", + "fresh lime juice", + "serrano chile", + "sugar", + "peeled fresh ginger", + "chopped cilantro fresh" + ] + }, + { + "id": 20958, + "cuisine": "french", + "ingredients": [ + "cremini mushrooms", + "green onions", + "crepes", + "flat leaf parsley", + "ground black pepper", + "chopped fresh thyme", + "salt", + "fresh chives", + "dry white wine", + "oyster mushrooms", + "shiitake mushroom caps", + "cooking spray", + "butter", + "cream cheese" + ] + }, + { + "id": 25314, + "cuisine": "french", + "ingredients": [ + "sugar", + "salt", + "confectioners sugar", + "vegetable oil", + "grated lemon zest", + "large eggs", + "all-purpose flour", + "vanilla extract", + "ricotta" + ] + }, + { + "id": 14055, + "cuisine": "chinese", + "ingredients": [ + "minced ginger", + "rice wine", + "walnuts", + "red bell pepper", + "minced garlic", + "shiitake", + "sesame oil", + "organic sugar", + "gluten free soy sauce", + "chili pepper", + "olive oil", + "szechwan peppercorns", + "scallions", + "snow peas", + "water", + "boneless chicken breast", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 38814, + "cuisine": "italian", + "ingredients": [ + "red chili peppers", + "vegetable oil", + "onions", + "salt and ground black pepper", + "garlic", + "dried basil", + "diced tomatoes", + "italian seasoning", + "hot pepper sauce", + "rotini" + ] + }, + { + "id": 45811, + "cuisine": "italian", + "ingredients": [ + "all purpose unbleached flour", + "olive oil", + "large eggs", + "water" + ] + }, + { + "id": 11700, + "cuisine": "mexican", + "ingredients": [ + "salt", + "ground black pepper", + "onions", + "tomatoes", + "nopales", + "vegetable oil" + ] + }, + { + "id": 3516, + "cuisine": "italian", + "ingredients": [ + "cold water", + "salt", + "active dry yeast", + "cornmeal", + "extra-virgin olive oil", + "bread flour", + "warm water", + "biga" + ] + }, + { + "id": 28456, + "cuisine": "indian", + "ingredients": [ + "shallots", + "salt", + "mustard seeds", + "grated coconut", + "ginger", + "green chilies", + "coriander", + "pepper", + "garlic", + "oil", + "ground turmeric", + "curry leaves", + "chili powder", + "chickpeas", + "onions" + ] + }, + { + "id": 18490, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "coriander powder", + "french fried onions", + "ginger", + "rice", + "shrimp", + "basmati rice", + "lime juice", + "bay leaves", + "spices", + "salt", + "oil", + "onions", + "masala", + "water", + "mint leaves", + "marinade", + "garlic", + "green chilies", + "jeera", + "ground turmeric", + "tomatoes", + "garam masala", + "yoghurt", + "cilantro", + "cilantro leaves", + "rice flour", + "cashew nuts" + ] + }, + { + "id": 41740, + "cuisine": "mexican", + "ingredients": [ + "Boston lettuce", + "fresh cilantro", + "paprika", + "chopped onion", + "garlic cloves", + "fat free less sodium chicken broth", + "radishes", + "salt", + "ground coriander", + "dried oregano", + "water", + "raisins", + "beef broth", + "baked tortilla chips", + "ground cumin", + "black pepper", + "hominy", + "stewed tomatoes", + "pork roast", + "chipotles in adobo" + ] + }, + { + "id": 33975, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "chopped tomatoes", + "kalamata", + "fresh lime juice", + "fresh coriander", + "jalapeno chilies", + "scallions", + "scrod fillets", + "radishes", + "white wine vinegar", + "olive oil", + "vegetable oil", + "corn tortillas" + ] + }, + { + "id": 35745, + "cuisine": "italian", + "ingredients": [ + "pepper", + "balsamic vinegar", + "goat cheese", + "fresh basil", + "olive oil", + "purple onion", + "plum tomatoes", + "yellow squash", + "chopped fresh thyme", + "garlic cloves", + "penne", + "zucchini", + "salt" + ] + }, + { + "id": 15452, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "chili powder", + "oil", + "guacamole", + "large flour tortillas", + "cumin", + "Mexican cheese blend", + "onion powder", + "garlic salt", + "water", + "boneless skinless chicken breasts", + "salsa", + "chicken" + ] + }, + { + "id": 49654, + "cuisine": "greek", + "ingredients": [ + "finely chopped onion", + "olive oil", + "dill", + "feta cheese", + "frozen spinach", + "phyllo" + ] + }, + { + "id": 40694, + "cuisine": "cajun_creole", + "ingredients": [ + "salad", + "provolone cheese", + "peperoncini", + "hard salami", + "giardiniera", + "swiss cheese", + "ham", + "bread", + "mortadella" + ] + }, + { + "id": 42189, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "amaretto liqueur", + "amaretti", + "unsalted butter", + "sugar", + "apricots" + ] + }, + { + "id": 31447, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "amber rum", + "ice cubes", + "orange", + "clove", + "water", + "peeled fresh ginger", + "sorrel", + "lime" + ] + }, + { + "id": 5897, + "cuisine": "indian", + "ingredients": [ + "amchur", + "salt", + "mashed potatoes", + "finely chopped onion", + "coriander", + "garam masala", + "ghee", + "millet flour", + "chilli paste" + ] + }, + { + "id": 40891, + "cuisine": "italian", + "ingredients": [ + "red wine vinegar", + "salt", + "black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 21660, + "cuisine": "french", + "ingredients": [ + "large eggs", + "salt", + "bittersweet chocolate", + "sugar", + "cake flour", + "confectioners sugar", + "baking powder", + "chestnut purée", + "ground cinnamon", + "vanilla extract", + "crème fraîche" + ] + }, + { + "id": 12682, + "cuisine": "russian", + "ingredients": [ + "sugar", + "milk", + "butter", + "all-purpose flour", + "brandy", + "large eggs", + "vanilla extract", + "blanched almonds", + "warm water", + "active dry yeast", + "raisins", + "grated lemon zest", + "powdered sugar", + "dried orange peel", + "golden raisins", + "salt" + ] + }, + { + "id": 46916, + "cuisine": "russian", + "ingredients": [ + "ground cloves", + "baking soda", + "cinnamon", + "nonfat vanilla yogurt", + "pitted date", + "dried apricot", + "salt", + "whole wheat pastry flour", + "ground nutmeg", + "raisins", + "eggs", + "honey", + "baking powder", + "chopped walnuts" + ] + }, + { + "id": 27110, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "watermelon", + "kosher salt", + "pickling spices", + "peeled fresh ginger", + "white vinegar", + "cider vinegar" + ] + }, + { + "id": 34749, + "cuisine": "italian", + "ingredients": [ + "pasta", + "dijon", + "salami", + "garlic", + "fresh lemon juice", + "plum tomatoes", + "fresh rosemary", + "olive oil", + "balsamic vinegar", + "salt", + "celery", + "pepper", + "sliced black olives", + "red wine vinegar", + "provolone cheese", + "fresh parsley", + "tomato paste", + "honey", + "vegetable oil", + "purple onion", + "red bell pepper" + ] + }, + { + "id": 46185, + "cuisine": "cajun_creole", + "ingredients": [ + "hot pepper sauce", + "garlic", + "sliced mushrooms", + "red beans", + "creole seasoning", + "quick cooking brown rice", + "sweet pepper", + "water", + "diced tomatoes", + "chopped onion" + ] + }, + { + "id": 9397, + "cuisine": "spanish", + "ingredients": [ + "water", + "fresh lime juice", + "boneless pork shoulder", + "ground black pepper", + "dried oregano", + "orange", + "onions", + "kosher salt", + "bay leaves", + "ground cumin" + ] + }, + { + "id": 17881, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "green chilies", + "kosher salt", + "green enchilada sauce", + "boneless chicken skinless thigh", + "flour tortillas", + "olive oil", + "shredded pepper jack cheese" + ] + }, + { + "id": 45226, + "cuisine": "french", + "ingredients": [ + "ladyfingers", + "confectioners sugar", + "heavy cream", + "rhubarb", + "fresh lemon juice", + "granulated sugar", + "kirsch" + ] + }, + { + "id": 9603, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "chili powder", + "shredded Monterey Jack cheese", + "cooking spray", + "corn tortillas", + "taco sauce", + "garlic cloves", + "sliced green onions", + "fat-free cottage cheese", + "extra sharp cheddar cheese" + ] + }, + { + "id": 20891, + "cuisine": "japanese", + "ingredients": [ + "milk", + "cornflour", + "lemon juice", + "egg yolks", + "salt", + "egg whites", + "cake flour", + "sugar", + "butter", + "cream cheese" + ] + }, + { + "id": 43558, + "cuisine": "french", + "ingredients": [ + "dried tarragon leaves", + "shallots", + "shiitake mushroom caps", + "sea scallops", + "salt", + "olive oil", + "reduced-fat sour cream", + "dijon mustard", + "champagne" + ] + }, + { + "id": 38440, + "cuisine": "mexican", + "ingredients": [ + "chopped green chilies", + "green onions", + "canola oil", + "black beans", + "low sodium chicken broth", + "garlic", + "lime zest", + "ground black pepper", + "boneless skinless chicken breasts", + "lime juice", + "Minute White Rice", + "salt" + ] + }, + { + "id": 43737, + "cuisine": "moroccan", + "ingredients": [ + "clove", + "fresh coriander", + "almonds", + "granulated sugar", + "red pepper flakes", + "cardamom pods", + "fresh parsley leaves", + "confectioners sugar", + "saffron threads", + "black peppercorns", + "coriander seeds", + "unsalted butter", + "cinnamon", + "ras el hanout", + "garlic cloves", + "low salt chicken broth", + "fennel seeds", + "sesame seeds", + "ground nutmeg", + "large eggs", + "anise", + "cuminseed", + "fresh lemon juice", + "onions", + "ground ginger", + "mace", + "ground black pepper", + "chicken parts", + "phyllo", + "allspice berries", + "hot water" + ] + }, + { + "id": 17222, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "chicken broth", + "green peas" + ] + }, + { + "id": 47967, + "cuisine": "italian", + "ingredients": [ + "fresh sage", + "pumpkin purée", + "salt", + "olive oil", + "heavy cream", + "pepper", + "butter", + "herbes de provence", + "fettucine", + "freshly grated parmesan", + "garlic" + ] + }, + { + "id": 20837, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "white sugar", + "pie crust", + "all-purpose flour", + "butter", + "semi-sweet chocolate morsels", + "eggs", + "chopped walnuts" + ] + }, + { + "id": 17778, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "garlic cloves", + "corn oil", + "watercress", + "kosher salt" + ] + }, + { + "id": 34912, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "large egg yolks", + "bosc pears", + "allspice", + "ground cinnamon", + "water", + "lemon zest", + "salt", + "ground cloves", + "ground nutmeg", + "butter", + "sugar", + "honey", + "cooking spray", + "lemon rind" + ] + }, + { + "id": 3000, + "cuisine": "italian", + "ingredients": [ + "polenta prepar", + "zucchini", + "carrots", + "olive oil", + "purple onion", + "garlic salt", + "yellow squash", + "grated parmesan cheese", + "red bell pepper", + "pasta sauce", + "ground black pepper", + "shredded mozzarella cheese" + ] + }, + { + "id": 22953, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "cook egg hard", + "ground black pepper", + "mayonaise", + "salt", + "saltines", + "green onions" + ] + }, + { + "id": 26009, + "cuisine": "mexican", + "ingredients": [ + "kale", + "whole wheat tortillas", + "garlic cloves", + "ground cumin", + "avocado", + "jalapeno chilies", + "cilantro", + "sour cream", + "olive oil", + "sea salt", + "feta cheese crumbles", + "canned black beans", + "chili powder", + "purple onion", + "fresh lime juice" + ] + }, + { + "id": 40176, + "cuisine": "italian", + "ingredients": [ + "shredded cheddar cheese", + "green peas", + "lasagna noodles", + "shredded mozzarella cheese", + "corn", + "cauliflower florets", + "pasta sauce", + "broccoli florets" + ] + }, + { + "id": 24152, + "cuisine": "russian", + "ingredients": [ + "cooking oil", + "celery", + "flour", + "black pepper", + "beef stock cubes", + "potatoes", + "onions" + ] + }, + { + "id": 30833, + "cuisine": "greek", + "ingredients": [ + "chicken bouillon", + "olive oil", + "fresh lemon juice", + "fresh leav spinach", + "salt", + "dried oregano", + "black pepper", + "feta cheese", + "boneless skinless chicken breast halves", + "tomatoes", + "water", + "all-purpose flour" + ] + }, + { + "id": 21261, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "catfish fillets", + "cornmeal", + "pepper" + ] + }, + { + "id": 25302, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "lettuce leaves", + "peanut oil", + "water chestnuts", + "green onions", + "corn starch", + "ground chicken", + "peeled fresh ginger", + "oyster sauce", + "Fuyu persimmons", + "fresh orange juice" + ] + }, + { + "id": 45380, + "cuisine": "indian", + "ingredients": [ + "active dry yeast", + "greek yogurt", + "eggs", + "flour", + "sugar", + "grapeseed oil", + "warm water", + "salt" + ] + }, + { + "id": 46745, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "fat free milk", + "all-purpose flour", + "ground cumin", + "fat free yogurt", + "boneless skinless chicken breasts", + "sour cream", + "fresh spinach", + "flour tortillas", + "green chilies", + "shredded reduced fat cheddar cheese", + "salt", + "sliced green onions" + ] + }, + { + "id": 16003, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "star anise", + "beansprouts", + "fish sauce", + "rice noodles", + "salt", + "coriander", + "spring onions", + "garlic", + "onions", + "sugar", + "ginger", + "cinnamon sticks", + "beef steak" + ] + }, + { + "id": 22541, + "cuisine": "italian", + "ingredients": [ + "pizza sauce", + "flour tortillas", + "low moisture mozzarella", + "grated parmesan cheese", + "extra-virgin olive oil", + "basil leaves" + ] + }, + { + "id": 45728, + "cuisine": "mexican", + "ingredients": [ + "large flour tortillas", + "olives", + "jalapeno chilies", + "cream cheese", + "green chile", + "salsa", + "green onions", + "taco seasoning" + ] + }, + { + "id": 47255, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime", + "salt", + "galangal", + "kaffir lime leaves", + "lemongrass", + "cilantro root", + "chopped cilantro", + "tofu", + "sugar", + "vegetable stock", + "bird chile", + "chiles", + "cherry tomatoes", + "tamarind paste" + ] + }, + { + "id": 26366, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "olive oil", + "salt", + "seasoned bread crumbs", + "grated parmesan cheese", + "white wine", + "eggplant", + "fresh parsley", + "pepper", + "garlic" + ] + }, + { + "id": 40562, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "chopped cilantro fresh", + "Old El Paso Enchilada Sauce", + "shredded lettuce", + "tomatoes", + "2% reduced-fat milk", + "cooked chicken breasts", + "steamer", + "red bell pepper" + ] + }, + { + "id": 28196, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "cooking oil", + "minced garlic", + "thai chile", + "ground chicken", + "shallots", + "lime", + "holy basil" + ] + }, + { + "id": 7695, + "cuisine": "thai", + "ingredients": [ + "lime", + "sliced carrots", + "garlic chili sauce", + "coconut sugar", + "extra firm tofu", + "tamari soy sauce", + "brown rice noodles", + "Sriracha", + "peanut sauce", + "fresh cilantro", + "brown rice", + "tamarind concentrate" + ] + }, + { + "id": 8770, + "cuisine": "southern_us", + "ingredients": [ + "jalapeno chilies", + "purple onion", + "peach nectar", + "chopped cilantro fresh", + "dried apricot", + "fresh lemon juice", + "peaches", + "balsamic vinegar" + ] + }, + { + "id": 38451, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "salt", + "onions", + "light cream", + "red bell pepper", + "water", + "elbow macaroni", + "pepper", + "butter", + "chopped parsley" + ] + }, + { + "id": 41208, + "cuisine": "filipino", + "ingredients": [ + "Knox unflavored gelatin", + "Nestle Table Cream", + "graham crackers", + "cream cheese", + "sweet cream butter", + "vanilla extract", + "mango", + "water", + "condensed milk" + ] + }, + { + "id": 3551, + "cuisine": "chinese", + "ingredients": [ + "hot red pepper flakes", + "fresh ginger", + "lean ground beef", + "rice", + "black pepper", + "green onions", + "salt", + "carrots", + "soy sauce", + "flour", + "rice vermicelli", + "garlic cloves", + "eggs", + "white onion", + "sesame oil", + "beef broth" + ] + }, + { + "id": 32425, + "cuisine": "vietnamese", + "ingredients": [ + "asian eggplants", + "red chili peppers", + "salted fish", + "garlic", + "fish fillets", + "water", + "spring onions", + "medium shrimp", + "black peppercorns", + "pork belly", + "bawang goreng", + "oil", + "sugar", + "lemongrass", + "shallots" + ] + }, + { + "id": 3341, + "cuisine": "mexican", + "ingredients": [ + "smoked paprika", + "avocado oil", + "corn tortillas", + "salt" + ] + }, + { + "id": 48022, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "coarse salt", + "tamarind", + "ancho chile pepper", + "clove", + "corn oil", + "pork baby back ribs", + "Mexican oregano" + ] + }, + { + "id": 11906, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "heavy cream", + "whole milk", + "granulated sugar", + "amaretto" + ] + }, + { + "id": 25370, + "cuisine": "british", + "ingredients": [ + "sugar", + "semisweet chocolate", + "butter", + "eggs", + "milk", + "rum", + "cream", + "flour", + "powdered sugar", + "baking soda", + "baking powder" + ] + }, + { + "id": 49452, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "cooking spray", + "ginger", + "ground turkey", + "fish sauce", + "hot pepper", + "garlic cloves", + "chili flakes", + "green onions", + "red curry paste", + "tomato paste", + "zucchini", + "basil", + "coconut milk" + ] + }, + { + "id": 19407, + "cuisine": "jamaican", + "ingredients": [ + "eggs", + "seasoned bread crumbs", + "green onions", + "pastry", + "water", + "salt", + "tomato sauce", + "pepper", + "lean ground beef", + "soy sauce", + "vinegar", + "Maggi" + ] + }, + { + "id": 2663, + "cuisine": "indian", + "ingredients": [ + "water", + "vegetable oil", + "onions", + "fresh ginger root", + "garlic", + "garbanzo beans", + "spices", + "tomatoes", + "garam masala", + "salt" + ] + }, + { + "id": 41530, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "purple onion", + "tequila", + "chipotle chile", + "flour tortillas", + "salsa", + "orange bell pepper", + "salt", + "lime juice", + "chicken breasts", + "orange juice" + ] + }, + { + "id": 32945, + "cuisine": "chinese", + "ingredients": [ + "pork", + "egg whites", + "dark meat", + "bamboo shoots", + "spring roll wrappers", + "sweet red bean paste", + "green onions", + "cooking sherry", + "powdered sugar", + "egg roll wrappers", + "vegetable oil", + "mung bean sprouts", + "soy sauce", + "mushrooms", + "corn starch", + "cabbage" + ] + }, + { + "id": 4985, + "cuisine": "french", + "ingredients": [ + "white chocolate", + "whipping cream", + "cold water", + "almonds", + "walnuts", + "honey", + "vanilla extract", + "unflavored gelatin", + "large eggs", + "gran marnier" + ] + }, + { + "id": 6008, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "sour cream", + "whole wheat tortillas", + "red beans", + "creole seasoning" + ] + }, + { + "id": 8709, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "chopped garlic", + "soy sauce", + "ginger", + "vegetable oil", + "honey", + "baby back ribs" + ] + }, + { + "id": 1835, + "cuisine": "mexican", + "ingredients": [ + "pepper jack", + "enchilada sauce", + "cream cheese" + ] + }, + { + "id": 14422, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "butter", + "shredded Monterey Jack cheese", + "yellow corn meal", + "baking powder", + "all-purpose flour", + "cream style corn", + "salt", + "eggs", + "chile pepper", + "white sugar" + ] + }, + { + "id": 38057, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "taco seasoning", + "shredded cheddar cheese", + "romaine lettuce hearts", + "black beans", + "doritos", + "catalina dressing", + "lean ground beef" + ] + }, + { + "id": 28181, + "cuisine": "thai", + "ingredients": [ + "mushrooms", + "crushed red pepper", + "chopped onion", + "chopped cilantro fresh", + "fish sauce", + "vegetable oil", + "rice vinegar", + "beansprouts", + "boneless skinless chicken breasts", + "salt", + "carrots", + "brown sugar", + "light coconut milk", + "red curry paste", + "fresh lime juice" + ] + }, + { + "id": 31539, + "cuisine": "mexican", + "ingredients": [ + "whole wheat tortilla wraps", + "chopped tomatoes", + "frozen corn", + "pepper", + "red pepper", + "ground cumin", + "black beans", + "sweet potatoes", + "cayenne pepper", + "olive oil", + "salt" + ] + }, + { + "id": 19033, + "cuisine": "southern_us", + "ingredients": [ + "emerils original essence", + "salt", + "flour", + "chicken", + "granulated sugar", + "peanut oil", + "buttermilk" + ] + }, + { + "id": 30992, + "cuisine": "southern_us", + "ingredients": [ + "gravy master", + "salt", + "tomato sauce", + "green onions", + "black pepper", + "garlic", + "bell pepper" + ] + }, + { + "id": 1249, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "ketchup", + "boneless skinless chicken breast halves", + "brown sugar", + "worcestershire sauce", + "garlic powder" + ] + }, + { + "id": 21351, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "plum tomatoes", + "grated parmesan cheese", + "fresh oregano", + "perciatelli", + "crushed red pepper", + "large garlic cloves", + "raw almond" + ] + }, + { + "id": 16699, + "cuisine": "southern_us", + "ingredients": [ + "white cheddar cheese", + "butter", + "garlic cloves", + "quickcooking grits", + "hot sauce", + "milk", + "salt" + ] + }, + { + "id": 14964, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "salt", + "penne", + "1% low-fat milk", + "marinara sauce", + "flat leaf parsley", + "vodka", + "crushed red pepper" + ] + }, + { + "id": 10004, + "cuisine": "korean", + "ingredients": [ + "ground black pepper", + "liquid", + "silken tofu", + "vegetable oil", + "toasted sesame oil", + "kosher salt", + "reduced sodium soy sauce", + "scallions", + "large egg yolks", + "Gochujang base", + "toasted sesame seeds" + ] + }, + { + "id": 47718, + "cuisine": "british", + "ingredients": [ + "grated parmesan cheese", + "balsamic vinegar", + "carrots", + "frozen peas", + "chopped tomatoes", + "beef stock", + "garlic", + "herbes de provence", + "dijon mustard", + "bay leaves", + "yellow onion", + "ground beef", + "tomato paste", + "potatoes", + "red wine vinegar", + "sour cream" + ] + }, + { + "id": 28936, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "buttermilk", + "butter", + "pie shell", + "flour", + "vanilla", + "eggs", + "lemon", + "lemon juice" + ] + }, + { + "id": 9714, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "shredded mozzarella cheese", + "fresh spinach", + "ricotta cheese", + "onions", + "grated parmesan cheese", + "ground sausage", + "dried oregano", + "eggs", + "lasagna noodles, cooked and drained", + "garlic cloves" + ] + }, + { + "id": 25242, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "crimini mushrooms", + "coarse salt", + "orange juice", + "chopped cilantro", + "fresh ginger root", + "vegetable oil", + "garlic", + "scallions", + "water chestnuts", + "wonton wrappers", + "green pepper", + "chinese five-spice powder", + "lime juice", + "sesame oil", + "ground pork", + "freshly ground pepper", + "orange zest" + ] + }, + { + "id": 25012, + "cuisine": "southern_us", + "ingredients": [ + "knorr leek recip mix", + "stuffing", + "frozen whole kernel corn", + "orange juice", + "water", + "I Can't Believe It's Not Butter!® Spread", + "chop fine pecan" + ] + }, + { + "id": 6841, + "cuisine": "vietnamese", + "ingredients": [ + "thai basil", + "shallots", + "cilantro leaves", + "fresh dill", + "jalapeno chilies", + "vegetable oil", + "fresh lime juice", + "rib eye steaks", + "reduced sodium soy sauce", + "rice noodles", + "fresh mint", + "sugar", + "flour", + "vietnamese fish sauce" + ] + }, + { + "id": 40609, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "onions", + "collard greens", + "salt", + "seasoning", + "red pepper flakes", + "apple cider vinegar", + "smoked ham hocks" + ] + }, + { + "id": 19340, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "chopped green bell pepper", + "marjoram", + "saffron threads", + "minced garlic", + "chopped onion", + "no-salt-added diced tomatoes", + "clam juice", + "chorizo sausage", + "instant rice", + "water", + "medium shrimp" + ] + }, + { + "id": 3102, + "cuisine": "indian", + "ingredients": [ + "butter", + "milk", + "all-purpose flour", + "sugar", + "salt", + "instant yeast" + ] + }, + { + "id": 1885, + "cuisine": "southern_us", + "ingredients": [ + "crawfish", + "fish stock", + "fresh tarragon", + "ground cayenne pepper", + "brandy", + "chopped fresh thyme", + "diced tomatoes", + "all-purpose flour", + "bay leaf", + "tomato paste", + "leeks", + "heavy cream", + "salt", + "celery", + "white pepper", + "butter", + "paprika", + "carrots" + ] + }, + { + "id": 48997, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "parmesan cheese", + "angel hair", + "butter", + "water", + "garlic cloves" + ] + }, + { + "id": 17744, + "cuisine": "brazilian", + "ingredients": [ + "olive oil", + "tapioca flour", + "salt", + "milk", + "eggs", + "grating cheese" + ] + }, + { + "id": 22257, + "cuisine": "southern_us", + "ingredients": [ + "cream", + "ground nutmeg", + "salt", + "brown sugar", + "milk", + "butter", + "ground cinnamon", + "water", + "baking powder", + "sugar", + "frozen peaches", + "all purpose unbleached flour" + ] + }, + { + "id": 20274, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "enchilada sauce", + "nonfat cream cheese", + "purple onion", + "corn tortillas", + "green onions", + "fat skimmed chicken broth", + "jack cheese", + "smoked trout" + ] + }, + { + "id": 37798, + "cuisine": "southern_us", + "ingredients": [ + "shredded mild cheddar cheese", + "worcestershire sauce", + "mustard powder", + "milk", + "butter", + "all-purpose flour", + "fresh asparagus", + "eggs", + "deviled ham", + "salt", + "onions", + "ground black pepper", + "heavy cream", + "cereal flakes" + ] + }, + { + "id": 37988, + "cuisine": "russian", + "ingredients": [ + "sugar", + "frozen raspberries", + "starch", + "water" + ] + }, + { + "id": 36979, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "shredded mozzarella cheese", + "fresh basil", + "extra-virgin olive oil", + "gnocchi", + "tomatoes", + "balsamic vinegar", + "garlic cloves", + "kosher salt", + "shredded parmesan cheese" + ] + }, + { + "id": 17777, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "shredded mozzarella cheese", + "dried oregano", + "tomato sauce", + "garlic", + "onions", + "water", + "salt", + "noodles", + "tomato paste", + "ricotta cheese", + "ground beef" + ] + }, + { + "id": 42733, + "cuisine": "indian", + "ingredients": [ + "pitas", + "raisins", + "garlic cloves", + "canola oil", + "kosher salt", + "cooking spray", + "chopped onion", + "chopped cilantro fresh", + "sugar", + "jalapeno chilies", + "diced tomatoes", + "mustard seeds", + "curry powder", + "peeled fresh ginger", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 48746, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "cardoons", + "vegetable oil", + "water", + "all-purpose flour", + "large eggs" + ] + }, + { + "id": 43942, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "vanilla extract", + "white chocolate", + "whipping cream", + "ladyfingers", + "coffee", + "cream cheese, soften", + "powdered sugar", + "dark rum", + "chocolate morsels" + ] + }, + { + "id": 18274, + "cuisine": "italian", + "ingredients": [ + "all-purpose flour", + "eggs", + "baking powder", + "confectioners sugar" + ] + }, + { + "id": 35542, + "cuisine": "southern_us", + "ingredients": [ + "diced tomatoes", + "chicken broth", + "cheese", + "quickcooking grits", + "salt", + "bacon slices" + ] + }, + { + "id": 28838, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "pepper", + "cilantro sprigs", + "chipotle chile", + "finely chopped onion", + "garlic cloves", + "green chile", + "olive oil", + "salt", + "black beans", + "chili powder", + "adobo sauce" + ] + }, + { + "id": 19800, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "pepper", + "olive oil", + "chicken breasts", + "garlic", + "cayenne pepper", + "red bell pepper", + "white vinegar", + "soy sauce", + "lime", + "vegetables", + "chili powder", + "purple onion", + "rice", + "monterey jack", + "green bell pepper", + "lime juice", + "garlic powder", + "marinade", + "crema", + "sweet corn", + "sour cream", + "liquid smoke", + "black beans", + "honey", + "cayenne", + "cilantro", + "salt", + "smoked paprika", + "ground cumin" + ] + }, + { + "id": 44533, + "cuisine": "mexican", + "ingredients": [ + "green enchilada sauce", + "corn tortillas", + "green chilies", + "cilantro", + "shredded Monterey Jack cheese", + "chicken breasts", + "sour cream" + ] + }, + { + "id": 2957, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "salt", + "mustard seeds", + "fat free yogurt", + "ground red pepper", + "garlic cloves", + "basmati rice", + "peeled fresh ginger", + "all-purpose flour", + "chopped cilantro fresh", + "white onion", + "diced tomatoes", + "leg of lamb", + "ground cumin" + ] + }, + { + "id": 12566, + "cuisine": "italian", + "ingredients": [ + "sugar", + "baking powder", + "semi-sweet chocolate morsels", + "white chocolate chips", + "salt", + "large eggs", + "all-purpose flour", + "unsalted butter", + "vanilla extract", + "unsweetened cocoa powder" + ] + }, + { + "id": 37200, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "garlic", + "corned beef", + "water", + "oil", + "pepper", + "salt", + "frozen sweet peas", + "potatoes", + "onions" + ] + }, + { + "id": 21243, + "cuisine": "filipino", + "ingredients": [ + "dry rub", + "tilapia", + "olive oil" + ] + }, + { + "id": 7824, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "raspberry vinegar", + "mango", + "agave nectar", + "red bell pepper", + "olive oil", + "carrots", + "lime zest", + "jicama", + "fresh mint" + ] + }, + { + "id": 37539, + "cuisine": "greek", + "ingredients": [ + "lemon zest", + "grated lemon zest", + "mayonaise", + "worcestershire sauce", + "lemon juice", + "greek seasoning", + "ground red pepper", + "chili sauce", + "prepared horseradish", + "hot sauce", + "onions" + ] + }, + { + "id": 12716, + "cuisine": "cajun_creole", + "ingredients": [ + "large eggs", + "butter", + "fresh parsley", + "mayonaise", + "cooked chicken", + "garlic cloves", + "creole mustard", + "green onions", + "creole seasoning", + "bread crumbs", + "vegetable oil", + "red bell pepper" + ] + }, + { + "id": 48866, + "cuisine": "italian", + "ingredients": [ + "extra-lean ground beef", + "butter", + "carrots", + "tomato paste", + "whole milk", + "dry red wine", + "pancetta", + "freshly grated parmesan", + "large garlic cloves", + "onions", + "olive oil", + "bay leaves", + "beef broth" + ] + }, + { + "id": 13073, + "cuisine": "chinese", + "ingredients": [ + "low sodium chicken broth", + "vegetable oil", + "red bell pepper", + "honey", + "boneless skinless chicken breasts", + "crushed red pepper", + "snow peas", + "soy sauce", + "unsalted cashews", + "garlic", + "onions", + "fresh ginger", + "sesame oil", + "corn starch" + ] + }, + { + "id": 8622, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "regular soy sauce", + "cider vinegar", + "corn starch", + "ketchup", + "salt", + "water" + ] + }, + { + "id": 33067, + "cuisine": "thai", + "ingredients": [ + "sugar", + "green curry paste", + "star anise", + "fat skimmed chicken broth", + "red bell pepper", + "pepper", + "thai basil", + "canned coconut milk", + "green beans", + "asian fish sauce", + "kaffir lime leaves", + "halibut fillets", + "vegetable oil", + "cumin seed", + "grate lime peel", + "jasmine rice", + "coriander seeds", + "salt", + "corn starch", + "fresh basil leaves" + ] + }, + { + "id": 11617, + "cuisine": "jamaican", + "ingredients": [ + "water", + "ice water", + "light brown sugar", + "flour", + "grated nutmeg", + "coconut", + "salt", + "shortening", + "butter" + ] + }, + { + "id": 17000, + "cuisine": "vietnamese", + "ingredients": [ + "agave nectar", + "scallions", + "fresh mint", + "lime juice", + "rice noodles", + "carrots", + "gluten-free tamari", + "water", + "extra firm tofu", + "unsalted peanut butter", + "toasted sesame oil", + "fresh cilantro", + "garlic", + "red bell pepper" + ] + }, + { + "id": 31917, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "Shaoxing wine", + "scallions", + "japanese eggplants", + "white vinegar", + "minced garlic", + "vegetable oil", + "chinkiang vinegar", + "sugar", + "fresh ginger", + "cilantro leaves", + "bird chile", + "kosher salt", + "bean paste", + "corn starch" + ] + }, + { + "id": 2119, + "cuisine": "chinese", + "ingredients": [ + "bay leaves", + "soy sauce", + "orange juice", + "garlic powder", + "lemon juice", + "chicken wings", + "onion powder" + ] + }, + { + "id": 28270, + "cuisine": "italian", + "ingredients": [ + "dried lentils", + "purple onion", + "ground black pepper", + "flat leaf parsley", + "olive oil", + "salt", + "fresh basil", + "red wine vinegar" + ] + }, + { + "id": 49708, + "cuisine": "italian", + "ingredients": [ + "ragu old world style pasta sauc", + "boneless skinless chicken breast halves", + "garlic powder", + "plain dry bread crumb", + "italian seasoning", + "eggs", + "shredded mozzarella cheese" + ] + }, + { + "id": 25224, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "heavy cream", + "masala", + "tomato sauce", + "vegetable oil", + "cayenne pepper", + "boneless skinless chicken breasts", + "salt", + "minced garlic", + "butter", + "onions" + ] + }, + { + "id": 9135, + "cuisine": "irish", + "ingredients": [ + "cream", + "mushrooms", + "all-purpose flour", + "mashed potatoes", + "Irish whiskey", + "salt", + "milk", + "watercress", + "onions", + "fillet medallions", + "potatoes", + "cracked black pepper" + ] + }, + { + "id": 29159, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "all-purpose flour", + "unsalted butter", + "double-acting baking powder", + "low-fat buttermilk", + "sugar", + "salt" + ] + }, + { + "id": 32849, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "baking soda", + "salt", + "sour cream", + "yellow corn meal", + "sugar", + "lemon", + "freshly ground pepper", + "onions", + "cornbread", + "eggs", + "butter", + "sweet italian sausage", + "chopped parsley", + "chicken broth", + "olive oil", + "buttermilk", + "chopped pecans" + ] + }, + { + "id": 24418, + "cuisine": "russian", + "ingredients": [ + "sugar", + "unsalted butter", + "heavy cream", + "canola oil", + "milk", + "egg yolks", + "vanilla extract", + "kosher salt", + "flour", + "poppy seeds", + "eggs", + "active dry yeast", + "lemon", + "ground poppy seed" + ] + }, + { + "id": 28244, + "cuisine": "indian", + "ingredients": [ + "cayenne", + "fresh lemon juice", + "curry powder", + "salt", + "cauliflower", + "florets", + "olive oil", + "cilantro leaves" + ] + }, + { + "id": 14614, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "large garlic cloves", + "onions", + "pepper", + "butter", + "whole wheat thin spaghetti", + "frozen chopped spinach", + "fat free milk", + "salt", + "tomato sauce", + "large eggs", + "feta cheese crumbles" + ] + }, + { + "id": 49683, + "cuisine": "brazilian", + "ingredients": [ + "palm oil", + "potatoes", + "chopped cilantro", + "black pepper", + "salt", + "tomatoes", + "shelled shrimp", + "onions", + "olive oil", + "coconut milk" + ] + }, + { + "id": 19629, + "cuisine": "brazilian", + "ingredients": [ + "peeled fresh ginger", + "sauce", + "cayenne", + "salt", + "chopped garlic", + "olive oil", + "vegetable oil", + "chopped onion", + "black-eyed peas", + "crushed red pepper flakes", + "dried shrimp" + ] + }, + { + "id": 25207, + "cuisine": "french", + "ingredients": [ + "pitted kalamata olives", + "honey", + "char fillets", + "fresh lemon juice", + "orange", + "dijon mustard", + "freshly ground pepper", + "pinenuts", + "olive oil", + "shallots", + "herbes de provence", + "kosher salt", + "baby greens", + "fresh orange juice", + "orange zest" + ] + }, + { + "id": 1273, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "diced tomatoes", + "cooking spray", + "onions", + "french bread", + "Italian turkey sausage", + "part-skim mozzarella cheese", + "crushed red pepper" + ] + }, + { + "id": 42653, + "cuisine": "chinese", + "ingredients": [ + "extra firm tofu", + "salt", + "pepper", + "sesame oil", + "white sugar", + "soy sauce", + "green onions", + "chinese black vinegar", + "olive oil", + "garlic" + ] + }, + { + "id": 46395, + "cuisine": "italian", + "ingredients": [ + "baguette", + "salt", + "balsamic vinegar", + "goat cheese", + "ground black pepper", + "fresh oregano", + "extra-virgin olive oil", + "plum tomatoes" + ] + }, + { + "id": 30843, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "cream", + "butter", + "cayenne pepper", + "black pepper", + "jalapeno chilies", + "garlic", + "chopped cilantro fresh", + "tomato sauce", + "fresh ginger", + "paprika", + "lemon juice", + "plain yogurt", + "boneless skinless chicken breasts", + "salt", + "ground cumin" + ] + }, + { + "id": 33504, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "fresh mushrooms", + "canola oil", + "broccoli", + "celery", + "rice sticks", + "carrots", + "chinese cabbage", + "onions" + ] + }, + { + "id": 14639, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "bell pepper", + "chickpeas", + "onions", + "olive oil", + "raisins", + "ground cayenne pepper", + "ground ginger", + "potatoes", + "salt", + "chopped parsley", + "pepper", + "lemon", + "carrots", + "ground cumin" + ] + }, + { + "id": 35058, + "cuisine": "italian", + "ingredients": [ + "baby spinach", + "lemon juice", + "pecans", + "garlic", + "parmesan cheese", + "salt", + "extra-virgin olive oil" + ] + }, + { + "id": 8058, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salsa", + "green bell pepper", + "mackerel fillets", + "onions", + "flour tortillas", + "salad dressing", + "shredded cheddar cheese", + "all-purpose flour" + ] + }, + { + "id": 25628, + "cuisine": "chinese", + "ingredients": [ + "large eggs", + "freshly ground pepper", + "snow peas", + "soy sauce", + "vegetable oil", + "red bell pepper", + "sugar", + "peeled fresh ginger", + "scallions", + "long grain white rice", + "boneless, skinless chicken breast", + "salt", + "low sodium store bought chicken stock" + ] + }, + { + "id": 35095, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "unsalted butter", + "all-purpose flour", + "water", + "vegetable oil", + "tiger prawn", + "black pepper", + "green onions", + "garlic cloves", + "honey", + "salt" + ] + }, + { + "id": 9522, + "cuisine": "filipino", + "ingredients": [ + "salt", + "chili pepper", + "onions", + "guava", + "bok choy", + "water", + "large shrimp" + ] + }, + { + "id": 39257, + "cuisine": "british", + "ingredients": [ + "ground ginger", + "molasses", + "unsalted butter", + "heavy cream", + "ground allspice", + "ground cloves", + "baking soda", + "vegetable oil", + "grated lemon zest", + "ground cinnamon", + "water", + "lemon zest", + "salt", + "fresh lemon juice", + "sugar", + "large egg yolks", + "large eggs", + "all-purpose flour", + "frozen blueberries" + ] + }, + { + "id": 29944, + "cuisine": "indian", + "ingredients": [ + "stone flower", + "asafoetida", + "water", + "ginger", + "green cardamom", + "oil", + "onions", + "tomatoes", + "kabuli channa", + "fennel", + "salt", + "green chilies", + "dried red chile peppers", + "curry leaves", + "black pepper", + "coriander seeds", + "garlic", + "brown cardamom", + "mustard seeds", + "ground turmeric", + "clove", + "stock", + "grated coconut", + "cinnamon", + "cilantro leaves", + "cumin seed", + "bay leaf" + ] + }, + { + "id": 18277, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "cooked chicken", + "salsa", + "guacamole", + "butter", + "ground cumin", + "flour tortillas", + "dri oregano leaves, crush", + "sour cream", + "green onions", + "diced tomatoes" + ] + }, + { + "id": 27933, + "cuisine": "southern_us", + "ingredients": [ + "purple onion", + "shredded coleslaw mix", + "carrots", + "barbecue sauce", + "salt" + ] + }, + { + "id": 39221, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes" + ] + }, + { + "id": 177, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "olive oil", + "garlic cloves", + "capers", + "diced tomatoes", + "pitted kalamata olives", + "crushed red pepper", + "fresh basil", + "asiago", + "spaghetti" + ] + }, + { + "id": 32483, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "roasted red peppers", + "roast beef", + "garlic powder", + "provolone cheese", + "torpedo rolls", + "au jus mix" + ] + }, + { + "id": 38266, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "fat free milk", + "all-purpose flour", + "ground cumin", + "fat free yogurt", + "boneless skinless chicken breasts", + "sour cream", + "fresh spinach", + "flour tortillas", + "green chilies", + "shredded reduced fat cheddar cheese", + "salt", + "sliced green onions" + ] + }, + { + "id": 39889, + "cuisine": "southern_us", + "ingredients": [ + "hash brown", + "salt", + "reduced-fat sour cream", + "garlic cloves", + "chopped fresh chives", + "freshly ground pepper", + "reduced fat cream of mushroom soup", + "cheese" + ] + }, + { + "id": 38075, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "salt", + "nori", + "sugar", + "baking powder", + "sauce", + "eggs", + "flour", + "bonito", + "cabbage", + "pork belly", + "Kewpie Mayonnaise", + "toasted sesame oil" + ] + }, + { + "id": 5810, + "cuisine": "jamaican", + "ingredients": [ + "water", + "salt", + "fresh lime juice", + "brown sugar", + "fresh thyme leaves", + "ground allspice", + "peeled fresh ginger", + "onion tops", + "pepper", + "purple onion", + "garlic cloves" + ] + }, + { + "id": 14837, + "cuisine": "moroccan", + "ingredients": [ + "fresh cilantro", + "purple onion", + "fresh lemon juice", + "salmon fillets", + "ground black pepper", + "chickpeas", + "ground cumin", + "olive oil", + "cayenne pepper", + "smoked paprika", + "kosher salt", + "lemon", + "ground coriander" + ] + }, + { + "id": 38787, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "olive oil", + "shredded sharp cheddar cheese", + "sour cream", + "pepper", + "dried thyme", + "tomatillos", + "red bell pepper", + "sweet onion", + "egg yolks", + "salt", + "self-rising cornmeal", + "corn kernels", + "green tomatoes", + "garlic cloves" + ] + }, + { + "id": 44821, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "Shaoxing wine", + "scallions", + "vegetables", + "ginger", + "yellow chives", + "store bought low sodium chicken stock", + "hot pepper", + "corn starch", + "soy sauce", + "lobster", + "salt" + ] + }, + { + "id": 8022, + "cuisine": "italian", + "ingredients": [ + "pastry", + "grated parmesan cheese", + "onions", + "double crust pie", + "bread crumbs", + "sweet italian sausage", + "lean ground pork", + "salt", + "fresh rosemary", + "ground black pepper", + "fresh parsley" + ] + }, + { + "id": 41033, + "cuisine": "indian", + "ingredients": [ + "potatoes", + "ginger", + "ground cumin", + "bread crumbs", + "flour", + "onions", + "jalapeno chilies", + "fresh parsley leaves", + "garam masala", + "chili powder", + "frozen peas" + ] + }, + { + "id": 14944, + "cuisine": "british", + "ingredients": [ + "dark brown sugar", + "dark rum", + "grated nutmeg", + "unsalted butter" + ] + }, + { + "id": 15639, + "cuisine": "brazilian", + "ingredients": [ + "ice cubes", + "vodka", + "lime", + "sugar" + ] + }, + { + "id": 43195, + "cuisine": "italian", + "ingredients": [ + "spanish onion", + "salt", + "extra-virgin olive oil", + "chopped fresh thyme", + "carrots", + "tomatoes", + "garlic" + ] + }, + { + "id": 41445, + "cuisine": "french", + "ingredients": [ + "salmon fillets", + "extra-virgin olive oil", + "phyllo pastry", + "dijon mustard", + "anchovy fillets", + "pitted kalamata olives", + "grated lemon zest", + "fresh basil leaves", + "capers", + "large garlic cloves", + "fresh lemon juice" + ] + }, + { + "id": 616, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "garlic", + "corn starch", + "cooking oil", + "beef sirloin", + "leaves", + "broccoli", + "onions", + "broccoli stems", + "oyster sauce" + ] + }, + { + "id": 32510, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "sesame oil", + "water", + "salt", + "roasted sesame seeds", + "mung bean sprouts", + "spring onions" + ] + }, + { + "id": 30542, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "pork ribs", + "garlic", + "carrots", + "onions", + "lime", + "basil leaves", + "cilantro leaves", + "beansprouts", + "rice sticks", + "spring onions", + "squid", + "chillies", + "soy sauce", + "pork tenderloin", + "salt", + "shrimp", + "peppercorns" + ] + }, + { + "id": 18678, + "cuisine": "italian", + "ingredients": [ + "sugar", + "purple onion", + "plum tomatoes", + "olive oil", + "all-purpose flour", + "water", + "salt", + "guanciale", + "potatoes", + "garlic cloves" + ] + }, + { + "id": 49064, + "cuisine": "italian", + "ingredients": [ + "ground pepper", + "sugar", + "extra-virgin olive oil", + "orange", + "salt", + "romaine lettuce leaves" + ] + }, + { + "id": 3451, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "oil", + "eggs", + "salt", + "seasoning", + "boneless chicken breast", + "bread crumbs", + "all-purpose flour" + ] + }, + { + "id": 47584, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onion powder", + "cumin", + "fresh spinach", + "brown rice", + "salsa", + "sweet potatoes", + "whole wheat tortillas", + "black beans", + "chili powder", + "oil" + ] + }, + { + "id": 49424, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "eggplant", + "garlic", + "chopped cilantro", + "water", + "jalapeno chilies", + "ground coriander", + "ground cumin", + "tomatoes", + "cooking oil", + "salt", + "onions", + "fresh ginger", + "baking potatoes", + "lemon juice" + ] + }, + { + "id": 14949, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "basil", + "fresh basil", + "puff pastry", + "cooking spray" + ] + }, + { + "id": 49535, + "cuisine": "mexican", + "ingredients": [ + "water", + "Pace Chunky Salsa", + "boneless skinless chicken breasts", + "flour tortillas", + "condensed fiesta nacho cheese soup" + ] + }, + { + "id": 36297, + "cuisine": "mexican", + "ingredients": [ + "cooked turkey", + "cream cheese", + "chile pepper", + "ground cumin", + "chili beans", + "salsa", + "flour tortillas", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 850, + "cuisine": "korean", + "ingredients": [ + "salt", + "black pepper", + "corn starch", + "garlic cloves", + "russet potatoes", + "onions" + ] + }, + { + "id": 24401, + "cuisine": "southern_us", + "ingredients": [ + "shredded sharp cheddar cheese", + "frozen broccoli florets", + "freshly ground pepper", + "salt", + "quickcooking grits" + ] + }, + { + "id": 49581, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salsa", + "corn tortillas", + "grating cheese", + "scallions", + "guacamole", + "hot sauce", + "refried beans", + "salt", + "sour cream" + ] + }, + { + "id": 29342, + "cuisine": "spanish", + "ingredients": [ + "triple sec", + "fresh orange juice", + "cinnamon sticks", + "sugar", + "lime slices", + "lemon slices", + "allspice", + "brandy", + "carbonated water", + "fresh lemon juice", + "clove", + "orange slices", + "dry red wine", + "fresh lime juice" + ] + }, + { + "id": 44444, + "cuisine": "italian", + "ingredients": [ + "orange juice concentrate", + "pork tenderloin", + "kosher salt", + "italian seasoning", + "sugar", + "garlic", + "water" + ] + }, + { + "id": 22352, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "dried oregano", + "olive oil", + "dried basil", + "spaghetti" + ] + }, + { + "id": 23619, + "cuisine": "mexican", + "ingredients": [ + "water", + "salsa", + "grated orange peel", + "fresh orange juice", + "corn tortillas", + "brandy", + "fine sea salt", + "fresh tomato salsa", + "boneless country pork ribs", + "garlic cloves" + ] + }, + { + "id": 38158, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic", + "olive oil", + "green onions", + "fresh parsley", + "fettucine", + "half & half", + "medium shrimp", + "parmigiano reggiano cheese", + "low-fat cream cheese" + ] + }, + { + "id": 13639, + "cuisine": "italian", + "ingredients": [ + "pasta", + "garlic", + "fresh thyme leaves", + "olive oil", + "roast red peppers, drain", + "butter" + ] + }, + { + "id": 25157, + "cuisine": "southern_us", + "ingredients": [ + "lemon juice", + "blood orange juice", + "cinnamon sticks", + "honey", + "hot water", + "bourbon whiskey" + ] + }, + { + "id": 15210, + "cuisine": "italian", + "ingredients": [ + "navel oranges", + "olive oil", + "salt", + "green olives", + "purple onion", + "ground black pepper", + "flat leaf parsley" + ] + }, + { + "id": 38431, + "cuisine": "italian", + "ingredients": [ + "ditalini pasta", + "salt", + "dried oregano", + "pepper", + "cannellini beans", + "onions", + "tomato sauce", + "mushrooms", + "escarole", + "olive oil", + "garlic", + "white sugar" + ] + }, + { + "id": 7233, + "cuisine": "indian", + "ingredients": [ + "tandoori spices", + "chili powder", + "chicken", + "garlic paste", + "vinegar", + "salt", + "ground pepper", + "vegetable oil", + "food colouring", + "yoghurt", + "methi" + ] + }, + { + "id": 17404, + "cuisine": "italian", + "ingredients": [ + "finely chopped onion", + "garlic", + "medium shrimp", + "dried pasta", + "butter", + "crushed red pepper", + "fresh basil", + "dry white wine", + "sweet pepper", + "olive oil", + "whipping cream", + "shredded parmesan cheese" + ] + }, + { + "id": 2525, + "cuisine": "moroccan", + "ingredients": [ + "chicken broth", + "diced tomatoes", + "flat leaf parsley", + "honey", + "purple onion", + "ground cumin", + "fresh thyme", + "chickpeas", + "minced garlic", + "extra-virgin olive oil", + "couscous" + ] + }, + { + "id": 25134, + "cuisine": "greek", + "ingredients": [ + "sugar", + "unsalted butter", + "all-purpose flour", + "orange", + "baking powder", + "blanched almonds", + "brandy", + "large eggs", + "orange juice", + "baking soda", + "lemon" + ] + }, + { + "id": 18182, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "grated orange", + "dry vermouth", + "lemon juice", + "fresh chives", + "large shrimp", + "fresh orange juice" + ] + }, + { + "id": 3745, + "cuisine": "british", + "ingredients": [ + "curry powder", + "extra-virgin olive oil", + "scallions", + "fresh dill", + "hard-boiled egg", + "white wine vinegar", + "smoked & dried fish", + "kosher salt", + "yoghurt", + "yellow onion", + "milk", + "garlic", + "basmati rice" + ] + }, + { + "id": 48806, + "cuisine": "southern_us", + "ingredients": [ + "mixed vegetables", + "chuck roast", + "beef broth", + "worcestershire sauce", + "barbecue sauce" + ] + }, + { + "id": 4776, + "cuisine": "southern_us", + "ingredients": [ + "vanilla beans", + "large eggs", + "heavy cream", + "white bread", + "unsalted butter", + "whole milk", + "large egg yolks", + "chop fine pecan", + "dark brown sugar", + "dark corn syrup", + "granulated sugar", + "bourbon whiskey" + ] + }, + { + "id": 19796, + "cuisine": "chinese", + "ingredients": [ + "milk", + "large eggs", + "all-purpose flour", + "large egg yolks", + "almond extract", + "sesame seeds", + "baking powder", + "sugar", + "almonds", + "butter" + ] + }, + { + "id": 38579, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "dry bread crumbs", + "vegetable oil", + "bocconcini" + ] + }, + { + "id": 41100, + "cuisine": "brazilian", + "ingredients": [ + "vodka", + "salt", + "tomatoes", + "olive oil", + "cooked shrimp", + "dough", + "pepper", + "all-purpose flour", + "warm water", + "vegetable oil", + "onions" + ] + }, + { + "id": 16537, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "dry white wine", + "onions", + "olive oil", + "garlic", + "chicken broth", + "butter", + "grated parmesan cheese", + "chopped parsley" + ] + }, + { + "id": 46978, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "palm sugar", + "red curry paste", + "coconut milk", + "fish sauce", + "thai chile", + "dark brown sugar", + "eggs", + "basil leaves", + "halibut", + "kosher salt", + "frozen banana leaf", + "corn starch" + ] + }, + { + "id": 21533, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "Mexican oregano", + "garlic cloves", + "ground cumin", + "potatoes", + "guajillo", + "onions", + "pepper", + "vegetable oil", + "corn tortillas", + "bay leaves", + "salt", + "skirt steak" + ] + }, + { + "id": 5282, + "cuisine": "southern_us", + "ingredients": [ + "flaked coconut", + "salt", + "white sugar", + "eggs", + "buttermilk", + "chopped pecans", + "butter", + "all-purpose flour", + "semi-sweet chocolate morsels", + "baking soda", + "vanilla extract", + "heavy whipping cream" + ] + }, + { + "id": 32887, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "whipping cream", + "grits", + "salmon fillets", + "dry white wine", + "grated jack cheese", + "capers", + "half & half", + "salt", + "water", + "butter", + "garlic cloves" + ] + }, + { + "id": 46233, + "cuisine": "italian", + "ingredients": [ + "low-fat spaghetti sauce", + "cooking spray", + "fat free cream cheese", + "eggplant", + "salt", + "fresh basil leaves", + "spinach leaves", + "part-skim mozzarella cheese", + "garlic cloves", + "nonfat ricotta cheese", + "pinenuts", + "fresh parmesan cheese", + "fresh parsley leaves" + ] + }, + { + "id": 38743, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "sausages", + "crushed garlic", + "frozen peas", + "parmesan cheese", + "onions", + "butter", + "chicken" + ] + }, + { + "id": 31488, + "cuisine": "french", + "ingredients": [ + "rosemary", + "dry red wine", + "onions", + "kosher salt", + "vegetable oil", + "thyme", + "celery ribs", + "ground black pepper", + "skin on bone in chicken legs", + "thick-cut bacon", + "tomato paste", + "low sodium chicken broth", + "carrots", + "wild mushrooms" + ] + }, + { + "id": 44634, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "italian plum tomatoes", + "garlic cloves", + "dried oregano", + "olive oil", + "paprika", + "fresh parsley", + "grated parmesan cheese", + "dry red wine", + "onions", + "dried basil", + "fusilli", + "ground beef" + ] + }, + { + "id": 20908, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "half & half", + "salt", + "ground black pepper", + "chicken breasts", + "nonfat greek yogurt", + "crushed garlic", + "fresh ginger", + "lemon zest", + "extra-virgin olive oil" + ] + }, + { + "id": 8730, + "cuisine": "brazilian", + "ingredients": [ + "palm oil", + "olive oil", + "salt", + "onions", + "yuca", + "ginger", + "coconut milk", + "tomatoes", + "cilantro", + "red bell pepper", + "pepper", + "garlic", + "medium shrimp" + ] + }, + { + "id": 48871, + "cuisine": "moroccan", + "ingredients": [ + "clove", + "coriander seeds", + "salt", + "chopped garlic", + "black peppercorns", + "paprika", + "cinnamon sticks", + "ground ginger", + "cayenne", + "cumin seed", + "quail", + "extra-virgin olive oil", + "chopped cilantro fresh" + ] + }, + { + "id": 40756, + "cuisine": "italian", + "ingredients": [ + "buttermilk cornbread", + "muffin mix", + "large eggs", + "buttermilk", + "butter", + "jalapeno chilies", + "shredded pepper jack cheese" + ] + }, + { + "id": 5178, + "cuisine": "french", + "ingredients": [ + "white chocolate", + "raspberry preserves", + "vanilla extract", + "sugar", + "unsalted butter", + "whipping cream", + "large egg yolks", + "ice water", + "salt", + "crystallized ginger", + "all purpose unbleached flour", + "fresh raspberries" + ] + }, + { + "id": 406, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "water", + "ground black pepper", + "sour cream", + "ground cumin", + "black beans", + "corn kernels", + "vegetable broth", + "olives", + "tomatoes", + "Gold Medal Flour", + "green onions", + "corn tortillas", + "avocado", + "kosher salt", + "olive oil", + "frozen chopped spinach, thawed and squeezed dry", + "monterey jack" + ] + }, + { + "id": 12260, + "cuisine": "thai", + "ingredients": [ + "mustard", + "brown sugar", + "prawns", + "chili flakes", + "peanuts", + "oil", + "clove", + "fish sauce", + "leaves", + "eggs", + "lime", + "rice noodles" + ] + }, + { + "id": 12626, + "cuisine": "italian", + "ingredients": [ + "pepper", + "broccoli florets", + "asiago", + "lemon juice", + "arborio rice", + "olive oil", + "dry white wine", + "garlic", + "chicken broth", + "grated parmesan cheese", + "butter", + "salt", + "sweet onion", + "chopped fresh chives", + "heavy cream" + ] + }, + { + "id": 8038, + "cuisine": "indian", + "ingredients": [ + "white onion", + "fresh ginger", + "paprika", + "garlic cloves", + "ground turmeric", + "plain yogurt", + "lime", + "vegetable oil", + "cumin seed", + "chopped cilantro fresh", + "lime juice", + "wafer", + "cayenne pepper", + "chopped fresh mint", + "water", + "coriander seeds", + "salt", + "chicken thighs", + "hothouse cucumber" + ] + }, + { + "id": 26685, + "cuisine": "indian", + "ingredients": [ + "coconut", + "salt", + "curds", + "ground cumin", + "curry leaves", + "vermicelli", + "rice", + "ground turmeric", + "semolina", + "cilantro leaves", + "carrots", + "pepper", + "ginger", + "green chilies", + "bottle gourd" + ] + }, + { + "id": 43517, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "salt", + "large eggs", + "semolina", + "whole milk", + "parmigiano reggiano cheese" + ] + }, + { + "id": 2488, + "cuisine": "brazilian", + "ingredients": [ + "salt", + "manioc flour", + "butter" + ] + }, + { + "id": 43124, + "cuisine": "indian", + "ingredients": [ + "red kidney beans", + "fresh ginger root", + "garlic", + "cumin seed", + "white sugar", + "tomatoes", + "ground red pepper", + "cilantro leaves", + "ghee", + "ground cumin", + "clove", + "garam masala", + "salt", + "dried red chile peppers", + "ground turmeric", + "water", + "vegetable oil", + "ground coriander", + "onions" + ] + }, + { + "id": 41196, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "chinese sausage", + "chicken broth", + "pepper", + "salt", + "soy sauce", + "sesame oil", + "gai lan", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 20458, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "fresh lemon juice", + "cracker crumbs", + "egg yolks", + "sweetened condensed milk", + "grated lemon zest" + ] + }, + { + "id": 26802, + "cuisine": "indian", + "ingredients": [ + "eggplant", + "oil", + "vegetable stock", + "onions", + "reduced fat coconut milk", + "button mushrooms", + "coriander", + "potatoes", + "curry paste" + ] + }, + { + "id": 24393, + "cuisine": "irish", + "ingredients": [ + "eggs", + "potatoes", + "pepper", + "all-purpose flour", + "skim milk", + "salt", + "mashed potatoes", + "olive oil" + ] + }, + { + "id": 34506, + "cuisine": "spanish", + "ingredients": [ + "turkey", + "cayenne pepper", + "long grain white rice", + "salt", + "red bell pepper", + "dried oregano", + "smoked sausage", + "low salt chicken broth", + "plum tomatoes", + "olive oil", + "yellow onion", + "frozen peas", + "saffron" + ] + }, + { + "id": 40783, + "cuisine": "cajun_creole", + "ingredients": [ + "Johnsonville Smoked Sausage", + "green onions", + "celery", + "hot pepper sauce", + "cajun seasoning", + "green bell pepper", + "vegetable oil", + "onions", + "Uncle Ben's Ready Rice Whole Grain Brown Rice", + "garlic" + ] + }, + { + "id": 27849, + "cuisine": "southern_us", + "ingredients": [ + "bananas", + "salt", + "sugar", + "egg yolks", + "all-purpose flour", + "egg whites", + "vanilla wafers", + "milk", + "vanilla extract" + ] + }, + { + "id": 40986, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "fennel bulb", + "fronds", + "butter", + "sweet onion", + "half & half", + "wine", + "ground black pepper", + "chicken soup base" + ] + }, + { + "id": 6527, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "sesame seeds", + "beef tenderloin", + "water", + "green onions", + "soy sauce", + "ground black pepper", + "garlic", + "lettuce", + "honey", + "sesame oil" + ] + }, + { + "id": 42929, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "fresh orange juice", + "cream cheese, soften", + "egg yolks", + "vanilla extract", + "grated orange", + "large eggs", + "whipping cream", + "sweetened condensed milk", + "cream sweeten whip", + "mint leaves", + "berries" + ] + }, + { + "id": 8745, + "cuisine": "british", + "ingredients": [ + "dried thyme", + "beef stock cubes", + "all-purpose flour", + "ground white pepper", + "cheddar cheese", + "corn oil", + "heavy cream", + "yellow onion", + "browning", + "red potato", + "egg yolks", + "worcestershire sauce", + "grated nutmeg", + "ground beef", + "water", + "butter", + "salt", + "sauce" + ] + }, + { + "id": 9359, + "cuisine": "french", + "ingredients": [ + "eggs", + "dijon mustard", + "shredded cheddar cheese", + "deli ham", + "bread crumbs", + "chicken breasts", + "olive oil" + ] + }, + { + "id": 41949, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "salt", + "jalapeno chilies", + "pepper", + "guacamole", + "nonfat yogurt", + "lemon juice" + ] + }, + { + "id": 13240, + "cuisine": "vietnamese", + "ingredients": [ + "halibut fillets", + "Thai fish sauce", + "water", + "green onions", + "sugar", + "ground black pepper", + "chopped cilantro fresh", + "lemongrass", + "garlic" + ] + }, + { + "id": 36495, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "butter", + "sugar", + "salt", + "sweet potatoes", + "all-purpose flour" + ] + }, + { + "id": 22312, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "pie shell", + "large eggs", + "cornmeal", + "granulated sugar", + "fresh lemon juice", + "salt", + "grated lemon peel" + ] + }, + { + "id": 20935, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "cooking oil", + "chicken breasts", + "garlic", + "okra", + "crawfish", + "gumbo file", + "stewed tomatoes", + "hot sauce", + "celery", + "black pepper", + "flour", + "fryer chickens", + "salt", + "carrots", + "olive oil", + "bay leaves", + "white rice", + "cayenne pepper", + "onions" + ] + }, + { + "id": 5906, + "cuisine": "mexican", + "ingredients": [ + "red chili peppers", + "water", + "coriander powder", + "salt", + "cooked brown rice", + "lime juice", + "spring onions", + "garlic cloves", + "pepper", + "corn", + "capsicum", + "red kidney beans", + "fresh coriander", + "taco seasoning mix", + "passata" + ] + }, + { + "id": 24820, + "cuisine": "italian", + "ingredients": [ + "pecorino cheese", + "bucatini", + "guanciale", + "red pepper flakes", + "olive oil", + "flat leaf parsley", + "dry white wine", + "plum tomatoes" + ] + }, + { + "id": 28844, + "cuisine": "irish", + "ingredients": [ + "coffee", + "salt", + "chocolate syrup", + "almond extract", + "Irish whiskey", + "sweetened condensed milk", + "evaporated milk", + "vanilla extract" + ] + }, + { + "id": 30455, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "capsicum", + "chopped celery", + "green chilies", + "tomato sauce", + "light soy sauce", + "ginger", + "rice vinegar", + "corn starch", + "cauliflower", + "water", + "chili powder", + "salt", + "oil", + "soy sauce", + "spring onions", + "garlic", + "all-purpose flour" + ] + }, + { + "id": 31118, + "cuisine": "british", + "ingredients": [ + "granary bread", + "marmite", + "unsalted butter" + ] + }, + { + "id": 38105, + "cuisine": "russian", + "ingredients": [ + "sauerkraut", + "salt", + "mushrooms", + "sour cream", + "ground black pepper", + "chopped onion", + "vegetable oil" + ] + }, + { + "id": 35295, + "cuisine": "indian", + "ingredients": [ + "chicken wings", + "chopped onion", + "ground ginger", + "large garlic cloves", + "curry powder", + "ground cumin", + "plain yogurt", + "chopped cilantro fresh" + ] + }, + { + "id": 8830, + "cuisine": "brazilian", + "ingredients": [ + "arrow root", + "sunflower oil", + "plain yogurt", + "salt", + "water", + "eggs", + "parmesan cheese" + ] + }, + { + "id": 30299, + "cuisine": "southern_us", + "ingredients": [ + "cake", + "chicken", + "slaw", + "purple onion", + "cornbread", + "cracked black pepper", + "barbecue sauce", + "plum tomatoes" + ] + }, + { + "id": 30728, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "pesto", + "salt", + "linguine", + "pepper" + ] + }, + { + "id": 28601, + "cuisine": "moroccan", + "ingredients": [ + "hot pepper sauce", + "currant", + "fresh mint", + "ground cumin", + "low sodium vegetable broth", + "sweet potatoes", + "garlic cloves", + "onions", + "ground cinnamon", + "broccoli florets", + "salt", + "couscous", + "olive oil", + "red pepper flakes", + "red bell pepper", + "saffron" + ] + }, + { + "id": 12267, + "cuisine": "jamaican", + "ingredients": [ + "hot pepper", + "ham", + "water", + "salt", + "stew meat", + "peas", + "fresh thyme", + "yams" + ] + }, + { + "id": 27675, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "vanilla", + "brown sugar", + "cinnamon", + "all-purpose flour", + "eggs", + "baking powder", + "salt", + "peaches", + "buttermilk", + "white sugar" + ] + }, + { + "id": 17564, + "cuisine": "greek", + "ingredients": [ + "mayonaise", + "greek seasoning", + "fresh lemon juice", + "mild olive oil" + ] + }, + { + "id": 38276, + "cuisine": "indian", + "ingredients": [ + "boneless skinless chicken breasts", + "green peas", + "long-grain rice", + "curry powder", + "sliced carrots", + "all-purpose flour", + "chopped cilantro fresh", + "lime rind", + "ground red pepper", + "salt", + "fresh lime juice", + "fat free milk", + "vegetable oil", + "chopped onion" + ] + }, + { + "id": 36433, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "asian fish sauce", + "shrimp", + "lime wedges", + "sweet chili sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 24521, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "fresh orange juice", + "fresh lime juice", + "flour tortillas", + "hot sauce", + "ground cumin", + "vegetable oil spray", + "purple onion", + "skirt steak", + "kosher salt", + "lime wedges", + "beer" + ] + }, + { + "id": 27464, + "cuisine": "french", + "ingredients": [ + "pepper", + "garlic", + "fat skimmed chicken broth", + "thick-cut bacon", + "sugar", + "dry red wine", + "sausages", + "onions", + "tomatoes", + "boned duck breast halves", + "salt", + "thyme sprigs", + "great northern beans", + "fresh thyme leaves", + "duck", + "bay leaf" + ] + }, + { + "id": 474, + "cuisine": "vietnamese", + "ingredients": [ + "mint", + "garlic sauce", + "chinese chives", + "rice noodles", + "shrimp", + "butter lettuce", + "salt", + "rice paper", + "cold water", + "cilantro", + "pork loin chops" + ] + }, + { + "id": 43248, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "minced onion", + "fresh parsley", + "fat free less sodium chicken broth", + "salt", + "arborio rice", + "fresh thyme", + "olive oil", + "shiitake mushroom caps" + ] + }, + { + "id": 31455, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "pepper", + "dried minced onion", + "chicken broth", + "all-purpose flour", + "milk" + ] + }, + { + "id": 15892, + "cuisine": "chinese", + "ingredients": [ + "honey", + "green onions", + "cilantro", + "salt", + "broccoli slaw", + "peanuts", + "sesame oil", + "garlic", + "chili sauce", + "soy sauce", + "fresh ginger", + "chicken breasts", + "ginger", + "peanut butter", + "lime", + "shredded carrots", + "rice noodles", + "fat-free chicken broth", + "beansprouts" + ] + }, + { + "id": 29700, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "olive oil", + "vinaigrette", + "arugula", + "seasoning", + "water", + "zucchini", + "fresh lemon juice", + "pepper", + "quinoa", + "garlic cloves", + "fresh basil", + "honey", + "salt", + "roasted tomatoes" + ] + }, + { + "id": 30452, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "unsalted butter", + "buttermilk", + "olive oil", + "gravy", + "all-purpose flour", + "biscuits", + "ground black pepper", + "baking powder", + "cayenne pepper", + "sweet onion", + "half & half", + "salt" + ] + }, + { + "id": 4479, + "cuisine": "irish", + "ingredients": [ + "cauliflower", + "salt", + "florets", + "Kerrygold Pure Irish Butter", + "sour cream", + "heavy cream" + ] + }, + { + "id": 41080, + "cuisine": "indian", + "ingredients": [ + "cooked rice", + "fresh ginger", + "diced tomatoes", + "freshly ground pepper", + "fresh lime juice", + "cauliflower", + "fresh cilantro", + "yukon gold potatoes", + "chickpeas", + "juice", + "serrano chilies", + "olive oil", + "florets", + "liquid", + "coarse kosher salt", + "water", + "garam masala", + "yellow onion", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 16648, + "cuisine": "french", + "ingredients": [ + "chicken cutlets", + "pepper", + "salt", + "spinach leaves", + "gruyere cheese", + "unsalted butter", + "ham" + ] + }, + { + "id": 24232, + "cuisine": "jamaican", + "ingredients": [ + "rum", + "white sugar", + "vodka", + "pineapple juice", + "lime slices", + "fresh lime juice", + "fruit", + "bitters" + ] + }, + { + "id": 45640, + "cuisine": "mexican", + "ingredients": [ + "ice cubes", + "salt", + "lime", + "fresh lime juice", + "lime juice", + "tequila", + "triple sec" + ] + }, + { + "id": 26179, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "cooking spray", + "chinese cabbage", + "corn starch", + "sugar", + "lower sodium soy sauce", + "rice vinegar", + "garlic chili sauce", + "medium shrimp", + "brown sugar", + "large egg whites", + "wonton wrappers", + "dark sesame oil", + "fresh lime juice", + "fish sauce", + "water", + "peeled fresh ginger", + "edamame", + "hot water" + ] + }, + { + "id": 32468, + "cuisine": "british", + "ingredients": [ + "blood orange", + "baking powder", + "crème fraîche", + "tangerine", + "unsalted butter", + "heavy cream", + "dark brown sugar", + "kosher salt", + "granulated sugar", + "extra large eggs", + "medjool date", + "toffee sauce", + "baking soda", + "kumquats", + "all-purpose flour" + ] + }, + { + "id": 35618, + "cuisine": "mexican", + "ingredients": [ + "chile pepper", + "salt", + "ground cumin", + "ground black pepper", + "diced tomatoes", + "onions", + "vegetable oil", + "beef broth", + "potatoes", + "beef stew meat", + "garlic salt" + ] + }, + { + "id": 36768, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "garlic", + "whole kernel corn, drain", + "onions", + "chicken broth", + "chile pepper", + "all-purpose flour", + "red bell pepper", + "chopped cilantro fresh", + "black beans", + "stewed tomatoes", + "rice", + "ground cayenne pepper", + "olive oil", + "salt", + "pinto beans", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 25122, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "sour cream", + "lettuce", + "wheat", + "green onions", + "chunky salsa", + "refried beans", + "cheese" + ] + }, + { + "id": 8883, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "shredded mozzarella cheese", + "lean ground beef", + "italian seasoning", + "lasagna noodles", + "garlic salt", + "tomato paste", + "part-skim ricotta cheese" + ] + }, + { + "id": 15936, + "cuisine": "southern_us", + "ingredients": [ + "bread", + "okra", + "salami", + "whole grain dijon mustard", + "pecans" + ] + }, + { + "id": 1821, + "cuisine": "indian", + "ingredients": [ + "clove", + "whole milk yoghurt", + "vegetable oil", + "garlic cloves", + "tumeric", + "peeled fresh ginger", + "salt", + "chicken legs", + "bay leaves", + "purple onion", + "cinnamon sticks", + "warm water", + "chili powder", + "cardamom pods" + ] + }, + { + "id": 34276, + "cuisine": "cajun_creole", + "ingredients": [ + "louisiana hot sauce", + "crawfish", + "cayenne pepper", + "mayonaise", + "butter", + "cream cheese", + "crusty bread", + "green onions", + "creole seasoning", + "kosher salt", + "garlic", + "red bell pepper" + ] + }, + { + "id": 12745, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "garlic cloves", + "chicken wings", + "peanut oil", + "chili flakes", + "rice vinegar", + "celery", + "kosher salt", + "chinese five-spice powder" + ] + }, + { + "id": 30157, + "cuisine": "british", + "ingredients": [ + "maple extract", + "light molasses", + "whipping cream", + "powdered sugar", + "large egg yolks", + "baking powder", + "all-purpose flour", + "golden brown sugar", + "unsalted butter", + "salt", + "pecans", + "baking soda", + "buttermilk" + ] + }, + { + "id": 31315, + "cuisine": "indian", + "ingredients": [ + "corn flakes", + "cilantro leaves", + "puffed rice", + "unsalted cashews", + "cayenne pepper", + "fresh lime", + "mango chutney", + "onions", + "potatoes", + "tomato ketchup" + ] + }, + { + "id": 40261, + "cuisine": "spanish", + "ingredients": [ + "green bell pepper", + "garlic powder", + "sweet italian sausage", + "chicken bouillon", + "ground thyme", + "onions", + "instant rice", + "boneless skinless chicken breasts", + "hot water", + "tomatoes", + "olive oil", + "salt", + "frozen peas" + ] + }, + { + "id": 7455, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "lime", + "peanut oil", + "brown sugar", + "Thai red curry paste", + "fish sauce", + "watercress", + "scallions", + "mussels", + "lite coconut milk", + "garlic" + ] + }, + { + "id": 3664, + "cuisine": "mexican", + "ingredients": [ + "chicken meat", + "kosher salt", + "chopped cilantro fresh", + "jack cheese", + "corn tortillas", + "vegetable oil" + ] + }, + { + "id": 13780, + "cuisine": "mexican", + "ingredients": [ + "water", + "diced tomatoes", + "whole kernel corn, drain", + "Mexican cheese blend", + "seasoned ground turkey", + "onions", + "quinoa", + "garlic", + "sour cream", + "red kidney beans", + "guacamole", + "salsa", + "sliced green onions" + ] + }, + { + "id": 42740, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "lime juice", + "flour tortillas", + "boneless skinless chicken breast halves", + "tomatoes", + "honey", + "corn starch", + "avocado", + "lime", + "vegetable oil", + "gold tequila", + "ground black pepper", + "garlic salt" + ] + }, + { + "id": 2719, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "green onions", + "cumin", + "roasted red peppers", + "salt", + "ground black pepper", + "chicken breasts", + "chicken broth", + "flour", + "cayenne pepper" + ] + }, + { + "id": 5857, + "cuisine": "greek", + "ingredients": [ + "pepper", + "diced tomatoes", + "onions", + "feta cheese", + "medium shrimp", + "olive oil", + "salt", + "white wine", + "garlic powder", + "fresh parsley" + ] + }, + { + "id": 7710, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "heavy cream", + "extra-virgin olive oil", + "pinenuts", + "unsalted butter", + "crushed red pepper flakes", + "purple onion", + "cremini mushrooms", + "asparagus", + "basil", + "fine sea salt", + "homemade vegetable stock", + "parmigiano reggiano cheese", + "dried fettuccine" + ] + }, + { + "id": 3853, + "cuisine": "chinese", + "ingredients": [ + "water chestnuts", + "worcestershire sauce", + "boneless skinless chicken breast halves", + "pinenuts", + "peeled fresh ginger", + "rice vinegar", + "lettuce leaves", + "salt", + "hoisin sauce", + "vegetable oil", + "scallions" + ] + }, + { + "id": 23977, + "cuisine": "chinese", + "ingredients": [ + "pork neck", + "hoisin sauce", + "light soy sauce", + "red food coloring", + "white pepper", + "red preserved bean curd", + "honey", + "chinese five-spice powder" + ] + }, + { + "id": 43459, + "cuisine": "moroccan", + "ingredients": [ + "water", + "large garlic cloves", + "chickpeas", + "ground cumin", + "green bell pepper", + "vegetable oil", + "salt", + "carrots", + "ground ginger", + "eggplant", + "raisins", + "ground allspice", + "tumeric", + "cinnamon", + "cayenne pepper", + "onions" + ] + }, + { + "id": 40915, + "cuisine": "french", + "ingredients": [ + "ground nutmeg", + "margarine", + "black peppercorns", + "all-purpose flour", + "onions", + "1% low-fat milk", + "ground white pepper", + "salt", + "bay leaf" + ] + }, + { + "id": 11738, + "cuisine": "filipino", + "ingredients": [ + "sweetened condensed milk", + "sugar", + "avocado", + "milk" + ] + }, + { + "id": 46286, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "canned tomatoes", + "low salt chicken broth", + "fresh rosemary", + "dry red wine", + "veal shoulder", + "onions", + "large garlic cloves", + "chopped celery", + "flat leaf parsley", + "pitted kalamata olives", + "extra-virgin olive oil", + "carrots", + "grated lemon peel" + ] + }, + { + "id": 37126, + "cuisine": "thai", + "ingredients": [ + "chile paste", + "butter", + "chicken wings", + "chilegarlic sauce", + "oil", + "honey", + "all-purpose flour", + "sweet chili sauce", + "hot pepper sauce" + ] + }, + { + "id": 21263, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "marinara sauce", + "freshly grated parmesan", + "fresh basil leaves", + "part-skim mozzarella", + "whole wheat pizza crust", + "prosciutto" + ] + }, + { + "id": 12093, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "dried thyme", + "chopped celery", + "red miso", + "tomato paste", + "reduced sodium chicken broth", + "finely chopped onion", + "salt", + "bok choy", + "lean ground pork", + "ground black pepper", + "sweet pepper", + "nonstick spray", + "sake", + "shredded coleslaw mix", + "green onions", + "rice vinegar" + ] + }, + { + "id": 23462, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "yukon gold potatoes", + "chopped onion", + "frozen peas", + "water", + "vegetable oil", + "ground coriander", + "plum tomatoes", + "garam masala", + "ginger", + "garlic cloves", + "cumin", + "tumeric", + "meat", + "salt", + "chopped cilantro" + ] + }, + { + "id": 14210, + "cuisine": "italian", + "ingredients": [ + "hazelnut butter", + "large eggs", + "granulated sugar", + "bittersweet chocolate", + "milk chocolate", + "heavy cream", + "Nutella" + ] + }, + { + "id": 4785, + "cuisine": "chinese", + "ingredients": [ + "all purpose unbleached flour", + "salt", + "vanilla extract", + "egg whites", + "white sugar" + ] + }, + { + "id": 47374, + "cuisine": "southern_us", + "ingredients": [ + "head on shrimp", + "vine ripened tomatoes", + "cayenne pepper", + "green onion bottoms", + "diced onions", + "olive oil", + "salt", + "fresh parsley leaves", + "andouille sausage", + "shallots", + "onion tops", + "sour cream", + "shrimp stock", + "minced garlic", + "butter", + "sweet paprika", + "grits" + ] + }, + { + "id": 26140, + "cuisine": "vietnamese", + "ingredients": [ + "hot water", + "kahlua", + "ice", + "sweetened condensed milk", + "coffee" + ] + }, + { + "id": 24565, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "red cabbage", + "buttermilk", + "hot sauce", + "green cabbage", + "cider vinegar", + "jalapeno chilies", + "purple onion", + "celery seed", + "horseradish", + "ground black pepper", + "green onions", + "salt", + "sugar", + "shredded carrots", + "dry mustard", + "fresh lemon juice" + ] + }, + { + "id": 2102, + "cuisine": "mexican", + "ingredients": [ + "roma tomatoes", + "kosher salt", + "vegetable oil", + "jalapeno chilies", + "finely chopped onion" + ] + }, + { + "id": 5642, + "cuisine": "spanish", + "ingredients": [ + "tomato juice", + "fresh orange juice", + "green olives", + "worcestershire sauce", + "fresh lime juice", + "ground black pepper", + "hot sauce", + "brown sugar", + "sea salt", + "brine" + ] + }, + { + "id": 41160, + "cuisine": "british", + "ingredients": [ + "raspberry jam", + "raspberries", + "heavy whipping cream", + "white chocolate", + "almond extract", + "sugar", + "water", + "biscuits", + "sliced almonds", + "fresh raspberries" + ] + }, + { + "id": 28606, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "orange zest", + "unsalted butter", + "salt", + "black pepper", + "orzo", + "chicken stock", + "chopped fresh thyme" + ] + }, + { + "id": 12492, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "dried shrimp", + "garlic cloves", + "asian fish sauce", + "thai chile", + "green papaya", + "fresh lime juice" + ] + }, + { + "id": 33212, + "cuisine": "mexican", + "ingredients": [ + "sour cream", + "Lipton® Recipe Secrets® Onion Soup Mix", + "TABASCO® Chipotle Pepper Sauce", + "Hellmann's® Real Mayonnaise" + ] + }, + { + "id": 48489, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "ground black pepper", + "lime juice", + "salt", + "garlic powder", + "tomatoes", + "purple onion" + ] + }, + { + "id": 3248, + "cuisine": "mexican", + "ingredients": [ + "lime", + "flank steak", + "salt", + "white vinegar", + "garlic powder", + "paprika", + "dried oregano", + "olive oil", + "chili powder", + "ground white pepper", + "soy sauce", + "ground black pepper", + "garlic", + "ground cumin" + ] + }, + { + "id": 39729, + "cuisine": "southern_us", + "ingredients": [ + "bacon drippings", + "butter", + "large eggs", + "salt", + "baking powder", + "white cornmeal", + "baking soda", + "buttermilk" + ] + }, + { + "id": 2906, + "cuisine": "southern_us", + "ingredients": [ + "worcestershire sauce", + "tomato juice", + "ground black pepper", + "white vinegar", + "crushed red pepper flakes" + ] + }, + { + "id": 1997, + "cuisine": "spanish", + "ingredients": [ + "capers", + "brewed coffee", + "salt", + "sliced mushrooms", + "pitted date", + "cracked black pepper", + "long-grain rice", + "rump roast", + "taro", + "beef broth", + "chayotes", + "finely chopped onion", + "dry red wine", + "garlic cloves" + ] + }, + { + "id": 9696, + "cuisine": "southern_us", + "ingredients": [ + "shredded extra sharp cheddar cheese", + "dry mustard", + "bread crumbs", + "whole milk", + "grated nutmeg", + "black pepper", + "grated parmesan cheese", + "all-purpose flour", + "unsalted butter", + "coarse salt", + "elbow macaroni" + ] + }, + { + "id": 331, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "prepared mustard", + "pepper", + "salt", + "sweet relish", + "garlic", + "eggs", + "potatoes", + "celery" + ] + }, + { + "id": 14544, + "cuisine": "italian", + "ingredients": [ + "clams", + "clam juice", + "salt", + "dry white wine", + "littleneck clams", + "fresh lemon juice", + "lemon wedge", + "linguine", + "chopped parsley", + "ground black pepper", + "butter", + "garlic cloves" + ] + }, + { + "id": 8397, + "cuisine": "japanese", + "ingredients": [ + "ketchup", + "mustard powder", + "soy sauce", + "worcestershire sauce" + ] + }, + { + "id": 43164, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "low sodium chicken broth", + "garlic cloves", + "snow peas", + "lo mein noodles", + "vegetable oil", + "oyster sauce", + "shiitake", + "peeled fresh ginger", + "garlic chili sauce", + "broccoli florets", + "scallions", + "toasted sesame oil" + ] + }, + { + "id": 41871, + "cuisine": "greek", + "ingredients": [ + "fennel bulb", + "salt", + "arugula", + "romaine lettuce", + "watercress", + "toasted pine nuts", + "fresh dill", + "red wine vinegar", + "scallions", + "borage", + "ground black pepper", + "extra-virgin olive oil", + "fresh mint" + ] + }, + { + "id": 11459, + "cuisine": "japanese", + "ingredients": [ + "large eggs", + "medium shrimp", + "soy sauce", + "grated lemon zest", + "chicken broth", + "mushrooms", + "mirin", + "scallions" + ] + }, + { + "id": 43487, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "green onions", + "corn starch", + "eggs", + "fresh ginger", + "ground pork", + "white sugar", + "chicken broth", + "water", + "dry sherry", + "toasted sesame oil", + "soy sauce", + "water chestnuts", + "salt" + ] + }, + { + "id": 15819, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "peanuts", + "szechwan peppercorns", + "sherry wine", + "chili pepper", + "boneless skinless chicken breasts", + "ginger", + "soy sauce", + "green onions", + "sesame oil", + "corn starch", + "water", + "apple cider vinegar", + "garlic" + ] + }, + { + "id": 14809, + "cuisine": "cajun_creole", + "ingredients": [ + "turkey", + "fresh thyme leaves", + "onions", + "crushed garlic", + "butter beans", + "tomatoes", + "carrots" + ] + }, + { + "id": 33970, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "sauce", + "cream sweeten whip", + "graham cracker crumbs", + "ground cinnamon", + "granulated sugar", + "granny smith apples", + "grated nutmeg" + ] + }, + { + "id": 13212, + "cuisine": "irish", + "ingredients": [ + "beef bouillon granules", + "salt", + "freshly ground pepper", + "ground round", + "stewed tomatoes", + "chopped onion", + "bay leaf", + "dried thyme", + "cheese", + "fresh mushrooms", + "frozen peas", + "mashed potatoes", + "red wine vinegar", + "all-purpose flour", + "garlic cloves" + ] + }, + { + "id": 14786, + "cuisine": "brazilian", + "ingredients": [ + "vanilla essence", + "sweetened condensed milk", + "salt", + "cocoa powder", + "butter", + "chocolate sprinkles" + ] + }, + { + "id": 26829, + "cuisine": "filipino", + "ingredients": [ + "plain flour", + "pepper", + "butter", + "garlic", + "sugar", + "instant yeast", + "star anise", + "oyster sauce", + "cold water", + "soy sauce", + "vegetable oil", + "cornflour", + "onions", + "eggs", + "water", + "ground pork", + "salt" + ] + }, + { + "id": 38709, + "cuisine": "italian", + "ingredients": [ + "fusilli", + "chopped fresh mint", + "pepper", + "ricotta", + "salt", + "grated parmesan cheese", + "edamame" + ] + }, + { + "id": 25501, + "cuisine": "greek", + "ingredients": [ + "cooking spray", + "crushed red pepper", + "fresh lemon juice", + "black pepper", + "pitted green olives", + "garlic cloves", + "grated orange", + "tuna steaks", + "salt", + "orange rind", + "fennel seeds", + "dry white wine", + "Greek black olives", + "couscous" + ] + }, + { + "id": 47178, + "cuisine": "southern_us", + "ingredients": [ + "creole mustard", + "file powder", + "hot sauce", + "pepper", + "chopped fresh chives", + "fresh parsley", + "mayonaise", + "lemon zest", + "lemon juice", + "bread and butter pickles", + "salt" + ] + }, + { + "id": 27979, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "ground cloves", + "green onions", + "chutney", + "white vinegar", + "soy sauce", + "ground nutmeg", + "ground white pepper", + "sugar", + "honey", + "duck", + "ground cinnamon", + "orange", + "plum jam", + "fresh parsley" + ] + }, + { + "id": 29504, + "cuisine": "mexican", + "ingredients": [ + "lime", + "flour tortillas", + "tomatillos", + "salt", + "shredded Monterey Jack cheese", + "ground black pepper", + "jalapeno chilies", + "extra-virgin olive oil", + "onion rings", + "honey", + "crema mexican", + "chicken meat", + "cilantro leaves", + "ground cumin", + "chicken stock", + "poblano peppers", + "shredded swiss cheese", + "garlic", + "onions" + ] + }, + { + "id": 2398, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "garlic powder", + "rotini", + "dried basil", + "pepperoni", + "dried oregano", + "kosher salt", + "ground black pepper", + "fresh parsley", + "sausage casings", + "olive oil", + "shredded mozzarella cheese" + ] + }, + { + "id": 24697, + "cuisine": "mexican", + "ingredients": [ + "boneless pork shoulder", + "salt", + "Mexican oregano", + "dried guajillo chiles", + "tomatillos", + "water", + "garlic cloves" + ] + }, + { + "id": 44909, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "olive oil", + "heavy cream", + "all-purpose flour", + "eggs", + "green tomatoes", + "basil", + "onions", + "sugar", + "buttermilk", + "garlic", + "canola oil", + "tomatoes", + "fresh thyme", + "SYD Hot Rub", + "sauce" + ] + }, + { + "id": 11916, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "salt", + "chili powder", + "ground cumin", + "pork tenderloin", + "cayenne pepper", + "brown sugar", + "garlic" + ] + }, + { + "id": 24291, + "cuisine": "moroccan", + "ingredients": [ + "butter", + "semolina", + "all-purpose flour", + "baking powder", + "yeast", + "honey", + "salt" + ] + }, + { + "id": 38854, + "cuisine": "thai", + "ingredients": [ + "chili pepper", + "peanuts", + "tamarind paste", + "chicken", + "fish sauce", + "minced garlic", + "green onions", + "shrimp", + "eggs", + "pepper", + "cooking oil", + "firm tofu", + "sugar", + "lime juice", + "rice noodles", + "beansprouts" + ] + }, + { + "id": 47249, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "tomatillos", + "garlic cloves", + "watermelon radishes", + "jalapeno chilies", + "yellow onion", + "chopped cilantro fresh", + "chicken stock", + "hominy", + "salt", + "pepitas", + "boneless chicken skinless thigh", + "vegetable oil", + "cumin seed", + "dried oregano" + ] + }, + { + "id": 33113, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh thyme", + "green onions", + "cayenne pepper", + "chicken", + "andouille sausage", + "flour", + "garlic", + "onions", + "bell pepper", + "worcestershire sauce", + "rib", + "file powder", + "bay leaves", + "salt", + "canola oil" + ] + }, + { + "id": 37327, + "cuisine": "italian", + "ingredients": [ + "sugar", + "active dry yeast", + "Italian parsley leaves", + "fresh herbs", + "pinenuts", + "baby greens", + "cheese", + "fresh basil leaves", + "warm water", + "whole wheat flour", + "extra-virgin olive oil", + "harissa sauce", + "kosher salt", + "grated parmesan cheese", + "all-purpose flour" + ] + }, + { + "id": 26596, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "buttermilk", + "celery seed", + "ground black pepper", + "chicken fingers", + "olive oil", + "cayenne pepper", + "flour", + "rice flour" + ] + }, + { + "id": 22126, + "cuisine": "mexican", + "ingredients": [ + "serrano chilies", + "pork tenderloin", + "salt", + "onions", + "pepper", + "epazote", + "lima beans", + "masa", + "parsley sprigs", + "tomatillos", + "beef broth", + "chopped cilantro fresh", + "fennel", + "garlic", + "chopped parsley" + ] + }, + { + "id": 32938, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "red pepper flakes", + "beansprouts", + "fish sauce", + "green onions", + "carrots", + "chopped nuts", + "lime juice", + "cilantro", + "brown sugar", + "rice noodles", + "shrimp" + ] + }, + { + "id": 47284, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "large egg yolks", + "grated nutmeg", + "olive oil", + "parmigiano reggiano cheese", + "garlic cloves", + "eggplant", + "salt", + "plum tomatoes", + "water", + "lasagna noodles", + "ricotta" + ] + }, + { + "id": 6364, + "cuisine": "mexican", + "ingredients": [ + "processed cheese", + "whole kernel corn, drain", + "flour tortillas", + "diced tomatoes", + "vegetable oil", + "potatoes", + "peas" + ] + }, + { + "id": 22238, + "cuisine": "mexican", + "ingredients": [ + "beef brisket", + "garlic cloves", + "kosher salt", + "apple cider vinegar", + "chipotles in adobo", + "clove", + "flour tortillas", + "bay leaf", + "lime", + "beef broth", + "onions" + ] + }, + { + "id": 25625, + "cuisine": "southern_us", + "ingredients": [ + "pork rind", + "garlic", + "celery", + "cooked ham", + "hot pepper", + "chopped onion", + "green bell pepper", + "black-eyed peas", + "salt", + "pepper", + "cajun seasoning", + "red bell pepper" + ] + }, + { + "id": 22865, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "fresh lemon", + "flat leaf parsley", + "olives", + "saffron threads", + "preserved lemon", + "extra-virgin olive oil", + "onions", + "red potato", + "crushed garlic", + "bay leaf", + "ground cumin", + "ground ginger", + "hungarian paprika", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 13476, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "sea salt", + "red wine vinegar", + "shallots", + "chicken", + "olive oil", + "Italian parsley leaves" + ] + }, + { + "id": 38692, + "cuisine": "greek", + "ingredients": [ + "ground cloves", + "chopped almonds", + "phyllo pastry", + "honey", + "vanilla extract", + "water", + "lemon", + "white sugar", + "ground cinnamon", + "unsalted butter", + "cinnamon sticks" + ] + }, + { + "id": 42394, + "cuisine": "filipino", + "ingredients": [ + "water", + "unsweetened cocoa powder", + "sugar", + "salt", + "vanilla", + "glutinous rice", + "boiling water" + ] + }, + { + "id": 14563, + "cuisine": "southern_us", + "ingredients": [ + "bacon drippings", + "buttermilk", + "large eggs", + "white cornmeal", + "baking powder", + "baking soda", + "salt" + ] + }, + { + "id": 25082, + "cuisine": "british", + "ingredients": [ + "water", + "salt", + "active dry yeast", + "white sugar", + "milk", + "cornmeal", + "baking soda", + "bread flour" + ] + }, + { + "id": 36065, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "potato gnocchi", + "parmesan cheese", + "kosher salt", + "unsalted butter" + ] + }, + { + "id": 15555, + "cuisine": "italian", + "ingredients": [ + "water", + "veal", + "ground paprika", + "garlic powder", + "eggs", + "olive oil", + "bread crumbs", + "parmesan cheese" + ] + }, + { + "id": 30702, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "cracked black pepper", + "dried basil", + "onion powder", + "kosher salt", + "ground red pepper", + "crushed red pepper", + "dried thyme", + "paprika" + ] + }, + { + "id": 1323, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "vanilla extract", + "baking soda", + "almond extract", + "all-purpose flour", + "milk", + "baking powder", + "salt", + "crumb topping", + "butter", + "cream cheese, soften" + ] + }, + { + "id": 41117, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "chili", + "cilantro leaves", + "kosher salt", + "garlic", + "Marcona almonds", + "grated lemon zest" + ] + }, + { + "id": 29815, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "fresh corn", + "bacon", + "okra", + "tomatoes", + "hot pepper sauce", + "chopped onion", + "black pepper", + "garlic" + ] + }, + { + "id": 41127, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "flour tortillas", + "olive oil", + "chipotle peppers", + "shredded cheddar cheese", + "salt", + "asparagus" + ] + }, + { + "id": 46221, + "cuisine": "chinese", + "ingredients": [ + "red pepper", + "cooked rice", + "Kung Pao sauce", + "broccoli", + "vegetable oil", + "cooked chicken breasts" + ] + }, + { + "id": 22490, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "cilantro sprigs", + "queso fresco", + "cooked brown rice", + "diced tomatoes", + "chili powder", + "ground cumin" + ] + }, + { + "id": 19741, + "cuisine": "southern_us", + "ingredients": [ + "black beans", + "jalapeno chilies", + "purple onion", + "almond milk", + "collard greens", + "water", + "cilantro", + "ear of corn", + "grits", + "tomatoes", + "pepper", + "corn oil", + "salt", + "smoked paprika", + "sugar", + "lime", + "garlic", + "bbq sauce" + ] + }, + { + "id": 38974, + "cuisine": "mexican", + "ingredients": [ + "dark chocolate", + "serrano peppers", + "garlic", + "raw almond", + "coriander seeds", + "seeds", + "orange juice", + "chicken thighs", + "safflower oil", + "golden raisins", + "canned tomatoes", + "onions", + "black peppercorns", + "fresh thyme", + "vegetable stock", + "cinnamon sticks", + "pasilla pepper" + ] + }, + { + "id": 40339, + "cuisine": "irish", + "ingredients": [ + "large eggs", + "all-purpose flour", + "mashed potatoes", + "baking powder", + "potatoes", + "milk", + "salt" + ] + }, + { + "id": 28095, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "capers", + "flour", + "chopped parsley", + "chicken stock", + "grated parmesan cheese", + "lemon juice", + "pepper", + "butter", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 30685, + "cuisine": "filipino", + "ingredients": [ + "fresh tomatoes", + "daikon", + "lean beef", + "bok choy", + "pepper", + "salt", + "yams", + "white onion", + "pineapple", + "green chilies", + "water", + "beef broth", + "chinese spinach" + ] + }, + { + "id": 45742, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "diced tomatoes", + "guacamole", + "salsa", + "green onions", + "Mexican cheese blend", + "non-fat sour cream" + ] + }, + { + "id": 4281, + "cuisine": "southern_us", + "ingredients": [ + "brandy", + "bourbon whiskey", + "egg yolks", + "milk", + "heavy cream", + "sugar", + "rum" + ] + }, + { + "id": 40296, + "cuisine": "moroccan", + "ingredients": [ + "orange", + "all-purpose flour", + "garlic cloves", + "ground cumin", + "saffron threads", + "fresh ginger", + "lamb", + "flat leaf parsley", + "olive oil", + "yellow onion", + "carrots", + "crushed tomatoes", + "beef stock", + "freshly ground pepper", + "dried dates" + ] + }, + { + "id": 5986, + "cuisine": "chinese", + "ingredients": [ + "zucchini", + "salad dressing", + "green onions", + "boneless skinless chicken breast halves", + "orange juice", + "broccoli florets", + "red bell pepper" + ] + }, + { + "id": 23076, + "cuisine": "french", + "ingredients": [ + "cheddar cheese", + "flour", + "salt", + "diced onions", + "milk", + "heavy cream", + "diced ham", + "cold water", + "large eggs", + "dry mustard", + "chopped parsley", + "pepper", + "butter", + "all-purpose flour" + ] + }, + { + "id": 15869, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "water", + "shallots", + "cucumber", + "fish sauce", + "long buns", + "pickled carrots", + "cilantro", + "salmon", + "lime juice", + "daikon", + "bird chile", + "mayonaise", + "baguette", + "jalapeno chilies", + "garlic" + ] + }, + { + "id": 12998, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "whole milk", + "low salt chicken broth", + "ground nutmeg", + "butter", + "fresh parsley", + "panko", + "dry white wine", + "serrano ham", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 45502, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large egg yolks", + "vanilla", + "water", + "golden raisins", + "all-purpose flour", + "sliced almonds", + "large eggs", + "salt", + "grated orange peel", + "active dry yeast", + "butter", + "grated lemon peel" + ] + }, + { + "id": 43654, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "whole grain mustard", + "smoked paprika", + "chicken stock", + "brown sugar", + "garlic", + "onions", + "jack daniels", + "chili flakes", + "worcestershire sauce", + "duck drumsticks", + "ground ginger", + "black pepper", + "salt", + "ground cumin" + ] + }, + { + "id": 41006, + "cuisine": "mexican", + "ingredients": [ + "refrigerated crescent rolls", + "melted butter", + "white sugar", + "ground cinnamon", + "cream cheese", + "vanilla extract" + ] + }, + { + "id": 41847, + "cuisine": "italian", + "ingredients": [ + "basil pesto sauce", + "roasted red peppers", + "Italian bread", + "mascarpone", + "extra-virgin olive oil", + "pitted black olives", + "ground black pepper", + "salt", + "mozzarella cheese", + "large garlic cloves" + ] + }, + { + "id": 10648, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "okra", + "vegetable oil", + "ground black pepper", + "cornmeal", + "salt" + ] + }, + { + "id": 10214, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "garlic", + "jalapeno chilies", + "onions", + "Mexican beer", + "water", + "salt" + ] + }, + { + "id": 41732, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "grated parmesan cheese", + "garlic cloves", + "ground black pepper", + "salt", + "low-fat cottage cheese", + "baby spinach", + "lasagna noodles", + "shredded cheese" + ] + }, + { + "id": 8430, + "cuisine": "brazilian", + "ingredients": [ + "baobab fruit powder", + "sweet cherries", + "kale", + "almond milk", + "açai" + ] + }, + { + "id": 15773, + "cuisine": "indian", + "ingredients": [ + "bread", + "coconut cream", + "mild curry paste", + "coriander", + "brown sugar", + "lentils", + "lime" + ] + }, + { + "id": 37294, + "cuisine": "italian", + "ingredients": [ + "low sodium tomato paste", + "italian seasoning", + "tomato sauce", + "lean ground beef", + "olive oil", + "shredded mozzarella cheese", + "frozen chopped spinach", + "refrigerated pizza dough" + ] + }, + { + "id": 18373, + "cuisine": "moroccan", + "ingredients": [ + "pitted date", + "dried apricot", + "all purpose unbleached flour", + "large eggs", + "vegetable oil", + "chopped walnuts", + "sesame seeds", + "baking powder", + "salt", + "sugar", + "chopped almonds", + "cinnamon" + ] + }, + { + "id": 24096, + "cuisine": "vietnamese", + "ingredients": [ + "mint", + "chicken breasts", + "cardamom seeds", + "carrots", + "lemongrass", + "sunflower oil", + "cinnamon candy canes", + "onions", + "fish sauce", + "chili powder", + "garlic", + "green beans", + "peanuts", + "star anise", + "bean sauce", + "coriander" + ] + }, + { + "id": 28268, + "cuisine": "greek", + "ingredients": [ + "chicken stock", + "cooked chicken", + "fresh parsley", + "garbanzo beans", + "juice", + "minced garlic", + "fresh oregano", + "onions", + "greek seasoning", + "base", + "feta cheese crumbles" + ] + }, + { + "id": 32459, + "cuisine": "thai", + "ingredients": [ + "dark soy sauce", + "caster sugar", + "palm sugar", + "shallots", + "salt", + "cucumber", + "warm water", + "peanuts", + "boneless chicken breast", + "cilantro root", + "firm tofu", + "chillies", + "fish sauce", + "lemongrass", + "tamarind pulp", + "vegetable oil", + "cilantro leaves", + "beansprouts", + "black peppercorns", + "boneless chicken thighs", + "fresh ginger root", + "spring onions", + "sweet pepper", + "garlic cloves", + "snow peas" + ] + }, + { + "id": 48448, + "cuisine": "korean", + "ingredients": [ + "Korean chile flakes", + "ground black pepper", + "mung bean sprouts", + "yellow peppers", + "white vinegar", + "sugar", + "grapeseed oil", + "toasted sesame seeds", + "spinach", + "sesame oil", + "onions", + "canola oil", + "vinaigrette dressing", + "soy sauce", + "garlic cloves", + "noodles" + ] + }, + { + "id": 43441, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "aioli", + "all-purpose flour", + "panko", + "green tomatoes", + "olive oil", + "large eggs", + "cornmeal", + "ground black pepper", + "coarse salt" + ] + }, + { + "id": 34334, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper", + "fresh parsley", + "fresh parmesan cheese", + "salt", + "sun-dried tomatoes", + "purple onion", + "plum tomatoes", + "pitted kalamata olives", + "ground black pepper", + "bow-tie pasta" + ] + }, + { + "id": 45680, + "cuisine": "mexican", + "ingredients": [ + "beef stock cubes", + "yellow onion", + "canola oil", + "green chile", + "garlic", + "enchilada sauce", + "diced tomatoes", + "pork roast", + "ground cumin", + "black pepper", + "salt", + "dried oregano" + ] + }, + { + "id": 10671, + "cuisine": "spanish", + "ingredients": [ + "baguette", + "lemon", + "purple onion", + "olive oil", + "sea salt", + "cucumber", + "water", + "heirloom tomatoes", + "garlic cloves", + "black pepper", + "red wine vinegar", + "yellow bell pepper", + "flat leaf parsley" + ] + }, + { + "id": 2227, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "penne pasta", + "fresh spinach", + "garlic", + "ground turkey", + "tomato paste", + "corn", + "taco seasoning", + "tomato sauce", + "salsa", + "onions" + ] + }, + { + "id": 26756, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "sugar", + "bay leaves", + "paneer", + "green cardamom", + "garlic paste", + "ajwain", + "Himalayan salt", + "salt", + "oil", + "black peppercorns", + "red chili peppers", + "yoghurt", + "purple onion", + "brown cardamom", + "clove", + "tumeric", + "bell pepper", + "star anise", + "fenugreek seeds", + "cumin" + ] + }, + { + "id": 30717, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "reduced sodium chicken broth", + "chenpi", + "beef rib short", + "red chili peppers", + "peeled fresh ginger", + "chinese wheat noodles", + "garlic cloves", + "light brown sugar", + "soy sauce", + "cilantro stems", + "star anise", + "mung bean sprouts", + "hot red pepper flakes", + "water", + "mustard greens", + "scallions" + ] + }, + { + "id": 26744, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "salt", + "plain whole-milk yogurt", + "catfish fillets", + "vegetable oil", + "ground coriander", + "peeled fresh ginger", + "dry bread crumbs", + "ground cumin", + "green chile", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 38316, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "kalamata", + "new potatoes", + "leg of lamb", + "chopped tomatoes", + "garlic cloves", + "lemon", + "oregano" + ] + }, + { + "id": 43501, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "garlic", + "cumin", + "ground cloves", + "chuck roast", + "fresh lime juice", + "chipotle chile", + "apple cider vinegar", + "oregano", + "chicken broth", + "olive oil", + "salt" + ] + }, + { + "id": 12964, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "dried porcini mushrooms", + "ground black pepper", + "arrowroot", + "chopped celery", + "plum tomatoes", + "fresh rosemary", + "white wine", + "fresh thyme", + "butter", + "flour for dusting", + "warm water", + "kosher salt", + "bay leaves", + "dry red wine", + "carrots", + "chicken broth", + "juniper berries", + "beef", + "parsley", + "chopped onion" + ] + }, + { + "id": 36095, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "garlic cloves", + "chicken broth", + "red beans", + "onions", + "celery ribs", + "water", + "sausages", + "cooked rice", + "creole seasoning" + ] + }, + { + "id": 46437, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "roma tomatoes", + "cilantro", + "smoked paprika", + "cumin", + "jack cheese", + "olive oil", + "red wine vinegar", + "salt", + "chipotles in adobo", + "chicken broth", + "water", + "potatoes", + "garlic", + "corn tortillas", + "white onion", + "poblano peppers", + "shredded lettuce", + "salsa", + "oregano" + ] + }, + { + "id": 7346, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt pork", + "vegetable oil", + "field peas", + "water", + "okra pods", + "salt" + ] + }, + { + "id": 14410, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "vanilla extract", + "whole milk", + "sugar", + "whipping cream", + "french bread", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 26026, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "ground black pepper", + "salt", + "sea scallops", + "vegetable oil", + "mayonaise", + "panko", + "dry mustard", + "large egg yolks", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 49544, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "large eggs", + "tartar sauce", + "cracker crumbs", + "fillets", + "pepper", + "all-purpose flour" + ] + }, + { + "id": 7333, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "Sriracha", + "tempura batter", + "mayonaise", + "water", + "rice vinegar", + "cold water", + "sushi rice", + "salt", + "sugar", + "mirin", + "shrimp" + ] + }, + { + "id": 3634, + "cuisine": "korean", + "ingredients": [ + "chestnuts", + "flanken short ribs", + "rice wine", + "carrots", + "soy sauce", + "green onions", + "light corn syrup", + "onions", + "brown sugar", + "potatoes", + "dates", + "toasted sesame oil", + "water", + "fresh shiitake mushrooms", + "garlic" + ] + }, + { + "id": 39877, + "cuisine": "chinese", + "ingredients": [ + "Sriracha", + "garlic", + "frozen peas and carrots", + "low sodium soy sauce", + "green onions", + "skinless chicken breasts", + "large eggs", + "salt", + "canola oil", + "ground black pepper", + "sesame oil", + "cooked long-grain brown rice" + ] + }, + { + "id": 43913, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "lean ground beef", + "ricotta", + "onions", + "olive oil", + "garlic", + "carrots", + "spinach", + "fresh mozzarella", + "freshly ground pepper", + "ziti", + "salt", + "celery" + ] + }, + { + "id": 7219, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "salt", + "caraway seeds", + "raisins", + "cold milk", + "vegetable shortening", + "sugar", + "cake flour" + ] + }, + { + "id": 32729, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "red pepper", + "onions", + "parmesan cheese", + "Bisquick Baking Mix", + "cheddar cheese", + "sour cream", + "cold water", + "Kraft Miracle Whip Dressing", + "ground beef" + ] + }, + { + "id": 24127, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "dry white wine", + "Italian turkey sausage", + "fennel seeds", + "olive oil", + "large garlic cloves", + "oven-ready lasagna noodles", + "crushed tomatoes", + "whole milk ricotta cheese", + "carrots", + "fresh basil", + "grated parmesan cheese", + "fresh oregano", + "onions" + ] + }, + { + "id": 14941, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "egg roll wrappers", + "ground pork", + "chinese five-spice powder", + "water", + "sesame seeds", + "sesame oil", + "all-purpose flour", + "coleslaw", + "soy sauce", + "fresh ginger", + "onion powder", + "garlic", + "fresh lime juice", + "honey", + "fresh ginger root", + "red pepper flakes", + "orange juice", + "canola oil" + ] + }, + { + "id": 31309, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "chives", + "peanut oil", + "peanuts", + "lemon", + "beansprouts", + "brown sugar", + "rice noodles", + "king prawns", + "eggs", + "spring onions", + "garlic" + ] + }, + { + "id": 12667, + "cuisine": "filipino", + "ingredients": [ + "low sodium soy sauce", + "water chestnuts", + "onions", + "black pepper", + "carrots", + "canola oil", + "pork", + "frozen spring roll wrappers", + "cabbage", + "garlic powder", + "ground beef" + ] + }, + { + "id": 27454, + "cuisine": "cajun_creole", + "ingredients": [ + "green pepper", + "red beans", + "onions", + "water", + "sausages", + "rice" + ] + }, + { + "id": 21830, + "cuisine": "indian", + "ingredients": [ + "salt", + "water", + "white sugar", + "all-purpose flour", + "vegetable oil" + ] + }, + { + "id": 43144, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "garlic", + "fresh spinach", + "olive oil", + "walnuts", + "romano cheese", + "grated parmesan cheese", + "fresh basil", + "pinenuts", + "black olives" + ] + }, + { + "id": 29998, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "crushed red pepper", + "fennel seeds", + "large garlic cloves", + "low salt chicken broth", + "dry white wine", + "pork shoulder boston butt", + "black peppercorns", + "extra-virgin olive oil" + ] + }, + { + "id": 2904, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "eggs", + "salt", + "baked ham", + "mayonaise", + "pickled okra" + ] + }, + { + "id": 36921, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "cooking spray", + "asparagus spears", + "warm water", + "ground black pepper", + "all-purpose flour", + "pancetta", + "fresh parmesan cheese", + "sea salt", + "dried thyme", + "dry yeast", + "garlic cloves" + ] + }, + { + "id": 47087, + "cuisine": "japanese", + "ingredients": [ + "chicken breasts", + "garlic", + "scallions", + "water", + "braggs liquid aminos", + "sauce", + "Truvía® natural sweetener", + "rice vinegar", + "nonstick spray", + "mushrooms", + "ginger", + "soba noodles" + ] + }, + { + "id": 23009, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "garlic powder", + "chili powder", + "salt", + "cinnamon sticks", + "ground cumin", + "bread", + "pepper", + "zucchini", + "paprika", + "garlic cloves", + "oregano", + "black beans", + "lean ground meat", + "diced tomatoes", + "salsa", + "onions", + "green bell pepper", + "corn", + "jalapeno chilies", + "crushed red pepper flakes", + "carrots", + "cumin" + ] + }, + { + "id": 32458, + "cuisine": "indian", + "ingredients": [ + "cardamom", + "powdered sugar", + "ghee", + "flour" + ] + }, + { + "id": 29237, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "jalapeno chilies", + "crushed red pepper", + "corn starch", + "fresh cilantro", + "fresh shiitake mushrooms", + "peanut oil", + "flavoring", + "curry powder", + "green onions", + "salt", + "nonstick spray", + "fat free milk", + "sweet pepper", + "Chinese egg noodles", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 12103, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salt", + "chili flakes", + "onions", + "tomatoes", + "lemon juice", + "ground black pepper" + ] + }, + { + "id": 34207, + "cuisine": "moroccan", + "ingredients": [ + "white vinegar", + "garlic", + "ground cumin", + "harissa", + "freshly ground pepper", + "peanuts", + "salt", + "swiss chard", + "sweet paprika" + ] + }, + { + "id": 36199, + "cuisine": "irish", + "ingredients": [ + "lamb stock", + "chives", + "flat leaf parsley", + "ground black pepper", + "extra-virgin olive oil", + "kosher salt", + "lamb stew meat", + "onions", + "red potato", + "fresh thyme", + "carrots" + ] + }, + { + "id": 44103, + "cuisine": "indian", + "ingredients": [ + "chopped green bell pepper", + "purple onion", + "fresh parsley", + "olive oil", + "paprika", + "red bell pepper", + "red cabbage", + "salt", + "boneless skinless chicken breast halves", + "frozen chopped spinach", + "peeled fresh ginger", + "garlic cloves", + "ground turmeric" + ] + }, + { + "id": 28397, + "cuisine": "southern_us", + "ingredients": [ + "corn salsa", + "ancho powder", + "pork tenderloin", + "bacon slices", + "olive oil", + "cracked black pepper", + "balsamic vinegar" + ] + }, + { + "id": 23381, + "cuisine": "mexican", + "ingredients": [ + "water", + "diced tomatoes", + "sour cream", + "black beans", + "beef bouillon", + "salt", + "onions", + "hot pepper sauce", + "garlic", + "celery", + "shredded cheddar cheese", + "bacon", + "carrots", + "ground cumin" + ] + }, + { + "id": 28976, + "cuisine": "italian", + "ingredients": [ + "kahlúa", + "coffee beans", + "ladyfingers", + "granulated sugar", + "brown sugar", + "cream cheese, soften", + "cold water", + "mascarpone", + "unsweetened cocoa powder" + ] + }, + { + "id": 45180, + "cuisine": "southern_us", + "ingredients": [ + "water", + "minced onion", + "cajun seasoning", + "rice vinegar", + "corn grits", + "hot pepper sauce", + "dry white wine", + "yellow bell pepper", + "fresh lemon juice", + "large shrimp", + "olive oil", + "whole milk", + "old bay seasoning", + "garlic cloves", + "plum tomatoes", + "andouille sausage", + "unsalted butter", + "shallots", + "whipping cream", + "red bell pepper" + ] + }, + { + "id": 47039, + "cuisine": "spanish", + "ingredients": [ + "rosemary sprigs", + "olives", + "extra-virgin olive oil", + "thyme sprigs", + "manchego cheese" + ] + }, + { + "id": 36959, + "cuisine": "indian", + "ingredients": [ + "clove", + "mushrooms", + "ginger", + "green cardamom", + "onions", + "garam masala", + "lemon", + "salt", + "oil", + "spinach", + "cinnamon", + "star anise", + "green chilies", + "coriander powder", + "button mushrooms", + "cilantro leaves", + "jeera" + ] + }, + { + "id": 22927, + "cuisine": "mexican", + "ingredients": [ + "low sodium chicken broth", + "chopped onion", + "minced garlic", + "cheese", + "chopped cilantro fresh", + "ground turkey sausage", + "salsa", + "vegetable oil cooking spray", + "tomato salsa", + "corn tortillas" + ] + }, + { + "id": 46360, + "cuisine": "greek", + "ingredients": [ + "lamb rib roast", + "fresh lemon juice", + "honey", + "chopped walnuts", + "firmly packed brown sugar", + "lemon rind", + "garlic salt", + "dried mint flakes", + "garlic cloves" + ] + }, + { + "id": 32589, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "diced tomatoes", + "chopped green bell pepper", + "chopped celery", + "olive oil", + "littleneck clams", + "white wine", + "green onions" + ] + }, + { + "id": 5724, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "whole milk", + "grated lemon zest", + "ground beef", + "parmigiano reggiano cheese", + "ground pork", + "Italian bread", + "spaghetti", + "olive oil", + "ground veal", + "garlic cloves", + "onions", + "large eggs", + "extra-virgin olive oil", + "flat leaf parsley", + "oregano" + ] + }, + { + "id": 23493, + "cuisine": "italian", + "ingredients": [ + "pepper", + "dry white wine", + "garlic cloves", + "eggs", + "grated parmesan cheese", + "heavy cream", + "pasta sheets", + "unsalted butter", + "shallots", + "thyme", + "roasted hazelnuts", + "pumpkin", + "salt" + ] + }, + { + "id": 44627, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "olive oil", + "onions", + "fish fillets", + "salt", + "sambal ulek", + "garlic", + "pepper", + "coconut milk" + ] + }, + { + "id": 41474, + "cuisine": "moroccan", + "ingredients": [ + "pitted black olives", + "fresh lemon juice", + "cilantro leaves", + "feta cheese crumbles", + "extra-virgin olive oil", + "carrots", + "cumin seed" + ] + }, + { + "id": 24431, + "cuisine": "moroccan", + "ingredients": [ + "meyer lemon", + "kosher salt" + ] + }, + { + "id": 41234, + "cuisine": "french", + "ingredients": [ + "fish fillets", + "shallots", + "grapefruit", + "unsalted butter", + "heavy cream", + "bottled clam juice", + "grapefruit juice", + "dry white wine", + "fresh tarragon" + ] + }, + { + "id": 4879, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "chili powder", + "small red potato", + "salt and ground black pepper", + "butter", + "chorizo sausage", + "salsa verde", + "cream cheese", + "olive oil", + "large flour tortillas", + "chopped cilantro fresh" + ] + }, + { + "id": 6741, + "cuisine": "brazilian", + "ingredients": [ + "granulated sugar", + "key lime", + "cachaca" + ] + }, + { + "id": 42636, + "cuisine": "southern_us", + "ingredients": [ + "hot pepper sauce", + "green onions", + "hominy grits", + "grated parmesan cheese", + "shredded sharp cheddar cheese", + "unsalted butter", + "garlic", + "applewood smoked bacon", + "whole milk", + "salt" + ] + }, + { + "id": 33900, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "garlic cloves", + "radishes", + "pumpkin seeds", + "chopped cilantro fresh", + "romaine lettuce", + "boneless pork loin", + "onions", + "corn oil", + "low salt chicken broth" + ] + }, + { + "id": 10352, + "cuisine": "thai", + "ingredients": [ + "spinach", + "halibut fillets", + "jalapeno chilies", + "red bell pepper", + "sliced green onions", + "black pepper", + "lemon grass", + "sliced carrots", + "fresh lime juice", + "water", + "asparagus", + "salt", + "chopped cilantro fresh", + "fish sauce", + "thai noodles", + "peeled fresh ginger", + "shiitake mushroom caps" + ] + }, + { + "id": 15714, + "cuisine": "chinese", + "ingredients": [ + "chiles", + "light soy sauce", + "garlic", + "canola oil", + "boneless pork shoulder", + "kosher salt", + "chinese wheat noodles", + "chinese chives", + "sugar", + "bean paste", + "corn starch", + "sambal ulek", + "water", + "ginger", + "black vinegar" + ] + }, + { + "id": 39417, + "cuisine": "italian", + "ingredients": [ + "water", + "red wine", + "garlic cloves", + "dried oregano", + "mushroom caps", + "salt", + "chopped cilantro fresh", + "tomatoes", + "butter", + "chopped onion", + "polenta", + "olive oil", + "chees fresco queso", + "chipotles in adobo" + ] + }, + { + "id": 18843, + "cuisine": "jamaican", + "ingredients": [ + "red kidney beans", + "garlic", + "fresh thyme", + "freshly ground pepper", + "pepper", + "salt", + "unsweetened coconut milk", + "green onions", + "long-grain rice" + ] + }, + { + "id": 33936, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken breast", + "sour cream", + "shredded cheddar cheese", + "pizza sauce", + "salsa verde", + "hot sauce", + "kaiser rolls" + ] + }, + { + "id": 852, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "cassia cinnamon", + "star anise", + "scallions", + "chicken", + "clove", + "fresh ginger", + "free-range chickens", + "salt", + "onions", + "white pepper", + "serrano peppers", + "garlic", + "chopped cilantro", + "stock", + "yellow rock sugar", + "cilantro", + "rice vinegar", + "noodles" + ] + }, + { + "id": 27639, + "cuisine": "filipino", + "ingredients": [ + "butter", + "cassava", + "eggs", + "iodized salt", + "sugar substitute", + "coconut milk", + "pineapple" + ] + }, + { + "id": 32693, + "cuisine": "jamaican", + "ingredients": [ + "yoghurt", + "garlic", + "chicken", + "curry powder", + "vegetable oil", + "scallions", + "pepper", + "mango chutney", + "rice", + "allspice", + "potatoes", + "ginger", + "coconut milk" + ] + }, + { + "id": 21545, + "cuisine": "chinese", + "ingredients": [ + "gluten-free hoisin sauce", + "Chinese rose wine", + "coconut oil", + "sesame oil", + "bamboo shoots", + "pork cubes", + "honey", + "chinese five-spice powder", + "white pepper", + "tamari soy sauce" + ] + }, + { + "id": 14348, + "cuisine": "filipino", + "ingredients": [ + "ground black pepper", + "palm vinegar", + "soy sauce", + "garlic", + "water", + "salt", + "black peppercorns", + "bay leaves", + "chicken pieces" + ] + }, + { + "id": 2465, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "enchilada sauce", + "onion tops", + "flour tortillas", + "chicken", + "tomatoes", + "shredded cheese" + ] + }, + { + "id": 44743, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "fresh lemon juice", + "sugar", + "capellini", + "black pepper", + "garlic cloves", + "fresh basil", + "salt" + ] + }, + { + "id": 39023, + "cuisine": "cajun_creole", + "ingredients": [ + "milk", + "dark brown sugar", + "vanilla", + "butter", + "chopped pecans", + "biscuits", + "butter flavor shortening" + ] + }, + { + "id": 27441, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "cayenne", + "french bread", + "beaten eggs", + "scallion greens", + "sweet pickle", + "dijon mustard", + "vegetable oil", + "mayonaise", + "unsalted butter", + "lettuce leaves", + "dry bread crumbs", + "capers", + "lump crab meat", + "minced onion", + "worcestershire sauce" + ] + }, + { + "id": 31289, + "cuisine": "southern_us", + "ingredients": [ + "cumin seed", + "granulated garlic", + "spanish paprika" + ] + }, + { + "id": 3039, + "cuisine": "thai", + "ingredients": [ + "lime", + "garlic", + "pork loin chops", + "crushed red pepper flakes", + "creamy peanut butter", + "green onions", + "rice vinegar", + "red bell pepper", + "teriyaki sauce", + "roasted peanuts" + ] + }, + { + "id": 11148, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "kasuri methi", + "cumin seed", + "bay leaf", + "tomatoes", + "capsicum", + "salt", + "cardamom", + "ground turmeric", + "clove", + "coriander seeds", + "paneer", + "oil", + "onions", + "red chili powder", + "cinnamon", + "cilantro leaves", + "dried red chile peppers" + ] + }, + { + "id": 5603, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "olive oil", + "chipotle chile", + "garlic", + "cottage cheese", + "tortillas", + "water", + "salt" + ] + }, + { + "id": 16876, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "purple onion", + "cucumber", + "dried oregano", + "cooking spray", + "garlic cloves", + "boneless skinless chicken breast halves", + "tahini", + "salt", + "greek yogurt", + "iceberg lettuce", + "pitas", + "extra-virgin olive oil", + "fresh lemon juice", + "plum tomatoes" + ] + }, + { + "id": 13031, + "cuisine": "cajun_creole", + "ingredients": [ + "ice cubes", + "salt", + "onions", + "lemon", + "shrimp", + "shrimp and crab boil seasoning", + "sauce", + "corn husks", + "small red potato" + ] + }, + { + "id": 44609, + "cuisine": "italian", + "ingredients": [ + "whole milk", + "butter", + "all-purpose flour", + "confectioners sugar", + "ground cinnamon", + "dry white wine", + "vanilla extract", + "unsweetened chocolate", + "miniature semisweet chocolate chips", + "eggs", + "vegetable oil", + "salt", + "corn starch", + "unsweetened cocoa powder", + "rum", + "extra-virgin olive oil", + "grated lemon zest", + "white sugar" + ] + }, + { + "id": 43548, + "cuisine": "indian", + "ingredients": [ + "jalapeno chilies", + "cumin seed", + "hothouse cucumber", + "tomatoes", + "cilantro leaves", + "mustard seeds", + "vegetable oil", + "fat", + "red potato", + "nonfat yogurt plain", + "onions" + ] + }, + { + "id": 34985, + "cuisine": "french", + "ingredients": [ + "lime rind", + "extra-virgin olive oil", + "fresh lime juice", + "ground black pepper", + "garlic cloves", + "fresh parmesan cheese", + "salt", + "fresh basil leaves", + "cooking spray", + "fillets" + ] + }, + { + "id": 44822, + "cuisine": "brazilian", + "ingredients": [ + "bouillon powder", + "potatoes", + "garlic cloves", + "spicy sausage", + "kale", + "yellow onion", + "water", + "salt", + "dried oregano", + "white wine", + "olive oil", + "freshly ground pepper" + ] + }, + { + "id": 21531, + "cuisine": "japanese", + "ingredients": [ + "ground black pepper", + "sugar", + "chicken carcass", + "sake", + "mirin", + "soy sauce", + "chicken" + ] + }, + { + "id": 42359, + "cuisine": "indian", + "ingredients": [ + "melted butter", + "active dry yeast", + "whole milk", + "all-purpose flour", + "plain yogurt", + "baking soda", + "cheese", + "water", + "herbs", + "garlic", + "sugar", + "whole wheat flour", + "baking powder", + "onions" + ] + }, + { + "id": 23612, + "cuisine": "jamaican", + "ingredients": [ + "salt", + "water", + "breadfruit" + ] + }, + { + "id": 29290, + "cuisine": "italian", + "ingredients": [ + "minced onion", + "basil", + "crumbs", + "oregano", + "marinara sauce", + "garlic", + "garlic powder", + "lean ground beef" + ] + }, + { + "id": 26430, + "cuisine": "moroccan", + "ingredients": [ + "vegetable oil", + "sweet paprika", + "ground cumin", + "harissa", + "green chilies", + "chopped cilantro fresh", + "ground cinnamon", + "garlic", + "fresh lemon juice", + "cayenne", + "salt", + "carrots" + ] + }, + { + "id": 20269, + "cuisine": "chinese", + "ingredients": [ + "msg", + "sherry", + "corn starch", + "medium shrimp", + "sugar", + "egg whites", + "vegetable oil", + "beansprouts", + "chicken broth", + "water", + "sesame oil", + "sliced mushrooms", + "bamboo shoots", + "white pepper", + "water chestnuts", + "salt", + "celery" + ] + }, + { + "id": 25249, + "cuisine": "french", + "ingredients": [ + "parsley sprigs", + "butter", + "low salt chicken broth", + "chestnuts", + "shallots", + "cognac", + "black truffles", + "turkey", + "thyme sprigs", + "bay leaves", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 38687, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "all-purpose flour", + "squash", + "milk", + "ricotta cheese", + "butter oil", + "onions", + "curry powder", + "large eggs", + "grated nutmeg", + "dry lasagna", + "fresh ginger", + "salt", + "fat skimmed chicken broth" + ] + }, + { + "id": 24448, + "cuisine": "mexican", + "ingredients": [ + "Old El Paso™ refried beans", + "sour cream", + "water", + "Old El Paso™ Thick 'n Chunky salsa", + "ground beef", + "American cheese", + "Pillsbury™ Refrigerated Crescent Dinner Rolls", + "ripe olives", + "Old El Paso™ taco seasoning mix", + "chopped onion" + ] + }, + { + "id": 8155, + "cuisine": "spanish", + "ingredients": [ + "minced garlic", + "zucchini", + "chopped onion", + "eggplant", + "extra-virgin olive oil", + "red bell pepper", + "ground black pepper", + "salt", + "fresh parsley", + "peeled tomatoes", + "chopped fresh thyme", + "smoked paprika" + ] + }, + { + "id": 25228, + "cuisine": "italian", + "ingredients": [ + "baby spinach", + "italian seasoning", + "chicken broth", + "oil", + "penne pasta", + "meatballs", + "onions" + ] + }, + { + "id": 10577, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "dry bread crumbs", + "bread", + "evaporated milk", + "bread flour", + "active dry yeast", + "margarine", + "eggs", + "salt" + ] + }, + { + "id": 25927, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "shredded mozzarella cheese", + "marinara sauce", + "zucchini", + "fresh parsley", + "pepperoni" + ] + }, + { + "id": 5030, + "cuisine": "mexican", + "ingredients": [ + "turkey ham", + "flour tortillas", + "shredded Monterey Jack cheese", + "salsa", + "corn kernels", + "chopped cilantro fresh" + ] + }, + { + "id": 1092, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "fresh parmesan cheese", + "green peas", + "dried thyme", + "shallots", + "medium shrimp", + "water", + "dry white wine", + "grated lemon zest", + "arborio rice", + "olive oil", + "clam juice", + "snow peas" + ] + }, + { + "id": 37371, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "minced ginger", + "rice vinegar", + "dried chile", + "soy sauce", + "garlic powder", + "scallions", + "sugar substitute", + "almond flour", + "xanthan gum", + "ground turkey", + "water", + "sesame oil", + "flavored oil" + ] + }, + { + "id": 39348, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "Alfredo sauce", + "canola oil", + "italian sausage", + "won ton wrappers", + "black olives", + "mozzarella cheese", + "chicken breasts", + "tomatoes", + "green onions", + "banana peppers" + ] + }, + { + "id": 42563, + "cuisine": "mexican", + "ingredients": [ + "grated parmesan cheese", + "fusilli", + "salad oil", + "jalapeno chilies", + "salt", + "roma tomatoes", + "red wine vinegar", + "reduced sodium kidney beans", + "fresh cilantro", + "green onions", + "red bell pepper" + ] + }, + { + "id": 15909, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "green onions", + "all-purpose flour", + "soy sauce", + "mirin", + "vegetable oil", + "corn starch", + "sugar", + "fresh ginger", + "sesame oil", + "shrimp", + "vodka", + "large eggs", + "garlic", + "seltzer water" + ] + }, + { + "id": 4415, + "cuisine": "italian", + "ingredients": [ + "salt", + "penne rigate", + "grated pecorino", + "broccoli", + "extra-virgin olive oil", + "freshly ground pepper" + ] + }, + { + "id": 46346, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "black pepper", + "red wine vinegar", + "garlic cloves", + "spinach", + "artichoke hearts", + "salt", + "fresh parsley", + "green bell pepper", + "cannellini beans", + "provolone cheese", + "fresh basil", + "olive oil", + "purple onion", + "celery" + ] + }, + { + "id": 9189, + "cuisine": "cajun_creole", + "ingredients": [ + "whole grain mustard", + "paprika", + "mayonaise", + "finely chopped fresh parsley", + "hot sauce", + "ketchup", + "green onions", + "garlic cloves", + "ground black pepper", + "chopped celery" + ] + }, + { + "id": 31053, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "salad", + "tuna fillets", + "olive oil", + "spanish paprika", + "salt" + ] + }, + { + "id": 17027, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed light brown sugar", + "refrigerated piecrusts", + "all-purpose flour", + "large eggs", + "light corn syrup", + "chocolate morsels", + "sugar", + "butter", + "chopped pecans", + "bourbon whiskey", + "vanilla extract" + ] + }, + { + "id": 40026, + "cuisine": "irish", + "ingredients": [ + "ground ginger", + "ground cloves", + "white sugar", + "eggs", + "salt", + "ground cinnamon", + "baking soda", + "shortening", + "all-purpose flour" + ] + }, + { + "id": 19870, + "cuisine": "french", + "ingredients": [ + "shallots", + "grate lime peel", + "mayonaise", + "coarse sea salt", + "sherry wine vinegar", + "Piment d'Espelette", + "ground black pepper", + "fresh lemon juice" + ] + }, + { + "id": 19415, + "cuisine": "southern_us", + "ingredients": [ + "plain yogurt", + "salt", + "large eggs", + "white cornmeal", + "corn kernels", + "all-purpose flour", + "sugar", + "butter" + ] + }, + { + "id": 40465, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "olive oil", + "flat leaf parsley", + "extra-virgin olive oil", + "parmigiano reggiano cheese", + "spaghetti" + ] + }, + { + "id": 33089, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "baguette", + "salt", + "truffle oil", + "manchego cheese", + "asparagus spears" + ] + }, + { + "id": 27155, + "cuisine": "jamaican", + "ingredients": [ + "seasoning salt", + "onions", + "pepper", + "meat", + "curry powder", + "garlic", + "fresh thyme", + "allspice" + ] + }, + { + "id": 23944, + "cuisine": "indian", + "ingredients": [ + "phyllo dough", + "finely chopped onion", + "mustard seeds", + "curry powder", + "green peas", + "kosher salt", + "yukon gold potatoes", + "canola oil", + "fresh ginger", + "cumin seed" + ] + }, + { + "id": 1583, + "cuisine": "indian", + "ingredients": [ + "water", + "cumin seed", + "ginger paste", + "garlic paste", + "mustard greens", + "ghee", + "fresh spinach", + "salt", + "white sugar", + "tomatoes", + "finely chopped onion", + "dried red chile peppers" + ] + }, + { + "id": 3081, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "1% low-fat milk", + "smoked salmon", + "half & half", + "cream cheese", + "pepper", + "extra-virgin olive oil", + "scallions", + "diced onions", + "large eggs", + "salt" + ] + }, + { + "id": 15326, + "cuisine": "french", + "ingredients": [ + "angel hair", + "potatoes", + "fine sea salt", + "fresh basil leaves", + "zucchini", + "extra-virgin olive oil", + "carrots", + "ground black pepper", + "sea salt", + "coco", + "grated parmesan cheese", + "garlic", + "green beans" + ] + }, + { + "id": 4558, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "dry white wine", + "banana leaves", + "mahi mahi fillets", + "plum tomatoes", + "bay leaves", + "fresh orange juice", + "garlic cloves", + "fresh lime juice", + "ground black pepper", + "tomato salsa", + "achiote paste", + "coarse kosher salt", + "lime", + "epazote", + "extra-virgin olive oil", + "pickled onion", + "dried oregano" + ] + }, + { + "id": 35154, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "salt", + "ground turmeric", + "chickpea flour", + "cauliflower florets", + "oil", + "chili powder", + "ground coriander", + "water", + "garlic", + "onions" + ] + }, + { + "id": 18514, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "boneless skinless chicken breasts" + ] + }, + { + "id": 29902, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "ground black pepper", + "garlic salt", + "ground cumin", + "chicken broth", + "lime", + "diced celery", + "chopped cilantro fresh", + "minced garlic", + "extra-virgin olive oil", + "noodles", + "white onion", + "salsa verde", + "carrots", + "chicken" + ] + }, + { + "id": 33277, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "fresh ginger", + "garlic", + "red bell pepper", + "tomatoes", + "curry powder", + "chili powder", + "chickpeas", + "onions", + "fresh leav spinach", + "garam masala", + "salt", + "cooked quinoa", + "green chile", + "olive oil", + "red pepper flakes", + "smoked paprika", + "cumin" + ] + }, + { + "id": 7750, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "shallots", + "extra-virgin olive oil", + "ground black pepper", + "red wine vinegar", + "top loin steaks", + "balsamic vinegar", + "salt", + "fresh rosemary", + "baby arugula", + "large garlic cloves" + ] + }, + { + "id": 4113, + "cuisine": "french", + "ingredients": [ + "tomato sauce", + "butter", + "button mushrooms", + "carrots", + "rosemary sprigs", + "bay leaves", + "sea salt", + "garlic cloves", + "chicken thighs", + "chicken broth", + "tapioca flour", + "bacon", + "cognac", + "cooking fat", + "black pepper", + "red wine", + "yellow onion", + "thyme leaves" + ] + }, + { + "id": 16108, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "orange", + "lard", + "sugar", + "salt", + "ground cinnamon", + "brandy", + "ground almonds", + "powdered sugar", + "flour" + ] + }, + { + "id": 38637, + "cuisine": "italian", + "ingredients": [ + "guanciale", + "onions", + "fresh peas", + "frozen peas" + ] + }, + { + "id": 39086, + "cuisine": "korean", + "ingredients": [ + "potato starch", + "baking soda", + "spring onions", + "salt", + "toasted sesame seeds", + "chicken wings", + "dark soy", + "ginger", + "Gochujang base", + "sweet rice flour", + "plain flour", + "ground black pepper", + "sesame oil", + "rice vinegar", + "chicken", + "fish sauce", + "egg whites", + "garlic", + "dark brown sugar" + ] + }, + { + "id": 44150, + "cuisine": "french", + "ingredients": [ + "instant espresso powder", + "salt", + "sugar", + "butter", + "large eggs", + "all-purpose flour", + "water", + "1% low-fat milk" + ] + }, + { + "id": 27941, + "cuisine": "southern_us", + "ingredients": [ + "cajun spice mix", + "finely chopped onion", + "freshly ground pepper", + "crawfish", + "all-purpose flour", + "low salt chicken broth", + "smoked bacon", + "cayenne pepper", + "chopped garlic", + "kosher salt", + "jalapeno chilies", + "scallions" + ] + }, + { + "id": 7462, + "cuisine": "mexican", + "ingredients": [ + "roasted tomatoes", + "hot sauce", + "canola oil", + "white onion", + "serrano chile", + "garlic cloves" + ] + }, + { + "id": 49569, + "cuisine": "southern_us", + "ingredients": [ + "smoked turkey", + "jalapeno chilies", + "hot sauce", + "bay leaf", + "country ham", + "parsley leaves", + "crushed red pepper", + "carrots", + "collard greens", + "black-eyed peas", + "apple cider vinegar", + "croutons", + "celery ribs", + "sweet onion", + "brown rice", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 9991, + "cuisine": "irish", + "ingredients": [ + "large egg yolks", + "sugar", + "chocolate", + "heavy cream", + "Guinness Beer" + ] + }, + { + "id": 46319, + "cuisine": "italian", + "ingredients": [ + "pepper", + "large eggs", + "sweet italian sausage", + "roasted red peppers", + "shredded sharp cheddar cheese", + "zucchini", + "salt", + "milk", + "green onions", + "Italian bread" + ] + }, + { + "id": 36599, + "cuisine": "mexican", + "ingredients": [ + "processed cheese", + "cheddar cheese", + "corn tortillas", + "vegetable oil", + "chili", + "onions" + ] + }, + { + "id": 14620, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "whole milk", + "garlic cloves", + "serrano chile", + "tomato paste", + "olive oil", + "salt", + "onions", + "ground cumin", + "pepper", + "yukon gold potatoes", + "chopped cilantro", + "ground lamb", + "cooked rice", + "garam masala", + "ground coriander", + "frozen peas" + ] + }, + { + "id": 44709, + "cuisine": "moroccan", + "ingredients": [ + "chicken legs", + "ground black pepper", + "onions", + "ground ginger", + "olive oil", + "cinnamon", + "toasted sesame seeds", + "sugar", + "boneless skinless chicken breasts", + "chicken thighs", + "prunes", + "almonds", + "salt", + "saffron" + ] + }, + { + "id": 34693, + "cuisine": "japanese", + "ingredients": [ + "sake", + "kosher salt", + "dried shiitake mushrooms", + "chicken stock", + "soy sauce", + "rice cakes", + "mitsuba", + "kamaboko", + "carrots", + "spinach", + "boneless chicken skinless thigh", + "daikon" + ] + }, + { + "id": 48173, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "buttermilk", + "self-rising cornmeal", + "white bread", + "vegetable oil", + "poultry seasoning", + "crackers", + "cornbread", + "self rising flour", + "salt", + "onions", + "chicken stock", + "butter", + "celery", + "sage" + ] + }, + { + "id": 32506, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "fresh ginger", + "cracked black pepper", + "sake", + "olive oil", + "fresh shiitake mushrooms", + "garlic chives", + "minced garlic", + "mirin", + "filet mignon steaks", + "unsalted butter" + ] + }, + { + "id": 28988, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "sliced olives", + "corn tortillas", + "dried oregano", + "shredded cheddar cheese", + "chili powder", + "dried minced onion", + "ground cumin", + "chicken broth", + "crushed tomatoes", + "spices", + "onions", + "tomatoes", + "garlic powder", + "sour cream", + "broth" + ] + }, + { + "id": 46979, + "cuisine": "italian", + "ingredients": [ + "red pepper flakes", + "penne pasta", + "crushed tomatoes", + "garlic", + "extra-virgin olive oil", + "red bell pepper", + "parmesan cheese", + "salt" + ] + }, + { + "id": 37878, + "cuisine": "mexican", + "ingredients": [ + "chile pepper", + "salt", + "pepper", + "tomatillos", + "onions", + "avocado", + "lean ground beef", + "corn tortillas", + "potatoes", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 32364, + "cuisine": "japanese", + "ingredients": [ + "dark soy sauce", + "fresh shiitake mushrooms", + "sugar", + "sake", + "mirin" + ] + }, + { + "id": 16464, + "cuisine": "irish", + "ingredients": [ + "black pepper", + "gold potatoes", + "green onions", + "cayenne pepper", + "milk", + "unsalted butter", + "salt", + "cream sauce", + "low-fat sour cream", + "panko", + "cake", + "mild cheddar cheese", + "sliced green onions", + "minced garlic", + "hot pepper sauce", + "vegetable oil", + "lemon juice" + ] + }, + { + "id": 12478, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "rice vinegar", + "mung bean sprouts", + "low sodium soy sauce", + "grated carrot", + "sesame paste", + "light brown sugar", + "ground sichuan pepper", + "persian cucumber", + "chilegarlic sauce", + "garlic", + "Chinese egg noodles" + ] + }, + { + "id": 8249, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "fresh ginger", + "salt", + "oyster sauce", + "sugar", + "broccoli florets", + "peanut oil", + "ground white pepper", + "chinese rice wine", + "baking soda", + "yellow onion", + "corn starch", + "light soy sauce", + "flank steak", + "garlic cloves" + ] + }, + { + "id": 34409, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "bay leaves", + "tomato ketchup", + "ground black pepper", + "vegetable oil", + "tomato sauce", + "beef brisket", + "yellow onion", + "onion soup mix", + "marinade", + "coca-cola" + ] + }, + { + "id": 44168, + "cuisine": "spanish", + "ingredients": [ + "wheat bread", + "green bell pepper", + "oil-cured black olives", + "vegetable broth", + "tomatoes", + "sweet onion", + "cauliflower florets", + "garlic cloves", + "green cabbage", + "fresh leav spinach", + "chopped fresh thyme", + "sweet paprika", + "fresh rosemary", + "radishes", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 24679, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "meyer lemon", + "coarse salt" + ] + }, + { + "id": 47398, + "cuisine": "jamaican", + "ingredients": [ + "curry powder", + "potatoes", + "chicken", + "fresh thyme", + "garlic cloves", + "ground black pepper", + "salt", + "cooking oil", + "onions" + ] + }, + { + "id": 47581, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "cream", + "butter", + "cardamom", + "chicken", + "red chili powder", + "coriander powder", + "cumin seed", + "cashew nuts", + "fenugreek leaves", + "garam masala", + "salt", + "onions", + "garlic paste", + "bay leaves", + "oil", + "ground turmeric" + ] + }, + { + "id": 29382, + "cuisine": "indian", + "ingredients": [ + "coconut", + "vinegar", + "salt", + "ground turmeric", + "curry leaves", + "coriander powder", + "kappa", + "mustard seeds", + "garam masala", + "chili powder", + "oil", + "pepper", + "beef", + "garlic", + "onions" + ] + }, + { + "id": 35073, + "cuisine": "french", + "ingredients": [ + "pepper", + "salt", + "dry vermouth", + "butter", + "green onions", + "crabmeat", + "swiss cheese", + "cooked shrimp" + ] + }, + { + "id": 29038, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "ground black pepper", + "butter", + "green pepper", + "oregano", + "minced garlic", + "converted rice", + "chopped celery", + "thyme", + "andouille sausage", + "ground red pepper", + "dry mustard", + "chopped onion", + "sliced green onions", + "crushed tomatoes", + "chicken breast halves", + "salt", + "ground white pepper" + ] + }, + { + "id": 11324, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "ginger root", + "rice vinegar", + "salt", + "beets" + ] + }, + { + "id": 12166, + "cuisine": "british", + "ingredients": [ + "whipping cream", + "meringue", + "strawberries", + "sugar", + "confectioners sugar" + ] + }, + { + "id": 34564, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "coconut milk", + "honey", + "apple cider vinegar", + "blanched almond flour", + "large eggs", + "baking soda", + "sea salt" + ] + }, + { + "id": 16329, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "green pumpkin seeds", + "chopped garlic", + "chicken broth", + "stuffing", + "chopped cilantro fresh", + "unsalted butter", + "poblano chiles", + "ground cumin", + "white onion", + "heavy cream", + "dried oregano" + ] + }, + { + "id": 29037, + "cuisine": "indian", + "ingredients": [ + "water", + "curds", + "atta", + "butter", + "instant yeast", + "softened butter", + "sugar", + "salt" + ] + }, + { + "id": 7834, + "cuisine": "french", + "ingredients": [ + "capers", + "dijon mustard", + "cognac", + "water", + "shallots", + "fresh lemon juice", + "salmon fillets", + "wheat", + "fresh parsley leaves", + "smoked salmon", + "unsalted butter", + "grated lemon zest", + "Italian bread" + ] + }, + { + "id": 14974, + "cuisine": "greek", + "ingredients": [ + "garlic powder", + "smoked paprika", + "pepper", + "sweet potatoes", + "romano cheese", + "egg whites", + "cumin", + "rosemary", + "greek style plain yogurt" + ] + }, + { + "id": 154, + "cuisine": "italian", + "ingredients": [ + "vanilla beans", + "vanilla extract", + "unsalted pistachios", + "whole milk", + "heavy whipping cream", + "kosher salt", + "almond extract", + "sugar", + "large eggs", + "strawberries" + ] + }, + { + "id": 45570, + "cuisine": "indian", + "ingredients": [ + "celery ribs", + "peeled fresh ginger", + "chopped onion", + "mustard seeds", + "clove", + "vegetable oil", + "garlic cloves", + "ground turmeric", + "coriander seeds", + "vegetable broth", + "carrots", + "plum tomatoes", + "red lentils", + "chives", + "cumin seed", + "dried chile" + ] + }, + { + "id": 34923, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "freshly grated parmesan", + "white mushrooms", + "sage leaves", + "won ton wrappers", + "garlic cloves", + "parsnips", + "unsalted butter", + "onions", + "olive oil", + "portabello mushroom" + ] + }, + { + "id": 40925, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "flour", + "lemon", + "peaches", + "butter", + "vanilla ice cream", + "almond extract", + "chopped pecans", + "brown sugar", + "bourbon whiskey", + "maple syrup" + ] + }, + { + "id": 17950, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "jalapeno chilies", + "chopped cilantro fresh", + "olive oil", + "beef stew meat", + "lime", + "green onions", + "dried oregano", + "salsa verde", + "onions" + ] + }, + { + "id": 23992, + "cuisine": "irish", + "ingredients": [ + "olive oil", + "fresh shiitake mushrooms", + "green beans", + "chicken stock", + "beef stock", + "asparagus spears", + "unsalted butter", + "dry red wine", + "red bell pepper", + "zucchini", + "carrots", + "beef tenderloin steaks" + ] + }, + { + "id": 32863, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "cilantro leaves", + "salt", + "garam masala", + "rice" + ] + }, + { + "id": 16743, + "cuisine": "vietnamese", + "ingredients": [ + "sweet chili sauce", + "spring onions", + "sprouts", + "carrots", + "kaffir lime leaves", + "peanuts", + "sesame oil", + "cilantro leaves", + "snow peas", + "lime juice", + "capsicum", + "rice vermicelli", + "fillets", + "fish sauce", + "mint leaves", + "large garlic cloves", + "chinese cabbage" + ] + }, + { + "id": 17318, + "cuisine": "italian", + "ingredients": [ + "fresh coriander", + "fresh orange juice", + "grated orange", + "tomatoes", + "shallots", + "fresh lemon juice", + "unsalted butter", + "all-purpose flour", + "sea bass", + "red wine vinegar", + "Italian bread" + ] + }, + { + "id": 24987, + "cuisine": "thai", + "ingredients": [ + "celery ribs", + "red cabbage", + "soy sauce", + "japanese peanuts", + "avocado", + "shredded carrots", + "lettuce", + "olive oil", + "lemon" + ] + }, + { + "id": 39002, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "egg yolks", + "white sugar", + "ground walnuts", + "salt", + "honey", + "butter", + "milk", + "egg whites", + "all-purpose flour" + ] + }, + { + "id": 48409, + "cuisine": "mexican", + "ingredients": [ + "water", + "brown rice", + "vegetable broth", + "black beans", + "olive oil", + "cilantro", + "chopped cilantro fresh", + "lime juice", + "tomatillos", + "onions", + "minced garlic", + "Mexican oregano", + "tomatoes with juice", + "ground cumin" + ] + }, + { + "id": 42077, + "cuisine": "greek", + "ingredients": [ + "quinoa", + "kalamata", + "garlic cloves", + "red chili peppers", + "butter", + "vine tomatoes", + "mint leaves", + "extra-virgin olive oil", + "chicken", + "feta cheese", + "lemon", + "purple onion" + ] + }, + { + "id": 23213, + "cuisine": "russian", + "ingredients": [ + "mayonaise", + "fresh parsley", + "olive oil", + "salmon", + "onions", + "eggs", + "baking potatoes" + ] + }, + { + "id": 3941, + "cuisine": "filipino", + "ingredients": [ + "avocado", + "sugar", + "ice cubes", + "powdered milk" + ] + }, + { + "id": 13248, + "cuisine": "italian", + "ingredients": [ + "penne pasta", + "green peas", + "gorgonzola", + "pepper", + "heavy whipping cream", + "salt", + "asparagus tips" + ] + }, + { + "id": 3304, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "black pepper", + "paprika", + "fresh parsley", + "chicken legs", + "olive oil", + "salt", + "cumin", + "chicken broth", + "fresh cilantro", + "curry", + "onions", + "tumeric", + "baking potatoes", + "celery" + ] + }, + { + "id": 47651, + "cuisine": "chinese", + "ingredients": [ + "broccoli florets", + "yellow onion", + "minced garlic", + "butter", + "noodles", + "green bell pepper", + "chicken breasts", + "sauce", + "olive oil", + "paprika" + ] + }, + { + "id": 32476, + "cuisine": "korean", + "ingredients": [ + "diced onions", + "black pepper", + "sesame oil", + "soy sauce", + "mirin", + "pear juice", + "green onions", + "red chili peppers", + "beef", + "garlic" + ] + }, + { + "id": 42816, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "boiling potatoes", + "soy sauce", + "carrots", + "sake", + "vegetable oil", + "chuck", + "sugar", + "scallions" + ] + }, + { + "id": 34032, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "ground black pepper", + "vietnamese fish sauce", + "bird chile", + "black peppercorns", + "steamed rice", + "shallots", + "scallions", + "boneless chicken skinless thigh", + "fresh ginger", + "vegetable oil", + "cinnamon sticks", + "chicken stock", + "fresh cilantro", + "granulated sugar", + "dark brown sugar", + "chopped garlic" + ] + }, + { + "id": 23458, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "all-purpose flour", + "bone-in chicken breast halves", + "dry white wine", + "olive oil", + "salt", + "dijon mustard", + "heavy whipping cream" + ] + }, + { + "id": 22450, + "cuisine": "brazilian", + "ingredients": [ + "whipping cream", + "avocado", + "fresh lemon juice", + "superfine sugar", + "salt" + ] + }, + { + "id": 40887, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "salt", + "dry white wine", + "parmigiano", + "unsalted butter", + "yellow onion", + "organic chicken", + "heavy cream" + ] + }, + { + "id": 26249, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "flour", + "pineapple", + "red bell pepper", + "white vinegar", + "pepper", + "boneless skinless chicken breasts", + "salt", + "canola oil", + "cold water", + "water", + "red pepper flakes", + "corn starch", + "sugar", + "green onions", + "garlic", + "onions" + ] + }, + { + "id": 32412, + "cuisine": "irish", + "ingredients": [ + "flour", + "potatoes", + "milk", + "salt", + "brown sugar", + "butter" + ] + }, + { + "id": 21168, + "cuisine": "mexican", + "ingredients": [ + "seasoning", + "shredded cheddar cheese", + "chicken breast halves", + "sour cream", + "brown sugar", + "flour tortillas", + "shredded lettuce", + "ground cumin", + "pepper", + "flank steak", + "salt", + "tomatoes", + "garlic powder", + "chili powder", + "italian salad dressing" + ] + }, + { + "id": 44058, + "cuisine": "vietnamese", + "ingredients": [ + "dark soy sauce", + "beef", + "walnuts", + "pepper", + "garlic", + "ginger juice", + "rice wine", + "onions", + "honey", + "kiwi fruits" + ] + }, + { + "id": 14549, + "cuisine": "italian", + "ingredients": [ + "swiss cheese", + "ground black pepper", + "onions", + "baby spinach leaves", + "salt", + "large eggs", + "canola oil" + ] + }, + { + "id": 41385, + "cuisine": "irish", + "ingredients": [ + "pepper", + "carrots", + "fresh green bean", + "onions", + "potatoes", + "pork shoulder", + "salt", + "cabbage" + ] + }, + { + "id": 19640, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "soy sauce", + "other vegetables", + "boneless skinless chicken breasts", + "salt", + "garlic cloves", + "chinese rice wine", + "pepper", + "Sriracha", + "onion powder", + "sauce", + "snow peas", + "eggs", + "black pepper", + "garlic powder", + "marinade", + "cayenne pepper", + "corn starch", + "bread", + "sugar", + "water", + "flour", + "ginger", + "oil" + ] + }, + { + "id": 11726, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "zucchini", + "garlic", + "lime", + "chicken breasts", + "chopped cilantro", + "coconut oil", + "jalapeno chilies", + "coconut milk", + "chicken broth", + "green curry paste", + "red pepper", + "onions" + ] + }, + { + "id": 13770, + "cuisine": "southern_us", + "ingredients": [ + "orange juice concentrate", + "strawberry extract", + "bananas", + "strawberries", + "low-fat buttermilk", + "orange rind", + "sugar", + "vanilla extract" + ] + }, + { + "id": 15102, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "sour cream", + "salt", + "adobo sauce", + "pepper", + "fresh lime juice", + "salsa" + ] + }, + { + "id": 29097, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "jalapeno chilies", + "onions", + "flour tortillas", + "fresh lime juice", + "fat free less sodium chicken broth", + "pork tenderloin", + "chopped cilantro", + "ground black pepper", + "salt", + "plum tomatoes" + ] + }, + { + "id": 34547, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "artificial sweetener", + "cauliflower florets", + "onions", + "mint", + "cooking spray", + "passata", + "frozen peas", + "mild curry powder", + "potatoes", + "garlic", + "coriander", + "water", + "red pepper", + "natural yogurt" + ] + }, + { + "id": 6717, + "cuisine": "southern_us", + "ingredients": [ + "biscuits", + "butter", + "freshly ground pepper", + "country ham", + "all-purpose flour", + "brown sugar", + "salt", + "brewed coffee", + "hot sauce" + ] + }, + { + "id": 42978, + "cuisine": "mexican", + "ingredients": [ + "fire roasted diced tomatoes", + "corn kernels", + "jalapeno chilies", + "cilantro leaves", + "kosher salt", + "quinoa", + "vegetable broth", + "black beans", + "olive oil", + "chili powder", + "cumin", + "avocado", + "lime", + "ground black pepper", + "garlic" + ] + }, + { + "id": 20914, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "ground cinnamon", + "cayenne", + "salt", + "red bell pepper", + "chicken broth", + "honey", + "butternut squash", + "garlic cloves", + "onions", + "caraway seeds", + "black pepper", + "zucchini", + "cornish hens", + "fresh parsley", + "turnips", + "tomatoes", + "olive oil", + "paprika", + "fresh lemon juice", + "ground cumin" + ] + }, + { + "id": 25957, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "rice", + "peanuts", + "shrimp", + "spinach", + "scallions", + "ginger" + ] + }, + { + "id": 42240, + "cuisine": "indian", + "ingredients": [ + "white vinegar", + "fat free less sodium chicken broth", + "baking potatoes", + "chopped onion", + "ground cardamom", + "black peppercorns", + "cooking spray", + "salt", + "cumin seed", + "chopped cilantro fresh", + "sugar", + "ground red pepper", + "boneless pork loin", + "garlic cloves", + "ground cinnamon", + "fresh ginger", + "diced tomatoes", + "ground coriander", + "mustard seeds" + ] + }, + { + "id": 43328, + "cuisine": "italian", + "ingredients": [ + "sugar", + "dry yeast", + "olive oil", + "salt", + "warm water", + "cooking spray", + "whole wheat flour", + "all-purpose flour" + ] + }, + { + "id": 31021, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "paprika", + "garlic cloves", + "mango", + "avocado", + "green onions", + "salt", + "fresh lime juice", + "jalapeno chilies", + "purple onion", + "corn tortillas", + "canola oil", + "tilapia fillets", + "ground red pepper", + "cumin seed", + "chopped cilantro fresh" + ] + }, + { + "id": 27837, + "cuisine": "italian", + "ingredients": [ + "red pepper flakes", + "oil", + "olive oil", + "garlic", + "pinenuts", + "linguine", + "fresh parsley", + "sea scallops", + "salt" + ] + }, + { + "id": 6738, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "pizza doughs", + "cooking spray", + "nonfat ricotta cheese", + "fresh parmesan cheese", + "garlic cloves", + "yellow corn meal", + "gruyere cheese" + ] + }, + { + "id": 35916, + "cuisine": "french", + "ingredients": [ + "red wine", + "salt", + "bay leaf", + "olive oil", + "black olives", + "tuna", + "basil", + "green pepper", + "onions", + "fresh tomatoes", + "garlic", + "anchovy fillets" + ] + }, + { + "id": 11825, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "garlic", + "chopped parsley", + "capers", + "orzo", + "lemon juice", + "honey", + "salt", + "grape tomatoes", + "extra-virgin olive oil", + "feta cheese crumbles" + ] + }, + { + "id": 1616, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "sugar", + "butter" + ] + }, + { + "id": 16527, + "cuisine": "korean", + "ingredients": [ + "fresh rosemary", + "balsamic vinegar", + "olive oil", + "pepper", + "salt", + "fresh thyme leaves" + ] + }, + { + "id": 26222, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "large eggs", + "dried fish flakes", + "silken tofu", + "soy sauce", + "green onions", + "sake", + "water" + ] + }, + { + "id": 5579, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "chili powder", + "ground almonds", + "ground turmeric", + "plain yogurt", + "garlic", + "onions", + "ground cinnamon", + "heavy cream", + "ground white pepper", + "chicken stock", + "cooking oil", + "canned tomatoes", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 37117, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salsa", + "seasoning mix", + "flour tortillas", + "green chilies", + "garlic powder", + "cream cheese", + "ripe olives", + "picante sauce", + "green onions", + "sour cream" + ] + }, + { + "id": 36395, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "cilantro", + "garlic cloves", + "lettuce leaves", + "black olives", + "chorizo sausage", + "ground black pepper", + "extra-virgin olive oil", + "arugula", + "balsamic vinegar", + "baby zucchini", + "chicken" + ] + }, + { + "id": 38875, + "cuisine": "moroccan", + "ingredients": [ + "clove", + "paprika", + "allspice", + "cayenne", + "salt", + "ground black pepper", + "garlic", + "ground cumin", + "cinnamon", + "ground coriander" + ] + }, + { + "id": 31059, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "salt", + "unsweetened coconut milk", + "shallots", + "ground white pepper", + "all potato purpos", + "yellow curry paste", + "chicken broth", + "vegetable oil", + "chicken" + ] + }, + { + "id": 38190, + "cuisine": "japanese", + "ingredients": [ + "water", + "ghee", + "salt", + "all-purpose flour", + "sunflower oil" + ] + }, + { + "id": 13283, + "cuisine": "spanish", + "ingredients": [ + "dry white wine", + "spanish paprika", + "olive oil", + "garlic", + "large shrimp", + "lemon", + "flat leaf parsley", + "ground black pepper", + "salt" + ] + }, + { + "id": 25206, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "shortcakes", + "heavy whipping cream", + "self rising flour", + "whipped cream", + "granulated sugar", + "butter", + "full fat cream cheese", + "pure vanilla extract", + "lemon-lime soda", + "strawberries" + ] + }, + { + "id": 32174, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium soy sauce", + "toasted sesame seeds", + "cilantro leaves", + "vegetable oil", + "sliced green onions", + "scallops", + "toasted sesame oil" + ] + }, + { + "id": 28149, + "cuisine": "indian", + "ingredients": [ + "grated coconut", + "garlic cloves", + "ground cumin", + "spinach", + "salt", + "dried chile", + "curry leaves", + "shallots", + "mustard seeds", + "coconut oil", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 29897, + "cuisine": "indian", + "ingredients": [ + "potatoes", + "ginger", + "mustard seeds", + "chopped tomatoes", + "chili powder", + "chickpeas", + "tumeric", + "sweet potatoes", + "cilantro leaves", + "ground cumin", + "garam masala", + "vegetable stock", + "garlic cloves" + ] + }, + { + "id": 15572, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "chicken breast halves", + "all-purpose flour", + "dried oregano", + "fat free less sodium chicken broth", + "crushed red pepper", + "garlic cloves", + "black pepper", + "pitted green olives", + "chopped onion", + "angel hair", + "olive oil", + "salt", + "seedless red grapes" + ] + }, + { + "id": 15538, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "apple cider vinegar", + "purple onion", + "red bell pepper", + "yellow corn meal", + "dijon mustard", + "buttermilk", + "all-purpose flour", + "boneless skinless chicken breast halves", + "ground black pepper", + "vegetable oil", + "salt", + "cooked white rice", + "romaine lettuce", + "chopped green bell pepper", + "bacon", + "cayenne pepper" + ] + }, + { + "id": 1826, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "top sirloin", + "onions", + "soy sauce", + "ground black pepper", + "fresh mushrooms", + "sesame seeds", + "cooking wine", + "white sugar", + "pear juice", + "green onions", + "toasted sesame oil" + ] + }, + { + "id": 43873, + "cuisine": "mexican", + "ingredients": [ + "cider vinegar", + "lime wedges", + "garlic cloves", + "chiles", + "pork tenderloin", + "salsa", + "corn tortillas", + "fresh cilantro", + "salt", + "sour cream", + "sugar", + "ground red pepper", + "cumin seed", + "dried oregano" + ] + }, + { + "id": 24363, + "cuisine": "indian", + "ingredients": [ + "peeled fresh ginger", + "fresh lemon juice", + "raita", + "ground black pepper", + "ground coriander", + "ground turmeric", + "salt", + "boneless skinless chicken breast halves", + "ground cumin", + "cooking spray", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 29961, + "cuisine": "irish", + "ingredients": [ + "eggs", + "unsalted butter", + "dark brown sugar", + "superfine sugar", + "salt", + "unsweetened cocoa powder", + "cream cheese frosting", + "stout", + "sour cream", + "pure vanilla extract", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 48221, + "cuisine": "japanese", + "ingredients": [ + "smoked salmon", + "cucumber", + "sushi rice", + "wasabi paste", + "nori", + "avocado", + "rice vinegar" + ] + }, + { + "id": 9074, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "vegetable oil", + "parmesan cheese", + "milk", + "salt", + "tapioca starch" + ] + }, + { + "id": 28757, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "pepper", + "carrots", + "fresh basil", + "Alfredo sauce", + "chicken broth", + "lasagna noodles", + "cream of mushroom soup", + "Italian cheese", + "cooked chicken" + ] + }, + { + "id": 26126, + "cuisine": "chinese", + "ingredients": [ + "wine", + "sesame oil", + "soy sauce", + "corn starch", + "sugar", + "oyster sauce", + "light soy sauce", + "ground white pepper" + ] + }, + { + "id": 36497, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "baby spinach", + "salt", + "ground black pepper", + "extra-virgin olive oil", + "fresh lemon juice", + "water", + "mustard greens", + "garlic cloves", + "finely chopped onion", + "crushed red pepper", + "basmati rice" + ] + }, + { + "id": 4153, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "pecan halves", + "dark brown sugar", + "pure vanilla extract", + "granulated sugar", + "evaporated milk" + ] + }, + { + "id": 34474, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "ground red pepper", + "cilantro leaves", + "cinnamon sticks", + "ground cumin", + "ground ginger", + "ground black pepper", + "paprika", + "chopped onion", + "bone in chicken thighs", + "unsalted chicken stock", + "dried apricot", + "garlic", + "ground coriander", + "canola oil", + "honey", + "lemon wedge", + "chickpeas", + "ground turmeric" + ] + }, + { + "id": 12834, + "cuisine": "chinese", + "ingredients": [ + "celery ribs", + "vegetable oil", + "carrots", + "chicken thighs", + "soy sauce", + "chili oil", + "chopped cilantro", + "sesame oil", + "chinese five-spice powder", + "onions", + "chicken stock", + "chili pepper flakes", + "bok choy" + ] + }, + { + "id": 43369, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "bacon", + "mustard powder", + "eggs", + "salt", + "onions", + "tomatoes", + "paprika", + "salad dressing", + "lime juice", + "cayenne pepper" + ] + }, + { + "id": 20475, + "cuisine": "southern_us", + "ingredients": [ + "agave nectar", + "cinnamon", + "egg whites", + "pecans", + "sea salt" + ] + }, + { + "id": 5478, + "cuisine": "italian", + "ingredients": [ + "pizza sauce", + "breadstick", + "italian seasoning", + "shredded mozzarella cheese", + "grated parmesan cheese" + ] + }, + { + "id": 8665, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "vegetable oil", + "sweet peas", + "frozen chopped spinach", + "curry powder", + "garlic", + "ground cumin", + "pepper", + "red pepper flakes", + "onions", + "chicken broth", + "garbanzo beans", + "salt" + ] + }, + { + "id": 30261, + "cuisine": "chinese", + "ingredients": [ + "sea bass", + "green onions", + "peanut oil", + "chili pepper", + "sesame oil", + "Shaoxing wine", + "ginger", + "soy sauce", + "szechwan peppercorns" + ] + }, + { + "id": 17332, + "cuisine": "italian", + "ingredients": [ + "nonfat greek yogurt", + "1% low-fat milk", + "unflavored gelatin", + "chocolate shavings", + "semisweet chocolate", + "unsweetened cocoa powder", + "sugar", + "vanilla extract" + ] + }, + { + "id": 20830, + "cuisine": "italian", + "ingredients": [ + "refrigerated pizza dough", + "kosher salt", + "garlic", + "rosemary", + "black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 922, + "cuisine": "french", + "ingredients": [ + "sugar", + "heavy cream", + "large egg whites", + "apricots", + "pure vanilla extract", + "almond extract", + "unsweetened cocoa powder", + "water", + "confectioners sugar" + ] + }, + { + "id": 22789, + "cuisine": "french", + "ingredients": [ + "fresh chives", + "bacon", + "fat skimmed chicken broth", + "potatoes", + "salt", + "ground pepper", + "dry sherry", + "half & half", + "chopped onion" + ] + }, + { + "id": 29784, + "cuisine": "italian", + "ingredients": [ + "peaches", + "grated lemon zest", + "nectarines", + "cantaloupe", + "blueberries", + "kiwifruit", + "strawberries", + "sugar", + "fresh orange juice", + "grappa" + ] + }, + { + "id": 34019, + "cuisine": "cajun_creole", + "ingredients": [ + "bacon drippings", + "onion powder", + "paprika", + "cornmeal", + "garlic powder", + "sea salt", + "thyme", + "dried oregano", + "black pepper", + "cajun seasoning", + "cayenne pepper", + "marjoram", + "lemon wedge", + "basil", + "fillets", + "cumin" + ] + }, + { + "id": 11487, + "cuisine": "russian", + "ingredients": [ + "Belgian endive", + "red wine vinegar", + "chives", + "vegetable oil", + "dijon mustard", + "walnut oil" + ] + }, + { + "id": 29497, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "pizza doughs", + "olive oil", + "mozzarella cheese", + "arugula", + "prosciutto" + ] + }, + { + "id": 41752, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "sesame seeds", + "garlic cloves", + "cold water", + "water", + "boneless skinless chicken breasts", + "soy sauce", + "green onions", + "corn starch", + "ground ginger", + "honey", + "sesame oil" + ] + }, + { + "id": 47503, + "cuisine": "chinese", + "ingredients": [ + "roasted cashews", + "reduced sodium soy sauce", + "purple onion", + "boneless skinless chicken breast halves", + "snow pea pods", + "garlic", + "corn starch", + "water", + "water chestnuts", + "oyster sauce", + "canola oil", + "fresh ginger", + "sweet pepper", + "toasted sesame oil" + ] + }, + { + "id": 45332, + "cuisine": "russian", + "ingredients": [ + "cold water", + "chocolate glaze", + "butter", + "lemon juice", + "dark chocolate", + "egg whites", + "all-purpose flour", + "eggs", + "unsalted butter", + "vanilla extract", + "sugar", + "agar", + "condensed milk" + ] + }, + { + "id": 6881, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "shallots", + "galangal", + "chiles", + "lemon zest", + "salt", + "mussels", + "thai basil", + "garlic", + "coconut", + "cooking oil", + "lemon juice" + ] + }, + { + "id": 11823, + "cuisine": "moroccan", + "ingredients": [ + "garbanzo beans", + "vegetable broth", + "chopped cilantro fresh", + "saffron threads", + "russet potatoes", + "cinnamon sticks", + "butternut squash", + "garlic cloves", + "ground cumin", + "olive oil", + "diced tomatoes", + "onions" + ] + }, + { + "id": 1347, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "bacon", + "frozen corn kernels", + "sliced green onions", + "bread", + "cooking spray", + "salt", + "plum tomatoes", + "ground black pepper", + "1% low-fat milk", + "ground coriander", + "ground cumin", + "large eggs", + "part-skim ricotta cheese", + "chopped cilantro fresh" + ] + }, + { + "id": 47229, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chinese eggplants", + "chinkiang vinegar", + "minced ginger", + "scallions", + "sugar", + "Shaoxing wine", + "garlic chili sauce", + "minced garlic", + "hot pepper" + ] + }, + { + "id": 1239, + "cuisine": "vietnamese", + "ingredients": [ + "small yellow onion", + "crabmeat", + "chopped cilantro fresh", + "tapioca pearls", + "medium shrimp", + "canola oil", + "boneless skinless chicken breasts", + "scallions", + "long grain white rice", + "chicken stock", + "salt", + "dried wood ear mushrooms" + ] + }, + { + "id": 35734, + "cuisine": "irish", + "ingredients": [ + "salt", + "buttermilk", + "pastry flour", + "baking soda" + ] + }, + { + "id": 24312, + "cuisine": "french", + "ingredients": [ + "honey", + "heavy cream", + "lemon", + "fromage blanc", + "strawberries" + ] + }, + { + "id": 12501, + "cuisine": "japanese", + "ingredients": [ + "water", + "vegetable oil", + "salt", + "soba", + "pork baby back ribs", + "pork shoulder butt", + "shoyu", + "scallions", + "fresh ginger", + "baby spinach", + "soft-boiled egg", + "chicken", + "soy sauce", + "leeks", + "garlic", + "konbu" + ] + }, + { + "id": 32908, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "salt", + "onions", + "apricot halves", + "leg of lamb", + "grated orange", + "low sodium chicken broth", + "orange juice", + "chopped fresh mint", + "garlic", + "cinnamon sticks" + ] + }, + { + "id": 20330, + "cuisine": "french", + "ingredients": [ + "granulated sugar", + "confectioners sugar", + "large egg whites", + "1% low-fat milk", + "cream of tartar", + "vanilla", + "coffee granules", + "corn starch" + ] + }, + { + "id": 12988, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "chopped pecans", + "baking soda", + "salt", + "light brown sugar", + "baking powder", + "sour cream", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 7958, + "cuisine": "chinese", + "ingredients": [ + "pork", + "cooking oil", + "bamboo shoots", + "chinese rice wine", + "chinese black mushrooms", + "napa cabbage", + "sugar", + "ground black pepper", + "corn starch", + "chicken broth", + "soy sauce", + "rice cakes" + ] + }, + { + "id": 6252, + "cuisine": "cajun_creole", + "ingredients": [ + "chili pepper", + "diced tomatoes", + "salt", + "shrimp", + "milk", + "extra-virgin olive oil", + "margarine", + "onions", + "pepper", + "crushed red pepper flakes", + "all-purpose flour", + "toast", + "chopped bell pepper", + "chopped celery", + "creole seasoning", + "grits" + ] + }, + { + "id": 49619, + "cuisine": "mexican", + "ingredients": [ + "low sodium chicken broth", + "salt", + "white onion", + "vegetable oil", + "dried oregano", + "tomato paste", + "mushrooms", + "ancho chile pepper", + "water", + "large garlic cloves" + ] + }, + { + "id": 33356, + "cuisine": "russian", + "ingredients": [ + "whole grain mustard", + "salt", + "bay leaf", + "brandy", + "crimini mushrooms", + "oil", + "beef steak", + "beef stock", + "crème fraîche", + "onions", + "pepper", + "butter", + "flat leaf parsley" + ] + }, + { + "id": 843, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "vegetable broth", + "arborio rice", + "dry white wine", + "saffron threads", + "grated parmesan cheese", + "olive oil", + "peas" + ] + }, + { + "id": 9273, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "tomatillos", + "chopped cilantro fresh", + "salt", + "serrano chile", + "white onion", + "fresh lime juice" + ] + }, + { + "id": 5814, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "pie shell", + "sweetened coconut flakes", + "corn starch", + "butter", + "crushed pineapple", + "granulated sugar", + "vanilla" + ] + }, + { + "id": 3952, + "cuisine": "chinese", + "ingredients": [ + "bibb lettuce", + "green onions", + "onions", + "olive oil", + "shredded carrots", + "ginger", + "soy sauce", + "hoisin sauce", + "lean ground beef", + "toasted sesame seeds", + "peanuts", + "water chestnuts", + "garlic" + ] + }, + { + "id": 40688, + "cuisine": "southern_us", + "ingredients": [ + "fat free milk", + "corn mix muffin", + "country ham", + "chopped pecans", + "egg substitute" + ] + }, + { + "id": 12459, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "unsalted butter", + "red wine", + "fresh lemon juice", + "onions", + "honey", + "spices", + "fresh parsley leaves", + "bay leaf", + "parsley sprigs", + "bosc pears", + "salt", + "carrots", + "orange zest", + "juniper berries", + "vegetable oil", + "all-purpose flour", + "duck drumsticks" + ] + }, + { + "id": 29911, + "cuisine": "japanese", + "ingredients": [ + "cooked brown rice", + "large eggs", + "scallions", + "fresh ginger", + "edamame", + "minced garlic", + "ponzu", + "shrimp", + "eggplant", + "peanut oil" + ] + }, + { + "id": 27664, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "water", + "sesame oil", + "chicken", + "soy sauce", + "cooking oil", + "garlic", + "red chili peppers", + "fresh ginger", + "cilantro", + "crawfish", + "szechwan peppercorns", + "salt" + ] + }, + { + "id": 17345, + "cuisine": "indian", + "ingredients": [ + "whole milk", + "saffron", + "fruit", + "ghee", + "sugar", + "rice", + "rose water", + "mango" + ] + }, + { + "id": 39339, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "vegetable oil", + "white wine vinegar", + "corn starch", + "cold water", + "dried basil", + "worcestershire sauce", + "beef broth", + "pepper", + "cajun seasoning", + "salt", + "onions", + "mashed potatoes", + "beef", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 3399, + "cuisine": "italian", + "ingredients": [ + "pepper", + "zucchini", + "onions", + "chicken broth", + "whole grain rice", + "salt", + "olive oil", + "garlic", + "eggs", + "parmesan cheese", + "fresh parsley" + ] + }, + { + "id": 49284, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "whipping cream", + "vegetable oil", + "filet mignon", + "epazote", + "olive oil", + "poblano chiles" + ] + }, + { + "id": 24698, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "pork tenderloin", + "red pepper", + "garlic cloves", + "ground ginger", + "fresh ginger", + "sesame oil", + "beef broth", + "bok choy", + "soy sauce", + "garlic powder", + "vegetable oil", + "chinese five-spice powder", + "onions", + "kosher salt", + "sherry", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 26903, + "cuisine": "french", + "ingredients": [ + "olive oil", + "crimini mushrooms", + "linguine", + "fresh parsley leaves", + "tomato paste", + "boneless skinless chicken breasts", + "cipollini onions", + "all-purpose flour", + "ground black pepper", + "fresh thyme leaves", + "garlic", + "pancetta", + "unsalted butter", + "red wine", + "salt" + ] + }, + { + "id": 20415, + "cuisine": "southern_us", + "ingredients": [ + "fresh ginger", + "cinnamon sticks", + "cider vinegar", + "lemon", + "watermelon", + "salt", + "sugar", + "mace" + ] + }, + { + "id": 29969, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "red wine vinegar", + "tomatoes", + "olive oil", + "ripe olives", + "seasoning salt", + "garlic cloves", + "green chile", + "green onions" + ] + }, + { + "id": 42414, + "cuisine": "french", + "ingredients": [ + "full fat coconut milk", + "arrowroot flour", + "unsweetened shredded dried coconut", + "sea salt", + "coconut water", + "coconut oil", + "vanilla powder", + "eggs", + "bananas", + "pitted prunes" + ] + }, + { + "id": 34079, + "cuisine": "mexican", + "ingredients": [ + "curry powder", + "cumin", + "avocado", + "garlic", + "white onion", + "salt", + "bread", + "lime" + ] + }, + { + "id": 35780, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "black pepper", + "ground red pepper", + "cumin seed", + "chicken thighs", + "whole allspice", + "coriander seeds", + "salt", + "couscous", + "sugar", + "ground nutmeg", + "chickpeas", + "onions", + "ground cinnamon", + "olive oil", + "raisins", + "low salt chicken broth" + ] + }, + { + "id": 15473, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "okra", + "milk", + "salt", + "ground black pepper", + "all-purpose flour", + "vegetable shortening", + "cornmeal" + ] + }, + { + "id": 2994, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "sake", + "salmon steaks", + "sugar", + "mirin" + ] + }, + { + "id": 4795, + "cuisine": "mexican", + "ingredients": [ + "water", + "corn tortillas", + "eggs", + "chopped onion", + "salt", + "shredded Monterey Jack cheese", + "tomato sauce", + "oil" + ] + }, + { + "id": 2482, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "boneless chicken", + "sauce", + "garlic paste", + "green onions", + "all-purpose flour", + "corn flour", + "tomato paste", + "sugar", + "purple onion", + "chili sauce", + "eggs", + "white pepper", + "salt", + "oil" + ] + }, + { + "id": 45147, + "cuisine": "spanish", + "ingredients": [ + "chili pepper", + "potatoes", + "garlic cloves", + "white wine", + "olive oil", + "green pepper", + "onions", + "pepper", + "sea salt", + "tuna", + "tomatoes", + "water", + "paprika", + "fresh parsley" + ] + }, + { + "id": 39551, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "vinegar", + "water", + "chili paste", + "sugar", + "chopped garlic" + ] + }, + { + "id": 24417, + "cuisine": "cajun_creole", + "ingredients": [ + "mayonaise", + "cajun seasoning", + "monterey jack", + "parmesan cheese", + "garlic", + "crawfish", + "butter", + "tomatoes", + "french bread", + "fresh parsley" + ] + }, + { + "id": 35463, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "ground black pepper", + "salt", + "water", + "sweet potatoes", + "minced garlic", + "unsalted butter", + "yellow onion", + "unsweetened coconut milk", + "leaves", + "chopped fresh thyme" + ] + }, + { + "id": 43339, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "flour tortillas", + "onions", + "ground chuck", + "diced tomatoes", + "tomato sauce", + "cream style cottage cheese", + "Mexican cheese blend", + "fresh parsley" + ] + }, + { + "id": 13369, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "garlic", + "dried parsley", + "grated parmesan cheese", + "Italian bread", + "ground black pepper", + "fines herbes", + "dried oregano", + "butter", + "marjoram" + ] + }, + { + "id": 37845, + "cuisine": "chinese", + "ingredients": [ + "orange", + "honey", + "boiling water", + "ice cubes", + "sweetened condensed milk" + ] + }, + { + "id": 48706, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "garam masala", + "chili powder", + "onions", + "fenugreek leaves", + "water", + "cooking oil", + "garlic", + "tomato sauce", + "fresh ginger", + "half & half", + "salt", + "tandoori spices", + "nonfat yogurt", + "butter" + ] + }, + { + "id": 44213, + "cuisine": "french", + "ingredients": [ + "fresh chives", + "dijon mustard", + "salt", + "cherry tomatoes", + "red wine vinegar", + "green beans", + "ground pepper", + "garlic", + "long grain white rice", + "olive oil", + "light tuna packed in olive oil", + "chopped parsley" + ] + }, + { + "id": 43447, + "cuisine": "irish", + "ingredients": [ + "large egg whites", + "baking powder", + "all-purpose flour", + "sugar", + "baking soda", + "1% low-fat milk", + "dried strawberries", + "whole wheat flour", + "butter", + "grated orange", + "fat free yogurt", + "cooking spray", + "salt" + ] + }, + { + "id": 18885, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "boneless chicken skinless thigh", + "crushed red pepper", + "fresh basil", + "butter", + "garlic cloves", + "green bell pepper", + "whipping cream", + "red bell pepper", + "fettucine", + "grated parmesan cheese", + "purple onion" + ] + }, + { + "id": 3518, + "cuisine": "mexican", + "ingredients": [ + "serrano chilies", + "beef", + "sour cream", + "shredded Monterey Jack cheese", + "green bell pepper", + "coarse salt", + "( oz.) tomato paste", + "bread mix", + "chili powder", + "chopped cilantro fresh", + "ground cumin", + "(14.5 oz.) diced tomatoes", + "corn kernels", + "yellow onion", + "canola oil" + ] + }, + { + "id": 38443, + "cuisine": "italian", + "ingredients": [ + "white bread", + "chees fresh mozzarella", + "raspberry jam", + "light brown sugar", + "olive oil", + "fresh rosemary", + "salt" + ] + }, + { + "id": 24080, + "cuisine": "jamaican", + "ingredients": [ + "condensed milk", + "vanilla", + "grated nutmeg", + "water", + "carrots" + ] + }, + { + "id": 20491, + "cuisine": "japanese", + "ingredients": [ + "wasabi paste", + "salt", + "japanese rice", + "caster sugar", + "tuna", + "white vinegar", + "gari", + "cucumber", + "avocado", + "dipping sauces", + "nori" + ] + }, + { + "id": 5236, + "cuisine": "cajun_creole", + "ingredients": [ + "cauliflower", + "sugar", + "garlic powder", + "old bay seasoning", + "vegetable broth", + "andouille sausage", + "olive oil", + "flour", + "sea salt", + "saffron powder", + "Louisiana Hot Sauce", + "nutritional yeast", + "sherry", + "paprika", + "oregano", + "tomato paste", + "white onion", + "cayenne", + "vegan butter", + "green pepper" + ] + }, + { + "id": 46364, + "cuisine": "filipino", + "ingredients": [ + "pork", + "garlic", + "ground black pepper", + "green beans", + "water", + "salt", + "low sodium soy sauce", + "vegetable oil", + "onions" + ] + }, + { + "id": 5839, + "cuisine": "french", + "ingredients": [ + "clove", + "dijon mustard", + "carrots", + "onions", + "cold water", + "boneless chuck roast", + "cornichons", + "bay leaf", + "turnips", + "kosher salt", + "leeks", + "thyme sprigs", + "veal stock", + "beef shank", + "beef rib short", + "fresh parsley" + ] + }, + { + "id": 15735, + "cuisine": "korean", + "ingredients": [ + "neutral oil", + "fresh ginger", + "garlic", + "cucumber", + "soy sauce", + "cracked black pepper", + "scallions", + "sugar", + "cilantro", + "Gochujang base", + "chopped cilantro", + "cooked rice", + "flank steak", + "rice vinegar", + "kimchi" + ] + }, + { + "id": 15531, + "cuisine": "indian", + "ingredients": [ + "salt", + "water", + "whole wheat flour", + "all purpose unbleached flour" + ] + }, + { + "id": 12698, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "crushed red pepper flakes", + "onions", + "tomato paste", + "coarse salt", + "freshly ground pepper", + "whole milk ricotta cheese", + "garlic", + "rigatoni", + "olive oil", + "chees fresh mozzarella", + "dried oregano" + ] + }, + { + "id": 43331, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "shredded pepper jack cheese", + "Mexican oregano", + "cream cheese", + "taco seasoning mix", + "salsa", + "salt", + "sour cream" + ] + }, + { + "id": 47705, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "baking powder", + "yellow corn meal", + "large eggs", + "salt", + "cream style corn", + "vegetable oil", + "sugar", + "flour", + "onions" + ] + }, + { + "id": 40359, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "dried thyme", + "green onions", + "salt", + "fresh lime juice", + "ketchup", + "ground black pepper", + "scotch bonnet chile", + "dark brown sugar", + "soy sauce", + "ground nutmeg", + "vegetable oil", + "ground allspice", + "chicken", + "ground ginger", + "water", + "dark rum", + "malt vinegar", + "garlic cloves" + ] + }, + { + "id": 20083, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "butter", + "salt", + "quickcooking grits", + "whipping cream", + "minced garlic", + "bacon", + "chicken broth", + "green onions", + "peeled shrimp" + ] + }, + { + "id": 1690, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "cayenne pepper", + "sugar", + "lemon juice", + "horseradish", + "pepper", + "table salt", + "apple cider vinegar" + ] + }, + { + "id": 18948, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "chicken breasts", + "cayenne pepper", + "dried oregano", + "black beans", + "garlic powder", + "onion powder", + "garlic salt", + "canola oil", + "romaine lettuce", + "cherry tomatoes", + "chili powder", + "chopped cilantro", + "cumin", + "water", + "sweet corn kernels", + "salt", + "long grain white rice", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 18886, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "lime", + "fresh cilantro", + "tilapia", + "olive oil" + ] + }, + { + "id": 13064, + "cuisine": "chinese", + "ingredients": [ + "almonds", + "water", + "nuts", + "puff pastry", + "honey" + ] + }, + { + "id": 15110, + "cuisine": "cajun_creole", + "ingredients": [ + "gin", + "orange flower water", + "egg whites", + "fresh lime juice", + "heavy cream", + "club soda", + "superfine sugar", + "fresh lemon juice" + ] + }, + { + "id": 14890, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "ground black pepper", + "cilantro sprigs", + "fresh lime juice", + "avocado", + "cherry tomatoes", + "vegetable oil", + "carrots", + "chopped cilantro fresh", + "chipotle chile", + "feta cheese", + "queso fresco", + "corn tortillas", + "chicken", + "corn", + "jalapeno chilies", + "garlic cloves", + "onions" + ] + }, + { + "id": 12245, + "cuisine": "italian", + "ingredients": [ + "lemon slices", + "olive oil", + "garlic cloves", + "fronds", + "striped bass", + "coarse salt", + "fresh lemon juice" + ] + }, + { + "id": 18817, + "cuisine": "moroccan", + "ingredients": [ + "firmly packed brown sugar", + "ground cloves", + "salt", + "ground cinnamon", + "solid pack pumpkin", + "unsalted butter", + "ground ginger", + "semolina flour", + "milk", + "all-purpose flour", + "eggs", + "sugar", + "baking powder" + ] + }, + { + "id": 9929, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "finely chopped fresh parsley", + "vegetable broth", + "garlic cloves", + "water", + "cheese tortellini", + "baby zucchini", + "arugula", + "olive oil", + "green peas", + "baby carrots", + "sliced green onions", + "fresh chives", + "pattypan squash", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 42633, + "cuisine": "moroccan", + "ingredients": [ + "Italian parsley leaves", + "fresh mint", + "ground black pepper", + "extra-virgin olive oil", + "kosher salt", + "ginger", + "jalapeno chilies", + "cilantro leaves" + ] + }, + { + "id": 6538, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "Mexican cheese blend", + "chopped onion", + "ground beef", + "chopped bell pepper", + "shredded lettuce", + "taco seasoning", + "water", + "sliced olives", + "tortilla chips", + "avocado", + "refried beans", + "salsa", + "sour cream" + ] + }, + { + "id": 18107, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "boneless skinless chicken breasts", + "garlic", + "grated parmesan cheese", + "heavy cream", + "freshly grated parmesan", + "butter", + "penne pasta", + "white pepper", + "broccoli florets", + "paprika" + ] + }, + { + "id": 13131, + "cuisine": "french", + "ingredients": [ + "pepper", + "bacon", + "beef broth", + "Burgundy wine", + "black peppercorns", + "chuck roast", + "salt", + "carrots", + "onions", + "brandy", + "butter", + "all-purpose flour", + "bay leaf", + "tomato paste", + "olive oil", + "garlic", + "fresh mushrooms", + "fresh parsley" + ] + }, + { + "id": 21286, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "oil", + "salt", + "spring onions", + "chopped garlic", + "chicken legs", + "sauce" + ] + }, + { + "id": 26029, + "cuisine": "french", + "ingredients": [ + "butter", + "sausages", + "bacon", + "green onions", + "cream cheese", + "worcestershire sauce" + ] + }, + { + "id": 16251, + "cuisine": "greek", + "ingredients": [ + "salt", + "active dry yeast", + "white sugar", + "warm water", + "all-purpose flour", + "vegetable oil" + ] + }, + { + "id": 13773, + "cuisine": "thai", + "ingredients": [ + "coriander seeds", + "creamy peanut butter", + "fresh lime juice", + "chili", + "chopped onion", + "low salt chicken broth", + "soy sauce", + "pork tenderloin", + "dark brown sugar", + "lemongrass", + "onion tops", + "garlic cloves" + ] + }, + { + "id": 16173, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "minced garlic", + "sesame oil", + "boneless chicken thighs", + "sesame seeds", + "lemon juice", + "soy sauce", + "honey", + "ginger", + "black pepper", + "rice wine" + ] + }, + { + "id": 27900, + "cuisine": "mexican", + "ingredients": [ + "pickled jalapenos", + "lime", + "reduced-fat sour cream", + "cilantro leaves", + "navy beans", + "water", + "cooking spray", + "cracked black pepper", + "medium shrimp", + "kosher salt", + "flour tortillas", + "cilantro", + "Neufchâtel", + "avocado", + "fresh cilantro", + "old bay seasoning", + "garlic", + "cumin" + ] + }, + { + "id": 29827, + "cuisine": "mexican", + "ingredients": [ + "salt", + "masa harina", + "hot water" + ] + }, + { + "id": 36835, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "mexicorn", + "jalapeno chilies", + "shredded cheddar cheese", + "sour cream", + "green chile", + "green onions" + ] + }, + { + "id": 21979, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "peas", + "thyme sprigs", + "olive oil", + "garlic cloves", + "base", + "carrots", + "pepper", + "salt", + "onions" + ] + }, + { + "id": 16415, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "chicken breasts", + "onions", + "prunes", + "olive oil", + "salt", + "pears", + "honey", + "ras el hanout", + "chopped cilantro fresh", + "tumeric", + "almonds", + "medjool date" + ] + }, + { + "id": 44795, + "cuisine": "thai", + "ingredients": [ + "tomatoes", + "black pepper", + "green onions", + "dry bread crumbs", + "hamburger buns", + "fresh ginger root", + "grated carrot", + "fresh tuna steaks", + "eggs", + "light soy sauce", + "sesame oil", + "chopped cilantro fresh", + "ketchup", + "lettuce leaves", + "salt", + "ground cumin" + ] + }, + { + "id": 27267, + "cuisine": "french", + "ingredients": [ + "fresh tomatoes", + "ground black pepper", + "salt", + "dried oregano", + "ground cinnamon", + "dried basil", + "extra-virgin olive oil", + "crumbled gorgonzola", + "chicken broth", + "dry vermouth", + "chopped fresh thyme", + "fresh oregano", + "fresh basil", + "dried thyme", + "garlic", + "onions" + ] + }, + { + "id": 5230, + "cuisine": "italian", + "ingredients": [ + "Italian parsley leaves", + "gemelli", + "cherry tomatoes", + "walnuts", + "grated lemon peel", + "extra-virgin olive oil", + "medium shrimp", + "butter", + "fresh lemon juice", + "chopped garlic" + ] + }, + { + "id": 10432, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "unsalted butter", + "paprika", + "milk", + "Tabasco Pepper Sauce", + "canola oil", + "kosher salt", + "flour", + "steak", + "ground black pepper", + "buttermilk" + ] + }, + { + "id": 19370, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "onion powder", + "cream cheese", + "ground cumin", + "cooked chicken", + "shredded pepper jack cheese", + "chopped parsley", + "cooking spray", + "garlic", + "scallions", + "kosher salt", + "chili powder", + "salsa", + "fresh lime juice" + ] + }, + { + "id": 22497, + "cuisine": "southern_us", + "ingredients": [ + "maple syrup", + "white cornmeal", + "bacon fat", + "salt", + "boiling water" + ] + }, + { + "id": 23925, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "chopped fresh thyme", + "salt", + "potatoes", + "large garlic cloves", + "olive oil", + "solid white tuna", + "California bay leaves", + "capers", + "whole milk", + "extra-virgin olive oil" + ] + }, + { + "id": 23304, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "white sugar", + "heavy cream", + "vanilla beans" + ] + }, + { + "id": 47143, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "half & half", + "crushed red pepper", + "frozen chopped spinach", + "dried basil", + "fresh angel hair", + "all-purpose flour", + "minced garlic", + "cooking spray", + "salt", + "roast breast of chicken", + "fresh parmesan cheese", + "reduced-fat sour cream", + "onions" + ] + }, + { + "id": 43264, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "sirloin tip roast", + "crushed garlic", + "brown sugar", + "dr pepper", + "taco sauce", + "pork shoulder" + ] + }, + { + "id": 27778, + "cuisine": "irish", + "ingredients": [ + "ground black pepper", + "ground allspice", + "cabbage", + "potatoes", + "celery", + "beef brisket", + "carrots", + "bay leaves", + "onions" + ] + }, + { + "id": 447, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "cooking spray", + "salt", + "sugar", + "chicken drumsticks", + "fresh ginger", + "fresh orange juice", + "sake", + "green onions", + "fresh lemon juice" + ] + }, + { + "id": 41778, + "cuisine": "italian", + "ingredients": [ + "pecorino romano cheese", + "fresh mint", + "baguette", + "salt", + "mint", + "extra-virgin olive oil", + "bartlett pears", + "ground black pepper", + "edamame" + ] + }, + { + "id": 39691, + "cuisine": "indian", + "ingredients": [ + "whole milk", + "ground cardamom", + "dry milk powder", + "saffron threads", + "condensed milk", + "pistachio nuts", + "white sugar" + ] + }, + { + "id": 2573, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "sour cream", + "refried beans", + "green chile" + ] + }, + { + "id": 46393, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "steak", + "five spice", + "stir fry sauce", + "red pepper", + "noodles", + "spring onions", + "cornflour" + ] + }, + { + "id": 5300, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "tilapia fillets", + "cooking spray", + "lemon wedge", + "ground turmeric", + "sugar", + "lower sodium soy sauce", + "green onions", + "dark sesame oil", + "minced garlic", + "ground black pepper", + "shallots", + "peanut oil", + "fresh dill", + "sweet onion", + "peeled fresh ginger", + "unsalted dry roast peanuts" + ] + }, + { + "id": 42719, + "cuisine": "brazilian", + "ingredients": [ + "fish fillets", + "medium shrimp uncook", + "garlic cloves", + "olive oil", + "crushed red pepper", + "chopped cilantro fresh", + "green bell pepper", + "green onions", + "fresh lime juice", + "unsweetened coconut milk", + "chopped tomatoes", + "chopped onion" + ] + }, + { + "id": 3769, + "cuisine": "mexican", + "ingredients": [ + "unsalted butter", + "russet potatoes", + "salt", + "ground black pepper", + "jalapeno chilies", + "peas", + "olives", + "large eggs", + "yellow mustard", + "carrots", + "pearl onions", + "crema mexican", + "Italian parsley leaves", + "onions" + ] + }, + { + "id": 16593, + "cuisine": "brazilian", + "ingredients": [ + "pork", + "vegetable oil", + "feet", + "dried black beans", + "bay leaves", + "garlic", + "pork ribs", + "pork tongue", + "pork sausages", + "salt and ground black pepper", + "bacon", + "yellow onion" + ] + }, + { + "id": 1495, + "cuisine": "cajun_creole", + "ingredients": [ + "sweet onion", + "turkey sausage", + "cayenne pepper", + "light red kidney beans", + "red beans", + "extra-virgin olive oil", + "green bell pepper", + "bay leaves", + "yellow bell pepper", + "black pepper", + "brown rice", + "garlic" + ] + }, + { + "id": 42386, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "jalapeno chilies", + "bacon", + "cream cheese", + "milk", + "baking powder", + "all-purpose flour", + "brown sugar", + "chopped fresh chives", + "salt", + "cornmeal", + "unsalted butter", + "buttermilk", + "goat cheese" + ] + }, + { + "id": 31220, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "oil", + "chili powder", + "chicken breasts", + "fresh lime juice", + "salt" + ] + }, + { + "id": 47042, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "salsa", + "white vinegar", + "pork tenderloin", + "lemon juice", + "fresh blueberries", + "garlic cloves", + "brown sugar", + "rum", + "bread slices" + ] + }, + { + "id": 30953, + "cuisine": "moroccan", + "ingredients": [ + "minced garlic", + "finely chopped fresh parsley", + "chopped cilantro fresh", + "olive oil", + "paprika", + "ground cumin", + "water", + "boneless skinless chicken breasts", + "saffron", + "kosher salt", + "cayenne", + "lemon juice" + ] + }, + { + "id": 11005, + "cuisine": "italian", + "ingredients": [ + "genoa salami", + "grated parmesan cheese", + "fresh spinach", + "shredded mozzarella cheese", + "pasta sauce", + "ricotta", + "baguette" + ] + }, + { + "id": 16880, + "cuisine": "french", + "ingredients": [ + "strawberries", + "low-fat buttermilk", + "sugar", + "light corn syrup" + ] + }, + { + "id": 47892, + "cuisine": "spanish", + "ingredients": [ + "cayenne", + "demi baguette", + "chile powder", + "paprika", + "poblano chiles", + "pepper", + "garlic", + "chorizo", + "salt" + ] + }, + { + "id": 32636, + "cuisine": "french", + "ingredients": [ + "baguette", + "whole milk", + "cayenne pepper", + "cod fillets", + "extra-virgin olive oil", + "ground black pepper", + "large garlic cloves", + "fresh lemon juice", + "red potato", + "parmigiano reggiano cheese", + "grated lemon zest" + ] + }, + { + "id": 34388, + "cuisine": "cajun_creole", + "ingredients": [ + "white onion", + "Tabasco Pepper Sauce", + "canned tomatoes", + "green bell pepper", + "ground black pepper", + "fryer chickens", + "cayenne pepper", + "andouille sausage", + "bay leaves", + "garlic", + "diced celery", + "kosher salt", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 16967, + "cuisine": "southern_us", + "ingredients": [ + "dark corn syrup", + "vanilla extract", + "half & half", + "dark brown sugar", + "egg yolks", + "salt", + "butter", + "corn starch" + ] + }, + { + "id": 10060, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic", + "snow peas", + "crab meat", + "vegetable oil", + "bok choy", + "minced onion", + "oil", + "won ton wrappers", + "cream cheese" + ] + }, + { + "id": 13392, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "ground pepper", + "penne pasta", + "dried oregano", + "olive oil", + "diced tomatoes", + "garlic cloves", + "dried basil", + "red pepper flakes", + "cream cheese", + "tomato paste", + "parmesan cheese", + "salt", + "onions" + ] + }, + { + "id": 7297, + "cuisine": "irish", + "ingredients": [ + "flour", + "salt", + "butter", + "decorating sugars", + "corn starch", + "sugar", + "vanilla" + ] + }, + { + "id": 19693, + "cuisine": "british", + "ingredients": [ + "water", + "fresh raspberries", + "white bread", + "white sugar", + "whipped cream" + ] + }, + { + "id": 31170, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "water", + "baby spinach", + "sausage casings", + "dry white wine", + "salt", + "romano cheese", + "shallots", + "garlic cloves", + "lower sodium chicken broth", + "mushrooms", + "extra-virgin olive oil" + ] + }, + { + "id": 37759, + "cuisine": "indian", + "ingredients": [ + "nonfat yogurt", + "fresh pineapple", + "purple onion", + "raita", + "chicken breasts", + "masala", + "red bell pepper" + ] + }, + { + "id": 37744, + "cuisine": "vietnamese", + "ingredients": [ + "groundnut", + "lime juice", + "spring onions", + "rice flour", + "ground turmeric", + "fish sauce", + "fresh coriander", + "vegetables", + "garlic cloves", + "coconut milk", + "caster sugar", + "shiitake", + "sea salt", + "beansprouts", + "red chili peppers", + "water", + "lettuce leaves", + "king prawns", + "onions" + ] + }, + { + "id": 11877, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "ground black pepper", + "grated lemon zest", + "poblano chiles", + "kosher salt", + "red wine vinegar", + "garlic cloves", + "chicken", + "olive oil", + "purple onion", + "red bell pepper", + "fresh rosemary", + "chili powder", + "cayenne pepper", + "fresh basil leaves" + ] + }, + { + "id": 42012, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "buttermilk", + "salt", + "flat leaf parsley", + "sugar", + "dijon mustard", + "extra-virgin olive oil", + "fresh lemon juice", + "water", + "shallots", + "cornichons", + "corn starch", + "capers", + "cayenne", + "fresh tarragon", + "anchovy fillets", + "celery root" + ] + }, + { + "id": 48274, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "eggs", + "baking powder", + "vegetable oil cooking spray", + "vegetable oil", + "yellow corn meal", + "skim milk", + "all-purpose flour" + ] + }, + { + "id": 1814, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "fish stock", + "flat leaf parsley", + "capers", + "pitted green olives", + "garlic cloves", + "plum tomatoes", + "ground black pepper", + "extra-virgin olive oil", + "onions", + "tuna steaks", + "salt", + "fresh basil leaves" + ] + }, + { + "id": 31017, + "cuisine": "british", + "ingredients": [ + "chicken stock", + "milk", + "butter", + "garlic", + "sour cream", + "ketchup", + "ground sirloin", + "worcestershire sauce", + "garlic cloves", + "onions", + "porcini", + "flour", + "red wine", + "salt", + "celery", + "pepper", + "yukon gold potatoes", + "extra-virgin olive oil", + "carrots" + ] + }, + { + "id": 28494, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "hot pepper sauce", + "worcestershire sauce", + "ground allspice", + "large shrimp", + "crushed tomatoes", + "bay leaves", + "bow-tie pasta", + "onions", + "andouille sausage", + "grated parmesan cheese", + "diced tomatoes", + "garlic cloves", + "ground cumin", + "celery ribs", + "olive oil", + "green onions", + "cayenne pepper", + "dried oregano" + ] + }, + { + "id": 35341, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "fresh cilantro", + "chicken breasts", + "sour cream", + "black beans", + "jalapeno chilies", + "diced tomatoes", + "corn kernel whole", + "green chile", + "Mexican cheese blend", + "chili powder", + "corn tortillas", + "red kidney beans", + "minced garlic", + "ground red pepper", + "tortilla chips", + "ground cumin" + ] + }, + { + "id": 14661, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "grated parmesan cheese", + "olive oil", + "garlic", + "pepper", + "parsley", + "eggs", + "eggplant", + "salt" + ] + }, + { + "id": 22682, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "peanuts", + "garlic", + "shrimp", + "chile sauce", + "water", + "green onions", + "english cucumber", + "chopped fresh mint", + "fresh basil", + "lime juice", + "rice noodles", + "carrots", + "chopped cilantro fresh", + "brown sugar", + "fresh ginger root", + "chinese cabbage", + "beansprouts" + ] + }, + { + "id": 22694, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "flour tortillas", + "salt", + "serrano chile", + "salsa verde", + "portabello mushroom", + "fresh lime juice", + "olive oil", + "queso fresco", + "garlic cloves", + "ground black pepper", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 29141, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "grating cheese", + "celery", + "cauliflower", + "chili powder", + "green chilies", + "ground cumin", + "olive oil", + "sea salt", + "onions", + "boneless skinless chicken breasts", + "salsa", + "oregano" + ] + }, + { + "id": 49528, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "sour cream", + "garlic powder", + "fresh lime juice", + "celery salt", + "ground black pepper", + "ground cumin", + "tomatillo salsa", + "cream cheese" + ] + }, + { + "id": 1276, + "cuisine": "thai", + "ingredients": [ + "palm sugar", + "garlic cloves", + "eggs", + "shallots", + "coriander", + "fish sauce", + "vegetable oil", + "red chili peppers", + "tamarind paste" + ] + }, + { + "id": 10131, + "cuisine": "indian", + "ingredients": [ + "sweet chili sauce", + "ground cumin", + "lemon juice", + "plain yogurt", + "chopped cilantro fresh" + ] + }, + { + "id": 25875, + "cuisine": "french", + "ingredients": [ + "medium eggs", + "unsalted butter", + "caster sugar", + "salt", + "strong white bread flour", + "instant yeast", + "water" + ] + }, + { + "id": 2914, + "cuisine": "japanese", + "ingredients": [ + "dashi kombu", + "bonito flakes", + "dashi", + "water", + "konbu" + ] + }, + { + "id": 2984, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "pork loin", + "enchilada sauce", + "vegetable oil", + "onions", + "mushrooms", + "salsa" + ] + }, + { + "id": 17411, + "cuisine": "mexican", + "ingredients": [ + "red potato", + "sour cream", + "vegetable oil", + "mexican chorizo", + "green onions", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 2209, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "flounder fillets", + "capers", + "baby spinach", + "long-grain rice", + "dry white wine", + "all-purpose flour", + "black pepper", + "butter", + "fresh lemon juice" + ] + }, + { + "id": 28885, + "cuisine": "moroccan", + "ingredients": [ + "chicken legs", + "olive oil", + "lemon", + "ginger", + "carrots", + "ground cumin", + "drumstick", + "cilantro stems", + "diced tomatoes", + "ground coriander", + "onions", + "tumeric", + "garbanzo beans", + "large garlic cloves", + "cayenne pepper", + "green beans", + "ground cinnamon", + "water", + "chicken breast halves", + "paprika", + "fresh lemon juice", + "chopped fresh mint" + ] + }, + { + "id": 13119, + "cuisine": "moroccan", + "ingredients": [ + "eggs", + "fat free less sodium chicken broth", + "raisins", + "black pepper", + "finely chopped fresh parsley", + "dry bread crumbs", + "slivered almonds", + "ground turkey breast", + "salt", + "vidalia onion", + "ground black pepper", + "ras el hanout" + ] + }, + { + "id": 16321, + "cuisine": "spanish", + "ingredients": [ + "fat free less sodium chicken broth", + "vegetable oil", + "fresh onion", + "chopped cilantro fresh", + "ground round", + "cooking spray", + "chopped onion", + "corn tortillas", + "seasoned bread crumbs", + "diced tomatoes", + "garlic cloves", + "ground cumin", + "avocado", + "water", + "salsa", + "poblano chiles" + ] + }, + { + "id": 39607, + "cuisine": "greek", + "ingredients": [ + "yellow bell pepper", + "baby spinach leaves", + "pasta sauce", + "goat cheese", + "prepared pizza crust" + ] + }, + { + "id": 8384, + "cuisine": "italian", + "ingredients": [ + "whole peeled tomatoes", + "garlic cloves", + "fresh oregano leaves", + "red pepper flakes", + "coarse salt", + "ground pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 31215, + "cuisine": "italian", + "ingredients": [ + "basil", + "white wine vinegar", + "grated parmesan cheese", + "dry mustard", + "vegetable oil", + "garlic", + "seasoning salt", + "paprika", + "oregano" + ] + }, + { + "id": 1489, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "plum tomatoes", + "fine sea salt" + ] + }, + { + "id": 8165, + "cuisine": "indian", + "ingredients": [ + "diced tomatoes", + "onions", + "olive oil", + "garlic cloves", + "curry powder", + "vegetable broth", + "plain whole-milk yogurt", + "fresh ginger", + "lentils" + ] + }, + { + "id": 18087, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh corn", + "yellow onion", + "andouille sausage links", + "spices", + "celery ribs", + "crawfish", + "sauce", + "red potato", + "lemon" + ] + }, + { + "id": 4207, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "scallions", + "canola oil", + "cremini mushrooms", + "rice wine", + "carrots", + "eggs", + "shiitake", + "oyster sauce", + "gari", + "white rice", + "frozen peas" + ] + }, + { + "id": 10779, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "salt", + "ham", + "baking powder", + "cream cheese", + "grits", + "baking soda", + "all-purpose flour", + "shrimp", + "eggs", + "butter", + "scallions" + ] + }, + { + "id": 45911, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "carrots", + "fat-free chicken broth", + "saffron", + "turnips", + "salt", + "leeks", + "chopped cilantro fresh" + ] + }, + { + "id": 35205, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "large garlic cloves", + "cashew nuts", + "ground cumin", + "unsalted butter", + "salt", + "plain whole-milk yogurt", + "cayenne", + "diced tomatoes", + "chopped cilantro fresh", + "peeled fresh ginger", + "onions", + "chicken" + ] + }, + { + "id": 942, + "cuisine": "japanese", + "ingredients": [ + "fresh udon", + "tempeh", + "garlic chili sauce", + "vegetable demi-glace", + "mirin", + "ginger", + "soy sauce", + "cilantro", + "gai lan", + "hoisin sauce", + "garlic" + ] + }, + { + "id": 29775, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "red wine vinegar", + "black sesame seeds", + "salt", + "Sriracha", + "sea salt", + "sugar", + "sesame oil", + "cucumber" + ] + }, + { + "id": 29836, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "vegetables", + "chinese chives", + "lo mein noodles", + "garlic", + "shiitake mushroom caps", + "light soy sauce", + "Shaoxing wine", + "toasted sesame oil", + "dark soy sauce", + "white cabbage", + "ground white pepper" + ] + }, + { + "id": 28663, + "cuisine": "mexican", + "ingredients": [ + "corn", + "sour cream", + "instant rice", + "salsa", + "corn chips", + "black beans", + "Mexican cheese" + ] + }, + { + "id": 22272, + "cuisine": "chinese", + "ingredients": [ + "fennel seeds", + "szechwan peppercorns", + "ground cinnamon", + "clove", + "star anise" + ] + }, + { + "id": 36710, + "cuisine": "mexican", + "ingredients": [ + "havarti cheese", + "sour cream", + "salsa", + "bread", + "chicken" + ] + }, + { + "id": 11286, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "sweet onion", + "quinoa", + "fresh basil", + "dried basil", + "salt", + "mozzarella cheese", + "olive oil", + "garlic cloves", + "black lentil", + "pepper", + "feta cheese" + ] + }, + { + "id": 39176, + "cuisine": "mexican", + "ingredients": [ + "Swanson Chicken Broth", + "red pepper", + "avocado", + "green onions", + "garlic", + "lime juice", + "chili powder", + "sour cream", + "lettuce leaves", + "cilantro" + ] + }, + { + "id": 18321, + "cuisine": "mexican", + "ingredients": [ + "salt", + "lime", + "baby carrots", + "cayenne pepper", + "chili powder", + "cucumber" + ] + }, + { + "id": 36526, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "crushed tomatoes", + "ground black pepper", + "garlic", + "flat leaf parsley", + "sugar", + "olive oil", + "red wine", + "yellow onion", + "fresh basil leaves", + "eggs", + "milk", + "meatballs", + "salt", + "ground beef", + "bread crumbs", + "freshly grated parmesan", + "ground pork", + "sauce", + "spaghetti" + ] + }, + { + "id": 40930, + "cuisine": "japanese", + "ingredients": [ + "water", + "white miso", + "ponzu", + "scallions", + "olive oil", + "sesame oil", + "edamame", + "soy sauce", + "shiitake", + "napa cabbage", + "firm tofu", + "dumpling wrappers", + "chilegarlic sauce", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 17399, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "freshly grated parmesan", + "garlic cloves", + "dried rosemary", + "hot red pepper flakes", + "finely chopped onion", + "small red potato", + "whole wheat pasta", + "prosciutto", + "fresh parsley leaves", + "olive oil", + "dry white wine", + "frozen peas" + ] + }, + { + "id": 2623, + "cuisine": "irish", + "ingredients": [ + "all-purpose flour", + "sparkling sugar", + "butter", + "dark brown sugar" + ] + }, + { + "id": 36450, + "cuisine": "cajun_creole", + "ingredients": [ + "chili powder", + "fresh lemon juice", + "olive oil", + "salt", + "black pepper", + "worcestershire sauce", + "large shrimp", + "unsalted butter", + "garlic cloves" + ] + }, + { + "id": 1233, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "granulated sugar", + "red wine vinegar", + "scallions", + "sliced mushrooms", + "minced garlic", + "rice noodles", + "ginger", + "hearts of romaine", + "fried wonton strips", + "canned chicken broth", + "sesame oil", + "ground pork", + "oil", + "bok choy", + "olive oil", + "wonton wrappers", + "rice vinegar", + "toasted slivered almonds", + "chicken" + ] + }, + { + "id": 18524, + "cuisine": "italian", + "ingredients": [ + "chickpeas", + "sea salt", + "water", + "extra-virgin olive oil" + ] + }, + { + "id": 5469, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "lemon", + "baby spinach", + "lemon juice", + "low sodium chicken broth", + "garlic", + "angel hair", + "butter" + ] + }, + { + "id": 23087, + "cuisine": "southern_us", + "ingredients": [ + "fresh chives", + "baking powder", + "all-purpose flour", + "celery", + "chicken", + "milk", + "coarse salt", + "frozen corn", + "bay leaf", + "fresh rosemary", + "large eggs", + "garlic", + "flat leaf parsley", + "frozen peas", + "ground black pepper", + "butter", + "carrots", + "onions" + ] + }, + { + "id": 1386, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "minced ginger", + "salt", + "chopped cilantro", + "black pepper", + "lemon wedge", + "smoked paprika", + "boneless chicken skinless thigh", + "garam masala", + "ground coriander", + "ground cumin", + "minced garlic", + "hot chili powder", + "greek yogurt" + ] + }, + { + "id": 34646, + "cuisine": "thai", + "ingredients": [ + "kosher salt", + "Sriracha", + "creamy peanut butter", + "lime juice", + "rice vinegar", + "hot water", + "minced garlic", + "red pepper flakes", + "scallions", + "soy sauce", + "palm sugar", + "red curry paste" + ] + }, + { + "id": 31827, + "cuisine": "mexican", + "ingredients": [ + "orange", + "paprika", + "onions", + "kosher salt", + "butter", + "fresh parsley", + "ground cumin", + "cooking spray", + "garlic cloves", + "chicken", + "ground black pepper", + "fresh oregano", + "chopped cilantro fresh" + ] + }, + { + "id": 39863, + "cuisine": "french", + "ingredients": [ + "ground nutmeg", + "butter", + "fresh lemon juice", + "cream sweeten whip", + "refrigerated piecrusts", + "dark brown sugar", + "granulated sugar", + "vanilla extract", + "bartlett pears", + "ground cinnamon", + "egg whites", + "all-purpose flour" + ] + }, + { + "id": 8936, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "green onions", + "brown sugar", + "miso paste", + "fresh sea bass", + "sake", + "mirin" + ] + }, + { + "id": 39664, + "cuisine": "thai", + "ingredients": [ + "lime", + "red pepper", + "scallions", + "soy sauce", + "boneless skinless chicken breasts", + "vegetable broth", + "peanuts", + "cilantro", + "cumin", + "white onion", + "brown rice", + "creamy peanut butter" + ] + }, + { + "id": 16362, + "cuisine": "korean", + "ingredients": [ + "spring onions", + "garlic cloves", + "black pepper", + "sesame oil", + "porterhouse steaks", + "rice wine", + "dried chile", + "light soy sauce", + "button mushrooms" + ] + }, + { + "id": 32273, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "garlic", + "eggs", + "bacon", + "parmesan cheese", + "salt", + "whole wheat spaghetti", + "frozen peas" + ] + }, + { + "id": 29879, + "cuisine": "irish", + "ingredients": [ + "black peppercorns", + "potatoes", + "chopped cilantro fresh", + "turnips", + "beef brisket", + "onions", + "water", + "carrots", + "kosher salt", + "bay leaves", + "cabbage" + ] + }, + { + "id": 44724, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "firmly packed brown sugar", + "chopped pecans", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 11069, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "avocado", + "chili", + "grated orange peel", + "jicama", + "fresh cilantro" + ] + }, + { + "id": 36109, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "garam masala", + "seeds", + "paneer", + "onions", + "red chili powder", + "amchur", + "yoghurt", + "kasuri methi", + "gram flour", + "ground cumin", + "tomatoes", + "lime juice", + "bell pepper", + "ginger", + "oil", + "ground turmeric", + "caraway seeds", + "black pepper", + "coriander powder", + "large garlic cloves", + "salt", + "chaat masala" + ] + }, + { + "id": 37250, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "sour cream", + "tomatoes", + "salsa", + "flour tortillas", + "shredded cheddar cheese", + "rice" + ] + }, + { + "id": 7057, + "cuisine": "cajun_creole", + "ingredients": [ + "parmesan cheese", + "creole style seasoning", + "butter", + "spaghetti", + "ground black pepper", + "shrimp", + "teriyaki sauce" + ] + }, + { + "id": 40541, + "cuisine": "japanese", + "ingredients": [ + "frozen broccoli", + "cheese tortellini", + "hot sauce", + "broth" + ] + }, + { + "id": 42513, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chili powder", + "cayenne pepper", + "garlic cloves", + "whole wheat spaghetti", + "salt", + "red enchilada sauce", + "cumin", + "boneless skinless chicken breasts", + "cilantro", + "sharp cheddar cheese", + "onions", + "olive oil", + "red pepper", + "green pepper", + "smoked paprika" + ] + }, + { + "id": 5436, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "baking soda", + "bacon", + "kosher salt", + "buttermilk", + "large eggs", + "cornmeal" + ] + }, + { + "id": 12791, + "cuisine": "thai", + "ingredients": [ + "tofu", + "dry roasted peanuts", + "large eggs", + "vegetable oil", + "serrano chile", + "fish sauce", + "fresh cilantro", + "green onions", + "garlic cloves", + "brown sugar", + "large egg whites", + "lime wedges", + "beansprouts", + "rice stick noodles", + "water", + "peeled fresh ginger", + "chili sauce" + ] + }, + { + "id": 49400, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "spring onions", + "toasted sesame oil", + "trout", + "sea salt", + "fresh ginger root", + "rice wine", + "Japanese soy sauce", + "garlic" + ] + }, + { + "id": 25587, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "vegetable oil", + "corn tortillas", + "water", + "garlic cloves", + "onions", + "pasilla chiles", + "salt", + "Ibarra Chocolate", + "tomatoes", + "mulato chiles", + "ancho chile pepper", + "plantains" + ] + }, + { + "id": 40427, + "cuisine": "italian", + "ingredients": [ + "plain flour", + "sun-dried tomatoes", + "broccoli", + "penne", + "butter", + "fresh basil leaves", + "capers", + "mascarpone", + "anchovy fillets", + "milk", + "skinless salmon fillets", + "mature cheddar" + ] + }, + { + "id": 2042, + "cuisine": "southern_us", + "ingredients": [ + "kale", + "red pepper flakes", + "grits", + "spanish onion", + "lemon", + "sharp cheddar cheese", + "parmesan cheese", + "garlic", + "sesame seeds", + "vegetable broth" + ] + }, + { + "id": 26579, + "cuisine": "french", + "ingredients": [ + "sugar", + "pears", + "wine", + "apple jelly" + ] + }, + { + "id": 37713, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "marinade", + "fresh ginger", + "Gochujang base", + "honey", + "garlic", + "pork ribs", + "onions" + ] + }, + { + "id": 43157, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "ground nutmeg", + "pork tenderloin", + "veal rib chops", + "onions", + "celery ribs", + "parmesan cheese", + "grated parmesan cheese", + "extra-virgin olive oil", + "carrots", + "fresh leav spinach", + "ground black pepper", + "shallots", + "salt", + "chicken thighs", + "sage leaves", + "large egg yolks", + "large eggs", + "butter", + "all-purpose flour" + ] + }, + { + "id": 26790, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "unsalted butter", + "cajun seasoning", + "hot sauce", + "roasted tomatoes", + "celery ribs", + "sourdough loaf", + "chili powder", + "white rice", + "garlic cloves", + "large shrimp", + "pepper", + "green onions", + "worcestershire sauce", + "yellow onion", + "oregano", + "green bell pepper", + "olive oil", + "parsley", + "salt", + "red bell pepper" + ] + }, + { + "id": 7052, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "dry white wine", + "garlic cloves", + "parmigiano-reggiano cheese", + "olive oil", + "salt", + "boiling water", + "arborio rice", + "dried thyme", + "butter", + "bay leaf", + "dried porcini mushrooms", + "ground black pepper", + "chopped onion" + ] + }, + { + "id": 39092, + "cuisine": "southern_us", + "ingredients": [ + "dijon mustard", + "chicken", + "kosher salt", + "lemon", + "collard greens", + "multigrain cereal", + "olive oil", + "garlic" + ] + }, + { + "id": 32780, + "cuisine": "filipino", + "ingredients": [ + "whole peppercorn", + "cooking oil", + "salt", + "water", + "garlic", + "pork butt", + "red chili peppers", + "bay leaves", + "oyster sauce", + "white vinegar", + "light soy sauce", + "granulated white sugar" + ] + }, + { + "id": 39342, + "cuisine": "french", + "ingredients": [ + "pepper", + "bouquet garni", + "carrots", + "beef", + "all-purpose flour", + "burgundy", + "olive oil", + "salt", + "onions", + "parsley", + "garlic cloves" + ] + }, + { + "id": 25843, + "cuisine": "korean", + "ingredients": [ + "rice syrup", + "garlic", + "sesame seeds", + "Gochujang base", + "olive oil", + "corn syrup", + "sesame oil", + "squid" + ] + }, + { + "id": 41430, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "oil", + "curry leaves", + "urad dal", + "onions", + "idli", + "mustard seeds", + "tomatoes", + "salt" + ] + }, + { + "id": 12466, + "cuisine": "irish", + "ingredients": [ + "horseradish", + "dijon mustard", + "salt", + "london broil", + "pepper", + "heavy cream", + "lemon juice", + "olive oil", + "garlic", + "sour cream", + "soy sauce", + "chopped fresh thyme", + "rounds" + ] + }, + { + "id": 45796, + "cuisine": "southern_us", + "ingredients": [ + "lime rind", + "egg yolks", + "key lime juice", + "sugar", + "unsalted butter", + "heavy whipping cream", + "raspberries", + "salt", + "eggs", + "honey", + "fresh raspberries" + ] + }, + { + "id": 40832, + "cuisine": "french", + "ingredients": [ + "water", + "salt pork", + "boiling potatoes", + "salt", + "carrots", + "unsalted butter", + "summer savory", + "chicken", + "black pepper", + "all-purpose flour", + "onions" + ] + }, + { + "id": 10887, + "cuisine": "japanese", + "ingredients": [ + "reduced sodium soy sauce", + "extra-virgin olive oil", + "honey", + "uncle bens", + "lemon juice", + "brown sugar", + "boneless skinless chicken breasts", + "garlic", + "sesame seeds", + "ginger" + ] + }, + { + "id": 16902, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "purple onion", + "cumin seed", + "red lentils", + "vegetable oil", + "cayenne pepper", + "ground turmeric", + "yellow mustard seeds", + "yellow onion", + "coconut milk", + "curry leaves", + "sea salt", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 9338, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "baking powder", + "vegetable shortening", + "onions", + "eggs", + "curry powder", + "lean ground beef", + "scallions", + "water", + "hot pepper", + "salt", + "ground turmeric", + "bread crumb fresh", + "flour", + "ground thyme", + "oil" + ] + }, + { + "id": 16891, + "cuisine": "mexican", + "ingredients": [ + "tortilla chips", + "pickled jalapenos", + "cheddar cheese", + "monterey jack", + "chili" + ] + }, + { + "id": 48764, + "cuisine": "vietnamese", + "ingredients": [ + "large egg whites", + "whole milk", + "strained yogurt", + "cream of tartar", + "granulated sugar", + "coffee beans", + "almond flour", + "espresso", + "sweetened condensed milk", + "kosher salt", + "tapioca starch", + "confectioners sugar" + ] + }, + { + "id": 41051, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "sea salt", + "cumin seed", + "asafoetida", + "potatoes", + "cilantro leaves", + "juice", + "water", + "garlic", + "black mustard seeds", + "tumeric", + "nut oil", + "ground coriander", + "onions" + ] + }, + { + "id": 34480, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "mozzarella cheese", + "all purpose unbleached flour", + "pecorino cheese", + "vegetable shortening", + "olive oil", + "chopped fresh mint" + ] + }, + { + "id": 27484, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "tomato paste", + "chicken breasts", + "pesto" + ] + }, + { + "id": 5040, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "green bell pepper, slice", + "red pepper flakes", + "garlic", + "oil", + "cumin", + "olive oil", + "flank steak", + "yellow bell pepper", + "cilantro leaves", + "sour cream", + "lime juice", + "flour tortillas", + "worcestershire sauce", + "salt", + "red bell pepper", + "sugar", + "orange bell pepper", + "chili powder", + "cheese", + "salsa", + "onions" + ] + }, + { + "id": 26469, + "cuisine": "italian", + "ingredients": [ + "chili powder", + "shredded cheese", + "unsalted butter", + "cooked bacon", + "red pepper flakes", + "chives", + "artisan bread" + ] + }, + { + "id": 32328, + "cuisine": "british", + "ingredients": [ + "pudding", + "fresh rosemary", + "cracked black pepper", + "standing rib roast", + "dry mustard", + "coarse salt" + ] + }, + { + "id": 16635, + "cuisine": "mexican", + "ingredients": [ + "water", + "long grain white rice", + "cinnamon sticks", + "sugar" + ] + }, + { + "id": 48260, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "butter", + "ground coriander", + "ground cumin", + "minced onion", + "all-purpose flour", + "red bell pepper", + "ground black pepper", + "salt", + "low salt chicken broth", + "andouille sausage", + "pork tenderloin", + "cayenne pepper", + "fresh parsley" + ] + }, + { + "id": 5896, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "chopped celery", + "chopped onion", + "chicken broth", + "butter", + "salt", + "plum tomatoes", + "olive oil", + "crushed red pepper", + "ripe olives", + "mozzarella cheese", + "orzo", + "all-purpose flour" + ] + }, + { + "id": 5772, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "purple onion", + "fresh basil", + "grated parmesan cheese", + "tomatoes", + "ground black pepper", + "salt", + "pizza shells", + "fresh mozzarella" + ] + }, + { + "id": 9478, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "butter", + "plain yogurt", + "whole kernel corn, drain", + "corn mix muffin", + "cream style corn" + ] + }, + { + "id": 47853, + "cuisine": "british", + "ingredients": [ + "bénédictine", + "sweet vermouth", + "twists", + "water", + "scotch" + ] + }, + { + "id": 27813, + "cuisine": "chinese", + "ingredients": [ + "sugar substitute", + "sesame oil", + "sweet pepper", + "quinoa", + "mandarin oranges", + "fresh parsley", + "kosher salt", + "balsamic vinegar", + "feta cheese crumbles", + "green onions", + "extra-virgin olive oil" + ] + }, + { + "id": 49057, + "cuisine": "southern_us", + "ingredients": [ + "cream cheese frosting", + "cranberries", + "sweetened coconut flakes", + "pecans", + "mint sprigs", + "cake", + "orange rind" + ] + }, + { + "id": 21985, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "finely chopped onion", + "shredded low-fat jarlsberg cheese", + "large egg whites", + "cooking spray", + "italian seasoning", + "chopped bell pepper", + "large eggs", + "salt", + "asparagus", + "33% less sodium ham" + ] + }, + { + "id": 23610, + "cuisine": "thai", + "ingredients": [ + "tomatoes", + "soy sauce", + "orange bell pepper", + "dried rice noodles", + "cooked shrimp", + "fish sauce", + "dry roasted peanuts", + "sesame oil", + "carrots", + "dressing", + "sugar", + "lime juice", + "garlic", + "beansprouts", + "fresh basil", + "fresh coriander", + "green onions", + "chili sauce", + "deep-fried tofu" + ] + }, + { + "id": 16332, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "water chestnuts", + "scallions", + "ground white pepper", + "hoisin sauce", + "gyoza wrappers", + "shrimp", + "egg whites", + "fresh pork fat", + "corn starch", + "kosher salt", + "sesame oil", + "oyster sauce" + ] + }, + { + "id": 26941, + "cuisine": "spanish", + "ingredients": [ + "wine", + "peach schnapps", + "green apples", + "brandy", + "carbonated water", + "sugar", + "lemon", + "peaches", + "navel oranges" + ] + }, + { + "id": 31375, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "egg yolks", + "vanilla wafers", + "bananas", + "vanilla extract", + "sweetened condensed milk", + "water", + "whole milk", + "corn starch", + "cream of tartar", + "egg whites", + "salt" + ] + }, + { + "id": 25074, + "cuisine": "mexican", + "ingredients": [ + "red chili peppers", + "vegetable oil", + "corn tortillas", + "water", + "purple onion", + "extra sharp cheddar cheese", + "fresh coriander", + "large garlic cloves", + "onions", + "avocado", + "cooked turkey", + "chili sauce" + ] + }, + { + "id": 23292, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "water", + "smoked sausage", + "pepper", + "garlic powder", + "cooked white rice", + "smoked hog jowl", + "black-eyed peas", + "salt", + "shredded cheddar cheese", + "butter", + "onions" + ] + }, + { + "id": 21244, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "all-purpose flour", + "seasoned bread crumbs", + "ground red pepper", + "olive oil", + "chicken breasts", + "tomato sauce", + "egg whites", + "shredded mozzarella cheese" + ] + }, + { + "id": 6366, + "cuisine": "french", + "ingredients": [ + "rum", + "pitted prunes", + "vanilla sugar", + "salt", + "eggs", + "baking powder", + "white sugar", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 46215, + "cuisine": "southern_us", + "ingredients": [ + "warm water", + "vegetable shortening", + "baking soda", + "cake flour", + "active dry yeast", + "buttermilk", + "sugar", + "baking powder", + "salt" + ] + }, + { + "id": 4769, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "lime wedges", + "flour tortillas", + "salsa", + "large eggs", + "no-salt-added black beans", + "cooking spray", + "fresh lime juice" + ] + }, + { + "id": 16728, + "cuisine": "jamaican", + "ingredients": [ + "brown sugar", + "baking powder", + "ground nutmeg", + "butter", + "flour", + "salt", + "baking soda", + "cinnamon" + ] + }, + { + "id": 18350, + "cuisine": "moroccan", + "ingredients": [ + "prunes", + "honey", + "purple onion", + "ground ginger", + "white wine", + "sesame seeds", + "cinnamon sticks", + "saffron threads", + "tumeric", + "olive oil", + "blanched almonds", + "ground cinnamon", + "water", + "lamb shoulder" + ] + }, + { + "id": 26018, + "cuisine": "korean", + "ingredients": [ + "green onions", + "kimchi", + "sugar", + "Gochujang base", + "tofu", + "beef stew meat", + "water", + "rice" + ] + }, + { + "id": 2921, + "cuisine": "italian", + "ingredients": [ + "reduced fat milk", + "corn starch", + "large egg yolks", + "and fat free half half", + "ground cinnamon", + "vanilla extract", + "sweetened condensed milk", + "instant espresso granules", + "salt" + ] + }, + { + "id": 19779, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "sweet potatoes", + "salt", + "ground cumin", + "olive oil", + "poblano", + "dried oregano", + "corn kernels", + "chili powder", + "onions", + "ground black pepper", + "garlic", + "monterey jack" + ] + }, + { + "id": 20584, + "cuisine": "indian", + "ingredients": [ + "garlic", + "broth", + "kale", + "oil", + "beans", + "salt", + "cumin", + "garam masala", + "coriander" + ] + }, + { + "id": 17652, + "cuisine": "moroccan", + "ingredients": [ + "cayenne", + "lemon juice", + "pepper", + "salt", + "olive oil", + "ground coriander", + "ancho", + "paprika", + "ground cumin" + ] + }, + { + "id": 28024, + "cuisine": "moroccan", + "ingredients": [ + "water", + "salt", + "fresh parsley", + "ground cinnamon", + "extra-virgin olive oil", + "garlic cloves", + "ground ginger", + "chili powder", + "ground coriander", + "ground cumin", + "pepper", + "white wine vinegar", + "carrots" + ] + }, + { + "id": 24801, + "cuisine": "italian", + "ingredients": [ + "white wine", + "lemon", + "dried oregano", + "mussels", + "olive oil", + "linguini", + "dried basil", + "garlic", + "crushed tomatoes", + "crushed red pepper flakes" + ] + }, + { + "id": 10663, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "water chestnuts", + "napa cabbage", + "accent", + "nuts", + "dark soy sauce", + "soaking liquid", + "vegetable oil", + "carrots", + "snow peas", + "shiitake", + "sesame oil", + "salt", + "bamboo shoots", + "sugar", + "lily buds", + "ginger", + "bean curd stick" + ] + }, + { + "id": 827, + "cuisine": "french", + "ingredients": [ + "skinless mahi mahi fillets", + "tapenade", + "olive oil", + "cherry tomatoes", + "purple onion", + "red wine vinegar" + ] + }, + { + "id": 47885, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "fresh basil", + "lemon wedge", + "parmesan cheese", + "angel hair", + "light cream cheese" + ] + }, + { + "id": 37428, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "extra-virgin olive oil", + "salmon fillets", + "whole wheat baguette", + "salt", + "vegetable oil cooking spray", + "red wine vinegar", + "green beans", + "fresh basil", + "cherry tomatoes", + "purple onion" + ] + }, + { + "id": 36975, + "cuisine": "japanese", + "ingredients": [ + "salmon fillets", + "brown sugar", + "miso paste", + "fresh basil", + "soy sauce", + "sake", + "mirin" + ] + }, + { + "id": 20771, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "butter", + "frozen chopped spinach", + "green onions", + "garlic cloves", + "challa", + "large eggs", + "sauce", + "fresh dill", + "baking powder" + ] + }, + { + "id": 23100, + "cuisine": "italian", + "ingredients": [ + "eggs", + "quick-cooking oats", + "italian style seasoning", + "ground beef", + "seasoned bread crumbs", + "ground turkey", + "italian sausage", + "vegetable oil", + "onions" + ] + }, + { + "id": 3503, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "dandelion greens", + "pizza doughs", + "shiitake", + "extra-virgin olive oil", + "water", + "large garlic cloves", + "freshly ground pepper", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 27046, + "cuisine": "southern_us", + "ingredients": [ + "bone-in chicken breast halves", + "light mayonnaise", + "salt", + "white vinegar", + "ground red pepper", + "cracked black pepper", + "cooking spray", + "paprika", + "chipotle chile powder", + "garlic powder", + "onion powder", + "fresh lemon juice" + ] + }, + { + "id": 25640, + "cuisine": "irish", + "ingredients": [ + "fat free less sodium chicken broth", + "ground black pepper", + "green onions", + "stout", + "chuck steaks", + "fat free milk", + "bay leaves", + "butter", + "dark brown sugar", + "olive oil", + "finely chopped onion", + "baking potatoes", + "salt", + "carrots", + "fresh rosemary", + "prepared horseradish", + "mushrooms", + "reduced-fat sour cream", + "garlic cloves" + ] + }, + { + "id": 16135, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "garlic powder", + "onion powder", + "corn tortillas", + "lime", + "zucchini", + "sour cream", + "canola oil", + "golden brown sugar", + "chili powder", + "coarse kosher salt", + "slaw", + "hot spanish paprika", + "red bell pepper", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 5418, + "cuisine": "indian", + "ingredients": [ + "boneless chicken breast", + "masala", + "coconut milk", + "cilantro", + "tomato purée", + "roasted tomatoes" + ] + }, + { + "id": 13378, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "rice noodles", + "scallions", + "soy sauce", + "asian pear", + "hot chili sauce", + "baby bok choy", + "granulated sugar", + "rice vinegar", + "garlic cloves", + "water", + "chives", + "beef rib short" + ] + }, + { + "id": 1186, + "cuisine": "italian", + "ingredients": [ + "white italian tuna in olive oil", + "roast red peppers, drain", + "penne", + "extra-virgin olive oil", + "large garlic cloves", + "escarole", + "grated parmesan cheese", + "crushed red pepper" + ] + }, + { + "id": 18040, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "cucumber", + "flour tortillas", + "sour cream", + "corn kernels", + "tuna", + "salsa", + "cumin" + ] + }, + { + "id": 15294, + "cuisine": "southern_us", + "ingredients": [ + "andouille sausage", + "chili powder", + "ground cumin", + "vegetable oil spray", + "chopped onion", + "rib pork chops", + "dark brown sugar", + "tomato sauce", + "balsamic vinegar" + ] + }, + { + "id": 43166, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "enchilada sauce", + "green pepper", + "brown rice", + "cooked chicken breasts", + "chili flakes", + "shredded cheese" + ] + }, + { + "id": 31916, + "cuisine": "russian", + "ingredients": [ + "min", + "flour", + "salt", + "sugar", + "raisins", + "glaze", + "powdered sugar", + "egg yolks", + "oil", + "melted butter", + "milk", + "vanilla", + "yeast" + ] + }, + { + "id": 5841, + "cuisine": "french", + "ingredients": [ + "turkey kielbasa", + "onions", + "cannellini beans", + "salt", + "black pepper", + "garlic", + "boneless skinless chicken breast halves", + "dry white wine", + "fresh parsley" + ] + }, + { + "id": 30293, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "bacon drippings", + "red bell pepper", + "collard greens", + "onions", + "dry white wine" + ] + }, + { + "id": 31900, + "cuisine": "spanish", + "ingredients": [ + "water", + "chopped cilantro fresh", + "cherry tomatoes", + "corn kernels", + "polenta", + "sausage casings", + "chees fresco queso" + ] + }, + { + "id": 47058, + "cuisine": "vietnamese", + "ingredients": [ + "peanuts", + "dried rice noodles", + "fresh lime juice", + "napa cabbage", + "cucumber", + "chopped fresh mint", + "fish sauce", + "garlic", + "fresh mint", + "white sugar", + "jalapeno chilies", + "carrots", + "chopped cilantro" + ] + }, + { + "id": 33145, + "cuisine": "indian", + "ingredients": [ + "durum wheat flour", + "clarified butter", + "kosher salt" + ] + }, + { + "id": 25671, + "cuisine": "indian", + "ingredients": [ + "plain low-fat yogurt", + "quinoa", + "garlic cloves", + "chopped cilantro fresh", + "water", + "currant", + "chopped fresh mint", + "sliced green onions", + "olive oil", + "english cucumber", + "Madras curry powder", + "kosher salt", + "baby spinach", + "diced celery", + "mango" + ] + }, + { + "id": 36754, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "shredded cheddar cheese", + "red bell pepper", + "black beans", + "whole kernel corn, drain", + "flour tortillas" + ] + }, + { + "id": 26290, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "black bean garlic sauce", + "soft tofu", + "sesame oil", + "molasses", + "halibut fillets", + "peeled fresh ginger", + "dark soy sauce", + "minced garlic", + "regular soy sauce", + "green onions", + "soy sauce", + "water", + "Shaoxing wine" + ] + }, + { + "id": 37424, + "cuisine": "filipino", + "ingredients": [ + "bananas", + "sugar", + "oil", + "rolls", + "jackfruit" + ] + }, + { + "id": 41944, + "cuisine": "italian", + "ingredients": [ + "prepared pasta sauce", + "tomato purée", + "onions", + "olive oil", + "fresh basil", + "mincemeat" + ] + }, + { + "id": 33343, + "cuisine": "vietnamese", + "ingredients": [ + "bone marrow", + "chiles", + "banh pho rice noodles", + "salt", + "beansprouts", + "clove", + "sirloin", + "ground black pepper", + "star anise", + "cinnamon sticks", + "spearmint", + "leaves", + "lime wedges", + "yellow onion", + "chopped cilantro", + "fish sauce", + "yellow rock sugar", + "ginger", + "scallions", + "chuck" + ] + }, + { + "id": 46046, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "pasta sauce", + "2% low-fat cottage cheese", + "fresh basil", + "grated parmesan cheese", + "plain dry bread crumb", + "shredded mozzarella cheese" + ] + }, + { + "id": 48651, + "cuisine": "indian", + "ingredients": [ + "sugar", + "herbs", + "hot water", + "active dry yeast", + "baking powder", + "milk", + "flour", + "greek yogurt", + "melted butter", + "baking soda", + "salt" + ] + }, + { + "id": 10332, + "cuisine": "italian", + "ingredients": [ + "pecorino romano cheese", + "fresh fava bean", + "dry white wine", + "crushed red pepper", + "finely chopped onion", + "extra-virgin olive oil", + "plum tomatoes", + "italian sausage", + "large garlic cloves", + "pasta sheets" + ] + }, + { + "id": 47782, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "dried thyme", + "all-purpose flour", + "veal shanks", + "dried basil", + "salt", + "garlic cloves", + "dried rosemary", + "water", + "dry red wine", + "grated lemon zest", + "onions", + "black pepper", + "olive oil", + "beef broth", + "fresh parsley" + ] + }, + { + "id": 20487, + "cuisine": "southern_us", + "ingredients": [ + "grated parmesan cheese", + "salt", + "grits", + "chicken broth", + "ground red pepper", + "shrimp", + "green onions", + "dry bread crumbs", + "large eggs", + "butter", + "red bell pepper" + ] + }, + { + "id": 21777, + "cuisine": "french", + "ingredients": [ + "golden delicious apples", + "crème fraîche", + "vanilla ice cream", + "whipped cream", + "lemon juice", + "butter", + "all-purpose flour", + "sugar", + "vanilla" + ] + }, + { + "id": 7599, + "cuisine": "southern_us", + "ingredients": [ + "seasoning salt", + "vegetable oil", + "cornmeal", + "flour", + "buttermilk", + "green tomatoes", + "Mrs. Dash", + "large eggs", + "cajun seasoning", + "garlic salt" + ] + }, + { + "id": 7454, + "cuisine": "southern_us", + "ingredients": [ + "water", + "peanuts", + "kosher salt" + ] + }, + { + "id": 24884, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chips", + "ground beef", + "avocado", + "brown hash potato", + "chile pepper", + "dried oregano", + "shredded cheddar cheese", + "chili powder", + "chunky salsa", + "reduced sodium beef broth", + "yellow hominy", + "sour cream", + "ground cumin" + ] + }, + { + "id": 11397, + "cuisine": "italian", + "ingredients": [ + "sugar", + "cooking spray", + "chopped onion", + "dried basil", + "extra-virgin olive oil", + "plum tomatoes", + "ground black pepper", + "salt", + "dried oregano", + "water", + "dry red wine", + "garlic cloves" + ] + }, + { + "id": 33658, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "ras el hanout", + "thyme", + "figs", + "sherry wine vinegar", + "garlic cloves", + "grated lemon peel", + "dry white wine", + "salt", + "low salt chicken broth", + "chicken legs", + "shallots", + "baby carrots", + "couscous" + ] + }, + { + "id": 27218, + "cuisine": "chinese", + "ingredients": [ + "roasted sesame seeds", + "oil", + "brown sugar", + "instant yeast", + "sugar", + "flour", + "water", + "all-purpose flour" + ] + }, + { + "id": 36689, + "cuisine": "mexican", + "ingredients": [ + "fresh orange juice", + "water", + "fresh lime juice", + "tequila", + "agave nectar", + "mango" + ] + }, + { + "id": 27906, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "boiling water", + "tea bags", + "lemon slices", + "cold water", + "mint sprigs", + "lemonade concentrate", + "fresh mint" + ] + }, + { + "id": 3587, + "cuisine": "italian", + "ingredients": [ + "pepper", + "egg noodles", + "salt", + "parsley flakes", + "artichoke hearts", + "beef stock", + "fresh parsley", + "sun-dried tomatoes", + "flour", + "yellow onion", + "wine", + "roasted red peppers", + "garlic", + "chuck" + ] + }, + { + "id": 23297, + "cuisine": "indian", + "ingredients": [ + "beets", + "canola oil", + "plain yogurt", + "black mustard seeds", + "cumin seed", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 47392, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "fresh lemon juice", + "part-skim mozzarella cheese", + "part-skim ricotta cheese", + "dried basil", + "grated parmesan cheese", + "ground black pepper", + "salt" + ] + }, + { + "id": 35736, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "cumin", + "avocado", + "salsa", + "salt", + "fresh cilantro", + "greek yogurt" + ] + }, + { + "id": 47555, + "cuisine": "indian", + "ingredients": [ + "parsley sprigs", + "minced onion", + "light mayonnaise", + "chopped celery", + "garlic cloves", + "lump crab meat", + "cooking spray", + "dry mustard", + "dry bread crumbs", + "black pepper", + "large eggs", + "butter", + "salt", + "red bell pepper", + "curry powder", + "ground red pepper", + "ginger", + "grated lemon zest" + ] + }, + { + "id": 37550, + "cuisine": "mexican", + "ingredients": [ + "boiling potatoes", + "vegetable oil", + "masa harina", + "warm water", + "dried oregano", + "mexican chorizo" + ] + }, + { + "id": 45851, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "kosher salt", + "black mustard seeds", + "sugar", + "ground red pepper", + "canola oil", + "tomatoes", + "curry powder", + "ground turmeric", + "red chili peppers", + "cumin seed" + ] + }, + { + "id": 27967, + "cuisine": "thai", + "ingredients": [ + "shallots", + "cilantro leaves", + "galangal", + "lemongrass", + "ground pork", + "fresh mint", + "lettuce leaves", + "salt", + "bird chile", + "kaffir lime leaves", + "lime wedges", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 26157, + "cuisine": "irish", + "ingredients": [ + "chicken broth", + "onions", + "milk", + "shredded cheddar cheese", + "Country Crock® Spread", + "baking potatoes" + ] + }, + { + "id": 48590, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "sour cream", + "cheddar cheese", + "salsa", + "tomatoes", + "lean ground beef", + "chili", + "tortilla chips" + ] + }, + { + "id": 27027, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "lime", + "lean ground beef", + "monterey jack", + "hamburger buns", + "jalapeno chilies", + "salt", + "minced garlic", + "chili powder", + "chopped cilantro", + "avocado", + "minced onion", + "diced tomatoes" + ] + }, + { + "id": 20959, + "cuisine": "british", + "ingredients": [ + "brussels sprouts", + "baking potatoes", + "chopped celery", + "unsalted butter", + "heavy cream", + "ground sage", + "lemon", + "ground white pepper", + "finely chopped onion", + "bacon" + ] + }, + { + "id": 42886, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "chili", + "corn tortillas", + "shredded cheddar cheese", + "enchilada sauce", + "chili powder", + "onions" + ] + }, + { + "id": 38343, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "heavy cream", + "unsalted butter", + "salt", + "baking soda", + "vanilla extract", + "light brown sugar", + "granulated sugar" + ] + }, + { + "id": 20728, + "cuisine": "russian", + "ingredients": [ + "powdered sugar", + "ricotta cheese", + "oil", + "baking soda", + "vanilla extract", + "sugar", + "buttermilk", + "eggs", + "vinegar", + "all-purpose flour" + ] + }, + { + "id": 14294, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "tarragon", + "mayonaise", + "hot sauce", + "capers", + "salt", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 20734, + "cuisine": "italian", + "ingredients": [ + "vanilla extract", + "all-purpose flour", + "eggs", + "white sugar", + "salt" + ] + }, + { + "id": 34462, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "tequila", + "strawberries", + "lime wedges", + "fresh lime juice", + "cointreau", + "crushed ice" + ] + }, + { + "id": 17181, + "cuisine": "greek", + "ingredients": [ + "finely chopped fresh parsley", + "dill", + "black pepper", + "stewed tomatoes", + "green beans", + "finely chopped onion", + "garlic cloves", + "olive oil", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 8678, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "frozen spinach", + "cream cheese", + "penne pasta", + "chicken broth", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 21349, + "cuisine": "french", + "ingredients": [ + "whole grain mustard", + "salt", + "tarragon vinegar", + "Tabasco Pepper Sauce", + "mayonaise", + "dijon mustard", + "flat leaf parsley", + "capers", + "ground black pepper", + "scallions" + ] + }, + { + "id": 18455, + "cuisine": "japanese", + "ingredients": [ + "red chili peppers", + "ginger", + "sansho", + "cold water", + "cake", + "rice vinegar", + "potato flour", + "wasabi paste", + "chiffonade", + "seaweed", + "canola oil", + "dashi", + "tamari soy sauce", + "corn starch" + ] + }, + { + "id": 14903, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "salt", + "potatoes", + "milk", + "onions", + "salad", + "sunflower oil" + ] + }, + { + "id": 43211, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "olive oil", + "flour", + "shredded sharp cheddar cheese", + "pork sausages", + "bread crumbs", + "macaroni", + "red pepper flakes", + "creole seasoning", + "American cheese", + "bell pepper", + "garlic", + "onions", + "grape tomatoes", + "ground black pepper", + "whole milk", + "salt" + ] + }, + { + "id": 44409, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "purple onion", + "red bell pepper", + "olive oil", + "firm tofu", + "chopped cilantro fresh", + "lime", + "salt", + "corn tortillas", + "chili powder", + "scallions", + "chopped garlic" + ] + }, + { + "id": 38235, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "grated parmesan cheese", + "colby jack cheese", + "hot sauce", + "cornbread mix", + "green onions", + "butter", + "red bell pepper", + "ground nutmeg", + "half & half", + "onion powder", + "ground mustard", + "black pepper", + "large eggs", + "breakfast sausages", + "salt" + ] + }, + { + "id": 49257, + "cuisine": "chinese", + "ingredients": [ + "green cabbage", + "flour tortillas", + "boneless skinless chicken breasts", + "garlic cloves", + "water", + "orange marmalade", + "shredded zucchini", + "oyster sauce", + "low sodium soy sauce", + "shredded carrots", + "bouillon granules", + "fresh lemon juice", + "hoisin sauce", + "mushrooms", + "dark sesame oil" + ] + }, + { + "id": 11185, + "cuisine": "thai", + "ingredients": [ + "cooked rice", + "lime", + "boneless skinless chicken breasts", + "coconut", + "spring onions", + "snow peas", + "fresh coriander", + "mushrooms", + "tamarind paste", + "soy sauce", + "fresh ginger root", + "Flora Cuisine" + ] + }, + { + "id": 35555, + "cuisine": "southern_us", + "ingredients": [ + "house seasoning", + "pepper", + "salt", + "pepper sauce", + "garlic powder", + "chicken", + "black pepper", + "self rising flour", + "eggs", + "water", + "oil" + ] + }, + { + "id": 37384, + "cuisine": "italian", + "ingredients": [ + "water", + "dry white wine", + "garlic", + "dried rosemary", + "chicken sausage", + "ricotta cheese", + "flat leaf parsley", + "crushed tomatoes", + "fusilli", + "salt", + "olive oil", + "red pepper flakes", + "onions" + ] + }, + { + "id": 5074, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "sour cream", + "eggs", + "jalapeno chilies", + "shredded cheddar cheese", + "guacamole", + "tomatoes", + "flour tortillas", + "onions" + ] + }, + { + "id": 35945, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "chopped fresh thyme", + "all-purpose flour", + "semolina", + "garlic", + "warm water", + "extra-virgin olive oil", + "fresh oregano", + "dry yeast", + "salt" + ] + }, + { + "id": 31573, + "cuisine": "british", + "ingredients": [ + "potatoes", + "worcestershire sauce", + "cheddar cheese", + "butter", + "carrots", + "swede", + "minced beef", + "water", + "beef stock cubes", + "onions" + ] + }, + { + "id": 45525, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "cracked black pepper", + "fresh lime juice", + "sake", + "grapefruit juice", + "rice vinegar", + "shallots", + "salt", + "fresh ginger", + "fresh orange juice", + "fresh lemon juice" + ] + }, + { + "id": 30430, + "cuisine": "french", + "ingredients": [ + "haricots verts", + "butter", + "veal shoulder", + "celery root", + "chicken stock", + "bay leaves", + "all-purpose flour", + "thyme sprigs", + "fresh chives", + "button mushrooms", + "fresh lemon juice", + "turnips", + "pearl onions", + "whipping cream", + "carrots" + ] + }, + { + "id": 11001, + "cuisine": "cajun_creole", + "ingredients": [ + "bread crumbs", + "unbleached flour", + "vegetable oil", + "white wine vinegar", + "Cholula Hot Sauce", + "baking powder", + "garlic", + "garlic cloves", + "white pepper", + "large egg yolks", + "lemon wedge", + "fine sea salt", + "lump crab meat", + "pimentos", + "extra-virgin olive oil", + "scallions" + ] + }, + { + "id": 18192, + "cuisine": "italian", + "ingredients": [ + "green onions", + "pasta", + "bacon", + "Alfredo sauce", + "grated parmesan cheese" + ] + }, + { + "id": 2705, + "cuisine": "italian", + "ingredients": [ + "baguette", + "butter", + "fresh parmesan cheese", + "sugar", + "ground black pepper", + "dried basil", + "chopped onion" + ] + }, + { + "id": 2436, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "sesame oil", + "soy sauce", + "tuna steaks", + "salt", + "pepper", + "green onions", + "sugar", + "fresh ginger root", + "garlic" + ] + }, + { + "id": 38834, + "cuisine": "indian", + "ingredients": [ + "saffron threads", + "yellow food coloring", + "parsley flakes", + "long grain white rice", + "diced onions", + "butter", + "water" + ] + }, + { + "id": 12518, + "cuisine": "japanese", + "ingredients": [ + "bread crumbs", + "ground pork", + "oil", + "eggs", + "ground nutmeg", + "dry red wine", + "onions", + "milk", + "tonkatsu sauce", + "ground beef", + "ketchup", + "ground black pepper", + "salt" + ] + }, + { + "id": 35973, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "ground red pepper", + "all-purpose flour", + "cornmeal", + "ground black pepper", + "buttermilk", + "fresh lemon juice", + "canola mayonnaise", + "prepared horseradish", + "baking powder", + "peanut oil", + "onions", + "large eggs", + "salt", + "flat leaf parsley", + "pickle relish" + ] + }, + { + "id": 37597, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "corn tortillas", + "cotija", + "bacon", + "avocado", + "butter", + "large eggs", + "small red potato" + ] + }, + { + "id": 30336, + "cuisine": "mexican", + "ingredients": [ + "taco sauce", + "lean ground beef", + "garlic salt", + "tomatoes", + "flour tortillas", + "shredded lettuce", + "shredded Monterey Jack cheese", + "refried beans", + "butter", + "corn kernel whole", + "green bell pepper", + "chili powder", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 39987, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "chopped fresh thyme", + "red bell pepper", + "black pepper", + "sweet onion", + "cheese", + "polenta", + "water", + "extra-virgin olive oil", + "fresh parsley", + "kosher salt", + "mushrooms", + "1% low-fat milk" + ] + }, + { + "id": 947, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "sugar", + "cachaca", + "water", + "brown sugar", + "plums" + ] + }, + { + "id": 31922, + "cuisine": "chinese", + "ingredients": [ + "water", + "dark brown sugar", + "plantains", + "white rum", + "peeled fresh ginger", + "corn starch", + "low sodium soy sauce", + "pork tenderloin", + "peanut oil", + "sliced green onions", + "fat free less sodium chicken broth", + "pink peppercorns", + "serrano chile" + ] + }, + { + "id": 41455, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "romaine lettuce", + "poblano peppers", + "Mexican oregano", + "purple onion", + "chopped cilantro", + "oregano", + "ancho", + "pepper", + "roma tomatoes", + "cilantro", + "roasted garlic", + "serrano chile", + "canola oil", + "avocado", + "white onion", + "flour tortillas", + "lime wedges", + "salt", + "pork butt", + "cumin", + "chicken broth", + "refried beans", + "serrano peppers", + "cracked black pepper", + "garlic cloves", + "key lime" + ] + }, + { + "id": 12367, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "ground black pepper", + "purple onion", + "serrano chile", + "avocado", + "fresh cilantro", + "gluten", + "ground coriander", + "ground cumin", + "lime zest", + "kosher salt", + "albacore", + "greek style plain yogurt", + "coleslaw", + "gluten free corn tortillas", + "olive oil", + "ancho powder", + "fresh lime juice" + ] + }, + { + "id": 8287, + "cuisine": "italian", + "ingredients": [ + "vanilla instant pudding", + "unsweetened cocoa powder", + "brewed coffee", + "fat free frozen top whip", + "cold water", + "cream cheese, soften", + "cake", + "sweetened condensed milk" + ] + }, + { + "id": 23222, + "cuisine": "indian", + "ingredients": [ + "spinach", + "milk", + "butter", + "ghee", + "garlic paste", + "black pepper", + "cinnamon", + "green chilies", + "red chili powder", + "sugar", + "coriander powder", + "salt", + "plum tomatoes", + "bread", + "minced chicken", + "garam masala", + "ginger", + "onions" + ] + }, + { + "id": 26254, + "cuisine": "filipino", + "ingredients": [ + "pork", + "green onions", + "carrots", + "chicken broth", + "lime", + "vegetable oil", + "onions", + "soy sauce", + "rice noodles", + "celery", + "fish sauce", + "shiitake", + "garlic cloves", + "cabbage" + ] + }, + { + "id": 26594, + "cuisine": "indian", + "ingredients": [ + "methi leaves", + "kale", + "agave nectar", + "sea salt", + "ground coriander", + "cider vinegar", + "garam masala", + "chili powder", + "garlic", + "ground cumin", + "tumeric", + "eggplant", + "new potatoes", + "ginger", + "chillies", + "tomatoes", + "water", + "dijon mustard", + "vegetable oil", + "purple onion" + ] + }, + { + "id": 26107, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "salt", + "semisweet chocolate", + "sugar", + "large eggs", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 8856, + "cuisine": "greek", + "ingredients": [ + "Knorr® Vegetable recipe mix", + "water chestnuts", + "hellmann' or best food light mayonnais", + "frozen chopped spinach, thawed and squeezed dry", + "nonfat plain greek yogurt", + "sliced green onions" + ] + }, + { + "id": 11301, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "water", + "large garlic cloves", + "chickpeas", + "ground cumin", + "green bell pepper", + "vegetable oil", + "salt", + "carrots", + "tomatoes", + "eggplant", + "raisins", + "ground allspice", + "tumeric", + "cinnamon", + "cayenne pepper", + "onions" + ] + }, + { + "id": 7277, + "cuisine": "indian", + "ingredients": [ + "diced onions", + "cayenne", + "salt", + "olive oil", + "whole wheat tortillas", + "ground turmeric", + "curry powder", + "chile pepper", + "dried chickpeas", + "fresh ginger", + "garlic", + "ground cumin" + ] + }, + { + "id": 31382, + "cuisine": "italian", + "ingredients": [ + "fresh dill", + "sun-dried tomatoes", + "toasted pine nuts", + "pasta", + "pepper", + "lemon pepper seasoning", + "white wine", + "parmesan cheese", + "frozen peas", + "chicken broth", + "olive oil", + "garlic" + ] + }, + { + "id": 37179, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "bay leaves", + "cayenne pepper", + "chipotle peppers", + "tomato paste", + "garlic powder", + "vegetable broth", + "thyme", + "oregano", + "liquid smoke", + "black-eyed peas", + "diced tomatoes", + "okra", + "onions", + "black pepper", + "bell pepper", + "salt", + "celery" + ] + }, + { + "id": 44652, + "cuisine": "french", + "ingredients": [ + "milk", + "garlic", + "yukon gold potatoes", + "ground black pepper", + "raclette", + "kosher salt", + "heavy cream" + ] + }, + { + "id": 23752, + "cuisine": "french", + "ingredients": [ + "sugar", + "butter", + "black olives", + "onions", + "peeled tomatoes", + "rabbit", + "oil", + "pepper", + "red wine", + "salt", + "mushrooms", + "garlic", + "bay leaf" + ] + }, + { + "id": 47565, + "cuisine": "mexican", + "ingredients": [ + "taco shells", + "garlic", + "chopped cilantro", + "tomatoes", + "potatoes", + "salt", + "cumin", + "ground black pepper", + "non-fat sour cream", + "dried oregano", + "extra lean ground beef", + "shredded lettuce", + "sharp cheddar cheese", + "canola oil" + ] + }, + { + "id": 46048, + "cuisine": "filipino", + "ingredients": [ + "large eggs", + "garlic cloves", + "soy sauce", + "vegetable oil", + "pepper", + "salt", + "cooked rice", + "green onions" + ] + }, + { + "id": 45340, + "cuisine": "italian", + "ingredients": [ + "chopped tomatoes", + "pork sausages", + "short pasta", + "garlic cloves", + "chili powder", + "olive oil", + "onions" + ] + }, + { + "id": 45435, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "freshly ground pepper", + "frozen spinach", + "french bread", + "mayonaise", + "large garlic cloves", + "grated parmesan cheese", + "cream cheese, soften" + ] + }, + { + "id": 12897, + "cuisine": "french", + "ingredients": [ + "sole", + "large egg yolks", + "1% low-fat milk", + "dry vermouth", + "light mayonnaise", + "baguette", + "clam juice", + "capers", + "ground red pepper", + "fresh parsley" + ] + }, + { + "id": 34786, + "cuisine": "moroccan", + "ingredients": [ + "fresh tomatoes", + "chicken breasts", + "lemon juice", + "ground cumin", + "coriander powder", + "paprika", + "harissa sauce", + "olive oil", + "chicken drumsticks", + "fresh mint", + "celtic salt", + "garlic cloves", + "ground turmeric" + ] + }, + { + "id": 11520, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "minced garlic", + "fresh parsley", + "peeled tomatoes", + "spaghetti", + "black pepper", + "salt" + ] + }, + { + "id": 8331, + "cuisine": "greek", + "ingredients": [ + "lamb stock", + "lemon", + "lamb shoulder", + "onions", + "ground cinnamon", + "olive oil", + "dry red wine", + "bay leaf", + "pepper", + "fresh green bean", + "salt", + "dried oregano", + "tomato sauce", + "chopped tomatoes", + "garlic", + "fresh parsley" + ] + }, + { + "id": 34890, + "cuisine": "thai", + "ingredients": [ + "serrano chilies", + "water", + "shallots", + "red bell pepper", + "sugar", + "olive oil", + "seasoned rice wine vinegar", + "chicken", + "fish sauce", + "lemongrass", + "salt", + "onions", + "soy sauce", + "yardlong beans", + "garlic cloves" + ] + }, + { + "id": 21703, + "cuisine": "southern_us", + "ingredients": [ + "cold water", + "boneless skinless chicken breasts", + "cream of chicken soup", + "onions", + "chicken broth", + "butter", + "self rising flour" + ] + }, + { + "id": 45662, + "cuisine": "indian", + "ingredients": [ + "water", + "flour", + "oil", + "red chili powder", + "peanuts", + "okra", + "ground cumin", + "amchur", + "salt", + "ground turmeric", + "asafoetida", + "coriander seeds", + "cumin seed" + ] + }, + { + "id": 45077, + "cuisine": "italian", + "ingredients": [ + "brown sugar", + "balsamic vinegar", + "onions", + "olive oil", + "salt", + "pepper", + "fresh tarragon", + "gorgonzola", + "frozen pastry puff sheets", + "brie cheese" + ] + }, + { + "id": 15732, + "cuisine": "greek", + "ingredients": [ + "pepper", + "salt", + "fresh dill", + "lemon", + "olive oil", + "cucumber", + "plain yogurt", + "garlic" + ] + }, + { + "id": 21615, + "cuisine": "mexican", + "ingredients": [ + "baguette", + "salt and ground black pepper", + "tomatoes", + "corn kernels", + "basil", + "avocado", + "lime juice", + "beef", + "mayonaise", + "olive oil", + "garlic" + ] + }, + { + "id": 2909, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "feta cheese crumbles", + "water", + "garlic powder", + "eggs", + "almond flour", + "ground turkey", + "olive oil", + "fresh thyme leaves" + ] + }, + { + "id": 43512, + "cuisine": "italian", + "ingredients": [ + "garlic", + "salmon fillets", + "chopped parsley", + "parmesan cheese" + ] + }, + { + "id": 33471, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "beef", + "dry sherry", + "freshly ground pepper", + "garlic paste", + "vegetable oil", + "yellow bell pepper", + "corn starch", + "low sodium soy sauce", + "sesame oil", + "basil", + "oyster sauce", + "sugar", + "large garlic cloves", + "purple onion", + "red bell pepper" + ] + }, + { + "id": 24082, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "garlic", + "cauliflower", + "dried basil", + "sweet onion", + "black pepper", + "olive oil" + ] + }, + { + "id": 2081, + "cuisine": "italian", + "ingredients": [ + "shortening", + "baking powder", + "confectioners sugar", + "granulated sugar", + "all-purpose flour", + "milk", + "butter", + "table salt", + "large eggs", + "anise extract" + ] + }, + { + "id": 575, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "vanilla extract", + "dark corn syrup", + "butter", + "pie filling", + "pastry", + "chop fine pecan", + "all-purpose flour", + "shortening", + "baking soda", + "buttermilk" + ] + }, + { + "id": 34087, + "cuisine": "french", + "ingredients": [ + "onion soup mix", + "onions", + "black pepper", + "red wine", + "kosher salt", + "beef broth", + "rump roast", + "french bread", + "canola oil" + ] + }, + { + "id": 34266, + "cuisine": "thai", + "ingredients": [ + "fresh ginger", + "sugar", + "flank steak", + "chili paste", + "soy sauce", + "rice vinegar" + ] + }, + { + "id": 45454, + "cuisine": "greek", + "ingredients": [ + "low sodium chicken broth", + "fresh oregano", + "extra-virgin olive oil", + "flat leaf parsley", + "shallots", + "lemon juice", + "red potato", + "garlic" + ] + }, + { + "id": 26601, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "leeks", + "red bell pepper", + "tomato paste", + "parmesan cheese", + "large garlic cloves", + "chicken stock", + "eggplant", + "chopped fresh thyme", + "onions", + "fresh basil", + "unsalted butter", + "fresh lemon juice" + ] + }, + { + "id": 8970, + "cuisine": "mexican", + "ingredients": [ + "feta cheese", + "coriander", + "sweet potatoes", + "flour tortillas", + "sliced chorizo" + ] + }, + { + "id": 19573, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "toasted sesame oil", + "soy sauce", + "ginger", + "buckwheat soba noodles", + "miso", + "broth", + "mirin", + "carrots" + ] + }, + { + "id": 14537, + "cuisine": "italian", + "ingredients": [ + "water", + "zucchini", + "salt", + "mozzarella cheese", + "eggplant", + "butter", + "fresh basil leaves", + "peeled tomatoes", + "grated parmesan cheese", + "cayenne pepper", + "fresh basil", + "olive oil", + "coarse salt", + "cornmeal" + ] + }, + { + "id": 14152, + "cuisine": "british", + "ingredients": [ + "water", + "golden raisins", + "bread flour", + "instant yeast", + "salt", + "milk", + "butter", + "egg yolks", + "white sugar" + ] + }, + { + "id": 185, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "lemon juice", + "dried thyme", + "egg yolks", + "minced garlic", + "sliced black olives", + "boneless skinless chicken breast halves", + "olive oil", + "salt" + ] + }, + { + "id": 18612, + "cuisine": "mexican", + "ingredients": [ + "yellow corn meal", + "ground chuck", + "active dry yeast", + "jalapeno chilies", + "cinnamon", + "sour cream", + "eggs", + "ground cloves", + "large egg yolks", + "pimentos", + "raisins", + "plum tomatoes", + "tomato paste", + "sugar", + "milk", + "finely chopped onion", + "vegetable oil", + "all-purpose flour", + "ground cumin", + "hot red pepper flakes", + "minced garlic", + "unsalted butter", + "chili powder", + "salt", + "dried oregano" + ] + }, + { + "id": 19153, + "cuisine": "cajun_creole", + "ingredients": [ + "egg whites", + "fresh parsley", + "bread crumb fresh", + "large garlic cloves", + "ground cumin", + "creole mustard", + "cajun seasoning", + "onions", + "dried thyme", + "ground turkey" + ] + }, + { + "id": 39000, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "all-purpose flour", + "ground cinnamon", + "peaches", + "vegetable oil cooking spray", + "butter", + "refrigerated buttermilk biscuits" + ] + }, + { + "id": 38751, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "pepper", + "chopped green bell pepper", + "chopped onion", + "red bell pepper", + "grated orange peel", + "curry powder", + "butter", + "ground cardamom", + "ground cumin", + "unsweetened shredded dried coconut", + "minced garlic", + "dried apricot", + "cranberries", + "brown basmati rice", + "slivered almonds", + "fresh ginger", + "salt", + "grate lime peel" + ] + }, + { + "id": 8449, + "cuisine": "greek", + "ingredients": [ + "hot pepper sauce", + "salt", + "anise seed", + "ricotta cheese", + "noodles", + "olive oil", + "garlic", + "tomatoes", + "sliced black olives", + "lemon juice" + ] + }, + { + "id": 47910, + "cuisine": "mexican", + "ingredients": [ + "water", + "meat", + "ancho chile pepper", + "pork", + "corn kernels", + "garlic", + "onions", + "lettuce", + "lime", + "red pepper flakes", + "bay leaf", + "guajillo chiles", + "radishes", + "salt", + "oregano" + ] + }, + { + "id": 650, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "shiitake", + "cilantro", + "coriander", + "tofu", + "olive oil", + "organic coconut milk", + "carrots", + "chili pepper", + "fresh ginger", + "sea salt", + "onions", + "low sodium vegetable broth", + "sweet potatoes", + "garlic" + ] + }, + { + "id": 45489, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "sesame oil", + "oyster sauce", + "white pepper", + "chinese five-spice powder", + "chicken thighs", + "soy sauce", + "scallions", + "white sesame seeds", + "honey", + "oil" + ] + }, + { + "id": 18140, + "cuisine": "indian", + "ingredients": [ + "jalapeno chilies", + "lemon pepper", + "plain yogurt", + "salt", + "chopped cilantro fresh", + "sweet onion", + "cumin seed", + "cilantro sprigs", + "cucumber" + ] + }, + { + "id": 47114, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "ground sirloin", + "fresh mint", + "diced onions", + "olive oil", + "garlic", + "plum tomatoes", + "water", + "white rice", + "onions", + "tomato sauce", + "egg whites", + "salt" + ] + }, + { + "id": 24222, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "salt", + "fat free milk", + "garlic", + "dried rosemary", + "cream of tartar", + "fresh parmesan cheese", + "all-purpose flour", + "large egg whites", + "cooking spray", + "dry bread crumbs" + ] + }, + { + "id": 41081, + "cuisine": "cajun_creole", + "ingredients": [ + "sausage links", + "brown rice", + "uncook medium shrimp, peel and devein", + "canola oil", + "celery ribs", + "garlic powder", + "cayenne pepper", + "onions", + "dried thyme", + "diced tomatoes", + "red bell pepper", + "chicken broth", + "boneless skinless chicken breasts", + "okra", + "marjoram" + ] + }, + { + "id": 25868, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "buttermilk", + "barley flour", + "powdered sugar", + "large eggs", + "vanilla extract", + "sugar", + "baking powder", + "salt", + "baking soda", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 21298, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "black pepper", + "garam masala", + "raisins", + "salt", + "ground coriander", + "bay leaf", + "basmati rice", + "clove", + "brown sugar", + "curry powder", + "cinnamon", + "ginger", + "cayenne pepper", + "mustard seeds", + "chicken thighs", + "ground cumin", + "tomato purée", + "water", + "shallots", + "heavy cream", + "yellow onion", + "cumin seed", + "chopped cilantro", + "ground turmeric", + "chicken stock", + "coconut oil", + "coconut", + "lemon", + "garlic", + "cardamom pods", + "greek yogurt", + "frozen peas" + ] + }, + { + "id": 13531, + "cuisine": "filipino", + "ingredients": [ + "salt", + "cassava", + "margarine", + "grated coconut", + "sweetened condensed milk" + ] + }, + { + "id": 17195, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "pork belly", + "dark soy sauce", + "water", + "sugar", + "Shaoxing wine", + "soy sauce", + "tofu puffs" + ] + }, + { + "id": 44018, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "baking soda", + "salt", + "unsalted butter", + "all-purpose flour", + "sugar", + "buttermilk" + ] + }, + { + "id": 17529, + "cuisine": "thai", + "ingredients": [ + "silken tofu", + "fresh ginger", + "shallots", + "brown sugar", + "fresh cilantro", + "chili paste", + "lemongrass", + "full fat coconut milk", + "vegetable broth", + "soy sauce", + "lime", + "crimini mushrooms" + ] + }, + { + "id": 27147, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "baking powder", + "sugar", + "vanilla", + "coconut flakes", + "butter", + "milk", + "sweet rice flour" + ] + }, + { + "id": 33056, + "cuisine": "indian", + "ingredients": [ + "clove", + "black peppercorns", + "garam masala", + "cumin seed", + "bay leaf", + "ground turmeric", + "curry leaves", + "water", + "salt", + "garlic cloves", + "onions", + "ground cumin", + "fennel seeds", + "red chili powder", + "ginger", + "oil", + "ghee", + "chicken", + "saffron threads", + "tomatoes", + "fresh ginger", + "green cardamom", + "cinnamon sticks", + "basmati rice" + ] + }, + { + "id": 29589, + "cuisine": "italian", + "ingredients": [ + "cavatappi", + "cannellini beans", + "olive oil", + "salt", + "pepper", + "asiago", + "spinach leaves", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 13542, + "cuisine": "mexican", + "ingredients": [ + "capers", + "jalapeno chilies", + "extra-virgin olive oil", + "fillets", + "lime rind", + "butter", + "cilantro leaves", + "onions", + "sugar", + "bay leaves", + "salt", + "fresh lime juice", + "tomatoes", + "dried thyme", + "pitted green olives", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 24898, + "cuisine": "irish", + "ingredients": [ + "black pepper", + "malt vinegar", + "beer", + "cooking spray", + "dry bread crumbs", + "garlic salt", + "large egg whites", + "all-purpose flour", + "fresh parsley", + "vegetable oil", + "grouper" + ] + }, + { + "id": 23986, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "cajun seasoning", + "oil", + "avocado", + "dijon mustard", + "salt", + "arugula", + "black pepper", + "balsamic vinegar", + "mixed greens", + "sliced black olives", + "garlic", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 14383, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "salt and ground black pepper", + "diced tomatoes", + "ground coriander", + "onions", + "chicken bouillon", + "new potatoes", + "all-purpose flour", + "corn starch", + "water", + "chili powder", + "cardamom pods", + "sour cream", + "lamb shanks", + "ground nutmeg", + "button mushrooms", + "carrots" + ] + }, + { + "id": 5743, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "flavoring", + "vanilla flavoring", + "salt", + "eggs", + "self rising flour", + "sugar", + "oil" + ] + }, + { + "id": 2155, + "cuisine": "japanese", + "ingredients": [ + "sesame oil", + "scallions", + "sugar", + "rice vinegar", + "white sesame seeds", + "kosher salt", + "shiso leaves", + "japanese cucumber", + "freshly ground pepper" + ] + }, + { + "id": 3712, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "fresh ginger", + "peanut butter", + "onions", + "brown sugar", + "cilantro", + "coconut milk", + "fish sauce", + "chicken breasts", + "red bell pepper", + "frozen peas", + "lime juice", + "red curry paste", + "cooked white rice" + ] + }, + { + "id": 11227, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "lamb stew meat", + "garlic cloves", + "blood orange", + "ground black pepper", + "salt", + "onions", + "ground cinnamon", + "olive oil", + "lamb shoulder chops", + "fresh parsley", + "water", + "peeled fresh ginger", + "ground allspice" + ] + }, + { + "id": 29786, + "cuisine": "indian", + "ingredients": [ + "asafoetida", + "garlic", + "black mustard seeds", + "sliced tomatoes", + "cherry tomatoes", + "cumin seed", + "water", + "cayenne pepper", + "ground turmeric", + "curry leaves", + "yellow lentils", + "oil" + ] + }, + { + "id": 21076, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "vanilla extract", + "cream cheese", + "unsalted butter" + ] + }, + { + "id": 38606, + "cuisine": "british", + "ingredients": [ + "eggs", + "salt", + "water", + "pepper", + "oil", + "plain flour", + "milk" + ] + }, + { + "id": 1071, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "minced garlic", + "paprika", + "cayenne pepper", + "ground ginger", + "boneless chicken thighs", + "flour", + "salt", + "corn starch", + "soy sauce", + "water", + "ginger", + "oil", + "eggs", + "black pepper", + "chilli paste", + "rice vinegar" + ] + }, + { + "id": 8371, + "cuisine": "mexican", + "ingredients": [ + "pepper jack", + "whole wheat potato buns", + "kosher salt", + "cooking spray", + "avocado", + "red cabbage", + "salsa verde", + "lean beef" + ] + }, + { + "id": 20634, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "salt", + "turbinado", + "heavy cream", + "large egg yolks", + "mango", + "granulated sugar" + ] + }, + { + "id": 10658, + "cuisine": "thai", + "ingredients": [ + "low sodium soy sauce", + "lemongrass", + "pork tenderloin", + "salt", + "Thai fish sauce", + "brown sugar", + "fresh cilantro", + "cooking spray", + "rice vinegar", + "fresh lime juice", + "caraway seeds", + "water", + "Anaheim chile", + "fresh orange juice", + "garlic cloves", + "sliced green onions", + "granny smith apples", + "ground black pepper", + "peeled fresh ginger", + "beets", + "chopped fresh mint" + ] + }, + { + "id": 34544, + "cuisine": "french", + "ingredients": [ + "shallots", + "boneless magret duck breast halves", + "raspberries", + "demi-glace", + "sugar", + "raspberry vinegar", + "unsalted butter", + "garlic cloves" + ] + }, + { + "id": 45573, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "english cucumber", + "serrano", + "pummelo", + "peanuts", + "asian fish sauce" + ] + }, + { + "id": 30723, + "cuisine": "indian", + "ingredients": [ + "sugar", + "vegetable oil", + "salt", + "red bell pepper", + "dried basil", + "sweetened coconut flakes", + "fresh lemon juice", + "curry powder", + "diced tomatoes", + "all-purpose flour", + "large shrimp", + "cooked rice", + "shallots", + "light coconut milk", + "low salt chicken broth" + ] + }, + { + "id": 8584, + "cuisine": "indian", + "ingredients": [ + "fenugreek", + "long-grain rice", + "boiling potatoes", + "salt", + "ghee", + "vegetable oil", + "mustard seeds", + "dhal", + "tumeric", + "green chilies", + "onions" + ] + }, + { + "id": 8492, + "cuisine": "korean", + "ingredients": [ + "silken tofu", + "hot pepper", + "toasted sesame oil", + "ground black pepper", + "scallions", + "large egg yolks", + "vegetable oil", + "toasted sesame seeds", + "kosher salt", + "reduced sodium soy sauce", + "kimchi" + ] + }, + { + "id": 41030, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "all-purpose flour", + "buttermilk", + "vinegar", + "sea salt" + ] + }, + { + "id": 43314, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "minced garlic", + "pitted olives", + "chopped cilantro fresh", + "capers", + "bay leaves", + "poblano chiles", + "tomatoes", + "olive oil", + "red bell pepper", + "white onion", + "yellow bell pepper", + "fresh parsley" + ] + }, + { + "id": 46896, + "cuisine": "italian", + "ingredients": [ + "flour for dusting", + "all-purpose flour", + "large eggs" + ] + }, + { + "id": 2818, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "Shaoxing wine", + "water", + "garlic cloves", + "soy sauce", + "sauce", + "spareribs", + "fresh ginger", + "black vinegar" + ] + }, + { + "id": 15842, + "cuisine": "cajun_creole", + "ingredients": [ + "ground nutmeg", + "hot water", + "vanilla extract", + "sweetened condensed milk", + "large eggs", + "bread slices", + "ground cinnamon", + "sauce" + ] + }, + { + "id": 16539, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cooking spray", + "chopped onion", + "fresh spinach", + "ground black pepper", + "boneless skinless chicken breasts", + "sliced mushrooms", + "penne", + "reduced fat milk", + "fresh oregano", + "red bell pepper", + "reduced fat sharp cheddar cheese", + "fresh parmesan cheese", + "2% low-fat cottage cheese", + "condensed reduced fat reduced sodium cream of chicken soup" + ] + }, + { + "id": 14945, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "boneless skin on chicken thighs", + "gravy", + "vegetable shortening", + "peanut oil", + "fresh dill", + "garlic powder", + "unsalted butter", + "onion powder", + "all-purpose flour", + "cheddar cheese", + "baking soda", + "large eggs", + "vegetable oil", + "cayenne pepper", + "kosher salt", + "ground black pepper", + "baking powder", + "buttermilk" + ] + }, + { + "id": 39009, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "Shaoxing wine", + "chinkiang vinegar", + "ketchup", + "salt", + "soy sauce", + "peeled fresh ginger", + "dark soy sauce", + "water", + "pork spareribs" + ] + }, + { + "id": 38459, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "tomatillos", + "shredded cheese", + "roast turkey", + "turkey stock", + "crème fraîche", + "onions", + "tomatoes", + "jalapeno chilies", + "salt", + "corn tortillas", + "pepper", + "vegetable oil", + "yellow onion", + "serrano chile" + ] + }, + { + "id": 10814, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "coarse salt", + "garlic cloves", + "curry powder", + "cilantro leaves", + "cashew nuts", + "boneless chicken skinless thigh", + "green peas", + "onions", + "peeled fresh ginger", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 7687, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "tomatoes with juice", + "ground cumin", + "jalapeno chilies", + "salt", + "lime", + "garlic", + "sugar", + "rotelle", + "chopped onion" + ] + }, + { + "id": 26104, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "za'atar", + "balsamic vinegar", + "sweet corn", + "cumin", + "lime juice", + "jalapeno chilies", + "cilantro", + "white sugar", + "black beans", + "ground black pepper", + "red pepper", + "shrimp", + "ground cumin", + "brown sugar", + "olive oil", + "green onions", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 46728, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "enokitake", + "firm tofu", + "miso paste", + "choy sum", + "shiitake", + "ramen noodles", + "scallions", + "vegetable demi-glace", + "hoisin sauce", + "garlic" + ] + }, + { + "id": 46162, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "fresh lime juice", + "avocado", + "yellow onion", + "chopped cilantro fresh", + "salt", + "medium shrimp", + "pepper", + "celery", + "plum tomatoes" + ] + }, + { + "id": 31386, + "cuisine": "mexican", + "ingredients": [ + "seasoning salt", + "chili powder", + "chopped cilantro", + "tomatoes", + "salsa verde", + "cream cheese", + "garlic powder", + "shredded lettuce", + "olives", + "shredded cheddar cheese", + "green onions", + "sour cream" + ] + }, + { + "id": 8094, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "green onions", + "garlic cloves", + "pita bread rounds", + "chickpeas", + "feta cheese crumbles", + "fresh cilantro", + "crushed red pepper", + "fresh lemon juice", + "tomatoes", + "tahini", + "english cucumber", + "fresh mint" + ] + }, + { + "id": 16532, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "fresh rosemary", + "sea salt", + "bread dough" + ] + }, + { + "id": 37524, + "cuisine": "cajun_creole", + "ingredients": [ + "large eggs", + "pecans", + "frosting", + "butter pecan cake mix", + "vegetable oil", + "water" + ] + }, + { + "id": 23145, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "potatoes", + "button mushrooms", + "onions", + "lemongrass", + "beef stock cubes", + "carrots", + "curry powder", + "bay leaves", + "garlic cloves", + "chuck", + "olive oil", + "diced tomatoes", + "fresh parsley" + ] + }, + { + "id": 27382, + "cuisine": "mexican", + "ingredients": [ + "water", + "oliv pit ripe", + "green onions", + "chunky salsa", + "tomatoes", + "chicken breasts", + "Campbell's Condensed Cheddar Cheese Soup", + "tortilla chips" + ] + }, + { + "id": 40979, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "chopped cilantro fresh", + "salt", + "water" + ] + }, + { + "id": 44968, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "active dry yeast", + "all purpose unbleached flour", + "pepperoni", + "tomato sauce", + "chopped green bell pepper", + "salt", + "white sugar", + "yellow corn meal", + "olive oil", + "garlic", + "shredded mozzarella cheese", + "warm water", + "grated parmesan cheese", + "chopped onion", + "dried oregano" + ] + }, + { + "id": 32932, + "cuisine": "spanish", + "ingredients": [ + "short-grain rice", + "lemon", + "smoked paprika", + "kosher salt", + "lobster", + "peas", + "saffron threads", + "seafood stock", + "green garlic", + "flat leaf parsley", + "olive oil", + "leeks", + "spanish chorizo" + ] + }, + { + "id": 37459, + "cuisine": "russian", + "ingredients": [ + "large eggs", + "ricotta cheese", + "sour cream", + "melted butter", + "green onions", + "salt", + "whole milk", + "whipping cream", + "black pepper", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 6776, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "salt", + "flour", + "unsalted butter", + "plain flour", + "ice water" + ] + }, + { + "id": 2332, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "red wine vinegar", + "cucumber", + "olive oil", + "chopped onion", + "tomatoes", + "chopped green bell pepper", + "garlic cloves", + "water", + "salt" + ] + }, + { + "id": 14506, + "cuisine": "jamaican", + "ingredients": [ + "cold water", + "white onion", + "dried thyme", + "lean ground beef", + "shortening", + "water", + "flour", + "margarine", + "eggs", + "pepper", + "ground black pepper", + "salt", + "bread crumbs", + "curry powder", + "beef stock", + "oil" + ] + }, + { + "id": 1709, + "cuisine": "italian", + "ingredients": [ + "semisweet chocolate", + "sliced almonds", + "bread", + "rum", + "unsalted butter" + ] + }, + { + "id": 34928, + "cuisine": "british", + "ingredients": [ + "bread crumb fresh", + "dried sage", + "cayenne", + "all-purpose flour", + "large eggs", + "sausages", + "dried thyme", + "vegetable oil" + ] + }, + { + "id": 34964, + "cuisine": "cajun_creole", + "ingredients": [ + "white wine", + "chopped celery", + "thyme", + "heavy cream", + "long-grain rice", + "cayenne", + "salt", + "onions", + "tomato paste", + "extra-virgin olive oil", + "shrimp" + ] + }, + { + "id": 43346, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "hoisin sauce", + "unsalted dry roast peanuts", + "corn starch", + "soy sauce", + "sesame oil", + "scallions", + "red chili peppers", + "boneless skinless chicken breasts", + "peanut oil", + "chinese black vinegar", + "chinese rice wine", + "fresh ginger", + "ground sichuan pepper", + "garlic cloves" + ] + }, + { + "id": 16420, + "cuisine": "italian", + "ingredients": [ + "pasta", + "pepper", + "garlic", + "cherry peppers", + "white wine", + "grated parmesan cheese", + "squid", + "cream", + "crushed red pepper flakes", + "corn starch", + "fresh basil", + "olive oil", + "salt" + ] + }, + { + "id": 48501, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "chopped bell pepper", + "reduced-fat sour cream", + "ground turkey", + "ground cumin", + "pasta", + "water", + "green onions", + "garlic cloves", + "chopped cilantro fresh", + "black beans", + "Mexican cheese blend", + "salsa", + "fresh lime juice", + "40% less sodium taco seasoning", + "olive oil", + "salt", + "ripe olives" + ] + }, + { + "id": 27530, + "cuisine": "mexican", + "ingredients": [ + "salt", + "vine ripened tomatoes", + "purple onion", + "green tomatoes", + "fresh lime juice" + ] + }, + { + "id": 23484, + "cuisine": "french", + "ingredients": [ + "butter", + "beef liver", + "onions", + "bacon", + "chopped parsley", + "red wine", + "croutons", + "chives", + "garlic", + "seasoned flour" + ] + }, + { + "id": 31222, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "black pepper", + "chopped fresh thyme", + "garlic cloves", + "onions", + "chestnuts", + "low sodium chicken broth", + "white beans", + "thyme sprigs", + "tomatoes", + "water", + "extra-virgin olive oil", + "juice", + "cavolo nero", + "parmigiano reggiano cheese", + "salt", + "rib" + ] + }, + { + "id": 1146, + "cuisine": "korean", + "ingredients": [ + "water", + "brown sugar", + "beef rib short", + "jalapeno chilies", + "soy sauce" + ] + }, + { + "id": 45692, + "cuisine": "indian", + "ingredients": [ + "cream", + "ground cardamom", + "cooking oil", + "white bread", + "pistachio nuts", + "water", + "white sugar" + ] + }, + { + "id": 28507, + "cuisine": "greek", + "ingredients": [ + "vegetable oil", + "feta cheese crumbles", + "chopped green bell pepper", + "white wine vinegar", + "red bell pepper", + "tomatoes", + "black olives", + "cucumber", + "diced red onions", + "salt" + ] + }, + { + "id": 21138, + "cuisine": "greek", + "ingredients": [ + "pepper", + "dill", + "cucumber", + "olive oil", + "garlic cloves", + "sweet onion", + "dill tips", + "plain yogurt", + "salt", + "lemon juice" + ] + }, + { + "id": 36963, + "cuisine": "chinese", + "ingredients": [ + "spring roll wrappers", + "soy sauce", + "sesame oil", + "oyster sauce", + "pork fillet", + "chinese rice wine", + "mushrooms", + "cornflour", + "beansprouts", + "cold water", + "sugar", + "spring onions", + "garlic", + "coriander", + "fresh prawn", + "fresh ginger", + "vegetable oil", + "chicken-flavored soup powder" + ] + }, + { + "id": 46094, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "salt", + "large garlic cloves", + "serrano chile", + "white onion", + "fresh lime juice", + "cilantro" + ] + }, + { + "id": 44180, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "baking powder", + "apple cider", + "carrots", + "tumeric", + "low sodium chicken broth", + "ground thyme", + "all-purpose flour", + "onions", + "kosher salt", + "half & half", + "heavy cream", + "diced celery", + "chicken", + "yellow corn meal", + "olive oil", + "butter", + "salt", + "fresh parsley" + ] + }, + { + "id": 4158, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "salt", + "cabbage", + "mayonaise", + "Sriracha", + "oil", + "eggs", + "panko", + "scallions", + "pepper", + "bonito flakes", + "shrimp meat" + ] + }, + { + "id": 12627, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "red chili peppers", + "peeled fresh ginger", + "candlenuts", + "galangal", + "tumeric", + "lemongrass", + "rice noodles", + "beansprouts", + "onions", + "chicken stock", + "water", + "chicken breast halves", + "garlic cloves", + "medium shrimp", + "sugar", + "olive oil", + "cilantro sprigs", + "blacan", + "bean curd" + ] + }, + { + "id": 37916, + "cuisine": "italian", + "ingredients": [ + "salad greens", + "fresh orange juice", + "grated orange", + "ground cinnamon", + "prosciutto", + "salt", + "tomatoes", + "olive oil", + "purple onion", + "fish fillets", + "balsamic vinegar", + "all-purpose flour" + ] + }, + { + "id": 25588, + "cuisine": "chinese", + "ingredients": [ + "lime", + "garlic", + "canola oil", + "brown sugar", + "Sriracha", + "juice", + "head on shrimp", + "shallots", + "chopped cilantro", + "ground black pepper", + "salt" + ] + }, + { + "id": 1006, + "cuisine": "chinese", + "ingredients": [ + "pork", + "salt", + "carrots", + "cooked rice", + "zucchini", + "peanut oil", + "eggs", + "pepper", + "broccoli", + "celery", + "dark soy sauce", + "green onions", + "garlic chili sauce" + ] + }, + { + "id": 28582, + "cuisine": "russian", + "ingredients": [ + "ground cinnamon", + "cheese", + "ground allspice", + "unsalted butter", + "all-purpose flour", + "sugar", + "salt", + "dried cranberries", + "large eggs", + "toasted walnuts" + ] + }, + { + "id": 16249, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "shallots", + "extra-virgin olive oil", + "pancetta", + "corn husks", + "butter", + "crushed red pepper", + "guanciale", + "chopped fresh chives", + "lemon", + "garlic cloves", + "swordfish steaks", + "fresh thyme leaves", + "fine sea salt" + ] + }, + { + "id": 17365, + "cuisine": "thai", + "ingredients": [ + "boneless skinless chicken breasts", + "salt", + "curry powder", + "garlic", + "sugar", + "diced tomatoes", + "onions", + "tomato sauce", + "vegetable oil", + "coconut milk" + ] + }, + { + "id": 14737, + "cuisine": "japanese", + "ingredients": [ + "ginger syrup", + "stem ginger", + "caster sugar", + "cornflour", + "cream", + "double cream", + "large egg yolks", + "vanilla extract" + ] + }, + { + "id": 25682, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "buttermilk", + "flour", + "icing", + "sugar", + "vanilla", + "butter" + ] + }, + { + "id": 11500, + "cuisine": "italian", + "ingredients": [ + "frozen broad beans", + "lemon juice", + "fresh oregano", + "cherries", + "steak", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 21966, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "serrano chile", + "extra-virgin olive oil", + "jumbo shrimp", + "english cucumber", + "lime juice" + ] + }, + { + "id": 3276, + "cuisine": "vietnamese", + "ingredients": [ + "Shaoxing wine", + "Maggi", + "garlic", + "unsalted butter", + "salt", + "linguine" + ] + }, + { + "id": 20800, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "hot pepper sauce", + "vegetable oil", + "long-grain rice", + "celery ribs", + "boneless chicken thighs", + "ground red pepper", + "salt", + "shrimp", + "cooked ham", + "green onions", + "diced tomatoes", + "garlic cloves", + "chicken broth", + "ground black pepper", + "chicken breasts", + "yellow onion", + "fresh parsley" + ] + }, + { + "id": 13867, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dry white wine", + "garlic cloves", + "cooking spray", + "salt", + "flat leaf parsley", + "ground black pepper", + "diced tomatoes", + "thyme", + "water", + "leeks", + "grouper", + "medium shrimp" + ] + }, + { + "id": 15159, + "cuisine": "japanese", + "ingredients": [ + "yukon gold potatoes", + "scallions", + "frozen peas", + "store bought low sodium chicken stock", + "apples", + "carrots", + "cooked rice", + "ginger", + "garlic cloves", + "canola oil", + "flank steak", + "curry", + "onions" + ] + }, + { + "id": 5865, + "cuisine": "cajun_creole", + "ingredients": [ + "black peppercorns", + "coriander seeds", + "lemon", + "crushed red pepper", + "onions", + "whole allspice", + "whole cloves", + "paprika", + "salt", + "seasoning", + "water", + "ground red pepper", + "garlic", + "mustard seeds", + "crawfish", + "bay leaves", + "shuck corn", + "small red potato" + ] + }, + { + "id": 39941, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "cooking oil", + "water", + "minced garlic", + "oyster sauce", + "yardlong beans" + ] + }, + { + "id": 19279, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "salt", + "lemon", + "pork loin chops", + "tomatoes", + "orzo", + "ground pepper", + "fresh oregano" + ] + }, + { + "id": 34935, + "cuisine": "mexican", + "ingredients": [ + "sliced black olives", + "avocado", + "corn tortillas", + "shredded mozzarella cheese", + "hot pepper sauce" + ] + }, + { + "id": 13935, + "cuisine": "japanese", + "ingredients": [ + "sake", + "chicken thighs", + "light soy sauce", + "sugar", + "toasted sesame seeds", + "mirin" + ] + }, + { + "id": 14937, + "cuisine": "cajun_creole", + "ingredients": [ + "cooking spray", + "salt", + "garlic powder", + "onion powder", + "large shrimp", + "dried thyme", + "ground red pepper", + "dried oregano", + "ground black pepper", + "paprika" + ] + }, + { + "id": 43869, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "fresh ginger", + "salt", + "corn starch", + "chicken stock", + "large egg whites", + "boneless skinless chicken breasts", + "chili sauce", + "soy sauce", + "sesame seeds", + "rice vinegar", + "toasted sesame oil", + "brown sugar", + "honey", + "garlic", + "peanut oil" + ] + }, + { + "id": 32319, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "leaf lettuce", + "hamburger buns", + "Velveeta", + "Ro-Tel Diced Tomatoes & Green Chilies", + "ground sirloin" + ] + }, + { + "id": 503, + "cuisine": "italian", + "ingredients": [ + "pasta", + "potatoes", + "salt", + "green cabbage", + "butter", + "sage leaves", + "black pepper", + "garlic", + "fontina cheese", + "cheese" + ] + }, + { + "id": 2745, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "paprika", + "cayenne pepper", + "black pepper", + "all-purpose flour", + "olive oil spray", + "yellow corn meal", + "salt", + "lemon pepper", + "large eggs", + "hot sauce" + ] + }, + { + "id": 20902, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "crushed red pepper", + "sugar", + "basil", + "bay leaf", + "tomato sauce", + "onion powder", + "salt", + "pepper", + "garlic", + "oregano" + ] + }, + { + "id": 37273, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "corn husks", + "cilantro leaves", + "lime", + "green onions", + "water", + "quinoa", + "plum tomatoes", + "olive oil", + "salt" + ] + }, + { + "id": 49177, + "cuisine": "chinese", + "ingredients": [ + "vegetables", + "salt", + "sugar", + "garlic", + "fresh basil leaves", + "chinese eggplants", + "corn starch", + "light soy sauce", + "chili bean sauce" + ] + }, + { + "id": 17018, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "brown rice", + "frozen corn", + "canola oil", + "shredded cheddar cheese", + "garlic", + "onions", + "pepper", + "chili powder", + "hot sauce", + "ground cumin", + "tomato purée", + "bell pepper", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 26231, + "cuisine": "italian", + "ingredients": [ + "pepper", + "basil leaves", + "shredded mozzarella cheese", + "chicken breast fillets", + "sun-dried tomatoes", + "salt", + "olive oil", + "mushrooms", + "eggs", + "panko", + "shredded parmesan cheese" + ] + }, + { + "id": 11057, + "cuisine": "jamaican", + "ingredients": [ + "chicken breast halves", + "carrots", + "frozen peas", + "dried thyme", + "coarse salt", + "cooked white rice", + "curry powder", + "vegetable oil", + "coconut milk", + "ground cumin", + "ground pepper", + "garlic cloves", + "onions" + ] + }, + { + "id": 10192, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "ground red pepper", + "salt", + "chopped fresh mint", + "pitas", + "ground sirloin", + "garlic cloves", + "dried oregano", + "garlic powder", + "onion powder", + "fresh lemon juice", + "ground lamb", + "fat free yogurt", + "cooking spray", + "purple onion", + "cucumber" + ] + }, + { + "id": 9225, + "cuisine": "french", + "ingredients": [ + "shredded cheddar cheese", + "beef gravy", + "french fri frozen" + ] + }, + { + "id": 26339, + "cuisine": "italian", + "ingredients": [ + "cracked black pepper", + "dri leav rosemari", + "dried oregano", + "olive oil", + "bread dough", + "feta cheese" + ] + }, + { + "id": 48405, + "cuisine": "mexican", + "ingredients": [ + "bay leaves", + "corn tortillas", + "chopped cilantro fresh", + "pepper", + "hot sauce", + "chipotles in adobo", + "cabbage", + "radishes", + "sour cream", + "onions", + "chuck", + "kosher salt", + "garlic", + "fresh lime juice", + "dried oregano" + ] + }, + { + "id": 19615, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "olive oil", + "diced tomatoes", + "crabmeat", + "clarified butter", + "shucked oysters", + "seafood seasoning", + "salt", + "uncook medium shrimp, peel and devein", + "water", + "bay leaves", + "all-purpose flour", + "onions", + "green bell pepper", + "ground black pepper", + "garlic", + "okra" + ] + }, + { + "id": 31275, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "butternut squash", + "all-purpose flour", + "pasta", + "freshly grated parmesan", + "heavy cream", + "rosemary sprigs", + "unsalted butter", + "salt", + "milk", + "vegetable oil", + "dried rosemary" + ] + }, + { + "id": 5900, + "cuisine": "southern_us", + "ingredients": [ + "oil", + "salt", + "pepper", + "okra" + ] + }, + { + "id": 38707, + "cuisine": "french", + "ingredients": [ + "white pepper", + "mushroom caps", + "salt", + "lump crab meat", + "flour", + "fresh lemon juice", + "unsalted butter", + "shallots", + "fat free milk", + "cooking spray", + "bechamel" + ] + }, + { + "id": 19104, + "cuisine": "irish", + "ingredients": [ + "cider vinegar", + "fresh orange juice", + "kosher salt", + "shallots", + "sugar", + "peeled fresh ginger", + "cranberries", + "olive oil", + "ground allspice" + ] + }, + { + "id": 37137, + "cuisine": "british", + "ingredients": [ + "cream", + "balsamic vinegar", + "bicarbonate of soda", + "unsalted butter", + "vanilla extract", + "eggs", + "caster sugar", + "dates", + "brown sugar", + "self rising flour" + ] + }, + { + "id": 37629, + "cuisine": "chinese", + "ingredients": [ + "ginger", + "red bell pepper", + "organic chicken broth", + "coarse salt", + "soba noodles", + "boneless skinless chicken breast halves", + "garlic", + "fresh lime juice", + "red pepper flakes", + "scallions", + "snow peas" + ] + }, + { + "id": 20249, + "cuisine": "mexican", + "ingredients": [ + "Campbell's Condensed Tomato Soup", + "ground beef", + "flour tortillas", + "milk", + "shredded cheddar cheese", + "salsa" + ] + }, + { + "id": 23796, + "cuisine": "mexican", + "ingredients": [ + "chihuahua cheese", + "ground black pepper", + "fine sea salt", + "carrots", + "arbol chile", + "lime", + "flour tortillas", + "garlic cloves", + "ancho chile pepper", + "chicken", + "San Marzano tomatoes", + "coriander seeds", + "queso fresco", + "dill seed", + "celery", + "cooked turkey", + "unsalted butter", + "cumin seed", + "sour cream", + "onions" + ] + }, + { + "id": 3116, + "cuisine": "italian", + "ingredients": [ + "nutmeg", + "lasagne", + "tomato basil sauce", + "mozzarella cheese", + "egg yolks", + "fresh parsley", + "fresh spinach", + "parmigiano reggiano cheese", + "ricotta", + "pepper", + "salt" + ] + }, + { + "id": 23086, + "cuisine": "southern_us", + "ingredients": [ + "cooked bacon", + "green tomatoes", + "buttermilk", + "preserves" + ] + }, + { + "id": 10989, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "lime wedges", + "chopped cilantro fresh", + "ground cumin", + "fat free less sodium chicken broth", + "golden raisins", + "chopped onion", + "plum tomatoes", + "sliced almonds", + "jalapeno chilies", + "salt", + "basmati rice", + "fresh ginger", + "boneless skinless chicken breasts", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 9016, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "olive oil", + "boneless skinless chicken breasts", + "onions", + "black pepper", + "bay leaves", + "carrots", + "tomato sauce", + "garlic powder", + "garlic", + "cumin", + "tomatoes", + "kosher salt", + "dry white wine", + "red bell pepper" + ] + }, + { + "id": 22138, + "cuisine": "indian", + "ingredients": [ + "salt", + "scallions", + "curry leaves", + "mustard powder", + "medium shrimp", + "cayenne pepper", + "fresh lemon juice", + "tumeric", + "cumin seed", + "canola oil" + ] + }, + { + "id": 1476, + "cuisine": "greek", + "ingredients": [ + "salt", + "fresh mint", + "chicken broth", + "long-grain rice", + "olive oil", + "feta cheese crumbles", + "freshly ground pepper", + "onions" + ] + }, + { + "id": 3011, + "cuisine": "brazilian", + "ingredients": [ + "milk", + "avocado", + "sugar", + "ice" + ] + }, + { + "id": 28311, + "cuisine": "mexican", + "ingredients": [ + "sesame oil", + "chicken stock cubes", + "green chile", + "cilantro", + "rice vinegar", + "tomatillos", + "salt", + "jalapeno chilies", + "garlic" + ] + }, + { + "id": 11743, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "kalamata", + "flat leaf parsley", + "tuna packed in water", + "ground black pepper", + "purple onion", + "butter lettuce", + "sherry vinegar", + "extra-virgin olive oil", + "kosher salt", + "artichok heart marin", + "feta cheese crumbles" + ] + }, + { + "id": 31660, + "cuisine": "korean", + "ingredients": [ + "eggs", + "carrots", + "shredded cabbage", + "soy sauce", + "bread", + "butter" + ] + }, + { + "id": 46175, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "cooking spray", + "salt", + "onions", + "spelt", + "diced tomatoes", + "green beans", + "black pepper", + "lamb stew meat", + "garlic cloves", + "fresh basil", + "water", + "dry red wine", + "bay leaf" + ] + }, + { + "id": 48336, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh basil", + "chopped green bell pepper", + "cajun seasoning", + "chopped onion", + "minced garlic", + "green onions", + "chopped celery", + "rotini", + "crawfish", + "grated parmesan cheese", + "heavy cream", + "ham", + "olive oil", + "chopped fresh thyme", + "hot sauce", + "fresh parsley" + ] + }, + { + "id": 26920, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "olive oil", + "garlic", + "sugar", + "egg noodles", + "green bell pepper", + "eggplant", + "onions", + "water", + "diced tomatoes" + ] + }, + { + "id": 37288, + "cuisine": "italian", + "ingredients": [ + "pepper", + "shredded swiss cheese", + "salt", + "garlic salt", + "chicken broth", + "half & half", + "yellow bell pepper", + "red bell pepper", + "grated parmesan cheese", + "chicken tenderloin", + "sliced mushrooms", + "ground black pepper", + "butter", + "all-purpose flour", + "spaghetti" + ] + }, + { + "id": 49126, + "cuisine": "indian", + "ingredients": [ + "green bell pepper", + "garam masala", + "corn starch", + "water", + "salt", + "lite coconut milk", + "chicken breasts", + "onions", + "tomato paste", + "curry powder", + "garlic cloves" + ] + }, + { + "id": 25259, + "cuisine": "korean", + "ingredients": [ + "low sodium chicken broth", + "ginger", + "low sodium beef broth", + "lemongrass", + "green onions", + "garlic", + "soft tofu", + "thai chile", + "coriander", + "shredded carrots", + "daikon", + "kimchi" + ] + }, + { + "id": 28994, + "cuisine": "irish", + "ingredients": [ + "eggs", + "ground nutmeg", + "salt", + "ground cloves", + "baking powder", + "chopped walnuts", + "shortening", + "potatoes", + "all-purpose flour", + "ground cinnamon", + "milk", + "raisins", + "white sugar" + ] + }, + { + "id": 48833, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "tortilla chips", + "pepper", + "chicken tenderloin", + "jack cheese", + "boneless skinless chicken breasts", + "onions", + "taco seasoning mix", + "salsa" + ] + }, + { + "id": 6734, + "cuisine": "indian", + "ingredients": [ + "amaretto liqueur", + "cream of coconut", + "2% reduced-fat milk", + "ground cardamom", + "whole cloves", + "lemon rind", + "ground ginger", + "star anise", + "coconut milk" + ] + }, + { + "id": 8947, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "yellow corn meal", + "baking powder", + "large eggs", + "all-purpose flour", + "shortening", + "buttermilk" + ] + }, + { + "id": 13168, + "cuisine": "french", + "ingredients": [ + "lemon zest", + "freshly ground pepper", + "crème fraîche", + "Meyer lemon juice", + "salt" + ] + }, + { + "id": 7127, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "shredded cheddar cheese", + "cream style corn", + "salt", + "green bell pepper", + "garlic powder", + "pimentos", + "onions", + "eggs", + "seasoning salt", + "jalapeno chilies", + "cayenne pepper", + "crawfish", + "baking soda", + "vegetable oil" + ] + }, + { + "id": 19368, + "cuisine": "vietnamese", + "ingredients": [ + "lettuce", + "lemongrass", + "shallots", + "hot sauce", + "pickled vegetables", + "mayonaise", + "radishes", + "cilantro leaves", + "carrots", + "fish sauce", + "ground black pepper", + "salt", + "chinese five-spice powder", + "sugar", + "french bread", + "rice vinegar", + "minced pork" + ] + }, + { + "id": 49411, + "cuisine": "italian", + "ingredients": [ + "orange", + "butter", + "veal shanks", + "plum tomatoes", + "pepper", + "dry white wine", + "garlic cloves", + "onions", + "olive oil", + "lemon", + "carrots", + "veal stock", + "flour", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 15726, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "ground cloves", + "spring onions", + "ground white pepper", + "sugar", + "honey", + "jam", + "fresh parsley", + "ground cinnamon", + "orange", + "malt vinegar", + "chutney", + "soy sauce", + "ground nutmeg", + "duck" + ] + }, + { + "id": 5631, + "cuisine": "southern_us", + "ingredients": [ + "butter-margarine blend", + "salt", + "sweet potatoes", + "chopped pecans", + "ground cloves", + "maple syrup", + "brown sugar", + "fresh orange juice" + ] + }, + { + "id": 26316, + "cuisine": "chinese", + "ingredients": [ + "egg whites", + "dried shiitake mushrooms", + "garlic cloves", + "water", + "green onions", + "gingerroot", + "boiling water", + "frozen chopped spinach", + "water chestnuts", + "dark sesame oil", + "corn starch", + "won ton wrappers", + "vegetable oil", + "long-grain rice" + ] + }, + { + "id": 37633, + "cuisine": "jamaican", + "ingredients": [ + "ground ginger", + "lime", + "ground black pepper", + "pimentos", + "orange juice", + "brown sugar", + "olive oil", + "dark rum", + "white wine vinegar", + "thyme leaves", + "ground cinnamon", + "chili", + "chips", + "garlic", + "scallions", + "soy sauce", + "ground nutmeg", + "pork loin", + "salt", + "onions" + ] + }, + { + "id": 19880, + "cuisine": "cajun_creole", + "ingredients": [ + "louisiana hot sauce", + "bay leaves", + "heavy cream", + "yellow onion", + "tomatoes", + "ground black pepper", + "cajun seasoning", + "extra-virgin olive oil", + "cooked white rice", + "andouille sausage", + "roasted red peppers", + "worcestershire sauce", + "garlic", + "boneless skinless chicken breast halves", + "kosher salt", + "dry white wine", + "deveined shrimp", + "celery" + ] + }, + { + "id": 1160, + "cuisine": "mexican", + "ingredients": [ + "reduced sodium vegetable broth", + "ground pepper", + "scallions", + "corn kernels", + "coarse salt", + "corn tortillas", + "black beans", + "pepper jack", + "frozen chopped spinach, thawed and squeezed dry", + "tomato paste", + "olive oil", + "all-purpose flour", + "ground cumin" + ] + }, + { + "id": 43072, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "sauce", + "roasted garlic", + "peppercorns", + "sweetened coconut flakes", + "peanut oil", + "curry powder", + "flat iron steaks", + "ground cumin" + ] + }, + { + "id": 4997, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "dry white wine", + "garlic cloves", + "water", + "fresh oregano", + "flat leaf parsley", + "hot red pepper flakes", + "fish stock", + "fresh lemon juice", + "arborio rice", + "olive oil", + "squid" + ] + }, + { + "id": 5091, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "large eggs", + "double-acting baking powder", + "yellow corn meal", + "finely chopped onion", + "all-purpose flour", + "milk", + "lean bacon", + "sour cream", + "unsalted butter", + "salt" + ] + }, + { + "id": 17593, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "purple onion", + "chicken", + "tomatoes", + "olive oil", + "garlic cloves", + "celery ribs", + "water", + "salt", + "fresh rosemary", + "dry white wine", + "carrots" + ] + }, + { + "id": 35491, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "shredded cheddar cheese", + "diced tomatoes", + "taco seasoning", + "ground cumin", + "black pepper", + "lean ground meat", + "salt", + "sour cream", + "biscuits", + "garlic powder", + "crushed red pepper flakes", + "lemon juice", + "pepper", + "jalapeno chilies", + "cream cheese", + "onions" + ] + }, + { + "id": 44558, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "honey", + "bacon slices", + "fresh basil leaves", + "pepper", + "green onions", + "roasting chickens", + "salad greens", + "lemon", + "garlic cloves", + "pecan halves", + "unsalted butter", + "salt" + ] + }, + { + "id": 25324, + "cuisine": "italian", + "ingredients": [ + "diced tomatoes", + "italian seasoning", + "olive oil", + "sweet italian sausage", + "beef broth", + "penn pasta, cook and drain", + "onions" + ] + }, + { + "id": 13819, + "cuisine": "italian", + "ingredients": [ + "pepper", + "rice", + "pasta sauce", + "basil", + "black pepper", + "salt", + "mild Italian sausage", + "pinto beans" + ] + }, + { + "id": 6629, + "cuisine": "italian", + "ingredients": [ + "water", + "lemon juice", + "ground black pepper", + "chicken", + "dry vermouth", + "salt", + "olive oil", + "dried oregano" + ] + }, + { + "id": 9998, + "cuisine": "mexican", + "ingredients": [ + "corn tortilla chips", + "purple onion", + "chopped cilantro fresh", + "avocado", + "jicama", + "garlic cloves", + "habanero chile", + "salt", + "mango", + "tomatoes", + "extra-virgin olive oil", + "shrimp" + ] + }, + { + "id": 27126, + "cuisine": "italian", + "ingredients": [ + "black olives", + "artichok heart marin", + "broccoli", + "tomatoes", + "purple onion", + "green onions", + "salad dressing" + ] + }, + { + "id": 26315, + "cuisine": "japanese", + "ingredients": [ + "sugar pea", + "fresh ginger root", + "lemon", + "baby corn", + "stock", + "fresh coriander", + "spring onions", + "broccoli", + "black pepper", + "prawns", + "garlic", + "chillies", + "fish sauce", + "lime", + "rice noodles", + "carrots" + ] + }, + { + "id": 36834, + "cuisine": "indian", + "ingredients": [ + "chicken broth", + "black pepper", + "jalapeno chilies", + "apples", + "cardamom", + "cumin", + "unsweetened coconut milk", + "roasted cashews", + "dried thyme", + "diced tomatoes", + "yellow onion", + "carrots", + "ground cinnamon", + "curry powder", + "butter", + "salt", + "garlic cloves", + "red lentils", + "tumeric", + "ground black pepper", + "paprika", + "scallions", + "ginger root" + ] + }, + { + "id": 18790, + "cuisine": "british", + "ingredients": [ + "flour", + "kidney", + "beef stock", + "puff pastry", + "egg yolks", + "onions", + "water", + "topside steak" + ] + }, + { + "id": 11795, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "grated parmesan cheese", + "onions", + "fennel seeds", + "English muffins", + "lean ground beef", + "italian seasoning", + "pepper", + "cheese slices", + "garlic salt", + "fresh basil", + "large eggs", + "fresh parsley" + ] + }, + { + "id": 13095, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "black pepper", + "flour", + "cayenne pepper", + "mayonaise", + "Sriracha", + "lemon", + "cornmeal", + "jumbo shrimp", + "garlic powder", + "onion powder", + "creole seasoning", + "mustard", + "soy sauce", + "cooking oil", + "hot sauce" + ] + }, + { + "id": 44487, + "cuisine": "jamaican", + "ingredients": [ + "milk", + "ice cubes", + "mango", + "seeds", + "sugar" + ] + }, + { + "id": 3135, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "red food coloring", + "lemon juice", + "chicken legs", + "amchur", + "salt", + "ground cumin", + "tandoori spices", + "kasuri methi", + "chaat masala", + "red chili powder", + "garam masala", + "curds" + ] + }, + { + "id": 1395, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "tortilla chips", + "minced garlic", + "tomatillos", + "onions", + "jalapeno chilies", + "fresh lime juice", + "water", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 11257, + "cuisine": "indian", + "ingredients": [ + "water", + "butternut squash", + "fenugreek seeds", + "chopped cilantro fresh", + "pepper", + "ground nutmeg", + "cayenne pepper", + "onions", + "tomato paste", + "fresh ginger root", + "salt", + "coconut milk", + "red lentils", + "curry powder", + "garlic", + "peanut oil" + ] + }, + { + "id": 2470, + "cuisine": "italian", + "ingredients": [ + "short-grain rice", + "hot water", + "soy sauce", + "scallions", + "ponzu", + "cabbage", + "fresh ginger", + "shrimp" + ] + }, + { + "id": 26722, + "cuisine": "mexican", + "ingredients": [ + "flour", + "salt", + "warm water", + "oil", + "baking powder" + ] + }, + { + "id": 49534, + "cuisine": "chinese", + "ingredients": [ + "ground black pepper", + "steel-cut oatmeal", + "dried lentils", + "wheatberries", + "brown rice", + "kosher salt", + "white rice" + ] + }, + { + "id": 13924, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "1% low-fat milk", + "yellow onion", + "chopped cilantro fresh", + "chili powder", + "salt", + "carrots", + "canola oil", + "corn", + "garlic", + "green chilies", + "monterey jack", + "turkey", + "all-purpose flour", + "celery", + "ground cumin" + ] + }, + { + "id": 20122, + "cuisine": "italian", + "ingredients": [ + "pomegranate juice", + "orange", + "ground black pepper", + "grated orange", + "chicken stock", + "pomegranate seeds", + "orange juice", + "pancetta", + "quail", + "salt", + "marsala wine", + "olive oil", + "chopped fresh mint" + ] + }, + { + "id": 16780, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "milk", + "fine sea salt", + "chopped fresh chives", + "unsalted butter", + "flat leaf parsley" + ] + }, + { + "id": 7964, + "cuisine": "vietnamese", + "ingredients": [ + "chiles", + "scallions", + "lemongrass", + "shrimp", + "water", + "oil", + "fish sauce", + "hoisin sauce", + "onions" + ] + }, + { + "id": 7924, + "cuisine": "southern_us", + "ingredients": [ + "freshly grated parmesan", + "bacon", + "hot red pepper flakes", + "red wine vinegar", + "onions", + "olive oil", + "large garlic cloves", + "fusilli", + "collards" + ] + }, + { + "id": 2024, + "cuisine": "french", + "ingredients": [ + "honey", + "lemon rind", + "chocolate morsels", + "lemon", + "fresh mint", + "gelatin", + "fresh lemon juice", + "cream", + "cream cheese", + "sour cream" + ] + }, + { + "id": 23286, + "cuisine": "french", + "ingredients": [ + "eggs", + "milk", + "vanilla", + "grated orange peel", + "unsalted butter", + "orange juice", + "powdered sugar", + "ground nutmeg", + "maple syrup", + "ground cinnamon", + "sugar", + "croissants" + ] + }, + { + "id": 30420, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "garlic", + "fresh green bean", + "olive oil", + "boneless skinless chicken breast halves", + "diced tomatoes" + ] + }, + { + "id": 38948, + "cuisine": "french", + "ingredients": [ + "milk", + "sugar", + "eggs", + "flour" + ] + }, + { + "id": 29230, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "large eggs", + "low-fat milk", + "ground cinnamon", + "unsalted butter", + "mexican chocolate", + "water", + "vegetable oil", + "sugar", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 20448, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vegetable oil", + "large eggs", + "salt", + "baking soda", + "buttermilk", + "yellow corn meal", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 45357, + "cuisine": "indian", + "ingredients": [ + "garbanzo beans", + "vegetable oil", + "coconut milk", + "tomato paste", + "extra firm tofu", + "salt", + "curry powder", + "mushrooms", + "carrots", + "cauliflower", + "fresh ginger root", + "vegetable broth", + "onions" + ] + }, + { + "id": 46388, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "corn starch", + "sugar", + "green onions", + "pork", + "salt", + "dark soy sauce", + "vinegar", + "cucumber" + ] + }, + { + "id": 23706, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "bacon", + "milk", + "green onions", + "freshly ground pepper", + "japanese breadcrumbs", + "quickcooking grits", + "salt", + "extra sharp white cheddar cheese", + "vegetable oil" + ] + }, + { + "id": 5120, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "sea salt", + "microgreens", + "butter", + "buffalo mozzarella", + "white onion", + "vegetable stock", + "risotto rice", + "tomatoes", + "ground black pepper", + "garlic" + ] + }, + { + "id": 17711, + "cuisine": "french", + "ingredients": [ + "fresh thyme leaves", + "anchovy fillets", + "olive oil", + "chopped fresh thyme", + "olives", + "cooking spray", + "salt", + "white bread", + "balsamic vinegar", + "onions" + ] + }, + { + "id": 7009, + "cuisine": "french", + "ingredients": [ + "marrons glacés", + "heavy cream", + "chestnuts", + "large eggs", + "bittersweet chocolate", + "unsalted butter", + "salt", + "sugar", + "dark rum" + ] + }, + { + "id": 31558, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "jalapeno chilies", + "cilantro", + "oil", + "cheddar cheese", + "chicken breasts", + "salt", + "tomatoes", + "green onions", + "crushed red pepper flakes", + "cumin", + "pepper jack", + "queso blanco", + "yellow onion" + ] + }, + { + "id": 23539, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "salt", + "cocktail cherries", + "cola", + "apple cider vinegar", + "baby back ribs", + "dijon mustard", + "garlic chili sauce" + ] + }, + { + "id": 42854, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "pecorino romano cheese", + "chopped fresh sage", + "wild mushrooms", + "black truffle oil", + "ricotta cheese", + "salt", + "low salt chicken broth", + "prosciutto", + "butter", + "all-purpose flour", + "thyme sprigs", + "sage leaves", + "shallots", + "extra-virgin olive oil", + "ground white pepper" + ] + }, + { + "id": 43669, + "cuisine": "mexican", + "ingredients": [ + "condensed cream of chicken soup", + "jalapeno chilies", + "corn tortillas", + "water", + "lean ground beef", + "taco seasoning mix", + "shredded mozzarella cheese", + "plain yogurt", + "green onions" + ] + }, + { + "id": 3548, + "cuisine": "italian", + "ingredients": [ + "eggs", + "dried basil", + "chinese cabbage", + "white pepper", + "salt", + "garlic cloves", + "cooked rice", + "ground veal", + "gingerroot", + "low sodium soy sauce", + "pinenuts", + "rice vinegar", + "large shrimp" + ] + }, + { + "id": 49072, + "cuisine": "mexican", + "ingredients": [ + "cayenne", + "baking powder", + "all-purpose flour", + "eggs", + "granulated sugar", + "mexican chocolate", + "chipotle chile powder", + "ground cinnamon", + "unsalted butter", + "almond meal", + "bittersweet chocolate", + "powdered sugar", + "coffee", + "salt" + ] + }, + { + "id": 12586, + "cuisine": "russian", + "ingredients": [ + "fresh dill", + "lean ground beef", + "all-purpose flour", + "unsalted butter", + "ice water", + "onions", + "ground black pepper", + "butter", + "lard", + "hard-boiled egg", + "salt" + ] + }, + { + "id": 1566, + "cuisine": "mexican", + "ingredients": [ + "slaw mix", + "fresh lime juice", + "olive oil", + "feta cheese crumbles", + "ground cumin", + "black beans", + "hot sauce", + "chopped cilantro fresh", + "green onions", + "corn tortillas" + ] + }, + { + "id": 45284, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "garlic powder", + "chili powder", + "cumin", + "beans", + "jalapeno chilies", + "salt", + "tomato sauce", + "diced green chilies", + "vegetable broth", + "lime", + "brown rice", + "garlic salt" + ] + }, + { + "id": 24229, + "cuisine": "jamaican", + "ingredients": [ + "jumbo shrimp", + "salt", + "canola oil", + "lime", + "garlic cloves", + "butter", + "thyme", + "pepper", + "scallions" + ] + }, + { + "id": 27622, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "buttermilk", + "bacon slices", + "peanut oil", + "cornmeal", + "fresh basil", + "ground black pepper", + "heirloom tomatoes", + "crème fraîche", + "fresh lemon juice", + "smoked ham hocks", + "fresh chives", + "red wine vinegar", + "peas", + "all-purpose flour", + "thyme", + "cherry tomatoes", + "baby okra", + "extra-virgin olive oil", + "garlic cloves", + "onions" + ] + }, + { + "id": 37574, + "cuisine": "british", + "ingredients": [ + "clove", + "brandy", + "flour", + "salt", + "dried currants", + "large eggs", + "raisins", + "nutmeg", + "light cream", + "cinnamon", + "candied fruit", + "brown sugar", + "suet", + "whipped cream", + "lemon rind" + ] + }, + { + "id": 4205, + "cuisine": "cajun_creole", + "ingredients": [ + "horseradish", + "radicchio", + "paprika", + "celery ribs", + "pepper", + "vegetable oil", + "scallions", + "creole mustard", + "crawfish", + "cayenne", + "all-purpose flour", + "romaine lettuce", + "distilled vinegar", + "salt" + ] + }, + { + "id": 36181, + "cuisine": "vietnamese", + "ingredients": [ + "chiles", + "peanuts", + "rice noodles", + "oil", + "iceberg lettuce", + "ground ginger", + "curry powder", + "green onions", + "cilantro leaves", + "asian fish sauce", + "catfish fillets", + "sugar", + "cayenne", + "garlic", + "beansprouts", + "fresh dill", + "lime juice", + "shallots", + "rice vinegar", + "ground turmeric" + ] + }, + { + "id": 6870, + "cuisine": "italian", + "ingredients": [ + "celery stick", + "shallots", + "salt", + "pork sausages", + "Italian herbs", + "diced tomatoes", + "carrots", + "pepper", + "vegetable oil", + "garlic cloves", + "parmesan cheese", + "peas", + "smoked paprika" + ] + }, + { + "id": 12157, + "cuisine": "italian", + "ingredients": [ + "cremini mushrooms", + "ground black pepper", + "diced tomatoes", + "all-purpose flour", + "celery", + "dried rosemary", + "dried thyme", + "russet potatoes", + "garlic", + "carrots", + "marjoram", + "rump roast", + "bay leaves", + "extra-virgin olive oil", + "yellow onion", + "fresh parsley", + "fresh basil", + "parmesan cheese", + "red wine vinegar", + "salt", + "low sodium beef broth", + "dried oregano" + ] + }, + { + "id": 11294, + "cuisine": "mexican", + "ingredients": [ + "lime", + "tomatoes", + "cayenne pepper", + "salt", + "white onion", + "chopped cilantro fresh" + ] + }, + { + "id": 16608, + "cuisine": "chinese", + "ingredients": [ + "honey", + "red pepper flakes", + "orange juice", + "sliced green onions", + "pepper", + "sesame seeds", + "rice vinegar", + "carrots", + "soy sauce", + "olive oil", + "salt", + "garlic cloves", + "water", + "boneless skinless chicken breasts", + "broccoli", + "corn starch" + ] + }, + { + "id": 22617, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "unsalted butter", + "buttermilk", + "grated lemon zest", + "cold water", + "cayenne", + "fresh thyme leaves", + "dry bread crumbs", + "chicken", + "olive oil", + "large eggs", + "paprika", + "fresh parsley leaves", + "freshly grated parmesan", + "shallots", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 34314, + "cuisine": "brazilian", + "ingredients": [ + "ice cubes", + "granulated sugar", + "lime", + "cold water" + ] + }, + { + "id": 22505, + "cuisine": "french", + "ingredients": [ + "fresh spinach", + "honey", + "artichok heart marin", + "garlic", + "fresh parsley", + "water", + "parmesan cheese", + "wheels", + "salt", + "pepper", + "olive oil", + "flour", + "crushed red pepper", + "milk", + "large eggs", + "butter", + "all-purpose flour" + ] + }, + { + "id": 42316, + "cuisine": "french", + "ingredients": [ + "olive oil", + "cornichons", + "white wine", + "shallots", + "flat leaf parsley", + "black pepper", + "dijon mustard", + "loin pork chops", + "fat free less sodium chicken broth", + "sea salt" + ] + }, + { + "id": 3999, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "dried pappardelle", + "celery stick", + "grated parmesan cheese", + "salt", + "carrots", + "fresh rosemary", + "unsalted butter", + "purple onion", + "garlic cloves", + "Chianti", + "meat", + "pearl barley", + "plum tomatoes" + ] + }, + { + "id": 49268, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "green onions", + "garlic", + "rice vinegar", + "serrano chile", + "fish sauce", + "granulated sugar", + "pickling cucumbers", + "salt", + "corn starch", + "canola oil", + "thai basil", + "green leaf lettuce", + "unsalted dry roast peanuts", + "dark brown sugar", + "large shrimp", + "white pepper", + "mint leaves", + "rice vermicelli", + "cilantro leaves", + "fresh lime juice" + ] + }, + { + "id": 45009, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "all-purpose flour", + "vegetable oil", + "ground black pepper", + "sardines", + "salt" + ] + }, + { + "id": 29830, + "cuisine": "mexican", + "ingredients": [ + "coconut oil", + "sweet potatoes", + "yellow onion", + "water", + "garlic", + "black beans", + "chili powder", + "ground cumin", + "tomatoes", + "zucchini", + "fine sea salt" + ] + }, + { + "id": 22388, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "salt", + "onions", + "tomato paste", + "ground black pepper", + "celery", + "olive oil", + "carrots", + "tomatoes", + "garlic", + "fresh parsley" + ] + }, + { + "id": 1605, + "cuisine": "french", + "ingredients": [ + "frozen pastry puff sheets", + "brie cheese", + "water", + "butter", + "shiitake", + "salt", + "egg yolks" + ] + }, + { + "id": 29123, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "butter", + "all-purpose flour", + "tomatoes", + "dried thyme", + "chopped celery", + "onions", + "water", + "garlic", + "green pepper", + "top round steak", + "ground red pepper", + "salt", + "grits" + ] + }, + { + "id": 25042, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "ground black pepper", + "gluten", + "kosher salt", + "jalapeno chilies", + "rice vinegar", + "lower sodium soy sauce", + "flank steak", + "carrots", + "sugar", + "radishes", + "cilantro leaves" + ] + }, + { + "id": 26356, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "olive oil", + "italian seasoning", + "quinoa", + "garlic" + ] + }, + { + "id": 1951, + "cuisine": "cajun_creole", + "ingredients": [ + "creole seasoning", + "smoked sausage", + "whole okra", + "red bell pepper", + "turkey tenderloins" + ] + }, + { + "id": 15551, + "cuisine": "italian", + "ingredients": [ + "sugar", + "bacon slices", + "California bay leaves", + "onions", + "fresh basil", + "large garlic cloves", + "fresh pork fat", + "Italian bread", + "tomatoes", + "olive oil", + "fresh oregano", + "juice", + "cold water", + "black pepper", + "salt", + "lentils", + "boiling potatoes" + ] + }, + { + "id": 3921, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "fresh lime juice", + "light brown sugar", + "garlic", + "water", + "fish sauce", + "bird chile" + ] + }, + { + "id": 9545, + "cuisine": "southern_us", + "ingredients": [ + "vanilla beans", + "lemon", + "grated nutmeg", + "ground ginger", + "unsalted butter", + "fine sea salt", + "fresh lemon juice", + "light brown sugar", + "peaches", + "vanilla extract", + "dark brown sugar", + "ground cinnamon", + "ice water", + "all-purpose flour", + "instant tapioca" + ] + }, + { + "id": 47153, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "chana dal", + "cumin seed", + "red chili peppers", + "salt", + "oil", + "asafoetida", + "ginger", + "urad dal split", + "grated coconut", + "green chilies", + "mustard seeds" + ] + }, + { + "id": 28100, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "onions", + "golden brown sugar", + "white wine vinegar", + "prosciutto", + "smoked gouda", + "butter" + ] + }, + { + "id": 41135, + "cuisine": "french", + "ingredients": [ + "butter" + ] + }, + { + "id": 5217, + "cuisine": "southern_us", + "ingredients": [ + "vanilla lowfat yogurt", + "fresh pineapple", + "peaches", + "coconut", + "chop fine pecan" + ] + }, + { + "id": 7514, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "onion powder", + "cayenne pepper", + "white pepper", + "potatoes", + "paprika", + "hot pepper sauce", + "vegetable oil", + "pepper", + "sweet potatoes", + "salt" + ] + }, + { + "id": 32120, + "cuisine": "korean", + "ingredients": [ + "roasted sesame seeds", + "minced garlic", + "sesame oil", + "fresh spinach", + "spring onions", + "water", + "salt" + ] + }, + { + "id": 20923, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "corn kernel whole", + "black beans", + "diced tomatoes", + "lean ground beef", + "taco seasoning mix", + "vegetable juice cocktail" + ] + }, + { + "id": 43387, + "cuisine": "thai", + "ingredients": [ + "cayenne", + "chili flakes", + "salt", + "pineapple", + "lime" + ] + }, + { + "id": 35143, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "vegetable broth", + "bay leaf", + "black-eyed peas", + "garlic cloves", + "ground sage", + "thyme", + "water", + "salt", + "onions" + ] + }, + { + "id": 20562, + "cuisine": "thai", + "ingredients": [ + "green curry paste", + "chopped cilantro fresh", + "garlic", + "canned coconut milk", + "shallots" + ] + }, + { + "id": 14991, + "cuisine": "french", + "ingredients": [ + "olive oil", + "red wine vinegar", + "feta cheese crumbles", + "pepper", + "red cabbage", + "salt", + "romaine lettuce", + "dijon mustard", + "paprika", + "water", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 3942, + "cuisine": "southern_us", + "ingredients": [ + "quickcooking grits", + "lemon juice", + "Oscar Mayer Bacon", + "fresh parsley", + "KRAFT Shredded Cheddar Cheese", + "garlic", + "green onions", + "medium shrimp" + ] + }, + { + "id": 33330, + "cuisine": "japanese", + "ingredients": [ + "yellow miso", + "dark brown sugar", + "grated orange peel", + "green onions", + "salmon fillets", + "mirin", + "soy sauce", + "orange juice" + ] + }, + { + "id": 31826, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "beefsteak tomatoes", + "extra-virgin olive oil", + "hot water", + "canola oil", + "ground black pepper", + "chile de arbol", + "ground coriander", + "chopped cilantro fresh", + "kosher salt", + "lemon", + "garlic", + "red bell pepper", + "ground cumin", + "halibut fillets", + "ancho powder", + "grated lemon zest", + "fresh mint" + ] + }, + { + "id": 47698, + "cuisine": "moroccan", + "ingredients": [ + "mint sprigs", + "sugar", + "boiling water", + "green tea" + ] + }, + { + "id": 33091, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "crushed tomatoes", + "garlic", + "brown sugar", + "red pepper flakes", + "capers", + "olive oil", + "yellow onion", + "pasta", + "anchovies", + "kalamata" + ] + }, + { + "id": 45477, + "cuisine": "southern_us", + "ingredients": [ + "cooking spray", + "self rising flour", + "crisco", + "buttermilk", + "flour" + ] + }, + { + "id": 17209, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil cooking spray", + "green onions", + "smoked sausage", + "fresh oregano", + "dried kidney beans", + "low sodium worcestershire sauce", + "bay leaves", + "garlic", + "hot sauce", + "long-grain rice", + "pepper", + "ground red pepper", + "chopped celery", + "green pepper", + "fresh parsley", + "water", + "cajun seasoning", + "salt", + "chopped onion", + "dried oregano" + ] + }, + { + "id": 43020, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "garlic powder", + "garlic", + "seasoning salt", + "tomatillos", + "lime", + "jalapeno chilies", + "dried red chile peppers", + "boneless chop pork", + "ground black pepper", + "salt" + ] + }, + { + "id": 38160, + "cuisine": "chinese", + "ingredients": [ + "scallions", + "fresh shiitake mushrooms", + "wheat", + "bok choy", + "dried bonito flakes" + ] + }, + { + "id": 10902, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "hot sauce", + "onions", + "chicken broth", + "diced green chilies", + "juice", + "Tabasco Green Pepper Sauce", + "long-grain rice", + "ground cumin", + "lime juice", + "salsa", + "chopped cilantro" + ] + }, + { + "id": 3469, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "long grain white rice", + "kosher salt" + ] + }, + { + "id": 18269, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "cannellini beans", + "purple onion", + "red bell pepper", + "ground cumin", + "green bell pepper", + "ground black pepper", + "crushed garlic", + "frozen corn kernels", + "splenda no calorie sweetener", + "kidney beans", + "chili powder", + "salt", + "fresh lime juice", + "black beans", + "hot pepper sauce", + "red wine vinegar", + "lemon juice", + "chopped cilantro fresh" + ] + }, + { + "id": 18965, + "cuisine": "chinese", + "ingredients": [ + "scallion greens", + "chinese noodles", + "ground pork", + "soy sauce", + "vegetable oil", + "roasted peanuts", + "vegetables", + "chili oil", + "chinkiang vinegar", + "sugar", + "szechwan peppercorns", + "garlic" + ] + }, + { + "id": 19818, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "boneless chicken", + "oil", + "curry leaves", + "red chili peppers", + "all-purpose flour", + "tumeric", + "salt", + "lemon juice", + "eggs", + "black pepper", + "green chilies" + ] + }, + { + "id": 20558, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "all-purpose flour", + "baking powder", + "cornmeal", + "milk", + "rubbed sage", + "salt" + ] + }, + { + "id": 15591, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "sausage links", + "butter", + "eggs", + "flour", + "water", + "sour cream" + ] + }, + { + "id": 13238, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "cracked black pepper", + "no salt added chicken broth", + "grated parmesan cheese", + "salt", + "vegetable oil cooking spray", + "linguine", + "onions" + ] + }, + { + "id": 4392, + "cuisine": "chinese", + "ingredients": [ + "rice wine", + "toasted sesame oil", + "white pepper", + "salt", + "sugar", + "garlic", + "iceberg lettuce", + "regular soy sauce", + "salad oil" + ] + }, + { + "id": 39762, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "olive oil", + "crushed red pepper", + "dried oregano", + "crushed tomatoes", + "grated carrot", + "sliced mushrooms", + "tomato paste", + "bay leaves", + "salt", + "dried basil", + "garlic", + "onions" + ] + }, + { + "id": 24580, + "cuisine": "cajun_creole", + "ingredients": [ + "extra large shrimp", + "cracked black pepper", + "garlic cloves", + "brown sugar", + "cajun seasoning", + "linguine", + "flat leaf parsley", + "pecorino cheese", + "green onions", + "extra-virgin olive oil", + "lemon juice", + "soy sauce", + "lemon", + "salt" + ] + }, + { + "id": 12436, + "cuisine": "italian", + "ingredients": [ + "lemon zest", + "mayonaise", + "fresh lemon juice", + "fresh basil", + "garlic cloves", + "dijon mustard" + ] + }, + { + "id": 35751, + "cuisine": "italian", + "ingredients": [ + "pepper", + "lemon", + "baby arugula", + "salt", + "zucchini", + "extra-virgin olive oil", + "shaved parmesan cheese" + ] + }, + { + "id": 7755, + "cuisine": "italian", + "ingredients": [ + "dried sage", + "whipping cream", + "large egg yolks", + "tortellini", + "onions", + "crimini mushrooms", + "garlic cloves", + "grated parmesan cheese", + "bacon slices" + ] + }, + { + "id": 20482, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "sauce", + "oats", + "lean ground beef", + "green bell pepper", + "salt", + "large eggs", + "onions" + ] + }, + { + "id": 15340, + "cuisine": "italian", + "ingredients": [ + "capers", + "freshly grated parmesan", + "linguine", + "dried oregano", + "pepper", + "red pepper flakes", + "anchovy fillets", + "pitted black olives", + "italian plum tomatoes", + "salt", + "minced garlic", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 990, + "cuisine": "chinese", + "ingredients": [ + "vinegar", + "ginger", + "pork fillet", + "sugar", + "rice wine", + "oil", + "dark soy sauce", + "spring onions", + "cornflour", + "greens", + "light soy sauce", + "sesame oil", + "Chinese egg noodles" + ] + }, + { + "id": 37849, + "cuisine": "italian", + "ingredients": [ + "bay leaf", + "olive oil", + "pancetta", + "onions", + "black-eyed peas" + ] + }, + { + "id": 11551, + "cuisine": "thai", + "ingredients": [ + "homemade chicken broth", + "rice noodles", + "scallions", + "sugar", + "basil", + "boneless skinless chicken breast halves", + "fish sauce", + "vegetable oil", + "juice", + "kosher salt", + "Thai red curry paste" + ] + }, + { + "id": 20554, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "grated nutmeg", + "unsalted butter", + "salt", + "baking soda", + "vanilla", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 497, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ginger", + "eggs", + "sticky rice", + "green onions", + "serrano chile", + "sugar", + "ground pork" + ] + }, + { + "id": 17334, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "salt", + "lump crab meat", + "red pepper flakes", + "sesame oil", + "scallions", + "lime", + "ginger" + ] + }, + { + "id": 10592, + "cuisine": "southern_us", + "ingredients": [ + "apple cider", + "country ham", + "stuffing" + ] + }, + { + "id": 13822, + "cuisine": "southern_us", + "ingredients": [ + "ground cloves", + "ground black pepper", + "butter", + "creole seasoning", + "ground ginger", + "cider vinegar", + "bourbon whiskey", + "salt", + "ground cayenne pepper", + "brown sugar", + "garlic powder", + "cajun seasoning", + "tomato ketchup", + "onions", + "kosher salt", + "peaches", + "worcestershire sauce", + "pork spareribs" + ] + }, + { + "id": 43705, + "cuisine": "french", + "ingredients": [ + "olive oil", + "extra", + "zucchini", + "fresh mint", + "garnish", + "fresh lemon juice", + "tomatoes", + "mint leaves", + "flat leaf parsley" + ] + }, + { + "id": 9290, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "cornmeal", + "sugar", + "butter", + "grated lemon zest", + "white vinegar", + "refrigerated piecrusts", + "all-purpose flour", + "milk", + "vanilla extract", + "lemon juice" + ] + }, + { + "id": 19387, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "juice", + "vegetable oil", + "chicken", + "jalapeno chilies", + "corn tortillas", + "mayonaise", + "salt" + ] + }, + { + "id": 37496, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "jicama", + "tortilla chips", + "chopped cilantro fresh", + "crusty bread", + "green onions", + "grated Gruyère cheese", + "cooked shrimp", + "roasted red peppers", + "Mexican beer", + "grated jack cheese", + "jalapeno chilies", + "garlic", + "corn starch" + ] + }, + { + "id": 24683, + "cuisine": "mexican", + "ingredients": [ + "whole kernel corn, drain", + "vegetable oil", + "ground cumin", + "black beans", + "boneless skinless chicken breast halves", + "diced tomatoes" + ] + }, + { + "id": 35660, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "bird chile", + "vietnamese fish sauce", + "garlic", + "white sugar", + "hot water" + ] + }, + { + "id": 3934, + "cuisine": "mexican", + "ingredients": [ + "grilled chicken breasts", + "kosher salt", + "nonfat greek yogurt", + "flour", + "chili powder", + "sauce", + "chopped cilantro fresh", + "shredded low-fat cheddar cheese", + "black pepper", + "olive oil", + "flour tortillas", + "lettuce leaves", + "garlic", + "ancho chile pepper", + "cumin", + "avocado", + "fresh spinach", + "lime", + "finely chopped onion", + "guacamole", + "onion powder", + "smoked paprika", + "oregano", + "mango salsa", + "reduced sodium chicken broth", + "garlic powder", + "roma tomatoes", + "cooked chicken", + "cayenne pepper", + "coriander", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 26347, + "cuisine": "french", + "ingredients": [ + "sugar", + "golden delicious apples", + "grated orange peel", + "unsalted butter", + "eggs", + "honey", + "dough", + "vanilla beans" + ] + }, + { + "id": 31403, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "Gochujang base", + "sugar", + "sesame oil", + "roasted white sesame seeds", + "red miso", + "green onions", + "short rib" + ] + }, + { + "id": 15614, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "all-purpose flour", + "sugar", + "calvados", + "granny smith apples", + "ice water", + "unsalted butter", + "jelly" + ] + }, + { + "id": 12064, + "cuisine": "irish", + "ingredients": [ + "garlic powder", + "salt", + "cabbage", + "potatoes", + "sweet paprika", + "chicken", + "pepper", + "onion powder", + "thyme", + "water", + "bacon", + "onions" + ] + }, + { + "id": 42325, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cooking spray", + "salt", + "chopped cilantro fresh", + "lime rind", + "ancho powder", + "fresh lime juice", + "sliced green onions", + "light sour cream", + "boneless skinless chicken breasts", + "corn tortillas", + "canola oil", + "slaw", + "1% low-fat milk", + "garlic salt", + "ground cumin" + ] + }, + { + "id": 24132, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "jalapeno chilies", + "arugula", + "dressing", + "cucumber", + "avocado", + "navel oranges", + "fresh basil", + "ruby red grapefruit" + ] + }, + { + "id": 29180, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "polenta", + "tomato sauce", + "hot Italian sausages" + ] + }, + { + "id": 8380, + "cuisine": "french", + "ingredients": [ + "large eggs", + "chocolate chips", + "powdered sugar", + "butter", + "semisweet chocolate", + "hot water", + "frozen pastry puff sheets" + ] + }, + { + "id": 31598, + "cuisine": "moroccan", + "ingredients": [ + "mint sprigs", + "greek yogurt", + "water", + "orange flower water", + "honey", + "cardamom pods", + "sugar", + "navel oranges" + ] + }, + { + "id": 4286, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "all-purpose flour", + "butter", + "large eggs", + "sugar", + "vanilla extract" + ] + }, + { + "id": 40529, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "sea salt", + "shallots", + "purple onion", + "bay leaves", + "extra-virgin olive oil", + "pepper", + "fresh thyme leaves", + "loin" + ] + }, + { + "id": 7357, + "cuisine": "chinese", + "ingredients": [ + "fresh cilantro", + "scallions", + "chinese rice wine", + "peeled fresh ginger", + "chicken", + "egg noodles", + "carrots", + "water", + "salt" + ] + }, + { + "id": 9250, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salsa", + "onions", + "tomatoes", + "flour tortillas", + "sour cream", + "ground cumin", + "fresh cilantro", + "taco seasoning", + "italian salad dressing", + "black beans", + "shredded lettuce", + "ground beef" + ] + }, + { + "id": 13076, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "onions", + "butter oil", + "black beans", + "cooked rice", + "thyme" + ] + }, + { + "id": 20246, + "cuisine": "italian", + "ingredients": [ + "reduced fat sharp cheddar cheese", + "fresh parmesan cheese", + "boneless skinless chicken breasts", + "condensed reduced fat reduced sodium cream of chicken soup", + "penne", + "cooking spray", + "fresh oregano", + "red bell pepper", + "olive oil", + "2% low-fat cottage cheese", + "chopped onion", + "fresh spinach", + "ground black pepper", + "2% reduced-fat milk", + "sliced mushrooms" + ] + }, + { + "id": 36989, + "cuisine": "french", + "ingredients": [ + "large eggs", + "dijon style mustard", + "olive oil", + "fresh parsley leaves", + "white wine vinegar" + ] + }, + { + "id": 31030, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "dry sherry", + "lump crab meat", + "chopped fresh chives", + "all-purpose flour", + "kosher salt", + "half & half", + "shells", + "ground black pepper", + "shallots" + ] + }, + { + "id": 32826, + "cuisine": "french", + "ingredients": [ + "eggs", + "ground black pepper", + "salt", + "onions", + "white wine", + "red pepper", + "green pepper", + "sugar", + "unsalted butter", + "cayenne pepper", + "tomatoes", + "olive oil", + "garlic", + "ham" + ] + }, + { + "id": 7089, + "cuisine": "moroccan", + "ingredients": [ + "green bell pepper", + "eggplant", + "salt", + "lemon juice", + "plum tomatoes", + "sambal ulek", + "olive oil", + "golden raisins", + "garlic cloves", + "ground turmeric", + "fat-free reduced-sodium chicken broth", + "pepper", + "zucchini", + "chickpeas", + "carrots", + "ground cumin", + "ground cinnamon", + "honey", + "sweet potatoes", + "ground coriander", + "onions" + ] + }, + { + "id": 32867, + "cuisine": "italian", + "ingredients": [ + "white chocolate", + "ground nutmeg", + "butter", + "unsweetened cocoa powder", + "roasted cashews", + "coffee granules", + "large eggs", + "salt", + "ground cinnamon", + "large egg whites", + "granulated sugar", + "vanilla extract", + "brown sugar", + "baking soda", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 18296, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "garlic", + "onions", + "baby spinach leaves", + "chili powder", + "salsa", + "canola oil", + "white button mushrooms", + "boneless skinless chicken breasts", + "salt", + "dried oregano", + "ground black pepper", + "reduced-fat sour cream", + "Mexican cheese", + "ground cumin" + ] + }, + { + "id": 10554, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "salt", + "water", + "chopped fresh thyme", + "fat free less sodium chicken broth", + "cooking spray", + "yellow onion", + "olive oil", + "baking potatoes" + ] + }, + { + "id": 2714, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "garlic", + "lemon juice", + "ghee", + "potatoes", + "salt", + "carrots", + "onions", + "ginger", + "frozen spring roll wrappers", + "mustard seeds", + "cauliflower", + "peas", + "cumin seed", + "chillies" + ] + }, + { + "id": 26287, + "cuisine": "spanish", + "ingredients": [ + "roasted almonds", + "serrano ham", + "chutney", + "manchego cheese", + "pepper", + "ripe olives" + ] + }, + { + "id": 43902, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "cilantro", + "sour cream", + "lime", + "shredded parmesan cheese", + "black pepper", + "salt", + "chili powder", + "ear of corn" + ] + }, + { + "id": 39469, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "rice vinegar", + "japanese cucumber", + "wakame", + "carrots" + ] + }, + { + "id": 46305, + "cuisine": "cajun_creole", + "ingredients": [ + "bell pepper", + "shredded mozzarella cheese", + "andouille sausage", + "boneless skinless chicken breasts", + "celery", + "Alfredo sauce", + "garlic cloves", + "lasagna noodles", + "cajun seasoning", + "onions" + ] + }, + { + "id": 22471, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "butter pecan ice cream", + "firmly packed light brown sugar", + "refrigerated piecrusts", + "ground cinnamon", + "egg whites", + "braeburn apple", + "granny smith apples", + "butter" + ] + }, + { + "id": 10535, + "cuisine": "french", + "ingredients": [ + "butter", + "olive oil", + "boiling onions", + "water", + "crème fraîche", + "yukon gold potatoes", + "fresh parsley" + ] + }, + { + "id": 33762, + "cuisine": "indian", + "ingredients": [ + "chiles", + "cinnamon", + "clove", + "amchur", + "cumin", + "corn", + "cardamom", + "fennel seeds", + "coriander seeds" + ] + }, + { + "id": 44705, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "roma tomatoes", + "salt", + "avocado", + "fresh cilantro", + "whole wheat tortillas", + "pepper", + "jalapeno chilies", + "onions", + "tomatoes", + "kidney beans", + "garlic" + ] + }, + { + "id": 48734, + "cuisine": "southern_us", + "ingredients": [ + "dried thyme", + "shallots", + "water", + "quickcooking grits", + "salt", + "hot pepper sauce", + "vegetable oil", + "corn kernels", + "green onions" + ] + }, + { + "id": 3584, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "rice wine", + "garlic", + "mushrooms", + "ginger", + "gai lan", + "sesame oil", + "corn starch" + ] + }, + { + "id": 7122, + "cuisine": "spanish", + "ingredients": [ + "canola oil", + "coarse sea salt", + "padron peppers", + "extra-virgin olive oil" + ] + }, + { + "id": 48823, + "cuisine": "french", + "ingredients": [ + "sirloin", + "pearl onions", + "salt", + "Burgundy wine", + "fresh chives", + "unsalted butter", + "all-purpose flour", + "sage", + "wide egg noodles", + "bacon", + "white mushrooms", + "pepper", + "beef stock", + "fresh parsley leaves" + ] + }, + { + "id": 41326, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "vinegar", + "pineapple", + "sauce", + "carrots", + "canola oil", + "hot red pepper flakes", + "pepper", + "starch", + "salt", + "beef sirloin", + "onions", + "potato starch", + "black pepper", + "egg whites", + "peas", + "green pepper", + "cucumber", + "sugar", + "water", + "mushrooms", + "rice vinegar", + "scallions", + "cabbage" + ] + }, + { + "id": 49208, + "cuisine": "italian", + "ingredients": [ + "vidalia", + "balsamic vinegar", + "garlic oil", + "zucchini", + "italian seasoning", + "sun-dried tomatoes", + "yellow bell pepper", + "chicken sausage", + "button mushrooms" + ] + }, + { + "id": 38658, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "sweet onion", + "salt", + "tomatoes", + "fresh oregano leaves", + "chees fresh mozzarella", + "fettuccine pasta", + "olive oil", + "cooked shrimp", + "spinach leaves", + "pepper", + "garlic" + ] + }, + { + "id": 3803, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "red pepper", + "garlic", + "water", + "sweet potatoes", + "vegetable broth", + "cumin", + "garbanzo beans", + "diced tomatoes", + "salt", + "spinach", + "quinoa", + "ginger", + "onions" + ] + }, + { + "id": 21836, + "cuisine": "french", + "ingredients": [ + "sour cream", + "heavy cream" + ] + }, + { + "id": 41164, + "cuisine": "british", + "ingredients": [ + "sugar", + "all-purpose flour", + "butter" + ] + }, + { + "id": 31621, + "cuisine": "southern_us", + "ingredients": [ + "hot red pepper flakes", + "smoked ham hocks", + "water", + "collard greens" + ] + }, + { + "id": 13852, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "fresh shiitake mushrooms", + "carrots", + "sesame seeds", + "white rice", + "kosher salt", + "ponzu", + "nori", + "low sodium soy sauce", + "mirin", + "rice vinegar" + ] + }, + { + "id": 5913, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "star anise", + "orange zest", + "chinese rock sugar", + "fresh ginger", + "garlic cloves", + "water", + "scallions", + "chinese rice wine", + "cilantro stems", + "pork butt" + ] + }, + { + "id": 39616, + "cuisine": "french", + "ingredients": [ + "bosc pears", + "cranberries", + "orange juice", + "sugar" + ] + }, + { + "id": 39476, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "large eggs", + "salt", + "ground cloves", + "butter", + "condensed milk", + "ground ginger", + "ground nutmeg", + "whipped cream", + "gingersnap cookies", + "sugar", + "sweet potatoes", + "all-purpose flour" + ] + }, + { + "id": 1345, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "fresh parmesan cheese", + "garlic cloves", + "fresh basil", + "salt", + "ground black pepper", + "plum tomatoes" + ] + }, + { + "id": 3439, + "cuisine": "korean", + "ingredients": [ + "cold water", + "chili pepper flakes", + "fresh ginger", + "garlic", + "green onions", + "chinese cabbage", + "sugar", + "sea salt" + ] + }, + { + "id": 5853, + "cuisine": "french", + "ingredients": [ + "sweet onion", + "bacon", + "flour", + "salt", + "olive oil", + "gruyere cheese", + "pepper", + "ice water", + "cream cheese" + ] + }, + { + "id": 25398, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "milk", + "large garlic cloves", + "salt", + "freshly ground pepper", + "fontina cheese", + "unsalted butter", + "heavy cream", + "grated nutmeg", + "pasta", + "radicchio", + "asiago", + "all-purpose flour", + "boiling water", + "dried porcini mushrooms", + "grated parmesan cheese", + "extra-virgin olive oil", + "chopped fresh sage" + ] + }, + { + "id": 28792, + "cuisine": "thai", + "ingredients": [ + "chili flakes", + "spring onions", + "fresh mint", + "sugar", + "sticky rice", + "fish sauce", + "shallots", + "minced pork", + "lime", + "culantro" + ] + }, + { + "id": 19419, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "apple cider vinegar", + "ketchup", + "granulated garlic", + "dr pepper", + "frozen meatballs" + ] + }, + { + "id": 36178, + "cuisine": "greek", + "ingredients": [ + "red potato", + "extra-virgin olive oil", + "zucchini", + "dried oregano", + "salt and ground black pepper", + "garlic", + "crimini mushrooms" + ] + }, + { + "id": 30268, + "cuisine": "mexican", + "ingredients": [ + "hot sauce", + "chopped cilantro fresh", + "avocado", + "whole wheat pita bread", + "feta cheese crumbles", + "salsa", + "vegetarian refried beans" + ] + }, + { + "id": 6865, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "baking soda", + "graham cracker crumbs", + "vanilla extract", + "semi-sweet chocolate morsels", + "pecans", + "granulated sugar", + "butter", + "all-purpose flour", + "marshmallows", + "crystallized ginger", + "baking powder", + "salt", + "shortening", + "large eggs", + "sea salt", + "sour cream" + ] + }, + { + "id": 26168, + "cuisine": "italian", + "ingredients": [ + "lemon zest", + "flat leaf parsley", + "extra-virgin olive oil", + "sea salt", + "chopped garlic", + "ground black pepper", + "Italian bread" + ] + }, + { + "id": 35952, + "cuisine": "mexican", + "ingredients": [ + "all-purpose flour", + "baking powder", + "shortening", + "hot water", + "salt" + ] + }, + { + "id": 21726, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "salt", + "plum tomatoes", + "pinenuts", + "grated parmesan cheese", + "fresh oregano", + "sugar", + "ground black pepper", + "penne pasta", + "olive oil", + "crushed red pepper", + "garlic cloves" + ] + }, + { + "id": 28554, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "asiago", + "olive oil", + "dry bread crumbs", + "pepper", + "salt", + "grated parmesan cheese", + "dried parsley" + ] + }, + { + "id": 36742, + "cuisine": "spanish", + "ingredients": [ + "pitted kalamata olives", + "olive oil", + "long grain white rice", + "chorizo", + "low salt chicken broth", + "fresh marjoram", + "diced tomatoes", + "water", + "frozen peas" + ] + }, + { + "id": 49593, + "cuisine": "cajun_creole", + "ingredients": [ + "polish sausage", + "red potato", + "deveined shrimp", + "corn", + "crawfish", + "crab boil" + ] + }, + { + "id": 12210, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "fresh basil", + "fresh rosemary", + "fresh oregano", + "fresh thyme" + ] + }, + { + "id": 27924, + "cuisine": "thai", + "ingredients": [ + "slaw", + "peeled fresh ginger", + "garlic chili sauce", + "sliced green onions", + "fish sauce", + "flour tortillas", + "rice vinegar", + "fresh lime juice", + "ground black pepper", + "flank steak", + "carrots", + "sugar", + "cooking spray", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 27314, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "butter", + "sour cream", + "poblano peppers", + "tortilla chips", + "olive oil", + "cheese", + "onions", + "potatoes", + "carrots" + ] + }, + { + "id": 25229, + "cuisine": "thai", + "ingredients": [ + "fresh red chili", + "zucchini", + "salted peanuts", + "scallions", + "minced garlic", + "seasoned rice wine vinegar", + "gingerroot", + "fresh mint", + "sugar", + "lime wedges", + "peanut oil", + "carrots", + "lemongrass", + "cilantro leaves", + "english cucumber", + "large shrimp" + ] + }, + { + "id": 47722, + "cuisine": "japanese", + "ingredients": [ + "sushi grade tuna", + "coconut oil", + "lemon pepper" + ] + }, + { + "id": 41729, + "cuisine": "korean", + "ingredients": [ + "sesame oil", + "kosher salt", + "rice vinegar", + "green onions", + "english cucumber", + "sugar", + "crushed red pepper flakes" + ] + }, + { + "id": 22592, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "hellmann' or best food real mayonnais", + "garlic", + "bread crumb fresh", + "salt", + "pork chops, 1 inch thick" + ] + }, + { + "id": 31357, + "cuisine": "irish", + "ingredients": [ + "olive oil", + "lamb shoulder", + "onions", + "parsnips", + "potatoes", + "carrots", + "water", + "leeks", + "fresh parsley", + "fresh rosemary", + "ground black pepper", + "salt" + ] + }, + { + "id": 14925, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "lettuce leaves", + "rice vinegar", + "sesame seeds", + "sesame oil", + "onions", + "brown sugar", + "sweet potatoes", + "garlic", + "olive oil", + "green onions", + "korean chile paste" + ] + }, + { + "id": 17288, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "oil", + "potatoes", + "cilantro leaves", + "onions", + "garam masala", + "salt", + "wheat flour", + "flour", + "green chilies" + ] + }, + { + "id": 5044, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "cajun seasoning", + "sausages", + "large shrimp", + "tomato paste", + "olive oil", + "garlic", + "celery", + "chicken broth", + "boneless skinless chicken breasts", + "rice", + "onions", + "pepper", + "diced tomatoes", + "flat leaf parsley" + ] + }, + { + "id": 45710, + "cuisine": "cajun_creole", + "ingredients": [ + "hot italian turkey sausage links", + "casings", + "scallions", + "quick cooking brown rice", + "all-purpose flour", + "canola oil", + "chopped tomatoes", + "garlic", + "onions", + "reduced sodium chicken broth", + "cajun seasoning", + "okra" + ] + }, + { + "id": 25299, + "cuisine": "italian", + "ingredients": [ + "milk", + "ground cinnamon", + "ice", + "brewed espresso", + "sweetener" + ] + }, + { + "id": 22602, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "half & half", + "frozen peas", + "chicken broth", + "dried thyme", + "frozen carrots", + "pie crust", + "pepper", + "boneless skinless chicken breasts", + "dried rosemary", + "red potato", + "salted butter", + "all-purpose flour" + ] + }, + { + "id": 39377, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "kosher salt", + "crushed red pepper flakes", + "carrots", + "sausage casings", + "whole peeled tomatoes", + "freshly ground pepper", + "onions", + "fresh oregano leaves", + "grated parmesan cheese", + "garlic cloves", + "rigatoni", + "tomato paste", + "olive oil", + "ground pork", + "flat leaf parsley" + ] + }, + { + "id": 40241, + "cuisine": "italian", + "ingredients": [ + "sea salt", + "red bell pepper", + "black pepper", + "fresh oregano", + "extra-virgin olive oil", + "balsamic vinegar", + "garlic cloves" + ] + }, + { + "id": 41742, + "cuisine": "filipino", + "ingredients": [ + "eggplant", + "salt", + "eggs", + "cooking oil", + "tuna", + "chinese celery", + "garlic", + "onions", + "ground black pepper", + "red bell pepper" + ] + }, + { + "id": 2768, + "cuisine": "french", + "ingredients": [ + "mussels", + "olive oil", + "shallots", + "black olives", + "capers", + "zucchini", + "fine sea salt", + "tomatoes", + "fennel", + "extra-virgin olive oil", + "ground white pepper", + "fresh basil", + "cayenne", + "garlic", + "flat leaf parsley" + ] + }, + { + "id": 32941, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken legs", + "dried thyme", + "large garlic cloves", + "green pepper", + "medium shrimp", + "tomato paste", + "spanish onion", + "vegetable oil", + "cayenne pepper", + "scallions", + "celery ribs", + "chicken wings", + "file powder", + "salt", + "okra", + "chicken stock", + "andouille sausage", + "bay leaves", + "all-purpose flour", + "freshly ground pepper" + ] + }, + { + "id": 318, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "red cabbage", + "ginger", + "red curry paste", + "fresh cilantro", + "rice noodles", + "garlic", + "red bell pepper", + "lime juice", + "mushrooms", + "peeled shrimp", + "carrots", + "coconut oil", + "honey", + "crushed red pepper flakes", + "broccoli", + "coconut milk" + ] + }, + { + "id": 317, + "cuisine": "italian", + "ingredients": [ + "baguette", + "albacore tuna in water", + "part-skim mozzarella cheese", + "fat-free mayonnaise", + "sundried tomato pesto", + "pickled vegetables", + "pitted kalamata olives", + "parmesan cheese" + ] + }, + { + "id": 9007, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "garam masala", + "poppy seeds", + "green cardamom", + "bay leaf", + "curry leaves", + "tumeric", + "bone-in chicken", + "salt", + "oil", + "tomatoes", + "coconut", + "yoghurt", + "cilantro leaves", + "cinnamon sticks", + "clove", + "garlic paste", + "finely chopped onion", + "star anise", + "green chilies", + "shahi jeera" + ] + }, + { + "id": 18153, + "cuisine": "mexican", + "ingredients": [ + "feta cheese", + "avocado", + "purple onion", + "lime zest", + "ground black pepper", + "fresh tomatoes", + "salt" + ] + }, + { + "id": 33434, + "cuisine": "italian", + "ingredients": [ + "baguette", + "olive oil flavored cooking spray", + "garlic cloves" + ] + }, + { + "id": 9996, + "cuisine": "vietnamese", + "ingredients": [ + "baguette", + "cooking spray", + "garlic chili sauce", + "kosher salt", + "pork tenderloin", + "cilantro sprigs", + "fat-free mayonnaise", + "sugar", + "shredded carrots", + "daikon", + "cucumber", + "cider vinegar", + "jalapeno chilies", + "salt", + "sliced green onions" + ] + }, + { + "id": 36718, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "bell pepper", + "medium zucchini", + "eggplant", + "extra-virgin olive oil", + "onions", + "black pepper", + "large garlic cloves", + "flat leaf parsley", + "tomatoes", + "parmigiano reggiano cheese", + "salt", + "fresh basil leaves" + ] + }, + { + "id": 25814, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "chopped bell pepper", + "yellow bell pepper", + "tilapia", + "hearts of palm", + "ground black pepper", + "yellow onion", + "coconut milk", + "tomato paste", + "coconut", + "green onions", + "fatfree lowsodium chicken broth", + "chopped cilantro", + "fish sauce", + "fresh ginger", + "garlic", + "lemon juice" + ] + }, + { + "id": 10617, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "quinoa", + "garlic", + "hot water", + "sweet onion", + "roma tomatoes", + "okra", + "seasoning salt", + "vegan butter", + "vegetable seasoning", + "fresh corn", + "ground black pepper", + "cayenne pepper", + "red bell pepper" + ] + }, + { + "id": 44320, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "salt", + "chili powder", + "pepper", + "chopped pecans", + "orange juice concentrate", + "butter" + ] + }, + { + "id": 4792, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "salt", + "sugar", + "anise", + "grated lemon peel", + "water", + "vanilla extract", + "sweetened condensed milk", + "whole milk", + "cinnamon sticks" + ] + }, + { + "id": 22523, + "cuisine": "filipino", + "ingredients": [ + "skinless salmon fillets", + "salt", + "curry powder", + "thai chile", + "coconut milk", + "pepper", + "ginger", + "oil", + "roma tomatoes", + "garlic", + "onions" + ] + }, + { + "id": 39154, + "cuisine": "russian", + "ingredients": [ + "soft goat's cheese", + "coriander seeds", + "large eggs", + "butter", + "cayenne pepper", + "fresh cilantro", + "ground black pepper", + "havarti cheese", + "all purpose unbleached flour", + "hot water", + "sugar", + "feta cheese", + "green onions", + "large garlic cloves", + "ramps", + "pure olive oil", + "active dry yeast", + "lemon zest", + "coarse salt", + "salt", + "fresh mint" + ] + }, + { + "id": 1596, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "dry white wine", + "all-purpose flour", + "cooked shrimp", + "grated parmesan cheese", + "butter", + "crabmeat", + "roasted red peppers", + "shallots", + "cayenne pepper", + "large egg whites", + "whole milk", + "salt", + "tarragon" + ] + }, + { + "id": 15579, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "tilapia fillets", + "ranch dressing", + "cayenne pepper", + "rotel tomatoes", + "black pepper", + "organic chicken", + "butter", + "rice", + "black beans", + "garlic powder", + "yellow onion", + "sour cream", + "chicken stock", + "olive oil", + "chili powder", + "sweet corn", + "cumin" + ] + }, + { + "id": 40248, + "cuisine": "moroccan", + "ingredients": [ + "cayenne", + "cinnamon sticks", + "coriander seeds", + "cumin seed", + "olive oil", + "paprika", + "chopped garlic", + "lamb rib chops", + "whole cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 6234, + "cuisine": "southern_us", + "ingredients": [ + "sweet potatoes", + "orange juice", + "firmly packed brown sugar", + "butter", + "bourbon whiskey", + "pumpkin pie spice", + "mini marshmallows", + "salt" + ] + }, + { + "id": 31699, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "bacon", + "farfalline", + "large eggs", + "parmigiano reggiano cheese", + "frozen peas" + ] + }, + { + "id": 32755, + "cuisine": "japanese", + "ingredients": [ + "sake", + "green onions", + "medium-grain rice", + "bottled clam juice", + "sea bass fillets", + "chopped cilantro fresh", + "soy sauce", + "sesame oil", + "garlic cloves", + "sesame seeds", + "ginger" + ] + }, + { + "id": 4116, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "grated parmesan cheese", + "mozzarella cheese", + "firm tofu", + "pasta sauce", + "ricotta cheese", + "lasagna noodles" + ] + }, + { + "id": 28800, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "all-purpose flour", + "brown sugar", + "sweet potatoes", + "chopped pecans", + "ground cinnamon", + "cooking spray", + "margarine", + "large egg whites", + "vanilla extract", + "nonfat evaporated milk" + ] + }, + { + "id": 40524, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "bread flour", + "milk", + "sugar", + "plain flour", + "honey" + ] + }, + { + "id": 12678, + "cuisine": "italian", + "ingredients": [ + "hot red pepper flakes", + "large garlic cloves", + "parsley leaves", + "gemelli", + "mozzarella cheese", + "extra-virgin olive oil", + "rocket leaves", + "red wine vinegar", + "fresh basil leaves" + ] + }, + { + "id": 40911, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "sea salt", + "ground black pepper", + "chopped fresh sage", + "minced garlic", + "boneless pork loin", + "kosher salt", + "extra-virgin olive oil" + ] + }, + { + "id": 18915, + "cuisine": "french", + "ingredients": [ + "plain yogurt", + "green onions", + "finely chopped fresh parsley", + "mayonaise", + "garlic cloves" + ] + }, + { + "id": 31580, + "cuisine": "filipino", + "ingredients": [ + "water", + "garlic", + "whole peppercorn", + "cooking oil", + "white sugar", + "vinegar", + "salt", + "soy sauce", + "bay leaves", + "chicken" + ] + }, + { + "id": 40059, + "cuisine": "italian", + "ingredients": [ + "pasta", + "olive oil", + "chili pepper", + "garlic cloves", + "sugar pea", + "prawns", + "cherry tomatoes", + "fresh basil leaves" + ] + }, + { + "id": 46970, + "cuisine": "french", + "ingredients": [ + "eggs", + "vanilla extract", + "white sugar", + "baking powder", + "all-purpose flour", + "egg yolks", + "salt", + "unsweetened cocoa powder", + "butter", + "confectioners sugar" + ] + }, + { + "id": 33303, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "refried beans", + "salsa", + "iceberg lettuce", + "fresh cilantro", + "guacamole", + "whole chicken", + "lime", + "green onions", + "sour cream", + "cotija", + "flour tortillas", + "cooked meat" + ] + }, + { + "id": 36419, + "cuisine": "korean", + "ingredients": [ + "seasoning", + "shiitake", + "scallions", + "silken tofu", + "udon", + "toasted sesame oil", + "spinach", + "miso paste", + "nori sheets", + "dressing", + "water", + "spices" + ] + }, + { + "id": 44957, + "cuisine": "thai", + "ingredients": [ + "white vinegar", + "salt", + "chili", + "pectin", + "garlic cloves", + "granulated sugar" + ] + }, + { + "id": 40410, + "cuisine": "spanish", + "ingredients": [ + "all-purpose flour", + "ground cinnamon", + "anise extract", + "blanched almonds", + "shortening", + "white sugar" + ] + }, + { + "id": 35163, + "cuisine": "korean", + "ingredients": [ + "cold water", + "all-purpose flour", + "sweet potatoes", + "salt", + "olive oil" + ] + }, + { + "id": 36284, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "cracked black pepper", + "chopped fresh mint", + "green onions", + "rice vinegar", + "fresh ginger", + "salt", + "chopped cilantro fresh", + "flank steak", + "ground coriander" + ] + }, + { + "id": 48024, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil cooking spray", + "parmesan cheese", + "chile pepper", + "ground white pepper", + "dried oregano", + "olive oil", + "chicken breast halves", + "salt", + "chopped cilantro fresh", + "ground cumin", + "pizza crust", + "jalapeno chilies", + "garlic", + "fresh basil leaves", + "sliced green onions", + "reduced fat monterey jack cheese", + "part-skim mozzarella cheese", + "chili powder", + "chopped onion", + "plum tomatoes" + ] + }, + { + "id": 38522, + "cuisine": "spanish", + "ingredients": [ + "sherry vinegar", + "red bell pepper", + "tomatoes", + "purple onion", + "seedless cucumber", + "salt", + "extra-virgin olive oil" + ] + }, + { + "id": 29814, + "cuisine": "mexican", + "ingredients": [ + "baking soda", + "cinnamon", + "cream of tartar", + "large eggs", + "unsweetened cocoa powder", + "chile powder", + "unsalted butter", + "all-purpose flour", + "sugar", + "coarse salt" + ] + }, + { + "id": 46559, + "cuisine": "southern_us", + "ingredients": [ + "cream of tartar", + "graham cracker crumbs", + "granulated sugar", + "sweetened condensed milk", + "firmly packed light brown sugar", + "butter", + "egg whites", + "key lime juice" + ] + }, + { + "id": 23477, + "cuisine": "southern_us", + "ingredients": [ + "tomato paste", + "black pepper", + "cayenne", + "spanish paprika", + "oregano", + "collard greens", + "dried thyme", + "salt", + "chipotle peppers", + "tomatoes", + "water", + "garlic", + "celery", + "green bell pepper", + "black-eyed peas", + "hot sauce", + "onions" + ] + }, + { + "id": 30972, + "cuisine": "british", + "ingredients": [ + "rump roast", + "potatoes", + "all-purpose flour", + "water", + "butter", + "onions", + "pepper", + "baking powder", + "carrots", + "milk", + "salt" + ] + }, + { + "id": 24799, + "cuisine": "irish", + "ingredients": [ + "black pepper", + "double cream", + "Irish whiskey", + "fresh lemon juice", + "lobster", + "salt", + "mustard", + "butter" + ] + }, + { + "id": 38121, + "cuisine": "thai", + "ingredients": [ + "steamed rice", + "yellow onion", + "asian fish sauce", + "fresh basil", + "corn oil", + "red bell pepper", + "light brown sugar", + "peanuts", + "beef sirloin", + "lime", + "Thai red curry paste", + "coconut milk" + ] + }, + { + "id": 17790, + "cuisine": "southern_us", + "ingredients": [ + "stone-ground cornmeal", + "large eggs", + "baking powder", + "extra-virgin olive oil", + "red bell pepper", + "grated orange", + "shucked oysters", + "unsalted butter", + "whole milk", + "vegetable oil", + "all-purpose flour", + "chopped cilantro", + "mint", + "large egg yolks", + "jalapeno chilies", + "shallots", + "salt", + "fresh lime juice", + "pepper", + "radishes", + "chives", + "yellow bell pepper", + "garlic cloves", + "asian fish sauce" + ] + }, + { + "id": 6146, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic", + "white onion", + "jalapeno chilies", + "green chilies", + "sugar", + "whole peeled tomatoes", + "salt", + "fresh cilantro", + "diced tomatoes", + "ground cumin" + ] + }, + { + "id": 23850, + "cuisine": "mexican", + "ingredients": [ + "bell pepper", + "diced tomatoes", + "ground beef", + "water", + "green onions", + "cayenne pepper", + "long grain white rice", + "shredded cheddar cheese", + "beef stock", + "salsa", + "onions", + "garlic powder", + "chili powder", + "smoked paprika", + "cumin" + ] + }, + { + "id": 44121, + "cuisine": "mexican", + "ingredients": [ + "roasted red peppers", + "garlic cloves", + "ground cumin", + "low-fat sour cream", + "cooking spray", + "fresh lime juice", + "flour tortillas", + "asparagus spears", + "chipotle chile", + "purple onion", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 21323, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "bell pepper", + "vegetable stock", + "shrimp", + "pepper", + "flour", + "diced tomatoes", + "onions", + "crushed tomatoes", + "bay leaves", + "salt", + "celery ribs", + "olive oil", + "salt free seasoning", + "garlic cloves" + ] + }, + { + "id": 244, + "cuisine": "japanese", + "ingredients": [ + "mushrooms", + "water", + "vegetable oil", + "soy sauce", + "rice wine", + "black bass", + "scallions" + ] + }, + { + "id": 30115, + "cuisine": "greek", + "ingredients": [ + "plain low-fat yogurt", + "olive oil", + "whole wheat tortillas", + "english cucumber", + "italian seasoning", + "water", + "baby spinach", + "salt", + "lemon juice", + "cherry tomatoes", + "tempeh", + "grated lemon zest", + "feta cheese crumbles", + "romaine lettuce", + "ground black pepper", + "paprika", + "garlic cloves" + ] + }, + { + "id": 36549, + "cuisine": "indian", + "ingredients": [ + "eggs", + "rice", + "frozen peas", + "mango chutney", + "curry paste", + "sunflower oil", + "onions", + "chopped tomatoes", + "greek yogurt" + ] + }, + { + "id": 36294, + "cuisine": "greek", + "ingredients": [ + "fresh basil", + "artichok heart marin", + "penne pasta", + "greek seasoning", + "olive oil", + "black olives", + "fresh parsley", + "sugar", + "red wine vinegar", + "freshly ground pepper", + "tomatoes", + "feta cheese", + "salt", + "sliced green onions" + ] + }, + { + "id": 46170, + "cuisine": "southern_us", + "ingredients": [ + "pork", + "bbq sauce", + "jack daniels", + "boston butt", + "honey whiskey", + "brown sugar", + "apple juice" + ] + }, + { + "id": 34774, + "cuisine": "southern_us", + "ingredients": [ + "large egg whites", + "cooking spray", + "salt", + "shiitake mushroom caps", + "ground black pepper", + "butter", + "provolone cheese", + "fresh parsley", + "water", + "large eggs", + "portabello mushroom", + "garlic cloves", + "grits", + "prosciutto", + "dry white wine", + "chopped onion", + "herbes de provence" + ] + }, + { + "id": 32667, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "pepper", + "garlic", + "calamansi", + "broth", + "glutinous rice", + "green onions", + "oil", + "onions", + "beef bones", + "water", + "salt", + "tripe", + "fried garlic", + "ginger", + "rock salt", + "peppercorns" + ] + }, + { + "id": 1660, + "cuisine": "vietnamese", + "ingredients": [ + "fresh cilantro", + "jalapeno chilies", + "rice noodles", + "garlic chili sauce", + "shiitake", + "sesame oil", + "basil", + "fresh ginger", + "green onions", + "butter", + "beansprouts", + "low sodium vegetable broth", + "hoisin sauce", + "lime wedges", + "salt" + ] + }, + { + "id": 31325, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "pepper", + "salt", + "vegetable oil", + "water", + "bone-in pork chops" + ] + }, + { + "id": 30815, + "cuisine": "korean", + "ingredients": [ + "warm water", + "all-purpose flour", + "vegetable oil", + "nuts", + "granulated sugar", + "yeast", + "brown sugar", + "salt" + ] + }, + { + "id": 43479, + "cuisine": "chinese", + "ingredients": [ + "water", + "dried shiitake mushrooms", + "beans", + "chicken stock cubes", + "onions", + "fresh ginger", + "scallions", + "black pepper", + "salt", + "chicken thighs" + ] + }, + { + "id": 46517, + "cuisine": "french", + "ingredients": [ + "eggs", + "egg yolks", + "white sugar", + "water", + "salt", + "shortening", + "vanilla extract", + "milk", + "all-purpose flour" + ] + }, + { + "id": 6971, + "cuisine": "french", + "ingredients": [ + "fat free less sodium chicken broth", + "dry white wine", + "yellow onion", + "shiitake mushroom caps", + "olive oil", + "fat free less sodium beef broth", + "garlic cloves", + "ground black pepper", + "salt", + "crumbled gorgonzola", + "baguette", + "chopped fresh thyme", + "grated Gruyère cheese", + "thyme sprigs" + ] + }, + { + "id": 13617, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "shredded cheddar cheese", + "green enchilada sauce", + "green chile", + "cooked chicken", + "tortillas", + "chicken" + ] + }, + { + "id": 34620, + "cuisine": "irish", + "ingredients": [ + "olive oil", + "soda bread", + "salt" + ] + }, + { + "id": 45182, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "shallots", + "bocconcini", + "brine-cured olives", + "dijon mustard", + "extra-virgin olive oil", + "Italian bread", + "sugar", + "cooked chicken", + "salt", + "roasted red peppers", + "red wine vinegar", + "hearts of romaine" + ] + }, + { + "id": 47341, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "salt", + "mustard seeds", + "asafoetida", + "curds", + "split black lentils", + "oil", + "cooked rice", + "green chilies", + "coriander" + ] + }, + { + "id": 4186, + "cuisine": "mexican", + "ingredients": [ + "fresh oregano leaves", + "hot sauce", + "avocado", + "lime juice", + "garlic cloves", + "white onion", + "english cucumber", + "chicken broth", + "tomatillos", + "chopped cilantro" + ] + }, + { + "id": 43870, + "cuisine": "mexican", + "ingredients": [ + "egg whites", + "Old El Paso™ Thick 'n Chunky salsa", + "red bell pepper", + "chili powder", + "salt", + "monterey jack", + "boneless skinless chicken breasts", + "garlic", + "onions", + "vegetable oil", + "Pillsbury™ Crescent Recipe Creations® refrigerated seamless dough sheet" + ] + }, + { + "id": 12937, + "cuisine": "mexican", + "ingredients": [ + "american cheese slices", + "whipping cream", + "hot sauce", + "pico de gallo" + ] + }, + { + "id": 21521, + "cuisine": "italian", + "ingredients": [ + "bread", + "basil leaves", + "salt", + "ground black pepper", + "chees fresh mozzarella", + "tomatoes", + "balsamic vinegar", + "cooking spray", + "extra-virgin olive oil" + ] + }, + { + "id": 39203, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "fresh parsley", + "pepper", + "salt", + "olive oil", + "fresh oregano", + "red potato", + "crushed red pepper", + "onions" + ] + }, + { + "id": 22082, + "cuisine": "mexican", + "ingredients": [ + "Tabasco Pepper Sauce", + "fresh coriander", + "scallions", + "finely chopped onion", + "fresh lemon juice", + "vine ripened tomatoes" + ] + }, + { + "id": 6384, + "cuisine": "southern_us", + "ingredients": [ + "granny smith apples", + "apple cider", + "firmly packed brown sugar", + "large eggs", + "Italian bread", + "vegetable oil cooking spray", + "reduced fat milk", + "ground cinnamon", + "ground nutmeg", + "vanilla extract" + ] + }, + { + "id": 11090, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "mayonaise", + "ahi tuna steaks", + "salt", + "fresh parsley", + "piloncillo", + "water", + "apple cider vinegar", + "fresh lime juice", + "avocado", + "white onion", + "baby greens", + "ancho chile pepper", + "chopped cilantro fresh", + "red potato", + "olive oil", + "whipping cream", + "canela" + ] + }, + { + "id": 25426, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "sugar", + "buttermilk", + "caraway seeds", + "baking powder", + "dried currants", + "salt" + ] + }, + { + "id": 45548, + "cuisine": "chinese", + "ingredients": [ + "seasoning", + "meat marinade", + "pork tenderloin", + "sesame oil", + "peanut oil", + "carrots", + "bamboo shoots", + "sugar", + "vegetables", + "green onions", + "rice vinegar", + "oyster sauce", + "red bell pepper", + "chicken broth", + "fresh ginger", + "mixed mushrooms", + "ginger", + "garlic cloves", + "corn starch", + "soy sauce", + "zucchini", + "rice wine", + "sauce", + "Chinese egg noodles", + "onions" + ] + }, + { + "id": 44931, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "vegetable oil", + "lamb", + "preserved lemon", + "olive oil", + "garlic", + "onions", + "fresh cilantro", + "ginger", + "fresh parsley", + "fava beans", + "artichoke bottoms", + "salt", + "olives" + ] + }, + { + "id": 4761, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "stewing beef", + "red wine", + "all-purpose flour", + "bay leaf", + "olive oil", + "butter", + "salt", + "thyme", + "pearl onions", + "mushrooms", + "garlic", + "carrots", + "pepper", + "beef stock", + "bacon", + "yellow onion" + ] + }, + { + "id": 7369, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "shallots", + "salt", + "water", + "ground red pepper", + "white wine vinegar", + "green onions", + "butter", + "black peppercorns", + "dry white wine", + "fresh tarragon" + ] + }, + { + "id": 42959, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "crushed red pepper", + "garlic cloves", + "fresh spinach", + "cannellini beans", + "yellow onion", + "fresh rosemary", + "fresh thyme", + "dried shiitake mushrooms", + "boiling water", + "olive oil", + "chopped fresh thyme", + "organic vegetable broth" + ] + }, + { + "id": 33227, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "corn starch", + "large eggs", + "cream style corn", + "chicken broth", + "salt" + ] + }, + { + "id": 34446, + "cuisine": "greek", + "ingredients": [ + "strong white bread flour", + "yeast", + "olive oil", + "warm water", + "salt" + ] + }, + { + "id": 27499, + "cuisine": "italian", + "ingredients": [ + "shredded cheddar cheese", + "pitted olives", + "Wish-Bone Italian Dressing", + "red potato", + "rotel pasta, cook and drain" + ] + }, + { + "id": 22921, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "fresh lemon juice", + "olive oil", + "arugula", + "avocado", + "garlic", + "pasta", + "salt" + ] + }, + { + "id": 40808, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "chili powder", + "diced celery", + "chicken stock", + "sweet onion", + "tap water", + "smoked paprika", + "andouille sausage", + "vegetable oil", + "shrimp", + "diced bell pepper", + "brown rice", + "dark beer", + "chicken thighs" + ] + }, + { + "id": 27847, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "fresh mozzarella", + "firm tofu", + "rigatoni", + "large eggs", + "salt", + "onions", + "ground black pepper", + "extra-virgin olive oil", + "garlic cloves", + "frozen spinach", + "grated parmesan cheese", + "grated nutmeg", + "dried oregano" + ] + }, + { + "id": 1689, + "cuisine": "greek", + "ingredients": [ + "parmesan cheese", + "grill seasoning", + "nonfat plain greek yogurt", + "lemon zest", + "garlic cloves", + "boneless skinless chicken breasts" + ] + }, + { + "id": 40342, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "salsa", + "guacamole", + "chopped cilantro", + "hot dogs", + "tortilla chips", + "crema mexicana", + "hot dog bun" + ] + }, + { + "id": 41407, + "cuisine": "jamaican", + "ingredients": [ + "pork tenderloin", + "fresh orange juice", + "edible flowers", + "dark rum", + "jerk seasoning", + "cooking spray", + "grained", + "dijon mustard", + "red currant jelly" + ] + }, + { + "id": 7313, + "cuisine": "italian", + "ingredients": [ + "sugar", + "cream cheese, soften", + "mint sprigs", + "preserv raspberri seedless", + "ladyfingers", + "fresh raspberries", + "heavy cream", + "orange liqueur" + ] + }, + { + "id": 40726, + "cuisine": "southern_us", + "ingredients": [ + "water", + "onions", + "scallions", + "unsalted butter", + "large shrimp", + "kosher salt", + "garlic cloves" + ] + }, + { + "id": 44670, + "cuisine": "spanish", + "ingredients": [ + "milk", + "oil", + "cod", + "flour", + "bread crumbs", + "butter", + "olive oil" + ] + }, + { + "id": 16234, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "vanilla", + "sugar", + "whole milk", + "corn starch", + "water", + "raisins", + "hot water", + "dough", + "unsalted butter", + "apricot preserves" + ] + }, + { + "id": 25304, + "cuisine": "mexican", + "ingredients": [ + "large garlic cloves", + "corn tortillas", + "pork shoulder", + "hominy", + "salt", + "hass avocado", + "dried oregano", + "lime", + "cilantro", + "bay leaf", + "onions", + "radishes", + "freshly ground pepper", + "chipotles in adobo", + "ground cumin" + ] + }, + { + "id": 5251, + "cuisine": "italian", + "ingredients": [ + "water", + "extra-virgin olive oil", + "dry yeast", + "milk", + "all-purpose flour", + "sugar", + "coarse salt" + ] + }, + { + "id": 25922, + "cuisine": "japanese", + "ingredients": [ + "frozen edamame beans", + "toasted sesame oil", + "tamari soy sauce", + "white onion", + "frozen peas", + "carrots" + ] + }, + { + "id": 27579, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "lemon zest", + "anchovy fillets", + "carrots", + "capers", + "cayenne", + "salt", + "fresh lemon juice", + "green olives", + "olive oil", + "cinnamon", + "sweet paprika", + "ground cumin", + "black pepper", + "sandwich bread", + "goat cheese", + "flat leaf parsley" + ] + }, + { + "id": 25952, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "apple cider vinegar", + "coleslaw", + "pepper", + "salt", + "boneless pork shoulder roast", + "vegetable oil", + "hamburger buns", + "hot pepper sauce", + "sweet paprika" + ] + }, + { + "id": 40434, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "large garlic cloves", + "spaghetti", + "zucchini", + "crushed red pepper", + "olive oil", + "fresh tarragon", + "mushrooms", + "fresh parsley" + ] + }, + { + "id": 24537, + "cuisine": "greek", + "ingredients": [ + "greek style plain yogurt", + "powdered sugar", + "pomegranate seeds" + ] + }, + { + "id": 22225, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "butter", + "orange juice", + "baking powder", + "all-purpose flour", + "light brown sugar", + "vegetable oil", + "ground allspice", + "whole milk", + "salt", + "grated orange" + ] + }, + { + "id": 26276, + "cuisine": "italian", + "ingredients": [ + "eggs", + "milk", + "ground veal", + "ground beef", + "leaf parsley", + "ground pepper", + "garlic", + "kosher salt", + "grapeseed oil", + "all-purpose flour", + "pecorino cheese", + "parmesan cheese", + "ground pork", + "white sandwich bread" + ] + }, + { + "id": 23611, + "cuisine": "southern_us", + "ingredients": [ + "water", + "cheese", + "chipotles in adobo", + "vidalia onion", + "large eggs", + "garlic cloves", + "unsalted butter", + "scallions", + "grits", + "kosher salt", + "heavy cream", + "shrimp" + ] + }, + { + "id": 4622, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "Shaoxing wine", + "oil", + "dumpling wrappers", + "ground pork", + "water", + "sesame oil", + "soy sauce", + "vegetables", + "salt" + ] + }, + { + "id": 7692, + "cuisine": "italian", + "ingredients": [ + "mushrooms", + "large egg whites", + "parmigiano-reggiano cheese", + "chopped fresh thyme", + "large eggs" + ] + }, + { + "id": 45363, + "cuisine": "british", + "ingredients": [ + "tomato paste", + "butter", + "beef broth", + "egg whites", + "salt", + "fillets", + "pepper", + "dry sherry", + "fresh mushrooms", + "frozen pastry puff sheets", + "all-purpose flour", + "bay leaf" + ] + }, + { + "id": 2216, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "tomatoes", + "garlic", + "cilantro", + "monterey jack", + "chorizo", + "tequila" + ] + }, + { + "id": 13919, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "garlic cloves", + "dried basil", + "salt", + "green beans", + "arborio rice", + "dry white wine", + "feta cheese crumbles", + "olive oil", + "chopped onion", + "low salt chicken broth" + ] + }, + { + "id": 23366, + "cuisine": "russian", + "ingredients": [ + "chopped walnuts", + "light mayonnaise", + "carrots", + "garlic" + ] + }, + { + "id": 37000, + "cuisine": "italian", + "ingredients": [ + "white wine", + "grated parmesan cheese", + "salt", + "arborio rice", + "olive oil", + "baby spinach", + "pepper", + "shallots", + "chopped parsley", + "chicken stock", + "sea scallops", + "butter" + ] + }, + { + "id": 5615, + "cuisine": "cajun_creole", + "ingredients": [ + "dijon mustard", + "salt", + "black pepper", + "yolk", + "field lettuce", + "olive oil", + "white wine vinegar" + ] + }, + { + "id": 47571, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "curry powder", + "palm sugar", + "bawang goreng", + "yellow curry paste", + "mung bean sprouts", + "boneless chicken thighs", + "rice sticks", + "extra firm tofu", + "cilantro leaves", + "roasted peanuts", + "sodium free chicken stock", + "lime", + "granulated sugar", + "vegetable oil", + "coconut cream", + "boiled eggs", + "red chile powder", + "pickled radish", + "red curry paste", + "coconut milk" + ] + }, + { + "id": 25514, + "cuisine": "thai", + "ingredients": [ + "sesame seeds", + "rice vinegar", + "spaghetti", + "soy sauce", + "ginger", + "hot water", + "mayonaise", + "shredded carrots", + "peanut butter", + "canola oil", + "honey", + "garlic", + "toasted sesame oil" + ] + }, + { + "id": 13039, + "cuisine": "vietnamese", + "ingredients": [ + "ground chuck", + "chopped garlic", + "fish sauce", + "baking powder", + "ground pepper", + "sugar", + "ginger" + ] + }, + { + "id": 18859, + "cuisine": "moroccan", + "ingredients": [ + "fresh cilantro", + "lemon", + "garlic cloves", + "grated lemon peel", + "olive oil", + "paprika", + "fresh lemon juice", + "chicken", + "saffron threads", + "ground black pepper", + "salt", + "flat leaf parsley", + "ground cumin", + "water", + "oil-cured black olives", + "cayenne pepper", + "onions" + ] + }, + { + "id": 30603, + "cuisine": "spanish", + "ingredients": [ + "sherry vinegar", + "chopped onion", + "chopped fresh mint", + "pepper", + "raisins", + "fresh lemon juice", + "pinenuts", + "sliced carrots", + "garlic cloves", + "olive oil", + "salt", + "fresh parsley" + ] + }, + { + "id": 40643, + "cuisine": "moroccan", + "ingredients": [ + "pinenuts", + "sweet potatoes", + "yellow onion", + "couscous", + "ground cinnamon", + "honey", + "extra-virgin olive oil", + "organic vegetable broth", + "parsnips", + "olive oil", + "ras el hanout", + "carrots", + "kosher salt", + "raisins", + "chickpeas" + ] + }, + { + "id": 28206, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "red chili peppers", + "ginger", + "onions", + "ground cumin", + "crusty bread", + "lemon", + "flat leaf parsley", + "saffron", + "tomato purée", + "olive oil", + "cayenne pepper", + "coriander", + "lamb stock", + "kalamata", + "couscous", + "ground lamb" + ] + }, + { + "id": 38452, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "water", + "simple syrup", + "granulated sugar", + "fresh mint", + "powdered sugar", + "mint sprigs" + ] + }, + { + "id": 8021, + "cuisine": "thai", + "ingredients": [ + "lean ground beef", + "red bell pepper", + "jasmine rice", + "crushed red pepper", + "onions", + "soy sauce", + "garlic", + "chopped cilantro", + "green onions", + "carrots", + "asian fish sauce" + ] + }, + { + "id": 22194, + "cuisine": "chinese", + "ingredients": [ + "garlic powder", + "ground pork", + "water", + "shredded carrots", + "peanut oil", + "ground ginger", + "egg roll wrappers", + "all-purpose flour", + "sesame seeds", + "shredded cabbage" + ] + }, + { + "id": 35835, + "cuisine": "japanese", + "ingredients": [ + "water", + "chicken breasts", + "chicken stock", + "fresh ginger", + "yellow miso", + "soba noodles", + "baby spinach leaves", + "green onions" + ] + }, + { + "id": 47620, + "cuisine": "mexican", + "ingredients": [ + "garlic salt", + "sour cream", + "monterey jack", + "enchilada sauce", + "cooked chicken breasts", + "corn tortillas" + ] + }, + { + "id": 26159, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "cooking spray", + "black pepper", + "parmesan cheese", + "polenta", + "pancetta", + "dried thyme", + "sea salt", + "fat free less sodium chicken broth", + "swiss chard" + ] + }, + { + "id": 27994, + "cuisine": "southern_us", + "ingredients": [ + "refrigerated crescent rolls", + "ground cinnamon", + "butter", + "soda", + "granny smith apples", + "white sugar" + ] + }, + { + "id": 13591, + "cuisine": "indian", + "ingredients": [ + "cooked rice", + "chili", + "salt", + "onions", + "minced garlic", + "paprika", + "ground coriander", + "tumeric", + "garam masala", + "chickpeas", + "canola oil", + "tomatoes", + "minced ginger", + "cilantro", + "lemon juice" + ] + }, + { + "id": 43435, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "rice vinegar", + "stir fry vegetable blend", + "fresh ginger", + "garlic cloves", + "sweet chili sauce", + "oil", + "red chili peppers", + "salted butter", + "phyllo pastry" + ] + }, + { + "id": 16315, + "cuisine": "southern_us", + "ingredients": [ + "2% reduced-fat milk", + "water", + "grits", + "black pepper", + "salt", + "butter" + ] + }, + { + "id": 48645, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "roma tomatoes", + "lime juice", + "cilantro leaves", + "jalapeno chilies" + ] + }, + { + "id": 35407, + "cuisine": "italian", + "ingredients": [ + "powdered vanilla pudding mix", + "heavy cream", + "confectioners sugar", + "instant coffee", + "cream cheese", + "coffee liqueur", + "vanilla extract", + "water", + "butter", + "angel food cake mix" + ] + }, + { + "id": 34528, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "dried basil", + "large eggs", + "freshly ground pepper", + "dried pasta", + "parsley leaves", + "casings", + "dried oregano", + "kosher salt", + "panko", + "whole milk", + "ground turkey", + "minced garlic", + "parmigiano reggiano cheese", + "crushed red pepper" + ] + }, + { + "id": 12175, + "cuisine": "italian", + "ingredients": [ + "romaine lettuce", + "worcestershire sauce", + "caesar salad dressing", + "garlic powder", + "shredded parmesan cheese", + "black pepper", + "salt", + "lemon juice", + "grape tomatoes", + "grilled chicken", + "penne pasta" + ] + }, + { + "id": 17373, + "cuisine": "russian", + "ingredients": [ + "water", + "baking powder", + "sweetened condensed milk", + "sugar", + "white chocolate chips", + "vanilla", + "eggs", + "cool whip", + "poppy seeds", + "chocolate truffle", + "flour", + "chopped walnuts" + ] + }, + { + "id": 40664, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "milk", + "all-purpose flour", + "minced garlic", + "butter", + "boneless skinless chicken breast halves", + "black pepper", + "barbecue sauce", + "oil", + "water", + "salt", + "mesquite flavored seasoning mix" + ] + }, + { + "id": 38567, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "chili powder", + "arrowroot flour", + "curry powder", + "garlic", + "organic coconut oil", + "black pepper", + "sea salt", + "coconut milk", + "ground ginger", + "garam masala", + "skinless chicken breasts", + "onions" + ] + }, + { + "id": 3698, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "garlic cloves", + "freshly grated parmesan", + "tagliatelle", + "olive oil", + "low-fat crème fraîche", + "zucchini" + ] + }, + { + "id": 43832, + "cuisine": "italian", + "ingredients": [ + "fresh leav spinach", + "part-skim ricotta cheese", + "ground black pepper", + "oil", + "Italian cheese", + "goat cheese", + "fennel seeds", + "grated parmesan cheese" + ] + }, + { + "id": 18773, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "green onions", + "corn starch", + "boneless chicken thighs", + "vegetable oil", + "soy sauce", + "sesame oil", + "arugula", + "sake", + "fresh ginger", + "rice vinegar" + ] + }, + { + "id": 6712, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "jalapeno chilies", + "cilantro", + "chopped cilantro", + "green cabbage", + "pepper", + "lean ground beef", + "scallions", + "avocado", + "romaine lettuce", + "chili powder", + "tortilla chips", + "cumin", + "low-fat sour cream", + "brown rice", + "salt", + "cooked white rice" + ] + }, + { + "id": 16535, + "cuisine": "french", + "ingredients": [ + "pasta", + "water", + "stellette", + "crushed garlic", + "salt", + "tomatoes", + "bouillon cube", + "leeks", + "gruyere cheese", + "onions", + "chard", + "olive oil", + "zucchini", + "extra-virgin olive oil", + "celery", + "flageolet", + "gold potatoes", + "basil leaves", + "fine sea salt" + ] + }, + { + "id": 26199, + "cuisine": "italian", + "ingredients": [ + "pecorino romano cheese", + "white wine", + "rigatoni", + "guanciale", + "onions", + "ground black pepper" + ] + }, + { + "id": 36874, + "cuisine": "indian", + "ingredients": [ + "cumin seed" + ] + }, + { + "id": 3307, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "ground coriander", + "ground turmeric", + "ground nutmeg", + "vegetable oil", + "onions", + "garlic paste", + "chile pepper", + "chopped cilantro", + "garam masala", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 25216, + "cuisine": "italian", + "ingredients": [ + "fresh cilantro", + "tomatoes", + "filling", + "mascarpone", + "baguette", + "cilantro" + ] + }, + { + "id": 48631, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "chili powder", + "flour tortillas", + "enchilada sauce", + "garlic powder", + "lean ground beef", + "colby jack cheese" + ] + }, + { + "id": 11908, + "cuisine": "moroccan", + "ingredients": [ + "water", + "dried apricot", + "cinnamon sticks", + "slivered almonds", + "fresh ginger", + "lemon", + "onions", + "olive oil", + "chicken breasts", + "chopped cilantro", + "white wine", + "ground pepper", + "sea salt" + ] + }, + { + "id": 49663, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "fresh ginger root", + "red bell pepper", + "boneless chop pork", + "garlic", + "soy sauce", + "crushed red pepper flakes", + "honey", + "creamy peanut butter" + ] + }, + { + "id": 23815, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "cayenne pepper", + "onions", + "tomato paste", + "chili powder", + "taco seasoning", + "water", + "salsa", + "ground beef", + "fat-free refried beans", + "pizza doughs" + ] + }, + { + "id": 20121, + "cuisine": "italian", + "ingredients": [ + "mushrooms", + "water", + "ripe olives", + "part-skim mozzarella cheese", + "pasta sauce", + "cheese ravioli" + ] + }, + { + "id": 25784, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "cumin seed", + "ghee", + "red chili peppers", + "salt", + "mustard seeds", + "black peppercorns", + "urad dal", + "oil", + "tamarind extract", + "fenugreek seeds", + "dal" + ] + }, + { + "id": 5719, + "cuisine": "southern_us", + "ingredients": [ + "bell pepper", + "smoked turkey sausage", + "water", + "old bay seasoning", + "cooking spray", + "medium shrimp", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 4564, + "cuisine": "italian", + "ingredients": [ + "vegetable broth", + "olive oil", + "fennel bulb", + "garlic cloves" + ] + }, + { + "id": 31494, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "ground black pepper", + "red bell pepper", + "chopped cilantro fresh", + "corn", + "garlic", + "corn tortillas", + "rolled oats", + "chili powder", + "olive oil cooking spray", + "canned black beans", + "lime", + "scallions", + "small green chile" + ] + }, + { + "id": 22690, + "cuisine": "cajun_creole", + "ingredients": [ + "mayonaise", + "cajun seasoning", + "prepared horseradish", + "dill pickles" + ] + }, + { + "id": 41998, + "cuisine": "italian", + "ingredients": [ + "boneless skinless chicken breast halves", + "salt", + "pesto sauce", + "lemon juice" + ] + }, + { + "id": 30244, + "cuisine": "southern_us", + "ingredients": [ + "coconut oil", + "coconut flour", + "green tomatoes", + "pepper", + "salt", + "eggs", + "paprika" + ] + }, + { + "id": 32926, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vanilla", + "butter", + "cream cheese" + ] + }, + { + "id": 46452, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "peanuts", + "red pepper", + "cilantro leaves", + "sweet chili sauce", + "szechwan peppercorns", + "cornflour", + "soy sauce", + "spring onions", + "sea salt", + "skinless and boneless chicken breast fillet", + "fresh ginger", + "vegetable oil", + "garlic" + ] + }, + { + "id": 3299, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "vinegar", + "garlic salt", + "ketchup", + "salt", + "soy sauce", + "boneless skinless chicken breasts", + "canola oil", + "eggs", + "pepper", + "corn starch" + ] + }, + { + "id": 6032, + "cuisine": "indian", + "ingredients": [ + "clove", + "sugar", + "chicken breasts", + "salt", + "cinnamon sticks", + "tomatoes", + "minced garlic", + "paprika", + "oil", + "ghee", + "ground ginger", + "fresh coriander", + "chili powder", + "ground coriander", + "bay leaf", + "tumeric", + "water", + "purple onion", + "cardamom" + ] + }, + { + "id": 651, + "cuisine": "filipino", + "ingredients": [ + "white vinegar", + "pork sirloin chops", + "garlic", + "water", + "splenda", + "soy sauce", + "bay leaves", + "ground black pepper", + "vegetable oil" + ] + }, + { + "id": 10657, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "baking powder", + "garlic", + "hot water", + "dried oregano", + "chicken broth", + "olive oil", + "diced tomatoes", + "all-purpose flour", + "onions", + "lime", + "butter", + "salt", + "wheat flour", + "canola oil", + "sugar", + "hominy", + "ancho powder", + "pork roast", + "boiling water" + ] + }, + { + "id": 923, + "cuisine": "italian", + "ingredients": [ + "hazelnuts", + "baking powder", + "all-purpose flour", + "granulated sugar", + "Dutch-processed cocoa powder", + "bittersweet chocolate", + "unsalted butter", + "vanilla", + "confectioners sugar", + "large eggs", + "salt" + ] + }, + { + "id": 34112, + "cuisine": "italian", + "ingredients": [ + "garlic", + "red wine", + "beef for stew", + "whole peppercorn", + "salt" + ] + }, + { + "id": 24124, + "cuisine": "thai", + "ingredients": [ + "thai basil", + "cilantro", + "beansprouts", + "mint", + "green leaf lettuce", + "shrimp", + "min", + "hoisin sauce", + "rice vermicelli", + "rice paper", + "honey", + "jicama", + "hot water" + ] + }, + { + "id": 43960, + "cuisine": "moroccan", + "ingredients": [ + "large eggs", + "all purpose unbleached flour", + "ice water", + "large shrimp", + "corn oil", + "salt", + "mayonaise", + "lemon" + ] + }, + { + "id": 3949, + "cuisine": "indian", + "ingredients": [ + "white onion", + "garam masala", + "cayenne pepper", + "minced ginger", + "heavy cream", + "bay leaf", + "minced garlic", + "chili powder", + "lemon juice", + "plain yogurt", + "crushed tomatoes", + "paneer", + "cumin" + ] + }, + { + "id": 2005, + "cuisine": "southern_us", + "ingredients": [ + "chicken wings", + "all-purpose flour", + "kosher salt", + "peanut oil", + "ground chipotle chile pepper", + "cayenne pepper", + "buttermilk" + ] + }, + { + "id": 14261, + "cuisine": "southern_us", + "ingredients": [ + "meat", + "dark brown sugar", + "eggs", + "salt", + "melted butter", + "vanilla extract", + "cornmeal", + "milk", + "Karo Corn Syrup" + ] + }, + { + "id": 6819, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "unsalted butter", + "malt vinegar", + "canola oil", + "ground nutmeg", + "lemon", + "ground cardamom", + "mace", + "yoghurt", + "cayenne pepper", + "lamb rib chops", + "garam masala", + "garlic", + "cumin" + ] + }, + { + "id": 32726, + "cuisine": "spanish", + "ingredients": [ + "white wine vinegar", + "cucumber", + "green onions", + "salt", + "fat free less sodium chicken broth", + "non-fat sour cream", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 7218, + "cuisine": "brazilian", + "ingredients": [ + "refried black beans", + "dende oil", + "buttermilk", + "salt", + "ground black pepper", + "crema", + "heavy cream", + "chopped cilantro" + ] + }, + { + "id": 22870, + "cuisine": "chinese", + "ingredients": [ + "water", + "seasoned rice wine vinegar", + "scallions", + "ginger", + "dark brown sugar", + "toasted sesame seeds", + "sesame oil", + "creamy peanut butter", + "garlic chili sauce", + "low sodium soy sauce", + "garlic", + "peanut oil", + "noodles" + ] + }, + { + "id": 17957, + "cuisine": "chinese", + "ingredients": [ + "ginger", + "boiling water", + "olive oil", + "all-purpose flour", + "low sodium soy sauce", + "rice vinegar", + "sesame seeds", + "scallions" + ] + }, + { + "id": 12844, + "cuisine": "italian", + "ingredients": [ + "potato gnocchi", + "fresh parsley", + "fresh peas", + "red pepper flakes", + "fresh rosemary", + "clove garlic, fine chop", + "large shrimp", + "green onions", + "extra-virgin olive oil" + ] + }, + { + "id": 16198, + "cuisine": "greek", + "ingredients": [ + "cracked black pepper", + "lemon", + "garlic", + "dijon mustard", + "extra-virgin olive oil", + "sea salt", + "dried oregano" + ] + }, + { + "id": 29055, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "pepper", + "scallions", + "ketchup", + "peas", + "cooked rice", + "butter", + "boneless chicken skinless thigh", + "salt" + ] + }, + { + "id": 46650, + "cuisine": "italian", + "ingredients": [ + "chickpea flour", + "cracked black pepper", + "water", + "fresh rosemary", + "salt", + "olive oil" + ] + }, + { + "id": 10012, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "jalapeno chilies", + "mexican chorizo", + "refried beans", + "salsa", + "tostada shells", + "cilantro leaves", + "greek yogurt", + "pepper jack", + "scallions" + ] + }, + { + "id": 18930, + "cuisine": "moroccan", + "ingredients": [ + "boneless chicken skinless thigh", + "chickpeas", + "plum tomatoes", + "hungarian sweet paprika", + "ground black pepper", + "chopped cilantro fresh", + "diced onions", + "olive oil", + "boneless skinless chicken breast halves", + "ground ginger", + "salt", + "ground turmeric" + ] + }, + { + "id": 16297, + "cuisine": "indian", + "ingredients": [ + "lean minced beef", + "garam masala", + "ginger", + "cilantro leaves", + "chicken stock", + "crushed tomatoes", + "yoghurt", + "purple onion", + "cumin seed", + "clove", + "black pepper", + "coriander powder", + "persimmon", + "green chilies", + "nutmeg", + "mace", + "grapeseed oil", + "salt", + "ground turmeric" + ] + }, + { + "id": 21919, + "cuisine": "spanish", + "ingredients": [ + "bay leaves", + "garlic cloves", + "white wine", + "extra-virgin olive oil", + "onions", + "eggs", + "parsley", + "ground beef", + "flour", + "salt" + ] + }, + { + "id": 19687, + "cuisine": "mexican", + "ingredients": [ + "egg noodles", + "medium shrimp", + "olive oil", + "shredded mozzarella cheese", + "diced tomatoes", + "ground black pepper", + "steak" + ] + }, + { + "id": 28237, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "spaghetti", + "capers", + "extra-virgin olive oil", + "gaeta olives", + "hot red pepper flakes", + "flat leaf parsley" + ] + }, + { + "id": 12261, + "cuisine": "thai", + "ingredients": [ + "lime", + "red pepper flakes", + "chicken fingers", + "low sodium soy sauce", + "zucchini", + "red pepper", + "carrots", + "ground ginger", + "sesame seeds", + "grapeseed oil", + "garlic cloves", + "fresh cilantro", + "green onions", + "peanut butter", + "beansprouts" + ] + }, + { + "id": 13809, + "cuisine": "french", + "ingredients": [ + "water", + "all-purpose flour", + "dried parsley", + "french baguette", + "ground black pepper", + "shredded mozzarella cheese", + "dried thyme", + "beef broth", + "white sugar", + "white wine", + "butter", + "onions" + ] + }, + { + "id": 9729, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "grated carrot", + "chopped fresh mint", + "rice stick noodles", + "plum sauce", + "medium shrimp", + "rice paper", + "sugar", + "salt", + "cabbage", + "ground black pepper", + "fresh lime juice", + "canola oil" + ] + }, + { + "id": 42485, + "cuisine": "southern_us", + "ingredients": [ + "corn", + "jalapeno chilies", + "creole seasoning", + "onions", + "celery ribs", + "olive oil", + "old bay seasoning", + "carrots", + "dried thyme", + "boneless skinless chicken breasts", + "garlic cloves", + "milk", + "cream style corn", + "all-purpose flour", + "corn starch" + ] + }, + { + "id": 28866, + "cuisine": "spanish", + "ingredients": [ + "green bell pepper", + "large eggs", + "garlic cloves", + "onions", + "olive oil", + "tapenade", + "thyme sprigs", + "water", + "black forest ham", + "red bell pepper", + "tomatoes", + "ground black pepper", + "salt", + "bay leaf" + ] + }, + { + "id": 44892, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "lime", + "barbecue sauce", + "cayenne pepper", + "kosher salt", + "flour tortillas", + "paprika", + "pickled onion", + "black pepper", + "garlic powder", + "chili powder", + "Mexican cheese", + "liquid smoke", + "cider vinegar", + "lager", + "cilantro", + "pork butt" + ] + }, + { + "id": 27371, + "cuisine": "british", + "ingredients": [ + "pie crust", + "bread crumbs", + "salt", + "fresh sage", + "fresh thyme", + "onions", + "mustard", + "ground black pepper", + "sharp cheddar cheese", + "eggs", + "ground pork" + ] + }, + { + "id": 20341, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "peeled fresh ginger", + "large garlic cloves", + "english cucumber", + "water", + "sesame oil", + "salt", + "fresh lime juice", + "jasmine rice", + "shallots", + "thai chile", + "garlic cloves", + "fresh ginger", + "watercress", + "cilantro leaves", + "chicken" + ] + }, + { + "id": 12903, + "cuisine": "spanish", + "ingredients": [ + "peasant bread", + "jalapeno chilies", + "grated lemon zest", + "cucumber", + "yellow peppers", + "sweet onion", + "fennel bulb", + "salt", + "fresh lemon juice", + "medium shrimp", + "lime zest", + "sea scallops", + "large garlic cloves", + "freshly ground pepper", + "fresh lime juice", + "cranberry beans", + "tomato juice", + "extra-virgin olive oil", + "scallions", + "chopped cilantro" + ] + }, + { + "id": 10238, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "bell pepper", + "hot sauce", + "long grain white rice", + "ground black pepper", + "salt", + "onions", + "black-eyed peas", + "garlic", + "celery", + "black pepper", + "crushed red pepper flakes", + "cubed ham" + ] + }, + { + "id": 36694, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "garlic cloves", + "ground black pepper", + "salt", + "olive oil", + "yellow bell pepper", + "red bell pepper", + "pork tenderloin", + "grated lemon zest" + ] + }, + { + "id": 37989, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic", + "oil", + "flour", + "okra", + "onions", + "tomatoes", + "rice", + "sausages", + "cajun seasoning", + "scallions", + "broth" + ] + }, + { + "id": 41341, + "cuisine": "filipino", + "ingredients": [ + "glutinous rice", + "coconut milk", + "coconut cream", + "water", + "coconut oil", + "dark brown sugar" + ] + }, + { + "id": 35197, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "crushed red pepper", + "chopped parsley", + "cumin", + "extra-virgin olive oil", + "cayenne pepper", + "bay leaf", + "red beans", + "salt", + "celery", + "cooked rice", + "garlic", + "sausages", + "onions" + ] + }, + { + "id": 44256, + "cuisine": "french", + "ingredients": [ + "vegetable oil cooking spray", + "zucchini", + "chickpeas", + "chopped garlic", + "fresh rosemary", + "eggplant", + "chopped fresh thyme", + "onions", + "fresh basil", + "ground black pepper", + "salt", + "plum tomatoes", + "tomato paste", + "olive oil", + "sherry wine vinegar", + "red bell pepper" + ] + }, + { + "id": 35516, + "cuisine": "italian", + "ingredients": [ + "pepper", + "nonfat cottage cheese", + "fresh basil", + "garlic", + "cannellini beans", + "grape tomatoes", + "salt" + ] + }, + { + "id": 27073, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "salsa verde", + "jalapeno chilies", + "garlic", + "chicken bouillon granules", + "water", + "flour tortillas", + "Mexican oregano", + "sour cream", + "pepper", + "beef", + "green onions", + "salt", + "green chile", + "olive oil", + "potatoes", + "heavy cream", + "cumin" + ] + }, + { + "id": 24749, + "cuisine": "italian", + "ingredients": [ + "soft goat's cheese", + "eggplant", + "fresh thyme leaves", + "salt", + "white wine", + "zucchini", + "garlic", + "fresh basil", + "ground black pepper", + "summer squash", + "onions", + "olive oil", + "roma tomatoes", + "sweet pepper" + ] + }, + { + "id": 7553, + "cuisine": "cajun_creole", + "ingredients": [ + "boneless, skinless chicken breast", + "cayenne", + "salt", + "bay leaf", + "green bell pepper", + "dried thyme", + "flour", + "long-grain rice", + "dried oregano", + "crushed tomatoes", + "cooking oil", + "okra", + "onions", + "canned low sodium chicken broth", + "ground black pepper", + "smoked sausage", + "celery" + ] + }, + { + "id": 29683, + "cuisine": "southern_us", + "ingredients": [ + "crumb crust", + "heavy cream", + "semi-sweet chocolate morsels", + "unsalted butter", + "vanilla extract", + "coffee ice cream", + "light corn syrup", + "toffee bits", + "confectioners sugar" + ] + }, + { + "id": 35127, + "cuisine": "mexican", + "ingredients": [ + "tomatoes with juice", + "corn kernel whole", + "taco seasoning mix", + "ground beef", + "Ranch Style Beans", + "diced tomatoes", + "onions" + ] + }, + { + "id": 36209, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "brown sugar", + "bacon", + "butter", + "soy sauce", + "green beans" + ] + }, + { + "id": 36349, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "garlic", + "thyme", + "pork", + "basil", + "carrots", + "onions", + "red wine", + "salt", + "chopped parsley", + "bacon", + "lamb", + "orange rind" + ] + }, + { + "id": 49559, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "flat leaf parsley", + "black pepper", + "jalapeno chilies", + "pasta", + "marinara sauce", + "kosher salt", + "deveined shrimp" + ] + }, + { + "id": 27878, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "bay leaves", + "salt", + "rice", + "olive oil", + "worcestershire sauce", + "yellow onion", + "chicken thighs", + "pepper", + "chicken breasts", + "hot sauce", + "celery", + "chicken stock", + "andouille chicken sausage", + "garlic", + "creole seasoning" + ] + }, + { + "id": 5678, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "grated parmesan cheese", + "garlic", + "milk", + "butter", + "italian seasoning", + "fresh spinach", + "russet potatoes", + "onions", + "chicken broth", + "olive oil", + "heavy cream" + ] + }, + { + "id": 21015, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "piecrust", + "butter", + "pure maple syrup", + "large eggs", + "salt", + "pecans", + "sweet potatoes", + "ground cinnamon", + "ground nutmeg", + "heavy cream" + ] + }, + { + "id": 23193, + "cuisine": "french", + "ingredients": [ + "flower petals", + "unsalted butter", + "chopped walnuts", + "large egg yolks", + "yellow bell pepper", + "large egg whites", + "blue cheese", + "mesclun", + "milk", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 42073, + "cuisine": "indian", + "ingredients": [ + "seedless cucumber", + "coconut", + "basmati rice", + "coconut oil", + "fresh curry leaves", + "fenugreek seeds", + "ground cumin", + "chile powder", + "plain yogurt", + "hot green chile", + "ground turmeric", + "chiles", + "water", + "black mustard seeds" + ] + }, + { + "id": 7238, + "cuisine": "mexican", + "ingredients": [ + "salad oil", + "salt", + "garlic", + "chiltepín" + ] + }, + { + "id": 24805, + "cuisine": "italian", + "ingredients": [ + "avocado", + "bocconcini", + "cherry tomatoes", + "garlic olive oil", + "sourdough loaf", + "balsamic reduction", + "basil leaves" + ] + }, + { + "id": 13613, + "cuisine": "thai", + "ingredients": [ + "Thai chili paste", + "chili powder", + "lime leaves", + "fish sauce", + "lime juice", + "rolls", + "tomatoes", + "water", + "cilantro leaves", + "galangal", + "straw mushrooms", + "lemongrass", + "shrimp" + ] + }, + { + "id": 6130, + "cuisine": "irish", + "ingredients": [ + "water", + "color food green", + "confectioners sugar", + "eggs", + "baking powder", + "salt", + "chocolate chips", + "baking soda", + "vanilla extract", + "white sugar", + "irish cream liqueur", + "butter", + "all-purpose flour", + "unsweetened cocoa powder" + ] + }, + { + "id": 5453, + "cuisine": "italian", + "ingredients": [ + "salt and ground black pepper", + "fresh parsley", + "garlic", + "grated parmesan cheese", + "olive oil", + "rotini" + ] + }, + { + "id": 34917, + "cuisine": "french", + "ingredients": [ + "egg substitute", + "butter", + "salt", + "boiling water", + "sugar", + "semisweet chocolate", + "non-fat sour cream", + "fresh mint", + "baking soda", + "vanilla extract", + "fresh raspberries", + "unsweetened cocoa powder", + "seedless raspberry jam", + "cooking spray", + "cake flour", + "nonfat evaporated milk" + ] + }, + { + "id": 45297, + "cuisine": "british", + "ingredients": [ + "vegetable oil", + "beer", + "all-purpose flour", + "haddock fillets", + "boiling potatoes" + ] + }, + { + "id": 49407, + "cuisine": "french", + "ingredients": [ + "brine-cured olives", + "extra-virgin olive oil", + "french bread", + "tuna", + "sweet onion", + "fresh lemon juice", + "basil leaves", + "plum tomatoes" + ] + }, + { + "id": 35815, + "cuisine": "italian", + "ingredients": [ + "chopped almonds", + "unsweetened cocoa powder", + "chopped walnuts", + "chestnut purée", + "melted butter", + "white sugar" + ] + }, + { + "id": 47257, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "onion powder", + "dried oregano", + "boneless skinless chicken breasts", + "paprika", + "garlic powder", + "red pepper flakes", + "ground cumin", + "chicken broth", + "chili powder", + "salt" + ] + }, + { + "id": 880, + "cuisine": "southern_us", + "ingredients": [ + "minced garlic", + "shrimp", + "butter", + "lobster tails", + "hot pepper sauce", + "key lime juice", + "white wine", + "fresh mushrooms" + ] + }, + { + "id": 44629, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "butter", + "fresh cilantro", + "salt", + "picante sauce", + "cheese", + "flour tortillas" + ] + }, + { + "id": 24800, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "unsalted butter", + "cayenne pepper", + "milk", + "heavy cream", + "shrimp", + "water", + "sherry", + "lemon juice", + "ground black pepper", + "salt", + "grits" + ] + }, + { + "id": 15282, + "cuisine": "southern_us", + "ingredients": [ + "graham cracker crusts", + "walnuts", + "semisweet chocolate", + "unsalted butter", + "eggs", + "light corn syrup" + ] + }, + { + "id": 35567, + "cuisine": "italian", + "ingredients": [ + "eggs", + "pecorino romano cheese", + "ground round", + "large garlic cloves", + "plain dry bread crumb", + "sweet italian sausage", + "crushed tomatoes" + ] + }, + { + "id": 39827, + "cuisine": "chinese", + "ingredients": [ + "beef", + "szechwan peppercorns", + "soy sauce", + "low sodium chicken broth", + "vegetable oil", + "red chili peppers", + "sichuanese chili paste", + "sesame oil", + "kosher salt", + "Shaoxing wine", + "scallions" + ] + }, + { + "id": 39432, + "cuisine": "mexican", + "ingredients": [ + "bell pepper", + "salsa", + "cheese", + "chopped cilantro fresh", + "large flour tortillas", + "turkey meat", + "olive oil", + "purple onion", + "ground cumin" + ] + }, + { + "id": 37776, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "dried basil", + "dry red wine", + "fresh parsley", + "black pepper", + "jalapeno chilies", + "garlic cloves", + "sugar", + "olive oil", + "chopped onion", + "ground cumin", + "tomato paste", + "fresh cilantro", + "diced tomatoes", + "tequila" + ] + }, + { + "id": 40145, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "curry powder", + "sherry", + "fresh lemon juice", + "soy sauce", + "olive oil", + "apricot halves", + "chicken pieces", + "water", + "ground black pepper", + "garlic", + "dried oregano", + "prunes", + "honey", + "brown rice", + "thyme" + ] + }, + { + "id": 12136, + "cuisine": "korean", + "ingredients": [ + "red beans", + "pancake mix", + "vanilla extract", + "sugar", + "walnuts" + ] + }, + { + "id": 21539, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salad dressing", + "eggs", + "yellow mustard", + "Kraft Miracle Whip Dressing", + "onions", + "red potato", + "salt" + ] + }, + { + "id": 13488, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "cinnamon", + "salt", + "olive oil", + "ginger", + "lemon juice", + "pepper", + "paprika", + "boneless skinless chicken", + "cayenne", + "garlic", + "cumin" + ] + }, + { + "id": 28700, + "cuisine": "indian", + "ingredients": [ + "mint sprigs", + "chopped pecans", + "fat free yogurt", + "grated lemon zest", + "seedless red grapes", + "sugar", + "salt", + "chopped fresh mint", + "raisins", + "cumin seed" + ] + }, + { + "id": 34336, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "salt", + "oil", + "frozen peas", + "garam masala", + "green chilies", + "mustard seeds", + "asafetida", + "water", + "cilantro leaves", + "carrots", + "ground turmeric", + "tomatoes", + "chopped potatoes", + "cumin seed", + "onions" + ] + }, + { + "id": 37222, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "mirin", + "granulated sugar", + "scallions", + "fresh shiitake mushrooms" + ] + }, + { + "id": 33293, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "granulated sugar", + "chopped pecans", + "eggs", + "bourbon whiskey", + "pie crust", + "flour", + "semi-sweet chocolate morsels", + "pure vanilla extract", + "unsalted butter", + "salt" + ] + }, + { + "id": 41307, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "tapioca pearls", + "sugar", + "coarse sea salt", + "corn kernels", + "toasted sesame seeds", + "unsweetened coconut milk", + "bananas" + ] + }, + { + "id": 25899, + "cuisine": "brazilian", + "ingredients": [ + "superfine sugar", + "cachaca", + "lime juice", + "passion fruit juice" + ] + }, + { + "id": 18665, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "salsa", + "boneless beef chuck roast", + "beef broth" + ] + }, + { + "id": 11052, + "cuisine": "mexican", + "ingredients": [ + "milk", + "chili powder", + "tortilla chips", + "cotija", + "flour", + "garlic", + "chopped cilantro", + "refried black beans", + "olive oil", + "butter", + "shredded cheese", + "frozen sweet corn", + "sweet potatoes", + "salt" + ] + }, + { + "id": 42953, + "cuisine": "mexican", + "ingredients": [ + "chopped green chilies", + "onions", + "eggs", + "jalapeno chilies", + "canola oil", + "cream style corn", + "corn bread", + "shredded cheddar cheese", + "sour cream" + ] + }, + { + "id": 15272, + "cuisine": "mexican", + "ingredients": [ + "milk", + "whole kernel corn, drain", + "eggs", + "chili seasoning", + "cornmeal", + "seasoning salt", + "ripe olives", + "shredded cheddar cheese", + "diced tomatoes", + "ground beef" + ] + }, + { + "id": 35489, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "flour", + "pears", + "puff pastry sheets", + "pistachios", + "custard", + "almonds", + "butter", + "sugar", + "egg yolks" + ] + }, + { + "id": 41720, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "balsamic vinegar", + "chicken breasts", + "fresh mint", + "lemon zest", + "ground allspice", + "bourbon whiskey" + ] + }, + { + "id": 15356, + "cuisine": "korean", + "ingredients": [ + "kirby cucumbers", + "toasted sesame oil", + "sugar", + "rice vinegar", + "salt", + "toasted sesame seeds", + "gochugaru", + "scallions" + ] + }, + { + "id": 46952, + "cuisine": "mexican", + "ingredients": [ + "lime", + "lime wedges", + "sour cream", + "boneless chicken breast halves", + "salt", + "olive oil", + "garlic", + "cumin", + "black pepper", + "chili powder", + "tequila" + ] + }, + { + "id": 34050, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "fresh ginger", + "onions", + "fresh basil", + "raisins", + "firmly packed light brown sugar", + "garlic cloves", + "tomatoes", + "habanero pepper" + ] + }, + { + "id": 27654, + "cuisine": "southern_us", + "ingredients": [ + "avocado", + "salt", + "tomatillos", + "Anaheim chile", + "chopped cilantro fresh", + "black beans", + "fresh lime juice" + ] + }, + { + "id": 30378, + "cuisine": "southern_us", + "ingredients": [ + "cola soft drink", + "clove", + "spicy brown mustard", + "light brown sugar", + "bourbon whiskey", + "cooked bone in ham" + ] + }, + { + "id": 15098, + "cuisine": "japanese", + "ingredients": [ + "caster sugar", + "rice vinegar", + "smoked salmon", + "chives", + "avocado", + "sweet soy sauce", + "seaweed", + "sushi rice", + "lemon" + ] + }, + { + "id": 23495, + "cuisine": "french", + "ingredients": [ + "breasts halves", + "salt", + "black pepper", + "yoghurt", + "browning", + "cooking spray", + "tarragon", + "finely chopped onion", + "dry white wine" + ] + }, + { + "id": 46623, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "warm water", + "all-purpose flour", + "brown sugar", + "salt", + "active dry yeast" + ] + }, + { + "id": 6775, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "onions", + "large eggs", + "olive oil", + "yukon gold potatoes" + ] + }, + { + "id": 37725, + "cuisine": "mexican", + "ingredients": [ + "dried black beans", + "queso fresco", + "corn tortillas", + "guajillo chiles", + "crema", + "onions", + "avocado", + "corn oil", + "garlic cloves", + "water", + "salt" + ] + }, + { + "id": 17972, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "oil", + "red chili powder", + "salt", + "allspice", + "tomatoes", + "mutton", + "ground turmeric", + "garlic paste", + "cilantro leaves" + ] + }, + { + "id": 29928, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "lime juice", + "ground cumin", + "country crock calcium plus vitamin d", + "chili powder", + "garlic powder" + ] + }, + { + "id": 45030, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "raisins", + "blanched almonds", + "ground ginger", + "honey", + "ras el hanout", + "cinnamon sticks", + "saffron threads", + "water", + "lamb shoulder", + "garlic cloves", + "ground cinnamon", + "unsalted butter", + "salt", + "onions" + ] + }, + { + "id": 26711, + "cuisine": "southern_us", + "ingredients": [ + "cake mix or white yellow", + "oil", + "egg whites", + "cream cheese", + "powdered sugar", + "strawberries", + "glaze", + "cake", + "whipped topping" + ] + }, + { + "id": 27752, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "Gochujang base", + "sesame oil", + "kimchi", + "green onions", + "rice", + "water", + "vegetable oil" + ] + }, + { + "id": 39371, + "cuisine": "mexican", + "ingredients": [ + "lower sodium soy sauce", + "fresh lime juice", + "light beer", + "bloody mary mix", + "hot pepper sauce" + ] + }, + { + "id": 48115, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "black rice", + "shredded coconut", + "rice", + "fresh ginger", + "coconut milk", + "molasses", + "mung beans" + ] + }, + { + "id": 27197, + "cuisine": "italian", + "ingredients": [ + "Philadelphia Light Cream Cheese", + "penne pasta", + "zucchini", + "red pepper", + "boneless skinless chicken breasts", + "grating cheese", + "25% less sodium chicken broth", + "zesty italian dressing", + "fresh asparagus" + ] + }, + { + "id": 23642, + "cuisine": "italian", + "ingredients": [ + "pepper", + "garlic", + "fresh spinach", + "olive oil", + "cream cheese", + "pasta", + "milk", + "salt", + "pesto", + "boneless skinless chicken breasts", + "onions" + ] + }, + { + "id": 17067, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "chives", + "scallions", + "baguette", + "gherkins", + "reduced fat mayonnaise", + "capers", + "paprika", + "lemon juice", + "olive oil", + "cayenne pepper", + "cooked shrimp" + ] + }, + { + "id": 31262, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "all-purpose flour", + "whole milk", + "ground black pepper", + "cayenne pepper", + "breakfast sausages" + ] + }, + { + "id": 10555, + "cuisine": "mexican", + "ingredients": [ + "Mexican oregano", + "ground cumin", + "ancho powder", + "garlic powder" + ] + }, + { + "id": 4027, + "cuisine": "vietnamese", + "ingredients": [ + "black pepper", + "Maggi", + "garlic", + "chicken drumsticks", + "canola oil", + "sugar", + "salt" + ] + }, + { + "id": 25347, + "cuisine": "chinese", + "ingredients": [ + "szechwan peppercorns", + "chili oil", + "salt", + "black rice vinegar", + "soy sauce", + "vegetable oil", + "ginger", + "ground beef", + "hot red pepper flakes", + "sesame oil", + "cilantro", + "Chinese sesame paste", + "green onions", + "mustard greens", + "garlic", + "noodles" + ] + }, + { + "id": 10791, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "unsalted butter", + "garlic", + "fresh spinach", + "ground black pepper", + "bacon", + "oysters", + "watercress", + "licorice root", + "lemon" + ] + }, + { + "id": 12437, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "shredded cheddar cheese", + "enchilada sauce", + "flour tortillas", + "ground beef", + "frozen corn" + ] + }, + { + "id": 38922, + "cuisine": "mexican", + "ingredients": [ + "jack", + "cilantro", + "jalapeno chilies", + "chicken", + "tortillas", + "bbq sauce", + "cheddar cheese", + "pineapple" + ] + }, + { + "id": 45471, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "napa cabbage", + "egg noodles, cooked and drained", + "soy sauce", + "vegetable oil", + "salt", + "beef brisket", + "garlic", + "water", + "star anise", + "onions" + ] + }, + { + "id": 23342, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "ground black pepper", + "scallions", + "chicken broth", + "chinese black mushrooms", + "salt", + "cremini mushrooms", + "corn oil", + "garlic cloves", + "soy sauce", + "fresh shiitake mushrooms", + "chopped cilantro fresh" + ] + }, + { + "id": 7255, + "cuisine": "japanese", + "ingredients": [ + "ground black pepper", + "all-purpose flour", + "eggs", + "chicken breasts", + "oil", + "sake", + "sea salt", + "panko", + "tonkatsu sauce" + ] + }, + { + "id": 11676, + "cuisine": "mexican", + "ingredients": [ + "canned black beans", + "chicken breast halves", + "fresh lime juice", + "tomatoes", + "hot pepper sauce", + "salsa", + "ground cumin", + "avocado", + "lime juice", + "shredded lettuce", + "chopped cilantro fresh", + "tostada shells", + "green onions", + "goat cheese" + ] + }, + { + "id": 25818, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "bay leaves", + "salt", + "cooked white rice", + "andouille sausage", + "olive oil", + "paprika", + "green pepper", + "dried oregano", + "dried thyme", + "onion powder", + "cayenne pepper", + "onions", + "beans", + "garlic powder", + "garlic", + "hot water" + ] + }, + { + "id": 8301, + "cuisine": "italian", + "ingredients": [ + "red wine vinegar", + "fresh basil leaves", + "ground black pepper", + "flat leaf parsley", + "honey", + "garlic", + "kosher salt", + "extra-virgin olive oil", + "dried oregano" + ] + }, + { + "id": 30768, + "cuisine": "british", + "ingredients": [ + "sugar", + "butter", + "milk", + "cornmeal", + "warm water", + "salt", + "active dry yeast", + "bread flour" + ] + }, + { + "id": 11209, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "bay leaves", + "cook egg hard", + "chicken thighs", + "black peppercorns", + "egg roll wrappers", + "vegetable oil", + "coconut vinegar", + "eggs", + "pickled jalapenos", + "chives", + "garlic", + "sugar", + "hoisin sauce", + "coarse salt", + "sour cream" + ] + }, + { + "id": 36632, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "fresh lime juice", + "light brown sugar", + "lemon zest", + "chopped cilantro", + "unsweetened coconut milk", + "fresh ginger", + "thai green curry paste", + "lime zest", + "basil", + "asian fish sauce" + ] + }, + { + "id": 11247, + "cuisine": "japanese", + "ingredients": [ + "gelatin", + "hot water", + "caster sugar", + "coffee" + ] + }, + { + "id": 34009, + "cuisine": "chinese", + "ingredients": [ + "garlic", + "pork shoulder", + "kosher salt", + "oil", + "chinese five-spice powder", + "ginger", + "ground white pepper" + ] + }, + { + "id": 5093, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "white rice", + "water", + "tomatillo salsa", + "salt", + "colby jack cheese" + ] + }, + { + "id": 37153, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "corn tortillas", + "chiles", + "butter", + "chopped garlic", + "lime", + "flat leaf parsley", + "white onion", + "shrimp", + "canola oil" + ] + }, + { + "id": 43173, + "cuisine": "french", + "ingredients": [ + "white asparagus", + "chopped fresh chives", + "black truffles", + "fresh lemon juice", + "kosher salt", + "hazelnut oil", + "chicken broth", + "sherry vinegar", + "fresh chervil" + ] + }, + { + "id": 5387, + "cuisine": "cajun_creole", + "ingredients": [ + "granulated garlic", + "ground black pepper", + "dried oregano", + "dried basil", + "paprika", + "kosher salt", + "onion powder", + "dried thyme", + "cayenne pepper" + ] + }, + { + "id": 35417, + "cuisine": "italian", + "ingredients": [ + "cream cheese", + "sun-dried tomatoes", + "pesto", + "provolone cheese", + "garlic" + ] + }, + { + "id": 7447, + "cuisine": "mexican", + "ingredients": [ + "shredded cabbage", + "hot sauce", + "ground cumin", + "vegetable oil cooking spray", + "ancho powder", + "shrimp", + "lime wedges", + "carrots", + "olive oil", + "salt", + "corn tortillas" + ] + }, + { + "id": 44483, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "shredded cheddar cheese", + "large eggs", + "creamed spinach" + ] + }, + { + "id": 37267, + "cuisine": "filipino", + "ingredients": [ + "savoy cabbage", + "soy sauce", + "ground allspice", + "oil", + "ground cumin", + "fish sauce", + "chili paste", + "eggroll wrappers", + "galangal", + "diced onions", + "garlic powder", + "beer", + "carrots", + "brown sugar", + "golden raisins", + "ground coriander", + "ground beef" + ] + }, + { + "id": 30346, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "green chilies", + "coriander", + "tumeric", + "garlic", + "ginger root", + "tomatoes", + "masoor dal", + "oil", + "water", + "salt", + "onions" + ] + }, + { + "id": 2763, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "self rising flour", + "buttermilk", + "yellow corn meal", + "chopped green bell pepper", + "ranch dressing", + "baking soda", + "large eggs", + "salt", + "granulated garlic", + "finely chopped onion", + "vegetable oil" + ] + }, + { + "id": 47122, + "cuisine": "irish", + "ingredients": [ + "Japanese turnips", + "salt", + "dumplings", + "lamb for stew", + "flour", + "carrots", + "onions", + "nutmeg", + "potatoes", + "fat", + "biscuit mix", + "pepper", + "parsley", + "thyme", + "boiling water" + ] + }, + { + "id": 11898, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "cheese", + "unsalted butter", + "polenta", + "parmesan cheese", + "yellow onion", + "bay leaves" + ] + }, + { + "id": 38084, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "large egg yolks", + "vanilla beans", + "half & half", + "kahlúa", + "sesame seeds", + "cream of tartar", + "large egg whites", + "pepitas" + ] + }, + { + "id": 36883, + "cuisine": "vietnamese", + "ingredients": [ + "fresh cilantro", + "rice vinegar", + "chile sauce", + "Boston lettuce", + "peanuts", + "carrots", + "fish sauce", + "fresh ginger", + "peanut oil", + "sugar", + "napa cabbage", + "shrimp" + ] + }, + { + "id": 29178, + "cuisine": "british", + "ingredients": [ + "eggs", + "salt", + "white vinegar", + "mushrooms", + "crumpet", + "egg yolks", + "cayenne pepper", + "marmite", + "butter", + "lemon juice" + ] + }, + { + "id": 204, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "garlic cloves", + "sliced green onions", + "vegetable oil cooking spray", + "dry white wine", + "low salt chicken broth", + "arborio rice", + "mushrooms", + "ham", + "water", + "chopped fresh thyme", + "fresh parsley" + ] + }, + { + "id": 5701, + "cuisine": "italian", + "ingredients": [ + "peeled tomatoes", + "butter", + "flat leaf parsley", + "grated parmesan cheese", + "penne pasta", + "olive oil", + "whipping cream", + "onions", + "sausage casings", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 19330, + "cuisine": "japanese", + "ingredients": [ + "bread", + "loin pork chops", + "salt", + "eggs", + "cabbage", + "all-purpose flour" + ] + }, + { + "id": 39544, + "cuisine": "italian", + "ingredients": [ + "spinach", + "green onions", + "chardonnay", + "olive oil", + "capellini", + "shredded Monterey Jack cheese", + "black pepper", + "salt", + "red bell pepper", + "mussels", + "half & half", + "garlic cloves" + ] + }, + { + "id": 17773, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "tortilla chips", + "chicken breasts", + "rotel tomatoes", + "guacamole", + "shredded cheese", + "non-fat sour cream", + "canned corn" + ] + }, + { + "id": 27867, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "fresh thyme", + "smoked ham", + "salt", + "flat leaf parsley", + "water", + "red beans", + "worcestershire sauce", + "yellow onion", + "bay leaf", + "pepper", + "bell pepper", + "cajun seasoning", + "hot sauce", + "celery", + "olive oil", + "green onions", + "smoked sausage", + "garlic cloves", + "cooked white rice" + ] + }, + { + "id": 30747, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "garlic", + "light soy sauce", + "peanut oil", + "minced ginger", + "salt", + "dark soy sauce", + "eggplant", + "corn starch" + ] + }, + { + "id": 20084, + "cuisine": "vietnamese", + "ingredients": [ + "shredded carrots", + "shrimp", + "rice paper", + "lettuce leaves", + "beansprouts", + "pork tenderloin", + "cucumber", + "tofu", + "rice vermicelli", + "fresh mint" + ] + }, + { + "id": 33396, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "frozen pastry puff sheets", + "salt", + "cinnamon sticks", + "frozen peas", + "pepper", + "fresh ginger", + "mango chutney", + "carrots", + "onions", + "curry powder", + "potatoes", + "all-purpose flour", + "roast beef", + "tomatoes", + "olive oil", + "golden raisins", + "beef broth", + "flat leaf parsley" + ] + }, + { + "id": 20575, + "cuisine": "southern_us", + "ingredients": [ + "soft-wheat flour", + "freshly ground pepper", + "tomatoes", + "dried thyme", + "bacon drippings", + "milk", + "vidalia onion", + "salt" + ] + }, + { + "id": 17331, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "hass avocado", + "ground black pepper", + "fresh herbs", + "coriander seeds", + "seedless watermelon", + "aged balsamic vinegar", + "heirloom tomatoes", + "regular cucumber" + ] + }, + { + "id": 21056, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "chili", + "mushrooms", + "onions", + "guajillo chiles", + "hominy", + "salt", + "lime juice", + "cooking oil", + "hot sauce", + "tomatoes", + "ground black pepper", + "garlic", + "dried oregano" + ] + }, + { + "id": 9014, + "cuisine": "cajun_creole", + "ingredients": [ + "romaine lettuce", + "french bread", + "oil", + "fat-free mayonnaise", + "olive oil", + "old bay seasoning", + "lemon juice", + "dijon mustard", + "purple onion", + "olive oil flavored cooking spray", + "jumbo shrimp", + "ground red pepper", + "garlic cloves" + ] + }, + { + "id": 28739, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "brie cheese", + "canola oil", + "flour tortillas", + "onions", + "dried thyme", + "tart apples", + "balsamic vinegar", + "dried rosemary" + ] + }, + { + "id": 30285, + "cuisine": "italian", + "ingredients": [ + "sugar", + "lemon juice", + "orange zest", + "nutmeg", + "cinnamon", + "polenta", + "unsalted butter", + "orange liqueur", + "brown sugar", + "whipped topping", + "blackberries" + ] + }, + { + "id": 24267, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "salt", + "large egg whites", + "baking powder", + "orange liqueur", + "sugar", + "large eggs", + "all-purpose flour", + "almonds", + "vanilla extract", + "orange zest" + ] + }, + { + "id": 33328, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "grated parmesan cheese", + "fresh parsley", + "ground black pepper", + "salt", + "olive oil", + "garlic", + "spaghetti", + "bread crumb fresh", + "fennel bulb", + "sardines" + ] + }, + { + "id": 7227, + "cuisine": "mexican", + "ingredients": [ + "cider vinegar", + "jalapeno chilies", + "vegetable oil", + "marjoram", + "dried thyme", + "jicama", + "garlic", + "black peppercorns", + "zucchini", + "sliced carrots", + "onions", + "water", + "bay leaves", + "cauliflower florets", + "dried oregano" + ] + }, + { + "id": 966, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "penne pasta", + "diced tomatoes", + "chopped garlic", + "grated parmesan cheese", + "shrimp", + "white wine", + "purple onion" + ] + }, + { + "id": 31122, + "cuisine": "filipino", + "ingredients": [ + "cooked ham", + "garlic", + "cooking oil", + "soy sauce", + "eggs", + "white rice" + ] + }, + { + "id": 36384, + "cuisine": "french", + "ingredients": [ + "pepper", + "orange marmalade", + "orange juice", + "chicken thighs", + "orange", + "purple onion", + "lemon juice", + "boned skinned duck breast halves", + "red wine vinegar", + "fat skimmed chicken broth", + "green olives", + "olive oil", + "salt", + "couscous" + ] + }, + { + "id": 39856, + "cuisine": "filipino", + "ingredients": [ + "quail eggs", + "chicken thigh fillets", + "oil", + "chicken livers", + "cabbage", + "water", + "salt", + "carrots", + "baby corn", + "pepper", + "garlic", + "oyster sauce", + "red bell pepper", + "cauliflower", + "bell pepper", + "broccoli", + "corn starch", + "onions" + ] + }, + { + "id": 43752, + "cuisine": "indian", + "ingredients": [ + "fresh curry leaves", + "chile pepper", + "chopped cilantro fresh", + "tomatoes", + "fresh ginger root", + "cumin seed", + "olive oil", + "garlic", + "salmon", + "brown mustard seeds", + "onions" + ] + }, + { + "id": 29532, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "sugar", + "sesame seeds", + "orange flower water", + "saffron threads", + "tumeric", + "olive oil", + "salt", + "ground cinnamon", + "lamb shanks", + "almonds", + "ground white pepper", + "prunes", + "fresh cilantro", + "cinnamon", + "onions" + ] + }, + { + "id": 10226, + "cuisine": "chinese", + "ingredients": [ + "water", + "vegetable oil", + "cayenne pepper", + "spring onions", + "garlic", + "light soy sauce", + "cornflour", + "sugar", + "boneless skinless chicken breasts", + "white wine vinegar" + ] + }, + { + "id": 12670, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "white rice vinegar", + "coriander", + "clams", + "mo hanh", + "scallions", + "minced ginger", + "vegetable stock", + "boiling water", + "sugar", + "light soy sauce", + "shao hsing wine" + ] + }, + { + "id": 43995, + "cuisine": "indian", + "ingredients": [ + "sea salt", + "ghee", + "nigella seeds", + "runny honey", + "yeast", + "strong white bread flour", + "yoghurt natural low fat" + ] + }, + { + "id": 49599, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "flour", + "butter", + "goat cheese", + "tomatoes", + "cherry tomatoes", + "red capsicum", + "salt", + "avocado", + "lime", + "vegetable oil", + "purple onion", + "chorizo sausage", + "milk", + "shallots", + "garlic", + "chillies" + ] + }, + { + "id": 41986, + "cuisine": "french", + "ingredients": [ + "light cream", + "champagne", + "salt", + "seedless cucumber", + "scallions", + "sea bass fillets" + ] + }, + { + "id": 38565, + "cuisine": "thai", + "ingredients": [ + "baby spinach", + "red bell pepper", + "lite coconut milk", + "salt", + "brown sugar", + "extra-virgin olive oil", + "chopped cilantro fresh", + "extra firm tofu", + "red curry paste" + ] + }, + { + "id": 25021, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "lemon juice", + "olive oil", + "garlic cloves", + "salt", + "fresh green bean", + "chopped pecans" + ] + }, + { + "id": 44738, + "cuisine": "chinese", + "ingredients": [ + "clove", + "sugar", + "active dry yeast", + "vegetable oil", + "self-rising cake flour", + "lapsang souchong", + "plain flour", + "water", + "Sriracha", + "star anise", + "dark brown sugar", + "cinnamon sticks", + "black peppercorns", + "orange", + "hoisin sauce", + "fine sea salt", + "scallions", + "chicken", + "fennel seeds", + "warm water", + "fresh ginger", + "sea salt", + "roasting chickens", + "cucumber" + ] + }, + { + "id": 24756, + "cuisine": "french", + "ingredients": [ + "active dry yeast", + "cornmeal", + "salt", + "cooking spray", + "bread flour", + "warm water", + "all-purpose flour" + ] + }, + { + "id": 40170, + "cuisine": "mexican", + "ingredients": [ + "catfish fillets", + "minced garlic", + "red bell pepper", + "pico de gallo", + "flour tortillas", + "fajita seasoning mix", + "low sodium soy sauce", + "olive oil", + "onions", + "green bell pepper", + "jalapeno chilies", + "plum tomatoes" + ] + }, + { + "id": 17548, + "cuisine": "indian", + "ingredients": [ + "unsalted butter", + "chopped onion", + "chopped garlic", + "white distilled vinegar", + "vegetable oil", + "serrano chile", + "plain yogurt", + "peeled fresh ginger", + "ground coriander", + "chicken", + "cayenne", + "salt", + "ground turmeric" + ] + }, + { + "id": 27259, + "cuisine": "mexican", + "ingredients": [ + "shortening", + "vanilla extract", + "eggs", + "milk", + "ground cinnamon", + "molasses", + "all-purpose flour", + "brown sugar", + "baking soda" + ] + }, + { + "id": 48082, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "salt", + "sugar", + "lemon", + "water", + "whipping cream", + "ladyfingers", + "large eggs", + "fresh lemon juice" + ] + }, + { + "id": 44602, + "cuisine": "spanish", + "ingredients": [ + "orange", + "seltzer water", + "sugar", + "red wine" + ] + }, + { + "id": 9960, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "tomatillos", + "olive oil", + "fresh lime juice", + "black beans", + "salt", + "Tabasco Green Pepper Sauce", + "chopped cilantro" + ] + }, + { + "id": 24325, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "cooking spray", + "raspberry fruit spread", + "large egg yolks", + "corn starch", + "sugar", + "fresh raspberries", + "chocolate sauce", + "large egg whites", + "raspberry liqueur" + ] + }, + { + "id": 18066, + "cuisine": "italian", + "ingredients": [ + "baking soda", + "vanilla extract", + "baking powder", + "all-purpose flour", + "large eggs", + "salt", + "sugar", + "sweetened coconut flakes", + "whole nutmegs" + ] + }, + { + "id": 41089, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "ground coriander", + "ground cumin", + "red lentils", + "onion powder", + "chopped cilantro fresh", + "garlic powder", + "fresh lemon juice", + "steamed rice", + "sea salt", + "ground turmeric" + ] + }, + { + "id": 30353, + "cuisine": "mexican", + "ingredients": [ + "reduced fat monterey jack cheese", + "corn chips", + "salsa", + "onions", + "avocado", + "cherry tomatoes", + "garlic", + "nonstick spray", + "taco shells", + "chicken breast strips", + "baked tortilla chips", + "canola oil", + "frozen chopped spinach", + "chili powder", + "sweet pepper", + "corn tortillas" + ] + }, + { + "id": 33942, + "cuisine": "italian", + "ingredients": [ + "red chili peppers", + "prawns", + "garlic", + "sun-dried tomatoes", + "sea salt", + "arugula", + "white wine", + "lemon", + "spaghetti", + "tomato purée", + "ground black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 32007, + "cuisine": "mexican", + "ingredients": [ + "milk", + "ground beef", + "pace picante sauce", + "flour tortillas", + "shredded cheddar cheese", + "condensed tomato soup" + ] + }, + { + "id": 19587, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "garlic powder", + "salt", + "instant rice", + "shredded cheddar cheese", + "chicken breasts", + "ground cumin", + "unbaked pie crusts", + "corn", + "prepar salsa", + "pepper", + "sliced black olives", + "sour cream" + ] + }, + { + "id": 26313, + "cuisine": "thai", + "ingredients": [ + "sugar", + "sweet potatoes", + "red curry paste", + "fish sauce", + "water", + "ginger", + "coconut milk", + "cooked rice", + "baby bok choy", + "boneless skinless chicken breasts", + "red bell pepper", + "coconut oil", + "lime", + "salt", + "snow peas" + ] + }, + { + "id": 37907, + "cuisine": "italian", + "ingredients": [ + "mussels", + "ground black pepper", + "fish stock", + "squid", + "fish fillets", + "roma tomatoes", + "loosely packed fresh basil leaves", + "garlic cloves", + "saffron threads", + "kosher salt", + "red pepper flakes", + "extra-virgin olive oil", + "flat leaf parsley", + "scallops", + "dry white wine", + "littleneck clams", + "shrimp" + ] + }, + { + "id": 39222, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "butter", + "sugar", + "vinegar", + "salt", + "french dressing", + "water", + "worcestershire sauce", + "ketchup", + "ground red pepper", + "fresh lemon juice" + ] + }, + { + "id": 20523, + "cuisine": "italian", + "ingredients": [ + "shredded cheddar cheese", + "quick-cooking oats", + "apple pie filling", + "eggs", + "lasagna noodles", + "all-purpose flour", + "white sugar", + "brown sugar", + "ricotta cheese", + "margarine", + "ground cinnamon", + "ground nutmeg", + "almond extract", + "sour cream" + ] + }, + { + "id": 33044, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "chorizo", + "vegetable oil", + "white sugar", + "tomato sauce", + "taco seasoning mix", + "corn tortillas", + "unsweetened cocoa powder", + "green chile", + "water", + "all-purpose flour", + "dried oregano", + "cotija", + "sliced black olives", + "onions" + ] + }, + { + "id": 31204, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "heavy cream", + "thick-cut bacon", + "morel", + "bow-tie pasta", + "garlic chives", + "salt", + "fresh peas", + "freshly ground pepper" + ] + }, + { + "id": 24587, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "plum tomatoes", + "whitefish fillets", + "basil leaves", + "salt", + "pinenuts", + "cooking spray", + "crushed red pepper", + "ground black pepper", + "orzo", + "garlic cloves" + ] + }, + { + "id": 24747, + "cuisine": "southern_us", + "ingredients": [ + "egg substitute", + "salt", + "dried oregano", + "reduced fat sharp cheddar cheese", + "zucchini", + "freshly ground pepper", + "yellow squash", + "chopped onion", + "vegetable oil cooking spray", + "1% low-fat milk", + "fresh parsley" + ] + }, + { + "id": 38152, + "cuisine": "chinese", + "ingredients": [ + "baking powder", + "evaporated milk", + "white sugar", + "cooking oil", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 12291, + "cuisine": "spanish", + "ingredients": [ + "kale", + "white beans", + "onions", + "dry white wine", + "carrots", + "potatoes", + "garlic cloves", + "chicken broth", + "vegetable oil", + "smoked chorizo" + ] + }, + { + "id": 42054, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "tortilla chips", + "dried oregano", + "black pepper", + "salt", + "baby carrots", + "lime juice", + "salsa", + "chopped cilantro", + "low-fat plain yogurt", + "cilantro", + "green chilies", + "ground cumin" + ] + }, + { + "id": 20349, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "olive oil", + "cilantro", + "adobo sauce", + "avocado", + "lime", + "sweet potatoes", + "salt", + "taco shells", + "serrano peppers", + "garlic", + "onions", + "tomatoes", + "honey", + "guacamole", + "sauce" + ] + }, + { + "id": 22332, + "cuisine": "southern_us", + "ingredients": [ + "dough", + "sugar", + "bourbon whiskey", + "salt", + "candied orange peel", + "unsalted butter", + "whipping cream", + "grated orange peel", + "large eggs", + "vanilla extract", + "pecan halves", + "golden brown sugar", + "light corn syrup" + ] + }, + { + "id": 4191, + "cuisine": "indian", + "ingredients": [ + "hamburger buns", + "radicchio", + "ground red pepper", + "ground mustard", + "red bell pepper", + "ground cumin", + "minced garlic", + "finely chopped onion", + "lamb shoulder", + "fresh lemon juice", + "chopped fresh mint", + "olive oil", + "cooking spray", + "greek style plain yogurt", + "ground cardamom", + "ground turmeric", + "kosher salt", + "ground black pepper", + "shallots", + "ground coriander", + "whole nutmegs" + ] + }, + { + "id": 769, + "cuisine": "italian", + "ingredients": [ + "sugar", + "balsamic vinegar", + "fresh oregano", + "plum tomatoes", + "olive oil", + "crushed red pepper", + "bay leaf", + "minced garlic", + "basil", + "chopped onion", + "fresh basil", + "ground black pepper", + "salt", + "oregano" + ] + }, + { + "id": 47655, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "olive oil", + "penne", + "arugula", + "fresh basil", + "garlic cloves", + "fresh marjoram", + "large shrimp" + ] + }, + { + "id": 2240, + "cuisine": "irish", + "ingredients": [ + "egg whites", + "butter", + "grated lemon zest", + "light brown sugar", + "golden raisins", + "salt", + "whiskey", + "egg yolks", + "lemon", + "confectioners sugar", + "ground cloves", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 33894, + "cuisine": "italian", + "ingredients": [ + "eggs", + "egg yolks", + "diced ham", + "olive oil", + "linguine", + "onions", + "pepper", + "dry white wine", + "fresh parsley", + "parmesan cheese", + "garlic", + "frozen peas" + ] + }, + { + "id": 48202, + "cuisine": "japanese", + "ingredients": [ + "water", + "garlic", + "eggs", + "green onions", + "corn starch", + "dashi", + "salt", + "soy sauce", + "ginger" + ] + }, + { + "id": 41828, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "onions", + "littleneck clams", + "freshly ground pepper", + "dry white wine", + "salt", + "linguine", + "fresh parsley" + ] + }, + { + "id": 29543, + "cuisine": "japanese", + "ingredients": [ + "gari", + "boneless skinless chicken", + "sugar", + "cilantro", + "onions", + "sake", + "short-grain rice", + "oil", + "soy sauce", + "salt" + ] + }, + { + "id": 14043, + "cuisine": "italian", + "ingredients": [ + "bananas", + "salt", + "sugar", + "heavy cream", + "large eggs", + "peanuts", + "vanilla" + ] + }, + { + "id": 322, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "red curry paste", + "bamboo shoots", + "water", + "oil", + "palm sugar", + "red bell pepper", + "boneless skinless chicken breasts", + "coconut milk" + ] + }, + { + "id": 49596, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "bell pepper", + "garlic", + "cumin seed", + "cinnamon sticks", + "grape tomatoes", + "garam masala", + "crushed red pepper flakes", + "salt", + "green beans", + "onions", + "fresh ginger", + "seeds", + "curry", + "carrots", + "coconut milk", + "water", + "potatoes", + "button mushrooms", + "green chilies", + "mustard seeds", + "ground turmeric" + ] + }, + { + "id": 3156, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "salt", + "tamarind", + "urad dal", + "mustard seeds", + "water", + "sesame oil", + "cilantro leaves", + "chana dal", + "garlic", + "jeera" + ] + }, + { + "id": 23587, + "cuisine": "italian", + "ingredients": [ + "black olives", + "pepperoni slices", + "italian salad dressing", + "rotini", + "mozzarella cheese" + ] + }, + { + "id": 8221, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "flour tortillas", + "pickled jalapenos", + "seasoned black beans", + "Tabasco Green Pepper Sauce", + "chopped cilantro", + "fresh corn", + "chopped tomatoes" + ] + }, + { + "id": 21758, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "thai basil", + "sea salt", + "coconut milk", + "corn", + "Sriracha", + "red curry paste", + "fresh cilantro", + "ground pepper", + "garlic", + "fresh lime juice", + "chicken stock", + "olive oil", + "jalapeno chilies", + "yellow onion" + ] + }, + { + "id": 48638, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "vanilla wafers", + "vanilla pudding", + "bananas", + "sweetened condensed milk", + "whipped cream" + ] + }, + { + "id": 38916, + "cuisine": "mexican", + "ingredients": [ + "tequila", + "coarse salt", + "lime", + "orange liqueur", + "limeade" + ] + }, + { + "id": 33373, + "cuisine": "vietnamese", + "ingredients": [ + "bean threads", + "large egg yolks", + "thai chile", + "garlic cloves", + "wood ear mushrooms", + "black pepper", + "vegetable oil", + "frozen spring roll wrappers", + "pork shoulder", + "sugar", + "shell-on shrimp", + "salt", + "carrots", + "asian fish sauce", + "warm water", + "shallots", + "rice vinegar", + "fresh lime juice" + ] + }, + { + "id": 5325, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "chili powder", + "poblano chiles", + "avocado", + "quinoa", + "purple onion", + "cumin", + "cheddar cheese", + "cilantro", + "tomato soup", + "fontina cheese", + "jalapeno chilies", + "red bell pepper" + ] + }, + { + "id": 37683, + "cuisine": "thai", + "ingredients": [ + "base", + "butter", + "carrots", + "molasses", + "peeled fresh ginger", + "jalape", + "ground cumin", + "pork tenderloin", + "large garlic cloves", + "chopped cilantro fresh", + "reduced sodium soy sauce", + "vegetable oil", + "orange juice" + ] + }, + { + "id": 33702, + "cuisine": "chinese", + "ingredients": [ + "water", + "dark sesame oil", + "fish sauce", + "chicken breast halves", + "shiitake mushroom caps", + "lo mein noodles", + "garlic cloves", + "white pepper", + "vegetable oil", + "sliced green onions" + ] + }, + { + "id": 36133, + "cuisine": "mexican", + "ingredients": [ + "salt", + "chopped cilantro", + "garlic cloves", + "oil", + "serrano chile", + "lime juice", + "shrimp" + ] + }, + { + "id": 44633, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "balsamic vinegar", + "Italian bread", + "olive oil", + "salt", + "capers", + "purple onion", + "tomatoes", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 11430, + "cuisine": "chinese", + "ingredients": [ + "cooking spray", + "garlic cloves", + "low sodium soy sauce", + "rice vinegar", + "boneless skinless chicken breast halves", + "light brown sugar", + "crushed red pepper", + "fresh lime juice", + "sake", + "dark sesame oil" + ] + }, + { + "id": 36224, + "cuisine": "chinese", + "ingredients": [ + "pea shoots", + "garlic", + "sesame oil", + "corn starch", + "black pepper", + "salt", + "chicken broth", + "vegetable oil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 35335, + "cuisine": "chinese", + "ingredients": [ + "water chestnuts", + "salt", + "ground ginger", + "dry white wine", + "corn starch", + "green onions", + "peanut oil", + "scallops", + "clam juice", + "ground cayenne pepper" + ] + }, + { + "id": 4551, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "white pepper", + "rice wine", + "salt", + "soy sauce", + "green onions", + "wonton wrappers", + "baby bok choy", + "fresh ginger", + "sesame oil", + "chicken stock", + "black pepper", + "boneless skinless chicken breasts", + "ginger" + ] + }, + { + "id": 25996, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "water", + "coriander seeds", + "boneless skinless chicken breasts", + "vegetable oil", + "cilantro leaves", + "thai green curry paste", + "black peppercorns", + "lime", + "lemon grass", + "shallots", + "yellow bell pepper", + "cumin seed", + "onions", + "kaffir lime leaves", + "lemongrass", + "thai basil", + "shrimp paste", + "sea salt", + "green chilies", + "galangal", + "unsweetened coconut milk", + "green bell pepper", + "fresh ginger", + "cilantro stems", + "lime wedges", + "cilantro sprigs", + "garlic cloves" + ] + }, + { + "id": 36208, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "low-fat mozzarella cheese", + "low fat cream of celery soup", + "garlic", + "dried oregano", + "condensed cream of mushroom soup", + "boneless skinless chicken breast halves", + "water", + "chopped onion" + ] + }, + { + "id": 43939, + "cuisine": "italian", + "ingredients": [ + "butter", + "all-purpose flour", + "powdered sugar", + "Dutch-processed cocoa powder", + "vanilla", + "hazelnuts", + "salt" + ] + }, + { + "id": 26648, + "cuisine": "italian", + "ingredients": [ + "sweet vermouth", + "campari", + "gin", + "ice cubes", + "orange zest" + ] + }, + { + "id": 37028, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "all-purpose flour", + "ground cinnamon", + "vegetable oil", + "large marshmallows", + "sugar", + "cornflake cereal", + "sweet potatoes", + "ground allspice" + ] + }, + { + "id": 21735, + "cuisine": "greek", + "ingredients": [ + "lemon juice", + "olive oil", + "hot cherry pepper", + "greek yogurt", + "feta cheese" + ] + }, + { + "id": 28363, + "cuisine": "italian", + "ingredients": [ + "milk", + "grated parmesan cheese", + "all-purpose flour", + "frozen spinach", + "asparagus", + "large garlic cloves", + "olive oil", + "ricotta cheese", + "shredded mozzarella cheese", + "pesto", + "lasagna noodles", + "salt" + ] + }, + { + "id": 7630, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "sugar", + "sweet potatoes", + "vanilla extract", + "pecan halves", + "large eggs", + "2% reduced-fat milk", + "whiskey", + "eggs", + "unsalted butter", + "butter", + "dark brown sugar", + "challa", + "brown sugar", + "flour", + "heavy cream" + ] + }, + { + "id": 14938, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "butter", + "cayenne pepper", + "grated parmesan cheese", + "salt", + "cream cheese", + "black pepper", + "garlic", + "crabmeat", + "half & half", + "all-purpose flour" + ] + }, + { + "id": 17949, + "cuisine": "mexican", + "ingredients": [ + "water", + "zucchini", + "all-purpose flour", + "sugar", + "dried thyme", + "heavy cream", + "freshly ground pepper", + "white onion", + "unsalted butter", + "sea salt", + "eggs", + "milk", + "poblano chilies", + "frozen corn kernels" + ] + }, + { + "id": 36893, + "cuisine": "mexican", + "ingredients": [ + "sliced tomatoes", + "refried beans", + "carnitas", + "chiles", + "asadero", + "papalo", + "mayonaise", + "hass avocado", + "iceberg lettuce", + "buns", + "onion rings", + "canola oil" + ] + }, + { + "id": 30463, + "cuisine": "indian", + "ingredients": [ + "cold water", + "ground cardamom", + "nonfat yogurt", + "ice cubes", + "mango", + "splenda" + ] + }, + { + "id": 13457, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "butternut squash", + "butter", + "all-purpose flour", + "olive oil", + "lasagna noodles, cooked and drained", + "baby spinach", + "salt", + "parmigiano-reggiano cheese", + "reduced fat milk", + "shallots", + "asiago", + "garlic cloves", + "dried thyme", + "cooking spray", + "balsamic vinegar", + "crushed red pepper" + ] + }, + { + "id": 24390, + "cuisine": "russian", + "ingredients": [ + "ground black pepper", + "salt", + "pepper", + "pork loin", + "thyme", + "black peppercorns", + "bay leaves", + "oil", + "milk", + "garlic", + "dried rosemary" + ] + }, + { + "id": 13724, + "cuisine": "greek", + "ingredients": [ + "pepper", + "leg of lamb", + "salt", + "pesto", + "garlic cloves", + "garlic" + ] + }, + { + "id": 8055, + "cuisine": "japanese", + "ingredients": [ + "firm tofu", + "white miso", + "konbu", + "water", + "scallions", + "dried bonito flakes" + ] + }, + { + "id": 43806, + "cuisine": "indian", + "ingredients": [ + "cooking oil", + "mustard seeds", + "tomatoes", + "salt", + "dried red chile peppers", + "chile pepper", + "asafoetida powder", + "split black lentils", + "cilantro leaves", + "onions" + ] + }, + { + "id": 3201, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "cherry tomatoes", + "cilantro", + "penne pasta", + "corn", + "fat free milk", + "salt", + "cumin", + "pepper", + "orange bell pepper", + "garlic", + "taco seasoning", + "avocado", + "lime", + "green onions", + "greek style plain yogurt" + ] + }, + { + "id": 6017, + "cuisine": "korean", + "ingredients": [ + "chiles", + "reduced sodium soy sauce", + "ginger", + "onions", + "silken tofu", + "green onions", + "kimchi", + "chopped garlic", + "pepper", + "vegetable oil", + "toasted sesame oil", + "reduced sodium chicken broth", + "pork ribs", + "salt", + "toasted sesame seeds" + ] + }, + { + "id": 6825, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "cajun seasoning", + "onions", + "salt and ground black pepper", + "celery", + "green onions", + "fresh parsley", + "crawfish", + "butter", + "condensed golden mushroom soup" + ] + }, + { + "id": 2729, + "cuisine": "brazilian", + "ingredients": [ + "green bell pepper", + "ground black pepper", + "purple onion", + "flat leaf parsley", + "corn", + "raisins", + "garlic cloves", + "water", + "butter", + "salt", + "long grain white rice", + "olive oil", + "bacon", + "red bell pepper" + ] + }, + { + "id": 32727, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "garlic", + "chopped cilantro fresh", + "American cheese", + "chili powder", + "scallions", + "ground cumin", + "evaporated milk", + "cayenne pepper", + "monterey jack", + "kosher salt", + "poblano chilies", + "corn starch" + ] + }, + { + "id": 37486, + "cuisine": "vietnamese", + "ingredients": [ + "table salt", + "spring onions", + "vermicelli noodles", + "chicken", + "eggs", + "Vietnamese coriander", + "squid", + "onions", + "sugar", + "cilantro leaves", + "dried shrimp", + "fish sauce", + "pepper", + "ham", + "pork bones" + ] + }, + { + "id": 37187, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "shallots", + "celery", + "seafood seasoning", + "garlic cloves", + "grits", + "orange bell pepper", + "butter", + "onions", + "shrimp stock", + "dry white wine", + "shrimp" + ] + }, + { + "id": 42796, + "cuisine": "jamaican", + "ingredients": [ + "beef", + "yams", + "pepper", + "okra", + "water", + "scallions", + "black pepper", + "callaloo", + "coconut milk" + ] + }, + { + "id": 21576, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "malt vinegar", + "clove", + "bay leaves", + "onions", + "ground black pepper", + "cinnamon sticks", + "tentacles", + "dry red wine" + ] + }, + { + "id": 20439, + "cuisine": "thai", + "ingredients": [ + "clove", + "chili flakes", + "lime juice", + "ground nutmeg", + "chicken breasts", + "purple onion", + "oil", + "galangal", + "tomatoes", + "red chili peppers", + "peanuts", + "potatoes", + "sticky rice", + "cardamom pods", + "coconut milk", + "cold water", + "ground cinnamon", + "soy sauce", + "thai basil", + "shrimp paste", + "star anise", + "cumin seed", + "lime leaves", + "chicken stock", + "fish sauce", + "lemongrass", + "palm sugar", + "vegetable oil", + "roasted peanuts", + "garlic cloves", + "white peppercorns" + ] + }, + { + "id": 38304, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "all-purpose flour", + "honey", + "buttermilk", + "white cornmeal", + "baking powder", + "sour cream", + "baking soda", + "salt" + ] + }, + { + "id": 19094, + "cuisine": "thai", + "ingredients": [ + "sugar", + "carrots", + "fresh lime juice", + "crushed red pepper", + "cucumber", + "peanuts", + "Thai fish sauce", + "chopped fresh mint", + "purple onion", + "red bell pepper" + ] + }, + { + "id": 37164, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "red pepper", + "chicken breasts", + "garlic", + "curly kale", + "sesame oil", + "lemon grass", + "ginger" + ] + }, + { + "id": 19568, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "balsamic vinegar", + "green beans", + "beefsteak tomatoes", + "anchovy fillets", + "minced garlic", + "extra-virgin olive oil" + ] + }, + { + "id": 27405, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "sugar", + "garlic cloves", + "salt", + "loosely packed fresh basil leaves", + "plum tomatoes" + ] + }, + { + "id": 22467, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "sugar", + "cucumber", + "dried dill", + "vinegar", + "sour cream" + ] + }, + { + "id": 18049, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "water", + "kasuri methi", + "cumin seed", + "onions", + "red chili peppers", + "masoor dal", + "cilantro leaves", + "garlic cloves", + "arhar dal", + "tomatoes", + "cream", + "ginger", + "green chilies", + "ghee", + "asafoetida", + "garam masala", + "salt", + "oil", + "ground turmeric" + ] + }, + { + "id": 15418, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "heavy cream", + "pepper", + "lemon", + "lemon juice", + "nutmeg", + "chives", + "garlic", + "penne", + "butter", + "salt" + ] + }, + { + "id": 43065, + "cuisine": "italian", + "ingredients": [ + "jack cheese", + "butter", + "canned tomatoes", + "grated parmesan cheese", + "garlic", + "fresh basil leaves", + "fresh cheese", + "tortellini", + "dry bread crumbs", + "eggplant", + "vegetable broth", + "onions" + ] + }, + { + "id": 21538, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "vanilla extract", + "ground cinnamon", + "large eggs", + "whole kernel corn, drain", + "ground nutmeg", + "all-purpose flour", + "sugar", + "butter", + "cornmeal" + ] + }, + { + "id": 42381, + "cuisine": "mexican", + "ingredients": [ + "butter", + "cream cheese", + "chicken breasts", + "cilantro", + "garlic salt", + "flour tortillas", + "diced tomatoes", + "shredded cheese", + "chili powder", + "whipping cream", + "cumin" + ] + }, + { + "id": 21782, + "cuisine": "british", + "ingredients": [ + "tomato paste", + "olive oil", + "fresh thyme leaves", + "fat", + "kosher salt", + "unsalted butter", + "all-purpose flour", + "carrots", + "dried porcini mushrooms", + "ground black pepper", + "russet potatoes", + "chuck steaks", + "celery ribs", + "milk", + "dry white wine", + "beef broth", + "onions" + ] + }, + { + "id": 39803, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "corn tortillas", + "olive oil", + "monterey jack", + "kosher salt", + "chopped cilantro fresh", + "sharp cheddar cheese", + "sliced green onions" + ] + }, + { + "id": 32644, + "cuisine": "mexican", + "ingredients": [ + "taco sauce", + "taco seasoning", + "ground pepper", + "chicken", + "reduced fat cream cheese", + "oil", + "green bell pepper", + "shells" + ] + }, + { + "id": 37726, + "cuisine": "moroccan", + "ingredients": [ + "tomato purée", + "merguez sausage", + "red wine vinegar", + "salt", + "sweet paprika", + "ground cumin", + "olive oil", + "egg yolks", + "white wine vinegar", + "ground caraway", + "lemon juice", + "ground black pepper", + "vegetable oil", + "purple onion", + "rolls", + "couscous", + "red chili peppers", + "dijon mustard", + "extra-virgin olive oil", + "cilantro leaves", + "garlic cloves" + ] + }, + { + "id": 38860, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "dijon mustard", + "fresh oregano", + "red wine vinegar", + "garlic cloves", + "ground black pepper", + "salt" + ] + }, + { + "id": 24392, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "champagne", + "lemon", + "lemon slices", + "peach nectar", + "fresh mint" + ] + }, + { + "id": 43249, + "cuisine": "french", + "ingredients": [ + "madeira wine", + "butter", + "beef tenderloin steaks", + "crumbled blue cheese", + "dry bread crumbs", + "reduced sodium beef broth", + "chives", + "sauce", + "pepper", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 26525, + "cuisine": "southern_us", + "ingredients": [ + "hot water", + "self-rising cornmeal" + ] + }, + { + "id": 31645, + "cuisine": "chinese", + "ingredients": [ + "tomatoes", + "sambal olek", + "onions", + "sugar", + "white wine vinegar", + "red chili peppers", + "chinese cabbage", + "olive oil", + "scallions" + ] + }, + { + "id": 2826, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "chopped pecans", + "saltines", + "baking powder", + "egg whites", + "white sugar", + "cream sweeten whip", + "vanilla extract" + ] + }, + { + "id": 1297, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "ground red pepper", + "chopped pecans", + "powdered sugar", + "salt", + "sorghum", + "bourbon whiskey", + "unsweetened cocoa powder", + "ground nutmeg", + "vanilla wafers" + ] + }, + { + "id": 26137, + "cuisine": "italian", + "ingredients": [ + "Frangelico", + "brewed coffee", + "ground cinnamon", + "whipped topping" + ] + }, + { + "id": 8615, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "mirin", + "garlic", + "beef rib short", + "soy sauce", + "ground black pepper", + "vegetable oil", + "rice", + "lettuce", + "sesame seeds", + "spring onions", + "salt", + "soy bean paste", + "granulated sugar", + "chilli paste", + "dark sesame oil" + ] + }, + { + "id": 11856, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "ground cumin", + "chili powder", + "long-grain rice", + "vegetable oil", + "onions", + "water", + "salt" + ] + }, + { + "id": 17210, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "butter", + "milk", + "firmly packed brown sugar", + "corn syrup", + "granulated sugar" + ] + }, + { + "id": 7059, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "corn starch", + "water", + "dashi powder", + "plain flour", + "Japanese soy sauce" + ] + }, + { + "id": 25973, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "poblano chilies", + "fresh lime juice", + "tomatoes", + "green onions", + "frozen corn kernels", + "red potato", + "watercress", + "garlic cloves", + "olive oil", + "yellow bell pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 35319, + "cuisine": "french", + "ingredients": [ + "fresh chives", + "whole milk ricotta cheese", + "fresh tarragon", + "fresh lemon juice", + "frozen pastry puff sheets", + "butter", + "gruyere cheese", + "fresh chervil", + "green onions", + "Italian parsley leaves", + "crème fraîche", + "large egg yolks", + "fresh thyme leaves", + "extra-virgin olive oil", + "wild mushrooms" + ] + }, + { + "id": 1581, + "cuisine": "indian", + "ingredients": [ + "table salt", + "garam masala", + "cayenne pepper", + "chopped cilantro fresh", + "crushed tomatoes", + "vegetable oil", + "garlic cloves", + "serrano chile", + "sugar", + "boneless skinless chicken breasts", + "ground coriander", + "plain whole-milk yogurt", + "tomato paste", + "fresh ginger", + "heavy cream", + "onions", + "ground cumin" + ] + }, + { + "id": 17792, + "cuisine": "mexican", + "ingredients": [ + "water", + "zucchini", + "salt", + "pearl barley", + "onions", + "avocado", + "diced green chilies", + "garlic", + "white beans", + "fat", + "oregano", + "lime", + "chili powder", + "cilantro leaves", + "oil", + "bone in skin on chicken thigh", + "pepper", + "poblano peppers", + "shredded sharp cheddar cheese", + "green pepper", + "greek yogurt", + "cumin" + ] + }, + { + "id": 11440, + "cuisine": "italian", + "ingredients": [ + "semolina flour", + "flour", + "warm water", + "salt", + "active dry yeast", + "sugar", + "extra-virgin olive oil" + ] + }, + { + "id": 26220, + "cuisine": "greek", + "ingredients": [ + "tomato sauce", + "green onions", + "feta cheese crumbles", + "sliced black olives", + "diced tomatoes", + "chopped green bell pepper", + "shredded mozzarella cheese", + "dried basil", + "whole wheat rotini pasta", + "dried oregano" + ] + }, + { + "id": 34582, + "cuisine": "spanish", + "ingredients": [ + "stock", + "ground black pepper", + "sour cherries", + "kirsch", + "mild olive oil", + "dry red wine", + "carrots", + "onions", + "rosemary sprigs", + "dried apricot", + "garlic cloves", + "bay leaf", + "boneless pork shoulder", + "pearl onions", + "salt", + "cinnamon sticks" + ] + }, + { + "id": 41669, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "roma tomatoes", + "garlic", + "avocado", + "fresh cilantro", + "chili powder", + "boneless skinless chicken breast halves", + "lime juice", + "crumbs", + "purple onion", + "mayonaise", + "lime", + "sea salt", + "chopped cilantro fresh" + ] + }, + { + "id": 27076, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "chili powder", + "onions", + "cooked rice", + "garam masala", + "salt", + "neutral oil", + "water", + "garlic", + "tomato paste", + "pepper", + "ginger", + "large shrimp" + ] + }, + { + "id": 14675, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "caster sugar", + "vegetable oil", + "glaze", + "soy sauce", + "lemon grass", + "garlic", + "red chili peppers", + "honey", + "ginger", + "chicken", + "pork belly", + "rice wine", + "salt" + ] + }, + { + "id": 49155, + "cuisine": "italian", + "ingredients": [ + "white sugar", + "egg whites", + "toasted slivered almonds" + ] + }, + { + "id": 10987, + "cuisine": "mexican", + "ingredients": [ + "colby jack cheese", + "cayenne pepper", + "chicken", + "ground black pepper", + "salt", + "sour cream", + "garlic powder", + "chili powder", + "enchilada sauce", + "ground cumin", + "green onions", + "frozen corn", + "corn tortillas" + ] + }, + { + "id": 22675, + "cuisine": "italian", + "ingredients": [ + "1% low-fat cottage cheese", + "low-fat marinara sauce", + "corn starch", + "spinach", + "large egg whites", + "ground nutmeg", + "dried basil", + "fresh parmesan cheese", + "water", + "won ton wrappers", + "garlic cloves" + ] + }, + { + "id": 13100, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "garlic", + "crushed red pepper flakes", + "green beans", + "sweet chili sauce", + "salt", + "vegetable broth", + "canola oil" + ] + }, + { + "id": 48236, + "cuisine": "italian", + "ingredients": [ + "canned low sodium chicken broth", + "veal", + "peas", + "olive oil", + "butter", + "onions", + "dry vermouth", + "mint leaves", + "salt", + "fettucine", + "ground black pepper", + "heavy cream" + ] + }, + { + "id": 16899, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "rice noodles", + "sauce", + "beansprouts", + "eggs", + "green onions", + "garlic", + "chow mein noodles", + "chicken", + "fish sauce", + "marinade", + "rice vinegar", + "corn starch", + "chicken stock", + "lime", + "vegetable oil", + "garlic chili sauce", + "chopped cilantro" + ] + }, + { + "id": 26721, + "cuisine": "italian", + "ingredients": [ + "sugar", + "tomatoes with juice", + "dried oregano", + "dried basil", + "salt", + "pepper", + "garlic", + "olive oil", + "onions" + ] + }, + { + "id": 20847, + "cuisine": "mexican", + "ingredients": [ + "Italian parsley leaves", + "fresh lemon juice", + "dijon mustard", + "anchovy fillets", + "green onions", + "garlic cloves", + "capers", + "extra-virgin olive oil", + "grated lemon peel" + ] + }, + { + "id": 34819, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "green pepper", + "skirt steak", + "tortillas", + "chipotle peppers", + "olive oil", + "white mushrooms", + "ranch dressing", + "onions" + ] + }, + { + "id": 7055, + "cuisine": "french", + "ingredients": [ + "sugar", + "half & half", + "dark chocolate", + "instant espresso powder", + "benne seed", + "large eggs", + "brandy", + "unsweetened cocoa powder" + ] + }, + { + "id": 47997, + "cuisine": "southern_us", + "ingredients": [ + "corn mix muffin", + "nonfat milk", + "low-fat cottage cheese", + "large eggs", + "shredded cheddar cheese" + ] + }, + { + "id": 24069, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "onions", + "soy sauce", + "sesame oil", + "short rib", + "white vinegar", + "water", + "white sugar", + "black pepper", + "dark brown sugar" + ] + }, + { + "id": 19449, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "ground black pepper", + "hot sauce", + "canned black beans", + "tomatillos", + "vidalia onion", + "finely chopped fresh parsley", + "fresh lime juice", + "corn kernels", + "salt" + ] + }, + { + "id": 10531, + "cuisine": "indian", + "ingredients": [ + "soy sauce", + "capsicum", + "ginger", + "onions", + "water", + "sesame oil", + "salt", + "pepper", + "chili powder", + "garlic", + "sugar", + "vinegar", + "boneless chicken", + "oil" + ] + }, + { + "id": 2339, + "cuisine": "mexican", + "ingredients": [ + "water", + "white hominy", + "pork roast", + "pepper", + "lime", + "shredded cabbage", + "ground cumin", + "fresh cilantro", + "finely chopped onion", + "corn tortillas", + "minced garlic", + "olive oil", + "salt" + ] + }, + { + "id": 26142, + "cuisine": "french", + "ingredients": [ + "sea salt", + "ground black pepper", + "unsalted butter", + "onions" + ] + }, + { + "id": 6190, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "hoisin sauce", + "unsalted dry roast peanuts", + "corn starch", + "soy sauce", + "sesame oil", + "scallions", + "red chili peppers", + "boneless skinless chicken breasts", + "peanut oil", + "chinese black vinegar", + "chinese rice wine", + "fresh ginger", + "ground sichuan pepper", + "garlic cloves" + ] + }, + { + "id": 2276, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "jalapeno chilies", + "diced tomatoes", + "ground cumin", + "chicken broth", + "fresh cilantro", + "chili powder", + "frozen corn", + "black beans", + "boneless skinless chicken breasts", + "salt", + "biscuit baking mix", + "olive oil", + "2% reduced-fat milk", + "onions" + ] + }, + { + "id": 46727, + "cuisine": "mexican", + "ingredients": [ + "onions", + "beef", + "seasoning", + "bell pepper" + ] + }, + { + "id": 39532, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "chili powder", + "chopped onion", + "ground black pepper", + "salsa", + "chopped green bell pepper", + "dry bread crumbs", + "whole wheat flour", + "salt", + "carrots" + ] + }, + { + "id": 10024, + "cuisine": "french", + "ingredients": [ + "quatre épices", + "shallots", + "muscovy", + "thyme", + "kosher salt", + "garlic", + "clove", + "bay leaves", + "rendered duck fat" + ] + }, + { + "id": 9728, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "hard-boiled egg", + "onions", + "vinegar", + "salt", + "water", + "garlic", + "soy sauce", + "potatoes", + "oil" + ] + }, + { + "id": 38012, + "cuisine": "southern_us", + "ingredients": [ + "purple onion", + "plum tomatoes", + "jalapeno chilies", + "fresh lime juice", + "extra-virgin olive oil", + "chopped cilantro fresh", + "pepper", + "salt" + ] + }, + { + "id": 16177, + "cuisine": "italian", + "ingredients": [ + "cremini mushrooms", + "fresh parmesan cheese", + "part-skim ricotta cheese", + "polenta", + "water", + "diced tomatoes", + "chopped onion", + "black pepper", + "butter", + "salt", + "dried rosemary", + "tomato paste", + "olive oil", + "dry red wine", + "garlic cloves" + ] + }, + { + "id": 21784, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "cilantro", + "tortillas", + "onions", + "olive oil", + "salt", + "raisins", + "chorizo sausage" + ] + }, + { + "id": 42975, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "cracked black pepper", + "cayenne pepper", + "chicken stock", + "red beans", + "steamed brown rice", + "smoked ham hocks", + "beef stock", + "smoked sausage", + "onions", + "green bell pepper", + "grapeseed oil", + "salt" + ] + }, + { + "id": 12473, + "cuisine": "thai", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "coconut milk", + "lime", + "cilantro leaves", + "fresh basil leaves", + "lemongrass", + "garlic", + "bird chile", + "light brown sugar", + "ground black pepper", + "ground coriander", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 12243, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "tortillas", + "salt", + "yellow onion", + "lime", + "brown rice", + "frozen corn", + "cumin", + "black beans", + "cilantro stems", + "cilantro leaves", + "garlic cloves", + "jack", + "vegetable stock", + "salsa" + ] + }, + { + "id": 4497, + "cuisine": "italian", + "ingredients": [ + "lemon", + "fine sea salt", + "extra-virgin olive oil", + "tomatoes", + "garlic", + "crushed red pepper flakes" + ] + }, + { + "id": 11612, + "cuisine": "french", + "ingredients": [ + "olive oil", + "red wine vinegar", + "red bell pepper", + "shallots", + "cayenne pepper", + "half & half", + "vegetable broth", + "fresh basil", + "chopped fresh thyme", + "garlic cloves" + ] + }, + { + "id": 2228, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "shredded mozzarella cheese", + "garlic sauce", + "cottage cheese", + "penne pasta" + ] + }, + { + "id": 655, + "cuisine": "greek", + "ingredients": [ + "baby greens", + "extra-virgin olive oil", + "red wine vinegar", + "salt" + ] + }, + { + "id": 48773, + "cuisine": "spanish", + "ingredients": [ + "tomato paste", + "sea scallops", + "red bell pepper", + "large shrimp", + "mussels", + "water", + "clam juice", + "onions", + "saffron threads", + "tomatoes", + "lobster", + "flat leaf parsley", + "hungarian sweet paprika", + "olive oil", + "large garlic cloves", + "spaghetti" + ] + }, + { + "id": 6645, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "grated nutmeg", + "penne", + "whole milk", + "fresh sage", + "parmigiano reggiano cheese", + "black pepper", + "gorgonzola dolce" + ] + }, + { + "id": 16919, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "sour cream", + "tomatoes", + "taco seasoning mix", + "green olives", + "guacamole", + "taco sauce" + ] + }, + { + "id": 42346, + "cuisine": "chinese", + "ingredients": [ + "spring roll wrappers", + "hoisin sauce", + "yellow onion", + "kosher salt", + "jicama", + "bean curd", + "sugar", + "green leaf lettuce", + "dried shrimp", + "eggs", + "Sriracha", + "garlic", + "canola oil" + ] + }, + { + "id": 45797, + "cuisine": "indian", + "ingredients": [ + "butternut squash", + "red pepper", + "curry paste", + "reduced fat coconut milk", + "coriander" + ] + }, + { + "id": 10525, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "flank steak", + "garlic", + "beansprouts", + "fish sauce", + "jalapeno chilies", + "rice noodles", + "beef broth", + "Sriracha", + "lime wedges", + "salt", + "pepper", + "green onions", + "cilantro", + "yellow onion" + ] + }, + { + "id": 15894, + "cuisine": "french", + "ingredients": [ + "waffle", + "blackberries", + "low-fat plain yogurt", + "honey", + "lime", + "raspberries", + "strawberries" + ] + }, + { + "id": 21072, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "broccoli florets", + "peanut butter", + "light brown sugar", + "lime", + "vegetable oil", + "snow peas", + "soy sauce", + "boneless skinless chicken breasts", + "coconut milk", + "chicken broth", + "fresh ginger", + "garlic" + ] + }, + { + "id": 40831, + "cuisine": "southern_us", + "ingredients": [ + "hellmann' or best food real mayonnais", + "sugar", + "carrots", + "green bell pepper", + "lemon juice", + "salt", + "cabbage" + ] + }, + { + "id": 26281, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "kalamata", + "pizza doughs", + "fresh thyme leaves", + "salt", + "sea salt flakes", + "sugar", + "anchovy paste", + "garlic cloves", + "black pepper", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 25712, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "lime", + "ground nutmeg", + "chicken breasts", + "orange juice", + "white vinegar", + "white onion", + "olive oil", + "ground sage", + "cayenne pepper", + "soy sauce", + "dried thyme", + "ground black pepper", + "salt", + "ground cinnamon", + "pepper", + "garlic powder", + "green onions", + "ground allspice" + ] + }, + { + "id": 14314, + "cuisine": "irish", + "ingredients": [ + "vegetable oil", + "red bell pepper", + "baking potatoes", + "green bell pepper", + "onions" + ] + }, + { + "id": 26935, + "cuisine": "italian", + "ingredients": [ + "spinach", + "dried basil", + "cooked bacon", + "chicken broth", + "minced garlic", + "ground black pepper", + "dried parsley", + "pasta", + "tomato sauce", + "garlic powder", + "salt", + "great northern beans", + "water", + "diced tomatoes" + ] + }, + { + "id": 2050, + "cuisine": "french", + "ingredients": [ + "almond flour", + "vanilla extract", + "granulated sugar", + "blanched almonds", + "unsalted butter", + "all-purpose flour", + "kosher salt", + "large eggs" + ] + }, + { + "id": 45661, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "salted roast peanuts", + "carrots", + "soy sauce", + "olive oil", + "duck breast halves", + "rice vinegar", + "chopped cilantro", + "mint", + "lime", + "sesame oil", + "vietnamese fish sauce", + "cucumber", + "black pepper", + "radishes", + "ginger", + "garlic cloves" + ] + }, + { + "id": 8441, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "cooking oil", + "lemon", + "pepper", + "hot dogs", + "salt", + "soy sauce", + "potatoes", + "garlic", + "tomato sauce", + "water", + "bay leaves", + "onions" + ] + }, + { + "id": 48558, + "cuisine": "thai", + "ingredients": [ + "mayonaise", + "red wine vinegar", + "jalapeno chilies", + "garlic paste", + "green onions", + "curry powder", + "chopped cilantro fresh" + ] + }, + { + "id": 28372, + "cuisine": "chinese", + "ingredients": [ + "boneless chicken skinless thigh", + "red pepper", + "eggs", + "rice wine", + "corn starch", + "green onions", + "rice vinegar", + "soy sauce", + "vegetable oil", + "white sugar" + ] + }, + { + "id": 43277, + "cuisine": "italian", + "ingredients": [ + "peeled tomatoes", + "dry white wine", + "rubbed sage", + "yellow corn meal", + "prosciutto", + "all-purpose flour", + "sage", + "olive oil", + "salt", + "chicken thighs", + "water", + "ground black pepper", + "fresh lemon juice" + ] + }, + { + "id": 31116, + "cuisine": "japanese", + "ingredients": [ + "egg whites", + "salt", + "milk", + "cornflour", + "lemon juice", + "cream of tartar", + "egg yolks", + "cream cheese", + "unsalted butter", + "cake flour", + "fine granulated sugar" + ] + }, + { + "id": 7646, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "salt", + "refried beans", + "butter", + "dried oregano", + "flour tortillas", + "ground beef", + "chopped green chilies", + "paprika", + "ground cumin" + ] + }, + { + "id": 46495, + "cuisine": "mexican", + "ingredients": [ + "milk", + "monterey jack", + "cheddar cheese", + "chile pepper", + "eggs", + "evaporated milk", + "tomato sauce", + "all-purpose flour" + ] + }, + { + "id": 34150, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "salt", + "flat leaf parsley", + "water", + "whole milk", + "garlic cloves", + "ground black pepper", + "ground pork", + "Italian bread", + "tomato sauce", + "grated parmesan cheese", + "all-purpose flour", + "ground beef" + ] + }, + { + "id": 37750, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "chili paste", + "ginger", + "kimchi", + "silken tofu", + "miso", + "cooking wine", + "pork belly", + "green onions", + "garlic", + "onions", + "chili flakes", + "water", + "butter", + "juice" + ] + }, + { + "id": 30025, + "cuisine": "italian", + "ingredients": [ + "freshly grated parmesan", + "diced tomatoes", + "italian seasoning", + "globe eggplant", + "low fat mozzarella", + "salt", + "hot red pepper flakes", + "basil leaves", + "extra-virgin olive oil", + "olive oil", + "large garlic cloves", + "dried oregano" + ] + }, + { + "id": 26838, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "semisweet chocolate", + "vanilla ice cream", + "egg whites", + "hazelnuts", + "whipping cream", + "cream of tartar", + "granulated sugar", + "liqueur" + ] + }, + { + "id": 35231, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salt", + "cheddar cheese", + "cooking spray", + "garlic powder", + "chives", + "ice cubes", + "large eggs", + "grits" + ] + }, + { + "id": 41895, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "lime wedges", + "garlic cloves", + "large shrimp", + "chicken stock", + "lime", + "extra-virgin olive oil", + "yukon gold", + "ancho chili ground pepper", + "cilantro sprigs", + "chopped cilantro", + "fresh tomatoes", + "sweet potatoes", + "salt", + "onions" + ] + }, + { + "id": 31191, + "cuisine": "mexican", + "ingredients": [ + "pepper jack", + "onions", + "diced tomatoes", + "frozen bread dough", + "corn", + "ground turkey" + ] + }, + { + "id": 39041, + "cuisine": "mexican", + "ingredients": [ + "green tomatoes", + "jalapeno chilies", + "garlic cloves", + "pepper", + "diced tomatoes", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 24165, + "cuisine": "spanish", + "ingredients": [ + "asparagus", + "serrano ham", + "eggs", + "salt", + "peas", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 31950, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "canned black beans", + "diced tomatoes", + "pinto beans", + "ground cumin", + "green bell pepper", + "olive oil", + "chickpeas", + "dried oregano", + "tomato sauce", + "chili powder", + "garlic cloves", + "iceberg lettuce", + "reduced fat sharp cheddar cheese", + "taco shells", + "salsa", + "red bell pepper" + ] + }, + { + "id": 342, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "soy milk", + "vegetable oil", + "grated lemon zest", + "ground round", + "peeled fresh ginger", + "salt", + "corn starch", + "red chili peppers", + "green onions", + "all-purpose flour", + "Thai fish sauce", + "fresh basil", + "water chestnuts", + "light coconut milk", + "dark sesame oil" + ] + }, + { + "id": 16591, + "cuisine": "mexican", + "ingredients": [ + "quinoa", + "avocado", + "tortilla chips", + "salsa", + "mozzarella cheese" + ] + }, + { + "id": 30555, + "cuisine": "british", + "ingredients": [ + "pepper", + "salt", + "cod", + "flour", + "oil", + "garlic powder", + "beer", + "eggs", + "paprika", + "fish" + ] + }, + { + "id": 26602, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "green onions", + "fresh lime juice", + "white pepper", + "salt", + "canola oil", + "sugar", + "white wine vinegar", + "coleslaw", + "jalapeno chilies", + "red bell pepper" + ] + }, + { + "id": 23226, + "cuisine": "french", + "ingredients": [ + "all-purpose flour", + "unsalted butter", + "olives", + "confectioners sugar", + "extra-virgin olive oil" + ] + }, + { + "id": 46849, + "cuisine": "indian", + "ingredients": [ + "seeds", + "red", + "ground coriander", + "lime", + "lemon", + "salt", + "coriander", + "chili powder", + "garlic", + "chillies", + "nonfat plain greek yogurt", + "ginger", + "skinless chicken breasts", + "ground cumin" + ] + }, + { + "id": 49216, + "cuisine": "vietnamese", + "ingredients": [ + "ground black pepper", + "ground pork", + "shrimp", + "fish sauce", + "mung bean noodles", + "salt", + "crab meat", + "shredded carrots", + "garlic", + "vietnamese rice paper", + "shallots", + "small eggs" + ] + }, + { + "id": 5575, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "parmesan cheese", + "italian seasoning", + "fresh leav spinach", + "garlic powder", + "onions", + "olive oil", + "ricotta cheese", + "tomatoes", + "eggplant", + "garlic" + ] + }, + { + "id": 33868, + "cuisine": "japanese", + "ingredients": [ + "sake", + "water", + "konbu", + "baby bok choy", + "daikon", + "sugar", + "mirin", + "frozen edamame beans", + "soy sauce", + "scallions" + ] + }, + { + "id": 25785, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "provolone cheese", + "grated parmesan cheese", + "onions", + "mozzarella cheese", + "sour cream", + "pasta", + "lean ground beef" + ] + }, + { + "id": 19919, + "cuisine": "filipino", + "ingredients": [ + "chicken broth", + "green onions", + "patis", + "shrimp", + "cabbage", + "ground black pepper", + "lemon", + "carrots", + "onions", + "soy sauce", + "chicken breasts", + "pancit canton", + "green beans", + "shiitake", + "vegetable oil", + "garlic cloves", + "pork shoulder" + ] + }, + { + "id": 22375, + "cuisine": "mexican", + "ingredients": [ + "ground chicken", + "garlic", + "pepper", + "avocado", + "salt" + ] + }, + { + "id": 48783, + "cuisine": "french", + "ingredients": [ + "water", + "bay leaf", + "prunes", + "duck", + "juniper berries", + "thyme sprigs", + "red wine vinegar" + ] + }, + { + "id": 23217, + "cuisine": "french", + "ingredients": [ + "cranberry beans", + "zucchini", + "salt", + "onions", + "tomato paste", + "water", + "garlic", + "green beans", + "plum tomatoes", + "pinenuts", + "bay leaves", + "thyme", + "oregano", + "black pepper", + "potatoes", + "carrots", + "fresh basil leaves" + ] + }, + { + "id": 47912, + "cuisine": "italian", + "ingredients": [ + "pepper", + "cutlet", + "part-skim mozzarella", + "roasted red peppers", + "salt", + "olive oil", + "garlic", + "spinach", + "chicken breasts", + "olive oil spray" + ] + }, + { + "id": 43671, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "chili powder", + "enchilada sauce", + "tomatoes", + "sliced black olives", + "salt", + "ground beef", + "garlic powder", + "onion powder", + "sour cream", + "cheddar cheese", + "green onions", + "rice", + "ground cumin" + ] + }, + { + "id": 46249, + "cuisine": "british", + "ingredients": [ + "white vinegar", + "kosher salt", + "sugar", + "mint leaves" + ] + }, + { + "id": 47598, + "cuisine": "italian", + "ingredients": [ + "cottage cheese", + "white cheddar cheese", + "fresh parsley", + "eggs", + "part-skim mozzarella cheese", + "cream cheese, soften", + "italian seasoning", + "pasta sauce", + "lasagna noodles, cooked and drained", + "ground beef", + "bulk italian sausag", + "green pepper", + "onions" + ] + }, + { + "id": 42801, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "turkey kielbasa", + "cayenne pepper", + "onions", + "ground black pepper", + "fat-free chicken broth", + "medium shrimp", + "olive oil", + "diced tomatoes", + "long-grain rice", + "green bell pepper", + "hot pepper sauce", + "salt", + "fresh parsley" + ] + }, + { + "id": 29066, + "cuisine": "southern_us", + "ingredients": [ + "corn kernels", + "sugar", + "salt", + "butter", + "milk", + "corn starch" + ] + }, + { + "id": 26200, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "salt", + "green bell pepper", + "red pepper", + "onions", + "italian sausage", + "brown rice", + "celery", + "pepper", + "garlic" + ] + }, + { + "id": 9446, + "cuisine": "french", + "ingredients": [ + "bread crumbs", + "ground red pepper", + "milk", + "salt", + "shredded cheddar cheese", + "butter", + "large eggs" + ] + }, + { + "id": 46917, + "cuisine": "french", + "ingredients": [ + "flavored syrup", + "vanilla extract", + "coffee", + "reduced fat milk", + "caramel flavored syrup" + ] + }, + { + "id": 13541, + "cuisine": "southern_us", + "ingredients": [ + "cream of tartar", + "unsalted butter", + "cornmeal", + "cayenne", + "salt", + "corn kernels", + "whole milk", + "sugar", + "large eggs" + ] + }, + { + "id": 18705, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "Shaoxing wine", + "ground pepper", + "salt", + "soy sauce", + "diced chicken", + "vegetables", + "corn starch" + ] + }, + { + "id": 8373, + "cuisine": "cajun_creole", + "ingredients": [ + "broccoli", + "Italian herbs", + "fresh parsley", + "polish sausage", + "rice", + "stewed tomatoes", + "cooked chicken breasts" + ] + }, + { + "id": 28747, + "cuisine": "italian", + "ingredients": [ + "cannellini beans", + "escarole", + "prosciutto", + "crushed red pepper", + "fennel seeds", + "extra-virgin olive oil", + "polenta", + "water", + "garlic" + ] + }, + { + "id": 2738, + "cuisine": "mexican", + "ingredients": [ + "milk", + "salsa", + "ground cumin", + "mayonaise", + "butter", + "corn tortillas", + "green cabbage", + "lime", + "sour cream", + "kosher salt", + "large garlic cloves", + "large shrimp" + ] + }, + { + "id": 33430, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "crushed red pepper", + "shrimp", + "lump crab meat", + "olive oil", + "bow-tie pasta", + "oysters", + "salt", + "fresh parsley", + "pepper", + "butter", + "fresh lemon juice" + ] + }, + { + "id": 22093, + "cuisine": "french", + "ingredients": [ + "sugar", + "all-purpose flour", + "large eggs", + "salt", + "unsalted butter" + ] + }, + { + "id": 4471, + "cuisine": "french", + "ingredients": [ + "yellow squash", + "mushrooms", + "organic vegetable broth", + "flat leaf parsley", + "cherry tomatoes", + "cooking spray", + "crushed red pepper", + "red bell pepper", + "kosher salt", + "zucchini", + "extra-virgin olive oil", + "fresh lemon juice", + "fresh basil", + "finely chopped onion", + "tempeh", + "garlic cloves" + ] + }, + { + "id": 25953, + "cuisine": "southern_us", + "ingredients": [ + "safflower oil", + "low-fat buttermilk", + "sea salt", + "honey", + "baking powder", + "cayenne pepper", + "baking soda", + "coarse salt", + "chicken", + "water", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 46231, + "cuisine": "italian", + "ingredients": [ + "instant espresso powder", + "sugar", + "milk", + "corn starch" + ] + }, + { + "id": 22819, + "cuisine": "japanese", + "ingredients": [ + "avocado", + "tumeric", + "lime", + "ginger", + "coconut cream", + "spinach", + "grated coconut", + "garam masala", + "salt", + "mustard seeds", + "tomatoes", + "daal", + "red chile powder", + "garlic", + "cumin seed", + "coconut oil", + "lime juice", + "chile pepper", + "cilantro leaves", + "onions" + ] + }, + { + "id": 27090, + "cuisine": "russian", + "ingredients": [ + "unsalted butter", + "milk", + "preserves", + "all-purpose flour", + "active dry yeast" + ] + }, + { + "id": 48755, + "cuisine": "italian", + "ingredients": [ + "white wine", + "garlic", + "boneless skinless chicken breast halves", + "grated parmesan cheese", + "lemon juice", + "ground black pepper", + "salt", + "dried oregano", + "worcestershire sauce", + "dried parsley" + ] + }, + { + "id": 6771, + "cuisine": "korean", + "ingredients": [ + "minced ginger", + "salt", + "brown sugar", + "lean ground beef", + "garlic chili sauce", + "low sodium soy sauce", + "sesame oil", + "scallions", + "pepper", + "garlic", + "toasted sesame seeds" + ] + }, + { + "id": 43371, + "cuisine": "italian", + "ingredients": [ + "milk", + "Italian bread", + "tomato paste", + "extra-virgin olive oil", + "onions", + "pancetta", + "large eggs", + "flat leaf parsley", + "ground chicken", + "garlic cloves" + ] + }, + { + "id": 20069, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "zucchini", + "fresh lemon juice", + "yellow squash", + "basil leaves", + "whole wheat fettuccine", + "cherry tomatoes", + "lemon zest", + "arugula", + "olive oil", + "salt" + ] + }, + { + "id": 20511, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "potato gnocchi", + "garlic", + "ground beef", + "black pepper", + "meatballs", + "heavy cream", + "Italian seasoned breadcrumbs", + "baby spinach leaves", + "parmesan cheese", + "worcestershire sauce", + "yellow onion", + "italian seasoning", + "eggs", + "kosher salt", + "low sodium chicken broth", + "sea salt", + "bay leaf" + ] + }, + { + "id": 11837, + "cuisine": "vietnamese", + "ingredients": [ + "hot red pepper flakes", + "large eggs", + "scallions", + "asian fish sauce", + "minced garlic", + "white rice", + "beansprouts", + "sugar", + "corn oil", + "carrots", + "dry roasted peanuts", + "rice vinegar", + "chopped cilantro fresh" + ] + }, + { + "id": 40441, + "cuisine": "spanish", + "ingredients": [ + "sherry wine vinegar", + "garlic cloves", + "japanese eggplants", + "crushed red pepper", + "flat leaf parsley", + "panko", + "fresh oregano", + "golden zucchini", + "extra-virgin olive oil", + "red bell pepper" + ] + }, + { + "id": 35774, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "jalapeno chilies", + "salt", + "sour cream", + "frozen whole kernel corn", + "baking powder", + "scallions", + "yellow corn meal", + "large eggs", + "buttermilk", + "red bell pepper", + "baking soda", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 41553, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "shallots", + "rice", + "store bought low sodium chicken stock", + "ground pork", + "kosher salt", + "vegetable oil", + "sliced green onions", + "water", + "ginger" + ] + }, + { + "id": 22503, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "green onions", + "orange juice", + "nutmeg", + "vinegar", + "garlic", + "thyme", + "brown sugar", + "jalapeno chilies", + "salt", + "allspice", + "olive oil", + "cinnamon", + "gingerroot" + ] + }, + { + "id": 12642, + "cuisine": "korean", + "ingredients": [ + "chicken stock", + "soy sauce", + "beef", + "chilli paste", + "apple juice", + "beansprouts", + "spinach", + "honey", + "sesame oil", + "beef tenderloin", + "carrots", + "toasted sesame seeds", + "cooked rice", + "cider vinegar", + "shallots", + "sea salt", + "oil", + "kimchi", + "brown sugar", + "shiitake", + "fried eggs", + "garlic", + "cucumber" + ] + }, + { + "id": 550, + "cuisine": "brazilian", + "ingredients": [ + "juice", + "lime", + "ice", + "cold water", + "sweetened condensed milk", + "salt" + ] + }, + { + "id": 30610, + "cuisine": "british", + "ingredients": [ + "baking potatoes", + "chopped fresh chives", + "lemon zest", + "caviar", + "olive oil", + "crème fraîche" + ] + }, + { + "id": 12579, + "cuisine": "thai", + "ingredients": [ + "gari", + "green onions", + "dark sesame oil", + "butter lettuce", + "cooking oil", + "garlic", + "pepper sauce", + "hoisin sauce", + "lean ground beef", + "onions", + "soy sauce", + "water chestnuts", + "rice vinegar" + ] + }, + { + "id": 37905, + "cuisine": "thai", + "ingredients": [ + "beans", + "rice vinegar", + "fresh basil leaves", + "cilantro leaves", + "fresh mint", + "shredded carrots", + "roasted peanuts", + "cabbage", + "lettuce leaves", + "scallions", + "rice paper" + ] + }, + { + "id": 39466, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "Tabasco Pepper Sauce", + "celery", + "ground black pepper", + "salt", + "pork sausages", + "kosher salt", + "garlic", + "onions", + "green onions", + "beef broth", + "long grain white rice" + ] + }, + { + "id": 18181, + "cuisine": "italian", + "ingredients": [ + "light alfredo sauce", + "broccoli", + "vegetable oil", + "sliced mushrooms", + "pepper", + "chopped onion", + "fettucine", + "salt", + "apricots" + ] + }, + { + "id": 696, + "cuisine": "indian", + "ingredients": [ + "cardamom pods", + "onions", + "oil", + "cumin seed", + "basmati rice", + "chicken stock", + "cinnamon sticks" + ] + }, + { + "id": 16020, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "arugula", + "fresh basil", + "crushed red pepper", + "lemon juice", + "asparagus", + "toasted pine nuts", + "olive oil", + "salt", + "gnocchi" + ] + }, + { + "id": 25971, + "cuisine": "mexican", + "ingredients": [ + "low-fat sour cream", + "purple onion", + "lime", + "tortilla chips", + "black beans", + "salsa", + "chicken breasts", + "shredded cheese" + ] + }, + { + "id": 11176, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "bourbon whiskey", + "maple syrup", + "vanilla bean ice cream", + "sugar", + "granulated sugar", + "butter", + "corn starch", + "pecans", + "unsalted butter", + "cinnamon", + "dark brown sugar", + "water", + "flour", + "salt", + "allspice" + ] + }, + { + "id": 10373, + "cuisine": "southern_us", + "ingredients": [ + "dark corn syrup", + "unsalted butter", + "cinnamon", + "cream cheese", + "ground ginger", + "milk", + "egg whites", + "vanilla extract", + "Fisher Pecan Halves", + "light brown sugar", + "kosher salt", + "granulated sugar", + "heavy cream", + "chopped pecans", + "powdered sugar", + "ground nutmeg", + "baking powder", + "cake flour" + ] + }, + { + "id": 8443, + "cuisine": "southern_us", + "ingredients": [ + "peas", + "baking soda", + "okra", + "bacon", + "white sugar", + "pepper", + "salt" + ] + }, + { + "id": 4976, + "cuisine": "thai", + "ingredients": [ + "sweet chili sauce", + "egg whites", + "salt", + "corn starch", + "lime juice", + "baking powder", + "all-purpose flour", + "water", + "boneless skinless chicken breasts", + "cilantro leaves", + "sesame", + "cooking oil", + "garlic", + "oil" + ] + }, + { + "id": 40074, + "cuisine": "filipino", + "ingredients": [ + "water", + "canola oil", + "flour", + "bananas", + "brown sugar", + "lumpia wrappers" + ] + }, + { + "id": 34744, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "grating cheese", + "lettuce", + "olive oil", + "salt", + "lime juice", + "gluten", + "chile powder", + "whole wheat tortillas", + "sauce" + ] + }, + { + "id": 6891, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "prepar salsa", + "oregano", + "shredded cheddar cheese", + "whole kernel corn, drain", + "eggs", + "taco seasoning mix", + "ground turkey", + "cottage cheese", + "Azteca Flour Tortillas" + ] + }, + { + "id": 1094, + "cuisine": "italian", + "ingredients": [ + "water", + "shredded mozzarella cheese", + "extra-virgin olive oil", + "crumbled gorgonzola", + "cherry tomatoes", + "garlic cloves", + "yellow corn meal", + "salt", + "fresh basil leaves" + ] + }, + { + "id": 2610, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "grated parmesan cheese", + "fresh basil leaves", + "grape tomatoes", + "eggplant", + "yellow bell pepper", + "pinenuts", + "vegetable oil spray", + "heavy whipping cream", + "tomatoes", + "olive oil", + "large garlic cloves", + "rigatoni" + ] + }, + { + "id": 46331, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken breast halves", + "sour cream", + "shredded cheddar cheese", + "chile pepper", + "condensed cream of chicken soup", + "flour tortillas", + "milk", + "condensed cream of mushroom soup" + ] + }, + { + "id": 21902, + "cuisine": "southern_us", + "ingredients": [ + "corn husks", + "salt", + "unsalted butter", + "milk", + "freshly ground pepper" + ] + }, + { + "id": 11484, + "cuisine": "italian", + "ingredients": [ + "all-purpose flour", + "butter", + "salt", + "shredded cheddar cheese", + "crispy rice cereal" + ] + }, + { + "id": 42963, + "cuisine": "french", + "ingredients": [ + "ground cinnamon", + "milk", + "all-purpose flour", + "sugar", + "I Can't Believe It's Not Butter!® Spread", + "brandy", + "apples", + "eggs", + "baking powder" + ] + }, + { + "id": 5882, + "cuisine": "french", + "ingredients": [ + "finely chopped fresh parsley", + "goat cheese", + "butter", + "garlic", + "mushrooms", + "puff pastry" + ] + }, + { + "id": 30956, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "cumin seed", + "light coconut milk", + "ground turmeric", + "diced tomatoes", + "mustard seeds", + "red chili peppers", + "salt", + "cooked chicken breasts" + ] + }, + { + "id": 15988, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "oil", + "shrimp", + "bamboo shoots", + "chicken stock", + "vegetable oil", + "oyster sauce", + "green beans", + "char siu", + "green onions", + "chow mein noodles", + "corn starch", + "dried mushrooms", + "sugar", + "cilantro leaves", + "carrots", + "celery" + ] + }, + { + "id": 11012, + "cuisine": "korean", + "ingredients": [ + "hot pepper", + "carrots", + "soy sauce", + "scallions", + "canola oil", + "jalapeno chilies", + "garlic cloves", + "sugar", + "squid", + "onions" + ] + }, + { + "id": 19017, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "heavy cream", + "sugar", + "jalapeno chilies", + "olive oil", + "onions", + "fresh cilantro", + "tomatillos" + ] + }, + { + "id": 29719, + "cuisine": "greek", + "ingredients": [ + "bell pepper", + "freshly ground pepper", + "couscous", + "lemon wedge", + "garlic cloves", + "cannellini beans", + "scallions", + "dried oregano", + "coarse salt", + "feta cheese crumbles" + ] + }, + { + "id": 367, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "dry sherry", + "ground coriander", + "dried cranberries", + "fresh cilantro", + "pistachios", + "yellow onion", + "cinnamon sticks", + "sugar pumpkin", + "fresh ginger", + "beef stew meat", + "garlic cloves", + "honey", + "lime wedges", + "ground allspice", + "fresh lime juice" + ] + }, + { + "id": 2142, + "cuisine": "thai", + "ingredients": [ + "salad dressing", + "extra firm tofu", + "chopped cilantro fresh", + "broccoli florets", + "basmati rice", + "fat free less sodium chicken broth", + "red bell pepper" + ] + }, + { + "id": 17227, + "cuisine": "indian", + "ingredients": [ + "clove", + "tumeric", + "yoghurt", + "salt", + "oil", + "chicken", + "red chili powder", + "almonds", + "heavy cream", + "green cardamom", + "cinnamon sticks", + "tomatoes", + "sugar", + "butter", + "cilantro leaves", + "lemon juice", + "garlic paste", + "garam masala", + "kasuri methi", + "green chilies", + "methi" + ] + }, + { + "id": 2620, + "cuisine": "korean", + "ingredients": [ + "honey", + "sesame oil", + "salt", + "red bell pepper", + "tomato paste", + "meat", + "garlic", + "hot sauce", + "cabbage", + "fresh ginger", + "vegetable oil", + "rice vinegar", + "toasted sesame seeds", + "pepper", + "whole wheat spaghetti", + "tamari soy sauce", + "scallions" + ] + }, + { + "id": 43109, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "deveined shrimp", + "ground turmeric", + "chile pepper", + "cilantro leaves", + "garam masala", + "salt", + "tomatoes", + "vegetable oil", + "onions" + ] + }, + { + "id": 10051, + "cuisine": "mexican", + "ingredients": [ + "large egg whites", + "all-purpose flour", + "corn kernels", + "achiote paste", + "chiles", + "medium shrimp uncook", + "garlic cloves", + "fillet red snapper", + "corn oil", + "chopped cilantro fresh" + ] + }, + { + "id": 1046, + "cuisine": "italian", + "ingredients": [ + "red wine vinegar", + "carrots", + "mint leaves", + "fine sea salt", + "Boston lettuce", + "extra-virgin olive oil", + "kirby cucumbers", + "hearts of romaine" + ] + }, + { + "id": 39561, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "spaghetti", + "thai basil", + "salt", + "fish sauce", + "garlic", + "butter", + "provolone cheese" + ] + }, + { + "id": 40647, + "cuisine": "brazilian", + "ingredients": [ + "fish fillets", + "cayenne", + "canned tomatoes", + "garlic cloves", + "water", + "haddock", + "green pepper", + "white wine", + "flour", + "salt", + "onions", + "tomato paste", + "olive oil", + "parsley", + "beau monde seasoning" + ] + }, + { + "id": 16745, + "cuisine": "indian", + "ingredients": [ + "vegetable oil spray", + "cumin seed", + "extra-virgin olive oil", + "kosher salt", + "carrots" + ] + }, + { + "id": 21326, + "cuisine": "moroccan", + "ingredients": [ + "capers", + "cauliflower florets", + "fresh parsley", + "olive oil", + "garlic cloves", + "lemon", + "lemon juice", + "water", + "salt" + ] + }, + { + "id": 9854, + "cuisine": "mexican", + "ingredients": [ + "Velveeta", + "green pepper", + "instant white rice", + "water", + "frozen peas", + "KRAFT Original Barbecue Sauce", + "ground pork" + ] + }, + { + "id": 36121, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "quinoa", + "salsa", + "onions", + "water", + "chili powder", + "ground turkey", + "minced garlic", + "bell pepper", + "enchilada sauce", + "cumin", + "cheddar cheese", + "fresh cilantro", + "diced tomatoes", + "fresh lime juice" + ] + }, + { + "id": 45960, + "cuisine": "japanese", + "ingredients": [ + "all-purpose flour", + "cold water", + "oil", + "soy sauce", + "panko breadcrumbs", + "broccoli" + ] + }, + { + "id": 22291, + "cuisine": "indian", + "ingredients": [ + "sugar", + "baking powder", + "milk", + "salt", + "thick curds", + "butter", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 6064, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "rotisserie chicken", + "shredded cheddar cheese", + "cream cheese", + "corn tortillas", + "green enchilada sauce", + "sour cream", + "finely chopped onion", + "green chilies", + "cumin" + ] + }, + { + "id": 25888, + "cuisine": "japanese", + "ingredients": [ + "sake", + "beef", + "onions", + "soy sauce", + "soup", + "sugar", + "mirin", + "steamed rice", + "ginger" + ] + }, + { + "id": 40209, + "cuisine": "french", + "ingredients": [ + "water", + "cooking spray", + "fresh lime juice", + "large egg whites", + "salt", + "mango", + "sugar", + "large egg yolks", + "corn starch", + "macadamia nuts", + "butter", + "sweetened condensed milk" + ] + }, + { + "id": 45415, + "cuisine": "jamaican", + "ingredients": [ + "garam masala", + "chaat masala", + "breadfruit", + "salt", + "garlic paste", + "chili powder", + "ground turmeric", + "pepper", + "coconut vinegar" + ] + }, + { + "id": 22736, + "cuisine": "italian", + "ingredients": [ + "pesto", + "red bell pepper", + "chees fresh mozzarella", + "french baguette", + "cornichons" + ] + }, + { + "id": 1641, + "cuisine": "italian", + "ingredients": [ + "cauliflower florets", + "black pepper", + "salt", + "water", + "coconut oil", + "garlic" + ] + }, + { + "id": 11200, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "jalapeno chilies", + "baked pizza crust", + "tomatoes", + "sliced black olives", + "purple onion", + "shredded mozzarella cheese", + "fresh basil", + "grated parmesan cheese", + "salt", + "ground black pepper", + "pizza sauce", + "fresh mushrooms" + ] + }, + { + "id": 41371, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "sharp cheddar cheese", + "kosher salt", + "butter", + "monterey jack", + "Velveeta", + "cajun seasoning", + "elbow macaroni", + "large eggs", + "cracked black pepper" + ] + }, + { + "id": 22649, + "cuisine": "mexican", + "ingredients": [ + "finely chopped onion", + "canola oil", + "pepper", + "salt", + "eggs", + "seeds", + "shredded cheddar cheese", + "shredded zucchini" + ] + }, + { + "id": 33075, + "cuisine": "indian", + "ingredients": [ + "lime", + "sugar", + "mango", + "lime zest", + "full-fat plain yogurt", + "kosher salt" + ] + }, + { + "id": 47394, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "lemon", + "corn starch", + "garlic powder", + "squid", + "milk", + "salt", + "flour", + "oil" + ] + }, + { + "id": 21938, + "cuisine": "thai", + "ingredients": [ + "sugar", + "cayenne pepper", + "cucumber", + "vegetable oil", + "long-grain rice", + "chopped cilantro", + "ground black pepper", + "scallions", + "fresh lime juice", + "salmon fillets", + "salt", + "carrots", + "asian fish sauce" + ] + }, + { + "id": 41256, + "cuisine": "french", + "ingredients": [ + "fennel seeds", + "hot red pepper flakes", + "water", + "extra-virgin olive oil", + "onions", + "saffron threads", + "tomatoes", + "black pepper", + "chopped fresh thyme", + "carrots", + "orange zest", + "tomato paste", + "sugar", + "Turkish bay leaves", + "salt", + "long grain white rice", + "celery ribs", + "fresh basil", + "reduced sodium chicken broth", + "large garlic cloves", + "flat leaf parsley" + ] + }, + { + "id": 40402, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "bacon", + "apple cider vinegar", + "cabbage", + "garlic powder", + "onions", + "brown sugar", + "worcestershire sauce" + ] + }, + { + "id": 43022, + "cuisine": "greek", + "ingredients": [ + "green bell pepper", + "salt", + "boneless skinless chicken breast halves", + "ground black pepper", + "nonfat yogurt plain", + "dried oregano", + "lemon zest", + "fresh lemon juice", + "dried rosemary", + "purple onion", + "feta cheese crumbles" + ] + }, + { + "id": 19561, + "cuisine": "french", + "ingredients": [ + "shredded swiss cheese", + "Alfredo sauce", + "kirsch", + "ground nutmeg", + "garlic cloves", + "dry white wine" + ] + }, + { + "id": 40968, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "sea bass fillets", + "pepitas", + "large eggs", + "salt", + "coriander seeds", + "butter", + "bread crumb fresh", + "lemon wedge", + "all-purpose flour" + ] + }, + { + "id": 40279, + "cuisine": "italian", + "ingredients": [ + "saffron threads", + "salt", + "plum tomatoes", + "unsalted butter", + "medium shrimp", + "dry white wine", + "onions", + "arborio rice", + "freshly ground pepper" + ] + }, + { + "id": 7475, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "peas", + "olive oil", + "seasoning salt", + "pasta", + "green onions" + ] + }, + { + "id": 22644, + "cuisine": "thai", + "ingredients": [ + "light brown sugar", + "lemongrass", + "ground white pepper", + "fish sauce", + "cilantro stems", + "chicken wings", + "Sriracha", + "chopped cilantro", + "sweet chili sauce", + "oil" + ] + }, + { + "id": 37991, + "cuisine": "filipino", + "ingredients": [ + "red pepper", + "salt", + "vegetable broth", + "shirataki", + "coconut milk", + "salmon fillets", + "peanut sauce" + ] + }, + { + "id": 14295, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "yoghurt", + "oil", + "cumin", + "garam masala", + "cilantro", + "onions", + "asafoetida", + "paprika", + "mustard seeds", + "red lentils", + "jalapeno chilies", + "ginger", + "coriander" + ] + }, + { + "id": 22341, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "water", + "shredded sharp cheddar cheese", + "milk", + "salt", + "pepper", + "quickcooking grits" + ] + }, + { + "id": 33135, + "cuisine": "mexican", + "ingredients": [ + "salt", + "chipotles in adobo", + "tomatillos", + "poblano chiles", + "white onion", + "cilantro leaves", + "large garlic cloves", + "fresh lime juice" + ] + }, + { + "id": 9857, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "garlic cloves", + "kosher salt", + "Italian parsley leaves", + "grated parmesan cheese", + "baguette", + "extra-virgin olive oil" + ] + }, + { + "id": 16183, + "cuisine": "thai", + "ingredients": [ + "peeled shrimp", + "coconut milk", + "fish sauce", + "fresh mushrooms", + "cooked rice", + "red curry paste", + "fresh basil leaves", + "cooking oil", + "red bell pepper" + ] + }, + { + "id": 39900, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "baby spinach", + "peaches", + "salad dressing" + ] + }, + { + "id": 25458, + "cuisine": "mexican", + "ingredients": [ + "sliced black olives", + "sour cream", + "eggs", + "margarine", + "ground beef", + "green onions", + "corn tortillas", + "shredded cheddar cheese", + "enchilada sauce" + ] + }, + { + "id": 28740, + "cuisine": "southern_us", + "ingredients": [ + "water", + "shredded sharp cheddar cheese", + "bacon salt", + "olive oil", + "onions", + "yellow corn meal", + "milk", + "enchilada sauce", + "black pepper", + "mushroom caps" + ] + }, + { + "id": 8794, + "cuisine": "italian", + "ingredients": [ + "baguette", + "whole peeled tomatoes", + "crushed red pepper flakes", + "fresh parsley leaves", + "vodka", + "unsalted butter", + "shallots", + "penne pasta", + "tomato paste", + "parmesan cheese", + "boneless skinless chicken breasts", + "garlic", + "fresh basil leaves", + "kosher salt", + "granulated sugar", + "heavy cream", + "garlic cloves" + ] + }, + { + "id": 47361, + "cuisine": "thai", + "ingredients": [ + "sugar", + "sea salt", + "fresh mint", + "shallots", + "shrimp", + "asian fish sauce", + "minced garlic", + "thai chile", + "fresh lime juice", + "lemongrass", + "scallions", + "serrano chile" + ] + }, + { + "id": 23890, + "cuisine": "japanese", + "ingredients": [ + "abura age", + "sugar", + "rice", + "sake", + "dashi", + "soy sauce", + "white sesame seeds" + ] + }, + { + "id": 5083, + "cuisine": "italian", + "ingredients": [ + "pepper", + "grated parmesan cheese", + "diced tomatoes", + "garlic cloves", + "boiling water", + "tomato paste", + "lasagna noodles", + "lean ground beef", + "garlic", + "fresh parsley", + "tomato sauce", + "large eggs", + "ricotta cheese", + "salt", + "onions", + "olive oil", + "cheese slices", + "basil", + "bay leaf", + "italian seasoning" + ] + }, + { + "id": 36507, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "garlic", + "onions", + "soy sauce", + "sirloin steak", + "carrots", + "brown sugar", + "red pepper flakes", + "broccoli", + "green onions", + "ginger", + "corn starch" + ] + }, + { + "id": 380, + "cuisine": "japanese", + "ingredients": [ + "sesame oil", + "chicken", + "soy sauce", + "oil", + "sake", + "skinless chicken breasts", + "fresh ginger", + "corn starch" + ] + }, + { + "id": 37132, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "large eggs", + "water", + "unsalted butter", + "fresh tarragon", + "kosher salt", + "prosciutto", + "shallots", + "fresh chives", + "parmesan cheese", + "fresh shiitake mushrooms" + ] + }, + { + "id": 44521, + "cuisine": "italian", + "ingredients": [ + "pasta", + "water", + "zucchini", + "garlic", + "carrots", + "dried oregano", + "pepper", + "condensed french onion soup", + "stewed tomatoes", + "chopped onion", + "ground beef", + "spinach", + "garbanzo beans", + "bacon", + "beef broth", + "celery", + "tomato purée", + "dried basil", + "red wine", + "salt", + "chopped parsley" + ] + }, + { + "id": 18456, + "cuisine": "korean", + "ingredients": [ + "salt", + "green onions", + "garlic cloves", + "crushed red pepper flakes", + "cabbage", + "sugar", + "gingerroot" + ] + }, + { + "id": 42676, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "peanuts", + "salt", + "corn starch", + "fish sauce", + "pepper", + "lettuce leaves", + "oil", + "onions", + "brown sugar", + "water", + "garlic", + "shrimp", + "eggs", + "pork belly", + "flour", + "peanut butter", + "nonstick spray" + ] + }, + { + "id": 16739, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "sauce", + "eggs", + "Tabasco Pepper Sauce", + "ground black pepper", + "sweet pickle relish", + "paprika" + ] + }, + { + "id": 26972, + "cuisine": "greek", + "ingredients": [ + "chicken stock", + "red wine vinegar", + "onions", + "olive oil", + "garlic cloves", + "tomato purée", + "dill", + "butter beans", + "lamb fillet", + "feta cheese crumbles" + ] + }, + { + "id": 27603, + "cuisine": "mexican", + "ingredients": [ + "salad", + "chili powder", + "salsa", + "ground cumin", + "liquid smoke", + "romaine lettuce", + "grapeseed oil", + "sour cream", + "pure maple syrup", + "tempeh", + "tortilla chips", + "avocado", + "black beans", + "salt", + "fresh lime juice" + ] + }, + { + "id": 40036, + "cuisine": "thai", + "ingredients": [ + "boneless skinless chicken", + "hoisin sauce", + "creamy peanut butter", + "minced ginger", + "cayenne pepper", + "sesame oil", + "scallions" + ] + }, + { + "id": 36332, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "olive oil", + "pepper", + "garlic cloves", + "fresh basil", + "salt", + "baguette", + "serrano ham" + ] + }, + { + "id": 24288, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "russet potatoes", + "garlic", + "olive oil", + "heavy cream", + "kosher salt", + "baby spinach", + "onions", + "chicken broth", + "ground black pepper", + "bacon" + ] + }, + { + "id": 26143, + "cuisine": "indian", + "ingredients": [ + "finely chopped onion", + "russet potatoes", + "red bell pepper", + "serrano chile", + "bread crumb fresh", + "vegetable oil", + "carrots", + "chaat masala", + "large eggs", + "paprika", + "chutney", + "peeled fresh ginger", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 30356, + "cuisine": "southern_us", + "ingredients": [ + "chocolate ice cream", + "southern comfort", + "butterscotch sauce", + "salted roast peanuts" + ] + }, + { + "id": 37241, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "onions", + "water", + "lard", + "red kidney beans", + "cayenne", + "smoked ham hocks", + "cooked rice", + "salt", + "chopped garlic" + ] + }, + { + "id": 28034, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "tomatoes", + "grated romano cheese", + "dried oregano", + "olive oil", + "fresh parsley", + "bread crumb fresh", + "garlic" + ] + }, + { + "id": 34037, + "cuisine": "filipino", + "ingredients": [ + "ground black pepper", + "sauce", + "onions", + "minced garlic", + "green onions", + "oil", + "peeled fresh ginger", + "medium-grain rice", + "bone in chicken thighs", + "water", + "salt", + "calamansi" + ] + }, + { + "id": 12329, + "cuisine": "spanish", + "ingredients": [ + "water", + "fresh tarragon", + "tomatoes", + "peaches", + "salt", + "olive oil", + "white wine vinegar", + "black pepper", + "shallots", + "crushed ice" + ] + }, + { + "id": 43468, + "cuisine": "korean", + "ingredients": [ + "pepper", + "beef tenderloin", + "lower sodium soy sauce", + "scallions", + "water", + "rice vinegar", + "splenda", + "garlic cloves" + ] + }, + { + "id": 9618, + "cuisine": "italian", + "ingredients": [ + "pasta", + "boneless skinless chicken breasts", + "Swanson Chicken Broth", + "garlic", + "vegetables", + "diced tomatoes", + "grated parmesan cheese", + "italian seasoning" + ] + }, + { + "id": 3271, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger root", + "duck egg", + "oyster sauce", + "soy sauce", + "green onions", + "boneless pork loin", + "ground black pepper", + "salt", + "long grain white rice", + "water", + "vegetable oil", + "century eggs" + ] + }, + { + "id": 16244, + "cuisine": "indian", + "ingredients": [ + "coriander powder", + "salt", + "oil", + "onions", + "water", + "chili powder", + "green cardamom", + "mustard seeds", + "ground cumin", + "tomatoes", + "pumpkin", + "dill", + "garlic cloves", + "ground turmeric", + "garam masala", + "green peas", + "cumin seed", + "cinnamon sticks" + ] + }, + { + "id": 10693, + "cuisine": "spanish", + "ingredients": [ + "whole cloves", + "cumin seed", + "cider vinegar", + "cayenne pepper", + "cinnamon sticks", + "black peppercorns", + "ground tumeric", + "garlic cloves", + "fresh ginger", + "tamarind paste" + ] + }, + { + "id": 25634, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "warm water", + "butter", + "active dry yeast", + "sugar", + "large eggs" + ] + }, + { + "id": 2253, + "cuisine": "indian", + "ingredients": [ + "white vinegar", + "sparkling lemonade", + "coconut sugar", + "cream", + "lime juice", + "garam masala", + "spring onions", + "duck egg", + "chili sauce", + "green chilies", + "chow mein noodles", + "noodles", + "cumin", + "cauliflower", + "tomatoes", + "shucked oysters", + "pepper", + "lime", + "prawns", + "ginger", + "purple onion", + "vinaigrette", + "beets", + "instant espresso", + "ground turmeric", + "bread", + "chili flakes", + "sugar", + "water", + "eggplant", + "lobster", + "garlic", + "salt", + "goat cheese", + "oil", + "toast", + "polenta", + "English mustard", + "mustard", + "tumeric", + "black truffles", + "milk", + "Nutella", + "chili powder", + "paneer", + "rice", + "walnuts", + "lotus roots", + "greens" + ] + }, + { + "id": 34904, + "cuisine": "cajun_creole", + "ingredients": [ + "diced tomatoes", + "red bell pepper", + "chicken broth", + "crushed red pepper", + "cooked white rice", + "celery ribs", + "garlic", + "smoked turkey sausage", + "red kidnei beans, rins and drain", + "green pepper", + "onions" + ] + }, + { + "id": 36453, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "chicken", + "romano cheese", + "cheese", + "onions", + "tomato sauce", + "shredded lettuce", + "corn tortillas", + "tomatoes", + "corn oil", + "sour cream" + ] + }, + { + "id": 1624, + "cuisine": "british", + "ingredients": [ + "heavy cream", + "unsalted butter", + "frozen peas", + "chicken stock", + "onions", + "fresh mint" + ] + }, + { + "id": 1357, + "cuisine": "indian", + "ingredients": [ + "baby spinach", + "garam masala", + "feta cheese", + "extra-virgin olive oil", + "nonfat plain greek yogurt" + ] + }, + { + "id": 34131, + "cuisine": "cajun_creole", + "ingredients": [ + "bay leaves", + "salt", + "creole seasoning", + "fresh parsley", + "milk", + "extra-virgin olive oil", + "beef broth", + "red bell pepper", + "tomatoes", + "red wine vinegar", + "all-purpose flour", + "round steaks", + "grits", + "unsalted butter", + "garlic", + "yellow onion", + "celery" + ] + }, + { + "id": 12788, + "cuisine": "greek", + "ingredients": [ + "pita bread rounds", + "boneless skinless chicken breast halves", + "olive oil", + "fresh lemon juice", + "fresh dill", + "large garlic cloves", + "dried oregano", + "nonfat yogurt", + "onions" + ] + }, + { + "id": 14782, + "cuisine": "mexican", + "ingredients": [ + "cooked rice", + "pepper", + "bell pepper", + "salt", + "soft corn tortillas", + "tomato paste", + "tomato sauce", + "lime", + "onion powder", + "garlic cloves", + "ground cumin", + "tomatoes", + "black beans", + "garlic powder", + "diced tomatoes", + "sour cream", + "avocado", + "green chile", + "fresh cilantro", + "chicken breasts", + "sharp cheddar cheese", + "Country Crock® Spread" + ] + }, + { + "id": 49487, + "cuisine": "irish", + "ingredients": [ + "salt", + "baking soda", + "all-purpose flour", + "buttermilk" + ] + }, + { + "id": 44434, + "cuisine": "italian", + "ingredients": [ + "onion powder", + "ground cumin", + "olive oil", + "poultry seasoning", + "celery salt", + "butter", + "garlic powder", + "Italian bread" + ] + }, + { + "id": 15275, + "cuisine": "moroccan", + "ingredients": [ + "boneless chicken skinless thigh", + "large garlic cloves", + "carrots", + "chopped fresh mint", + "ground ginger", + "fennel bulb", + "cayenne pepper", + "fresh parsley", + "ground cumin", + "fresh dill", + "lemon", + "ground coriander", + "onions", + "hungarian sweet paprika", + "olive oil", + "artichokes", + "low salt chicken broth", + "grated lemon peel" + ] + }, + { + "id": 47160, + "cuisine": "british", + "ingredients": [ + "milk", + "eggs", + "plain flour", + "salt", + "pepper" + ] + }, + { + "id": 45000, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "kosher salt", + "ground black pepper", + "guacamole", + "butter", + "cilantro", + "shredded cheese", + "beans", + "fresh cilantro", + "bell pepper", + "chili powder", + "worcestershire sauce", + "salsa", + "canola oil", + "avocado", + "black beans", + "canola", + "jalapeno chilies", + "lime wedges", + "paprika", + "yellow onion", + "ground cumin", + "brown sugar", + "lime juice", + "flour tortillas", + "chicken breasts", + "red pepper flakes", + "garlic", + "sour cream" + ] + }, + { + "id": 4628, + "cuisine": "japanese", + "ingredients": [ + "bonito flakes", + "konbu" + ] + }, + { + "id": 5835, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "baking powder", + "margarine", + "milk", + "salt", + "brown sugar", + "vanilla extract", + "white sugar", + "peaches", + "all-purpose flour" + ] + }, + { + "id": 36626, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "roma tomatoes", + "Mexican cheese blend", + "cilantro", + "refried beans", + "pizza sauce", + "ground chuck", + "flour tortillas", + "salt" + ] + }, + { + "id": 41088, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "hot sauce", + "purple onion", + "mango", + "jalapeno chilies", + "chopped cilantro fresh", + "chipotle chile", + "salt" + ] + }, + { + "id": 45249, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "cooking spray", + "goat cheese", + "fresh parmesan cheese", + "salt", + "swiss chard", + "vegetable broth", + "water", + "reduced-fat sour cream", + "garlic cloves" + ] + }, + { + "id": 33426, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "ground black pepper", + "spanish chorizo", + "large shrimp", + "mussels", + "kosher salt", + "lemon", + "spanish paprika", + "saffron threads", + "boneless chicken skinless thigh", + "low sodium chicken broth", + "yellow onion", + "paella rice", + "olive oil", + "Italian parsley leaves", + "garlic cloves" + ] + }, + { + "id": 13137, + "cuisine": "italian", + "ingredients": [ + "brandy", + "blanched almonds", + "cookies", + "vanilla ice cream", + "heavy cream", + "dark rum", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 4140, + "cuisine": "french", + "ingredients": [ + "pitted black olives", + "garlic cloves", + "ground black pepper", + "olive oil", + "fillets", + "capers", + "fresh thyme" + ] + }, + { + "id": 17118, + "cuisine": "chinese", + "ingredients": [ + "regular tofu", + "scallops", + "vinegar", + "salt", + "greens", + "potsticker wrappers", + "fresh ginger", + "green onions", + "oyster sauce", + "white pepper", + "shiitake", + "vegetable oil", + "frozen peas", + "soy sauce", + "water", + "water chestnuts", + "garlic cloves" + ] + }, + { + "id": 8308, + "cuisine": "italian", + "ingredients": [ + "boneless skinless chicken breasts", + "eggs", + "all-purpose flour", + "chicken stock", + "butter", + "pepper", + "fresh lemon juice" + ] + }, + { + "id": 42514, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "bacon", + "sliced mushrooms", + "cream", + "bone-in chicken breasts", + "white wine", + "salt", + "onions", + "celery ribs", + "fresh thyme leaves", + "garlic cloves" + ] + }, + { + "id": 24504, + "cuisine": "italian", + "ingredients": [ + "mayonaise", + "black olives", + "sour cream", + "parmigiano reggiano cheese", + "cream cheese", + "mozzarella cheese", + "green pepper", + "pizza sauce", + "pepperoni" + ] + }, + { + "id": 4603, + "cuisine": "vietnamese", + "ingredients": [ + "butternut squash", + "garlic cloves", + "soy sauce", + "vegetable oil", + "coriander", + "brown sugar", + "spring onions", + "green beans", + "fresh ginger root", + "vegetable stock", + "basmati rice" + ] + }, + { + "id": 33401, + "cuisine": "southern_us", + "ingredients": [ + "crawfish", + "chopped celery", + "ground red pepper", + "stuffing", + "chopped onion", + "chicken broth", + "butter" + ] + }, + { + "id": 8139, + "cuisine": "italian", + "ingredients": [ + "chees fresh mozzarella", + "tomatoes", + "extra-virgin olive oil", + "kosher salt", + "fresh basil leaves", + "ground black pepper" + ] + }, + { + "id": 16763, + "cuisine": "japanese", + "ingredients": [ + "boneless chicken thigh fillets", + "water", + "sake", + "shallots", + "soy sauce", + "garlic", + "brown sugar", + "mirin" + ] + }, + { + "id": 26796, + "cuisine": "indian", + "ingredients": [ + "clove", + "coriander seeds", + "ginger", + "cumin seed", + "ground turmeric", + "chiles", + "cinnamon", + "yellow onion", + "black mustard seeds", + "black peppercorns", + "hungarian paprika", + "garlic", + "palm vinegar", + "canola oil", + "light brown sugar", + "boneless chicken skinless thigh", + "small new potatoes", + "fenugreek seeds", + "cooked white rice" + ] + }, + { + "id": 14447, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "fresh ginger", + "chili powder", + "cumin seed", + "ground turmeric", + "lime", + "garam masala", + "salt", + "black mustard seeds", + "asafetida", + "water", + "coriander seeds", + "russet potatoes", + "garlic cloves", + "hing (powder)", + "cauliflower", + "amchur", + "jalapeno chilies", + "cilantro leaves", + "onions", + "canola oil" + ] + }, + { + "id": 5360, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "dried pappardelle", + "unsalted butter", + "coarse salt", + "flat leaf parsley", + "shallots", + "freshly ground pepper", + "mushrooms", + "taleggio" + ] + }, + { + "id": 21175, + "cuisine": "cajun_creole", + "ingredients": [ + "orange bell pepper", + "Italian parsley leaves", + "andouille sausage", + "low sodium chicken broth", + "onions", + "zucchini", + "peanut oil", + "low sodium cajun seasoning", + "brown rice", + "large shrimp" + ] + }, + { + "id": 41242, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic", + "white onion", + "flour tortillas", + "squash blossoms", + "jack cheese", + "cherry tomatoes", + "cilantro leaves", + "kosher salt", + "jalapeno chilies", + "thick-cut bacon" + ] + }, + { + "id": 3571, + "cuisine": "italian", + "ingredients": [ + "lemon", + "asparagus", + "extra-virgin olive oil", + "pecorino romano cheese" + ] + }, + { + "id": 23245, + "cuisine": "southern_us", + "ingredients": [ + "vodka", + "lemon wedge", + "cranberry juice", + "crushed ice", + "orange", + "orange liqueur", + "white wine", + "peach nectar" + ] + }, + { + "id": 48200, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "unsalted butter", + "pinenuts", + "brussels sprouts", + "extra-virgin olive oil" + ] + }, + { + "id": 1313, + "cuisine": "greek", + "ingredients": [ + "beans", + "cooking spray", + "dried dill", + "flat leaf parsley", + "honey", + "chopped celery", + "garlic cloves", + "ground black pepper", + "salt", + "carrots", + "crushed tomatoes", + "extra-virgin olive oil", + "chopped onion", + "dried oregano" + ] + }, + { + "id": 33405, + "cuisine": "indian", + "ingredients": [ + "milk", + "all-purpose flour", + "vegetable shortening", + "baking powder", + "water", + "salt" + ] + }, + { + "id": 36138, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "extra-virgin olive oil", + "chopped parsley", + "grated parmesan cheese", + "garlic cloves", + "linguine" + ] + }, + { + "id": 14954, + "cuisine": "mexican", + "ingredients": [ + "dried minced garlic", + "condensed tomato soup", + "chile pepper", + "unsweetened cocoa powder", + "finely chopped onion", + "cilantro", + "vegetable oil", + "ground cumin" + ] + }, + { + "id": 18929, + "cuisine": "southern_us", + "ingredients": [ + "white grapefruit juice", + "honey", + "jack daniels" + ] + }, + { + "id": 48751, + "cuisine": "indian", + "ingredients": [ + "eggs", + "cilantro", + "hamburger buns", + "ginger paste", + "garlic paste", + "ground lamb", + "garam masala" + ] + }, + { + "id": 12225, + "cuisine": "filipino", + "ingredients": [ + "water", + "yellow onion", + "spinach", + "ground black pepper", + "plum tomatoes", + "tamarind", + "okra", + "fish sauce", + "daikon", + "large shrimp" + ] + }, + { + "id": 32092, + "cuisine": "indian", + "ingredients": [ + "crushed tomatoes", + "chickpeas", + "basmati rice", + "baby spinach", + "onions", + "salt", + "chopped cilantro fresh", + "garam masala", + "greek yogurt", + "canola oil" + ] + }, + { + "id": 9306, + "cuisine": "cajun_creole", + "ingredients": [ + "boneless chicken skinless thigh", + "chopped green bell pepper", + "diced tomatoes", + "chopped onion", + "large shrimp", + "dried thyme", + "ground red pepper", + "chopped celery", + "smoked turkey sausage", + "fat free less sodium chicken broth", + "boneless skinless chicken breasts", + "paprika", + "garlic cloves", + "sliced green onions", + "ground black pepper", + "vegetable oil", + "salt", + "long grain white rice" + ] + }, + { + "id": 42154, + "cuisine": "french", + "ingredients": [ + "honey", + "all-purpose flour", + "fromage blanc", + "pastry shell", + "lemon juice", + "sugar", + "balsamic vinegar", + "orange liqueur", + "nutmeg", + "large eggs", + "strawberries" + ] + }, + { + "id": 10262, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "boneless skinless chicken breasts", + "ground black pepper", + "medium salsa", + "low fat mozzarella" + ] + }, + { + "id": 7605, + "cuisine": "french", + "ingredients": [ + "sugar", + "dry yeast", + "1% low-fat milk", + "large egg whites", + "cooking spray", + "water", + "large eggs", + "salt", + "unsalted butter", + "all purpose unbleached flour" + ] + }, + { + "id": 36011, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "short-grain rice", + "cilantro", + "spanish chorizo", + "frozen peas", + "boneless chicken skinless thigh", + "bay leaves", + "garlic", + "medium shrimp", + "chicken broth", + "artichoke hearts", + "dry white wine", + "salt", + "onions", + "green olives", + "roasted red peppers", + "extra-virgin olive oil", + "smoked paprika", + "saffron" + ] + }, + { + "id": 23126, + "cuisine": "chinese", + "ingredients": [ + "sake", + "minced garlic", + "sesame oil", + "shiitake mushroom caps", + "sugar", + "mushroom caps", + "oyster sauce", + "cremini mushrooms", + "fresh ginger", + "vegetable oil", + "basmati rice", + "low sodium soy sauce", + "fat free less sodium chicken broth", + "green onions", + "corn starch" + ] + }, + { + "id": 29778, + "cuisine": "mexican", + "ingredients": [ + "orange", + "ice", + "tequila", + "orange bitters", + "sweet vermouth", + "mezcal" + ] + }, + { + "id": 2256, + "cuisine": "vietnamese", + "ingredients": [ + "salt", + "beef", + "tiger prawn", + "pepper", + "oil", + "spring onions" + ] + }, + { + "id": 27265, + "cuisine": "indian", + "ingredients": [ + "tandoori paste", + "boneless skinless chicken breasts", + "Philadelphia Cream Cheese" + ] + }, + { + "id": 30928, + "cuisine": "indian", + "ingredients": [ + "peeled fresh ginger", + "paprika", + "cooking spray", + "large garlic cloves", + "ground cumin", + "saffron threads", + "ground red pepper", + "salt", + "plain low-fat yogurt", + "boneless turkey breast", + "ground coriander" + ] + }, + { + "id": 10729, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "prosciutto", + "penne pasta", + "pepper", + "garlic", + "cider vinegar", + "italian style stewed tomatoes", + "chopped parsley", + "tomatoes", + "olive oil", + "salt" + ] + }, + { + "id": 1675, + "cuisine": "southern_us", + "ingredients": [ + "dry mustard", + "black pepper", + "elbow macaroni", + "1% low-fat milk", + "processed cheese" + ] + }, + { + "id": 16027, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "salt", + "butter", + "all-purpose flour", + "baking soda", + "buckwheat flour", + "buttermilk", + "white sugar" + ] + }, + { + "id": 19567, + "cuisine": "cajun_creole", + "ingredients": [ + "red kidney beans", + "water", + "salt", + "black pepper", + "lean ground beef", + "long grain white rice", + "green bell pepper", + "chili powder", + "onions", + "minced garlic", + "diced tomatoes" + ] + }, + { + "id": 8814, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "pepper", + "lasagna noodles", + "ricotta cheese", + "onions", + "eggs", + "milk", + "lean ground beef", + "all-purpose flour", + "italian seasoning", + "mozzarella cheese", + "parmesan cheese", + "vegetable oil", + "margarine", + "fresh rosemary", + "water", + "whole peeled tomatoes", + "salt", + "garlic salt" + ] + }, + { + "id": 10081, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "cooking spray", + "nutmeg", + "pepper", + "leeks", + "cheddar cheese", + "half & half", + "puff pastry", + "eggs", + "fresh thyme", + "bacon" + ] + }, + { + "id": 9670, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "whole milk", + "salt", + "tarragon leaves", + "grated parmesan cheese", + "butter", + "crabmeat", + "large egg yolks", + "dry white wine", + "all-purpose flour", + "cooked shrimp", + "roasted red peppers", + "shallots", + "cayenne pepper" + ] + }, + { + "id": 24317, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "salt", + "sake", + "ginger", + "chicken wings", + "sesame oil", + "chopped garlic", + "black pepper", + "cornflour" + ] + }, + { + "id": 2437, + "cuisine": "british", + "ingredients": [ + "bread", + "lamb kidneys", + "cracked black pepper", + "kosher salt", + "butter", + "chopped parsley", + "cayenne", + "worcestershire sauce", + "chicken stock", + "dijon mustard", + "all-purpose flour" + ] + }, + { + "id": 22032, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "plain whole-milk yogurt", + "unsalted butter", + "lemon juice", + "peaches", + "all-purpose flour", + "sugar", + "baking powder", + "corn starch" + ] + }, + { + "id": 13847, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "ricotta cheese", + "mozzarella cheese", + "oven-ready lasagna noodles", + "black pepper", + "salt", + "eggs", + "parmesan cheese", + "dried parsley" + ] + }, + { + "id": 41739, + "cuisine": "indian", + "ingredients": [ + "water", + "garam masala", + "baking potatoes", + "freshly ground pepper", + "ground turmeric", + "serrano chilies", + "lime", + "baking powder", + "cilantro leaves", + "garlic cloves", + "chickpea flour", + "fresh cilantro", + "green onions", + "salt", + "yams", + "sugar", + "fresh ginger", + "vegetable stock", + "peanut oil", + "fresh mint" + ] + }, + { + "id": 43637, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "buttermilk", + "butter", + "muffin mix", + "buttermilk cornbread", + "salt", + "large eggs", + "large garlic cloves" + ] + }, + { + "id": 49689, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cracked black pepper", + "half & half", + "grated nutmeg", + "large eggs", + "salt", + "frozen chopped spinach", + "chopped fresh thyme", + "onions" + ] + }, + { + "id": 11702, + "cuisine": "mexican", + "ingredients": [ + "double concentrate tomato paste", + "ground black pepper", + "long grain white rice", + "white onion", + "garlic cloves", + "tomato purée", + "rich chicken stock", + "kosher salt", + "lard" + ] + }, + { + "id": 42246, + "cuisine": "french", + "ingredients": [ + "vidalia onion", + "ground nutmeg", + "reduced-fat sour cream", + "fresh chives", + "baking potatoes", + "fat free less sodium chicken broth", + "butter", + "white pepper", + "reduced fat milk", + "salt" + ] + }, + { + "id": 8763, + "cuisine": "italian", + "ingredients": [ + "lemon juice", + "butter", + "large shrimp", + "olive oil", + "seasoning mix", + "linguine" + ] + }, + { + "id": 23062, + "cuisine": "italian", + "ingredients": [ + "new potatoes", + "italian seasoning", + "paprika", + "vegetable oil", + "olive oil", + "salt" + ] + }, + { + "id": 22418, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "spring onions", + "sugar", + "rice cakes", + "onions", + "syrup", + "cake", + "anchovies", + "chilli paste" + ] + }, + { + "id": 30180, + "cuisine": "brazilian", + "ingredients": [ + "cocoa", + "chocolate sprinkles", + "butter", + "vanilla essence", + "sweetened condensed milk", + "dry coconut" + ] + }, + { + "id": 4884, + "cuisine": "mexican", + "ingredients": [ + "tilapia fillets", + "Haas avocados", + "cilantro", + "white corn tortillas", + "fresh cilantro", + "lime wedges", + "garlic cloves", + "lime juice", + "jalapeno chilies", + "salt", + "pepper", + "olive oil", + "diced tomatoes", + "onions" + ] + }, + { + "id": 796, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "sugar", + "vegetable oil", + "baking soda", + "buttermilk", + "yellow corn meal", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 45212, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "garlic cloves", + "tea bags", + "lemon", + "onions", + "ice cubes", + "rosemary", + "chicken pieces", + "brown sugar", + "cracked black pepper" + ] + }, + { + "id": 25964, + "cuisine": "french", + "ingredients": [ + "olive oil", + "lemon", + "all-purpose flour", + "chicken broth", + "asparagus", + "fresh tarragon", + "fresh parsley", + "bone-in chicken breast halves", + "dry white wine", + "salt", + "onions", + "fresh ginger root", + "heavy cream", + "sour cream" + ] + }, + { + "id": 28182, + "cuisine": "italian", + "ingredients": [ + "spinach leaves", + "grated parmesan cheese", + "garlic cloves", + "tomatoes", + "ground nutmeg", + "chopped onion", + "fresh basil", + "wonton wrappers", + "olive oil", + "ricotta cheese" + ] + }, + { + "id": 30042, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "flour", + "butter", + "juice", + "lasagna noodles", + "dry white wine", + "grated nutmeg", + "celery", + "tomatoes", + "grated parmesan cheese", + "vegetable oil", + "sweet italian sausage", + "onions", + "hand", + "whole milk", + "salt", + "carrots" + ] + }, + { + "id": 11936, + "cuisine": "french", + "ingredients": [ + "water", + "cooking spray", + "black pepper", + "sherry vinegar", + "roquefort cheese", + "panko", + "beets", + "kosher salt", + "half & half" + ] + }, + { + "id": 4979, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "cilantro leaves", + "juice", + "clove", + "rustic bread", + "hot sauce", + "avocado", + "ground black pepper", + "zest", + "skirt steak", + "kosher salt", + "crema", + "scallions" + ] + }, + { + "id": 45727, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "cream of chicken soup", + "cheese", + "chiles", + "green enchilada sauce", + "flour tortillas" + ] + }, + { + "id": 4873, + "cuisine": "cajun_creole", + "ingredients": [ + "instant rice", + "garlic powder", + "paprika", + "water", + "vegetable oil", + "onions", + "polish sausage", + "hot pepper sauce", + "green pepper", + "sugar", + "dried thyme", + "diced tomatoes", + "dried oregano" + ] + }, + { + "id": 10511, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "garlic", + "chicken", + "light sour cream", + "chili powder", + "chopped cilantro fresh", + "lettuce", + "green onions", + "light cream cheese", + "shredded cheddar cheese", + "diced tomatoes", + "cumin" + ] + }, + { + "id": 41853, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "salt", + "ground cumin", + "water", + "vegetable oil", + "dried oregano", + "dried cornhusks", + "chili powder", + "chopped onion", + "pork tenderloin", + "paprika", + "masa harina" + ] + }, + { + "id": 3377, + "cuisine": "thai", + "ingredients": [ + "sugar", + "water", + "shallots", + "red curry paste", + "snow peas", + "fresh leav spinach", + "thai noodles", + "light coconut milk", + "garlic cloves", + "cooked chicken breasts", + "red chili peppers", + "curry powder", + "lime wedges", + "ground coriander", + "ground turmeric", + "fish sauce", + "fat free less sodium chicken broth", + "green onions", + "crushed red pepper", + "chopped cilantro fresh", + "canola oil" + ] + }, + { + "id": 9834, + "cuisine": "french", + "ingredients": [ + "plums", + "canola oil", + "sugar", + "all-purpose flour", + "unsalted butter", + "apricots", + "cold water", + "salt" + ] + }, + { + "id": 5116, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "extra-virgin olive oil", + "plum tomatoes", + "fresh rosemary", + "balsamic vinegar", + "beef tenderloin steaks", + "minced garlic", + "cracked black pepper", + "fresh parsley", + "cannellini beans", + "salt" + ] + }, + { + "id": 29391, + "cuisine": "mexican", + "ingredients": [ + "beef bouillon", + "corn tortillas", + "water", + "pinto beans", + "onions", + "salt", + "ground beef", + "ground black pepper", + "Mexican cheese" + ] + }, + { + "id": 25349, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "garlic powder", + "celery", + "Accent Seasoning", + "scallions", + "adobo seasoning", + "ground ginger", + "soy sauce", + "carrots", + "spring roll wrappers", + "ground pepper", + "ground beef" + ] + }, + { + "id": 44813, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "chinese chives", + "dumpling wrappers", + "ground pork", + "chinese rice wine", + "fresh ginger", + "ground white pepper", + "kosher salt", + "napa cabbage" + ] + }, + { + "id": 914, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "extra-virgin olive oil", + "lime", + "Mexican beer", + "shredded Monterey Jack cheese", + "black beans", + "jalapeno chilies", + "garlic", + "corn kernels", + "diced tomatoes" + ] + }, + { + "id": 40764, + "cuisine": "mexican", + "ingredients": [ + "corn", + "rice", + "pepper", + "cheese", + "cilantro", + "water", + "Wolf Brand Chili" + ] + }, + { + "id": 18454, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "dijon mustard", + "purple onion", + "olive oil", + "red beans", + "shrimp", + "water", + "bell pepper", + "rice", + "soy sauce", + "garlic powder", + "butter", + "Louisiana Cajun Seasoning" + ] + }, + { + "id": 39516, + "cuisine": "italian", + "ingredients": [ + "pepper", + "butter", + "dry white wine", + "salt", + "sea scallops", + "lemon", + "shallots", + "flat leaf parsley" + ] + }, + { + "id": 42770, + "cuisine": "italian", + "ingredients": [ + "genoa salami", + "roasted red peppers", + "penne pasta", + "olive oil", + "garlic", + "plum tomatoes", + "mozzarella cheese", + "balsamic vinegar", + "yellow onion", + "ground black pepper", + "black olives" + ] + }, + { + "id": 38011, + "cuisine": "moroccan", + "ingredients": [ + "water", + "onions", + "chicken", + "ground ginger", + "garbanzo beans", + "chopped garlic", + "olive oil", + "chopped cilantro fresh", + "tumeric", + "flat leaf parsley", + "saffron" + ] + }, + { + "id": 35009, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "eggplant", + "freshly ground pepper", + "olive oil", + "fresh mozzarella", + "oregano", + "kosher salt", + "whole peeled tomatoes", + "onions", + "bread crumb fresh", + "parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 46930, + "cuisine": "russian", + "ingredients": [ + "milk", + "rum", + "salt", + "warm water", + "flour", + "lemon", + "blanched almonds", + "sugar", + "dry yeast", + "butter", + "candied fruit", + "vanilla beans", + "egg yolks", + "raisins" + ] + }, + { + "id": 17826, + "cuisine": "greek", + "ingredients": [ + "avocado", + "extra-virgin olive oil", + "kosher salt", + "fresh lemon juice", + "mint", + "low-fat yogurt", + "minced garlic", + "cucumber" + ] + }, + { + "id": 5205, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "salt", + "chile pepper", + "garlic cloves", + "green tomatoes", + "nopales", + "vegetable oil", + "coriander" + ] + }, + { + "id": 6787, + "cuisine": "italian", + "ingredients": [ + "pasta", + "broccoli florets", + "olive oil", + "salt", + "grated parmesan cheese", + "pepper", + "garlic" + ] + }, + { + "id": 12603, + "cuisine": "spanish", + "ingredients": [ + "minced garlic", + "smoked paprika", + "dry red wine", + "olive oil", + "andouille sausage", + "fresh oregano" + ] + }, + { + "id": 24584, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "ground black pepper", + "chopped onion", + "dried lentils", + "curry powder", + "peeled fresh ginger", + "plain whole-milk yogurt", + "tomato purée", + "water", + "bay leaves", + "ground coriander", + "fat free less sodium chicken broth", + "olive oil", + "salt", + "ground cumin" + ] + }, + { + "id": 25547, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "orange rind", + "bourbon whiskey", + "milk", + "orange zest", + "chocolate ice cream" + ] + }, + { + "id": 30395, + "cuisine": "italian", + "ingredients": [ + "shredded mozzarella cheese", + "grated parmesan cheese", + "prego traditional italian sauce", + "spaghetti", + "boneless skinless chicken breasts" + ] + }, + { + "id": 3030, + "cuisine": "mexican", + "ingredients": [ + "corn", + "cheese", + "zucchini", + "onions", + "buttermilk", + "olive oil", + "garlic" + ] + }, + { + "id": 11289, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "all-purpose flour", + "milk", + "shredded sharp cheddar cheese", + "dry mustard", + "fresh parsley", + "baking powder", + "salt" + ] + }, + { + "id": 10643, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "shredded cheddar cheese", + "butter", + "garlic cloves", + "sugar", + "flour tortillas", + "salsa", + "dried oregano", + "green chile", + "roasted red peppers", + "salt", + "onions", + "pepper", + "cooked chicken", + "cream cheese", + "ground cumin" + ] + }, + { + "id": 11402, + "cuisine": "cajun_creole", + "ingredients": [ + "food colouring", + "active dry yeast", + "large eggs", + "cake flour", + "greens", + "ground cinnamon", + "beans", + "large egg yolks", + "light corn syrup", + "confectioners sugar", + "eggs", + "milk", + "unsalted butter", + "vanilla extract", + "bread flour", + "sugar", + "honey", + "almond extract", + "salt" + ] + }, + { + "id": 10176, + "cuisine": "indian", + "ingredients": [ + "eggplant", + "fresh lemon juice", + "plain yogurt", + "sesame oil", + "coriander seeds", + "chopped fresh mint", + "curry powder", + "crushed red pepper" + ] + }, + { + "id": 38303, + "cuisine": "southern_us", + "ingredients": [ + "chile paste", + "corn husks" + ] + }, + { + "id": 10237, + "cuisine": "moroccan", + "ingredients": [ + "salt", + "ground black pepper", + "couscous", + "water", + "lemon juice", + "extra-virgin olive oil", + "arugula" + ] + }, + { + "id": 46901, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "salt", + "lime juice", + "extra-virgin olive oil", + "freshly ground pepper", + "seedless cucumber", + "mint leaves", + "cilantro leaves", + "sweet onion", + "garlic", + "hass avocado" + ] + }, + { + "id": 40928, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "shredded carrots", + "beansprouts", + "garlic powder", + "shredded cabbage", + "canola oil", + "ground black pepper", + "green onions", + "egg roll wrappers", + "corn starch" + ] + }, + { + "id": 10818, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "pork and beans", + "bacon", + "onions", + "yellow mustard", + "lemon juice", + "light brown sugar", + "maple syrup" + ] + }, + { + "id": 21541, + "cuisine": "chinese", + "ingredients": [ + "large eggs", + "garlic chili sauce", + "low sodium soy sauce", + "rice vinegar", + "bamboo shoots", + "chicken stock", + "green onions", + "carrots", + "shiitake", + "firm tofu" + ] + }, + { + "id": 14708, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "garlic powder", + "crushed red pepper", + "dried parsley", + "black pepper", + "onion powder", + "cayenne pepper", + "sugar", + "ground nutmeg", + "salt", + "dried thyme", + "paprika", + "ground allspice" + ] + }, + { + "id": 30811, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "water", + "roma tomatoes", + "Mexican oregano", + "cracked black pepper", + "tortilla chips", + "chopped cilantro fresh", + "kosher salt", + "sliced black olives", + "whole milk", + "vegetable oil", + "purple onion", + "corn starch", + "unsweetened cocoa powder", + "Velveeta", + "cider vinegar", + "beef brisket", + "bay leaves", + "ancho powder", + "salsa", + "sour cream", + "ground cumin", + "chipotle chile", + "dark lager", + "jalapeno chilies", + "apple cider vinegar", + "tomatoes with juice", + "pinto beans", + "extra sharp cheddar cheese" + ] + }, + { + "id": 6974, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "onion powder", + "ground pork", + "ground beef", + "tomato paste", + "pepper", + "granulated sugar", + "buttermilk", + "salt", + "onions", + "bread crumbs", + "garlic powder", + "red pepper flakes", + "garlic", + "fresh parsley", + "eggs", + "crushed tomatoes", + "grated parmesan cheese", + "diced tomatoes", + "flat leaf parsley", + "dried oregano" + ] + }, + { + "id": 32181, + "cuisine": "french", + "ingredients": [ + "eggplant", + "parmigiano reggiano cheese", + "vegetable stock", + "red bell pepper", + "tomato paste", + "zucchini", + "fresh thyme leaves", + "purple onion", + "polenta", + "unsalted butter", + "cooking spray", + "fresh chevre", + "fresh basil leaves", + "black pepper", + "whole peeled tomatoes", + "coarse salt", + "all-purpose flour", + "chopped garlic" + ] + }, + { + "id": 40732, + "cuisine": "indian", + "ingredients": [ + "sugar", + "coriander powder", + "salt", + "oil", + "ground turmeric", + "tomatoes", + "cream", + "kasuri methi", + "curds", + "onions", + "clove", + "cottage cheese", + "butter", + "green cardamom", + "cardamom", + "red chili powder", + "milk", + "garlic", + "cumin seed", + "cashew nuts" + ] + }, + { + "id": 20451, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "sweet paprika", + "granulated garlic", + "onion powder", + "dried thyme", + "dried oregano", + "black pepper", + "cayenne pepper" + ] + }, + { + "id": 24442, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "ground black pepper", + "large garlic cloves", + "garlic cloves", + "onions", + "fennel seeds", + "olive oil", + "dry white wine", + "extra-virgin olive oil", + "flat leaf parsley", + "kosher salt", + "flour", + "ground pork", + "ground turkey", + "chuck", + "cremini mushrooms", + "grated parmesan cheese", + "diced tomatoes", + "country bread", + "spaghetti" + ] + }, + { + "id": 6056, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "olive oil", + "rice vinegar", + "carrots", + "pepper", + "bacon slices", + "hot sauce", + "granny smith apples", + "red cabbage", + "pineapple juice", + "sweet onion", + "salt", + "lemon juice" + ] + }, + { + "id": 31124, + "cuisine": "french", + "ingredients": [ + "sugar", + "ground nutmeg", + "large egg yolks", + "vanilla extract", + "golden brown sugar", + "whipping cream", + "ground cinnamon", + "instant espresso powder" + ] + }, + { + "id": 22627, + "cuisine": "italian", + "ingredients": [ + "cauliflower", + "garlic", + "olive oil", + "rotini", + "pepper", + "salt", + "grated parmesan cheese" + ] + }, + { + "id": 9990, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "ground nutmeg", + "salt", + "dried thyme", + "paprika", + "ground allspice", + "black pepper", + "onion powder", + "cayenne pepper", + "ground cinnamon", + "garlic powder", + "crushed red pepper", + "dried parsley" + ] + }, + { + "id": 14627, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "king prawns", + "basmati rice", + "cilantro leaves", + "onions", + "vegetable oil", + "curry paste", + "tomatoes", + "garlic cloves", + "frozen peas" + ] + }, + { + "id": 38487, + "cuisine": "southern_us", + "ingredients": [ + "cherry tomatoes", + "hot sauce", + "mayonaise", + "pimentos", + "iceberg lettuce", + "andouille sausage", + "ground black pepper", + "sharp cheddar cheese", + "kosher salt", + "buttermilk" + ] + }, + { + "id": 32947, + "cuisine": "mexican", + "ingredients": [ + "french baguette", + "cracked black pepper", + "key lime juice", + "mayonaise", + "worcestershire sauce", + "garlic cloves", + "romaine lettuce", + "grated parmesan cheese", + "anchovy fillets", + "dijon mustard", + "extra-virgin olive oil" + ] + }, + { + "id": 14306, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "vegetable oil", + "chopped cilantro fresh", + "chiles", + "flank steak", + "purple onion", + "cayenne", + "yellow bell pepper", + "minced garlic", + "brown rice", + "salt" + ] + }, + { + "id": 30052, + "cuisine": "french", + "ingredients": [ + "sugar", + "tawny port", + "chopped fresh thyme", + "ground allspice", + "California bay leaves", + "duck breasts", + "kosher salt", + "large eggs", + "heavy cream", + "fatback", + "fresh marjoram", + "milk", + "shallots", + "dry red wine", + "shelled pistachios", + "ground ginger", + "black pepper", + "fresh thyme", + "red wine vinegar", + "cognac" + ] + }, + { + "id": 1563, + "cuisine": "southern_us", + "ingredients": [ + "shredded extra sharp cheddar cheese", + "kosher salt", + "crushed red pepper", + "half & half", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 12531, + "cuisine": "italian", + "ingredients": [ + "onions", + "fresh orange juice", + "balsamic vinegar", + "extra-virgin olive oil" + ] + }, + { + "id": 27679, + "cuisine": "indian", + "ingredients": [ + "halibut fillets", + "light coconut milk", + "garlic cloves", + "canola oil", + "fat free less sodium chicken broth", + "finely chopped onion", + "salt", + "fresh parsley", + "ground black pepper", + "crushed red pepper", + "fresh lemon juice", + "ground cumin", + "water", + "peeled fresh ginger", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 22355, + "cuisine": "southern_us", + "ingredients": [ + "cream sweeten whip", + "egg yolks", + "lime juice", + "sweetened condensed milk", + "graham crackers", + "butter", + "lime zest", + "granulated sugar" + ] + }, + { + "id": 86, + "cuisine": "moroccan", + "ingredients": [ + "water", + "boneless skinless chicken breasts", + "salt", + "lemon juice", + "garam masala", + "watercress", + "ground coriander", + "toasted almonds", + "honey", + "shallots", + "chickpeas", + "smoked paprika", + "pepper", + "dried apricot", + "extra-virgin olive oil", + "hearts of romaine", + "fresh parsley" + ] + }, + { + "id": 41267, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "shallots", + "2% reduced-fat milk", + "olive oil", + "grated parmesan cheese", + "baby spinach", + "all-purpose flour", + "unsalted butter", + "dry white wine", + "large garlic cloves", + "grated lemon peel", + "fontina cheese", + "large eggs", + "ricotta cheese", + "salt" + ] + }, + { + "id": 37289, + "cuisine": "cajun_creole", + "ingredients": [ + "paprika", + "ground black pepper", + "ground white pepper", + "garlic powder", + "cayenne pepper", + "chili powder" + ] + }, + { + "id": 7814, + "cuisine": "french", + "ingredients": [ + "milk", + "swiss cheese", + "all-purpose flour", + "sour cream", + "white wine", + "garlic powder", + "paprika", + "fresh mushrooms", + "boneless skinless chicken breast halves", + "eggs", + "olive oil", + "condensed cream of mushroom soup", + "dry bread crumbs", + "fresh parsley", + "curry powder", + "ground black pepper", + "salt", + "ham" + ] + }, + { + "id": 17787, + "cuisine": "mexican", + "ingredients": [ + "dried currants", + "salt", + "chayotes", + "jalapeno chilies", + "garlic cloves", + "cherry tomatoes", + "freshly ground pepper", + "chopped cilantro", + "purple onion", + "tequila" + ] + }, + { + "id": 1792, + "cuisine": "italian", + "ingredients": [ + "baking soda", + "dried tart cherries", + "sugar", + "semisweet chocolate", + "all-purpose flour", + "grated orange peel", + "unsalted butter", + "salt", + "hazelnuts", + "large eggs", + "unsweetened cocoa powder" + ] + }, + { + "id": 8026, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "sesame seeds", + "hot water", + "sugar", + "light corn syrup", + "butter cooking spray" + ] + }, + { + "id": 33608, + "cuisine": "japanese", + "ingredients": [ + "sake", + "broccoli florets", + "white wine vinegar", + "mustard seeds", + "water", + "yellow bell pepper", + "garlic cloves", + "ground black pepper", + "cauliflower florets", + "carrots", + "sugar", + "green onions", + "salt" + ] + }, + { + "id": 254, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "whole milk", + "semolina flour", + "unsalted butter", + "ground nutmeg", + "kosher salt", + "grated parmesan cheese" + ] + }, + { + "id": 415, + "cuisine": "brazilian", + "ingredients": [ + "cachaca", + "ice cubes", + "blackberries", + "white sugar", + "lime" + ] + }, + { + "id": 23736, + "cuisine": "italian", + "ingredients": [ + "ground cloves", + "egg whites", + "dark brown sugar", + "candied orange peel", + "ground black pepper", + "salt", + "baking soda", + "all purpose unbleached flour", + "whole almonds", + "unsalted butter", + "orange blossom honey" + ] + }, + { + "id": 21870, + "cuisine": "mexican", + "ingredients": [ + "fat free less sodium chicken broth", + "short-grain rice", + "ground sirloin", + "carrots", + "ground cumin", + "white bread", + "peeled tomatoes", + "zucchini", + "chopped onion", + "boiling water", + "lean ground pork", + "large egg whites", + "cooking spray", + "garlic cloves", + "dried oregano", + "fresh cilantro", + "ground black pepper", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 18444, + "cuisine": "indian", + "ingredients": [ + "salt", + "peanut oil", + "tamarind paste", + "red chili peppers", + "fenugreek seeds", + "cilantro leaves" + ] + }, + { + "id": 15413, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "lime", + "cilantro", + "avocado", + "black beans", + "bell pepper", + "salt", + "tomatoes", + "corn", + "jalapeno chilies", + "cumin", + "black pepper", + "kale", + "purple onion" + ] + }, + { + "id": 14733, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "brown rice", + "vegetable broth", + "peanuts", + "sesame oil", + "chili bean sauce", + "silken tofu", + "szechwan peppercorns", + "garlic", + "leeks", + "ginger", + "scallions" + ] + }, + { + "id": 47769, + "cuisine": "russian", + "ingredients": [ + "water", + "vegetable oil", + "sour cream", + "caraway seeds", + "unsalted butter", + "salt", + "onions", + "cold water", + "large egg yolks", + "baking potatoes", + "double-acting baking powder", + "fresh dill", + "large eggs", + "all-purpose flour", + "cabbage" + ] + }, + { + "id": 46004, + "cuisine": "mexican", + "ingredients": [ + "yellow onion", + "ground cumin", + "garlic", + "chopped cilantro", + "tomatillos", + "lard", + "salt", + "serrano chile" + ] + }, + { + "id": 120, + "cuisine": "italian", + "ingredients": [ + "hearts of palm", + "ground black pepper", + "fresh orange juice", + "Belgian endive", + "radicchio", + "shallots", + "cheese", + "kosher salt", + "sherry vinegar", + "baby spinach", + "honey", + "dijon mustard", + "extra-virgin olive oil" + ] + }, + { + "id": 36817, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "chopped garlic", + "large eggs", + "peanut oil", + "milk", + "rice", + "dried rosemary", + "butter", + "rice flour" + ] + }, + { + "id": 24495, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "lemon", + "shredded Monterey Jack cheese", + "fresh basil", + "pizza sauce", + "dried oregano", + "refrigerated pizza dough", + "dried parsley", + "potatoes", + "broccoli" + ] + }, + { + "id": 42497, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "pecorino romano cheese", + "radicchio", + "crushed red pepper", + "balsamic vinegar", + "garlic cloves", + "grated orange peel", + "extra-virgin olive oil" + ] + }, + { + "id": 18243, + "cuisine": "indian", + "ingredients": [ + "tandoori spices", + "salt", + "plain flour", + "lime wedges", + "cod", + "pepper", + "cumin", + "bread crumbs", + "beaten eggs" + ] + }, + { + "id": 25525, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "soy sauce", + "vegetable oil", + "all-purpose flour", + "toasted sesame oil", + "cooked rice", + "fresh ginger", + "salt", + "cayenne pepper", + "chicken legs", + "fresh cilantro", + "garlic", + "red curry paste", + "unsweetened coconut milk", + "brown sugar", + "ground black pepper", + "rice vinegar", + "creamy peanut butter" + ] + }, + { + "id": 15519, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "minced garlic", + "lemon", + "boneless skinless chicken", + "mustard seeds", + "chopped cilantro", + "frozen spinach", + "tomatoes", + "garam masala", + "paprika", + "ground coriander", + "chutney", + "baby potatoes", + "curry leaves", + "minced ginger", + "grapeseed oil", + "chickpeas", + "cinnamon sticks", + "onions", + "clove", + "tumeric", + "zucchini", + "salt", + "cumin seed", + "sour cream", + "ground cumin" + ] + }, + { + "id": 76, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "taco seasoning mix", + "non-fat sour cream", + "fresh cilantro", + "Mexican cheese blend", + "onions", + "black beans", + "extra-lean ground beef", + "corn tortillas", + "corn", + "jalapeno chilies" + ] + }, + { + "id": 39674, + "cuisine": "spanish", + "ingredients": [ + "boneless chicken skinless thigh", + "red wine vinegar", + "long-grain rice", + "green olives", + "honey", + "salt", + "tomatoes", + "pepper", + "purple onion", + "fresh parsley", + "tumeric", + "olive oil", + "spanish chorizo" + ] + }, + { + "id": 49222, + "cuisine": "japanese", + "ingredients": [ + "fish sauce", + "seafood stock", + "sesame oil", + "dried shiitake mushrooms", + "ginger paste", + "dashi", + "soft tofu", + "chilli paste", + "oil", + "ground black pepper", + "spring onions", + "garlic", + "konbu", + "white onion", + "prawns", + "ramen noodles", + "soft-boiled egg" + ] + }, + { + "id": 37015, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "buttermilk", + "flour", + "bacon grease", + "unsalted butter", + "salt", + "eggs", + "baking powder", + "cornmeal" + ] + }, + { + "id": 29256, + "cuisine": "brazilian", + "ingredients": [ + "olive oil", + "red pepper flakes", + "medium shrimp", + "water", + "bell pepper", + "salt", + "onions", + "unsweetened coconut milk", + "ground black pepper", + "garlic", + "fresh parsley", + "crushed tomatoes", + "lemon", + "long-grain rice" + ] + }, + { + "id": 39319, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "water", + "asian", + "vegetable oil", + "beansprouts", + "white vinegar", + "pork", + "ground black pepper", + "shallots", + "cucumber", + "perilla", + "chiles", + "honey", + "mint leaves", + "garlic", + "fresh lime juice", + "sugar", + "peanuts", + "spring onions", + "oil", + "noodles" + ] + }, + { + "id": 46027, + "cuisine": "irish", + "ingredients": [ + "buttermilk", + "all-purpose flour", + "salt", + "baking soda" + ] + }, + { + "id": 40558, + "cuisine": "mexican", + "ingredients": [ + "melted butter", + "lean ground beef", + "mexican cooking sauce", + "monterey jack", + "refried beans", + "yellow onion", + "flour tortillas" + ] + }, + { + "id": 40616, + "cuisine": "french", + "ingredients": [ + "large garlic cloves", + "tomato paste", + "spanish paprika", + "hungarian sweet paprika", + "cayenne pepper", + "mayonaise", + "fresh lemon juice" + ] + }, + { + "id": 33893, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "enchilada sauce", + "cooked chicken breasts", + "cilantro", + "green chilies", + "corn tortillas", + "canola oil", + "jalapeno chilies", + "cream cheese", + "sour cream", + "cumin", + "garlic", + "shredded cheese", + "onions" + ] + }, + { + "id": 44227, + "cuisine": "indian", + "ingredients": [ + "clove", + "water", + "ginger", + "oil", + "dried dates", + "tumeric", + "eggplant", + "salt", + "cinnamon sticks", + "tomatoes", + "corn", + "garlic", + "black mustard seeds", + "curry leaf", + "white vinegar", + "sugar", + "chili powder", + "cumin seed", + "onions" + ] + }, + { + "id": 10018, + "cuisine": "indian", + "ingredients": [ + "salt", + "olive oil", + "fresh lime juice", + "sugar", + "scallions", + "hot green chile", + "ground cumin" + ] + }, + { + "id": 16760, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "chili powder", + "onions", + "kosher salt", + "serrano peppers", + "garlic", + "ground cumin", + "chicken stock", + "tortillas", + "diced tomatoes", + "monterey jack", + "pepper", + "boneless skinless chicken breasts", + "green pepper" + ] + }, + { + "id": 42369, + "cuisine": "thai", + "ingredients": [ + "green cabbage", + "water", + "green onions", + "garlic", + "canola oil", + "fish sauce", + "honey", + "cilantro", + "red bell pepper", + "low sodium soy sauce", + "lemongrass", + "boneless skinless chicken breasts", + "carrots", + "sugar", + "peanuts", + "yellow bell pepper", + "fresh lime juice" + ] + }, + { + "id": 20660, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "chopped cilantro", + "lime juice", + "tortilla chips", + "black beans", + "purple onion", + "ground cumin", + "frozen whole kernel corn", + "salad dressing mix" + ] + }, + { + "id": 39007, + "cuisine": "british", + "ingredients": [ + "nutmeg", + "granny smith apples", + "egg yolks", + "cold water", + "brown sugar", + "mixed dried fruit", + "walnuts", + "eggs", + "mixed spice", + "butter", + "plain flour", + "brandy", + "powdered sugar icing", + "white sugar" + ] + }, + { + "id": 1540, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "fresh parmesan cheese", + "lasagna noodles, cooked and drained", + "frozen chopped spinach", + "low-fat marinara sauce", + "cooking spray", + "garlic cloves", + "egg substitute", + "ground turkey breast", + "chopped onion", + "parsley flakes", + "part-skim mozzarella cheese", + "fat-free cottage cheese" + ] + }, + { + "id": 29609, + "cuisine": "french", + "ingredients": [ + "mussels", + "italian plum tomatoes", + "basil", + "bay leaf", + "virgin olive oil", + "shallots", + "garlic cloves", + "pepper flakes", + "dry white wine", + "halibut", + "medium shrimp", + "bay scallops", + "clam juice", + "thyme" + ] + }, + { + "id": 1304, + "cuisine": "mexican", + "ingredients": [ + "hazelnuts", + "large garlic cloves", + "skinless boneless turkey breast halves", + "olive oil", + "Italian parsley leaves", + "adobo sauce", + "black peppercorns", + "bay leaves", + "bacon slices", + "fresh parsley", + "dried thyme", + "worcestershire sauce", + "fresh lime juice" + ] + }, + { + "id": 1095, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "butter oil", + "honey glazed ham", + "milk", + "pickled jalapenos", + "self rising flour" + ] + }, + { + "id": 6747, + "cuisine": "italian", + "ingredients": [ + "whole grain bread", + "beef deli roast slice thinli", + "olive oil cooking spray", + "dijon mustard", + "jelly", + "watercress", + "smoked gouda" + ] + }, + { + "id": 36712, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "carrots", + "nutmeg", + "unsalted butter", + "sugar", + "salt", + "ground black pepper" + ] + }, + { + "id": 7905, + "cuisine": "southern_us", + "ingredients": [ + "country ham", + "coriander seeds", + "bread and butter pickles", + "shallots", + "yellow onion", + "minced garlic", + "unsalted butter", + "pork tenderloin", + "vegetable oil", + "low salt chicken broth", + "light brown sugar", + "black-eyed peas", + "lemon peel", + "bay leaves", + "pork stock", + "sorghum syrup", + "kosher salt", + "ground black pepper", + "coffee", + "apple cider vinegar", + "cayenne pepper" + ] + }, + { + "id": 34445, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "tap water", + "sugar", + "vegetable oil", + "brown sugar", + "self rising flour", + "chopped pecans", + "cocoa", + "vanilla" + ] + }, + { + "id": 20839, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "cranberries", + "strawberries", + "boiling water", + "cranberry juice", + "diced celery", + "strawberry gelatin", + "crushed pineapple" + ] + }, + { + "id": 4618, + "cuisine": "french", + "ingredients": [ + "olive oil", + "all-purpose flour", + "onions", + "capers", + "chopped fresh thyme", + "garlic cloves", + "unsalted butter", + "anchovy fillets", + "olives", + "water", + "salt", + "bay leaf" + ] + }, + { + "id": 39430, + "cuisine": "french", + "ingredients": [ + "navy beans", + "vegetable oil", + "spaghetti squash", + "vegetable oil cooking spray", + "balsamic vinegar", + "ripe olives", + "leeks", + "salt", + "pepper", + "stewed tomatoes", + "celery" + ] + }, + { + "id": 20426, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "scallions", + "large eggs", + "green cabbage", + "boiling potatoes" + ] + }, + { + "id": 13765, + "cuisine": "mexican", + "ingredients": [ + "corn", + "chili powder", + "chopped cilantro", + "Mexican cheese blend", + "enchilada sauce", + "chicken", + "garlic powder", + "salt", + "cumin", + "black beans", + "flour tortillas", + "sour cream" + ] + }, + { + "id": 39340, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "freshly ground pepper", + "preserved lemon", + "oil-cured black olives", + "chopped cilantro fresh", + "fennel bulb", + "fresh lemon juice", + "sweet onion", + "salt" + ] + }, + { + "id": 101, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "bananas", + "salt", + "chocolate spread", + "cooking spray", + "sugar", + "large eggs", + "all-purpose flour", + "fat free milk", + "vanilla extract" + ] + }, + { + "id": 6152, + "cuisine": "japanese", + "ingredients": [ + "water", + "sugar pea", + "umeboshi", + "japanese rice", + "seasoned rice wine vinegar", + "gari" + ] + }, + { + "id": 10776, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "dry white wine", + "medium shrimp", + "chopped fresh chives", + "smoked paprika", + "marinara sauce", + "fresh lemon juice", + "polenta", + "olive oil", + "cooking spray", + "flat leaf parsley" + ] + }, + { + "id": 42220, + "cuisine": "thai", + "ingredients": [ + "vegetable stock", + "cilantro leaves", + "butternut squash", + "frozen green beans", + "reduced fat coconut milk", + "pineapple", + "onions", + "vegetable oil", + "Thai red curry paste" + ] + }, + { + "id": 12877, + "cuisine": "greek", + "ingredients": [ + "tomato paste", + "olive oil", + "onions", + "pepper", + "garlic", + "tomatoes", + "beef bouillon", + "long grain white rice", + "frozen chopped spinach", + "water", + "salt" + ] + }, + { + "id": 20967, + "cuisine": "indian", + "ingredients": [ + "mixed dried fruit", + "chopped onion", + "water", + "paprika", + "chicken", + "sugar", + "butter", + "long grain white rice", + "curry powder", + "salt" + ] + }, + { + "id": 7757, + "cuisine": "russian", + "ingredients": [ + "unsalted butter", + "salt", + "bread crumb fresh", + "cinnamon", + "walnuts", + "sugar", + "baking potatoes", + "all-purpose flour", + "large egg yolks", + "plums" + ] + }, + { + "id": 33200, + "cuisine": "italian", + "ingredients": [ + "sugar", + "baking powder", + "unsalted butter", + "blanched almonds", + "kosher salt", + "all-purpose flour", + "large eggs" + ] + }, + { + "id": 31303, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "butter", + "water", + "yeast", + "white flour", + "salt", + "eggs", + "milk" + ] + }, + { + "id": 26609, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "fresh cheese", + "sugar", + "strawberries", + "egg whites" + ] + }, + { + "id": 12406, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "diced tomatoes", + "onions", + "corn kernels", + "chicken breasts", + "salt", + "ground pepper", + "chili powder", + "green pepper", + "chicken stock", + "serrano peppers", + "garlic", + "monterey jack" + ] + }, + { + "id": 16355, + "cuisine": "mexican", + "ingredients": [ + "canola", + "chili powder", + "salt", + "long-grain rice", + "green chile", + "green onions", + "green enchilada sauce", + "frozen corn kernels", + "chipotle sauce", + "chicken stock", + "Mexican cheese blend", + "shredded lettuce", + "yellow onion", + "sour cream", + "black beans", + "boneless skinless chicken breasts", + "diced tomatoes", + "tortilla chips", + "cumin" + ] + }, + { + "id": 37558, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "garam masala", + "salt", + "ground ginger", + "curry powder", + "boneless skinless chicken breasts", + "onions", + "plain yogurt", + "granulated sugar", + "coconut milk", + "tomato paste", + "olive oil", + "garlic" + ] + }, + { + "id": 7266, + "cuisine": "french", + "ingredients": [ + "cremini mushrooms", + "medium egg noodles", + "reduced-fat sour cream", + "boneless skinless chicken breast halves", + "pepper", + "leeks", + "shiitake mushroom caps", + "fat free less sodium chicken broth", + "sherry", + "salt", + "olive oil", + "dry white wine", + "fresh parsley" + ] + }, + { + "id": 40166, + "cuisine": "indian", + "ingredients": [ + "salt", + "oil", + "ground turmeric", + "red chili peppers", + "green chilies", + "mustard seeds", + "spinach", + "cubed potatoes", + "lemon juice", + "ground cumin", + "coriander powder", + "cumin seed", + "onions" + ] + }, + { + "id": 9838, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "dill pickles", + "black pepper", + "cayenne pepper", + "eggs", + "ranch dressing", + "seasoned bread crumbs", + "peanut oil" + ] + }, + { + "id": 15180, + "cuisine": "chinese", + "ingredients": [ + "water", + "black rice" + ] + }, + { + "id": 42912, + "cuisine": "indian", + "ingredients": [ + "boneless skinless chicken breasts", + "cilantro leaves", + "cumin", + "minced garlic", + "paprika", + "lemon juice", + "plain yogurt", + "onion powder", + "cayenne pepper", + "garam masala", + "ginger", + "coriander" + ] + }, + { + "id": 28678, + "cuisine": "italian", + "ingredients": [ + "white wine", + "butter", + "capers", + "salt and ground black pepper", + "extra-virgin olive oil", + "tilapia fillets", + "button mushrooms", + "minced garlic", + "lemon" + ] + }, + { + "id": 33041, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "all-purpose flour", + "saltines", + "butter", + "green tomatoes", + "eggs", + "salt" + ] + }, + { + "id": 44379, + "cuisine": "chinese", + "ingredients": [ + "peanut oil", + "zucchini", + "onions", + "minced garlic", + "oyster sauce", + "salt" + ] + }, + { + "id": 4824, + "cuisine": "mexican", + "ingredients": [ + "hellmann’ or best food canola cholesterol free mayonnais", + "tomatoes", + "whole kernel corn, drain", + "purple onion", + "black beans", + "chopped cilantro fresh" + ] + }, + { + "id": 40289, + "cuisine": "jamaican", + "ingredients": [ + "red kidney beans", + "fresh thyme", + "serrano", + "coconut milk", + "cold water", + "ground black pepper", + "garlic", + "long-grain rice", + "ground cinnamon", + "scotch bonnet chile", + "ground allspice", + "smoked bacon", + "sea salt", + "scallions" + ] + }, + { + "id": 7779, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "bread machine yeast", + "bread", + "milk", + "warm water", + "salt", + "eggs", + "butter" + ] + }, + { + "id": 37281, + "cuisine": "greek", + "ingredients": [ + "fresh oregano", + "dry white wine", + "finely chopped onion", + "fresh lemon juice", + "all-purpose flour" + ] + }, + { + "id": 25203, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "rice vinegar", + "brown sugar", + "ginger", + "lime", + "garlic", + "low sodium soy sauce", + "vegetable oil" + ] + }, + { + "id": 42520, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "cilantro leaves", + "onions", + "garlic paste", + "chili powder", + "cumin seed", + "ground cumin", + "tomatoes", + "coriander powder", + "green chilies", + "ground turmeric", + "black-eyed peas", + "salt", + "oil" + ] + }, + { + "id": 39816, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "green leaf lettuce", + "olive oil", + "cucumber", + "feta cheese", + "dried oregano", + "pitted black olives", + "red wine vinegar" + ] + }, + { + "id": 7575, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "paprika", + "lime zest", + "minced garlic", + "dried oregano", + "kosher salt", + "loin pork chops", + "hot red pepper flakes", + "olive oil", + "ground cumin" + ] + }, + { + "id": 47355, + "cuisine": "mexican", + "ingredients": [ + "radishes", + "chopped cilantro fresh", + "corn kernels", + "green onions", + "jalapeno chilies", + "olive oil", + "fresh lime juice" + ] + }, + { + "id": 35344, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "pepper", + "sauce", + "panko breadcrumbs", + "granulated garlic", + "dried thyme", + "green pepper", + "oregano", + "ketchup", + "gravy", + "diced yellow onion", + "crushed cornflakes", + "salt", + "ground beef" + ] + }, + { + "id": 1247, + "cuisine": "indian", + "ingredients": [ + "water", + "vegetable stock", + "onions", + "tomatoes", + "olive oil", + "salt", + "curry powder", + "garlic", + "fresh coriander", + "chopped tomatoes", + "frozen mixed vegetables" + ] + }, + { + "id": 31265, + "cuisine": "italian", + "ingredients": [ + "pepper", + "ranch dressing", + "frozen chopped spinach", + "large eggs", + "jumbo pasta shells", + "parmesan cheese", + "ricotta cheese", + "fresh basil", + "marinara sauce", + "shredded mozzarella cheese" + ] + }, + { + "id": 10392, + "cuisine": "russian", + "ingredients": [ + "tomatoes", + "cracked black pepper", + "ground coriander", + "ground cumin", + "boneless skinless chicken breasts", + "green pepper", + "rapeseed oil", + "plain yogurt", + "salt", + "garlic cloves", + "tomato paste", + "chili powder", + "gingerroot", + "onions" + ] + }, + { + "id": 47252, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "sugar", + "diced tomatoes", + "angel hair", + "bacon", + "onions", + "cider vinegar", + "crushed red pepper" + ] + }, + { + "id": 46337, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "sesame oil", + "pork shoulder", + "lettuce", + "asian pear", + "Gochujang base", + "fresh ginger", + "corn syrup", + "onions", + "brown sugar", + "rice wine", + "scallions" + ] + }, + { + "id": 27297, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "cooked chicken", + "corn tortillas", + "green chile", + "garlic powder", + "red pepper", + "tomato paste", + "water", + "chili powder", + "canned black beans", + "flour tortillas", + "Campbell's Condensed Cream of Chicken Soup" + ] + }, + { + "id": 31284, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "chicken cutlets", + "chicken broth", + "ground black pepper", + "fresh lemon juice", + "olive oil", + "garlic", + "capers", + "unsalted butter", + "flat leaf parsley" + ] + }, + { + "id": 29486, + "cuisine": "chinese", + "ingredients": [ + "milk", + "flour", + "scallions", + "sugar", + "unsalted butter", + "cake flour", + "bread flour", + "water", + "instant yeast", + "salt", + "char siu", + "eggs", + "roasted sesame seeds", + "char siu sauce", + "oyster sauce" + ] + }, + { + "id": 903, + "cuisine": "italian", + "ingredients": [ + "solid white tuna in oil", + "purple onion", + "red wine vinegar", + "fresh parsley", + "cannellini beans", + "chopped fresh sage", + "extra-virgin olive oil" + ] + }, + { + "id": 8524, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "toasted sesame oil", + "wasabi paste", + "kosher salt", + "quail eggs", + "mayonaise", + "furikake" + ] + }, + { + "id": 24190, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "vegetables", + "salt", + "ginger paste", + "garlic paste", + "butter", + "coriander", + "fenugreek leaves", + "garam masala", + "onions", + "ground cumin", + "fresh spinach", + "paneer", + "ground turmeric" + ] + }, + { + "id": 6517, + "cuisine": "spanish", + "ingredients": [ + "white vinegar", + "salt", + "bay leaves", + "garlic cloves", + "extra-virgin olive oil", + "fresh parsley", + "jalapeno chilies", + "fresh oregano" + ] + }, + { + "id": 6758, + "cuisine": "french", + "ingredients": [ + "sherry vinegar", + "fresh thyme leaves", + "extra-virgin olive oil", + "fresh parsley leaves", + "large egg yolks", + "yukon gold potatoes", + "fresh tarragon", + "mesclun", + "fresh chervil", + "basil leaves", + "balsamic vinegar", + "goat cheese", + "thyme sprigs", + "shallots", + "heavy cream", + "brine-cured black olives", + "fresh basil leaves" + ] + }, + { + "id": 27552, + "cuisine": "italian", + "ingredients": [ + "baking powder", + "sugar", + "jam", + "eggs", + "butter", + "flour" + ] + }, + { + "id": 3144, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "shallots", + "garlic cloves", + "Japanese turnips", + "rice vermicelli", + "fresh lime juice", + "light brown sugar", + "radishes", + "bone-in chicken breasts", + "fresno chiles", + "kosher salt", + "vegetable oil", + "sweet basil" + ] + }, + { + "id": 29679, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "sour cream", + "lower sodium chicken broth", + "cilantro", + "ground cumin", + "vegetable oil", + "chunky salsa", + "black beans", + "chopped onion" + ] + }, + { + "id": 34727, + "cuisine": "spanish", + "ingredients": [ + "superfine sugar", + "corn starch", + "ground cinnamon", + "whole milk", + "nutmeg", + "egg yolks", + "demerara sugar", + "lemon" + ] + }, + { + "id": 11250, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "mirin", + "salt", + "medium firm tofu", + "sake", + "dashi", + "napa cabbage", + "lean beef", + "spinach", + "other vegetables", + "enokitake", + "seafood", + "chicken", + "pork", + "shiitake", + "harusame", + "scallions" + ] + }, + { + "id": 31661, + "cuisine": "italian", + "ingredients": [ + "grated orange peel", + "honey", + "butter", + "ground cardamom", + "pecan halves", + "ground cloves", + "dried tart cherries", + "all-purpose flour", + "dried mission figs", + "candied orange peel", + "hazelnuts", + "pitted Medjool dates", + "ground coriander", + "unsweetened cocoa powder", + "ground cinnamon", + "sugar", + "ground nutmeg", + "salt", + "ground white pepper" + ] + }, + { + "id": 16475, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "fresh lemon juice", + "salmon", + "chili powder", + "smoked salmon", + "chives", + "ground white pepper", + "olive oil", + "salt" + ] + }, + { + "id": 20604, + "cuisine": "italian", + "ingredients": [ + "roma tomatoes", + "lemon juice", + "fresh basil", + "salt", + "garlic", + "flat leaf parsley", + "olive oil", + "chopped onion" + ] + }, + { + "id": 48786, + "cuisine": "french", + "ingredients": [ + "white bread", + "grated Gruyère cheese", + "unsalted butter", + "sour cream", + "dijon style mustard", + "cooked ham", + "kirsch" + ] + }, + { + "id": 31113, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "grated parmesan cheese", + "eggplant", + "olive oil", + "large eggs" + ] + }, + { + "id": 3238, + "cuisine": "japanese", + "ingredients": [ + "sliced meat", + "vegetable oil", + "snow peas", + "sugar", + "mirin", + "carrots", + "sake", + "dashi", + "shirataki", + "soy sauce", + "potatoes", + "onions" + ] + }, + { + "id": 11453, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "mushrooms", + "salt", + "garlic cloves", + "plum tomatoes", + "garam masala", + "butter", + "cumin seed", + "onions", + "milk", + "spring onions", + "lamb", + "chillies", + "tumeric", + "potatoes", + "ginger", + "oil", + "frozen peas" + ] + }, + { + "id": 30527, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "extra-virgin olive oil", + "seedless red grapes", + "sliced almonds", + "ground black pepper", + "scallions", + "dried currants", + "honey", + "chopped celery", + "kosher salt", + "brown rice", + "fresh lemon juice" + ] + }, + { + "id": 34281, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "flour", + "sea salt", + "pizza doughs" + ] + }, + { + "id": 13311, + "cuisine": "greek", + "ingredients": [ + "large egg yolks", + "all-purpose flour", + "brandy", + "baking powder", + "pure vanilla extract", + "unsalted butter", + "confectioners sugar", + "ground cloves", + "salt" + ] + }, + { + "id": 13862, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "creole seasoning", + "sliced green onions", + "smoked chicken sausages", + "onions", + "green bell pepper", + "garlic cloves", + "red kidney beans", + "long-grain rice" + ] + }, + { + "id": 35557, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "Mexican cheese blend", + "onions", + "fresh tomatoes", + "corn", + "non-fat sour cream", + "fresh cilantro", + "jalapeno chilies", + "extra lean ground beef", + "taco seasoning mix", + "corn tortillas" + ] + }, + { + "id": 21510, + "cuisine": "southern_us", + "ingredients": [ + "edible flowers", + "vegetable oil", + "orange zest", + "sugar", + "baking powder", + "cake flour", + "buttercream frosting", + "kumquats", + "salt", + "cream of tartar", + "large eggs", + "fresh orange juice" + ] + }, + { + "id": 5961, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "dry white wine", + "garlic cloves", + "dijon mustard", + "heavy cream", + "allspice", + "olive oil", + "chopped fresh thyme", + "low salt chicken broth", + "pork tenderloin", + "fresh tarragon" + ] + }, + { + "id": 19960, + "cuisine": "italian", + "ingredients": [ + "pepper", + "zucchini", + "salt", + "aged balsamic vinegar", + "olive oil", + "basil leaves", + "red bell pepper", + "cherry tomatoes", + "mint leaves", + "english cucumber", + "pitted kalamata olives", + "feta cheese", + "yellow bell pepper", + "Italian bread" + ] + }, + { + "id": 508, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "tumeric", + "sunflower oil", + "frozen peas", + "ground cumin", + "mild curry powder", + "potatoes", + "ground coriander", + "basmati rice", + "ground cinnamon", + "pepper", + "salt", + "boiling water", + "cauliflower", + "whole almonds", + "raisins", + "carrots", + "saffron" + ] + }, + { + "id": 32090, + "cuisine": "indian", + "ingredients": [ + "sea salt", + "chickpeas", + "tamari soy sauce", + "olive oil" + ] + }, + { + "id": 42861, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "pizza sauce", + "garlic cloves", + "chopped green bell pepper", + "salt", + "part-skim mozzarella cheese", + "basil dried leaves", + "sliced mushrooms", + "penne", + "cooking spray", + "yellow onion" + ] + }, + { + "id": 26020, + "cuisine": "russian", + "ingredients": [ + "sliced almonds", + "dried apricot", + "candy sprinkles", + "bread flour", + "sponge", + "instant yeast", + "rum", + "vanilla extract", + "unsalted butter", + "cooking spray", + "buttermilk", + "sugar", + "large eggs", + "golden raisins", + "salt" + ] + }, + { + "id": 39714, + "cuisine": "french", + "ingredients": [ + "sugar", + "whipping cream", + "large egg yolks", + "fresh raspberries", + "milk", + "maple syrup", + "bananas", + "banana extract" + ] + }, + { + "id": 14800, + "cuisine": "french", + "ingredients": [ + "cremini mushrooms", + "sea salt", + "onions", + "riesling", + "crème fraîche", + "unsalted butter", + "cracked black pepper", + "chicken", + "bacon", + "flat leaf parsley" + ] + }, + { + "id": 11535, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "vegetable oil", + "smoked pork", + "onions", + "boneless chicken skinless thigh", + "onion tops", + "shrimp", + "green bell pepper", + "smoked sausage", + "creole seasoning", + "long grain white rice", + "water", + "beef broth", + "bay leaf" + ] + }, + { + "id": 39450, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "ground beef", + "garlic", + "chorizo sausage", + "cheese", + "cumin", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 12899, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salsa", + "boneless skinless chicken breasts", + "flour tortillas", + "taco seasoning", + "chicken broth", + "ranch dressing" + ] + }, + { + "id": 46110, + "cuisine": "spanish", + "ingredients": [ + "slivered almonds", + "ground black pepper", + "baking potatoes", + "salt", + "water", + "large eggs", + "extra-virgin olive oil", + "red bell pepper", + "white bread", + "sherry vinegar", + "cooking spray", + "crushed red pepper", + "plum tomatoes", + "egg substitute", + "tortillas", + "paprika", + "garlic cloves" + ] + }, + { + "id": 1050, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "olive oil", + "salt", + "ground oregano", + "cotija", + "chile pepper", + "corn tortillas", + "cheddar cheese", + "zucchini", + "garlic cloves", + "ground cumin", + "fresh cilantro", + "mild green chiles", + "onions" + ] + }, + { + "id": 49167, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "vegetable oil", + "chopped cilantro", + "hash brown", + "scallions", + "frozen peas", + "cayenne", + "ginger", + "medium shrimp", + "tumeric", + "lime wedges", + "garlic cloves" + ] + }, + { + "id": 7169, + "cuisine": "japanese", + "ingredients": [ + "vegetable oil cooking spray", + "light soy sauce", + "rice wine", + "shrimp", + "smoked salmon", + "bottled lime juice", + "large eggs", + "rice vinegar", + "sliced green onions", + "wasabi", + "gari", + "granulated sugar", + "white rice", + "toasted sesame seeds", + "avocado", + "fresh leav spinach", + "roasted red peppers", + "salt", + "small capers, rins and drain" + ] + }, + { + "id": 23187, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "whole milk", + "grated nutmeg", + "chopped pecans", + "bread", + "cream", + "whipping cream", + "ground cardamom", + "sugar", + "butter", + "softened butter", + "whiskey", + "ground cinnamon", + "ground nutmeg", + "vanilla extract", + "corn starch" + ] + }, + { + "id": 36890, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "all-purpose flour", + "nutmeg", + "whipping cream", + "sugar", + "vanilla extract", + "butter" + ] + }, + { + "id": 13731, + "cuisine": "mexican", + "ingredients": [ + "lime", + "cilantro", + "celery", + "red lentils", + "chili powder", + "garlic", + "olive oil", + "vegetable broth", + "onions", + "tumeric", + "diced tomatoes", + "hot sauce" + ] + }, + { + "id": 19123, + "cuisine": "southern_us", + "ingredients": [ + "ground red pepper", + "dark brown sugar", + "black peppercorns", + "paprika", + "chili powder", + "ground cumin", + "mace", + "salt" + ] + }, + { + "id": 44420, + "cuisine": "french", + "ingredients": [ + "sugar", + "part-skim ricotta cheese", + "unflavored gelatin", + "reduced-fat sour cream", + "cream cheese, soften", + "sweetener", + "goat cheese", + "cold water", + "gingersnap", + "berries" + ] + }, + { + "id": 45514, + "cuisine": "chinese", + "ingredients": [ + "tofu", + "szechwan peppercorns", + "chili bean paste", + "ground chile", + "lean ground pork", + "ginger", + "oil", + "chicken stock", + "chili oil", + "scallions", + "light soy sauce", + "garlic", + "corn starch" + ] + }, + { + "id": 30783, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "dried basil", + "fresh oregano", + "tomato sauce", + "bay leaves", + "sausages", + "fresh basil", + "olive oil", + "Italian turkey sausage", + "fennel seeds", + "minced garlic", + "diced tomatoes", + "dried oregano" + ] + }, + { + "id": 36256, + "cuisine": "moroccan", + "ingredients": [ + "slivered almonds", + "sweet potatoes", + "canned tomatoes", + "onions", + "pepper", + "extra-virgin olive oil", + "cumin seed", + "dried apricot", + "garlic", + "couscous", + "lamb shanks", + "harissa", + "salt" + ] + }, + { + "id": 42031, + "cuisine": "southern_us", + "ingredients": [ + "meat", + "pepper", + "oatmeal", + "eggs", + "salt", + "tomato juice", + "onions" + ] + }, + { + "id": 49399, + "cuisine": "greek", + "ingredients": [ + "lemon juice", + "olive oil", + "pepper", + "dried oregano", + "salt" + ] + }, + { + "id": 49168, + "cuisine": "japanese", + "ingredients": [ + "brown rice", + "water", + "green tea leaves" + ] + }, + { + "id": 39911, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "butter", + "garlic", + "okra", + "crab meat", + "dried thyme", + "sirloin steak", + "all-purpose flour", + "large shrimp", + "andouille sausage", + "salt and ground black pepper", + "worcestershire sauce", + "yellow onion", + "water", + "lemon", + "chopped celery", + "roasted tomatoes" + ] + }, + { + "id": 30373, + "cuisine": "greek", + "ingredients": [ + "bread crumbs", + "fennel bulb", + "ground lamb", + "mayonaise", + "olive oil", + "salt", + "minced garlic", + "shallots", + "hamburger buns", + "ground black pepper", + "dried oregano" + ] + }, + { + "id": 29584, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime", + "galangal", + "water", + "soup", + "white sugar", + "chiles", + "lemon grass", + "medium shrimp", + "kaffir lime leaves", + "chile paste", + "mushrooms" + ] + }, + { + "id": 32623, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "large eggs", + "orange", + "bittersweet chocolate", + "granulated sugar" + ] + }, + { + "id": 19205, + "cuisine": "french", + "ingredients": [ + "cooking spray", + "large eggs", + "salt", + "reduced fat milk", + "all-purpose flour", + "water", + "butter" + ] + }, + { + "id": 11708, + "cuisine": "italian", + "ingredients": [ + "granulated sugar", + "ricotta cheese", + "grated lemon zest", + "fresh blueberries", + "vanilla extract", + "fresh raspberries", + "large eggs", + "mint sprigs", + "strawberries", + "powdered sugar", + "cooking spray", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 46239, + "cuisine": "british", + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "mixed peel", + "sugar", + "frozen pastry puff sheets", + "brown sugar", + "unsalted butter", + "orange zest", + "medium eggs", + "dried currants", + "flour" + ] + }, + { + "id": 30821, + "cuisine": "spanish", + "ingredients": [ + "almonds", + "peas", + "roast red peppers, drain", + "hot red pepper flakes", + "parmigiano reggiano cheese", + "salt", + "sherry vinegar", + "extra-virgin olive oil", + "white sandwich bread", + "reduced sodium chicken broth", + "large garlic cloves", + "corkscrew pasta" + ] + }, + { + "id": 48148, + "cuisine": "irish", + "ingredients": [ + "apricot preserves", + "soy sauce", + "brown sugar", + "corned beef", + "water" + ] + }, + { + "id": 36260, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "dry white wine", + "fat-free chicken broth", + "lemon juice", + "bay leaves", + "raisins", + "all-purpose flour", + "white onion", + "mushrooms", + "worcestershire sauce", + "garlic cloves", + "olive oil", + "boneless skinless chicken breasts", + "salt", + "thyme" + ] + }, + { + "id": 93, + "cuisine": "russian", + "ingredients": [ + "fresh dill", + "green onions", + "pepper", + "salt", + "european cucumber", + "purple onion", + "tomatoes", + "olive oil" + ] + }, + { + "id": 19643, + "cuisine": "thai", + "ingredients": [ + "large garlic cloves", + "fresh lime juice", + "cherry tomatoes", + "thai chile", + "green papaya", + "salted roast peanuts", + "dried shrimp", + "palm sugar", + "green beans", + "asian fish sauce" + ] + }, + { + "id": 28469, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "pitted date", + "ricotta salata" + ] + }, + { + "id": 35642, + "cuisine": "southern_us", + "ingredients": [ + "green pepper", + "sage", + "sweet potatoes", + "onions", + "black pepper", + "thyme", + "bacon fat", + "marjoram" + ] + }, + { + "id": 8911, + "cuisine": "italian", + "ingredients": [ + "whole milk", + "warm water", + "citric acid", + "rennet" + ] + }, + { + "id": 137, + "cuisine": "mexican", + "ingredients": [ + "scallions", + "fresh coriander", + "cherry peppers", + "tortilla chips", + "avocado", + "fresh lemon juice" + ] + }, + { + "id": 32217, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "sugar", + "white cornmeal", + "eggs", + "oil", + "flour" + ] + }, + { + "id": 40908, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "yellow mustard seeds", + "olive oil", + "sunflower oil", + "cumin seed", + "nigella seeds", + "canola oil", + "curry leaves", + "white onion", + "green onions", + "purple onion", + "fresh lemon juice", + "chopped fresh mint", + "tumeric", + "curry powder", + "yukon gold potatoes", + "firm tofu", + "greek yogurt", + "grated lemon peel", + "fennel seeds", + "baby spinach leaves", + "bay leaves", + "vegetable broth", + "black mustard seeds", + "fresh parsley" + ] + }, + { + "id": 26704, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "lime juice", + "sauce", + "galangal", + "brown sugar", + "chili paste", + "coconut milk", + "boneless chicken skinless thigh", + "cilantro leaves", + "lime leaves", + "white button mushrooms", + "lemongrass", + "green chilies" + ] + }, + { + "id": 20142, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "boneless skinless chicken breast halves", + "tomato sauce", + "salt", + "vegetable oil", + "shredded Monterey Jack cheese", + "cotija", + "taco seasoning" + ] + }, + { + "id": 40186, + "cuisine": "chinese", + "ingredients": [ + "boneless chicken thighs", + "salt", + "sweet rice flour", + "vegetable oil", + "corn starch", + "green onions", + "oyster sauce", + "eggs", + "garlic", + "white sugar" + ] + }, + { + "id": 29618, + "cuisine": "irish", + "ingredients": [ + "olive oil", + "cooking spray", + "1% low-fat milk", + "garlic cloves", + "ground black pepper", + "chopped fresh thyme", + "salt", + "Italian bread", + "cremini mushrooms", + "large eggs", + "dry mustard", + "chopped onion", + "fresh parmesan cheese", + "ground red pepper", + "chopped celery", + "turkey breast" + ] + }, + { + "id": 47117, + "cuisine": "filipino", + "ingredients": [ + "sesame seeds", + "water", + "sugar", + "glutinous rice flour", + "coconut" + ] + }, + { + "id": 34295, + "cuisine": "chinese", + "ingredients": [ + "green cabbage", + "black bean garlic sauce", + "garlic", + "mung bean sprouts", + "green chile", + "large eggs", + "scallions", + "neutral oil", + "fresh ginger", + "diced yellow onion", + "chopped cilantro fresh", + "jasmine rice", + "ground pork", + "carrots" + ] + }, + { + "id": 3765, + "cuisine": "indian", + "ingredients": [ + "lime", + "paprika", + "greek yogurt", + "mint", + "garam masala", + "salt", + "ground cumin", + "fresh ginger", + "garlic", + "ground turmeric", + "black pepper", + "chicken breasts", + "greek style plain yogurt" + ] + }, + { + "id": 23230, + "cuisine": "southern_us", + "ingredients": [ + "vanilla extract", + "powdered sugar", + "butter", + "cream cheese, soften" + ] + }, + { + "id": 5705, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "freshly ground pepper", + "italian salad dressing", + "white tuna in water", + "purple onion", + "red bell pepper", + "fresh green bean", + "mixed greens", + "black olives", + "dumplings" + ] + }, + { + "id": 24480, + "cuisine": "italian", + "ingredients": [ + "capers", + "diced tomatoes", + "fat", + "chicken", + "crimini mushrooms", + "dry red wine", + "gemelli", + "olive oil", + "basil", + "low salt chicken broth", + "fresh rosemary", + "sherry wine vinegar", + "purple onion", + "plum tomatoes" + ] + }, + { + "id": 35901, + "cuisine": "italian", + "ingredients": [ + "brewed coffee", + "chocolate morsels", + "whipping cream", + "butter" + ] + }, + { + "id": 44296, + "cuisine": "italian", + "ingredients": [ + "crushed red pepper", + "extra-virgin olive oil", + "flat leaf parsley", + "clams", + "garlic cloves", + "linguine" + ] + }, + { + "id": 25691, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "rice vinegar", + "cooked rice", + "green onions", + "shrimp", + "hoisin sauce", + "peanut oil", + "sugar", + "salt" + ] + }, + { + "id": 16446, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "chopped onion", + "salad oil", + "tumeric", + "vegetable broth", + "ground cardamom", + "jalapeno chilies", + "cumin seed", + "chopped cilantro fresh", + "minced garlic", + "salt", + "lentils" + ] + }, + { + "id": 17432, + "cuisine": "korean", + "ingredients": [ + "shredded cheddar cheese", + "bacon", + "onions", + "sugar", + "gochugaru", + "scallions", + "olive oil", + "salt", + "pepper", + "russet potatoes", + "kimchi" + ] + }, + { + "id": 24213, + "cuisine": "italian", + "ingredients": [ + "whole peeled tomatoes", + "green beans", + "garlic", + "chicken meat", + "dried oregano", + "chopped green bell pepper", + "chopped onion" + ] + }, + { + "id": 49551, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "part-skim mozzarella cheese", + "vegetable oil", + "fresh parsley", + "tomato paste", + "crushed tomatoes", + "zucchini", + "oven-ready lasagna noodles", + "nonfat ricotta cheese", + "eggs", + "dried basil", + "butternut squash", + "ground turkey", + "italian seasoning", + "fennel seeds", + "water", + "ground black pepper", + "garlic", + "onions" + ] + }, + { + "id": 8685, + "cuisine": "italian", + "ingredients": [ + "flour", + "cream cheese", + "white sugar", + "butter", + "corn starch", + "ricotta cheese", + "lemon juice", + "eggs", + "vanilla extract", + "sour cream" + ] + }, + { + "id": 14917, + "cuisine": "southern_us", + "ingredients": [ + "vanilla ice cream", + "unsalted butter", + "white sandwich bread", + "cream sweeten whip", + "ground nutmeg", + "pitted prunes", + "pure maple syrup", + "granny smith apples", + "dark brown sugar", + "brandy", + "fresh orange juice" + ] + }, + { + "id": 49457, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "lamb rib chops", + "salt", + "olive oil", + "garlic" + ] + }, + { + "id": 41255, + "cuisine": "italian", + "ingredients": [ + "macadamia nuts", + "butter", + "pumpkin pie spice", + "pumpkin", + "salt", + "large eggs", + "vanilla extract", + "firmly packed brown sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 3868, + "cuisine": "french", + "ingredients": [ + "cocoa", + "butter", + "hazelnut liqueur", + "bananas", + "vanilla", + "melted butter", + "egg yolks", + "confectioners sugar", + "white flour", + "2% reduced-fat milk" + ] + }, + { + "id": 45239, + "cuisine": "greek", + "ingredients": [ + "zucchini", + "fresh lemon juice", + "pepper", + "purple onion", + "chopped parsley", + "kalamata", + "feta cheese crumbles", + "olive oil", + "chickpeas" + ] + }, + { + "id": 12921, + "cuisine": "indian", + "ingredients": [ + "cottage cheese", + "green onions", + "salt", + "coriander", + "chopped almonds", + "ginger", + "oil", + "bread crumbs", + "cracked black pepper", + "green chilies", + "chopped garlic", + "eggs", + "flour", + "chicken stock cubes", + "bread slices" + ] + }, + { + "id": 43066, + "cuisine": "mexican", + "ingredients": [ + "orange", + "egg yolks", + "eggs", + "unsalted butter", + "sea salt", + "water", + "granulated sugar", + "all-purpose flour", + "active dry yeast", + "decorating sugars" + ] + }, + { + "id": 302, + "cuisine": "french", + "ingredients": [ + "butter", + "bittersweet baking chocolate", + "coffee liqueur", + "whipping cream" + ] + }, + { + "id": 39862, + "cuisine": "indian", + "ingredients": [ + "cream", + "butter", + "paneer", + "cumin seed", + "tomato purée", + "garam masala", + "kasuri methi", + "cilantro leaves", + "black pepper", + "chili powder", + "garlic", + "chopped onion", + "chopped tomatoes", + "ginger", + "salt", + "cashew nuts" + ] + }, + { + "id": 36557, + "cuisine": "italian", + "ingredients": [ + "sweet onion", + "sweet italian sausage", + "green bell pepper", + "parmesan cheese", + "grits", + "garlic powder", + "garlic cloves", + "pepper", + "salt", + "italian seasoning" + ] + }, + { + "id": 28925, + "cuisine": "filipino", + "ingredients": [ + "boneless chicken skinless thigh", + "Shaoxing wine", + "crushed red pepper flakes", + "corn starch", + "brown sugar", + "sesame seeds", + "sesame oil", + "garlic", + "water", + "green onions", + "ginger", + "soy sauce", + "egg whites", + "calamansi juice", + "oil" + ] + }, + { + "id": 12900, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "refried beans", + "guacamole", + "rotisserie chicken", + "corn tortillas", + "pickled jalapenos", + "olive oil", + "salsa", + "pinto beans", + "ground cumin", + "fire roasted diced tomatoes", + "corn kernels", + "purple onion", + "red enchilada sauce", + "iceberg lettuce", + "chile powder", + "fresh cilantro", + "Mexican cheese blend", + "green chilies", + "sour cream" + ] + }, + { + "id": 14126, + "cuisine": "vietnamese", + "ingredients": [ + "white onion", + "lemon", + "sauce", + "tumeric", + "thai basil", + "salt", + "chicken", + "chicken broth", + "jasmine rice", + "garlic", + "oil", + "soy sauce", + "ground pepper", + "cilantro leaves" + ] + }, + { + "id": 24472, + "cuisine": "jamaican", + "ingredients": [ + "tomatoes", + "pigeon peas", + "onions", + "chopped ham", + "pepper", + "salt", + "sugar", + "olive oil", + "long grain white rice", + "tomato paste", + "water", + "celery" + ] + }, + { + "id": 9396, + "cuisine": "southern_us", + "ingredients": [ + "evaporated milk", + "half & half", + "all-purpose flour", + "cream of tartar", + "granulated sugar", + "salt", + "pure vanilla extract", + "bananas", + "butter", + "meringue", + "large egg yolks", + "egg whites", + "vanilla wafers" + ] + }, + { + "id": 32009, + "cuisine": "irish", + "ingredients": [ + "fresh parsley leaves", + "mayonaise", + "eggs", + "celery", + "color food green" + ] + }, + { + "id": 30672, + "cuisine": "italian", + "ingredients": [ + "Heinz Worcestershire Sauce", + "dried basil", + "lean ground beef", + "onions", + "tomato paste", + "Heinz Chili Sauce", + "lasagna noodles", + "shredded mozzarella cheese", + "lean ground pork", + "tomato juice", + "dri leav thyme", + "green bell pepper", + "olive oil", + "garlic", + "dried oregano" + ] + }, + { + "id": 24044, + "cuisine": "thai", + "ingredients": [ + "peanuts", + "large garlic cloves", + "scallions", + "brown sugar", + "large eggs", + "peeled shrimp", + "beansprouts", + "fish sauce", + "extra firm tofu", + "paprika", + "red bell pepper", + "lime", + "rice noodles", + "rice vinegar", + "canola oil" + ] + }, + { + "id": 36183, + "cuisine": "british", + "ingredients": [ + "butter", + "ground white pepper", + "milk", + "chopped celery", + "onions", + "cauliflower", + "vegetable broth", + "stilton cheese", + "leeks", + "all-purpose flour" + ] + }, + { + "id": 49231, + "cuisine": "french", + "ingredients": [ + "ground ginger", + "egg yolks", + "sugar", + "cinnamon", + "vanilla beans", + "heavy cream", + "pumpkin purée", + "allspice" + ] + }, + { + "id": 30676, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "white onion", + "vegetable oil", + "ground turmeric", + "red chili powder", + "coriander powder", + "ground cardamom", + "tomato paste", + "garam masala", + "garlic", + "ground cumin", + "plain yogurt", + "boneless skinless chicken breasts", + "basmati rice" + ] + }, + { + "id": 42859, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "dried basil", + "crushed red pepper flakes", + "all-purpose flour", + "fresh basil leaves", + "ground fennel", + "fresh oregano leaves", + "grated parmesan cheese", + "garlic", + "onions", + "polenta", + "chicken broth", + "black pepper", + "bacon", + "salt", + "bone in skin on chicken thigh", + "dried oregano", + "pasta", + "tomato sauce", + "olive oil", + "button mushrooms", + "red bell pepper", + "plum tomatoes" + ] + }, + { + "id": 42591, + "cuisine": "irish", + "ingredients": [ + "salt", + "chicken broth", + "cabbage", + "butter" + ] + }, + { + "id": 45359, + "cuisine": "southern_us", + "ingredients": [ + "water", + "vanilla extract", + "pie crust", + "splenda", + "sweet potatoes", + "sugar", + "butter" + ] + }, + { + "id": 1344, + "cuisine": "southern_us", + "ingredients": [ + "pure maple syrup", + "large eggs", + "vanilla extract", + "golden brown sugar", + "light corn syrup", + "unsalted butter", + "crust", + "pecan halves", + "wheat", + "salt" + ] + }, + { + "id": 48004, + "cuisine": "southern_us", + "ingredients": [ + "seasoned bread crumbs", + "chicken breasts", + "all-purpose flour", + "walnut pieces", + "crumbled blue cheese", + "poppy seed dressing", + "olive oil", + "baby spinach", + "dried cranberries", + "large eggs", + "apples" + ] + }, + { + "id": 44546, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "sherry wine vinegar", + "olive oil", + "fresh basil leaves", + "water", + "fresh lemon juice", + "tomatoes", + "dijon mustard" + ] + }, + { + "id": 19533, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "butter", + "onions", + "ground nutmeg", + "shredded swiss cheese", + "canadian bacon", + "low-fat milk", + "tomato sauce", + "grated parmesan cheese", + "all-purpose flour", + "grated lemon peel", + "asparagus", + "ricotta cheese", + "garlic cloves" + ] + }, + { + "id": 11737, + "cuisine": "vietnamese", + "ingredients": [ + "tofu", + "lime", + "fresh ginger root", + "mushrooms", + "star anise", + "cinnamon sticks", + "broth", + "soy sauce", + "coriander seeds", + "Sriracha", + "rice noodles", + "scallions", + "onions", + "clove", + "unsalted vegetable stock", + "herbs", + "chile pepper", + "broccoli", + "beansprouts", + "seitan", + "bean curd skins", + "vegetables", + "hoisin sauce", + "napa cabbage", + "carrots", + "noodles" + ] + }, + { + "id": 8652, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "all-purpose flour", + "cold water", + "unsalted butter", + "cake flour", + "key lime juice", + "shortening", + "large eggs", + "salt", + "lime rind", + "butter", + "strawberries" + ] + }, + { + "id": 7856, + "cuisine": "british", + "ingredients": [ + "pitted date", + "unsalted butter", + "salt", + "milk", + "vanilla extract", + "rolled oats", + "large eggs", + "double-acting baking powder", + "light brown sugar", + "baking soda", + "cake flour" + ] + }, + { + "id": 16863, + "cuisine": "italian", + "ingredients": [ + "salt", + "shredded mozzarella cheese", + "olive oil", + "ricotta", + "ground beef", + "crushed tomatoes", + "yellow onion", + "chopped parsley", + "garlic", + "spaghetti squash" + ] + }, + { + "id": 31411, + "cuisine": "cajun_creole", + "ingredients": [ + "romaine lettuce", + "pepper", + "butter", + "English mustard", + "pickled jalapenos", + "pistachios", + "dill", + "mayonaise", + "water", + "salt", + "eggs", + "lump crab meat", + "flour", + "Meyer lemon juice" + ] + }, + { + "id": 4932, + "cuisine": "japanese", + "ingredients": [ + "sesame oil", + "fresh ginger root", + "soy sauce", + "garlic", + "mushroom caps" + ] + }, + { + "id": 30390, + "cuisine": "mexican", + "ingredients": [ + "lime", + "chili powder", + "onions", + "olive oil", + "onion powder", + "cumin", + "bell pepper", + "salt", + "black pepper", + "chicken breasts", + "smoked paprika" + ] + }, + { + "id": 13247, + "cuisine": "indian", + "ingredients": [ + "seeds", + "mustard seeds", + "red chili powder", + "oil", + "salt", + "cubed mango", + "garlic cloves" + ] + }, + { + "id": 22084, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "ground sirloin", + "salt", + "poblano chiles", + "slivered almonds", + "cooking spray", + "diced tomatoes", + "garlic cloves", + "ground cinnamon", + "water", + "brown rice", + "chopped onion", + "ground cumin", + "tomato sauce", + "part-skim mozzarella cheese", + "raisins", + "pimento stuffed olives" + ] + }, + { + "id": 26564, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh basil", + "canola oil", + "tomatoes", + "shrimp", + "yellow tomato", + "garlic cloves" + ] + }, + { + "id": 16689, + "cuisine": "cajun_creole", + "ingredients": [ + "coffee", + "water", + "chicory" + ] + }, + { + "id": 49291, + "cuisine": "indian", + "ingredients": [ + "water", + "frozen peas", + "cumin seed", + "coarse salt", + "chicken broth", + "onions" + ] + }, + { + "id": 16182, + "cuisine": "russian", + "ingredients": [ + "sweet onion", + "green bell pepper", + "tomatoes", + "sour cream", + "fresh dill" + ] + }, + { + "id": 25029, + "cuisine": "italian", + "ingredients": [ + "brandy", + "semisweet chocolate", + "hot water", + "cold water", + "raspberries", + "egg yolks", + "sliced almonds", + "egg whites", + "white sugar", + "ladyfingers", + "mascarpone", + "vanilla extract" + ] + }, + { + "id": 10437, + "cuisine": "thai", + "ingredients": [ + "lime", + "baby kale", + "ginger", + "tamarind paste", + "kaffir lime leaves", + "lemon grass", + "chicken breasts", + "light coconut milk", + "Thai fish sauce", + "chicken broth", + "honey", + "mushrooms", + "Thai red curry paste", + "garlic chili sauce", + "water", + "chili paste", + "cilantro", + "garlic", + "mung bean sprouts" + ] + }, + { + "id": 40196, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "radishes", + "purple onion", + "garlic cloves", + "black beans", + "feta cheese", + "chili powder", + "hot sauce", + "ground cumin", + "eggs", + "olive oil", + "jalapeno chilies", + "salt", + "corn tortillas", + "pepper", + "salsa verde", + "cilantro", + "cayenne pepper" + ] + }, + { + "id": 23733, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "unsalted butter", + "ground black pepper", + "collard greens", + "lardons" + ] + }, + { + "id": 312, + "cuisine": "indian", + "ingredients": [ + "cottage cheese", + "chili powder", + "salt" + ] + }, + { + "id": 21021, + "cuisine": "italian", + "ingredients": [ + "shortening", + "garlic powder", + "crushed red pepper flakes", + "marjoram", + "active dry yeast", + "chili powder", + "all-purpose flour", + "dried oregano", + "water", + "ground black pepper", + "salt", + "white sugar", + "tomato paste", + "dried basil", + "vegetable oil", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 13395, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "vegetable oil", + "garlic", + "olive oil", + "raisins", + "pimento stuffed olives", + "white onion", + "knorr reduc sodium chicken flavor bouillon", + "disco empanada frozen", + "tomatoes", + "jalapeno chilies", + "queso blanco", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 15666, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "vinegar", + "pork belly", + "garlic", + "water", + "onions", + "string beans", + "ground black pepper" + ] + }, + { + "id": 26557, + "cuisine": "chinese", + "ingredients": [ + "baby bok choy", + "minced garlic", + "Shaoxing wine", + "firm tofu", + "vermicelli noodles", + "sugar", + "soy sauce", + "water chestnuts", + "ground pork", + "corn starch", + "homemade chicken stock", + "kosher salt", + "egg yolks", + "ginger", + "ground white pepper", + "pork", + "canola", + "napa cabbage leaves", + "scallions", + "cooked white rice" + ] + }, + { + "id": 48966, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "balsamic vinegar", + "rotini", + "crumbled ricotta salata cheese", + "fresh thyme leaves", + "garlic cloves" + ] + }, + { + "id": 24903, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "all-purpose flour", + "honey", + "salt", + "active dry yeast", + "extra-virgin olive oil", + "powdered sugar", + "dry white wine", + "lard" + ] + }, + { + "id": 4779, + "cuisine": "italian", + "ingredients": [ + "pepper", + "paprika", + "lemon juice", + "garlic powder", + "all-purpose flour", + "artichoke hearts", + "salt", + "boneless skinless chicken breast halves", + "chicken stock", + "vegetable oil", + "fresh mushrooms" + ] + }, + { + "id": 47447, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "peanut butter", + "eggs", + "salt", + "confectioners sugar", + "sugar", + "pie shell", + "vanilla", + "corn starch" + ] + }, + { + "id": 2986, + "cuisine": "italian", + "ingredients": [ + "Johnsonville Mild Italian Sausage Links", + "shredded parmesan cheese", + "water", + "eggs", + "frozen broccoli", + "dried basil" + ] + }, + { + "id": 692, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "low-fat mozzarella cheese", + "finely chopped onion", + "extra-virgin olive oil", + "fresh basil", + "low-fat ricotta cheese", + "plum tomatoes", + "lasagna noodles", + "garlic cloves" + ] + }, + { + "id": 48767, + "cuisine": "southern_us", + "ingredients": [ + "tomato sauce", + "worcestershire sauce", + "green pepper", + "chicken broth", + "hash brown", + "salt", + "okra", + "green bell pepper", + "cooked chicken", + "lima beans", + "onions", + "celery ribs", + "pepper", + "diced tomatoes", + "barbecued pork" + ] + }, + { + "id": 35534, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "cream", + "chicken breasts", + "red", + "onions", + "garlic paste", + "fresh coriander", + "butter", + "salt", + "cumin", + "tomato purée", + "pepper", + "chili powder", + "curry", + "coriander", + "tumeric", + "chopped tomatoes", + "lemon", + "ghee", + "ginger paste" + ] + }, + { + "id": 46490, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "vegetables", + "chow mein noodles", + "tofu", + "light soy sauce", + "salt", + "beansprouts", + "white pepper", + "sesame oil", + "carrots", + "dark soy sauce", + "flowering chives", + "scallions" + ] + }, + { + "id": 38768, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garam masala", + "chickpeas", + "curry powder", + "ground red pepper", + "chopped cilantro fresh", + "sugar", + "finely chopped onion", + "rice", + "olive oil", + "salt", + "ground turmeric" + ] + }, + { + "id": 20223, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "extra-virgin olive oil", + "sun-dried tomatoes", + "garlic cloves", + "capers", + "ground black pepper", + "flat leaf parsley", + "water", + "oil" + ] + }, + { + "id": 32107, + "cuisine": "southern_us", + "ingredients": [ + "breakfast sausages", + "biscuit dough", + "condensed cream of mushroom soup", + "water" + ] + }, + { + "id": 40239, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "chopped green chilies", + "chili powder", + "salt", + "chopped cilantro", + "ground cumin", + "pepper", + "flour", + "heavy cream", + "sour cream", + "v 8 juice", + "tomatoes", + "unsalted butter", + "vegetable oil", + "cream cheese", + "onions", + "corn", + "boneless skinless chicken breasts", + "garlic", + "corn tortillas", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 7957, + "cuisine": "french", + "ingredients": [ + "egg whites", + "anise extract", + "salt", + "all-purpose flour", + "butter", + "confectioners sugar" + ] + }, + { + "id": 3458, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "avocado", + "garlic", + "jalapeno chilies", + "kosher salt", + "purple onion" + ] + }, + { + "id": 13044, + "cuisine": "mexican", + "ingredients": [ + "clove", + "refried beans", + "black olives", + "onions", + "tomatoes", + "corn chips", + "taco seasoning", + "tomato paste", + "colby jack cheese", + "salsa", + "water", + "vegetable oil", + "ground beef" + ] + }, + { + "id": 28596, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "grated parmesan cheese", + "salt", + "chicken broth", + "broccoli rabe", + "garlic", + "olive oil", + "crushed red pepper flakes", + "bulk italian sausag", + "butter", + "bow-tie pasta" + ] + }, + { + "id": 1062, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "jalapeno chilies", + "tortilla chips", + "ripe olives", + "chopped green chilies", + "green pepper", + "red bell pepper", + "fresh parsley", + "cheese soup", + "chopped onion", + "sour cream", + "dried oregano", + "shredded cheddar cheese", + "salsa", + "pimento stuffed olives", + "ground beef" + ] + }, + { + "id": 23335, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "corn husks", + "salt", + "masa harina", + "black pepper", + "baking powder", + "hot water", + "dried porcini mushrooms", + "unsalted butter", + "fresh mushrooms", + "minced garlic", + "epazote", + "onions" + ] + }, + { + "id": 38396, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "instant white rice", + "2% reduced-fat milk", + "yellow onion", + "lean ground beef", + "extra-virgin olive oil", + "instant rice", + "sea salt", + "tomato soup" + ] + }, + { + "id": 16278, + "cuisine": "italian", + "ingredients": [ + "butter", + "salt", + "lump crab meat", + "extra-virgin olive oil", + "scallions", + "ground black pepper", + "linguine", + "fresh parsley", + "dry white wine", + "garlic", + "plum tomatoes" + ] + }, + { + "id": 39211, + "cuisine": "cajun_creole", + "ingredients": [ + "Johnsonville Andouille", + "stewed tomatoes", + "shrimp", + "olive oil", + "green pepper", + "water", + "garlic", + "long grain white rice", + "diced tomatoes", + "chopped onion" + ] + }, + { + "id": 48895, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "baking powder", + "all-purpose flour", + "sage leaves", + "flour", + "buttermilk", + "nutritional yeast", + "butter", + "almond milk", + "sugar", + "sweet potatoes", + "salt" + ] + }, + { + "id": 42261, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "imitation crab meat", + "caster sugar", + "japanese cucumber", + "soy sauce", + "mirin", + "soba", + "eggs", + "vegetables", + "ham" + ] + }, + { + "id": 35169, + "cuisine": "southern_us", + "ingredients": [ + "oysters", + "ground red pepper", + "red bell pepper", + "grated parmesan cheese", + "salt", + "large eggs", + "butter", + "grits", + "water", + "green onions", + "dry bread crumbs" + ] + }, + { + "id": 45441, + "cuisine": "thai", + "ingredients": [ + "organic milk", + "Thai red curry paste", + "chicken breasts", + "ghee" + ] + }, + { + "id": 10198, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "cantaloupe", + "light sour cream", + "crushed pistachio", + "chopped fresh mint", + "fruit", + "light pancake syrup", + "avocado", + "orange", + "grapefruit" + ] + }, + { + "id": 30980, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "baking soda", + "butter", + "sauce", + "sugar", + "cooking spray", + "all-purpose flour", + "powdered sugar", + "large eggs", + "salt", + "1% low-fat buttermilk", + "baking powder", + "grated lemon zest" + ] + }, + { + "id": 26778, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "chile de arbol", + "turkey breast", + "mint leaves", + "garlic cloves", + "masa", + "tomatoes", + "vegetable oil", + "low salt chicken broth", + "water", + "achiote paste", + "onions" + ] + }, + { + "id": 24437, + "cuisine": "jamaican", + "ingredients": [ + "lump crab meat", + "salt", + "scallions", + "chicken broth", + "ground black pepper", + "salt pork", + "cooked white rice", + "pepper", + "hot sauce", + "thyme sprigs", + "pork", + "callaloo", + "okra", + "onions" + ] + }, + { + "id": 23128, + "cuisine": "british", + "ingredients": [ + "potatoes", + "salt", + "pepper", + "butter", + "milk", + "kippers", + "parsley" + ] + }, + { + "id": 22631, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "cheese", + "zucchini", + "red bell pepper", + "fresh basil", + "refrigerated pizza dough", + "olive oil", + "purple onion" + ] + }, + { + "id": 17551, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "butter", + "cake flour", + "canola oil", + "white vinegar", + "baking soda", + "red food coloring", + "cream cheese", + "milk", + "buttermilk", + "salt", + "eggs", + "granulated sugar", + "vanilla extract", + "cocoa powder" + ] + }, + { + "id": 47448, + "cuisine": "indian", + "ingredients": [ + "chile pepper", + "onions", + "paneer", + "white sugar", + "corn kernels", + "salt", + "chopped cilantro fresh", + "vegetable oil", + "cashew nuts" + ] + }, + { + "id": 33283, + "cuisine": "indian", + "ingredients": [ + "red potato", + "cooking spray", + "all-purpose flour", + "curry powder", + "1% low-fat milk", + "sliced green onions", + "tomato sauce", + "butter", + "garlic cloves", + "plain low-fat yogurt", + "fresh parmesan cheese", + "salt" + ] + }, + { + "id": 44934, + "cuisine": "vietnamese", + "ingredients": [ + "Vietnamese coriander", + "english cucumber", + "celery ribs", + "shallots", + "green papaya", + "pickled carrots", + "medium firm tofu", + "fish sauce", + "roasted peanuts", + "canola oil" + ] + }, + { + "id": 20605, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "coarse salt", + "baking soda", + "vanilla extract", + "peanuts", + "light corn syrup", + "unsalted butter" + ] + }, + { + "id": 44255, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "garam masala", + "red pepper", + "flour for dusting", + "milk", + "vegetable oil", + "green pepper", + "water", + "finely chopped onion", + "cheese", + "spinach", + "fresh ginger", + "coarse salt", + "green chilies" + ] + }, + { + "id": 30138, + "cuisine": "greek", + "ingredients": [ + "pinenuts", + "salt", + "long grain white rice", + "water", + "onions", + "pepper", + "lamb", + "vine leaves", + "chopped fresh mint" + ] + }, + { + "id": 41251, + "cuisine": "french", + "ingredients": [ + "mint sprigs", + "berries", + "sugar", + "grated lemon zest", + "heavy whipping cream", + "salt", + "fresh lemon juice", + "milk", + "orange juice" + ] + }, + { + "id": 26573, + "cuisine": "cajun_creole", + "ingredients": [ + "chili powder", + "dried oregano", + "seasoning salt", + "crushed red pepper", + "cooking spray", + "boneless pork loin", + "black pepper", + "garlic", + "ground cumin" + ] + }, + { + "id": 23515, + "cuisine": "italian", + "ingredients": [ + "genoa salami", + "olive oil", + "Italian bread", + "mozzarella cheese", + "balsamic vinegar", + "plum tomatoes", + "rocket leaves", + "prosciutto", + "fresh basil leaves", + "pepper", + "salt" + ] + }, + { + "id": 36567, + "cuisine": "italian", + "ingredients": [ + "fusilli", + "italian salad dressing", + "pepperoni slices", + "provolone cheese", + "green bell pepper", + "black olives", + "cherry tomatoes", + "white sugar" + ] + }, + { + "id": 16121, + "cuisine": "jamaican", + "ingredients": [ + "water", + "okra", + "medium shrimp", + "tomato purée", + "ground black pepper", + "garlic cloves", + "pepper", + "vegetable oil", + "red bell pepper", + "curry powder", + "scallions", + "onions" + ] + }, + { + "id": 23330, + "cuisine": "japanese", + "ingredients": [ + "avocado", + "short-grain rice", + "rice vinegar", + "crab meat", + "gari", + "salt", + "toasted nori", + "sugar", + "seeds", + "fresh lemon juice", + "wasabi", + "soy sauce", + "dry sherry", + "cucumber" + ] + }, + { + "id": 21489, + "cuisine": "indian", + "ingredients": [ + "urad dal", + "oil", + "parboiled rice", + "green chilies", + "onions", + "fenugreek seeds", + "bread slices", + "salt", + "carrots" + ] + }, + { + "id": 25723, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "salt", + "garlic", + "apple cider vinegar", + "mango", + "pepper", + "purple onion" + ] + }, + { + "id": 38973, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "refrigerated crescent rolls", + "shredded mozzarella cheese", + "dried oregano", + "dried basil", + "large eggs", + "fresh oregano", + "onions", + "milk", + "dijon mustard", + "salt", + "fresh parsley", + "pepper", + "yellow squash", + "butter", + "garlic cloves" + ] + }, + { + "id": 33439, + "cuisine": "vietnamese", + "ingredients": [ + "white vinegar", + "balm leaves", + "fresh lime juice", + "unsalted roasted peanuts", + "pork loin chops", + "sugar", + "salt", + "dried shrimp", + "sesame seeds", + "beansprouts" + ] + }, + { + "id": 35722, + "cuisine": "vietnamese", + "ingredients": [ + "eggs", + "pepper", + "pork chops", + "daikon", + "hot water", + "soy sauce", + "mo hanh", + "shallots", + "salt", + "minced pork", + "fish sauce", + "lemongrass", + "mushrooms", + "garlic", + "cucumber", + "tomatoes", + "beans", + "honey", + "vegetable oil", + "rice" + ] + }, + { + "id": 11051, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "olive oil", + "baby spinach", + "garlic cloves", + "penne", + "part-skim mozzarella cheese", + "2% reduced-fat milk", + "pepper", + "parmesan cheese", + "salt", + "egg substitute", + "large eggs", + "chopped onion" + ] + }, + { + "id": 42781, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "bay leaves", + "honey", + "vegetable oil", + "minced garlic", + "apple cider vinegar", + "black peppercorns", + "bone-in chicken" + ] + }, + { + "id": 14244, + "cuisine": "greek", + "ingredients": [ + "pita rounds", + "green onions", + "fresh parsley", + "feta cheese", + "cucumber", + "romaine lettuce", + "kalamata", + "tomatoes", + "mint leaves", + "salad dressing" + ] + }, + { + "id": 10811, + "cuisine": "cajun_creole", + "ingredients": [ + "evaporated milk", + "vanilla", + "food colouring", + "butter", + "candy", + "sugar", + "sprinkles", + "white chocolate chips", + "marshmallow creme" + ] + }, + { + "id": 8286, + "cuisine": "russian", + "ingredients": [ + "sugar", + "salt", + "eggs", + "water", + "sour cream", + "white pepper", + "beets", + "sour salt", + "lemon", + "boiling potatoes" + ] + }, + { + "id": 33190, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "mixed greens", + "sherry vinegar", + "extra-virgin olive oil", + "romaine lettuce", + "sea salt", + "escarole", + "ground black pepper", + "garlic" + ] + }, + { + "id": 30036, + "cuisine": "mexican", + "ingredients": [ + "seasoning salt", + "venison steaks", + "onions", + "vegetable oil", + "dried red chile peppers", + "water", + "beef stock cubes", + "bay leaf", + "Mexican oregano", + "all-purpose flour", + "ground cumin" + ] + }, + { + "id": 47504, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "whole milk", + "sanding sugar", + "cream", + "unsalted butter", + "cookies", + "caramels", + "coarse salt", + "all-purpose flour", + "water", + "large eggs", + "heavy cream" + ] + }, + { + "id": 468, + "cuisine": "jamaican", + "ingredients": [ + "chili pepper", + "vegetable oil", + "scallions", + "ground cumin", + "curry powder", + "salt", + "coconut milk", + "water", + "garlic", + "thyme", + "black pepper", + "potatoes", + "skinless chicken breasts", + "onions" + ] + }, + { + "id": 24133, + "cuisine": "russian", + "ingredients": [ + "malt", + "hops", + "barley", + "yeast", + "flaked oats" + ] + }, + { + "id": 43625, + "cuisine": "irish", + "ingredients": [ + "powdered sugar", + "large eggs", + "salt", + "baking soda", + "baking powder", + "grated orange", + "sugar", + "cooking spray", + "all-purpose flour", + "low-fat buttermilk", + "butter", + "dried cranberries" + ] + }, + { + "id": 35710, + "cuisine": "italian", + "ingredients": [ + "french bread", + "pepper", + "Italian turkey sausage", + "Jarlsberg", + "dijon mustard" + ] + }, + { + "id": 3860, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "purple onion", + "chillies", + "guacamole", + "tortilla chips", + "allspice", + "chopped tomatoes", + "root vegetables", + "coriander", + "mozzarella cheese", + "scotch bonnet chile", + "sour cream" + ] + }, + { + "id": 10524, + "cuisine": "french", + "ingredients": [ + "cheese", + "baguette", + "walnut oil", + "red delicious apples", + "mixed greens", + "apple cider vinegar" + ] + }, + { + "id": 48517, + "cuisine": "mexican", + "ingredients": [ + "picante sauce", + "garlic powder", + "sour cream", + "water", + "lasagna noodles", + "shredded Monterey Jack cheese", + "shredded cheddar cheese", + "sliced black olives", + "dried oregano", + "refried beans", + "lean ground beef", + "ground cumin" + ] + }, + { + "id": 33988, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "dry red wine", + "carrots", + "celery ribs", + "fresh thyme", + "all-purpose flour", + "plum tomatoes", + "olive oil", + "garlic", + "bay leaf", + "black pepper", + "Italian parsley leaves", + "yellow onion", + "chicken" + ] + }, + { + "id": 19838, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "soy sauce", + "thai basil", + "rice vermicelli", + "tamarind paste", + "sugar", + "fresh coriander", + "spring onions", + "garlic", + "beansprouts", + "brown sugar", + "chili pepper", + "shredded carrots", + "dipping sauces", + "rice", + "tofu", + "red chili peppers", + "water", + "arrowroot powder", + "rice vinegar", + "cooked shrimp" + ] + }, + { + "id": 35781, + "cuisine": "italian", + "ingredients": [ + "white bread", + "large eggs", + "extra-virgin olive oil", + "lemon juice", + "milk", + "vegetable oil", + "anchovy fillets", + "capers", + "dry white wine", + "all-purpose flour", + "flat leaf parsley", + "unsalted butter", + "fresh mozzarella", + "garlic cloves" + ] + }, + { + "id": 45946, + "cuisine": "mexican", + "ingredients": [ + "popcorn", + "coconut oil", + "dried chipotle pepper", + "agave nectar" + ] + }, + { + "id": 36482, + "cuisine": "chinese", + "ingredients": [ + "water", + "orange marmalade", + "salt", + "carrots", + "soy sauce", + "beef", + "ginger", + "beef broth", + "chinese rice wine", + "sesame seeds", + "sesame oil", + "broccoli", + "corn starch", + "black pepper", + "water chestnuts", + "garlic", + "oyster sauce" + ] + }, + { + "id": 34555, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "ground black pepper", + "butter", + "salt", + "white wine", + "low sodium chicken broth", + "garlic", + "red bell pepper", + "cajun spice mix", + "roma tomatoes", + "heavy cream", + "cayenne pepper", + "fettucine", + "olive oil", + "boneless skinless chicken breasts", + "purple onion", + "fresh parsley" + ] + }, + { + "id": 7811, + "cuisine": "french", + "ingredients": [ + "crusty bread", + "gruyere cheese", + "dry white wine", + "new potatoes", + "corn starch", + "apples" + ] + }, + { + "id": 8798, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "diced tomatoes", + "garlic cloves", + "fresh chorizo", + "jalapeno chilies", + "cayenne pepper", + "ground cumin", + "bell pepper", + "yellow onion", + "large shrimp", + "chicken stock", + "chili powder", + "long-grain rice" + ] + }, + { + "id": 32190, + "cuisine": "thai", + "ingredients": [ + "green chile", + "shallots", + "garlic cloves", + "lemon grass", + "peanut oil", + "chopped fresh mint", + "fish sauce", + "mint sprigs", + "fresh lime juice", + "red snapper", + "lime slices", + "gingerroot" + ] + }, + { + "id": 22250, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "gelatin", + "ground pork", + "rice flour", + "water", + "green onions", + "salt", + "ground white pepper", + "sugar", + "Shaoxing wine", + "ginger", + "flour for dusting", + "baking soda", + "sesame oil", + "glutinous rice flour" + ] + }, + { + "id": 5909, + "cuisine": "italian", + "ingredients": [ + "butternut squash", + "extra-virgin olive oil", + "ground black pepper", + "salt", + "balsamic vinegar" + ] + }, + { + "id": 4983, + "cuisine": "british", + "ingredients": [ + "ground pepper", + "russet potatoes", + "carrots", + "fresh thyme leaves", + "yellow onion", + "frozen peas", + "unsalted butter", + "all-purpose flour", + "ground beef", + "tomato paste", + "coarse salt", + "beer" + ] + }, + { + "id": 14418, + "cuisine": "italian", + "ingredients": [ + "warm water", + "all-purpose flour", + "vegetable oil", + "active dry yeast", + "cornmeal", + "salt" + ] + }, + { + "id": 27916, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "shredded mozzarella cheese", + "cheese ravioli", + "shredded Monterey Jack cheese", + "grated parmesan cheese", + "ground beef", + "diced tomatoes" + ] + }, + { + "id": 8887, + "cuisine": "vietnamese", + "ingredients": [ + "rice stick noodles", + "red chili peppers", + "peeled fresh ginger", + "sirloin steak", + "beansprouts", + "fish sauce", + "water", + "shallots", + "salt", + "fat free beef broth", + "black pepper", + "green onions", + "star anise", + "fresh basil leaves", + "sake", + "fresh cilantro", + "lime wedges", + "cinnamon sticks" + ] + }, + { + "id": 25066, + "cuisine": "irish", + "ingredients": [ + "mushrooms", + "salt", + "low sodium beef broth", + "low-fat milk", + "extra lean ground beef", + "worcestershire sauce", + "lentils", + "onions", + "pepper", + "garlic", + "carrots", + "frozen peas", + "low-fat sour cream", + "baking potatoes", + "all-purpose flour", + "celery" + ] + }, + { + "id": 3710, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "all-purpose flour", + "water", + "dried salted codfish", + "coarse sea salt", + "flat leaf parsley", + "olive oil", + "salt" + ] + }, + { + "id": 35582, + "cuisine": "filipino", + "ingredients": [ + "sweetened coconut flakes", + "water", + "coconut milk", + "corn starch", + "corn kernels", + "white sugar" + ] + }, + { + "id": 2963, + "cuisine": "mexican", + "ingredients": [ + "onion powder", + "Mexican cheese", + "kosher salt", + "dried dill", + "dried parsley", + "salsa", + "sour cream", + "garlic powder", + "tortilla chips" + ] + }, + { + "id": 48521, + "cuisine": "french", + "ingredients": [ + "olive oil", + "salt", + "chicken stock", + "shallots", + "sausages", + "unsalted butter", + "freshly ground pepper", + "water", + "red wine" + ] + }, + { + "id": 44446, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "chiles", + "Turkish bay leaves", + "green beans", + "coconut", + "black mustard seeds", + "black pepper", + "vegetable oil" + ] + }, + { + "id": 24459, + "cuisine": "british", + "ingredients": [ + "ground black pepper", + "eggs", + "all-purpose flour", + "salt", + "beef drippings", + "low-fat milk" + ] + }, + { + "id": 32684, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "pickling salt", + "yellow onion", + "fish sauce", + "gochugaru", + "daikon", + "asian pear", + "green onions", + "carrots", + "water", + "red cabbage", + "garlic" + ] + }, + { + "id": 30402, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "mushrooms", + "freshly ground pepper", + "unsalted butter", + "salt", + "tomato paste", + "water chestnuts", + "sweet italian sausage", + "shiitake", + "shallots", + "chopped parsley" + ] + }, + { + "id": 609, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chopped fresh sage", + "all purpose unbleached flour", + "dry yeast", + "warm water", + "fine sea salt" + ] + }, + { + "id": 5429, + "cuisine": "brazilian", + "ingredients": [ + "black pepper", + "vegetable oil", + "cilantro leaves", + "coconut milk", + "cherry tomatoes", + "garlic", + "green chilies", + "ground turmeric", + "lime", + "vegetable stock", + "cayenne pepper", + "onions", + "fresh ginger", + "salt", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 15078, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "corn kernels", + "ground white pepper", + "sugar", + "yellow onion", + "eggs", + "salt", + "Smithfield Ham", + "white bread", + "cream", + "ears" + ] + }, + { + "id": 21407, + "cuisine": "italian", + "ingredients": [ + "reduced sodium chicken broth", + "minced onion", + "salt", + "sugar", + "mascarpone", + "vegetable oil", + "flat leaf parsley", + "white pepper", + "unsalted butter", + "chopped fresh thyme", + "arborio rice", + "parmesan cheese", + "dry white wine", + "carrots" + ] + }, + { + "id": 11585, + "cuisine": "indian", + "ingredients": [ + "seeds", + "green peas", + "onions", + "warm water", + "maida flour", + "cilantro leaves", + "clove", + "chili powder", + "salt", + "sweet potatoes", + "ginger", + "oil" + ] + }, + { + "id": 1891, + "cuisine": "french", + "ingredients": [ + "eggs", + "baking powder", + "thin deli ham", + "water", + "vegetable oil", + "all-purpose flour", + "mayonaise", + "swiss cheese", + "salt", + "white bread", + "dijon mustard", + "butter" + ] + }, + { + "id": 19416, + "cuisine": "spanish", + "ingredients": [ + "green bell pepper", + "white cheddar cheese", + "hot water", + "yeast", + "olive oil", + "garlic cloves", + "ground beef", + "eggs", + "ground black pepper", + "carrots", + "onions", + "tomato sauce", + "salt", + "red bell pepper", + "bread flour" + ] + }, + { + "id": 5262, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "garlic powder", + "flour", + "yellow onion", + "cumin", + "chicken broth", + "lime", + "flour tortillas", + "butter", + "sour cream", + "avocado", + "fresh cilantro", + "poblano peppers", + "cooked chicken", + "shredded cheese", + "jack cheese", + "olive oil", + "jalapeno chilies", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 43793, + "cuisine": "chinese", + "ingredients": [ + "low sodium chicken broth", + "ham", + "water", + "salt", + "corn starch", + "sugar", + "sesame oil", + "Chinese egg noodles", + "light soy sauce", + "scallions" + ] + }, + { + "id": 20179, + "cuisine": "indian", + "ingredients": [ + "canned low sodium chicken broth", + "bananas", + "unsalted dry roast peanuts", + "chopped onion", + "cooked chicken breasts", + "skim milk", + "butter", + "all-purpose flour", + "lemon juice", + "vegetable oil cooking spray", + "green onions", + "salt", + "long-grain rice", + "curry powder", + "dry sherry", + "margarine", + "chutney" + ] + }, + { + "id": 11921, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "cilantro sprigs", + "black pepper", + "cooking spray", + "apricot preserves", + "olive oil", + "lamb loin chops", + "kosher salt", + "peeled fresh ginger" + ] + }, + { + "id": 13757, + "cuisine": "indian", + "ingredients": [ + "water", + "garlic", + "ghee", + "ginger", + "green chilies", + "coriander", + "curry leaves", + "raw cashews", + "coconut milk", + "ground turmeric", + "lemongrass", + "salt", + "onions" + ] + }, + { + "id": 19939, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "toasted sesame oil", + "fresh peas", + "scallions", + "reduced sodium soy sauce", + "shrimp", + "dashi powder", + "large eggs", + "shiitake mushroom caps" + ] + }, + { + "id": 24350, + "cuisine": "italian", + "ingredients": [ + "eggs", + "cherry tomatoes", + "ricotta cheese", + "salt", + "gnocchi", + "sugar", + "freshly grated parmesan", + "diced tomatoes", + "grated pecorino", + "fresh basil", + "olive oil", + "heavy cream", + "sauce", + "tomato paste", + "pepper", + "flour", + "garlic", + "shredded mozzarella cheese" + ] + }, + { + "id": 25710, + "cuisine": "italian", + "ingredients": [ + "flour", + "olive oil", + "cold water", + "salt", + "sugar", + "yeast" + ] + }, + { + "id": 10613, + "cuisine": "italian", + "ingredients": [ + "garlic cloves", + "chicken thighs", + "olive oil", + "fresh parsley", + "chicken broth", + "red bell pepper", + "hot cherry pepper", + "dry white wine", + "onions" + ] + }, + { + "id": 8149, + "cuisine": "italian", + "ingredients": [ + "sugar", + "crystallized ginger", + "all-purpose flour", + "hazelnuts", + "vanilla extract", + "unsweetened cocoa powder", + "baking soda", + "salt", + "white chocolate", + "large eggs", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 40917, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "baking powder", + "brown sugar", + "peaches", + "butter", + "sugar", + "flour", + "nutmeg", + "lemon extract", + "cinnamon" + ] + }, + { + "id": 43300, + "cuisine": "chinese", + "ingredients": [ + "blackberry jam", + "chinese five-spice powder", + "hoisin sauce", + "vegetable oil", + "chicken wings" + ] + }, + { + "id": 28366, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "garlic", + "softened butter", + "celery", + "white vinegar", + "shallots", + "bouquet garni", + "escargot", + "dry white wine", + "snails", + "carrots", + "onions", + "snail shells", + "red wine", + "salt", + "chopped parsley" + ] + }, + { + "id": 18626, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "organic vegetable broth", + "halibut fillets", + "chopped onion", + "italian seasoning", + "tomato paste", + "diced tomatoes", + "green beans", + "celery ribs", + "fusilli", + "garlic cloves" + ] + }, + { + "id": 24793, + "cuisine": "french", + "ingredients": [ + "garlic", + "frozen pastry puff sheets", + "fresh thyme leaves", + "olive oil", + "anchovy fillets" + ] + }, + { + "id": 44011, + "cuisine": "italian", + "ingredients": [ + "salt", + "semolina flour", + "compressed yeast", + "water", + "all purpose unbleached flour" + ] + }, + { + "id": 15862, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "lamb shanks", + "palm sugar", + "thai chile", + "fresh lime juice", + "garlic paste", + "thai basil", + "sea salt", + "fresh mint", + "fish sauce", + "lemon grass", + "Thai red curry paste", + "coconut milk", + "kaffir lime leaves", + "olive oil", + "green onions", + "fat" + ] + }, + { + "id": 36814, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "butter", + "sharp cheddar cheese", + "olive oil", + "garlic", + "grits", + "water", + "heavy cream", + "freshly ground pepper", + "parmesan cheese", + "salt", + "large shrimp" + ] + }, + { + "id": 1223, + "cuisine": "southern_us", + "ingredients": [ + "water", + "chopped fresh chives", + "onions", + "fennel seeds", + "ground black pepper", + "extra-virgin olive oil", + "whole grain dijon mustard", + "peas", + "kosher salt", + "vinegar", + "thyme" + ] + }, + { + "id": 31631, + "cuisine": "italian", + "ingredients": [ + "aged balsamic vinegar", + "fresh basil leaves", + "ricotta cheese", + "black mission figs", + "french baguette" + ] + }, + { + "id": 37259, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "large garlic cloves", + "ground coriander", + "white sandwich bread", + "ground chicken", + "white hominy", + "ground pork", + "poblano chiles", + "milk", + "ancho powder", + "frozen chopped spinach, thawed and squeezed dry", + "ground cumin", + "white onion", + "low sodium chicken broth", + "extra-virgin olive oil", + "chopped cilantro" + ] + }, + { + "id": 19610, + "cuisine": "italian", + "ingredients": [ + "garlic cloves", + "grated parmesan cheese", + "Italian bread", + "kosher salt", + "fleur de sel", + "extra-virgin olive oil" + ] + }, + { + "id": 15412, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "cajun seasoning", + "onions", + "green bell pepper", + "long-grain rice", + "chicken broth", + "smoked sausage", + "cooked chicken", + "fresh parsley" + ] + }, + { + "id": 44676, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "ground nutmeg", + "all-purpose flour", + "sugar", + "butter", + "water", + "salt", + "grated orange peel", + "vegetable oil" + ] + }, + { + "id": 3679, + "cuisine": "italian", + "ingredients": [ + "dried currants", + "veal", + "fresh parsley", + "pinenuts", + "whole grain bread", + "black pepper", + "cooking spray", + "dried rosemary", + "fresh parmesan cheese", + "salt" + ] + }, + { + "id": 4832, + "cuisine": "vietnamese", + "ingredients": [ + "bean threads", + "thai basil", + "chives", + "beansprouts", + "red chili peppers", + "mint leaves", + "garlic cloves", + "rice paper", + "fish sauce", + "prawns", + "ginger", + "coriander", + "golden caster sugar", + "lime", + "lettuce leaves", + "carrots" + ] + }, + { + "id": 16414, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "flour tortillas", + "salsa", + "boneless skinless chicken breast halves", + "shredded cheddar cheese", + "butter", + "red bell pepper", + "shredded Monterey Jack cheese", + "green bell pepper", + "chile pepper", + "chopped onion", + "chopped cilantro fresh", + "salt and ground black pepper", + "whipping cream", + "chipotles in adobo", + "ground cumin" + ] + }, + { + "id": 48586, + "cuisine": "mexican", + "ingredients": [ + "fresh orange juice", + "habanero chile", + "chopped cilantro fresh", + "tomatoes", + "fresh lime juice", + "white onion" + ] + }, + { + "id": 19148, + "cuisine": "indian", + "ingredients": [ + "vindaloo paste", + "black pepper", + "fresh mint", + "chicken legs", + "salt", + "plain yogurt", + "chopped cilantro fresh" + ] + }, + { + "id": 551, + "cuisine": "southern_us", + "ingredients": [ + "Hellmann's® Real Mayonnaise", + "self rising flour", + "milk", + "butter" + ] + }, + { + "id": 2416, + "cuisine": "italian", + "ingredients": [ + "mustard greens", + "short pasta", + "garlic cloves", + "olive oil", + "lemon" + ] + }, + { + "id": 43540, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "sweet rice flour", + "katakuriko", + "water", + "salt" + ] + }, + { + "id": 21321, + "cuisine": "chinese", + "ingredients": [ + "egg roll wrappers", + "carrots", + "light soy sauce", + "ground pork", + "eggs", + "cooking oil", + "cabbage", + "garlic powder", + "ginger" + ] + }, + { + "id": 26153, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "all-purpose flour", + "italian salad dressing", + "lemon", + "flat leaf parsley", + "fat free less sodium chicken broth", + "garlic cloves", + "italian seasoning", + "extra-virgin olive oil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 14769, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "minced onion", + "all-purpose flour", + "red chili peppers", + "butter", + "dried parsley", + "chicken broth", + "bay leaves", + "medium shrimp", + "dried thyme", + "salt" + ] + }, + { + "id": 24659, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil", + "creole seasoning", + "salmon steaks", + "orange" + ] + }, + { + "id": 3730, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "basil leaves", + "large garlic cloves", + "juice", + "lemongrass", + "shallots", + "ginger", + "asian fish sauce", + "tamarind", + "vegetable oil", + "thai chile", + "kaffir lime leaves", + "boneless skinless chicken breasts", + "diced tomatoes", + "snow peas" + ] + }, + { + "id": 25355, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "maple syrup", + "brown sugar", + "worcestershire sauce", + "cider vinegar", + "mustard powder", + "pork baby back ribs", + "salt" + ] + }, + { + "id": 41469, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "almonds", + "cinnamon", + "ghee", + "garlic paste", + "coriander powder", + "brown cardamom", + "chicken", + "clove", + "red chili peppers", + "yoghurt", + "oil", + "ginger paste", + "red chili powder", + "garam masala", + "salt", + "onions" + ] + }, + { + "id": 46964, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "extra-virgin olive oil", + "plum tomatoes", + "fresh basil", + "meat", + "garlic cloves", + "dry white wine", + "crushed red pepper", + "orecchiette", + "crushed tomatoes", + "rabbit", + "onions" + ] + }, + { + "id": 17300, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "salt", + "chicken thighs", + "green bell pepper", + "cooking spray", + "fresh lemon juice", + "fat free less sodium chicken broth", + "grated lemon zest", + "dried oregano", + "ketchup", + "paprika", + "red bell pepper" + ] + }, + { + "id": 10281, + "cuisine": "french", + "ingredients": [ + "granny smith apples", + "butter", + "brown sugar", + "cinnamon ice cream", + "crepes", + "walnut pieces", + "blue cheese", + "brandy", + "cinnamon", + "grated nutmeg" + ] + }, + { + "id": 13590, + "cuisine": "moroccan", + "ingredients": [ + "chicken broth", + "olive oil", + "garlic cloves", + "red bell pepper", + "black pepper", + "cinnamon", + "juice", + "grated lemon peel", + "tumeric", + "chicken breast halves", + "fresh lemon juice", + "couscous", + "ground ginger", + "kosher salt", + "raisins", + "carrots", + "cumin" + ] + }, + { + "id": 43431, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "apple juice", + "firmly packed brown sugar", + "apple cider vinegar", + "kosher salt", + "paprika", + "white vinegar", + "ground red pepper" + ] + }, + { + "id": 44025, + "cuisine": "italian", + "ingredients": [ + "sugar", + "buttermilk", + "pomegranate juice", + "vegetable oil spray", + "whipping cream", + "orange", + "fresh orange juice", + "unflavored gelatin", + "vegetables" + ] + }, + { + "id": 37662, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "dry white wine", + "onions", + "lamb shanks", + "beef stock", + "garlic cloves", + "fresh rosemary", + "olive oil", + "button mushrooms", + "rigatoni", + "fresh basil", + "grated parmesan cheese", + "crushed red pepper" + ] + }, + { + "id": 33102, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "salt", + "chicken thighs", + "pepper", + "all-purpose flour", + "ginger", + "oil", + "sake", + "garlic", + "corn starch" + ] + }, + { + "id": 41825, + "cuisine": "italian", + "ingredients": [ + "shiitake", + "leeks", + "fontina cheese", + "asparagus", + "salt", + "ground black pepper", + "butter", + "eggs", + "grated parmesan cheese" + ] + }, + { + "id": 16694, + "cuisine": "french", + "ingredients": [ + "cider", + "garlic cloves", + "cayenne", + "salt", + "celery seed", + "sugar", + "worcestershire sauce", + "corn starch", + "catsup", + "chopped onion", + "salad oil" + ] + }, + { + "id": 11632, + "cuisine": "southern_us", + "ingredients": [ + "worcestershire sauce", + "ham", + "french bread", + "cream cheese", + "black pepper", + "hot sauce", + "sour cream", + "green onions", + "sharp cheddar cheese" + ] + }, + { + "id": 45316, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "salt", + "wild salmon", + "extra-virgin olive oil", + "red bell pepper", + "vinegar", + "garlic cloves", + "capers", + "fine sea salt", + "steak" + ] + }, + { + "id": 32260, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "chunky peanut butter", + "skinless chicken thighs", + "fresh ginger root", + "sesame oil", + "water", + "green onions", + "onions", + "brown sugar", + "hot pepper sauce", + "garlic" + ] + }, + { + "id": 23030, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "diced tomatoes", + "ghee", + "garam masala", + "ground cayenne pepper", + "black-eyed peas", + "garlic", + "kosher salt", + "ginger" + ] + }, + { + "id": 6887, + "cuisine": "brazilian", + "ingredients": [ + "celery ribs", + "olive oil", + "salt", + "onions", + "tomatoes", + "crushed garlic", + "freshly ground pepper", + "whitefish", + "ground pepper", + "coconut cream", + "coriander", + "brown sugar", + "lemon", + "bay leaf" + ] + }, + { + "id": 21030, + "cuisine": "french", + "ingredients": [ + "brandy", + "shallots", + "olive oil", + "all-purpose flour", + "black pepper", + "heavy cream", + "green peppercorns", + "beef stock", + "chopped parsley" + ] + }, + { + "id": 464, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "veggies", + "cilantro leaves", + "bay leaf", + "cumin", + "clove", + "chopped tomatoes", + "kasuri methi", + "oil", + "cashew nuts", + "coconut", + "star anise", + "green chilies", + "onions", + "red chili powder", + "garam masala", + "salt", + "cinnamon sticks", + "peppercorns" + ] + }, + { + "id": 31764, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "onions", + "pepper", + "salt", + "bacon", + "evaporated milk", + "celery" + ] + }, + { + "id": 25537, + "cuisine": "mexican", + "ingredients": [ + "imitation crab meat", + "skim milk", + "onions", + "low-fat sour cream", + "enchilada sauce", + "low-fat flour tortillas" + ] + }, + { + "id": 5225, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "green onions", + "long-grain rice", + "fresh parsley", + "crawfish", + "butter", + "chopped pecans", + "green bell pepper", + "lean ground beef", + "garlic cloves", + "onions", + "pepper", + "creole seasoning", + "red bell pepper" + ] + }, + { + "id": 2835, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "sweet potatoes", + "brown sugar", + "nutmeg", + "pastry", + "powdered sugar", + "salt" + ] + }, + { + "id": 35817, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "morel", + "butter", + "all-purpose flour", + "slivered almonds", + "bourbon whiskey", + "salt", + "sweetbreads", + "stock", + "parmesan cheese", + "heavy cream", + "sharp cheddar cheese", + "country ham", + "ground black pepper", + "dry mustard", + "celery seed" + ] + }, + { + "id": 5292, + "cuisine": "thai", + "ingredients": [ + "nam pla", + "salt", + "fresh mint", + "sugar", + "thai chile", + "rice flour", + "mango", + "soy sauce", + "garlic", + "corn starch", + "chicken", + "seeds", + "sauce", + "fresh lime juice" + ] + }, + { + "id": 2520, + "cuisine": "mexican", + "ingredients": [ + "American cheese", + "jalapeno chilies", + "milk", + "canola oil", + "fresh cilantro", + "monterey jack", + "tomatoes", + "finely chopped onion" + ] + }, + { + "id": 30170, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "paprika", + "cinnamon sticks", + "hot red pepper flakes", + "unsalted butter", + "orange juice", + "olive oil", + "salt", + "ground cumin", + "black pepper", + "boneless chicken breast", + "fresh lemon juice" + ] + }, + { + "id": 49288, + "cuisine": "southern_us", + "ingredients": [ + "pure maple syrup", + "whole milk", + "buttermilk", + "cayenne pepper", + "black pepper", + "salted mixed nuts", + "salt", + "canola oil", + "firmly packed brown sugar", + "boneless skinless chicken breasts", + "heavy cream", + "panko breadcrumbs", + "sweet potatoes", + "butter", + "all-purpose flour" + ] + }, + { + "id": 6062, + "cuisine": "french", + "ingredients": [ + "orange", + "sugar", + "bittersweet chocolate", + "fresh orange juice", + "water" + ] + }, + { + "id": 39039, + "cuisine": "italian", + "ingredients": [ + "prebaked pizza crusts", + "salt", + "minced garlic", + "tomatoes", + "green onions", + "shredded cheddar cheese", + "ground beef" + ] + }, + { + "id": 46505, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "chicken meat", + "chopped onion", + "tomatoes", + "green onions", + "black olives", + "dried parsley", + "flour tortillas", + "diced tomatoes", + "sour cream", + "tomato sauce", + "chili powder", + "salsa", + "dried oregano" + ] + }, + { + "id": 38864, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "vegetable oil", + "cooking spray", + "garlic cloves", + "lemongrass", + "thai chile", + "sugar", + "shallots", + "Thai fish sauce" + ] + }, + { + "id": 19086, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "sweetened coconut flakes", + "self rising flour", + "sugar", + "large eggs", + "unsalted butter" + ] + }, + { + "id": 10770, + "cuisine": "mexican", + "ingredients": [ + "half & half", + "light brown sugar", + "bittersweet chocolate", + "cayenne pepper", + "ground cinnamon" + ] + }, + { + "id": 12713, + "cuisine": "mexican", + "ingredients": [ + "rice", + "water", + "brown sugar", + "sauce" + ] + }, + { + "id": 32966, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "garlic", + "sour cream", + "cumin", + "avocado", + "chili powder", + "beef broth", + "onions", + "chuck roast", + "salsa", + "corn tortillas", + "shredded Monterey Jack cheese", + "green chile", + "cilantro", + "enchilada sauce", + "garlic salt" + ] + }, + { + "id": 9381, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "green onions", + "tomato soup", + "minced garlic", + "vegetable oil", + "corn kernel whole", + "picante sauce", + "chili powder", + "boneless skinless chicken breast halves", + "water", + "cilantro leaves", + "ground cumin" + ] + }, + { + "id": 32959, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil cooking spray", + "ground red pepper", + "green pepper", + "skim milk", + "salt", + "sugar", + "mexicorn", + "ground cumin", + "egg substitute", + "all-purpose flour" + ] + }, + { + "id": 16722, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt" + ] + }, + { + "id": 32750, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ground black pepper", + "vegetable oil", + "corn starch", + "white vinegar", + "water", + "baking powder", + "all-purpose flour", + "boneless skinless chicken breast halves", + "ketchup", + "green onions", + "salt", + "white sugar", + "eggs", + "fresh ginger root", + "sesame oil", + "oyster sauce" + ] + }, + { + "id": 21025, + "cuisine": "italian", + "ingredients": [ + "water", + "diced tomatoes", + "polenta", + "green bell pepper", + "part-skim mozzarella cheese", + "pepperoni", + "pepper", + "marinara sauce", + "onions", + "olive oil", + "salt", + "dried oregano" + ] + }, + { + "id": 2, + "cuisine": "french", + "ingredients": [ + "chicken broth", + "truffles", + "pimentos", + "green pepper", + "olives", + "roast turkey", + "egg yolks", + "heavy cream", + "tarragon leaves", + "eggs", + "flour", + "butter", + "scallions", + "cold water", + "unflavored gelatin", + "leeks", + "salt", + "aspic" + ] + }, + { + "id": 10331, + "cuisine": "italian", + "ingredients": [ + "meat sauce", + "ricotta", + "lasagna noodles", + "shredded mozzarella cheese" + ] + }, + { + "id": 46117, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "sharp cheddar cheese", + "dry mustard", + "milk", + "elbow macaroni", + "eggs", + "salt" + ] + }, + { + "id": 14673, + "cuisine": "indian", + "ingredients": [ + "clove", + "honey", + "cardamom pods", + "sugar", + "black", + "ice", + "black peppercorns", + "ginger", + "cinnamon sticks", + "milk", + "chai tea concentrate" + ] + }, + { + "id": 47006, + "cuisine": "mexican", + "ingredients": [ + "water", + "salt", + "ground cumin", + "vegetable oil", + "garlic cloves", + "chili", + "dark brown sugar", + "white onion", + "dried pinto beans", + "dried oregano" + ] + }, + { + "id": 21123, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "water", + "light beer", + "vegetable oil", + "oil", + "eggs", + "jalapeno chilies", + "baking powder", + "salt", + "greek yogurt", + "whitefish", + "flour tortillas", + "green onions", + "cilantro", + "corn starch", + "cotija", + "flour", + "chili powder", + "cilantro leaves", + "cornmeal" + ] + }, + { + "id": 372, + "cuisine": "mexican", + "ingredients": [ + "chocolate syrup", + "coffee", + "ground cinnamon", + "milk", + "dark brown sugar", + "water", + "vanilla extract", + "cream sweeten whip", + "ground nutmeg" + ] + }, + { + "id": 3455, + "cuisine": "italian", + "ingredients": [ + "sugar", + "garlic", + "plum tomatoes", + "eggplant", + "crushed red pepper", + "sausage casings", + "extra-virgin olive oil", + "salt", + "pepper", + "black olives", + "rigatoni" + ] + }, + { + "id": 16280, + "cuisine": "italian", + "ingredients": [ + "dry vermouth", + "scallions", + "unsalted butter", + "minced peperoncini", + "olive oil", + "veal scallops", + "all-purpose flour" + ] + }, + { + "id": 10541, + "cuisine": "thai", + "ingredients": [ + "peanuts", + "ramen", + "green onions", + "soy sauce", + "peanut butter", + "Sriracha" + ] + }, + { + "id": 250, + "cuisine": "italian", + "ingredients": [ + "chopped ham", + "tomato sauce", + "lean ground beef", + "sausages", + "chicken", + "green bell pepper", + "ground black pepper", + "crushed red pepper flakes", + "rotini", + "pasta", + "mozzarella cheese", + "butter", + "sliced mushrooms", + "pasta sauce", + "grated parmesan cheese", + "salt", + "onions" + ] + }, + { + "id": 33872, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "sharp white cheddar cheese", + "green onions", + "sour cream", + "mayonaise", + "won ton wrappers", + "Sriracha", + "worcestershire sauce", + "lump crab meat", + "ground black pepper", + "sesame oil", + "soy sauce", + "garlic powder", + "grated parmesan cheese", + "cream cheese" + ] + }, + { + "id": 2443, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "kalamata", + "olive oil", + "all-purpose flour", + "lemon", + "fresh oregano", + "pita wedges", + "cheese" + ] + }, + { + "id": 15285, + "cuisine": "mexican", + "ingredients": [ + "triple sec", + "water", + "frozen limeade", + "tequila", + "lime" + ] + }, + { + "id": 29590, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "diced tomatoes", + "yellow onion", + "green bell pepper", + "orzo pasta", + "salt", + "ground cumin", + "chicken stock", + "olive oil", + "garlic", + "red bell pepper", + "black beans", + "chili powder", + "frozen corn" + ] + }, + { + "id": 46282, + "cuisine": "british", + "ingredients": [ + "melted butter", + "self rising flour", + "cinnamon", + "ground almonds", + "brown sugar", + "yoghurt", + "currant", + "apricot jam", + "powdered sugar", + "large eggs", + "lemon", + "softened butter", + "medium eggs", + "ground cloves", + "almond extract", + "vanilla extract", + "glaze" + ] + }, + { + "id": 4126, + "cuisine": "british", + "ingredients": [ + "olive oil", + "bacon", + "black", + "pepper", + "butter", + "salt", + "eggs", + "baked beans", + "button mushrooms", + "sausages", + "cherry tomatoes", + "whole wheat bread", + "maple syrup" + ] + }, + { + "id": 37763, + "cuisine": "french", + "ingredients": [ + "honey", + "shallots", + "herbes de provence", + "halibut fillets", + "ground black pepper", + "salt", + "pitted kalamata olives", + "olive oil", + "chopped fresh thyme", + "fresh parsley", + "salad greens", + "dijon mustard", + "fresh lemon juice" + ] + }, + { + "id": 25627, + "cuisine": "russian", + "ingredients": [ + "black peppercorns", + "leeks", + "dill", + "onions", + "caraway seeds", + "potatoes", + "parsley", + "carrots", + "green cabbage", + "radishes", + "bay leaves", + "garlic cloves", + "tomatoes", + "beef stock", + "butter", + "sour cream" + ] + }, + { + "id": 39784, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "unsalted butter", + "sweetened condensed milk", + "toasted pecans", + "milk chocolate", + "salt", + "coconut flakes", + "white chocolate", + "baking powder", + "roasted hazelnuts", + "water", + "all-purpose flour" + ] + }, + { + "id": 14252, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "garlic", + "yellow onion", + "ground cumin", + "lime", + "chicken tenderloin", + "cilantro leaves", + "corn tortillas", + "sugar", + "tomatillos", + "salt", + "sour cream", + "romaine lettuce", + "jalapeno chilies", + "shredded sharp cheddar cheese", + "smoked paprika" + ] + }, + { + "id": 41181, + "cuisine": "british", + "ingredients": [ + "boneless skinless chicken breast halves", + "marmite", + "yeast extract" + ] + }, + { + "id": 31031, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "water chestnuts", + "scallions", + "corn starch", + "chinese rice wine", + "fresh ginger", + "beaten eggs", + "garlic cloves", + "coriander", + "white pepper", + "sesame oil", + "oil", + "dried red chile peppers", + "sugar", + "vinegar", + "salt", + "shrimp" + ] + }, + { + "id": 30497, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "whole peeled tomatoes", + "chopped onion", + "dried oregano", + "pasta", + "dried basil", + "sliced carrots", + "dill pickles", + "tomato sauce", + "beef stock", + "fresh mushrooms", + "italian sausage", + "zucchini", + "garlic", + "fresh parsley" + ] + }, + { + "id": 38360, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "green onions", + "ginger", + "shrimp", + "fish sauce", + "baking soda", + "sesame oil", + "meat bones", + "broth", + "soy sauce", + "Shaoxing wine", + "wonton wrappers", + "oyster sauce", + "pork bones", + "lemongrass", + "chicken carcass", + "garlic", + "dried shrimp" + ] + }, + { + "id": 13203, + "cuisine": "thai", + "ingredients": [ + "pumpkin", + "Thai red curry paste", + "red chili peppers", + "vegetable stock", + "coconut milk", + "lime juice", + "sunflower oil", + "onions", + "lemongrass", + "ginger" + ] + }, + { + "id": 31919, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "cannellini beans", + "loin", + "milk", + "butter", + "olive oil", + "salt", + "pepper", + "dry white wine" + ] + }, + { + "id": 38702, + "cuisine": "cajun_creole", + "ingredients": [ + "absinthe", + "twists", + "simple syrup", + "bitters", + "ice", + "rye whiskey" + ] + }, + { + "id": 30873, + "cuisine": "cajun_creole", + "ingredients": [ + "mushrooms", + "cayenne pepper", + "boneless skinless chicken breast halves", + "green bell pepper", + "smoked sausage", + "celery", + "chicken broth", + "vegetable oil", + "carrots", + "long grain white rice", + "pepper", + "salt", + "onions" + ] + }, + { + "id": 35310, + "cuisine": "mexican", + "ingredients": [ + "salami", + "monterey jack", + "jalapeno chilies" + ] + }, + { + "id": 15718, + "cuisine": "french", + "ingredients": [ + "mixed mushrooms", + "fresh thyme", + "crème fraîche", + "unsalted butter", + "dry white wine", + "frozen pastry puff sheets", + "garlic cloves" + ] + }, + { + "id": 33205, + "cuisine": "indian", + "ingredients": [ + "dinner rolls", + "chile pepper", + "salt", + "chopped cilantro fresh", + "chopped garlic", + "finely chopped onion", + "butter", + "carrots", + "masala", + "fresh ginger", + "vegetable oil", + "lemon juice", + "plum tomatoes", + "cauliflower", + "potatoes", + "green peas", + "onions", + "cabbage" + ] + }, + { + "id": 3486, + "cuisine": "mexican", + "ingredients": [ + "Mexican oregano", + "garlic cloves", + "ground cumin", + "roasted pumpkin seeds", + "yellow onion", + "serrano chile", + "zucchini", + "vegetable broth", + "ancho chile pepper", + "white hominy", + "tomatillos", + "poblano chiles" + ] + }, + { + "id": 20950, + "cuisine": "japanese", + "ingredients": [ + "sake", + "meat", + "oil", + "soy sauce", + "garlic", + "sugar", + "ginger", + "potato starch", + "green onions", + "rice vinegar" + ] + }, + { + "id": 34841, + "cuisine": "mexican", + "ingredients": [ + "whitefish", + "jalapeno chilies", + "crema", + "cumin", + "pepper", + "cilantro", + "oil", + "pico de gallo", + "green onions", + "salt", + "cabbage", + "avocado", + "lime juice", + "garlic", + "corn tortillas" + ] + }, + { + "id": 8570, + "cuisine": "thai", + "ingredients": [ + "sugar", + "rice vinegar", + "purple onion", + "red pepper", + "persian cucumber", + "salt" + ] + }, + { + "id": 14811, + "cuisine": "southern_us", + "ingredients": [ + "large egg yolks", + "vegetable shortening", + "corn starch", + "sugar", + "unsalted butter", + "all-purpose flour", + "peaches", + "salt", + "instant tapioca", + "large egg whites", + "cinnamon", + "lemon juice" + ] + }, + { + "id": 32793, + "cuisine": "indian", + "ingredients": [ + "milk", + "basmati rice", + "pistachios", + "vanilla beans", + "saffron" + ] + }, + { + "id": 33952, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "garlic cloves", + "tomatoes", + "Mountain Dew Soda", + "corn starch", + "water", + "shrimp", + "sugar", + "oil", + "onions" + ] + }, + { + "id": 11851, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "sugar", + "vanilla extract", + "whole milk", + "water", + "salt" + ] + }, + { + "id": 16614, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "light corn syrup", + "granulated sugar", + "baking soda", + "vanilla", + "butter" + ] + }, + { + "id": 41118, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "rice vinegar", + "corn tortillas", + "cumin", + "avocado", + "chili powder", + "garlic cloves", + "medium shrimp", + "red cabbage", + "freshly ground pepper", + "bay leaf", + "canola oil", + "pico de gallo", + "salt", + "nonstick spray", + "chopped cilantro fresh" + ] + }, + { + "id": 31042, + "cuisine": "chinese", + "ingredients": [ + "gai lan", + "hong kong-style noodles", + "chinese chives", + "peanuts", + "corn starch", + "shiitake", + "garlic", + "soy sauce", + "ginger", + "cooking sherry" + ] + }, + { + "id": 49106, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "unsalted butter", + "whole milk", + "freshly ground pepper", + "celery ribs", + "olive oil", + "grated parmesan cheese", + "ground pork", + "onions", + "ground chuck", + "ground nutmeg", + "low sodium chicken broth", + "all-purpose flour", + "pancetta", + "crushed tomatoes", + "large eggs", + "dry white wine", + "carrots" + ] + }, + { + "id": 14785, + "cuisine": "japanese", + "ingredients": [ + "water", + "peeled fresh ginger", + "chinese cabbage", + "shiitake mushroom caps", + "fresh cilantro", + "lime wedges", + "carrots", + "snow peas", + "yellow miso", + "green onions", + "edamame", + "fresh lime juice", + "chile paste with garlic", + "udon", + "vegetable broth", + "red bell pepper" + ] + }, + { + "id": 6604, + "cuisine": "italian", + "ingredients": [ + "sugar", + "dried basil", + "ziti", + "corn starch", + "black pepper", + "large eggs", + "diced tomatoes", + "cottage cheese", + "olive oil", + "heavy cream", + "dried oregano", + "tomato sauce", + "mozzarella cheese", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 43322, + "cuisine": "jamaican", + "ingredients": [ + "chicken stock", + "coconut", + "salt", + "browning", + "white onion", + "white rice", + "thyme leaves", + "black pepper", + "spring onions", + "ground allspice", + "water", + "garlic", + "dried kidney beans" + ] + }, + { + "id": 21333, + "cuisine": "japanese", + "ingredients": [ + "brown rice", + "white rice", + "soy sauce" + ] + }, + { + "id": 32875, + "cuisine": "filipino", + "ingredients": [ + "eggplant", + "garlic", + "olive oil", + "beef stock cubes", + "onions", + "water", + "achiote powder", + "bok choy", + "long beans", + "oxtails", + "creamy peanut butter" + ] + }, + { + "id": 49289, + "cuisine": "french", + "ingredients": [ + "fresh thyme", + "shallots", + "all-purpose flour", + "carrots", + "olive oil", + "oxtails", + "large garlic cloves", + "fat", + "parsley sprigs", + "bay leaves", + "butter", + "beef broth", + "onions", + "ground nutmeg", + "crimini mushrooms", + "bacon", + "burgundy wine" + ] + }, + { + "id": 11835, + "cuisine": "mexican", + "ingredients": [ + "chopped bell pepper", + "chopped cilantro", + "pepper", + "spaghetti squash", + "plum tomatoes", + "cheddar cheese", + "chili powder", + "ground beef", + "minced garlic", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 5585, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "cannellini beans", + "onions", + "olive oil", + "salt", + "roma tomatoes", + "white beans", + "pepper", + "garlic", + "dried rosemary" + ] + }, + { + "id": 39697, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "flour tortillas", + "boneless beef chuck roast", + "ground cumin", + "avocado", + "chopped tomatoes", + "shredded lettuce", + "sour cream", + "lime", + "vegetable oil", + "freshly ground pepper", + "white onion", + "salsa verde", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 1773, + "cuisine": "indian", + "ingredients": [ + "melted butter", + "baking powder", + "all-purpose flour", + "plain yogurt", + "extra-virgin olive oil", + "sugar", + "crushed garlic", + "active dry yeast", + "salt" + ] + }, + { + "id": 35757, + "cuisine": "indian", + "ingredients": [ + "gin", + "black tea leaves", + "cinnamon sticks", + "saffron threads", + "water", + "salt", + "green cardamom pods", + "whole milk", + "ground cardamom", + "light brown sugar", + "pistachios", + "grated nutmeg" + ] + }, + { + "id": 10286, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "garlic", + "fresh lime juice", + "soy sauce", + "vegetable oil", + "dark brown sugar", + "sesame oil", + "cayenne pepper", + "boneless chicken skinless thigh", + "ginger", + "scallions" + ] + }, + { + "id": 43608, + "cuisine": "italian", + "ingredients": [ + "refrigerated pizza dough", + "parmesan cheese", + "prosciutto", + "rocket leaves", + "extra-virgin olive oil" + ] + }, + { + "id": 10996, + "cuisine": "cajun_creole", + "ingredients": [ + "low sodium broth", + "jalapeno chilies", + "all-purpose flour", + "celery", + "tony chachere's seasoning", + "parsley", + "carrots", + "spicy pork sausage", + "cooked rice", + "green onions", + "bacon grease", + "onions", + "bell pepper", + "lean ground beef", + "chicken livers" + ] + }, + { + "id": 48063, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "bacon", + "lemon juice", + "water", + "salt", + "grits", + "shredded cheddar cheese", + "garlic", + "shrimp", + "butter", + "cayenne pepper", + "sliced green onions" + ] + }, + { + "id": 26186, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "corn starch", + "forest mushroom", + "chicken stock", + "cider vinegar", + "firm tofu", + "cooked shrimp", + "eggs", + "water chestnuts", + "chicken fingers", + "chopped cilantro", + "cold water", + "lily flowers", + "sesame oil", + "dried red chile peppers", + "snow peas" + ] + }, + { + "id": 4155, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "extra-virgin olive oil", + "prosciutto", + "black pepper", + "balsamic vinegar", + "radicchio", + "salt" + ] + }, + { + "id": 30189, + "cuisine": "thai", + "ingredients": [ + "minced garlic", + "green onions", + "fresh lime juice", + "tomato sauce", + "cooking spray", + "light coconut milk", + "asian fish sauce", + "brown sugar", + "short-grain rice", + "ground sirloin", + "chopped cilantro", + "lime rind", + "leeks", + "red curry paste", + "iceberg lettuce" + ] + }, + { + "id": 45071, + "cuisine": "filipino", + "ingredients": [ + "white vinegar", + "garlic", + "soy sauce", + "whole peppercorn", + "chicken pieces", + "bay leaves" + ] + }, + { + "id": 1442, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "wheat", + "salt", + "haricots verts", + "fresh coriander", + "ginger", + "lemon juice", + "daal", + "chili powder", + "green chilies", + "tomatoes", + "cooking oil", + "peas", + "carrots" + ] + }, + { + "id": 48097, + "cuisine": "japanese", + "ingredients": [ + "gari", + "nori", + "soy sauce", + "lemon", + "yellowfin tuna", + "carrots", + "wasabi paste", + "daikon" + ] + }, + { + "id": 35028, + "cuisine": "french", + "ingredients": [ + "haricots verts" + ] + }, + { + "id": 12355, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lemongrass", + "salt", + "garlic cloves", + "ground cumin", + "unsweetened coconut milk", + "boneless chicken skinless thigh", + "chunky peanut butter", + "peanut oil", + "fresh lime juice", + "brown sugar", + "granulated sugar", + "coconut cream", + "cucumber", + "serrano chilies", + "water", + "shallots", + "ground coriander", + "galangal" + ] + }, + { + "id": 6975, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "rotel tomatoes", + "chicken broth", + "garlic", + "onions", + "v8", + "comino", + "cream of chicken soup", + "green chilies", + "adobo seasoning" + ] + }, + { + "id": 16439, + "cuisine": "filipino", + "ingredients": [ + "tomato sauce", + "water", + "salt", + "frozen sweet peas", + "soy sauce", + "steamed white rice", + "ground beef", + "sugar", + "bananas", + "oil", + "eggs", + "pepper", + "garlic", + "onions" + ] + }, + { + "id": 40534, + "cuisine": "french", + "ingredients": [ + "water", + "extra-virgin olive oil", + "bacon", + "onions", + "ground black pepper", + "green beans", + "tomatoes", + "sea salt" + ] + }, + { + "id": 3956, + "cuisine": "italian", + "ingredients": [ + "eggs", + "kosher salt", + "grated parmesan cheese", + "portabello mushroom", + "shredded mozzarella cheese", + "sausage casings", + "dried thyme", + "ricotta cheese", + "jumbo pasta shells", + "dried oregano", + "shredded basil", + "minced garlic", + "shallots", + "grated nutmeg", + "flat leaf parsley", + "frozen spinach", + "black pepper", + "olive oil", + "red pepper flakes", + "sauce" + ] + }, + { + "id": 17671, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "italian seasoning", + "diced tomatoes", + "base", + "tomato sauce", + "spaghetti" + ] + }, + { + "id": 5003, + "cuisine": "mexican", + "ingredients": [ + "condensed cream of chicken soup", + "chili powder", + "boneless chicken breast halves", + "tortilla chips", + "cheese soup", + "condensed cream of mushroom soup", + "processed cheese" + ] + }, + { + "id": 26300, + "cuisine": "french", + "ingredients": [ + "rutabaga", + "shredded swiss cheese", + "dry bread crumbs", + "garlic powder", + "salt", + "onions", + "pepper", + "1% low-fat milk", + "rubbed sage", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 15883, + "cuisine": "indian", + "ingredients": [ + "water", + "cumin seed", + "onions", + "cilantro leaves", + "rice flour", + "salt", + "oil", + "curry leaves", + "green chilies", + "sooji" + ] + }, + { + "id": 43694, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "low sodium chicken broth", + "peanut oil", + "toasted sesame oil", + "water", + "rice vinegar", + "oyster sauce", + "minced garlic", + "flank steak", + "scallions", + "light brown sugar", + "fresh ginger", + "broccoli", + "corn starch" + ] + }, + { + "id": 9657, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "sesame oil", + "garlic", + "long beans", + "brown rice", + "ginger", + "panko breadcrumbs", + "hoisin sauce", + "cilantro", + "bird chile", + "ground chicken", + "lemon", + "scallions" + ] + }, + { + "id": 470, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "garlic", + "dried oregano", + "lime", + "boneless skinless chicken breasts", + "ground coriander", + "lime zest", + "ground black pepper", + "salt", + "honey", + "ancho powder", + "tequila" + ] + }, + { + "id": 23399, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "enchilada sauce", + "onions", + "picante sauce", + "salt", + "ripe olives", + "garlic powder", + "corn tortillas", + "shredded cheddar cheese", + "oil", + "ground beef" + ] + }, + { + "id": 6985, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "hamburger buns", + "tomato sauce", + "chicken nugget", + "American cheese" + ] + }, + { + "id": 8414, + "cuisine": "french", + "ingredients": [ + "sliced almonds", + "sourdough", + "brie cheese", + "chopped parsley", + "prosciutto" + ] + }, + { + "id": 28193, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "water", + "grated parmesan cheese", + "shredded mozzarella cheese", + "tomato sauce", + "garlic powder", + "cheese ravioli", + "italian seasoning", + "sausage casings", + "olive oil", + "onion powder", + "fresh basil leaves", + "kosher salt", + "ground black pepper", + "diced tomatoes" + ] + }, + { + "id": 40019, + "cuisine": "thai", + "ingredients": [ + "romaine lettuce", + "thai basil", + "ginger", + "garlic chili sauce", + "toasted sesame seeds", + "fish sauce", + "olive oil", + "flank steak", + "english cucumber", + "fresh lime juice", + "ground cumin", + "avocado", + "cherry tomatoes", + "green onions", + "purple onion", + "carrots", + "chopped cilantro fresh", + "brown sugar", + "peanuts", + "red wine vinegar", + "garlic cloves", + "chopped fresh mint" + ] + }, + { + "id": 27224, + "cuisine": "indian", + "ingredients": [ + "crushed red pepper flakes", + "cinnamon sticks", + "red chili powder", + "salt", + "frozen chopped spinach", + "curry", + "onions", + "tumeric", + "green chilies" + ] + }, + { + "id": 35460, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "margarine", + "black pepper", + "garlic", + "onions", + "green bell pepper", + "condensed cream of mushroom soup", + "cayenne pepper", + "crawfish", + "salt", + "long grain white rice" + ] + }, + { + "id": 4900, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "vanilla extract", + "chopped pecans", + "pecan halves", + "light corn syrup", + "dark brown sugar", + "pastry shell", + "salt", + "unsalted butter", + "whipping cream", + "unsweetened chocolate" + ] + }, + { + "id": 44958, + "cuisine": "thai", + "ingredients": [ + "Sriracha", + "greek style plain yogurt", + "green onions", + "sweet chili sauce", + "shrimp" + ] + }, + { + "id": 3521, + "cuisine": "indian", + "ingredients": [ + "lemon", + "kosher salt", + "onions", + "cider vinegar", + "green chilies" + ] + }, + { + "id": 16847, + "cuisine": "french", + "ingredients": [ + "pure vanilla extract", + "unsalted butter", + "bittersweet chocolate", + "sugar", + "all-purpose flour", + "baking soda", + "fleur de sel", + "light brown sugar", + "Dutch-processed cocoa powder" + ] + }, + { + "id": 49186, + "cuisine": "italian", + "ingredients": [ + "shredded cheddar cheese", + "ricotta cheese", + "eggs", + "Alfredo sauce", + "spicy pork sausage", + "frozen chopped spinach", + "grated parmesan cheese", + "oven-ready lasagna noodles", + "ground black pepper", + "shredded mozzarella cheese" + ] + }, + { + "id": 30330, + "cuisine": "jamaican", + "ingredients": [ + "shortening", + "vanilla extract", + "white sugar", + "cold water", + "butter", + "all-purpose flour", + "egg whites", + "salt", + "plantains", + "eggs", + "red food coloring", + "grated nutmeg" + ] + }, + { + "id": 4132, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "cooking spray", + "black pepper", + "grated parmesan cheese", + "dried oregano", + "baguette", + "chips", + "garlic powder", + "salt" + ] + }, + { + "id": 45683, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "apple cider vinegar", + "sugar", + "garlic powder", + "salt", + "soy sauce", + "boneless skinless chicken breasts", + "corn starch", + "eggs", + "pepper", + "vegetable oil" + ] + }, + { + "id": 18354, + "cuisine": "irish", + "ingredients": [ + "powdered sugar", + "baking soda", + "cooking spray", + "non-fat sour cream", + "whole wheat pastry flour", + "chopped almonds", + "butter", + "all-purpose flour", + "ground cinnamon", + "rolled oats", + "reduced fat milk", + "vanilla extract", + "ground allspice", + "brown sugar", + "dried cherry", + "baking powder", + "salt" + ] + }, + { + "id": 12888, + "cuisine": "mexican", + "ingredients": [ + "cooked rice", + "orange bell pepper", + "flour tortillas", + "salsa", + "chopped cilantro fresh", + "black beans", + "grilled chicken", + "salt", + "fresh lime juice", + "romaine lettuce", + "chopped tomatoes", + "chili powder", + "shredded cheese", + "avocado", + "corn", + "diced red onions", + "greek style plain yogurt", + "adobo sauce" + ] + }, + { + "id": 25659, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "fettuccine pasta", + "salt", + "heavy cream", + "parmesan cheese" + ] + }, + { + "id": 4836, + "cuisine": "jamaican", + "ingredients": [ + "water", + "salt", + "kidney beans", + "coconut milk", + "dried thyme", + "long-grain rice", + "black pepper", + "garlic", + "onions" + ] + }, + { + "id": 18581, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "yellow onion", + "garlic", + "vegetable oil", + "medium-grain rice", + "tomato sauce", + "salt" + ] + }, + { + "id": 43878, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "large shrimp", + "shells", + "fine sea salt", + "ground black pepper", + "chinese five-spice powder" + ] + }, + { + "id": 20099, + "cuisine": "jamaican", + "ingredients": [ + "fruit", + "simple syrup", + "lemon", + "teas", + "soda water", + "brandy", + "red wine" + ] + }, + { + "id": 41130, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "red pepper", + "garlic cloves", + "fresh ginger", + "peanut butter", + "honey", + "rice vinegar", + "sesame oil", + "hot chili sauce" + ] + }, + { + "id": 48096, + "cuisine": "korean", + "ingredients": [ + "shiitake", + "baby spinach", + "carrots", + "large eggs", + "scallions", + "long grain white rice", + "Sriracha", + "english cucumber", + "toasted sesame oil", + "soy sauce", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 32573, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "lime juice", + "chili powder", + "ground coriander", + "chicken stock", + "boneless chicken skinless thigh", + "vegetables", + "garlic", + "onions", + "red chili peppers", + "lime", + "peas", + "thai green curry paste", + "fish sauce", + "fresh coriander", + "bell pepper", + "coconut cream", + "ground cumin" + ] + }, + { + "id": 32357, + "cuisine": "italian", + "ingredients": [ + "carbonated water", + "orange juice", + "grenadine syrup", + "peach schnapps" + ] + }, + { + "id": 47218, + "cuisine": "mexican", + "ingredients": [ + "nonfat greek yogurt", + "low-fat cream cheese", + "kosher salt", + "chili powder", + "monterey jack", + "part-skim mozzarella", + "cooked chicken", + "cumin", + "diced green chilies", + "green enchilada sauce" + ] + }, + { + "id": 10995, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "shredded carrots", + "salt", + "onions", + "pepper", + "brown rice", + "scallions", + "eggs", + "cooking spray", + "edamame", + "egg whites", + "garlic", + "oil" + ] + }, + { + "id": 31423, + "cuisine": "russian", + "ingredients": [ + "fresh dill", + "baking soda", + "buckwheat flour", + "black pepper", + "large eggs", + "sour cream", + "sugar", + "unsalted butter", + "all-purpose flour", + "smoked salmon", + "milk", + "salt" + ] + }, + { + "id": 36431, + "cuisine": "russian", + "ingredients": [ + "egg whites", + "salt", + "hard-boiled egg", + "cabbage", + "sugar", + "butter", + "flour", + "cream cheese" + ] + }, + { + "id": 15485, + "cuisine": "italian", + "ingredients": [ + "dijon mustard", + "prosciutto", + "fresh basil leaves", + "olive oil", + "red wine vinegar", + "extra large shrimp", + "chopped garlic" + ] + }, + { + "id": 21581, + "cuisine": "british", + "ingredients": [ + "ground cinnamon", + "all-purpose flour", + "butter", + "confectioners sugar", + "eggs", + "mincemeat pie filling", + "ice water", + "grated orange" + ] + }, + { + "id": 4118, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "cayenne pepper", + "sugar", + "salt", + "buttermilk", + "sharp cheddar cheese", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 40974, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "granulated sugar", + "stuffing", + "dark soy sauce", + "water", + "bell pepper", + "cooked white rice", + "pepper", + "large eggs", + "sauce", + "boneless chicken thighs", + "mirin", + "salt" + ] + }, + { + "id": 48993, + "cuisine": "mexican", + "ingredients": [ + "oxtails", + "salt", + "frozen mixed vegetables", + "onions", + "olive oil", + "russet potatoes", + "lentils", + "celery", + "ground cumin", + "pepper", + "chili powder", + "long-grain rice", + "corn tortillas", + "cabbage", + "beef bouillon", + "beef stew meat", + "carrots", + "corn-on-the-cob" + ] + }, + { + "id": 12258, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "Mexican oregano", + "salt", + "ground cumin", + "water", + "vegetable oil", + "beef sirloin", + "garlic powder", + "paprika", + "red bell pepper", + "ground black pepper", + "garlic", + "onions" + ] + }, + { + "id": 1871, + "cuisine": "thai", + "ingredients": [ + "chili flakes", + "fresh coriander", + "spring onions", + "rice vinegar", + "brown sugar", + "egg noodles", + "vegetable oil", + "garlic cloves", + "fish sauce", + "lime juice", + "sesame oil", + "broccoli", + "dressing", + "soy sauce", + "peeled prawns", + "red pepper", + "carrots" + ] + }, + { + "id": 3046, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "salt", + "melted butter", + "baking powder", + "cornmeal", + "whole milk", + "all-purpose flour", + "eggs", + "vegetable oil", + "white sugar" + ] + }, + { + "id": 3876, + "cuisine": "mexican", + "ingredients": [ + "sweet potatoes", + "adobo sauce", + "black pepper", + "salt", + "chipotle chile", + "butter", + "fat free milk", + "maple syrup" + ] + }, + { + "id": 39245, + "cuisine": "french", + "ingredients": [ + "almond flour", + "jelly", + "large egg whites", + "salt", + "slivered almonds", + "granulated sugar", + "pure vanilla extract", + "instant espresso powder", + "confectioners sugar" + ] + }, + { + "id": 1582, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "bulk italian sausag", + "vegetable oil", + "chopped onion", + "fresh basil", + "light cream", + "garlic", + "lemon juice", + "eggs", + "dried basil", + "refrigerated piecrusts", + "shredded mozzarella cheese", + "pepper", + "dijon mustard", + "salt", + "dried oregano" + ] + }, + { + "id": 11752, + "cuisine": "italian", + "ingredients": [ + "spinach", + "olive oil", + "part-skim ricotta cheese", + "ground chicken", + "parmesan cheese", + "onions", + "pepper", + "lasagna noodles", + "light alfredo sauce", + "part-skim mozzarella cheese", + "salt" + ] + }, + { + "id": 22556, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "sesame oil", + "Gochujang base", + "asian fish sauce", + "honey", + "lime wedges", + "garlic cloves", + "boneless chicken thighs", + "chile pepper", + "chinese five-spice powder", + "hoisin sauce", + "rice vinegar", + "onions" + ] + }, + { + "id": 13707, + "cuisine": "southern_us", + "ingredients": [ + "minced garlic", + "jalapeno chilies", + "chopped celery", + "ground cumin", + "reduced fat sharp cheddar cheese", + "olive oil", + "boneless skinless chicken breasts", + "chopped onion", + "water", + "barbecue sauce", + "salt", + "frozen hash browns", + "chopped green bell pepper", + "chili powder", + "carrots" + ] + }, + { + "id": 40058, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "chopped cilantro", + "lime wedges", + "orange juice", + "lime juice", + "salt", + "pork shoulder", + "achiote paste", + "Mexican cheese" + ] + }, + { + "id": 26846, + "cuisine": "indian", + "ingredients": [ + "almonds", + "sugar", + "basmati rice", + "cardamom", + "milk" + ] + }, + { + "id": 25057, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "golden brown sugar", + "vanilla extract", + "hot water", + "hazelnuts", + "semisweet chocolate", + "corn starch", + "instant espresso powder", + "salt" + ] + }, + { + "id": 4636, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "salt", + "vegetable oil", + "water", + "yellow onion", + "pasta", + "garlic" + ] + }, + { + "id": 26741, + "cuisine": "indian", + "ingredients": [ + "fresh tomatoes", + "seeds", + "green chilies", + "asafoetida powder", + "red chili powder", + "black pepper", + "garlic", + "black mustard seeds", + "ground turmeric", + "curry leaves", + "sugar", + "ginger", + "cumin seed", + "onions", + "green bell pepper", + "pandanus leaf", + "salt", + "cinnamon sticks", + "ground cumin" + ] + }, + { + "id": 8810, + "cuisine": "irish", + "ingredients": [ + "soy sauce", + "nutritional yeast", + "parsley", + "vital wheat gluten", + "salt", + "thyme", + "pepper", + "flax seeds", + "whole wheat bread", + "garlic", + "dark beer", + "onions", + "nutmeg", + "water", + "onion powder", + "ginger", + "cashew butter", + "sausages", + "marjoram", + "black pepper", + "ground sage", + "baking potatoes", + "vegetable broth", + "vegan bouillon cubes", + "flavoring" + ] + }, + { + "id": 30103, + "cuisine": "mexican", + "ingredients": [ + "ground chicken", + "cooking spray", + "ground turkey", + "taco seasoning mix", + "whole kernel corn, drain", + "green chile", + "egg whites", + "enchilada sauce", + "black beans", + "dry bread crumbs", + "chunky salsa" + ] + }, + { + "id": 12838, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "flat leaf parsley", + "baking potatoes", + "scallions", + "unsalted butter", + "spanish chorizo", + "onions", + "paprika", + "garlic cloves" + ] + }, + { + "id": 29294, + "cuisine": "mexican", + "ingredients": [ + "chicken meat", + "onions", + "pepper", + "salt", + "garlic", + "shredded Monterey Jack cheese", + "vegetable oil", + "corn tortillas" + ] + }, + { + "id": 44246, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "butter", + "cream", + "green tea powder", + "powdered sugar", + "all-purpose flour", + "baking powder" + ] + }, + { + "id": 30075, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "pappardelle", + "pinenuts", + "unsalted butter", + "radicchio", + "ricotta salata", + "butternut squash" + ] + }, + { + "id": 39809, + "cuisine": "japanese", + "ingredients": [ + "konbu", + "bonito flakes" + ] + }, + { + "id": 37810, + "cuisine": "thai", + "ingredients": [ + "lime zest", + "shrimp paste", + "cumin seed", + "lemongrass", + "garlic", + "peppercorns", + "chiles", + "shallots", + "galangal", + "coriander seeds", + "root vegetables" + ] + }, + { + "id": 49241, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "salt", + "chillies", + "tumeric", + "chili powder", + "oil", + "coriander", + "fenugreek leaves", + "potatoes", + "cumin seed", + "onions", + "water", + "ginger", + "gram flour" + ] + }, + { + "id": 24794, + "cuisine": "mexican", + "ingredients": [ + "fresh spinach", + "chili powder", + "non-fat sour cream", + "black beans", + "whole wheat tortillas", + "onions", + "cheddar cheese", + "vegetable oil", + "salsa", + "boneless skinless chicken breasts", + "garlic" + ] + }, + { + "id": 45067, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "minced ginger", + "green onions", + "buckwheat noodles", + "coconut milk", + "kosher salt", + "jalapeno chilies", + "red pepper flakes", + "carrots", + "boiling water", + "soy sauce", + "lime", + "crushed garlic", + "salted peanuts", + "chopped cilantro", + "water", + "chunky peanut butter", + "yellow bell pepper", + "red bell pepper", + "large shrimp" + ] + }, + { + "id": 42000, + "cuisine": "spanish", + "ingredients": [ + "canned low sodium chicken broth", + "olive oil", + "garlic", + "plum tomatoes", + "romaine lettuce", + "vermicelli", + "chickpeas", + "tumeric", + "cayenne", + "salt", + "water", + "paprika", + "onions" + ] + }, + { + "id": 35189, + "cuisine": "mexican", + "ingredients": [ + "cheese", + "tortillas", + "olives", + "tomato sauce", + "onions", + "cutlet" + ] + }, + { + "id": 32063, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "white wine vinegar", + "fresh parmesan cheese", + "salt", + "minced garlic", + "crushed red pepper", + "fresh leav spinach", + "extra-virgin olive oil", + "arugula" + ] + }, + { + "id": 45251, + "cuisine": "greek", + "ingredients": [ + "fat free yogurt", + "lemon wedge", + "grated lemon zest", + "feta cheese crumbles", + "chopped fresh mint", + "tomatoes", + "honey", + "extra-virgin olive oil", + "garlic cloves", + "flat leaf parsley", + "water", + "red wine vinegar", + "organic vegetable broth", + "cucumber", + "dried oregano", + "pitted kalamata olives", + "ground black pepper", + "purple onion", + "fresh lemon juice", + "medium shrimp" + ] + }, + { + "id": 49069, + "cuisine": "spanish", + "ingredients": [ + "red wine", + "kirschenliqueur", + "club soda", + "strawberries", + "peaches" + ] + }, + { + "id": 10566, + "cuisine": "mexican", + "ingredients": [ + "reduced fat sharp cheddar cheese", + "non-fat sour cream", + "green chile", + "green onions", + "ripe olives", + "flour tortillas", + "cream cheese, soften", + "herbs", + "garlic cloves" + ] + }, + { + "id": 9096, + "cuisine": "mexican", + "ingredients": [ + "triple sec", + "fresh lime juice", + "ice cubes", + "grapefruit juice", + "agave nectar", + "pomegranate seeds", + "tequila" + ] + }, + { + "id": 42687, + "cuisine": "italian", + "ingredients": [ + "butter", + "water", + "polenta", + "ground black pepper", + "salt" + ] + }, + { + "id": 31081, + "cuisine": "japanese", + "ingredients": [ + "chiles", + "ground pepper", + "vegetable oil", + "cucumber", + "chicken broth", + "water", + "tamarind juice", + "gingerroot", + "fish sauce", + "fresh cilantro", + "shallots", + "garlic cloves", + "coconut juice", + "sugar", + "beef", + "salt", + "mushroom soy sauce" + ] + }, + { + "id": 9919, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "potatoes", + "seasoned rice wine vinegar", + "asparagus", + "extra-virgin olive oil", + "fresh basil leaves", + "cooking oil", + "salt", + "ground pepper", + "basil", + "salad oil" + ] + }, + { + "id": 33203, + "cuisine": "vietnamese", + "ingredients": [ + "ground black pepper", + "garlic", + "fish sauce", + "shallots", + "chopped cilantro", + "catfish fillets", + "green onions", + "fresh lime juice", + "water", + "red pepper flakes", + "white sugar" + ] + }, + { + "id": 17430, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "asiago", + "lemon juice", + "pimentos", + "purple onion", + "sourdough baguette", + "artichoke hearts", + "garlic", + "red bell pepper", + "pepper", + "parsley", + "salt" + ] + }, + { + "id": 21082, + "cuisine": "italian", + "ingredients": [ + "pepper", + "grated parmesan cheese", + "salt", + "dried oregano", + "pasta", + "whole peeled tomatoes", + "garlic", + "onions", + "olive oil", + "crushed red pepper flakes", + "chopped parsley", + "dried basil", + "cannellini beans", + "carrots" + ] + }, + { + "id": 14508, + "cuisine": "southern_us", + "ingredients": [ + "cocktail cherries", + "southern comfort", + "sloe gin", + "Galliano", + "orange juice", + "orange", + "liqueur" + ] + }, + { + "id": 37695, + "cuisine": "mexican", + "ingredients": [ + "taco shells", + "taco seasoning", + "chuck roast", + "salsa verde", + "canned corn", + "beef broth" + ] + }, + { + "id": 48862, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dried fettuccine", + "boneless skinless chicken breast halves", + "reduced sodium chicken broth", + "butter", + "lemon juice", + "capers", + "dry white wine", + "salt", + "pepper", + "paprika", + "corn starch" + ] + }, + { + "id": 1438, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "ice", + "liquor", + "mango nectar", + "lime", + "mango", + "cachaca" + ] + }, + { + "id": 27295, + "cuisine": "italian", + "ingredients": [ + "eggs", + "prosciutto", + "extra-virgin olive oil", + "juice", + "chicken stock", + "white wine", + "parmigiano reggiano cheese", + "garlic puree", + "tomatoes", + "swiss chard", + "bay leaves", + "freshly ground pepper", + "boneless pork shoulder", + "bread crumbs", + "fresh thyme", + "provolone cheese", + "tagliatelle" + ] + }, + { + "id": 49427, + "cuisine": "indian", + "ingredients": [ + "clove", + "water", + "ginger", + "cinnamon sticks", + "ghee", + "saffron", + "warm water", + "mixed vegetables", + "cardamom pods", + "bay leaf", + "cashew nuts", + "ground cinnamon", + "golden raisins", + "garlic", + "ground cayenne pepper", + "onions", + "ground cumin", + "kosher salt", + "cracked black pepper", + "ground coriander", + "chopped cilantro", + "basmati rice" + ] + }, + { + "id": 17624, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "button mushrooms", + "onions", + "potato gnocchi", + "sweet paprika", + "flank steak", + "yellow bell pepper", + "minced garlic", + "diced tomatoes", + "red bell pepper" + ] + }, + { + "id": 15667, + "cuisine": "southern_us", + "ingredients": [ + "grated parmesan cheese", + "salt", + "black pepper", + "butter", + "frozen corn kernels", + "whole milk", + "all-purpose flour", + "granulated sugar", + "heavy cream" + ] + }, + { + "id": 1600, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "collard greens", + "purple onion", + "bacon", + "cider vinegar" + ] + }, + { + "id": 21363, + "cuisine": "italian", + "ingredients": [ + "Bertolli® Classico Olive Oil", + "garlic", + "onions", + "water", + "asparagus", + "carrots", + "ground black pepper", + "broccoli", + "Bertolli® Alfredo Sauce", + "linguine", + "red bell pepper" + ] + }, + { + "id": 9114, + "cuisine": "italian", + "ingredients": [ + "red vermouth", + "garlic cloves", + "meatloaf", + "reduced sodium chicken broth", + "purple onion", + "corn starch", + "celery ribs", + "extra-virgin olive oil", + "fresh lemon juice", + "celery", + "hot red pepper flakes", + "linguine", + "carrots", + "ground cumin" + ] + }, + { + "id": 14226, + "cuisine": "greek", + "ingredients": [ + "avocado", + "garlic", + "chopped fresh mint", + "lemon", + "cucumber", + "pepper", + "salt", + "chopped cilantro fresh", + "red pepper flakes", + "sour cream" + ] + }, + { + "id": 39696, + "cuisine": "french", + "ingredients": [ + "parsley sprigs", + "beef stock", + "bouquet garni", + "sourdough bread", + "sea salt", + "thyme", + "juniper berries", + "dry sherry", + "freshly ground pepper", + "unsalted butter", + "gruyere cheese", + "onions" + ] + }, + { + "id": 46308, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "garlic cloves", + "onions", + "tomatoes", + "olive oil", + "sour cream", + "chicken", + "avocado", + "lime", + "chipotle paste", + "coriander", + "red chili peppers", + "coriander seeds", + "corn tortillas" + ] + }, + { + "id": 44508, + "cuisine": "chinese", + "ingredients": [ + "black peppercorns", + "soy sauce", + "star anise", + "whole chicken", + "brown sugar", + "yellow rock sugar", + "cilantro leaves", + "orange zest", + "dark soy sauce", + "fresh ginger", + "fine sea salt", + "dried red chile peppers", + "clove", + "chinese rice wine", + "low sodium chicken broth", + "scallions" + ] + }, + { + "id": 22244, + "cuisine": "mexican", + "ingredients": [ + "unsalted butter", + "light brown sugar", + "corn starch", + "unsweetened almond milk", + "unsweetened cocoa powder", + "pure vanilla extract", + "cinnamon" + ] + }, + { + "id": 36375, + "cuisine": "italian", + "ingredients": [ + "semisweet chocolate", + "vanilla extract", + "sugar", + "light corn syrup", + "amaretto", + "toasted almonds", + "large egg yolks", + "whipping cream" + ] + }, + { + "id": 47799, + "cuisine": "french", + "ingredients": [ + "milk", + "large eggs", + "button mushrooms", + "hot water", + "olive oil", + "grated parmesan cheese", + "salt", + "flat leaf parsley", + "dried porcini mushrooms", + "unsalted butter", + "all purpose unbleached flour", + "ham", + "melted butter", + "ground nutmeg", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 11872, + "cuisine": "italian", + "ingredients": [ + "extra large eggs", + "parmigiano reggiano cheese", + "sauce", + "kosher salt", + "extra-virgin olive oil", + "all purpose unbleached flour" + ] + }, + { + "id": 11558, + "cuisine": "thai", + "ingredients": [ + "canton noodles", + "red curry paste", + "chicken thighs", + "green bell pepper", + "ginger", + "vegan Worcestershire sauce", + "chicken demi-glace", + "cilantro", + "scallions", + "lime", + "garlic", + "white mushrooms" + ] + }, + { + "id": 24352, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "basil dried leaves", + "tomatoes", + "broccoli florets", + "water", + "rotini", + "Velveeta", + "boneless skinless chicken breasts" + ] + }, + { + "id": 5221, + "cuisine": "korean", + "ingredients": [ + "kosher salt", + "dark sesame oil", + "napa cabbage", + "sambal ulek", + "garlic", + "sesame seeds" + ] + }, + { + "id": 3799, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "mace", + "purple onion", + "green chilies", + "ground cumin", + "clove", + "water", + "bay leaves", + "green cardamom", + "ghee", + "lamb shanks", + "whole milk yoghurt", + "salt", + "ground coriander", + "black peppercorns", + "fresh ginger", + "garlic", + "brown cardamom", + "ground turmeric" + ] + }, + { + "id": 29635, + "cuisine": "italian", + "ingredients": [ + "dijon mustard", + "shredded cheddar cheese", + "dried pasta", + "salt", + "milk" + ] + }, + { + "id": 21144, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken skinless thigh", + "chives", + "shredded Monterey Jack cheese", + "sliced black olives", + "garlic", + "black pepper", + "chile pepper", + "condensed cream of chicken soup", + "flour tortillas", + "sour cream" + ] + }, + { + "id": 17395, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "salt", + "chopped cilantro fresh", + "2% low fat cheddar chees", + "garlic cloves", + "low sodium vegetable broth", + "salsa", + "cumin", + "black pepper", + "extra-virgin olive oil", + "corn tortillas" + ] + }, + { + "id": 14735, + "cuisine": "mexican", + "ingredients": [ + "dried black beans", + "vegetable oil", + "crema", + "jalapeno chilies", + "chees fresco queso", + "sauce", + "whole peeled tomatoes", + "butter", + "salt", + "eggs", + "shallots", + "garlic", + "corn tortillas" + ] + }, + { + "id": 15646, + "cuisine": "thai", + "ingredients": [ + "water", + "sesame oil", + "garlic", + "chili sauce", + "red bell pepper", + "sugar", + "green onions", + "napa cabbage", + "rice vinegar", + "carrots", + "natural peanut butter", + "lime", + "vegetable oil", + "salt", + "hearts of romaine", + "soy sauce", + "boneless skinless chicken breasts", + "cilantro", + "salted peanuts", + "cucumber" + ] + }, + { + "id": 6402, + "cuisine": "mexican", + "ingredients": [ + "blanched almonds", + "ice", + "water", + "long grain white rice", + "ground cinnamon", + "cinnamon sticks", + "vanilla", + "sweetened condensed milk" + ] + }, + { + "id": 43185, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "miso", + "enokitake", + "wakame", + "firm tofu" + ] + }, + { + "id": 31532, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "extra-virgin olive oil", + "large garlic cloves", + "crème fraîche", + "mayonaise", + "diced tomatoes", + "water", + "dried salted codfish" + ] + }, + { + "id": 32218, + "cuisine": "jamaican", + "ingredients": [ + "red chili peppers", + "chicken breasts", + "rice", + "red kidney beans", + "garam masala", + "garlic", + "coconut milk", + "soy sauce", + "capsicum", + "butter oil", + "garlic paste", + "vinegar", + "salt", + "onions" + ] + }, + { + "id": 39684, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "yellow onion", + "kosher salt", + "zucchini", + "arborio rice", + "ground black pepper", + "garlic cloves", + "low sodium vegetable broth", + "grated parmesan cheese" + ] + }, + { + "id": 25858, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ground black pepper", + "garlic", + "corn starch", + "chicken stock", + "eggplant", + "sesame oil", + "oyster sauce", + "water", + "green onions", + "chili sauce", + "white sugar", + "cooked rice", + "fresh ginger root", + "lean ground beef", + "shrimp" + ] + }, + { + "id": 20992, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "dry mustard", + "freshly ground pepper", + "romaine lettuce", + "lemon", + "salt", + "red wine vinegar", + "garlic", + "croutons", + "olive oil", + "worcestershire sauce", + "anchovy fillets" + ] + }, + { + "id": 20707, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "all-purpose flour", + "key lime juice", + "butter-margarine blend", + "cooking spray", + "whipped topping", + "brown sugar", + "large eggs", + "light cream cheese", + "lime rind", + "baking powder", + "toasted wheat germ" + ] + }, + { + "id": 47342, + "cuisine": "indian", + "ingredients": [ + "cilantro leaves", + "lemon juice", + "sweet potatoes", + "cumin seed", + "green chilies", + "chaat masala", + "chili powder", + "rock salt" + ] + }, + { + "id": 39881, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "pecorino romano cheese", + "chopped fresh sage", + "prepared lasagne", + "fresh rosemary", + "chopped fresh thyme", + "salt", + "chopped fresh mint", + "fresh marjoram", + "fresh tarragon", + "pasta sheets", + "plum tomatoes", + "dough", + "black pepper", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 46577, + "cuisine": "thai", + "ingredients": [ + "eggs", + "peanuts", + "yellow onion", + "chicken broth", + "brown sugar", + "zucchini", + "fresh herbs", + "white vinegar", + "fish sauce", + "chili paste", + "oil", + "brown rice noodles", + "soy sauce", + "red pepper", + "carrots" + ] + }, + { + "id": 23810, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "ground allspice", + "warm water", + "chickpeas", + "ground cumin", + "cayenne", + "garlic cloves", + "lamb rib chops", + "cinnamon", + "carrots" + ] + }, + { + "id": 32997, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "finely chopped onion", + "baking powder", + "garlic cloves", + "baking soda", + "large eggs", + "all-purpose flour", + "yellow corn meal", + "unsalted butter", + "whole milk", + "cayenne pepper", + "plain yogurt", + "pepper jack", + "salt" + ] + }, + { + "id": 23002, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "napa cabbage", + "dumplings", + "large eggs", + "ground pork", + "fresh ginger", + "cilantro", + "soy sauce", + "sesame oil", + "scallions" + ] + }, + { + "id": 18041, + "cuisine": "greek", + "ingredients": [ + "rosemary", + "lemon", + "salt", + "dijon mustard", + "paprika", + "leg of lamb", + "pepper", + "potatoes", + "garlic", + "oregano", + "olive oil", + "sea salt", + "thyme" + ] + }, + { + "id": 5919, + "cuisine": "mexican", + "ingredients": [ + "sour cream", + "monterey jack", + "kosher salt", + "onions", + "poblano chiles", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 5069, + "cuisine": "italian", + "ingredients": [ + "fresh raspberries", + "marsala wine", + "white sugar", + "egg yolks" + ] + }, + { + "id": 8252, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "country style bread", + "beefsteak tomatoes", + "garlic cloves", + "coriander seeds", + "cumin seed", + "black peppercorns", + "fine sea salt" + ] + }, + { + "id": 19932, + "cuisine": "japanese", + "ingredients": [ + "sake", + "dashi kombu", + "green onions", + "garlic", + "soy sauce", + "baking soda", + "ground pork", + "chili bean paste", + "sugar", + "corn", + "sesame oil", + "salt", + "thin spaghetti", + "water", + "miso paste", + "ginger", + "soft-boiled egg" + ] + }, + { + "id": 42569, + "cuisine": "italian", + "ingredients": [ + "skim milk", + "zucchini", + "all-purpose flour", + "light butter", + "lasagna noodles", + "salt", + "frozen artichoke hearts", + "frozen chopped spinach", + "ground black pepper", + "low-fat ricotta cheese", + "olive oil cooking spray", + "dried porcini mushrooms", + "grated parmesan cheese", + "grated nutmeg" + ] + }, + { + "id": 14810, + "cuisine": "italian", + "ingredients": [ + "country ham", + "pizza doughs", + "fresh mozzarella", + "fresh basil", + "extra-virgin olive oil", + "pepper", + "plum tomatoes" + ] + }, + { + "id": 35692, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "diced tomatoes", + "chopped cilantro fresh", + "fat free less sodium chicken broth", + "chili powder", + "garlic cloves", + "green bell pepper", + "boneless skinless chicken breasts", + "baked tortilla chips", + "ground cumin", + "olive oil", + "lime wedges", + "onions" + ] + }, + { + "id": 39240, + "cuisine": "spanish", + "ingredients": [ + "finely chopped fresh parsley", + "bay leaf", + "tomatoes", + "large garlic cloves", + "clams", + "dry white wine", + "onions", + "baby lima beans", + "extra-virgin olive oil" + ] + }, + { + "id": 7302, + "cuisine": "mexican", + "ingredients": [ + "lime", + "chile pepper", + "chopped cilantro fresh", + "white onion", + "yellow hominy", + "salt", + "ground black pepper", + "garlic", + "dried oregano", + "water", + "ground red pepper", + "tripe" + ] + }, + { + "id": 8946, + "cuisine": "french", + "ingredients": [ + "mushrooms", + "sprinkles", + "vegetable oil", + "hot water", + "shallots", + "garlic cloves", + "unsalted butter", + "heavy cream", + "chicken" + ] + }, + { + "id": 21769, + "cuisine": "indian", + "ingredients": [ + "granulated sugar", + "large egg yolks", + "heavy cream", + "light brown sugar", + "ground cardamom" + ] + }, + { + "id": 200, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "baking powder", + "fresh raspberries", + "brown sugar", + "low-fat buttermilk", + "butter", + "granulated sugar", + "green tomatoes", + "water", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 24113, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "garlic", + "minced beef", + "lime", + "tomato ketchup", + "Thai fish sauce", + "coconut", + "purple onion", + "roasted peanuts", + "brown sugar", + "jalapeno chilies", + "peanut butter", + "ground cumin" + ] + }, + { + "id": 32964, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "mustard greens", + "water", + "onions", + "sugar", + "bacon" + ] + }, + { + "id": 44861, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "white beans", + "tomatoes", + "garlic", + "tomato paste", + "vegetable broth", + "onions", + "kale", + "pasta shells" + ] + }, + { + "id": 6939, + "cuisine": "chinese", + "ingredients": [ + "fish sauce", + "beef stock", + "star anise", + "oil", + "fresh ginger", + "green onions", + "chinese cabbage", + "cinnamon sticks", + "light soy sauce", + "chinese noodles", + "garlic", + "oyster sauce", + "dark soy sauce", + "stewing beef", + "dry sherry", + "chinese five-spice powder", + "bok choy" + ] + }, + { + "id": 30607, + "cuisine": "french", + "ingredients": [ + "white wine", + "shallots", + "thyme", + "duck breasts", + "water", + "garlic", + "eggs", + "pepper", + "butter", + "truffle puree", + "flour", + "salt" + ] + }, + { + "id": 4634, + "cuisine": "spanish", + "ingredients": [ + "beefsteak tomatoes", + "kosher salt", + "garlic cloves", + "extra-virgin olive oil", + "baguette", + "serrano ham" + ] + }, + { + "id": 9978, + "cuisine": "vietnamese", + "ingredients": [ + "bologna", + "soy sauce", + "fresh cilantro", + "salami", + "ground pork", + "mayonaise", + "baguette", + "ground black pepper", + "daikon", + "carrots", + "white vinegar", + "sugar", + "water", + "finely chopped onion", + "chili oil", + "seasoning", + "kosher salt", + "garlic powder", + "vegetable oil", + "english cucumber" + ] + }, + { + "id": 23167, + "cuisine": "vietnamese", + "ingredients": [ + "fresh spinach", + "lemon grass", + "salt", + "water", + "paprika", + "hubbard squash", + "sugar", + "galanga", + "coconut milk", + "kaffir lime leaves", + "eggplant", + "stir fry sauce", + "ground turmeric" + ] + }, + { + "id": 38353, + "cuisine": "italian", + "ingredients": [ + "cooked ham", + "mushrooms", + "dough", + "garlic powder", + "sausages", + "mozzarella cheese", + "salami", + "pasta sauce", + "green bell pepper, slice", + "onions" + ] + }, + { + "id": 30659, + "cuisine": "korean", + "ingredients": [ + "eggs", + "chili pepper", + "vinegar", + "ginger", + "brown sugar", + "peanuts", + "starch", + "corn syrup", + "chicken wings", + "sesame seeds", + "flour", + "salt", + "soy sauce", + "ground black pepper", + "vegetable oil" + ] + }, + { + "id": 13443, + "cuisine": "vietnamese", + "ingredients": [ + "low-fat sweetened condensed milk", + "ice cubes", + "roast" + ] + }, + { + "id": 31658, + "cuisine": "french", + "ingredients": [ + "olive oil", + "green onions", + "small white beans", + "tomatoes", + "dijon mustard", + "white wine vinegar", + "water", + "lettuce leaves", + "salt", + "ground black pepper", + "garlic", + "olives" + ] + }, + { + "id": 12328, + "cuisine": "thai", + "ingredients": [ + "mint", + "orange bell pepper", + "japanese cucumber", + "garlic", + "minced garlic", + "thai basil", + "cilantro", + "shrimp", + "fish sauce", + "peanuts", + "shallots", + "rice vinegar", + "lime juice", + "palm sugar", + "thai chile" + ] + }, + { + "id": 24224, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "ground black pepper", + "butter", + "onions", + "tomato sauce", + "grated parmesan cheese", + "salt", + "dried basil", + "ricotta cheese", + "chopped parsley", + "eggs", + "zucchini", + "garlic", + "dried oregano" + ] + }, + { + "id": 42768, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "all-purpose flour", + "sugar", + "buttermilk", + "butter", + "white cornmeal", + "large eggs", + "salt" + ] + }, + { + "id": 12359, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "zucchini", + "crushed red pepper flakes", + "scallions", + "sesame chili oil", + "water", + "flank steak", + "garlic", + "toasted sesame oil", + "jasmine rice", + "green onions", + "ginger", + "corn starch", + "brown sugar", + "orange bell pepper", + "red pepper", + "peanut oil", + "toasted sesame seeds" + ] + }, + { + "id": 45469, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "purple onion", + "chopped fresh mint", + "extra-virgin olive oil", + "garlic cloves", + "cherry tomatoes", + "salt", + "tomatoes", + "linguine", + "fresh mint" + ] + }, + { + "id": 2523, + "cuisine": "british", + "ingredients": [ + "self rising flour", + "rolled oats", + "salt", + "butter", + "caster sugar", + "fresh raspberries" + ] + }, + { + "id": 36980, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "salt", + "tomato paste", + "vinegar", + "water", + "chicken", + "sugar", + "vegetable oil" + ] + }, + { + "id": 12861, + "cuisine": "cajun_creole", + "ingredients": [ + "lettuce leaves", + "creole seasoning", + "fresh basil", + "white wine vinegar", + "low salt chicken broth", + "mirlitons", + "pimentos", + "garlic cloves", + "olive oil", + "artichokes", + "fresh parsley" + ] + }, + { + "id": 8626, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "coconut", + "yoghurt", + "green cardamom", + "bay leaf", + "red chili powder", + "potatoes", + "kasuri methi", + "oil", + "shahi jeera", + "fenugreek leaves", + "garam masala", + "star anise", + "green chilies", + "onions", + "clove", + "garlic paste", + "mint leaves", + "cilantro leaves", + "cinnamon sticks" + ] + }, + { + "id": 33263, + "cuisine": "mexican", + "ingredients": [ + "chile pepper", + "eggs", + "garlic", + "butter", + "sweet onion", + "lobster tails" + ] + }, + { + "id": 20224, + "cuisine": "french", + "ingredients": [ + "sugar", + "baking powder", + "all-purpose flour", + "unsalted butter", + "plums", + "hazelnuts", + "vanilla", + "ground allspice", + "large eggs", + "salt" + ] + }, + { + "id": 30468, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "egg whites", + "cod fillets", + "cornmeal", + "ground black pepper", + "dry bread crumbs", + "olive oil", + "grated parmesan cheese", + "italian seasoning" + ] + }, + { + "id": 40999, + "cuisine": "southern_us", + "ingredients": [ + "chicken legs", + "dry white wine", + "onions", + "milk", + "margarine", + "pepper", + "poppy seeds", + "chicken broth", + "flour", + "Bisquick Baking Mix" + ] + }, + { + "id": 38372, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "plum tomatoes", + "cannellini beans", + "grated parmesan cheese", + "orecchiette", + "prepar pesto", + "garlic cloves" + ] + }, + { + "id": 10713, + "cuisine": "greek", + "ingredients": [ + "sugar", + "butter", + "honey", + "chopped walnuts", + "water", + "vanilla extract", + "phyllo dough", + "cinnamon" + ] + }, + { + "id": 38624, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "ground black pepper", + "all-purpose flour", + "crushed tomatoes", + "onion powder", + "cumin", + "kosher salt", + "chili powder", + "dried oregano", + "garlic powder", + "vegetable oil" + ] + }, + { + "id": 44565, + "cuisine": "mexican", + "ingredients": [ + "red snapper", + "green chile", + "pimentos", + "ground cinnamon", + "lime", + "ground white pepper", + "capers", + "olive oil", + "onions", + "tomatoes", + "green bell pepper", + "garlic" + ] + }, + { + "id": 34272, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "green onions", + "salt", + "okra", + "large shrimp", + "reduced sodium beef broth", + "hot pepper sauce", + "sweet pepper", + "chopped onion", + "ground white pepper", + "cajun spice mix", + "ground black pepper", + "garlic", + "all-purpose flour", + "long-grain rice", + "water", + "cooking oil", + "crushed red pepper", + "crabmeat", + "celery" + ] + }, + { + "id": 48950, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "salt", + "dried chile", + "sugar", + "sesame oil", + "oil", + "chicken stock", + "Shaoxing wine", + "scallions", + "noodles", + "pork", + "mustard greens", + "corn starch" + ] + }, + { + "id": 12461, + "cuisine": "french", + "ingredients": [ + "water", + "red wine vinegar", + "fresh parsley", + "dijon mustard", + "purple onion", + "thick-cut bacon", + "French lentils", + "chopped celery", + "onions", + "chopped fresh thyme", + "walnut oil", + "smoked ham hocks" + ] + }, + { + "id": 683, + "cuisine": "greek", + "ingredients": [ + "garlic", + "pepper", + "greek style plain yogurt", + "fresh dill", + "salt", + "lemon", + "english cucumber" + ] + }, + { + "id": 37703, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "tuna packed in olive oil", + "olive oil", + "salt", + "tomatoes", + "balsamic vinegar", + "spaghetti", + "fresh basil", + "garlic" + ] + }, + { + "id": 43940, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "cayenne pepper", + "vegetable oil", + "water", + "all-purpose flour", + "venison roast" + ] + }, + { + "id": 29122, + "cuisine": "filipino", + "ingredients": [ + "white sugar", + "water", + "ice cubes", + "cantaloupe" + ] + }, + { + "id": 23712, + "cuisine": "mexican", + "ingredients": [ + "all-purpose flour", + "baking powder", + "salt", + "shortening", + "hot water" + ] + }, + { + "id": 12237, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "button mushrooms", + "grana padano", + "shallots", + "spaghetti", + "olive oil", + "garlic cloves", + "butter", + "free-range eggs" + ] + }, + { + "id": 27434, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "salt", + "fat free less sodium chicken broth", + "golden raisins", + "fresh lime juice", + "fresh basil", + "finely chopped onion", + "couscous", + "pinenuts", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 34499, + "cuisine": "brazilian", + "ingredients": [ + "olive oil", + "diced tomatoes", + "garlic cloves", + "melted butter", + "ground black pepper", + "salt", + "bay leaf", + "boneless skin on chicken thighs", + "white wine vinegar", + "red bell pepper", + "green bell pepper", + "coarse sea salt", + "salsa" + ] + }, + { + "id": 48628, + "cuisine": "spanish", + "ingredients": [ + "bread crumbs", + "whole milk", + "diced onions", + "ground nutmeg", + "sea salt", + "whole wheat flour", + "butter", + "eggs", + "beef", + "extra-virgin olive oil" + ] + }, + { + "id": 31340, + "cuisine": "french", + "ingredients": [ + "large eggs", + "cream cheese", + "unsalted butter", + "salt", + "grated orange", + "semisweet chocolate", + "all-purpose flour", + "unsweetened cocoa powder", + "sugar", + "fresh orange juice", + "confectioners sugar" + ] + }, + { + "id": 37154, + "cuisine": "southern_us", + "ingredients": [ + "cream sweeten whip", + "granulated sugar", + "lemon", + "vanilla bean ice cream", + "pure vanilla extract", + "peaches", + "fresh blueberries", + "salt", + "yellow corn meal", + "unsalted butter", + "baking powder", + "all-purpose flour", + "baking soda", + "large eggs", + "buttermilk" + ] + }, + { + "id": 30209, + "cuisine": "italian", + "ingredients": [ + "sugar", + "ladyfingers", + "espresso", + "dark rum", + "vanilla ice cream" + ] + }, + { + "id": 1376, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "green onions", + "medium shrimp", + "sugar", + "lemon grass", + "fresh mint", + "minced garlic", + "ground black pepper", + "fresh lime juice", + "fish sauce", + "olive oil", + "asian chili red sauc" + ] + }, + { + "id": 39707, + "cuisine": "greek", + "ingredients": [ + "garbanzo beans", + "salt", + "paprika", + "fresh parsley", + "tahini", + "lemon juice", + "olive oil", + "garlic" + ] + }, + { + "id": 2805, + "cuisine": "irish", + "ingredients": [ + "walnut pieces", + "coffee granules", + "salt", + "large egg whites", + "Irish whiskey", + "light brown sugar", + "coffee ice cream", + "heavy cream", + "water", + "granulated sugar" + ] + }, + { + "id": 6177, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "paprika", + "tequila", + "boneless chicken skinless thigh", + "flour", + "orange juice", + "lime", + "cooking spray", + "garlic cloves", + "dri fruit tropic", + "garlic powder", + "salt", + "onions" + ] + }, + { + "id": 38162, + "cuisine": "thai", + "ingredients": [ + "salt", + "water", + "mango", + "thai jasmine rice", + "sugar", + "coconut milk" + ] + }, + { + "id": 46856, + "cuisine": "mexican", + "ingredients": [ + "corn husks", + "coarse salt", + "cherries", + "fresh lime juice", + "ground pepper", + "scallions", + "avocado", + "vegetable oil" + ] + }, + { + "id": 12393, + "cuisine": "italian", + "ingredients": [ + "butternut squash", + "lemon juice", + "water", + "garlic", + "celery root", + "nutmeg", + "vegetable broth", + "butter beans", + "olive oil", + "salt" + ] + }, + { + "id": 17840, + "cuisine": "cajun_creole", + "ingredients": [ + "all-purpose flour", + "vegetable oil" + ] + }, + { + "id": 10656, + "cuisine": "mexican", + "ingredients": [ + "Cointreau Liqueur", + "kosher salt", + "key lime", + "granulated sugar", + "key lime juice", + "tequila" + ] + }, + { + "id": 46796, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "cajeta", + "unsalted butter", + "chopped pecans", + "large eggs", + "bittersweet chocolate", + "sugar", + "salt" + ] + }, + { + "id": 40673, + "cuisine": "vietnamese", + "ingredients": [ + "mint", + "soy sauce", + "sesame oil", + "fresh mint", + "asian fish sauce", + "rice stick noodles", + "european cucumber", + "roasted rice powder", + "garlic cloves", + "skirt steak", + "chiles", + "lemongrass", + "vegetable oil", + "coriander", + "sugar", + "thai basil", + "cilantro leaves", + "fresh basil leaves" + ] + }, + { + "id": 9752, + "cuisine": "indian", + "ingredients": [ + "warm water", + "cooking spray", + "whole wheat flour", + "cornmeal", + "plain low-fat yogurt", + "dry yeast", + "bread flour", + "olive oil", + "sea salt" + ] + }, + { + "id": 47697, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "salt", + "buns", + "garam masala", + "panko breadcrumbs", + "eggs", + "fresh ginger", + "yellow onion", + "ground chicken", + "jalapeno chilies" + ] + }, + { + "id": 32087, + "cuisine": "chinese", + "ingredients": [ + "mushrooms", + "vegetable oil", + "oyster sauce", + "soft tofu", + "sesame oil", + "freshly ground pepper", + "dry white wine", + "large garlic cloves", + "corn starch", + "soy sauce", + "fresh shiitake mushrooms", + "peanut oil", + "onions" + ] + }, + { + "id": 34736, + "cuisine": "southern_us", + "ingredients": [ + "cooked rice", + "black-eyed peas", + "green onions", + "salt", + "black pepper", + "tahini", + "diced tomatoes", + "greens", + "Louisiana Hot Sauce", + "nutritional yeast", + "red wine vinegar", + "chopped parsley", + "liquid smoke", + "water", + "bay leaves", + "garlic" + ] + }, + { + "id": 9597, + "cuisine": "italian", + "ingredients": [ + "pepper", + "lean ground beef", + "all-purpose flour", + "eggs", + "sun-dried tomatoes", + "part-skim ricotta cheese", + "baguette", + "extra-virgin olive oil", + "garlic cloves", + "white wine", + "parmigiano reggiano cheese", + "salt" + ] + }, + { + "id": 3616, + "cuisine": "chinese", + "ingredients": [ + "chicken breasts", + "corn starch", + "light soy sauce", + "scallions", + "black vinegar", + "sugar", + "peanut oil", + "cucumber", + "peanuts", + "garlic chili sauce" + ] + }, + { + "id": 23786, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "dry white wine", + "diced tomatoes", + "California bay leaves", + "long grain white rice", + "green bell pepper", + "low sodium chicken broth", + "large garlic cloves", + "salt", + "pimento stuffed green olives", + "saffron threads", + "unsalted butter", + "vegetable oil", + "peas", + "onions", + "ground cumin", + "water", + "pimentos", + "fresh orange juice", + "fresh lime juice", + "chicken" + ] + }, + { + "id": 42049, + "cuisine": "italian", + "ingredients": [ + "brown sugar", + "chopped fresh mint", + "balsamic vinegar", + "orange" + ] + }, + { + "id": 9997, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "whipping cream", + "milk chocolate", + "coarse sea salt", + "roasted hazelnuts", + "bosc pears", + "tart crust", + "semisweet chocolate", + "raw sugar" + ] + }, + { + "id": 1097, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "honey", + "chili sauce", + "soy sauce", + "sesame oil", + "sesame seeds", + "chicken pieces" + ] + }, + { + "id": 35747, + "cuisine": "filipino", + "ingredients": [ + "coconut sugar", + "lumpia wrappers", + "jackfruit", + "coconut oil", + "plantains", + "water" + ] + }, + { + "id": 11515, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "cilantro", + "chorizo sausage", + "sour cream", + "eggs", + "corn tortillas" + ] + }, + { + "id": 7647, + "cuisine": "southern_us", + "ingredients": [ + "water", + "grits", + "whole milk", + "unsalted butter", + "kosher salt", + "heavy cream" + ] + }, + { + "id": 22091, + "cuisine": "french", + "ingredients": [ + "vegetable oil cooking spray", + "dijon mustard", + "star anise", + "freshly ground pepper", + "fresh rosemary", + "coriander seeds", + "red wine vinegar", + "cardamom pods", + "juniper berries", + "tenderloin", + "dry red wine", + "garlic cloves", + "olive oil", + "chopped fresh thyme", + "salt", + "bay leaf" + ] + }, + { + "id": 26626, + "cuisine": "irish", + "ingredients": [ + "vegetable oil", + "salt", + "baking potatoes" + ] + }, + { + "id": 30704, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "rice noodles", + "carrots", + "mirin", + "watercress", + "white sugar", + "shredded bamboo", + "vegetable oil", + "onions", + "soy sauce", + "boneless skinless chicken breasts", + "fresh mushrooms" + ] + }, + { + "id": 42290, + "cuisine": "indian", + "ingredients": [ + "jasmine rice", + "malt vinegar", + "tamarind concentrate", + "red chili peppers", + "jalapeno chilies", + "garlic cloves", + "coconut flakes", + "coriander seeds", + "cumin seed", + "onions", + "neutral oil", + "fresh ginger", + "salt", + "medium shrimp" + ] + }, + { + "id": 26738, + "cuisine": "mexican", + "ingredients": [ + "( oz.) tomato sauce", + "diced tomatoes", + "chopped onion", + "dried oregano", + "red beans", + "chopped celery", + "green chilies", + "ground cumin", + "ground black pepper", + "lean ground beef", + "green pepper", + "white sugar", + "garlic powder", + "chili powder", + "salt", + "ground cayenne pepper" + ] + }, + { + "id": 36110, + "cuisine": "indian", + "ingredients": [ + "baking potatoes", + "chopped cilantro fresh", + "puffed rice", + "chutney", + "plum tomatoes", + "purple onion", + "serrano chile", + "noodles", + "mango" + ] + }, + { + "id": 23930, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "thai basil", + "minced garlic", + "bird chile", + "brown sugar", + "crushed red pepper flakes", + "eggplant", + "onions" + ] + }, + { + "id": 7787, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "hot chili powder", + "smoked paprika", + "garam masala", + "oil", + "ground turmeric", + "fresh coriander", + "salt", + "greek yogurt", + "mushrooms", + "lemon juice", + "ground cumin" + ] + }, + { + "id": 2418, + "cuisine": "cajun_creole", + "ingredients": [ + "angel hair", + "heavy whipping cream", + "cajun seasoning", + "green onions", + "cooked shrimp", + "butter" + ] + }, + { + "id": 33757, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "extra-virgin olive oil", + "salt", + "mustard powder", + "ghee", + "ground cumin", + "ground cloves", + "lamb stew meat", + "canned tomatoes", + "low sodium chicken stock", + "coconut milk", + "frozen peas", + "marsala wine", + "coriander powder", + "garlic", + "cayenne pepper", + "carrots", + "onions", + "pepper", + "hot pepper", + "white wine vinegar", + "cubed potatoes", + "chopped cilantro", + "ground turmeric" + ] + }, + { + "id": 48072, + "cuisine": "irish", + "ingredients": [ + "large eggs", + "yukon gold potatoes", + "kosher salt", + "chives", + "corned beef", + "black pepper", + "whole milk", + "all-purpose flour", + "unsalted butter", + "onion powder" + ] + }, + { + "id": 45880, + "cuisine": "french", + "ingredients": [ + "ground nutmeg", + "salt", + "salmon fillets", + "butter", + "chopped onion", + "swiss chard", + "2% reduced-fat milk", + "marjoram", + "eggs", + "ground black pepper", + "dry bread crumbs" + ] + }, + { + "id": 10394, + "cuisine": "indian", + "ingredients": [ + "clove", + "sugar", + "yoghurt", + "ground coriander", + "ground turmeric", + "ground cinnamon", + "ground black pepper", + "salt", + "ghee", + "ground ginger", + "chopped tomatoes", + "chili powder", + "garlic cloves", + "ground cumin", + "braising steak", + "vinegar", + "cardamom pods", + "onions" + ] + }, + { + "id": 36010, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "granulated sugar", + "salt", + "large egg yolks", + "vanilla extract", + "bittersweet chocolate", + "light brown sugar", + "coffee granules", + "1% low-fat milk", + "low-fat coffee ice cream", + "cooking spray", + "corn starch" + ] + }, + { + "id": 8297, + "cuisine": "italian", + "ingredients": [ + "purple onion", + "fresh rosemary", + "sliced mushrooms", + "salt", + "olive oil", + "chicken thighs" + ] + }, + { + "id": 1238, + "cuisine": "russian", + "ingredients": [ + "sugar", + "cranberries", + "potato flour", + "water" + ] + }, + { + "id": 10091, + "cuisine": "mexican", + "ingredients": [ + "fresh lemon juice", + "whole milk", + "sea salt", + "fresh oregano leaves" + ] + }, + { + "id": 3226, + "cuisine": "french", + "ingredients": [ + "french bread", + "all-purpose flour", + "flat leaf parsley", + "mussels", + "dry white wine", + "freshly ground pepper", + "bay leaves", + "margarine", + "thyme sprigs", + "finely chopped onion", + "salt", + "garlic cloves" + ] + }, + { + "id": 23958, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "vegetable oil", + "coconut milk", + "masala", + "garam masala", + "garlic", + "onions", + "curry powder", + "butter", + "curry paste", + "green cardamom pods", + "yoghurt", + "salt", + "chicken thighs" + ] + }, + { + "id": 22005, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "green onions", + "cilantro", + "fajita seasoning mix", + "black beans", + "zucchini", + "colby jack cheese", + "garlic cloves", + "ground black pepper", + "boneless skinless chicken breasts", + "salt", + "cumin", + "corn", + "bell pepper", + "diced tomatoes", + "onions" + ] + }, + { + "id": 43041, + "cuisine": "greek", + "ingredients": [ + "spinach", + "lemon", + "onions", + "olive oil", + "feta cheese crumbles", + "fresh dill", + "garlic", + "part-skim mozzarella cheese", + "cooked quinoa" + ] + }, + { + "id": 36387, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "penne pasta", + "black pepper", + "unsalted butter", + "frozen peas", + "prosciutto", + "onions", + "kosher salt", + "grated parmesan cheese", + "grated lemon peel" + ] + }, + { + "id": 40479, + "cuisine": "japanese", + "ingredients": [ + "whole grain dijon mustard", + "purple onion", + "salmon fillets", + "cooking spray", + "bow-tie pasta", + "fresh dill", + "ground black pepper", + "salt", + "olive oil", + "baby spinach", + "edamame" + ] + }, + { + "id": 11144, + "cuisine": "british", + "ingredients": [ + "caster sugar", + "clotted cream", + "golden syrup", + "vanilla extract" + ] + }, + { + "id": 1982, + "cuisine": "spanish", + "ingredients": [ + "green olives", + "fried eggs", + "salt", + "sour cream", + "chopped tomatoes", + "paprika", + "sweet corn", + "olive oil", + "grating cheese", + "green pepper", + "minced pork", + "jalapeno chilies", + "garlic", + "sweet paprika" + ] + }, + { + "id": 28854, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "salsa", + "flour tortillas", + "cream cheese", + "Mexican cheese blend", + "round steaks", + "mexicorn" + ] + }, + { + "id": 19773, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "linguine", + "tomatoes", + "yellow squash", + "pesto", + "sliced carrots", + "water", + "red bell pepper" + ] + }, + { + "id": 45864, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "salt", + "greek yogurt", + "baking powder", + "strawberries", + "milk", + "all-purpose flour", + "melted butter", + "lemon", + "lemon juice" + ] + }, + { + "id": 17389, + "cuisine": "mexican", + "ingredients": [ + "liquid smoke", + "worcestershire sauce", + "tequila", + "cooking oil", + "salt", + "onions", + "bell pepper", + "round steaks", + "ground black pepper", + "paprika", + "fresh lime juice" + ] + }, + { + "id": 16510, + "cuisine": "moroccan", + "ingredients": [ + "butter", + "fresh mint", + "ground cinnamon", + "fresh lemon juice", + "halibut fillets", + "carrots", + "cayenne pepper", + "grated lemon peel" + ] + }, + { + "id": 44299, + "cuisine": "italian", + "ingredients": [ + "chives", + "low-fat milk", + "unsalted butter", + "cheese", + "ground black pepper", + "all purpose unbleached flour", + "large eggs", + "fresh herbs" + ] + }, + { + "id": 5368, + "cuisine": "italian", + "ingredients": [ + "1% low-fat milk", + "asiago", + "all-purpose flour" + ] + }, + { + "id": 37644, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "olive oil", + "low sodium chicken broth", + "cayenne pepper", + "medjool date", + "kosher salt", + "almonds", + "garlic", + "cinnamon sticks", + "lamb loin", + "fresh ginger", + "paprika", + "freshly ground pepper", + "cumin", + "honey", + "lemon zest", + "yellow onion", + "couscous" + ] + }, + { + "id": 49661, + "cuisine": "italian", + "ingredients": [ + "Alfredo sauce", + "pasta sauce", + "pasta", + "hot Italian sausages", + "Italian cheese" + ] + }, + { + "id": 4174, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "lemon wedge", + "caesar salad dressing", + "dried rosemary", + "black pepper", + "bay leaves", + "worcestershire sauce", + "dried oregano", + "hot pepper sauce", + "butter", + "garlic cloves", + "baguette", + "dry white wine", + "paprika", + "large shrimp" + ] + }, + { + "id": 45576, + "cuisine": "greek", + "ingredients": [ + "fresh oregano", + "olive oil", + "red bell pepper", + "butter lettuce", + "feta cheese crumbles", + "eggplant", + "olives" + ] + }, + { + "id": 2635, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "lemon", + "water", + "tea bags", + "ice" + ] + }, + { + "id": 4694, + "cuisine": "southern_us", + "ingredients": [ + "stout", + "salt", + "crackers", + "butter", + "dry mustard", + "sharp cheddar cheese", + "rye bread", + "blue cheese", + "cayenne pepper", + "worcestershire sauce", + "white wine vinegar", + "garlic cloves" + ] + }, + { + "id": 44941, + "cuisine": "filipino", + "ingredients": [ + "chicken broth", + "fresh ginger", + "salt", + "carrots", + "pepper", + "garlic", + "freshly ground pepper", + "noodles", + "white vinegar", + "water", + "chicken stock cubes", + "oil", + "cabbage", + "soy sauce", + "thai chile", + "rice", + "onions" + ] + }, + { + "id": 5965, + "cuisine": "italian", + "ingredients": [ + "pastry", + "granulated sugar", + "powdered sugar", + "milk", + "all-purpose flour", + "slivered almonds", + "large egg yolks", + "grated lemon peel", + "pinenuts", + "large eggs" + ] + }, + { + "id": 3980, + "cuisine": "filipino", + "ingredients": [ + "water", + "water chestnuts", + "raisins", + "pineapple juice", + "corn starch", + "bamboo shoots", + "brown sugar", + "vinegar", + "flour", + "ginger", + "carrots", + "celery", + "hot pepper sauce", + "catsup", + "ground pork", + "garlic cloves", + "beansprouts", + "pepper", + "egg whites", + "vegetable oil", + "salt", + "shrimp", + "onions" + ] + }, + { + "id": 45536, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh basil", + "hot sauce", + "dried minced onion", + "olive oil", + "fresh lemon juice", + "green bell pepper", + "creole seasoning", + "couscous", + "tomatoes", + "lemon slices", + "flounder fillets" + ] + }, + { + "id": 7152, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "barbecue sauce", + "Thai fish sauce", + "clove", + "lime juice", + "capsicum", + "water", + "chicken breasts", + "onions", + "sugar", + "basil leaves", + "peanut oil" + ] + }, + { + "id": 31334, + "cuisine": "southern_us", + "ingredients": [ + "cauliflower", + "parsley", + "lemon juice", + "black pepper", + "lemon", + "coconut milk", + "chicken broth", + "butter", + "shrimp", + "garlic powder", + "salt", + "onions" + ] + }, + { + "id": 41861, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "yoghurt", + "onions", + "lime", + "green chilies", + "ginger paste", + "fresh coriander", + "curry", + "fish", + "chopped tomatoes", + "ghee", + "ground cumin" + ] + }, + { + "id": 1858, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "granulated sugar", + "roma tomatoes", + "sour cream", + "pork shoulder", + "pork belly", + "red cabbage", + "orange juice", + "honeydew", + "green cabbage", + "lime juice", + "cantaloupe", + "tequila", + "bay leaf", + "cotija", + "agave nectar", + "salt", + "corn tortillas", + "oregano" + ] + }, + { + "id": 29761, + "cuisine": "thai", + "ingredients": [ + "homemade chicken stock", + "thai basil", + "basil", + "ginger root", + "pepper", + "green onions", + "garlic cloves", + "baby bok choy", + "bonito flakes", + "salt", + "cooked shrimp", + "lime", + "rice noodles", + "beansprouts" + ] + }, + { + "id": 6542, + "cuisine": "korean", + "ingredients": [ + "sugar", + "mirin", + "sesame oil", + "corn syrup", + "black pepper", + "spring onions", + "garlic", + "iceberg lettuce", + "water", + "flank steak", + "hot sauce", + "soy sauce", + "finely chopped onion", + "red pepper", + "toasted sesame seeds" + ] + }, + { + "id": 17748, + "cuisine": "japanese", + "ingredients": [ + "kecap manis", + "soy sauce", + "rice vinegar", + "ginger", + "mirin", + "Thai fish sauce" + ] + }, + { + "id": 29091, + "cuisine": "southern_us", + "ingredients": [ + "hazelnuts", + "egg yolks", + "heavy cream", + "gingersnap crumbs", + "ground cinnamon", + "granulated sugar", + "cinnamon", + "maple syrup", + "white pepper", + "large eggs", + "butter", + "Grand Marnier", + "light brown sugar", + "mace", + "sweet potatoes", + "salt", + "orange zest" + ] + }, + { + "id": 30055, + "cuisine": "cajun_creole", + "ingredients": [ + "milk", + "shrimp", + "pepper", + "vegetables", + "olive oil", + "monterey jack", + "corn mix muffin", + "large eggs" + ] + }, + { + "id": 48770, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "cucumber", + "garlic cloves", + "chopped fresh mint", + "fresh dill", + "fresh lemon juice", + "salt", + "greek yogurt" + ] + }, + { + "id": 28023, + "cuisine": "indian", + "ingredients": [ + "powdered sugar", + "sesame seeds", + "butter", + "ground cardamom", + "ground ginger", + "honey", + "cooking spray", + "salt", + "slivered almonds", + "granulated sugar", + "cake flour", + "brown sugar", + "ground nutmeg", + "ice water" + ] + }, + { + "id": 32156, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "grated parmesan cheese", + "tomato sauce", + "lasagna noodles", + "vegetable oil", + "frozen spinach", + "ground black pepper", + "whole milk ricotta cheese", + "kosher salt", + "large eggs", + "garlic cloves" + ] + }, + { + "id": 24356, + "cuisine": "greek", + "ingredients": [ + "pointed peppers", + "olive oil", + "red wine vinegar", + "garlic", + "fresh dill", + "yoghurt", + "sea salt", + "fresh mint", + "flatbread", + "ground black pepper", + "lemon", + "cucumber", + "pork", + "dried mint flakes", + "extra-virgin olive oil", + "dried oregano" + ] + }, + { + "id": 24863, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "salt", + "olive oil spray", + "cooked rice", + "garlic", + "onions", + "reduced fat shredded cheese", + "meat", + "red bell pepper", + "cumin", + "tomato sauce", + "fat-free chicken broth", + "chopped cilantro fresh" + ] + }, + { + "id": 2533, + "cuisine": "mexican", + "ingredients": [ + "steamer", + "red bell pepper", + "tomatoes", + "2% reduced-fat milk", + "cooked chicken breasts", + "green onions", + "chopped cilantro fresh", + "Old El Paso Enchilada Sauce", + "shredded lettuce" + ] + }, + { + "id": 47619, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "fresh oregano", + "pitted kalamata olives", + "cracked black pepper", + "garlic cloves", + "balsamic vinegar", + "english cucumber", + "cherry tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 17038, + "cuisine": "chinese", + "ingredients": [ + "mushrooms", + "garlic", + "scallions", + "soy sauce", + "red pepper flakes", + "broccoli", + "corn starch", + "canned low sodium chicken broth", + "sesame oil", + "salt", + "oyster sauce", + "cooking oil", + "florets", + "chinese cabbage", + "cashew nuts" + ] + }, + { + "id": 31615, + "cuisine": "filipino", + "ingredients": [ + "pork belly", + "garlic", + "soy sauce", + "water", + "onions", + "pepper", + "oil", + "kangkong", + "vinegar" + ] + }, + { + "id": 9079, + "cuisine": "french", + "ingredients": [ + "shallots", + "cherry tomatoes", + "white wine vinegar", + "field lettuce", + "salt", + "pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 22566, + "cuisine": "mexican", + "ingredients": [ + "milk", + "green pepper", + "tomato sauce", + "garlic powder", + "ground oregano", + "shredded cheddar cheese", + "salt", + "shredded Monterey Jack cheese", + "eggs", + "chopped green chilies", + "ground beef" + ] + }, + { + "id": 20427, + "cuisine": "mexican", + "ingredients": [ + "Herdez Salsa Verde", + "garlic salt", + "olive oil", + "onions", + "water", + "bone-in pork chops", + "black pepper", + "white rice" + ] + }, + { + "id": 16169, + "cuisine": "mexican", + "ingredients": [ + "vanilla beans", + "jalapeno chilies", + "freshly ground pepper", + "chopped fresh mint", + "fresh ginger", + "extra-virgin olive oil", + "fresh mint", + "kosher salt", + "sea scallops", + "purple onion", + "fresh lime juice", + "papaya", + "white truffle oil", + "juice", + "chopped cilantro fresh" + ] + }, + { + "id": 20537, + "cuisine": "italian", + "ingredients": [ + "cremini mushrooms", + "large eggs", + "linguine", + "part-skim mozzarella cheese", + "leeks", + "salt", + "large egg whites", + "cooking spray", + "1% low-fat milk", + "fresh basil", + "ground black pepper", + "butter" + ] + }, + { + "id": 7741, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "extra firm tofu", + "rice", + "sesame seeds", + "red pepper flakes", + "olive oil", + "green onions", + "hoisin sauce", + "garlic" + ] + }, + { + "id": 2885, + "cuisine": "irish", + "ingredients": [ + "butter", + "spinach leaves", + "salt", + "rainbow trout", + "heavy cream", + "fennel", + "freshly ground pepper" + ] + }, + { + "id": 34782, + "cuisine": "filipino", + "ingredients": [ + "green bell pepper", + "pepper", + "salt", + "onions", + "tomato sauce", + "potatoes", + "carrots", + "fish sauce", + "water", + "oil", + "pork belly", + "garlic", + "red bell pepper" + ] + }, + { + "id": 10872, + "cuisine": "italian", + "ingredients": [ + "red swiss chard", + "dried apricot", + "port", + "fettucine", + "cooking oil", + "currant", + "ground black pepper", + "cinnamon", + "salt", + "pinenuts", + "grated parmesan cheese", + "garlic" + ] + }, + { + "id": 24253, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "chicken breasts", + "soy sauce", + "cilantro stems", + "red pepper flakes", + "brown sugar", + "mushrooms", + "sesame oil", + "fresh ginger", + "green onions", + "garlic" + ] + }, + { + "id": 33748, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lemon", + "lemon juice", + "zucchini", + "kalamata", + "penne rigate", + "ground black pepper", + "summer squash", + "carrots", + "fresh basil", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 23658, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chopped fresh thyme", + "garlic cloves", + "fresh rosemary", + "cooking spray", + "grated lemon zest", + "ground black pepper", + "salt", + "large shrimp", + "rosemary sprigs", + "ground red pepper", + "fresh oregano" + ] + }, + { + "id": 35562, + "cuisine": "greek", + "ingredients": [ + "baguette", + "grated lemon zest", + "extra-virgin olive oil", + "crackers", + "flatbread", + "fresh chevre", + "olives", + "cracked black pepper", + "thyme sprigs" + ] + }, + { + "id": 2321, + "cuisine": "spanish", + "ingredients": [ + "paprika", + "garlic cloves", + "water", + "purple onion", + "hothouse cucumber", + "tomatoes", + "extra-virgin olive oil", + "red bell pepper", + "sherry wine vinegar", + "country style bread", + "ground cumin" + ] + }, + { + "id": 19702, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "chopped pecans", + "pure vanilla extract", + "bourbon whiskey", + "Wholesome Sweeteners Organic Sugar", + "large eggs", + "gluten free cornmeal", + "kosher salt", + "gluten-free pie crust", + "unsweetened cocoa powder" + ] + }, + { + "id": 41627, + "cuisine": "filipino", + "ingredients": [ + "chicken wings", + "fresh ginger root", + "salt", + "glutinous rice", + "lemon", + "fish sauce", + "spring onions", + "onions", + "chicken stock", + "olive oil", + "garlic" + ] + }, + { + "id": 23639, + "cuisine": "thai", + "ingredients": [ + "prawns", + "Thai red curry paste", + "red chili peppers", + "red pepper", + "coconut milk", + "fish sauce", + "sesame oil", + "oil", + "lime", + "cilantro", + "snow peas" + ] + }, + { + "id": 32909, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "red wine vinegar", + "salt", + "black pepper", + "mahimahi", + "fresh parsley", + "pitted kalamata olives", + "extra-virgin olive oil", + "fresh oregano", + "cooking spray", + "purple onion" + ] + }, + { + "id": 27777, + "cuisine": "italian", + "ingredients": [ + "green onions", + "rice", + "feta cheese", + "garlic", + "sun-dried tomatoes in oil", + "olive oil", + "spices", + "toasted pine nuts", + "bell pepper", + "white beans" + ] + }, + { + "id": 44650, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "balsamic vinegar", + "salt", + "sugar", + "cannellini beans", + "extra-virgin olive oil", + "capers", + "cherry tomatoes", + "large garlic cloves", + "fresh basil", + "baguette", + "fresh mozzarella", + "green beans" + ] + }, + { + "id": 27608, + "cuisine": "chinese", + "ingredients": [ + "water", + "chinese rice wine", + "salt", + "fresh ginger", + "white pepper", + "varnish clams" + ] + }, + { + "id": 18544, + "cuisine": "italian", + "ingredients": [ + "red pepper flakes", + "yellow onion", + "garlic", + "carrots", + "extra-virgin olive oil", + "freshly ground pepper", + "tomatoes", + "salt", + "celery" + ] + }, + { + "id": 7129, + "cuisine": "jamaican", + "ingredients": [ + "water", + "onions", + "seasoning salt", + "curry powder", + "chicken", + "pepper", + "potatoes" + ] + }, + { + "id": 39631, + "cuisine": "french", + "ingredients": [ + "frozen pastry puff sheets", + "prosciutto", + "eggs", + "grated Gruyère cheese", + "fresh basil" + ] + }, + { + "id": 43169, + "cuisine": "japanese", + "ingredients": [ + "chili pepper", + "white miso", + "rice vinegar", + "olive oil", + "mirin", + "tilapia fillets", + "ground black pepper", + "scallions", + "sesame seeds", + "garlic" + ] + }, + { + "id": 15756, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "table salt", + "cinnamon", + "sugar", + "bread flour", + "unsalted butter", + "canola oil" + ] + }, + { + "id": 43999, + "cuisine": "brazilian", + "ingredients": [ + "bread crumbs", + "bay leaves", + "garlic", + "onions", + "chicken broth", + "lime", + "vegetable oil", + "cream cheese", + "pepper", + "chicken breasts", + "salt", + "eggs", + "flour", + "butter", + "carrots" + ] + }, + { + "id": 22325, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "almonds", + "chicken breasts", + "oil", + "cream", + "mint leaves", + "lemon", + "ground turmeric", + "garlic paste", + "garam masala", + "butter", + "cashew nuts", + "fresh coriander", + "yoghurt", + "salt" + ] + }, + { + "id": 43721, + "cuisine": "irish", + "ingredients": [ + "vegetable oil", + "irish bacon" + ] + }, + { + "id": 38291, + "cuisine": "greek", + "ingredients": [ + "whole wheat pita", + "extra-virgin olive oil", + "garlic cloves", + "cucumber", + "pitted kalamata olives", + "honey", + "salt", + "fresh lemon juice", + "black pepper", + "yellow bell pepper", + "chickpeas", + "feta cheese crumbles", + "cherry tomatoes", + "purple onion", + "hearts of romaine", + "fresh mint" + ] + }, + { + "id": 4105, + "cuisine": "southern_us", + "ingredients": [ + "fine grind white cornmeal", + "baking powder", + "milk", + "unsalted butter", + "eggs", + "salt" + ] + }, + { + "id": 6271, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "shallots", + "sausages", + "canola oil", + "hoisin sauce", + "salt", + "rice flour", + "red chili peppers", + "daikon", + "garlic chili sauce", + "green onions", + "chinese five-spice powder", + "dried shrimp" + ] + }, + { + "id": 26194, + "cuisine": "french", + "ingredients": [ + "sauerkraut", + "bay leaf", + "vegetable oil", + "caraway seeds", + "smoked sausage", + "dry white wine", + "onions" + ] + }, + { + "id": 25162, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "salt", + "unsalted butter", + "vanilla extract", + "large egg whites", + "light corn syrup", + "whole milk", + "cake flour" + ] + }, + { + "id": 34613, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "red bell pepper", + "dried basil", + "ground black pepper", + "apple juice", + "fresh parsley", + "dried thyme", + "whole peeled tomatoes", + "halibut steak", + "onions", + "tomato juice", + "salt", + "celery" + ] + }, + { + "id": 9193, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "vegetable oil", + "chopped cilantro", + "boneless skinless chicken breast halves", + "ground black pepper", + "unsweetened chocolate", + "onions", + "ground cumin", + "lime", + "fresh oregano", + "fresh parsley", + "chopped cilantro fresh", + "tomatoes", + "hot pepper", + "bay leaf", + "white sugar" + ] + }, + { + "id": 13581, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "green onions", + "garlic", + "pork butt", + "soy sauce", + "sesame oil", + "corn starch", + "snow peas", + "sugar", + "rice wine", + "salt", + "noodles", + "shiitake", + "vegetable oil", + "red bell pepper" + ] + }, + { + "id": 21795, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "purple onion", + "lemon juice", + "lemon", + "ground coriander", + "ground turmeric", + "harissa", + "salt", + "leg of lamb", + "paprika", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 27220, + "cuisine": "british", + "ingredients": [ + "Guinness Beer", + "butter", + "onions", + "granulated garlic", + "lemon pepper seasoning", + "carrots", + "honey mustard", + "lager beer", + "beef broth", + "honey", + "balsamic vinegar", + "leg of lamb" + ] + }, + { + "id": 39548, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "cooking oil", + "liver", + "eggplant", + "garlic", + "calamansi", + "ground black pepper", + "green chilies", + "onions", + "soy sauce", + "spring onions", + "red bell pepper" + ] + }, + { + "id": 19377, + "cuisine": "greek", + "ingredients": [ + "pita bread", + "olive oil", + "banana peppers", + "dried oregano", + "fresh spinach", + "purple onion", + "celery", + "fresh dill", + "garlic", + "cucumber", + "tomatoes", + "plain yogurt", + "fresh mushrooms", + "ground beef" + ] + }, + { + "id": 42554, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "garlic powder", + "non-fat sour cream", + "canola oil", + "white vinegar", + "water", + "cooking spray", + "salsa", + "low sodium soy sauce", + "seasoning salt", + "boneless skinless chicken breasts", + "red bell pepper", + "black pepper", + "flour tortillas", + "purple onion" + ] + }, + { + "id": 11338, + "cuisine": "mexican", + "ingredients": [ + "lime", + "chopped cilantro", + "pepper", + "salt", + "tomatoes", + "purple onion", + "tilapia fillets", + "cucumber" + ] + }, + { + "id": 2502, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "fresh lemon juice", + "garlic", + "extra-virgin olive oil", + "salt" + ] + }, + { + "id": 41436, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "poblano chiles", + "corn oil", + "plum tomatoes", + "water", + "onions", + "black pepper", + "chicken breasts", + "monterey jack" + ] + }, + { + "id": 10184, + "cuisine": "french", + "ingredients": [ + "firmly packed brown sugar", + "chopped pecans", + "golden delicious apples", + "brie cheese", + "brandy" + ] + }, + { + "id": 17350, + "cuisine": "french", + "ingredients": [ + "brown sugar", + "pepper", + "parsley", + "salt", + "bread crumbs", + "whole grain mustard", + "butter", + "thyme", + "lamb stock", + "rosemary", + "vegetable oil", + "rack of lamb", + "eggs", + "ruby port", + "shallots", + "garlic" + ] + }, + { + "id": 33670, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "Italian parsley leaves", + "red bell pepper", + "green bell pepper", + "shallots", + "extra-virgin olive oil", + "green olives", + "salami", + "yellow bell pepper", + "fresh oregano leaves", + "ziti", + "garlic cloves" + ] + }, + { + "id": 28481, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "ground black pepper", + "garlic", + "lime", + "green onions", + "kosher salt", + "jalapeno chilies", + "chopped cilantro", + "olive oil", + "tomatillos" + ] + }, + { + "id": 36518, + "cuisine": "mexican", + "ingredients": [ + "bread", + "vidalia onion", + "cooking spray", + "cilantro leaves", + "fresh lime juice", + "red snapper", + "ground black pepper", + "butter", + "garlic cloves", + "fat-free mayonnaise", + "capers", + "jalapeno chilies", + "salt", + "red bell pepper", + "avocado", + "large egg whites", + "tomatillos", + "ground coriander", + "chopped cilantro fresh" + ] + }, + { + "id": 30124, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "olive oil", + "garlic cloves", + "grits", + "black pepper", + "salt", + "celery seed", + "chicken broth", + "lump crab meat", + "all-purpose flour", + "onions", + "andouille sausage", + "old bay seasoning", + "shrimp" + ] + }, + { + "id": 6322, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "sour cream", + "black olives", + "vegetarian refried beans", + "taco seasoning mix", + "onions", + "tomatoes", + "salsa", + "iceberg lettuce" + ] + }, + { + "id": 42185, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chicken tenderloin", + "enchilada sauce", + "flour", + "frozen corn", + "milk", + "diced tomatoes", + "onions", + "chicken broth", + "butter", + "green pepper" + ] + }, + { + "id": 4262, + "cuisine": "brazilian", + "ingredients": [ + "crushed ice", + "key lime", + "superfine sugar", + "cachaca" + ] + }, + { + "id": 11974, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "honey", + "vegetable oil", + "grated nutmeg", + "black pepper", + "dried apricot", + "lamb shoulder chops", + "onions", + "saffron threads", + "water", + "sweet potatoes", + "salt", + "prunes", + "yellow squash", + "cinnamon", + "carrots" + ] + }, + { + "id": 10504, + "cuisine": "southern_us", + "ingredients": [ + "peach pie filling", + "pie crust", + "muffin" + ] + }, + { + "id": 14282, + "cuisine": "southern_us", + "ingredients": [ + "water", + "cheese", + "quickcooking grits", + "margarine", + "ground red pepper", + "large eggs", + "salt" + ] + }, + { + "id": 36039, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "ginger", + "soba", + "sugar", + "green onions", + "cilantro leaves", + "hard-boiled egg", + "garlic", + "soy sauce", + "sesame oil", + "rice vinegar" + ] + }, + { + "id": 19451, + "cuisine": "italian", + "ingredients": [ + "pepper", + "shallots", + "chicken stock", + "grated parmesan cheese", + "salt", + "white wine", + "mushrooms", + "chopped parsley", + "arborio rice", + "olive oil", + "butter" + ] + }, + { + "id": 46156, + "cuisine": "jamaican", + "ingredients": [ + "red kidney beans", + "pork hocks", + "ground allspice", + "coconut", + "garlic", + "long-grain rice", + "water", + "scotch bonnet chile", + "scallions", + "fresh thyme", + "salt" + ] + }, + { + "id": 9957, + "cuisine": "italian", + "ingredients": [ + "sea bass fillets", + "juice", + "fennel bulb", + "fat-free chicken broth", + "hot red pepper flakes", + "extra-virgin olive oil", + "tomatoes", + "anchovy paste", + "onions" + ] + }, + { + "id": 28911, + "cuisine": "indian", + "ingredients": [ + "shredded coconut", + "paprika", + "onions", + "tumeric", + "vegetable oil", + "asafoetida powder", + "turnips", + "leaves", + "mustard seeds", + "water", + "salt" + ] + }, + { + "id": 45867, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "red wine vinegar", + "olives", + "feta cheese", + "fresh lemon juice", + "iceberg lettuce", + "olive oil", + "purple onion", + "dried oregano", + "garlic powder", + "cucumber" + ] + }, + { + "id": 44453, + "cuisine": "cajun_creole", + "ingredients": [ + "creole mustard", + "stuffing", + "salt", + "parsley sprigs", + "dry white wine", + "rib", + "cherry tomatoes", + "heavy cream", + "dried thyme", + "vegetable oil" + ] + }, + { + "id": 18924, + "cuisine": "french", + "ingredients": [ + "mayonaise", + "chopped parsley", + "fresh lemon juice", + "haricots verts", + "celery root" + ] + }, + { + "id": 31223, + "cuisine": "mexican", + "ingredients": [ + "bacon", + "bean soup mix", + "chili powder", + "garlic", + "water", + "crushed red pepper flakes", + "chile pepper", + "onions" + ] + }, + { + "id": 41970, + "cuisine": "southern_us", + "ingredients": [ + "dry sherry", + "butter", + "cayenne pepper", + "ground black pepper", + "salt", + "lemon", + "shrimp" + ] + }, + { + "id": 31047, + "cuisine": "irish", + "ingredients": [ + "buttermilk", + "white sugar", + "eggs", + "all-purpose flour", + "raisins", + "baking soda", + "margarine" + ] + }, + { + "id": 35655, + "cuisine": "mexican", + "ingredients": [ + "frozen whole kernel corn", + "boneless skinless chicken breast halves", + "onion powder", + "chunky salsa", + "Mexican cheese blend", + "long grain white rice", + "water", + "Campbell's Condensed Cream of Chicken Soup" + ] + }, + { + "id": 9643, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "ground black pepper", + "bay leaves", + "hot sauce", + "garlic cloves", + "lemon juice", + "onions", + "green bell pepper", + "fresh thyme", + "butter", + "scallions", + "sausages", + "medium shrimp", + "tomato paste", + "cayenne", + "coarse salt", + "fresh oregano", + "ham", + "red bell pepper", + "olive oil", + "jalapeno chilies", + "diced tomatoes", + "long-grain rice", + "diced celery", + "fresh parsley" + ] + }, + { + "id": 18325, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "salt", + "cornmeal", + "flour", + "cayenne pepper", + "crawfish", + "hot sauce", + "buttermilk", + "peanut oil" + ] + }, + { + "id": 16750, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "crushed red pepper", + "parmigiano-reggiano cheese", + "basil leaves", + "tomatoes", + "ground black pepper", + "garlic cloves", + "pinenuts", + "extra-virgin olive oil" + ] + }, + { + "id": 15953, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "pepperoncini", + "unsalted butter", + "hamburger buns", + "salami" + ] + }, + { + "id": 48604, + "cuisine": "chinese", + "ingredients": [ + "baby bok choy", + "sweet potatoes", + "chinese five-spice powder", + "rib eye steaks", + "kosher salt", + "vegetable oil", + "soy sauce", + "green onions", + "reduced sodium beef broth", + "fresh ginger", + "large garlic cloves" + ] + }, + { + "id": 25553, + "cuisine": "indian", + "ingredients": [ + "chili flakes", + "fresh ginger", + "baby spinach", + "salt", + "bird chile", + "tumeric", + "potatoes", + "heavy cream", + "lemon juice", + "chopped garlic", + "spinach", + "finely chopped onion", + "butter", + "grated nutmeg", + "chopped cilantro", + "fenugreek leaves", + "olive oil", + "vegetable oil", + "ginger", + "corn starch" + ] + }, + { + "id": 5956, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "rice vinegar", + "wasabi", + "dried bonito flakes", + "sesame oil", + "green onions", + "soba noodles" + ] + }, + { + "id": 30060, + "cuisine": "indian", + "ingredients": [ + "whole milk", + "lime" + ] + }, + { + "id": 38632, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "granulated sugar", + "celery seed", + "tumeric", + "coarse salt", + "onions", + "green bell pepper", + "green tomatoes", + "red bell pepper", + "water", + "mustard seeds", + "cabbage" + ] + }, + { + "id": 33246, + "cuisine": "thai", + "ingredients": [ + "fennel seeds", + "curry powder", + "shallots", + "cumin seed", + "chiles", + "coriander seeds", + "garlic", + "galangal", + "lime rind", + "shrimp paste", + "salt", + "white peppercorns", + "fresh turmeric", + "lemongrass", + "cilantro root", + "hot water" + ] + }, + { + "id": 18188, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "ham", + "salt", + "boiling water", + "parsley", + "pork sausages", + "pepper", + "yellow onion" + ] + }, + { + "id": 27250, + "cuisine": "korean", + "ingredients": [ + "radishes", + "salt", + "napa cabbage", + "red cabbage", + "scallions", + "chili paste", + "ginger" + ] + }, + { + "id": 44082, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "grated jack cheese", + "jalapeno chilies", + "corn tortillas", + "tomato sauce", + "sour cream", + "vegetable oil" + ] + }, + { + "id": 38345, + "cuisine": "mexican", + "ingredients": [ + "water", + "coarse salt", + "garlic cloves", + "white onion", + "Mexican oregano", + "fresh orange juice", + "ground black pepper", + "ancho powder", + "cider vinegar", + "achiote", + "ground allspice" + ] + }, + { + "id": 450, + "cuisine": "russian", + "ingredients": [ + "granulated sugar", + "vanilla", + "unsalted butter", + "golden raisins", + "confectioners sugar", + "large eggs", + "salt", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 43635, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "oil", + "pinenuts", + "pasta", + "olive oil", + "romano cheese", + "garlic cloves" + ] + }, + { + "id": 28216, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "lamb leg", + "kosher salt", + "garlic", + "fresh rosemary", + "dijon mustard", + "olive oil", + "lemon juice" + ] + }, + { + "id": 42162, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "extra-virgin olive oil", + "onions", + "fresh parmesan cheese", + "low salt chicken broth", + "shallots", + "flat leaf parsley", + "pepper", + "salt" + ] + }, + { + "id": 20408, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "potatoes", + "vegetable oil", + "salt", + "corn starch", + "ground cumin", + "tumeric", + "chopped tomatoes", + "butternut squash", + "paprika", + "ground coriander", + "bay leaf", + "water", + "unsalted butter", + "chili powder", + "cauliflower florets", + "garlic cloves", + "onions", + "fresh ginger", + "fenugreek", + "cinnamon", + "chickpeas", + "red bell pepper" + ] + }, + { + "id": 37335, + "cuisine": "brazilian", + "ingredients": [ + "black beans", + "chopped green bell pepper", + "garlic", + "onions", + "frozen orange juice concentrate", + "orange", + "Tabasco Pepper Sauce", + "lemon juice", + "cumin", + "crushed tomatoes", + "jalapeno chilies", + "chopped celery", + "dried oregano", + "molasses", + "olive oil", + "white rice", + "red bell pepper" + ] + }, + { + "id": 27263, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "Mexican oregano", + "ground cumin", + "ground cinnamon", + "minced garlic", + "fresh pork fat", + "hog casings", + "cider vinegar", + "ancho powder", + "ground cloves", + "ground black pepper", + "pork shoulder" + ] + }, + { + "id": 12027, + "cuisine": "russian", + "ingredients": [ + "tomato juice", + "whipping cream", + "beets", + "onions", + "fresh dill", + "green onions", + "salt", + "carrots", + "potatoes", + "canned tomatoes", + "garlic cloves", + "cabbage", + "water", + "butter", + "green pepper", + "celery" + ] + }, + { + "id": 48057, + "cuisine": "italian", + "ingredients": [ + "sliced black olives", + "garlic", + "sweet onion", + "extra-virgin olive oil", + "fresh parsley", + "fresh tomatoes", + "french bread", + "feta cheese crumbles", + "fresh basil", + "grated parmesan cheese", + "fresh oregano" + ] + }, + { + "id": 32394, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "lemon", + "striped bass", + "dried thyme", + "unsalted butter", + "salt", + "ground black pepper", + "paprika", + "ground white pepper", + "olive oil", + "chili powder", + "meat bones" + ] + }, + { + "id": 38448, + "cuisine": "korean", + "ingredients": [ + "pepper flakes", + "oysters", + "chives", + "shrimp", + "kosher salt", + "beef stock", + "yellow onion", + "sweet rice flour", + "sugar", + "fresh ginger", + "napa cabbage", + "brine", + "seasoning", + "minced garlic", + "green onions", + "sauce" + ] + }, + { + "id": 43112, + "cuisine": "italian", + "ingredients": [ + "durum wheat flour", + "water", + "flour for dusting" + ] + }, + { + "id": 6476, + "cuisine": "chinese", + "ingredients": [ + "salt", + "water", + "chopped garlic", + "vegetable oil", + "greens" + ] + }, + { + "id": 91, + "cuisine": "greek", + "ingredients": [ + "unsalted butter", + "hazelnuts", + "greek yogurt", + "sugar", + "plums", + "honey" + ] + }, + { + "id": 23503, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "peanut oil", + "salt and ground black pepper", + "onions", + "yellow summer squash", + "self-rising cornmeal", + "onion powder" + ] + }, + { + "id": 46709, + "cuisine": "greek", + "ingredients": [ + "dried basil", + "butter", + "spinach", + "vegetable oil", + "onions", + "eggs", + "feta cheese", + "fresh mushrooms", + "phyllo dough", + "ricotta cheese" + ] + }, + { + "id": 15330, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "fresh parsley", + "parsnips", + "garlic cloves", + "ground lamb", + "ground cinnamon", + "diced tomatoes", + "onions", + "penne", + "feta cheese crumbles" + ] + }, + { + "id": 31718, + "cuisine": "brazilian", + "ingredients": [ + "dried thyme", + "garlic cloves", + "fat free less sodium chicken broth", + "turkey kielbasa", + "fresh parsley", + "olive oil", + "chipotles in adobo", + "black beans", + "chopped onion" + ] + }, + { + "id": 9244, + "cuisine": "indian", + "ingredients": [ + "clove", + "eggs", + "cinnamon", + "oil", + "ground cumin", + "curry leaves", + "fresh cilantro", + "salt", + "coriander", + "tomatoes", + "chili powder", + "cardamom pods", + "ground turmeric", + "tomato paste", + "sugar", + "garlic", + "onions" + ] + }, + { + "id": 6425, + "cuisine": "italian", + "ingredients": [ + "coffee granules", + "bittersweet chocolate", + "sugar", + "1% low-fat milk", + "vanilla", + "unsweetened cocoa powder", + "sliced almonds", + "corn starch" + ] + }, + { + "id": 10915, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "water", + "Shaoxing wine", + "oyster sauce", + "canola oil", + "cold water", + "black pepper", + "white rice vinegar", + "garlic cloves", + "corn starch", + "sugar pea", + "hong kong-style noodles", + "scallions", + "shrimp", + "soy sauce", + "fresh ginger", + "sesame oil", + "carrots" + ] + }, + { + "id": 14470, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "brown mustard seeds", + "garlic", + "ground turmeric", + "water", + "sea salt", + "cumin seed", + "baby spinach leaves", + "chili powder", + "yellow onion", + "tomatoes", + "mung beans", + "ginger", + "carrots" + ] + }, + { + "id": 3217, + "cuisine": "french", + "ingredients": [ + "shortening", + "large eggs", + "warm water", + "all-purpose flour", + "sugar", + "salt", + "food colouring", + "active dry yeast", + "bread flour" + ] + }, + { + "id": 15328, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "berries", + "frozen blackberries", + "butter", + "sugar", + "whole milk", + "water", + "buttermilk" + ] + }, + { + "id": 33539, + "cuisine": "chinese", + "ingredients": [ + "honey", + "oil", + "garlic paste", + "spring onions", + "chili flakes", + "prawns", + "corn flour", + "soy sauce", + "tomato ketchup" + ] + }, + { + "id": 39930, + "cuisine": "vietnamese", + "ingredients": [ + "clove", + "water", + "thai basil", + "mushrooms", + "star anise", + "cinnamon sticks", + "toasted sesame seeds", + "cabbage", + "black peppercorns", + "fresh ginger", + "Sriracha", + "veggies", + "cardamom pods", + "mung bean sprouts", + "greens", + "fennel seeds", + "lime", + "swiss chard", + "spring onions", + "tamari soy sauce", + "bok choy", + "noodles", + "broccoli romanesco", + "cauliflower", + "spinach", + "coriander seeds", + "bell pepper", + "sea salt", + "carrots", + "onions", + "soba" + ] + }, + { + "id": 40763, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "onions", + "salt", + "ground cumin", + "water", + "frozen mixed vegetables", + "vegetable oil", + "basmati rice" + ] + }, + { + "id": 39562, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "pistachios", + "salt", + "garlic cloves", + "honey", + "ground red pepper", + "chickpeas", + "fat free less sodium chicken broth", + "golden raisins", + "cilantro leaves", + "ground cumin", + "olive oil", + "lamb stew meat", + "chopped onion" + ] + }, + { + "id": 429, + "cuisine": "italian", + "ingredients": [ + "whole milk", + "large egg yolks", + "bittersweet chocolate", + "heavy cream", + "granulated sugar", + "unsweetened cocoa powder" + ] + }, + { + "id": 17093, + "cuisine": "french", + "ingredients": [ + "olive oil", + "garlic cloves", + "reduced sodium chicken broth", + "dry bread crumbs", + "carrot sticks", + "pork tenderloin", + "thyme sprigs", + "dijon mustard", + "lentils" + ] + }, + { + "id": 15776, + "cuisine": "southern_us", + "ingredients": [ + "white onion", + "diced tomatoes", + "salt and ground black pepper", + "sour cream", + "shredded cheddar cheese", + "cream cheese", + "mayonaise", + "garlic powder" + ] + }, + { + "id": 22610, + "cuisine": "moroccan", + "ingredients": [ + "green olives", + "paprika", + "yellow onion", + "ground cumin", + "lemon", + "all-purpose flour", + "fat", + "olive oil", + "salt", + "freshly ground pepper", + "lamb shoulder chops", + "beef broth", + "fresh mint" + ] + }, + { + "id": 46863, + "cuisine": "british", + "ingredients": [ + "cod", + "vinegar", + "sea salt", + "tartar sauce", + "baking soda", + "corn oil", + "salt", + "water", + "potatoes", + "malt vinegar", + "ground black pepper", + "lemon wedge", + "all-purpose flour" + ] + }, + { + "id": 33613, + "cuisine": "korean", + "ingredients": [ + "sugar", + "sesame oil", + "garlic cloves", + "Sriracha", + "rice vinegar", + "soy sauce", + "ginger", + "toasted sesame seeds", + "flank steak", + "scallions" + ] + }, + { + "id": 2876, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "garlic herb spreadable cheese", + "purple onion", + "vegetable oil spray", + "refrigerated pizza dough", + "zucchini", + "flat leaf parsley" + ] + }, + { + "id": 7310, + "cuisine": "cajun_creole", + "ingredients": [ + "oysters", + "salt", + "celery ribs", + "large garlic cloves", + "freshly ground pepper", + "watercress", + "hot sauce", + "baguette", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 43356, + "cuisine": "french", + "ingredients": [ + "fresh thyme leaves", + "grated Gruyère cheese", + "unsalted butter", + "all-purpose flour", + "large eggs", + "cayenne pepper", + "kosher salt", + "asiago" + ] + }, + { + "id": 37871, + "cuisine": "italian", + "ingredients": [ + "water", + "extra-virgin olive oil", + "light brown sugar", + "egg whites", + "sesame seeds", + "bread flour", + "active dry yeast", + "salt" + ] + }, + { + "id": 12584, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "frozen corn", + "onions", + "black beans", + "garlic", + "enchilada sauce", + "frozen tater tots", + "green chilies", + "taco seasoning mix", + "black olives", + "ground beef" + ] + }, + { + "id": 49543, + "cuisine": "filipino", + "ingredients": [ + "large eggs", + "shells", + "crab meat", + "potatoes", + "onions", + "cooking oil", + "salt", + "ground pepper", + "garlic" + ] + }, + { + "id": 39687, + "cuisine": "italian", + "ingredients": [ + "hot red pepper flakes", + "anchovy fillets", + "broccoli rabe", + "gemelli", + "panko", + "garlic cloves", + "extra-virgin olive oil" + ] + }, + { + "id": 37688, + "cuisine": "italian", + "ingredients": [ + "pepper", + "whole wheat penne pasta", + "boneless skinless chicken breasts", + "garlic cloves", + "grated parmesan cheese", + "reduced fat alfredo sauce", + "frozen chopped broccoli" + ] + }, + { + "id": 49438, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "chinese rice wine", + "egg noodles", + "yellow onion", + "chicken stock", + "chinese celery", + "garlic", + "pork", + "green onions", + "canola oil" + ] + }, + { + "id": 21395, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "olive oil", + "onions", + "garlic bulb", + "chicken legs", + "thyme", + "tomatoes", + "red wine", + "pasta", + "red chili peppers", + "chopped parsley" + ] + }, + { + "id": 23689, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "hot water", + "fine sea salt", + "parsley sprigs", + "garlic cloves", + "white rice", + "canola oil" + ] + }, + { + "id": 11992, + "cuisine": "japanese", + "ingredients": [ + "lemongrass", + "napa cabbage", + "semi firm tofu", + "snow peas", + "sambal ulek", + "udon", + "rice vinegar", + "carrots", + "dashi kombu", + "tamari soy sauce", + "yams", + "sliced green onions", + "water", + "peeled fresh ginger", + "dried shiitake mushrooms", + "chopped cilantro fresh" + ] + }, + { + "id": 29494, + "cuisine": "chinese", + "ingredients": [ + "Sriracha", + "beer", + "garlic", + "char siu sauce", + "pickle juice", + "pork ribs", + "salt" + ] + }, + { + "id": 37332, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "salt", + "pepper", + "green onions", + "corn tortillas", + "cheddar cheese", + "sliced olives", + "hamburger", + "chili", + "diced tomatoes" + ] + }, + { + "id": 702, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "orzo", + "red bell pepper", + "grated parmesan cheese", + "frozen chopped spinach, thawed and squeezed dry", + "pepper", + "garlic", + "onions" + ] + }, + { + "id": 87, + "cuisine": "filipino", + "ingredients": [ + "less sodium soy sauce", + "onions", + "ground pepper", + "salt", + "water", + "garlic", + "lean ground beef", + "green beans" + ] + }, + { + "id": 8768, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "cilantro leaves", + "onions", + "paneer", + "cumin seed", + "capsicum", + "green chilies", + "salt", + "oil" + ] + }, + { + "id": 860, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "Thai red curry paste", + "chicken stock", + "lime juice", + "red chili peppers", + "coconut milk", + "chicken breast fillets", + "pumpkin" + ] + }, + { + "id": 36045, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "red wine vinegar", + "garlic cloves", + "sliced green onions", + "fresh basil", + "salad greens", + "salt", + "cucumber", + "green bell pepper", + "tomato juice", + "hot sauce", + "large shrimp", + "tomatoes", + "black pepper", + "extra-virgin olive oil", + "green beans" + ] + }, + { + "id": 40812, + "cuisine": "southern_us", + "ingredients": [ + "crystallized ginger", + "butter", + "softened butter", + "melted butter", + "baking powder", + "all-purpose flour", + "fresh blueberries", + "salt", + "granulated sugar", + "buttermilk", + "confectioners sugar" + ] + }, + { + "id": 39641, + "cuisine": "mexican", + "ingredients": [ + "fresh lime juice", + "water", + "sugar", + "fresh lemon juice" + ] + }, + { + "id": 21734, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "salt", + "corn starch", + "canola oil", + "catfish fillets", + "water", + "all-purpose flour", + "fresh lime juice", + "black pepper", + "seasoned rice wine vinegar", + "bok choy", + "sliced green onions", + "fish sauce", + "cooking spray", + "hot chili sauce", + "five-spice powder" + ] + }, + { + "id": 11019, + "cuisine": "vietnamese", + "ingredients": [ + "chiles", + "baguette", + "cilantro", + "cucumber", + "sugar", + "shallots", + "oil", + "mayonaise", + "pickled carrots", + "garlic", + "pepper", + "daikon", + "shrimp" + ] + }, + { + "id": 18896, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lemon grass", + "egg noodles, cooked and drained", + "onions", + "red chili peppers", + "mixed vegetables", + "juice", + "coriander", + "brown sugar", + "chili powder", + "low sodium chicken stock", + "chicken thighs", + "green curry paste", + "garlic", + "coconut milk", + "cumin" + ] + }, + { + "id": 14386, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "corn kernels", + "chicken meat", + "cilantro leaves", + "sour cream", + "tomato sauce", + "garbanzo beans", + "purple onion", + "grated jack cheese", + "green bell pepper", + "kidney beans", + "prepar salsa", + "tortilla chips", + "minced garlic", + "ground black pepper", + "salt", + "sharp cheddar cheese" + ] + }, + { + "id": 3456, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "fresh thyme", + "field peas", + "kosher salt", + "short-grain rice", + "garlic cloves", + "chicken broth", + "water", + "bay leaves", + "smoked ham hocks", + "fresh rosemary", + "sweet onion", + "fatback" + ] + }, + { + "id": 14378, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "onions", + "green cabbage", + "prosciutto" + ] + }, + { + "id": 47120, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "ranch dressing", + "mozzarella cheese", + "pesto", + "butter", + "boneless skinless chicken breasts" + ] + }, + { + "id": 41874, + "cuisine": "british", + "ingredients": [ + "water", + "baking potatoes", + "beef broth", + "rosemary sprigs", + "whole milk", + "salt", + "thyme sprigs", + "spinach", + "unsalted butter", + "extra-virgin olive oil", + "carrots", + "lamb shanks", + "dry white wine", + "all-purpose flour", + "onions" + ] + }, + { + "id": 4282, + "cuisine": "indian", + "ingredients": [ + "ginger piece", + "green peas", + "all-purpose flour", + "ground turmeric", + "curry leaves", + "seeds", + "salt", + "oil", + "potatoes", + "garlic", + "green chilies", + "ground cumin", + "water", + "chili powder", + "cilantro leaves", + "mustard seeds" + ] + }, + { + "id": 21268, + "cuisine": "mexican", + "ingredients": [ + "milk", + "baking powder", + "heavy whipping cream", + "cream of tartar", + "egg yolks", + "all-purpose flour", + "egg whites", + "vanilla extract", + "sweetened condensed milk", + "evaporated milk", + "butter", + "white sugar" + ] + }, + { + "id": 698, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "dry sherry", + "ground ginger", + "flour", + "margarine", + "cold water", + "water", + "ground pork", + "eggs", + "green onions", + "corn starch" + ] + }, + { + "id": 3255, + "cuisine": "vietnamese", + "ingredients": [ + "clove", + "water", + "coriander seeds", + "salt", + "chopped cilantro fresh", + "fish sauce", + "lime", + "rice noodles", + "onions", + "fennel seeds", + "cooked turkey", + "chilegarlic sauce", + "cardamom pods", + "turkey carcass", + "fresh ginger", + "star anise", + "fresh basil leaves" + ] + }, + { + "id": 6063, + "cuisine": "chinese", + "ingredients": [ + "starch", + "ginger", + "soy", + "water", + "shallots", + "salt", + "regular tofu", + "bean paste", + "garlic", + "shiitake", + "szechwan peppercorns", + "oil" + ] + }, + { + "id": 23968, + "cuisine": "chinese", + "ingredients": [ + "chicken bouillon", + "Shaoxing wine", + "oil", + "bean curd skins", + "worcestershire sauce", + "yellow chives", + "potato starch", + "egg whites", + "salt", + "white pepper", + "sesame oil", + "shrimp" + ] + }, + { + "id": 27785, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "water", + "green onions", + "cilantro leaves", + "corn tortillas", + "black beans", + "crema mexican", + "Mexican oregano", + "sharp cheddar cheese", + "monterey jack", + "lower sodium chicken broth", + "olive oil", + "ground sirloin", + "chopped onion", + "fresh lime juice", + "kosher salt", + "cooking spray", + "garlic", + "ancho chile pepper", + "ground cumin" + ] + }, + { + "id": 21961, + "cuisine": "british", + "ingredients": [ + "salt", + "pepper", + "boiling potatoes", + "mashed potatoes", + "onions", + "butter", + "cabbage" + ] + }, + { + "id": 29118, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "chicken", + "bay leaves", + "freshly ground pepper", + "stone-ground cornmeal", + "all-purpose flour", + "fresh rosemary", + "sea salt", + "lard" + ] + }, + { + "id": 11277, + "cuisine": "southern_us", + "ingredients": [ + "all-purpose flour", + "dry mustard", + "shredded sharp cheddar cheese", + "apple cider" + ] + }, + { + "id": 9745, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "scallions", + "wonton wrappers", + "reduced sodium soy sauce" + ] + }, + { + "id": 28317, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "salt", + "green onions", + "asparagus", + "black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 5735, + "cuisine": "filipino", + "ingredients": [ + "meat", + "dried rice noodles", + "lemon", + "onions", + "vegetable oil", + "carrots", + "soy sauce", + "garlic", + "cabbage" + ] + }, + { + "id": 21290, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "all-purpose flour", + "milk", + "fully cooked ham", + "shredded mozzarella cheese", + "lasagna noodles", + "margarine", + "dried thyme", + "garlic" + ] + }, + { + "id": 44522, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "salt", + "sugar", + "ground black pepper", + "olive oil", + "all-purpose flour", + "warm water", + "kalamata" + ] + }, + { + "id": 25663, + "cuisine": "indian", + "ingredients": [ + "pepper", + "salt", + "ground cumin", + "olive oil", + "lemon juice", + "cooking spray", + "chutney", + "minced garlic", + "lamb loin chops" + ] + }, + { + "id": 48526, + "cuisine": "brazilian", + "ingredients": [ + "kosher salt", + "fish stock", + "filet", + "cooked white rice", + "palm oil", + "thai basil", + "garlic", + "fresh lime juice", + "olive oil", + "cilantro", + "coconut milk", + "plum tomatoes", + "cuban peppers", + "ground black pepper", + "yellow onion", + "medium shrimp" + ] + }, + { + "id": 43305, + "cuisine": "korean", + "ingredients": [ + "garlic", + "toasted sesame seeds", + "soy sauce", + "scallions", + "sugar", + "rice vinegar", + "gochugaru", + "toasted sesame oil" + ] + }, + { + "id": 7366, + "cuisine": "spanish", + "ingredients": [ + "potatoes", + "garlic cloves", + "chili pepper", + "diced tomatoes", + "olive oil", + "cayenne pepper", + "sea salt", + "sage" + ] + }, + { + "id": 24084, + "cuisine": "indian", + "ingredients": [ + "green peas", + "chopped cilantro fresh", + "curry powder", + "dark sesame oil", + "instant rice", + "salt", + "large shrimp", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 39798, + "cuisine": "vietnamese", + "ingredients": [ + "dark soy sauce", + "ground black pepper", + "pork shoulder", + "lemongrass", + "garlic", + "fish sauce", + "shallots", + "honey", + "oil" + ] + }, + { + "id": 39677, + "cuisine": "southern_us", + "ingredients": [ + "whipped topping", + "sweetened coconut flakes", + "yellow cake mix", + "sweetened condensed milk", + "cream of coconut" + ] + }, + { + "id": 30230, + "cuisine": "jamaican", + "ingredients": [ + "lettuce", + "brown sugar", + "dried thyme", + "sandwich bread", + "salt", + "ground cinnamon", + "pork", + "onion powder", + "habanero", + "allspice", + "ground ginger", + "mayonaise", + "garlic powder", + "lemon", + "red bell pepper", + "low sodium soy sauce", + "black pepper", + "vegetable oil", + "purple onion" + ] + }, + { + "id": 8499, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "garlic powder", + "pasta sauce", + "olive oil", + "italian seasoning", + "eggs", + "bulk italian sausag", + "dry bread crumbs", + "black pepper", + "eggplant" + ] + }, + { + "id": 4445, + "cuisine": "italian", + "ingredients": [ + "fennel bulb", + "pizza doughs", + "kosher salt", + "crushed red pepper", + "olive oil", + "purple onion", + "tomatoes", + "parmigiano reggiano cheese", + "Italian turkey sausage" + ] + }, + { + "id": 9255, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "baking powder", + "chopped pecans", + "yellow corn meal", + "dried thyme", + "salt", + "milk", + "butter", + "sour cream", + "sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 26421, + "cuisine": "italian", + "ingredients": [ + "Alfredo sauce", + "grape tomatoes", + "shredded mozzarella cheese", + "cooked bacon", + "Pillsbury Thin Pizza Crust", + "arugula" + ] + }, + { + "id": 23482, + "cuisine": "southern_us", + "ingredients": [ + "fresh parmesan cheese", + "cooking spray", + "dried rosemary", + "dijon mustard", + "dry bread crumbs", + "ground black pepper", + "salt", + "honey", + "low-fat buttermilk", + "chicken thighs" + ] + }, + { + "id": 38954, + "cuisine": "italian", + "ingredients": [ + "low sodium chicken broth", + "peas", + "prosciutto", + "dry white wine", + "grated parmesan cheese", + "butter", + "orzo pasta", + "fresh basil leaves" + ] + }, + { + "id": 9123, + "cuisine": "mexican", + "ingredients": [ + "skim milk", + "vanilla extract", + "egg substitute", + "sugar" + ] + }, + { + "id": 5921, + "cuisine": "indian", + "ingredients": [ + "sea salt", + "sugar", + "Spring! Water", + "vegetable oil", + "basmati rice", + "urad dal" + ] + }, + { + "id": 46389, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "salt", + "curry paste", + "mussels", + "vegetable oil", + "coconut milk", + "brown sugar", + "garlic cloves", + "diced onions", + "vegetable stock", + "chopped cilantro" + ] + }, + { + "id": 7602, + "cuisine": "vietnamese", + "ingredients": [ + "green cabbage", + "boneless, skinless chicken breast", + "salt", + "sugar", + "peanuts", + "carrots", + "canned low sodium chicken broth", + "lime juice", + "scallions", + "soy sauce", + "red pepper flakes", + "chopped fresh mint" + ] + }, + { + "id": 18950, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "Italian turkey sausage", + "olive oil", + "minced garlic", + "roasted tomatoes", + "fresh oregano" + ] + }, + { + "id": 16160, + "cuisine": "italian", + "ingredients": [ + "sugar", + "orange juice", + "water", + "orange rind" + ] + }, + { + "id": 34004, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "pepper", + "jalapeno chilies", + "salt", + "shredded Monterey Jack cheese", + "cotija", + "feta cheese", + "cilantro", + "corn tortillas", + "white onion", + "agave nectar", + "garlic", + "chopped cilantro fresh", + "chiles", + "peeled tomatoes", + "vegetable oil", + "juice" + ] + }, + { + "id": 13875, + "cuisine": "french", + "ingredients": [ + "tawny port", + "fig jam", + "fresh lemon juice", + "toast points", + "unsalted butter", + "onions", + "chicken livers", + "allspice" + ] + }, + { + "id": 22115, + "cuisine": "indian", + "ingredients": [ + "water", + "semolina", + "baking powder", + "rose water", + "cardamon", + "ghee", + "coconut", + "granulated sugar", + "vegetable oil", + "plain flour", + "milk", + "powdered milk" + ] + }, + { + "id": 36368, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "sea salt", + "yellow onion", + "ground turmeric", + "eggplant", + "garlic", + "ground coriander", + "olive oil", + "diced tomatoes", + "chickpeas", + "ground cumin", + "ground ginger", + "pumpkin", + "cilantro leaves", + "ground cardamom" + ] + }, + { + "id": 43601, + "cuisine": "russian", + "ingredients": [ + "fresh orange", + "granulated sugar", + "salt", + "unsalted butter", + "golden raisins", + "confectioners sugar", + "active dry yeast", + "whole milk", + "blanched almonds", + "warm water", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 25865, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "salt", + "jalapeno chilies", + "chopped cilantro fresh", + "hot pepper sauce", + "fresh lime juice", + "garlic powder", + "green onions", + "plum tomatoes" + ] + }, + { + "id": 33423, + "cuisine": "spanish", + "ingredients": [ + "plain low-fat yogurt", + "artichokes", + "fresh dill", + "orange juice", + "honey", + "grated orange", + "low-fat sour cream", + "salt" + ] + }, + { + "id": 22099, + "cuisine": "southern_us", + "ingredients": [ + "parmesan cheese", + "bread slices", + "bacon slices", + "sliced turkey", + "plum tomatoes", + "sauce" + ] + }, + { + "id": 32358, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "warm water", + "garlic", + "onions", + "tomato sauce", + "whole wheat flour", + "green pepper", + "pizza toppings", + "olive oil", + "salt", + "yeast", + "sugar", + "flour", + "shredded mozzarella cheese" + ] + }, + { + "id": 35005, + "cuisine": "filipino", + "ingredients": [ + "lemongrass", + "freshly ground pepper", + "banana leaves", + "onions", + "calamansi juice", + "rock salt", + "fish sauce", + "garlic", + "chicken" + ] + }, + { + "id": 21439, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "frozen corn", + "enchilada sauce", + "lean ground beef", + "fajita size flour tortillas", + "cumin", + "chili powder", + "salsa", + "Mexican cheese", + "pepper", + "salt", + "green chilies" + ] + }, + { + "id": 4083, + "cuisine": "thai", + "ingredients": [ + "water", + "shallots", + "rice vinegar", + "warm water", + "cherry tomatoes", + "vegetable oil", + "onions", + "firmly packed brown sugar", + "tamarind", + "rice noodles", + "red bell pepper", + "fresh coriander", + "thai basil", + "garlic", + "asian fish sauce" + ] + }, + { + "id": 26899, + "cuisine": "italian", + "ingredients": [ + "green olives", + "extra-virgin olive oil", + "baguette", + "garlic cloves", + "pitted kalamata olives", + "crushed red pepper", + "fresh rosemary", + "anchovy paste", + "fresh lemon juice" + ] + }, + { + "id": 46600, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "ginger", + "soy sauce", + "green onions", + "oyster mushrooms", + "mirin", + "garlic", + "chili pepper", + "sesame oil", + "carrots" + ] + }, + { + "id": 7312, + "cuisine": "irish", + "ingredients": [ + "lemon zest", + "eggs", + "salt", + "butter", + "sugar", + "lemon juice" + ] + }, + { + "id": 16788, + "cuisine": "mexican", + "ingredients": [ + "milk", + "ground black pepper", + "butter", + "salsa", + "chopped cilantro fresh", + "fresh spinach", + "olive oil", + "flour tortillas", + "black olives", + "sour cream", + "lime", + "pepper jack", + "poblano chilies", + "cayenne pepper", + "ground cumin", + "lime juice", + "garlic powder", + "green onions", + "all-purpose flour", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 32779, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil", + "water", + "smoked turkey sausage", + "red beans" + ] + }, + { + "id": 29773, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "yellow onion", + "baguette", + "extra-virgin olive oil", + "plum tomatoes", + "kosher salt", + "hard-boiled egg", + "ham", + "sherry vinegar", + "garlic" + ] + }, + { + "id": 39349, + "cuisine": "irish", + "ingredients": [ + "cooking spray", + "grated lemon zest", + "fat free yogurt", + "non-fat sour cream", + "fresh lemon juice", + "trout fillet", + "dill", + "pepper", + "salt", + "cucumber" + ] + }, + { + "id": 17943, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "enchilada sauce", + "condensed cream of chicken soup", + "cooked chicken", + "ripe olives", + "shredded cheddar cheese", + "shredded lettuce", + "sliced green onions", + "flour tortillas", + "sour cream" + ] + }, + { + "id": 10089, + "cuisine": "italian", + "ingredients": [ + "mayonaise", + "green onions", + "flavored rice mix", + "hot pepper sauce", + "lemon juice", + "curry powder", + "worcestershire sauce", + "green bell pepper", + "artichok heart marin", + "pimento stuffed green olives" + ] + }, + { + "id": 42266, + "cuisine": "greek", + "ingredients": [ + "salt", + "plain yogurt", + "sour cream", + "pepper", + "chopped fresh mint", + "cucumber" + ] + }, + { + "id": 15623, + "cuisine": "thai", + "ingredients": [ + "spinach", + "Thai fish sauce", + "unsweetened coconut milk", + "red curry paste", + "medium shrimp", + "cooked rice", + "carrots", + "fresh coriander", + "red bell pepper" + ] + }, + { + "id": 26349, + "cuisine": "korean", + "ingredients": [ + "granulated sugar", + "club soda", + "pink grapefruit juice", + "sake" + ] + }, + { + "id": 23083, + "cuisine": "thai", + "ingredients": [ + "minced onion", + "fresh lemon juice", + "water", + "vegetable oil", + "soy sauce", + "chunky peanut butter", + "honey", + "garlic cloves" + ] + }, + { + "id": 12552, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "ground cinnamon", + "salt", + "ground ginger", + "egg whites", + "pecan halves", + "ground cayenne pepper" + ] + }, + { + "id": 21459, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "pork loin chops", + "garlic cloves", + "grated lemon peel", + "fresh rosemary", + "fresh lemon juice", + "olive oil", + "flat leaf parsley" + ] + }, + { + "id": 46063, + "cuisine": "british", + "ingredients": [ + "vegetable shortening", + "sugar", + "walnuts", + "margarine", + "semisweet vegan chocolate chips" + ] + }, + { + "id": 23364, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "green onions", + "feta cheese crumbles", + "spinach leaves", + "ground black pepper", + "salt", + "olive oil", + "shallots", + "greek yogurt", + "fresh dill", + "lemon zest", + "fresh lemon juice" + ] + }, + { + "id": 7790, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "dates", + "vegetable oil", + "sweet rice flour", + "water", + "toasted sesame seeds", + "almond extract" + ] + }, + { + "id": 34672, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "black bean sauce", + "garlic cloves", + "chopped cilantro fresh", + "black pepper", + "boneless skinless chicken breasts", + "toasted sesame oil", + "chicken bouillon", + "green onions", + "corn starch", + "boiling water", + "dark soy sauce", + "water", + "salt", + "onions" + ] + }, + { + "id": 25573, + "cuisine": "indian", + "ingredients": [ + "eggs", + "yellow onion", + "vegetable oil", + "greens", + "kosher salt", + "chillies", + "tomatoes", + "cilantro leaves" + ] + }, + { + "id": 25260, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "boneless chicken skinless thigh", + "vinegar", + "salt", + "cinnamon sticks", + "clove", + "tumeric", + "fresh ginger", + "brown mustard seeds", + "cumin seed", + "fennel seeds", + "chiles", + "coriander seeds", + "vegetable oil", + "garlic cloves", + "green cardamom pods", + "black peppercorns", + "coconut", + "shallots", + "yellow onion" + ] + }, + { + "id": 33700, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "pork loin", + "cilantro leaves", + "fresh mint", + "light brown sugar", + "salad greens", + "vegetable oil", + "hot water", + "fresh basil leaves", + "soy sauce", + "rice noodles", + "garlic chili sauce", + "fresh lime juice", + "fish sauce", + "shredded carrots", + "cilantro sprigs", + "cucumber" + ] + }, + { + "id": 48358, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "canola mayonnaise", + "nonfat buttermilk", + "shallots", + "greek yogurt", + "chopped fresh chives", + "fresh lemon juice", + "kosher salt", + "fresh tarragon", + "flat leaf parsley" + ] + }, + { + "id": 20187, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "dry white wine", + "flat leaf parsley", + "minced garlic", + "crushed red pepper", + "bottled clam juice", + "diced tomatoes", + "large shrimp", + "fettucine", + "olive oil", + "salt" + ] + }, + { + "id": 49150, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "beef consomme", + "chopped green bell pepper", + "beef rib short" + ] + }, + { + "id": 25688, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "mushrooms", + "corn starch", + "pesto", + "nonfat yogurt", + "salt", + "chopped cooked ham", + "( oz.) tomato sauce", + "garlic", + "onions", + "pepper", + "vermicelli", + "(10 oz.) frozen chopped spinach" + ] + }, + { + "id": 26610, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "salt", + "pitted black olives", + "dry white wine", + "chicken thighs", + "canned low sodium chicken broth", + "ground black pepper", + "onions", + "fresh rosemary", + "crushed tomatoes", + "garlic", + "dried rosemary" + ] + }, + { + "id": 4726, + "cuisine": "japanese", + "ingredients": [ + "sake", + "salt", + "soy sauce", + "salmon fillets", + "mirin" + ] + }, + { + "id": 39992, + "cuisine": "russian", + "ingredients": [ + "kosher salt", + "yukon gold potatoes", + "carrots", + "mayonaise", + "hard-boiled egg", + "beets", + "fresh dill", + "ground black pepper", + "yellow onion", + "sour cream", + "granny smith apples", + "rosé wine", + "filet" + ] + }, + { + "id": 21127, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "paprika", + "onions", + "bone-in chicken breast halves", + "bourbon whiskey", + "orange juice", + "green onions", + "salt", + "ground nutmeg", + "butter", + "freshly ground pepper" + ] + }, + { + "id": 139, + "cuisine": "chinese", + "ingredients": [ + "honey", + "low sodium chicken broth", + "sesame oil", + "salt", + "cold water", + "ground black pepper", + "boneless skinless chicken breasts", + "ginger", + "corn starch", + "white vinegar", + "sesame seeds", + "green onions", + "vegetable oil", + "yellow onion", + "soy sauce", + "large eggs", + "baking powder", + "garlic" + ] + }, + { + "id": 17877, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "chopped fresh thyme", + "dill", + "fresh rosemary", + "nonfat plain greek yogurt", + "salt", + "light sour cream", + "ground pepper", + "lemon", + "english cucumber", + "minced garlic", + "skinless chicken pieces", + "fresh oregano" + ] + }, + { + "id": 27114, + "cuisine": "mexican", + "ingredients": [ + "lemon", + "onions", + "pepper", + "salt", + "tomatoes", + "cilantro", + "jalapeno chilies", + "nopales" + ] + }, + { + "id": 2883, + "cuisine": "southern_us", + "ingredients": [ + "coconut extract", + "milk", + "baking powder", + "frosting", + "sugar", + "butter cake", + "buttermilk", + "softened butter", + "powdered sugar", + "baking soda", + "butter", + "salt", + "eggs", + "coconut", + "flour", + "vanilla" + ] + }, + { + "id": 44830, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "cayenne pepper", + "vegetable oil", + "ground turmeric", + "potatoes", + "onions", + "salt", + "ground cumin" + ] + }, + { + "id": 33663, + "cuisine": "mexican", + "ingredients": [ + "shredded cheese", + "water", + "taco seasoning", + "ground beef" + ] + }, + { + "id": 13522, + "cuisine": "british", + "ingredients": [ + "kosher salt", + "baking powder", + "beer", + "green tea", + "malt vinegar", + "cold water", + "potatoes", + "tartar sauce", + "cooking oil", + "all-purpose flour" + ] + }, + { + "id": 48431, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "granulated sugar", + "almond liqueur", + "cocoa", + "hot water", + "vanilla ice cream", + "vanilla extract", + "cold milk", + "coffee granules", + "cinnamon sticks" + ] + }, + { + "id": 24493, + "cuisine": "southern_us", + "ingredients": [ + "cornbread mix", + "shredded cheese", + "milk", + "diced tomatoes", + "shredded lettuce", + "sour cream", + "chili", + "Eggland's Best® eggs" + ] + }, + { + "id": 32545, + "cuisine": "french", + "ingredients": [ + "rosemary sprigs", + "fat free less sodium chicken broth", + "chopped onion", + "romano cheese", + "zinfandel", + "dried rosemary", + "penne", + "pork loin", + "Italian turkey sausage", + "tomatoes", + "black pepper", + "salt" + ] + }, + { + "id": 44842, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "olive oil", + "gluten free marinara sauce", + "garlic cloves", + "fresh oregano leaves", + "fresh parmesan cheese", + "cooking spray", + "shiitake mushroom caps", + "gluten free lasagna noodle", + "part-skim mozzarella cheese", + "ground black pepper", + "sliced mushrooms", + "large egg whites", + "ground nutmeg", + "part-skim ricotta cheese", + "italian seasoning" + ] + }, + { + "id": 39288, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salt", + "onions", + "boneless country pork ribs", + "red bell pepper", + "cilantro sprigs", + "corn tortillas", + "ground black pepper", + "salsa", + "dried oregano" + ] + }, + { + "id": 13910, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "all-purpose flour", + "water", + "butter", + "corn starch", + "milk", + "apricot halves", + "ground cinnamon", + "ground nutmeg", + "salt" + ] + }, + { + "id": 26569, + "cuisine": "indian", + "ingredients": [ + "potatoes", + "cumin seed", + "asafoetida", + "salt", + "mustard seeds", + "tomatoes", + "cilantro", + "oil", + "fresh peas", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 7042, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "rice noodles", + "sauce", + "dark soy sauce", + "thai basil", + "boneless chicken", + "plum tomatoes", + "sugar", + "vegetable oil", + "garlic cloves", + "green bell pepper", + "Anaheim chile", + "thai chile" + ] + }, + { + "id": 21606, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "milk", + "eggs", + "chile pepper", + "pepper", + "salt" + ] + }, + { + "id": 19651, + "cuisine": "italian", + "ingredients": [ + "mayonaise", + "anchovy fillets", + "large garlic cloves", + "fresh lemon juice", + "solid white tuna", + "freshly ground pepper", + "salt", + "sour cream" + ] + }, + { + "id": 48779, + "cuisine": "italian", + "ingredients": [ + "green onions", + "cream cheese, soften", + "tomato paste", + "cheese", + "roasted tomatoes", + "medium egg noodles", + "salt", + "italian seasoning", + "lean ground beef", + "sour cream" + ] + }, + { + "id": 14878, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "refried beans", + "chicken meat", + "sour cream", + "ground cumin", + "tomatoes", + "pepper", + "butter", + "red bell pepper", + "shredded Monterey Jack cheese", + "picante sauce", + "chili powder", + "green chilies", + "onions", + "colby cheese", + "flour tortillas", + "salt", + "ground beef" + ] + }, + { + "id": 4371, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "dijon mustard", + "cracked black pepper", + "garlic cloves", + "flat leaf parsley", + "pitted kalamata olives", + "red wine vinegar", + "purple onion", + "fresh lemon juice", + "jumbo shrimp", + "lettuce leaves", + "yellow bell pepper", + "small red potato", + "fat-free mayonnaise", + "lump crab meat", + "basil", + "salt", + "green beans" + ] + }, + { + "id": 29910, + "cuisine": "southern_us", + "ingredients": [ + "cooking spray", + "salt", + "large eggs", + "butter", + "all-purpose flour", + "half & half", + "vanilla extract", + "chopped pecans", + "brown sugar", + "sweet potatoes", + "maple syrup" + ] + }, + { + "id": 6128, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "sunflower oil", + "eggs", + "spring onions", + "garlic", + "prawns", + "ginger", + "cooked rice", + "dry sherry", + "greens" + ] + }, + { + "id": 8639, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "polenta", + "marinara sauce", + "grated parmesan cheese", + "wild mushrooms", + "sausage casings", + "dry red wine" + ] + }, + { + "id": 48495, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "artichokes", + "smoked paprika", + "chicken stock", + "rabbit", + "medium-grain rice", + "tomatoes", + "extra-virgin olive oil", + "garlic cloves", + "saffron threads", + "lemon", + "salt", + "red bell pepper" + ] + }, + { + "id": 8294, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "chicken", + "vegetables", + "garlic", + "teriyaki sauce", + "ramen noodles", + "corn starch" + ] + }, + { + "id": 23260, + "cuisine": "italian", + "ingredients": [ + "pepper", + "low sodium chicken broth", + "salt", + "dried oregano", + "fettucine", + "dried basil", + "heavy cream", + "corn starch", + "minced garlic", + "boneless skinless chicken breasts", + "all-purpose flour", + "low-fat milk", + "fresh spinach", + "grated parmesan cheese", + "extra-virgin olive oil", + "red bell pepper" + ] + }, + { + "id": 37955, + "cuisine": "british", + "ingredients": [ + "apples", + "chopped walnuts", + "cream cheese", + "stilton" + ] + }, + { + "id": 21596, + "cuisine": "cajun_creole", + "ingredients": [ + "italian style seasoning", + "boneless skinless chicken breast halves", + "cajun seasoning", + "vegetable oil", + "garlic powder", + "lemon pepper" + ] + }, + { + "id": 32199, + "cuisine": "irish", + "ingredients": [ + "eggs", + "heavy whipping cream", + "coffee granules", + "sweetened condensed milk", + "almond extract", + "chocolate syrup", + "whiskey" + ] + }, + { + "id": 39460, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "curry powder", + "sesame oil", + "sauce", + "chicken", + "soy sauce", + "low sodium chicken broth", + "salt", + "coconut milk", + "sugar", + "fresh ginger", + "crushed red pepper", + "creamy peanut butter", + "pepper", + "boneless skinless chicken breasts", + "rice vinegar", + "chopped cilantro fresh" + ] + }, + { + "id": 43765, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "white wine vinegar", + "olive oil", + "shallots", + "wild mushrooms", + "dried porcini mushrooms", + "veal cutlets", + "hot water", + "mushrooms", + "whipping cream" + ] + }, + { + "id": 25128, + "cuisine": "southern_us", + "ingredients": [ + "molasses", + "chopped onion", + "collard greens", + "salt and ground black pepper", + "olive oil", + "flavoring", + "brown sugar", + "garlic" + ] + }, + { + "id": 30571, + "cuisine": "mexican", + "ingredients": [ + "Mazola Corn Oil", + "Spice Islands® Minced Garlic", + "boneless skinless chicken breasts", + "plum tomatoes", + "chicken broth", + "chipotles in adobo", + "chopped onion" + ] + }, + { + "id": 135, + "cuisine": "moroccan", + "ingredients": [ + "slivered almonds", + "dried apricot", + "pitted prunes", + "wine", + "salt", + "white grape juice", + "cinnamon", + "shelled pistachios", + "figs", + "pitted date", + "walnuts" + ] + }, + { + "id": 36468, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "finely chopped onion", + "salt", + "ground cumin", + "fresh cilantro", + "tomatillos", + "garlic cloves", + "water", + "flour tortillas", + "oil", + "chopped green chilies", + "boneless beef chuck roast", + "canola oil" + ] + }, + { + "id": 21915, + "cuisine": "french", + "ingredients": [ + "green bell pepper", + "dijon mustard", + "purple onion", + "kidney", + "olive oil", + "yellow bell pepper", + "cucumber", + "romano cheese", + "red cabbage", + "whole kernel corn, drain", + "red potato", + "salt and ground black pepper", + "garlic", + "red bell pepper" + ] + }, + { + "id": 32676, + "cuisine": "brazilian", + "ingredients": [ + "ground black pepper", + "bay leaves", + "salt", + "black beans", + "lean bacon", + "garlic", + "pork shoulder", + "pork", + "beef", + "pork tongue", + "oil", + "water", + "pork ribs", + "smoked sausage", + "onions" + ] + }, + { + "id": 38506, + "cuisine": "southern_us", + "ingredients": [ + "warm water", + "butter", + "eggs", + "milk", + "peach pie filling", + "yellow cake mix", + "all-purpose flour", + "powdered sugar", + "active dry yeast" + ] + }, + { + "id": 2188, + "cuisine": "italian", + "ingredients": [ + "ground nutmeg", + "ricotta cheese", + "fat", + "large eggs", + "cheese", + "onions", + "egg roll wrappers", + "butter", + "fat skimmed chicken broth", + "tomato cream sauce", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 39536, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "soy sauce", + "peanuts", + "vegetable oil", + "beansprouts", + "fish sauce", + "lime juice", + "green onions", + "garlic", + "eggs", + "white pepper", + "vinegar", + "ginger", + "shrimp shells", + "brown sugar", + "fresh cilantro", + "rice noodles", + "cayenne pepper" + ] + }, + { + "id": 26078, + "cuisine": "italian", + "ingredients": [ + "ground nutmeg", + "fresh basil", + "part-skim ricotta cheese", + "eggs", + "grated parmesan cheese", + "gyoza", + "garlic cloves" + ] + }, + { + "id": 19454, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "red wine", + "green pepper", + "ground beef", + "honey", + "basil", + "freshly ground pepper", + "onions", + "mushrooms", + "salt", + "celery", + "grated parmesan cheese", + "garlic", + "italian pork sausage", + "oregano" + ] + }, + { + "id": 21928, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "corn starch", + "wine", + "water", + "oil", + "white pepper", + "ginger", + "bok choy", + "sugar", + "boneless skinless chicken breasts", + "oyster sauce" + ] + }, + { + "id": 41426, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "kidney beans", + "diced tomatoes", + "corn bread", + "kosher salt", + "bell pepper", + "ground beef", + "ground cumin", + "black pepper", + "lager beer", + "sour cream", + "chopped garlic", + "olive oil", + "chili powder", + "onions" + ] + }, + { + "id": 6664, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "freshly ground pepper", + "salt", + "tomatoes", + "fresh oregano", + "olive oil" + ] + }, + { + "id": 33994, + "cuisine": "italian", + "ingredients": [ + "fine sea salt", + "fresh basil leaves", + "extra-virgin olive oil", + "toasted walnuts", + "cheese", + "balsamic reduction", + "strawberries" + ] + }, + { + "id": 31154, + "cuisine": "chinese", + "ingredients": [ + "flour", + "sesame oil", + "green onions", + "warm water", + "oil" + ] + }, + { + "id": 45408, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "oil", + "cheddar cheese", + "cilantro", + "toasted sesame seeds", + "basil", + "onions", + "jack", + "salsa", + "chicken" + ] + }, + { + "id": 7232, + "cuisine": "chinese", + "ingredients": [ + "caster sugar", + "milk", + "water", + "sesame", + "rice flour" + ] + }, + { + "id": 8818, + "cuisine": "british", + "ingredients": [ + "sugar", + "large eggs", + "salt", + "oat flour", + "buttermilk", + "bread flour", + "semolina", + "cinnamon", + "softened butter", + "instant yeast", + "raisins" + ] + }, + { + "id": 46701, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "cheese", + "sour cream", + "fresh chives", + "potatoes", + "scallions", + "green bell pepper", + "large eggs", + "salt", + "pepper", + "large garlic cloves", + "red bell pepper" + ] + }, + { + "id": 37080, + "cuisine": "indian", + "ingredients": [ + "lime rind", + "chopped fresh mint", + "purple onion", + "kosher salt", + "chopped cilantro fresh", + "tomatoes", + "fresh lime juice" + ] + }, + { + "id": 21406, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "crushed red pepper flakes", + "tomato sauce", + "chili powder", + "white sugar", + "water", + "salt", + "ketchup", + "lean ground beef" + ] + }, + { + "id": 5648, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "grated parmesan cheese", + "fennel bulb", + "oil", + "fontina cheese", + "large eggs", + "garlic cloves", + "olive oil", + "mushrooms" + ] + }, + { + "id": 6025, + "cuisine": "italian", + "ingredients": [ + "peperoncino", + "artichokes", + "sea salt", + "garlic cloves", + "lemon", + "chopped onion", + "pecorino cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 7145, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated lemon peel", + "fresh basil", + "pizza doughs", + "cherry tomatoes", + "soft fresh goat cheese", + "whole milk ricotta cheese" + ] + }, + { + "id": 47653, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "cooked chicken", + "garlic", + "tomatoes", + "frozen whole kernel corn", + "dri oregano leaves, crush", + "corn tortillas", + "olive oil", + "vegetable oil", + "chop green chilies, undrain", + "water", + "zucchini", + "knorr tomato bouillon with chicken flavor", + "onions" + ] + }, + { + "id": 18713, + "cuisine": "italian", + "ingredients": [ + "water", + "white wine vinegar", + "toasted pine nuts", + "brown sugar", + "cooking spray", + "calimyrna figs", + "chopped parsley", + "eggplant", + "crushed red pepper", + "fresh lemon juice", + "kosher salt", + "shallots", + "garlic cloves" + ] + }, + { + "id": 5199, + "cuisine": "southern_us", + "ingredients": [ + "dried tarragon leaves", + "unsalted butter", + "cake flour", + "celery", + "milk", + "baking powder", + "yellow onion", + "dried oregano", + "kosher salt", + "potatoes", + "all-purpose flour", + "fresh parsley", + "chicken stock", + "ground black pepper", + "fresh thyme leaves", + "carrots", + "chicken" + ] + }, + { + "id": 41155, + "cuisine": "italian", + "ingredients": [ + "butter", + "yeast", + "all-purpose flour", + "salt", + "sugar", + "beer" + ] + }, + { + "id": 7480, + "cuisine": "mexican", + "ingredients": [ + "enchilada sauce", + "chopped onion", + "chicken", + "tortillas", + "sour cream", + "shredded cheese" + ] + }, + { + "id": 39504, + "cuisine": "french", + "ingredients": [ + "sugar", + "egg yolks", + "ground black pepper", + "roquefort cheese", + "whipping cream" + ] + }, + { + "id": 10726, + "cuisine": "irish", + "ingredients": [ + "bouillon cube", + "cream cheese", + "kosher salt", + "yukon gold potatoes", + "cabbage", + "black pepper", + "cooking spray", + "garlic cloves", + "fat free milk", + "non-fat sour cream" + ] + }, + { + "id": 39467, + "cuisine": "southern_us", + "ingredients": [ + "tasso", + "all-purpose flour", + "water", + "dry bread crumbs", + "unsalted butter", + "oil", + "large eggs", + "grits" + ] + }, + { + "id": 49229, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "italian seasoning", + "green bell pepper", + "Italian turkey sausage", + "ground fennel", + "low-fat cheese", + "cooked brown rice", + "onions" + ] + }, + { + "id": 45976, + "cuisine": "italian", + "ingredients": [ + "fresh tomatoes", + "Alfredo sauce", + "white wine", + "refrigerated four cheese ravioli", + "fresh basil", + "grated parmesan cheese" + ] + }, + { + "id": 15068, + "cuisine": "thai", + "ingredients": [ + "eggs", + "olive oil", + "garlic cloves", + "tofu", + "lime", + "rice noodles", + "onions", + "soy sauce", + "fish broth", + "beansprouts", + "sugar", + "peanuts", + "shrimp" + ] + }, + { + "id": 35791, + "cuisine": "italian", + "ingredients": [ + "garlic cloves", + "french bread", + "butter", + "grated parmesan cheese", + "fresh parsley" + ] + }, + { + "id": 28927, + "cuisine": "mexican", + "ingredients": [ + "panko", + "queso fresco", + "jack cheese", + "flour", + "large eggs", + "chopped cilantro", + "salsa verde", + "vegetable oil" + ] + }, + { + "id": 11761, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "shiitake", + "garlic", + "oil", + "cold water", + "soy sauce", + "balsamic vinegar", + "chili sauce", + "bamboo shoots", + "brown sugar", + "green onions", + "rice vinegar", + "corn starch", + "chicken broth", + "white pepper", + "ginger", + "firm tofu" + ] + }, + { + "id": 48922, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "water", + "extra light olive oil", + "long-grain rice", + "white flour", + "bay leaves", + "cayenne pepper", + "celery", + "green bell pepper", + "fresh thyme", + "garlic", + "shrimp", + "white onion", + "green onions", + "okra", + "fresh parsley" + ] + }, + { + "id": 20658, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "grated lemon zest", + "sourdough bread", + "purple onion", + "canola mayonnaise", + "fennel seeds", + "center cut bacon", + "albacore tuna in water", + "cooking spray", + "provolone cheese" + ] + }, + { + "id": 27426, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "salsa", + "jalapeno chilies", + "oil", + "crushed garlic", + "long-grain rice", + "salt", + "ground cumin" + ] + }, + { + "id": 4894, + "cuisine": "italian", + "ingredients": [ + "artichoke hearts", + "extra-virgin olive oil", + "lemon juice", + "grated parmesan cheese", + "whole wheat linguine", + "sliced black olives", + "garlic", + "shrimp", + "crushed red pepper flakes", + "salt" + ] + }, + { + "id": 21755, + "cuisine": "irish", + "ingredients": [ + "vegetable oil", + "cayenne pepper", + "onions", + "salt and ground black pepper", + "beef stew meat", + "carrots", + "tomato paste", + "garlic", + "beer", + "fresh thyme", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 21657, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "shallots", + "ground black pepper", + "fresh lemon juice", + "large egg yolks", + "fresh tarragon", + "unsalted butter", + "champagne vinegar" + ] + }, + { + "id": 27592, + "cuisine": "french", + "ingredients": [ + "freshly ground pepper", + "vinegar", + "olive oil", + "salt" + ] + }, + { + "id": 39316, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "fresh basil leaves", + "pecorino cheese", + "grated parmesan cheese", + "pinenuts", + "garlic cloves", + "olive oil" + ] + }, + { + "id": 442, + "cuisine": "southern_us", + "ingredients": [ + "soft-wheat flour", + "unsalted butter", + "buttermilk", + "canola oil", + "baking soda", + "baking powder", + "salt", + "sugar", + "large eggs", + "whipped cream", + "yellow corn meal", + "peaches", + "butter", + "maple syrup" + ] + }, + { + "id": 24150, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "onions", + "provolone cheese", + "tomato sauce", + "sliced mushrooms", + "frozen bread dough", + "olive oil flavored cooking spray" + ] + }, + { + "id": 21689, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "baking powder", + "fine sea salt", + "flat leaf parsley", + "dough", + "large eggs", + "all purpose unbleached flour", + "kale leaves", + "pancetta", + "ground black pepper", + "pecorino romano cheese", + "yellow onion", + "sugar", + "cake", + "garlic", + "ricotta" + ] + }, + { + "id": 1181, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "cucumber", + "brown sugar", + "bananas", + "tiger prawn", + "red chili peppers", + "cilantro leaves", + "fish sauce", + "fresh ginger root", + "fresh mint" + ] + }, + { + "id": 14886, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "whole wheat couscous", + "lemon juice", + "crushed tomatoes", + "chickpeas", + "onions", + "pitted date", + "garlic", + "chopped cilantro", + "ground ginger", + "olive oil", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 40944, + "cuisine": "spanish", + "ingredients": [ + "unsalted butter", + "onions", + "olive oil", + "yukon gold potatoes", + "ground black pepper", + "salt", + "eggs", + "grated parmesan cheese" + ] + }, + { + "id": 2456, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "water", + "salt", + "tomato sauce", + "vegetable oil", + "garlic powder", + "all-purpose flour" + ] + }, + { + "id": 39790, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lower sodium soy sauce", + "boneless skinless chicken breasts", + "english cucumber", + "chopped cilantro fresh", + "chile paste", + "peeled fresh ginger", + "unsalted dry roast peanuts", + "carrots", + "fresh basil", + "rice sticks", + "green onions", + "rice vinegar", + "fresh lime juice", + "brown sugar", + "cooking spray", + "lime wedges", + "garlic cloves" + ] + }, + { + "id": 5194, + "cuisine": "southern_us", + "ingredients": [ + "water", + "garlic", + "shrimp", + "butter", + "salt", + "grits", + "green onions", + "shredded sharp cheddar cheese", + "fresh parsley", + "pepper", + "bacon", + "lemon juice" + ] + }, + { + "id": 23398, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "peanuts", + "garlic", + "corn starch", + "chicken broth", + "black pepper", + "vegetable oil", + "scallions", + "chicken", + "white vinegar", + "soy sauce", + "sesame oil", + "hot chili sauce", + "onions", + "red chili peppers", + "sherry", + "salt", + "red bell pepper" + ] + }, + { + "id": 30608, + "cuisine": "indian", + "ingredients": [ + "chickpea flour", + "water", + "yoghurt", + "cumin seed", + "ground turmeric", + "garlic paste", + "finely chopped onion", + "salt", + "mustard seeds", + "curry leaves", + "baking soda", + "chili powder", + "oil", + "red chili peppers", + "mint leaves", + "green chilies", + "coriander" + ] + }, + { + "id": 26057, + "cuisine": "greek", + "ingredients": [ + "boneless chicken breast halves", + "grape tomatoes", + "kalamata", + "capers", + "coarse salt", + "olive oil", + "freshly ground pepper" + ] + }, + { + "id": 1940, + "cuisine": "thai", + "ingredients": [ + "fresh ginger root", + "minced garlic", + "sesame oil", + "fish sauce", + "rice wine", + "honey", + "white sugar" + ] + }, + { + "id": 19821, + "cuisine": "british", + "ingredients": [ + "curry powder", + "apple cider vinegar", + "yellow onion", + "granny smith apples", + "golden raisins", + "ginger", + "cayenne", + "dry mustard", + "dark brown sugar", + "pickling spices", + "green tomatoes", + "salt" + ] + }, + { + "id": 47717, + "cuisine": "spanish", + "ingredients": [ + "water", + "butter", + "carrots", + "tomato paste", + "olive oil", + "garlic", + "pepper", + "leeks", + "salt", + "cauliflower", + "milk", + "tomatoes with juice", + "cabbage" + ] + }, + { + "id": 15474, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "salt", + "vegetable oil", + "garlic", + "chiles", + "cumin seed" + ] + }, + { + "id": 42187, + "cuisine": "indian", + "ingredients": [ + "oil", + "chili powder", + "ground turmeric", + "potatoes", + "mustard seeds", + "salt" + ] + }, + { + "id": 10979, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "ground cumin", + "olive oil", + "fresh lime juice", + "jalape", + "chopped cilantro fresh", + "black beans", + "low salt chicken broth" + ] + }, + { + "id": 9600, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "pizza sauce", + "canadian bacon", + "grated parmesan cheese", + "purple onion", + "pineapple chunks", + "refrigerated pizza dough", + "pepperoni", + "sliced black olives", + "crushed red pepper", + "shredded mozzarella cheese" + ] + }, + { + "id": 27478, + "cuisine": "chinese", + "ingredients": [ + "honey", + "barbecued pork", + "Chinese egg noodles", + "soy sauce", + "fresh shiitake mushrooms", + "scallions", + "chinese rice wine", + "fresh ginger", + "peanut oil", + "minced garlic", + "sesame oil", + "oyster sauce" + ] + }, + { + "id": 45256, + "cuisine": "mexican", + "ingredients": [ + "bread crumbs", + "salsa", + "eggs", + "taco seasoning mix", + "shredded cheddar cheese", + "sour cream", + "ground chicken", + "ranch dressing" + ] + }, + { + "id": 10846, + "cuisine": "cajun_creole", + "ingredients": [ + "red potato", + "paprika", + "chili powder", + "cajun seasoning", + "olive oil" + ] + }, + { + "id": 43976, + "cuisine": "indian", + "ingredients": [ + "almonds", + "raisins", + "cranberries", + "nutmeg", + "powdered milk", + "salt", + "ghee", + "cold water", + "dry coconut", + "khoa", + "ground cardamom", + "sugar", + "half & half", + "all-purpose flour", + "cashew nuts" + ] + }, + { + "id": 13150, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "large eggs", + "smoked paprika", + "kosher salt", + "ground black pepper", + "hot sauce", + "chicken", + "garlic powder", + "salt", + "panko breadcrumbs", + "honey", + "dijon mustard", + "cayenne pepper" + ] + }, + { + "id": 7488, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "garlic cloves", + "yellow bell pepper", + "chopped cilantro fresh", + "avocado", + "salt", + "pepper", + "fresh lime juice" + ] + }, + { + "id": 14057, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "butter", + "frozen peas", + "green onions", + "garlic cloves", + "white onion", + "white rice", + "eggs", + "chicken breasts", + "carrots" + ] + }, + { + "id": 13274, + "cuisine": "mexican", + "ingredients": [ + "lime", + "mushrooms", + "black olives", + "onions", + "flour tortillas", + "cilantro", + "scallions", + "pepper jack", + "baby spinach", + "salsa", + "jalapeno chilies", + "extra-virgin olive oil", + "sour cream" + ] + }, + { + "id": 34524, + "cuisine": "italian", + "ingredients": [ + "butter", + "grated lemon peel", + "grated parmesan cheese", + "fresh lemon juice", + "orange bell pepper", + "linguine", + "peeled fresh ginger", + "carrots" + ] + }, + { + "id": 8682, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "minced onion", + "russet potatoes", + "all-purpose flour", + "oil", + "yellow corn meal", + "black pepper", + "parsley", + "paprika", + "dill", + "corn starch", + "cod", + "sugar", + "baking powder", + "buttermilk", + "cayenne pepper", + "lemon juice", + "eggs", + "baking soda", + "vegetable oil", + "salt", + "dark beer", + "garlic salt" + ] + }, + { + "id": 45540, + "cuisine": "greek", + "ingredients": [ + "unflavored gelatin", + "whole milk yoghurt", + "fresh lemon juice", + "vanilla beans", + "heavy cream", + "water", + "whole milk", + "sugar", + "lemon zest", + "apricots" + ] + }, + { + "id": 39104, + "cuisine": "french", + "ingredients": [ + "nonfat dry milk", + "nonfat evaporated milk", + "sugar", + "dark rum", + "reduced fat milk", + "large egg yolks", + "salt" + ] + }, + { + "id": 34781, + "cuisine": "french", + "ingredients": [ + "grated orange peel", + "large egg yolks", + "cream of tartar", + "white chocolate", + "Grand Marnier", + "sugar", + "whipping cream", + "powdered sugar", + "large egg whites" + ] + }, + { + "id": 9497, + "cuisine": "chinese", + "ingredients": [ + "white vinegar", + "boneless skinless chicken breasts", + "canola oil", + "soy sauce", + "scallions", + "sugar", + "garlic", + "fresh ginger", + "onions" + ] + }, + { + "id": 38934, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "red bell pepper", + "baguette", + "artichokes", + "garlic", + "prosciutto", + "provolone cheese" + ] + }, + { + "id": 17187, + "cuisine": "chinese", + "ingredients": [ + "port wine", + "light soy sauce", + "sea salt", + "runny honey", + "oil", + "rhubarb", + "juniper berries", + "fresh ginger root", + "star anise", + "dark brown sugar", + "boiling water", + "plain flour", + "cider vinegar", + "whole cloves", + "garlic", + "cumin seed", + "red chili peppers", + "coriander seeds", + "cracked black pepper", + "duck", + "onions" + ] + }, + { + "id": 8782, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "black pepper", + "shredded cabbage", + "rice vinegar", + "celery", + "pork", + "shredded carrots", + "sprouts", + "corn starch", + "sugar", + "egg roll wrappers", + "sesame oil", + "scallions", + "canola oil", + "soy sauce", + "water chestnuts", + "salt", + "beansprouts" + ] + }, + { + "id": 39112, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "ground black pepper", + "white onion", + "jalapeno chilies", + "cherry tomatoes", + "chopped cilantro fresh" + ] + }, + { + "id": 36503, + "cuisine": "irish", + "ingredients": [ + "irish cream liqueur", + "chocolate candy", + "unsweetened cocoa powder", + "unsalted butter", + "all-purpose flour", + "milk", + "heavy cream", + "powdered sugar", + "pies", + "large marshmallows" + ] + }, + { + "id": 24852, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "green onions", + "freshly ground pepper", + "lime", + "salt", + "boneless skinless chicken breast halves", + "fresh basil", + "Thai red curry paste", + "green beans", + "unsweetened coconut milk", + "steamed white rice", + "peanut oil", + "asian fish sauce" + ] + }, + { + "id": 35844, + "cuisine": "southern_us", + "ingredients": [ + "fresh basil", + "balsamic vinegar", + "pepper", + "salt", + "sugar", + "extra-virgin olive oil", + "tomatoes", + "sweet onion" + ] + }, + { + "id": 16518, + "cuisine": "russian", + "ingredients": [ + "cottage cheese", + "baking potatoes", + "unsalted butter", + "plain whole-milk yogurt", + "large eggs", + "black pepper", + "salt" + ] + }, + { + "id": 13030, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "gyoza", + "sea salt", + "garlic cloves", + "sake", + "shiitake", + "napa cabbage", + "salt", + "pepper", + "flour", + "ginger", + "ground beef", + "gyoza skins", + "zucchini", + "ground pork", + "shrimp" + ] + }, + { + "id": 3783, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "palm sugar", + "coconut milk", + "fish sauce", + "cooking oil", + "long pepper", + "boneless chicken breast", + "panang curry paste", + "thai basil", + "garlic" + ] + }, + { + "id": 9761, + "cuisine": "italian", + "ingredients": [ + "pure maple syrup", + "salt", + "yellow corn meal", + "butter", + "whole milk", + "water" + ] + }, + { + "id": 25692, + "cuisine": "thai", + "ingredients": [ + "honey", + "chives", + "garlic", + "thai jasmine rice", + "pepper", + "jalapeno chilies", + "Thai red curry paste", + "crushed red pepper", + "fish sauce", + "boneless chicken breast", + "shallots", + "sweet pepper", + "lemon juice", + "fresh cilantro", + "low sodium chicken broth", + "light coconut milk", + "salt" + ] + }, + { + "id": 34104, + "cuisine": "thai", + "ingredients": [ + "sugar", + "large eggs", + "unsalted dry roast peanuts", + "reduced fat firm tofu", + "large egg whites", + "lime wedges", + "chopped cilantro fresh", + "ketchup", + "green onions", + "corn starch", + "fish sauce", + "Sriracha", + "rice noodles", + "canola oil" + ] + }, + { + "id": 12201, + "cuisine": "southern_us", + "ingredients": [ + "broccoli slaw", + "mushrooms", + "garlic", + "dumplings", + "boneless skinless chicken breast halves", + "greek seasoning", + "dijon mustard", + "sea salt", + "cream cheese", + "Better Than Bouillon Chicken Base", + "ground black pepper", + "heavy cream", + "purple onion", + "coconut milk", + "granulated garlic", + "low sodium chicken broth", + "extra-virgin olive oil", + "xanthan gum", + "dried parsley" + ] + }, + { + "id": 3968, + "cuisine": "italian", + "ingredients": [ + "ravioli", + "cheese", + "pesto sauce", + "paprika", + "fresh basil", + "baby spinach", + "Alfredo sauce", + "vegetable broth" + ] + }, + { + "id": 32113, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "prawns", + "water spinach", + "beans", + "daikon", + "green chilies", + "sugar", + "vegetable oil", + "rice", + "tomatoes", + "tamarind", + "purple onion", + "japanese eggplants" + ] + }, + { + "id": 38367, + "cuisine": "cajun_creole", + "ingredients": [ + "cream", + "grated romano cheese", + "butter", + "nonstick spray", + "ground paprika", + "shredded cheddar cheese", + "chili powder", + "all-purpose flour", + "onions", + "crawfish", + "boneless skinless chicken breasts", + "salt", + "red bell pepper", + "green bell pepper", + "milk", + "cajun seasoning", + "okra" + ] + }, + { + "id": 14629, + "cuisine": "french", + "ingredients": [ + "fat free less sodium chicken broth", + "dry white wine", + "salt", + "dried tarragon leaves", + "olive oil", + "sliced carrots", + "rolls", + "sweet onion", + "boneless skinless chicken breasts", + "all-purpose flour", + "black pepper", + "zucchini", + "1% low-fat milk" + ] + }, + { + "id": 46760, + "cuisine": "italian", + "ingredients": [ + "shredded mozzarella cheese", + "pizza sauce", + "italian seasoning", + "refrigerated crescent rolls", + "pork sausages", + "red pepper flakes" + ] + }, + { + "id": 17500, + "cuisine": "french", + "ingredients": [ + "broccoli stems", + "sliced almonds", + "fresh lemon juice", + "unsalted butter" + ] + }, + { + "id": 49621, + "cuisine": "moroccan", + "ingredients": [ + "salt", + "chopped cilantro fresh", + "cayenne", + "ground coriander", + "unsalted butter", + "garlic cloves", + "spaghetti squash", + "ground cumin" + ] + }, + { + "id": 1722, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "garlic", + "fillets", + "chopped cilantro fresh", + "ground black pepper", + "tequila", + "onions", + "olive oil", + "salt", + "fresh lime juice", + "jalapeno chilies", + "orange liqueur", + "white sugar" + ] + }, + { + "id": 38447, + "cuisine": "italian", + "ingredients": [ + "water", + "marinara sauce", + "freshly ground pepper", + "part-skim mozzarella cheese", + "salt", + "eggplant", + "egg whites", + "grated parmesan cheese", + "dry bread crumbs" + ] + }, + { + "id": 37967, + "cuisine": "italian", + "ingredients": [ + "red pepper flakes", + "italian tomatoes", + "fine sea salt", + "garlic", + "olive oil" + ] + }, + { + "id": 1422, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed brown sugar", + "salt", + "unsalted butter", + "double-acting baking powder", + "heavy cream", + "country ham", + "all-purpose flour" + ] + }, + { + "id": 27583, + "cuisine": "italian", + "ingredients": [ + "genoa salami", + "radishes", + "red wine vinegar", + "freshly ground pepper", + "brine-cured olives", + "dijon mustard", + "shallots", + "salt", + "flat leaf parsley", + "capers", + "boneless chicken breast halves", + "large garlic cloves", + "fresh lemon juice", + "fresh spinach", + "grated parmesan cheese", + "extra-virgin olive oil", + "red bell pepper" + ] + }, + { + "id": 27231, + "cuisine": "korean", + "ingredients": [ + "beef", + "meat" + ] + }, + { + "id": 37347, + "cuisine": "filipino", + "ingredients": [ + "coconut sugar", + "sea salt", + "boneless chicken skinless thigh", + "coconut aminos", + "ketchup", + "pineapple juice", + "tomato paste", + "garlic powder", + "oil" + ] + }, + { + "id": 23256, + "cuisine": "southern_us", + "ingredients": [ + "hamburger buns", + "bbq sauce", + "boneless skinless chicken breasts", + "bread and butter pickle slices" + ] + }, + { + "id": 13886, + "cuisine": "spanish", + "ingredients": [ + "orange", + "dry red wine", + "rum", + "white sugar", + "lime", + "orange juice", + "lemon" + ] + }, + { + "id": 40803, + "cuisine": "indian", + "ingredients": [ + "unsalted butter", + "yellow onion", + "nigella seeds", + "jalapeno chilies", + "cumin seed", + "ground turmeric", + "spices", + "lemon juice", + "cabbage", + "salt", + "carrots" + ] + }, + { + "id": 42958, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "fresh cilantro", + "butter", + "cayenne pepper", + "frozen peas", + "chili pepper", + "chili powder", + "garlic", + "onions", + "ground lamb", + "tomato sauce", + "garam masala", + "ginger", + "bay leaf", + "cumin", + "pepper", + "cinnamon", + "salt", + "coriander" + ] + }, + { + "id": 24310, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "garlic cloves", + "chees fresco queso", + "sour cream", + "olive oil", + "cilantro leaves", + "chipotles in adobo", + "coarse salt", + "tortilla chips", + "chicken" + ] + }, + { + "id": 11933, + "cuisine": "chinese", + "ingredients": [ + "globe eggplant", + "tahini", + "rice vinegar", + "light soy sauce", + "chili oil", + "toasted sesame seeds", + "kosher salt", + "sesame oil", + "scallions", + "sugar", + "olive oil", + "garlic", + "japanese eggplants" + ] + }, + { + "id": 42515, + "cuisine": "chinese", + "ingredients": [ + "honey", + "boneless skinless chicken breast halves", + "sesame oil", + "fresh ginger root", + "soy sauce", + "garlic" + ] + }, + { + "id": 24938, + "cuisine": "mexican", + "ingredients": [ + "water", + "chili powder", + "peanut oil", + "oregano", + "flour", + "diced tomatoes", + "chopped cilantro", + "chuck", + "jalapeno chilies", + "Mexican beer", + "bay leaf", + "cumin", + "serrano peppers", + "garlic", + "onions" + ] + }, + { + "id": 43735, + "cuisine": "italian", + "ingredients": [ + "white wine", + "olive oil", + "cajun seasoning", + "medium shrimp", + "pepper", + "fresh pasta", + "salt", + "milk", + "grated parmesan cheese", + "sour cream", + "scallops", + "orange bell pepper", + "yellow bell pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 29516, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "extra-virgin olive oil", + "red bell pepper", + "mozzarella cheese", + "bell pepper", + "walnuts", + "angel hair", + "fresh thyme", + "salt", + "pepper", + "leeks", + "garlic cloves" + ] + }, + { + "id": 35076, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "flour tortillas", + "milk", + "ground beef", + "shredded cheddar cheese", + "condensed cream of mushroom soup", + "refried beans" + ] + }, + { + "id": 17084, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "pepper", + "baby spinach", + "garlic", + "red bell pepper", + "cheddar cheese", + "quinoa", + "cilantro", + "salt", + "cumin", + "green bell pepper", + "lime", + "diced tomatoes", + "purple onion", + "oregano", + "black beans", + "chili powder", + "yellow bell pepper", + "cayenne pepper" + ] + }, + { + "id": 23679, + "cuisine": "moroccan", + "ingredients": [ + "eggs", + "milk", + "butter", + "warm water", + "honey", + "all-purpose flour", + "sugar", + "active dry yeast", + "salt", + "water", + "semolina", + "canola oil" + ] + }, + { + "id": 6713, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "finely chopped onion", + "vegetable oil", + "crushed red pepper", + "salsa verde", + "chili powder", + "empanada", + "garlic cloves", + "olive oil", + "golden raisins", + "red wine vinegar", + "salt", + "poblano peppers", + "lean ground beef", + "diced tomatoes", + "dried oregano" + ] + }, + { + "id": 31342, + "cuisine": "thai", + "ingredients": [ + "boneless, skinless chicken breast", + "red pepper flakes", + "red chili peppers", + "cooking oil", + "onions", + "sugar", + "water", + "garlic", + "soy sauce", + "basil leaves", + "asian fish sauce" + ] + }, + { + "id": 31400, + "cuisine": "mexican", + "ingredients": [ + "lean ground pork", + "large eggs", + "diced tomatoes", + "chopped fresh mint", + "water", + "Mexican oregano", + "fine sea salt", + "white sandwich bread", + "tomatoes", + "ground black pepper", + "lean ground beef", + "garlic cloves", + "canola oil", + "white onion", + "whole milk", + "white rice", + "serrano chile" + ] + }, + { + "id": 14029, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "sour cream", + "cheddar cheese", + "cream cheese", + "cumin", + "sauce", + "corn tortillas", + "corn", + "green chilies", + "chicken" + ] + }, + { + "id": 15209, + "cuisine": "filipino", + "ingredients": [ + "tomato sauce", + "ground black pepper", + "hard-boiled egg", + "garlic", + "calamansi", + "soy sauce", + "pork liver", + "raisins", + "carrots", + "onions", + "sugar", + "cooking oil", + "hot dogs", + "liver", + "pork shoulder", + "water", + "potatoes", + "cheese", + "red bell pepper" + ] + }, + { + "id": 35889, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "garlic cloves", + "pasta sauce", + "extra-virgin olive oil", + "dried tomatoes", + "noodles", + "pitted kalamata olives", + "italian pork sausage" + ] + }, + { + "id": 3499, + "cuisine": "italian", + "ingredients": [ + "italian plum tomatoes", + "Swanson Chicken Broth", + "red pepper", + "sweet italian pork sausage", + "dri oregano leaves, crush", + "fennel bulb", + "polenta" + ] + }, + { + "id": 32795, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "orange", + "apple cider vinegar", + "yellow onion", + "olives", + "pepper", + "red cabbage", + "red pepper flakes", + "corn tortillas", + "kosher salt", + "lime", + "cod fish", + "carrots", + "dried oregano", + "green cabbage", + "water", + "guacamole", + "salt", + "chipotle salsa" + ] + }, + { + "id": 597, + "cuisine": "mexican", + "ingredients": [ + "ancho", + "garlic powder", + "whole wheat tortillas", + "red bell pepper", + "lime juice", + "guacamole", + "salt", + "ground cumin", + "pepper", + "poblano peppers", + "reduced-fat sour cream", + "onions", + "olive oil", + "boneless skinless chicken breasts", + "Mexican cheese" + ] + }, + { + "id": 10495, + "cuisine": "southern_us", + "ingredients": [ + "whole wheat flour", + "salt", + "butter", + "apple butter", + "baking soda", + "all-purpose flour", + "sugar", + "buttermilk" + ] + }, + { + "id": 41658, + "cuisine": "southern_us", + "ingredients": [ + "orange", + "sugar", + "lemon", + "lime", + "water" + ] + }, + { + "id": 25146, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "cayenne pepper", + "eggs", + "butter", + "milk", + "elbow macaroni", + "bread crumb fresh", + "salt" + ] + }, + { + "id": 17097, + "cuisine": "chinese", + "ingredients": [ + "lo mein noodles", + "large garlic cloves", + "carrots", + "chicken broth", + "sesame oil", + "salt", + "green onions", + "dry sherry", + "soy sauce", + "loin pork roast", + "oyster sauce" + ] + }, + { + "id": 7819, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "garlic", + "plum tomatoes", + "red pepper flakes", + "bow-tie pasta", + "olive oil", + "salt", + "diced onions", + "heavy cream", + "fresh parsley" + ] + }, + { + "id": 41478, + "cuisine": "vietnamese", + "ingredients": [ + "pork belly", + "egg roll wrappers", + "vegetable oil", + "pork shoulder boston butt", + "fish sauce", + "lemongrass", + "herbs", + "chinese five-spice powder", + "mung bean sprouts", + "sugar", + "lime", + "shallots", + "garlic cloves", + "wide rice noodles", + "kosher salt", + "reduced sodium soy sauce", + "hot chili paste", + "fresno chiles" + ] + }, + { + "id": 11517, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "green leaf lettuce", + "scallions", + "hoisin sauce", + "ginger", + "duck drumsticks", + "dark soy sauce", + "Shaoxing wine", + "garlic", + "honey", + "sea salt", + "chinese five-spice powder" + ] + }, + { + "id": 44322, + "cuisine": "greek", + "ingredients": [ + "salt", + "pepper", + "fresh lemon juice", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 22903, + "cuisine": "vietnamese", + "ingredients": [ + "superfine sugar", + "yukon gold potatoes", + "taro", + "firm tofu", + "seasoning salt", + "salt", + "jasmine rice", + "jicama", + "canola oil" + ] + }, + { + "id": 33858, + "cuisine": "mexican", + "ingredients": [ + "guajillo chiles", + "pork shoulder boston butt", + "lager", + "kosher salt", + "garlic cloves" + ] + }, + { + "id": 20090, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "low-sodium fat-free chicken broth", + "chopped fresh sage", + "olive oil", + "chicken breast halves", + "salt", + "celery ribs", + "minced onion", + "apple cider", + "freshly ground pepper", + "fresh sage", + "dry white wine", + "orzo", + "garlic cloves" + ] + }, + { + "id": 4496, + "cuisine": "italian", + "ingredients": [ + "honey", + "red wine", + "water", + "all-purpose flour", + "vegetable oil" + ] + }, + { + "id": 26058, + "cuisine": "french", + "ingredients": [ + "yukon gold potatoes", + "peppercorns", + "foie gras", + "fleur de sel" + ] + }, + { + "id": 44425, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "ground red pepper", + "fresh lime juice", + "ground cumin", + "jalapeno chilies", + "garlic cloves", + "skirt steak", + "diced onions", + "cooking spray", + "corn tortillas", + "plum tomatoes", + "kosher salt", + "lime wedges", + "chopped cilantro fresh" + ] + }, + { + "id": 35819, + "cuisine": "french", + "ingredients": [ + "fresh lemon juice", + "artichokes" + ] + }, + { + "id": 46616, + "cuisine": "southern_us", + "ingredients": [ + "pimentos", + "white sugar", + "sweet pickle relish", + "salad dressing", + "sweet pickle juice", + "cream cheese", + "shredded mild cheddar cheese", + "garlic salt" + ] + }, + { + "id": 18947, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "lime", + "apple cider vinegar", + "chipotles in adobo", + "water", + "chuck roast", + "salt", + "cumin", + "jasmine rice", + "ground black pepper", + "butter", + "oregano", + "chicken broth", + "fresh cilantro", + "bay leaves", + "garlic cloves" + ] + }, + { + "id": 11880, + "cuisine": "indian", + "ingredients": [ + "flour", + "salt", + "onions", + "curry leaves", + "seeds", + "oil", + "ajwain", + "ginger", + "corn flour", + "mint leaves", + "green chilies" + ] + }, + { + "id": 34938, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "butter", + "sausages", + "flour", + "salt", + "baking soda", + "red pepper flakes", + "white sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 10809, + "cuisine": "italian", + "ingredients": [ + "black peppercorns", + "flat leaf parsley", + "pecorino romano cheese", + "whole wheat spaghetti", + "extra-virgin olive oil" + ] + }, + { + "id": 49516, + "cuisine": "italian", + "ingredients": [ + "dinner rolls", + "italian seasoning", + "sea salt", + "butter", + "dried parsley" + ] + }, + { + "id": 27917, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "pizza sauce", + "salt", + "shredded mozzarella cheese", + "mozzarella cheese", + "italian style seasoning", + "stewed tomatoes", + "chopped onion", + "ground beef", + "garlic powder", + "dried sage", + "black olives", + "fresh mushrooms", + "eggs", + "chopped green bell pepper", + "ground pork", + "dry bread crumbs", + "sausages" + ] + }, + { + "id": 15172, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh basil", + "salt", + "pepper", + "garlic cloves", + "tomatoes", + "shallots" + ] + }, + { + "id": 19591, + "cuisine": "italian", + "ingredients": [ + "finely chopped onion", + "lemon rind", + "prosciutto", + "green peas", + "fresh lemon juice", + "fat free less sodium chicken broth", + "cooking spray", + "garlic cloves", + "ground black pepper", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 7858, + "cuisine": "mexican", + "ingredients": [ + "cooked rice", + "taco seasoning", + "veggies", + "sour cream", + "beans", + "shredded cheese", + "salsa" + ] + }, + { + "id": 44027, + "cuisine": "mexican", + "ingredients": [ + "cold water", + "baking soda", + "salt", + "confectioners sugar", + "cocoa", + "cinnamon", + "strawberries", + "unsweetened cocoa powder", + "sugar", + "balsamic vinegar", + "all-purpose flour", + "canola oil", + "water", + "vanilla extract", + "cayenne pepper" + ] + }, + { + "id": 34717, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "heavy cream", + "parmigiano reggiano cheese", + "fettucine" + ] + }, + { + "id": 14370, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "boneless skinless chicken breasts", + "greek style plain yogurt", + "flatbread", + "seasoning salt", + "purple onion", + "dill weed", + "greek seasoning", + "pepper", + "romaine lettuce leaves", + "cucumber", + "grape tomatoes", + "feta cheese", + "salt" + ] + }, + { + "id": 16816, + "cuisine": "italian", + "ingredients": [ + "green onions", + "fresh lime juice", + "baguette", + "brie cheese", + "peaches", + "red bell pepper", + "sugar", + "ground red pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 45925, + "cuisine": "greek", + "ingredients": [ + "cherry tomatoes", + "sea salt", + "feta cheese crumbles", + "butter", + "orzo", + "freshly grated parmesan", + "cracked black pepper", + "fresh parsley", + "chicken broth", + "lemon", + "garlic" + ] + }, + { + "id": 13699, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "pork liver", + "cayenne pepper", + "poblano chiles", + "celery ribs", + "panko", + "chili powder", + "garlic cloves", + "cooked white rice", + "curing salt", + "jalapeno chilies", + "scallions", + "chopped parsley", + "boneless pork shoulder", + "ground black pepper", + "vegetable oil", + "ground white pepper", + "onions" + ] + }, + { + "id": 4235, + "cuisine": "moroccan", + "ingredients": [ + "bread", + "water", + "lemon", + "sugar", + "butter", + "eggs", + "granulated sugar", + "orange flower water", + "vanilla essence", + "baking powder", + "ground almonds" + ] + }, + { + "id": 22166, + "cuisine": "italian", + "ingredients": [ + "pesto", + "salt", + "parmigiano reggiano cheese", + "linguine", + "pepper" + ] + }, + { + "id": 6269, + "cuisine": "indian", + "ingredients": [ + "cheese", + "whole milk", + "lemon juice" + ] + }, + { + "id": 20504, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "taco seasoning mix", + "instant rice", + "sour cream", + "tomato sauce", + "black olives", + "shredded cheddar cheese" + ] + }, + { + "id": 41881, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "wasabi powder", + "toasted sesame seeds", + "avocado", + "reduced sodium soy sauce", + "english cucumber", + "pepper", + "white rice", + "nori", + "salmon fillets", + "green onions", + "toasted sesame oil" + ] + }, + { + "id": 37985, + "cuisine": "russian", + "ingredients": [ + "vegetables", + "dill tips", + "sour cream", + "green cabbage", + "potatoes", + "garlic cloves", + "beef", + "beets", + "onions", + "tomato paste", + "salt", + "carrots" + ] + }, + { + "id": 48561, + "cuisine": "southern_us", + "ingredients": [ + "cornbread", + "salt", + "large eggs", + "pure maple syrup", + "half & half" + ] + }, + { + "id": 35077, + "cuisine": "italian", + "ingredients": [ + "bread", + "brown mustard", + "shredded mozzarella cheese", + "broccoli florets", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 28460, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "ice water", + "all-purpose flour", + "dried porcini mushrooms", + "large eggs", + "whipping cream", + "cognac", + "water", + "crimini mushrooms", + "cheese", + "chopped fresh herbs", + "large egg yolks", + "shallots", + "salt" + ] + }, + { + "id": 37399, + "cuisine": "southern_us", + "ingredients": [ + "bread crumbs", + "parmesan cheese", + "salt", + "fresh parsley", + "sweet onion", + "chopped fresh chives", + "garlic cloves", + "yellow squash", + "butter", + "sour cream", + "shredded cheddar cheese", + "large eggs", + "freshly ground pepper", + "garlic salt" + ] + }, + { + "id": 49127, + "cuisine": "spanish", + "ingredients": [ + "cooking spray", + "spanish paprika", + "fresh parsley", + "fat free less sodium chicken broth", + "chopped onion", + "turkey breast", + "arborio rice", + "diced tomatoes", + "red bell pepper", + "chorizo sausage", + "saffron threads", + "dry white wine", + "garlic cloves", + "frozen peas" + ] + }, + { + "id": 35758, + "cuisine": "vietnamese", + "ingredients": [ + "romaine lettuce", + "minced garlic", + "hoisin sauce", + "dark sesame oil", + "black pepper", + "radishes", + "cilantro leaves", + "carrots", + "sugar", + "lower sodium soy sauce", + "chicken cutlets", + "english cucumber", + "baguette", + "Sriracha", + "rice vinegar", + "canola oil" + ] + }, + { + "id": 38376, + "cuisine": "southern_us", + "ingredients": [ + "dark molasses", + "powdered milk", + "bread flour", + "rolled oats", + "salt", + "warm water", + "butter", + "instant yeast", + "white sugar" + ] + }, + { + "id": 42605, + "cuisine": "italian", + "ingredients": [ + "ground round", + "chili powder", + "white kidney beans", + "lasagna noodles", + "tomato salsa", + "jack cheese", + "ricotta cheese", + "large eggs", + "sour cream" + ] + }, + { + "id": 23651, + "cuisine": "greek", + "ingredients": [ + "baby spinach leaves", + "tortellini", + "lemon juice", + "large eggs", + "purple onion", + "chopped parsley", + "red wine vinegar", + "salt", + "dried oregano", + "fresh cheese", + "extra-virgin olive oil", + "feta cheese crumbles" + ] + }, + { + "id": 49433, + "cuisine": "spanish", + "ingredients": [ + "chorizo", + "unsalted butter", + "paprika", + "black pepper", + "sun-dried tomatoes", + "half & half", + "scallions", + "kosher salt", + "manchego cheese", + "russet potatoes", + "corn starch", + "olive oil", + "large eggs", + "purple onion" + ] + }, + { + "id": 47236, + "cuisine": "french", + "ingredients": [ + "pepper", + "beef stock", + "fresh parsley leaves", + "wide egg noodles", + "butter", + "white mushrooms", + "fresh chives", + "flour", + "salt", + "sage", + "sirloin", + "pearl onions", + "bacon", + "Burgundy wine" + ] + }, + { + "id": 14280, + "cuisine": "moroccan", + "ingredients": [ + "fronds", + "raisins", + "chopped cilantro", + "saffron threads", + "almonds", + "extra-virgin olive oil", + "chervil", + "fennel bulb", + "garlic cloves", + "coriander seeds", + "fresh orange juice", + "grated orange" + ] + }, + { + "id": 20031, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "green peas", + "fettucine", + "asparagus", + "fresh asparagus", + "prosciutto", + "fresh mushrooms", + "white wine", + "vegetable oil" + ] + }, + { + "id": 42915, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "grits", + "old bay seasoning", + "butter", + "large shrimp", + "pepper", + "salt" + ] + }, + { + "id": 1021, + "cuisine": "korean", + "ingredients": [ + "light brown sugar", + "fresh ginger", + "scallions", + "minced garlic", + "crushed red pepper flakes", + "asian fish sauce", + "kosher salt", + "napa cabbage", + "shrimp", + "chile powder", + "lime juice", + "hot smoked paprika" + ] + }, + { + "id": 39977, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "grated parmesan cheese", + "whipped cream cheese", + "evaporated milk", + "vegetable oil", + "sliced mushrooms", + "fettucine", + "boneless skinless chicken breasts", + "all-purpose flour", + "ground black pepper", + "garlic", + "fresh parsley" + ] + }, + { + "id": 44552, + "cuisine": "french", + "ingredients": [ + "frozen spinach", + "refrigerated piecrusts", + "pepper", + "swiss cheese", + "eggs" + ] + }, + { + "id": 15848, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "maple syrup", + "onions", + "bourbon whiskey", + "roasted garlic", + "bacon", + "dark brown sugar", + "brewed coffee", + "jam" + ] + }, + { + "id": 41479, + "cuisine": "british", + "ingredients": [ + "eggs", + "egg whites", + "kosher salt", + "all-purpose flour", + "rosemary sprigs", + "vegetable oil", + "strip loin", + "milk", + "freshly ground pepper" + ] + }, + { + "id": 8243, + "cuisine": "thai", + "ingredients": [ + "fillet red snapper", + "shiitake", + "hellmann' or best food real mayonnais", + "water", + "garlic", + "coconut milk", + "chili pepper", + "vegetable oil", + "red bell pepper", + "fresh ginger", + "knorr chicken flavor bouillon", + "onions" + ] + }, + { + "id": 29213, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "ricotta", + "part-skim mozzarella", + "garlic", + "dried oregano", + "grated parmesan cheese", + "frozen chopped spinach, thawed and squeezed dry", + "crushed tomatoes", + "salt" + ] + }, + { + "id": 22939, + "cuisine": "filipino", + "ingredients": [ + "bread crumbs", + "ground black pepper", + "white vinegar", + "minced garlic", + "vegetable oil", + "brown sugar", + "water", + "yellow onion", + "kosher salt", + "pork liver" + ] + }, + { + "id": 24010, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cooking spray", + "fresh parsley", + "black pepper", + "zucchini", + "dry bread crumbs", + "finely chopped onion", + "salt", + "plum tomatoes", + "pinenuts", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 30194, + "cuisine": "mexican", + "ingredients": [ + "crema mexican", + "corn tortillas", + "fresh cilantro", + "bacon", + "cumin", + "cotija", + "chili powder", + "garlic salt", + "red cabbage", + "steak" + ] + }, + { + "id": 17493, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "salt", + "mustard seeds", + "fresh curry leaves", + "potatoes", + "cumin seed", + "ground turmeric", + "cauliflower", + "coriander powder", + "cilantro leaves", + "onions", + "pepper", + "chili powder", + "oil" + ] + }, + { + "id": 6250, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "green onions", + "green chilies", + "hoisin sauce", + "ginger", + "soy sauce", + "chinese eggplants", + "corn starch", + "green bell pepper", + "Shaoxing wine", + "garlic" + ] + }, + { + "id": 42684, + "cuisine": "japanese", + "ingredients": [ + "salt", + "soy sauce", + "rice vinegar", + "stevia", + "ginger", + "cucumber" + ] + }, + { + "id": 17362, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "jalapeno chilies", + "cayenne pepper", + "onions", + "tomato sauce", + "ground cashew", + "garlic", + "red bell pepper", + "green bell pepper", + "fresh ginger root", + "vegetable oil", + "carrots", + "frozen peas", + "curry powder", + "potatoes", + "salt", + "coconut milk" + ] + }, + { + "id": 36703, + "cuisine": "mexican", + "ingredients": [ + "red chili peppers", + "extra-virgin olive oil", + "red bell pepper", + "coriander seeds", + "dry bread crumbs", + "chopped cilantro fresh", + "honey", + "salt", + "fresh lime juice", + "cracked black pepper", + "boneless pork loin" + ] + }, + { + "id": 5547, + "cuisine": "irish", + "ingredients": [ + "butter", + "plain flour", + "mashed potatoes", + "salt" + ] + }, + { + "id": 2454, + "cuisine": "moroccan", + "ingredients": [ + "water", + "meyer lemon", + "lemon", + "salt" + ] + }, + { + "id": 42243, + "cuisine": "french", + "ingredients": [ + "eggs", + "lemon juice", + "mayonaise", + "fresh parsley", + "artichoke hearts", + "fresh asparagus", + "french dressing", + "cooked shrimp" + ] + }, + { + "id": 17829, + "cuisine": "mexican", + "ingredients": [ + "water", + "firmly packed light brown sugar", + "butter", + "ground cinnamon", + "flour tortillas", + "sugar", + "fruit filling" + ] + }, + { + "id": 16698, + "cuisine": "southern_us", + "ingredients": [ + "dry white wine", + "garlic cloves", + "flat leaf parsley", + "white onion", + "all-purpose flour", + "red bell pepper", + "less sodium chicken broth", + "andouille sausage", + "extra-virgin olive oil", + "shrimp", + "grits", + "bay leaves", + "creole seasoning", + "heavy whipping cream" + ] + }, + { + "id": 40637, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salt", + "onion powder", + "garlic powder", + "lime juice", + "salsa" + ] + }, + { + "id": 13214, + "cuisine": "french", + "ingredients": [ + "herbs", + "salt", + "pepper", + "parsley", + "eggs", + "flour", + "oil", + "olive oil", + "canned snails" + ] + }, + { + "id": 16736, + "cuisine": "mexican", + "ingredients": [ + "neutral oil", + "jalapeno chilies", + "jasmine rice", + "cilantro", + "white onion", + "coarse salt", + "lime", + "garlic cloves" + ] + }, + { + "id": 26761, + "cuisine": "chinese", + "ingredients": [ + "oysters", + "chenpi", + "soy sauce", + "Shaoxing wine", + "cilantro", + "sugar", + "fresh ginger", + "vegetable oil", + "water", + "kumquats", + "plums" + ] + }, + { + "id": 13908, + "cuisine": "chinese", + "ingredients": [ + "white vinegar", + "soy sauce", + "baking powder", + "cornflour", + "oil", + "tomatoes", + "Shaoxing wine", + "capsicum", + "salt", + "tomato paste", + "beef stock", + "shallots", + "garlic", + "beef steak", + "sugar", + "spring onions", + "sesame oil", + "tomato ketchup" + ] + }, + { + "id": 31365, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "bow-tie pasta", + "italian sausage", + "sweet onion", + "garlic cloves", + "pasta sauce", + "cream cheese", + "tomatoes", + "balsamic vinegar", + "italian seasoning" + ] + }, + { + "id": 40552, + "cuisine": "cajun_creole", + "ingredients": [ + "powdered sugar", + "evaporated milk", + "bread flour", + "warm water", + "salt", + "shortening", + "vegetable oil", + "eggs", + "active dry yeast", + "white sugar" + ] + }, + { + "id": 14977, + "cuisine": "french", + "ingredients": [ + "canned chicken broth", + "onions", + "red wine", + "olive oil", + "chicken", + "cremini mushrooms", + "garlic" + ] + }, + { + "id": 38390, + "cuisine": "italian", + "ingredients": [ + "yukon gold potatoes", + "crushed red pepper", + "rosemary sprigs", + "sea salt", + "scallions", + "brine-cured olives", + "large garlic cloves", + "pizza doughs", + "sweet potatoes", + "extra-virgin olive oil", + "flour for dusting" + ] + }, + { + "id": 39793, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "jelly", + "granny smith apples", + "strawberries", + "kiwi", + "lime juice", + "cayenne pepper", + "brown sugar", + "hot sauce", + "blackberries" + ] + }, + { + "id": 24158, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "cachaca", + "peaches", + "lime", + "juice" + ] + }, + { + "id": 14901, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "shredded Monterey Jack cheese", + "shredded cheddar cheese", + "tortilla chips", + "mayonaise", + "chopped onion", + "ground cumin", + "chili powder", + "ground beef" + ] + }, + { + "id": 14650, + "cuisine": "korean", + "ingredients": [ + "eggs", + "vegetable oil", + "carrots", + "cider vinegar", + "beef tenderloin", + "onions", + "soy sauce", + "white rice", + "cucumber", + "chard", + "water", + "chunk light tuna in water", + "nori" + ] + }, + { + "id": 33984, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper", + "tomatoes", + "kalamata", + "dried oregano", + "sun-dried tomatoes", + "onions", + "capers", + "garlic" + ] + }, + { + "id": 39336, + "cuisine": "russian", + "ingredients": [ + "chicken broth", + "red pepper flakes", + "dill", + "pork sausages", + "pepper", + "white rice", + "ground beef", + "minced garlic", + "salt", + "onions", + "tomato sauce", + "tomatoes with juice", + "venison", + "cabbage" + ] + }, + { + "id": 44520, + "cuisine": "indian", + "ingredients": [ + "water", + "cilantro leaves", + "onions", + "mutton", + "oil", + "teas", + "green chilies", + "tomatoes", + "salt", + "lentils" + ] + }, + { + "id": 9787, + "cuisine": "mexican", + "ingredients": [ + "water", + "chili powder", + "salt", + "white sugar", + "ground black pepper", + "diced tomatoes", + "pinto beans", + "olive oil", + "lean ground beef", + "cayenne pepper", + "ground cumin", + "tomato sauce", + "Mexican oregano", + "garlic", + "onions" + ] + }, + { + "id": 18560, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "butter", + "40% less sodium taco seasoning mix", + "lower sodium beef broth", + "all-purpose flour", + "ground sirloin", + "chopped onion", + "minced garlic", + "whole wheat tortillas", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 41633, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "black pepper", + "salt", + "tomatoes", + "garlic", + "olive oil", + "spaghetti" + ] + }, + { + "id": 29711, + "cuisine": "irish", + "ingredients": [ + "cookies", + "water", + "vanilla", + "flour", + "walnuts", + "sugar", + "butter" + ] + }, + { + "id": 46661, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lasagna noodles, cooked and drained", + "chopped fresh thyme", + "salt", + "reduced fat milk", + "shallots", + "butter", + "garlic cloves", + "ground black pepper", + "butternut squash", + "baby spinach", + "all-purpose flour", + "parmigiano-reggiano cheese", + "cooking spray", + "balsamic vinegar", + "asiago" + ] + }, + { + "id": 30712, + "cuisine": "italian", + "ingredients": [ + "semolina flour", + "salt", + "warm water" + ] + }, + { + "id": 47313, + "cuisine": "thai", + "ingredients": [ + "romaine lettuce", + "cooking spray", + "beef tenderloin", + "chopped fresh mint", + "fish sauce", + "jalapeno chilies", + "cilantro sprigs", + "red bell pepper", + "lime juice", + "ground red pepper", + "cucumber", + "sugar", + "green onions", + "purple onion" + ] + }, + { + "id": 44690, + "cuisine": "japanese", + "ingredients": [ + "salmon", + "umeboshi", + "salt", + "nori", + "bonito flakes", + "cod roe", + "clams", + "rice" + ] + }, + { + "id": 10377, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "broccoli florets", + "boneless skinless chicken breast halves", + "ground ginger", + "olive oil", + "crushed red pepper", + "low sodium soy sauce", + "hoisin sauce", + "salt", + "chicken stock", + "chile paste", + "garlic", + "sliced green onions" + ] + }, + { + "id": 1611, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "bone-in chicken breast halves", + "fresh parmesan cheese", + "balsamic vinegar", + "onions", + "green bell pepper", + "olive oil", + "bay leaves", + "sliced mushrooms", + "tomatoes", + "dried basil", + "ground black pepper", + "salt", + "dried oregano", + "penne", + "garlic powder", + "onion powder", + "red bell pepper" + ] + }, + { + "id": 38798, + "cuisine": "british", + "ingredients": [ + "baking powder", + "cranberries", + "unsalted butter", + "all-purpose flour", + "grated lemon peel", + "sugar", + "salt", + "fresh lemon juice", + "half & half", + "chopped walnuts" + ] + }, + { + "id": 46736, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "Tabasco Pepper Sauce", + "green pepper", + "tomatoes", + "vinegar", + "garlic", + "onions", + "lime juice", + "serrano peppers", + "salt", + "tomato juice", + "cilantro", + "cucumber" + ] + }, + { + "id": 14249, + "cuisine": "indian", + "ingredients": [ + "mustard", + "salt", + "toor dal", + "tomatoes", + "oil", + "chopped garlic", + "curry leaves", + "green chilies", + "ground turmeric", + "fennel seeds", + "coconut", + "onions" + ] + }, + { + "id": 49210, + "cuisine": "southern_us", + "ingredients": [ + "parsley leaves", + "salt", + "red wine vinegar", + "bay leaf", + "vegetable oil", + "red bell pepper", + "black-eyed peas", + "large garlic cloves", + "onions" + ] + }, + { + "id": 9801, + "cuisine": "italian", + "ingredients": [ + "angel hair", + "salt", + "shrimp", + "dry white wine", + "garlic cloves", + "fresh parsley", + "pepper", + "margarine", + "red bell pepper", + "paprika", + "fresh lemon juice" + ] + }, + { + "id": 27511, + "cuisine": "chinese", + "ingredients": [ + "clove", + "mung beans", + "rice noodles", + "corn starch", + "water", + "rice wine", + "sauce", + "noodles", + "white pepper", + "green onions", + "tamari soy sauce", + "onions", + "beef", + "sesame oil", + "oyster sauce", + "canola oil" + ] + }, + { + "id": 13293, + "cuisine": "mexican", + "ingredients": [ + "chicken legs", + "cinnamon", + "chipotles in adobo", + "water", + "oil", + "cumin", + "guajillo chiles", + "garlic", + "onions", + "piloncillo", + "tomatillos", + "ancho chile pepper" + ] + }, + { + "id": 1498, + "cuisine": "russian", + "ingredients": [ + "sugar", + "unsalted butter", + "salt", + "eggs", + "milk", + "raisins", + "sour cream", + "panettone", + "flour", + "lemon juice", + "powdered sugar", + "active dry yeast", + "vanilla" + ] + }, + { + "id": 28580, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "fillets", + "seasoning salt", + "vegetable oil", + "evaporated milk", + "grouper", + "large eggs" + ] + }, + { + "id": 28035, + "cuisine": "japanese", + "ingredients": [ + "shredded carrots", + "shrimp", + "mirin", + "watercress", + "soy sauce", + "hot chili oil", + "low salt chicken broth", + "yellow miso", + "peeled fresh ginger", + "sliced green onions" + ] + }, + { + "id": 38423, + "cuisine": "italian", + "ingredients": [ + "water", + "fine sea salt", + "mussels", + "large garlic cloves", + "dried oregano", + "pecorino romano cheese", + "flat leaf parsley", + "bread crumb fresh", + "extra-virgin olive oil" + ] + }, + { + "id": 9933, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "cream", + "garlic", + "butter", + "olive oil", + "salt" + ] + }, + { + "id": 10058, + "cuisine": "irish", + "ingredients": [ + "baking powder", + "salt", + "sugar", + "butter", + "caraway", + "whole wheat flour", + "buttermilk", + "all-purpose flour", + "baking soda", + "currant", + "grated orange" + ] + }, + { + "id": 26768, + "cuisine": "irish", + "ingredients": [ + "black peppercorns", + "sherry vinegar", + "beer", + "onions", + "turnips", + "orange", + "star anise", + "mustard seeds", + "corned beef", + "garlic bulb", + "honey", + "baby carrots", + "bay leaf", + "water", + "potatoes", + "thyme", + "cabbage" + ] + }, + { + "id": 26816, + "cuisine": "french", + "ingredients": [ + "butter", + "all-purpose flour", + "eggs", + "vanilla extract", + "semi-sweet chocolate morsels", + "heavy cream", + "white sugar", + "water", + "salt" + ] + }, + { + "id": 37881, + "cuisine": "chinese", + "ingredients": [ + "vodka", + "water", + "extra firm tofu", + "vegetable oil", + "corn starch", + "sugar", + "chili pepper", + "long green", + "baking powder", + "roasted peanuts", + "celery", + "soy sauce", + "minced garlic", + "chili paste", + "szechwan peppercorns", + "scallions", + "cooked white rice", + "cold water", + "kosher salt", + "fresh ginger", + "leeks", + "all-purpose flour", + "chinkiang vinegar" + ] + }, + { + "id": 29080, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "pork tenderloin", + "honey", + "chinese five-spice powder", + "minced garlic", + "dry sherry", + "hoisin sauce" + ] + }, + { + "id": 48736, + "cuisine": "russian", + "ingredients": [ + "eggs", + "milk", + "vanilla extract", + "pure vanilla extract", + "sugar", + "sprite", + "semi-sweet chocolate morsels", + "powdered sugar", + "flour", + "sour cream", + "unflavored gelatin", + "cool whip", + "heavy whipping cream" + ] + }, + { + "id": 8261, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "olive oil", + "salt", + "dried oregano", + "mayonaise", + "corn", + "chili powder", + "smoked paprika", + "pepper", + "serrano peppers", + "garlic cloves", + "ground cumin", + "cotija", + "lime", + "sea salt", + "chopped cilantro" + ] + }, + { + "id": 30732, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "garlic powder", + "sour cream", + "fresh cilantro", + "chili powder", + "dried oregano", + "potato nuggets", + "Mexican cheese blend", + "chunky salsa", + "milk", + "nonstick spray", + "ground cumin" + ] + }, + { + "id": 17653, + "cuisine": "greek", + "ingredients": [ + "cod fillets", + "salt", + "carrots", + "water", + "littleneck clams", + "rice", + "canned low sodium chicken broth", + "large eggs", + "dill", + "onions", + "ground black pepper", + "peas", + "lemon juice" + ] + }, + { + "id": 31846, + "cuisine": "indian", + "ingredients": [ + "tea bags", + "sweetened condensed milk", + "clove", + "fresh ginger", + "green cardamom pods", + "water", + "black peppercorns", + "cinnamon sticks" + ] + }, + { + "id": 18327, + "cuisine": "indian", + "ingredients": [ + "fresh spinach", + "garbanzo beans", + "salt", + "chicken broth", + "curry powder", + "diced tomatoes", + "bay leaf", + "ground ginger", + "boneless chicken skinless thigh", + "ground black pepper", + "nonstick spray", + "cooked rice", + "lime juice", + "garlic", + "onions" + ] + }, + { + "id": 30984, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "red pepper flakes", + "dark brown sugar", + "marinade", + "red pepper", + "ground cumin", + "olive oil", + "sirloin steak", + "onions", + "soy sauce", + "lemon", + "green pepper" + ] + }, + { + "id": 34123, + "cuisine": "southern_us", + "ingredients": [ + "minced garlic", + "green leaf lettuce", + "salt", + "fresh basil", + "watermelon", + "vegetable oil", + "dressing", + "milk", + "chicken breasts", + "all-purpose flour", + "mayonaise", + "ground black pepper", + "bacon slices" + ] + }, + { + "id": 24119, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "flour tortillas", + "grating cheese", + "salsa", + "onions", + "lettuce", + "sweet onion", + "guacamole", + "extra-virgin olive oil", + "smoked paprika", + "lime juice", + "beef stock", + "cilantro", + "rice", + "cumin", + "tomato paste", + "beef", + "chili powder", + "garlic", + "chipotles in adobo" + ] + }, + { + "id": 3719, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "half & half", + "corn tortillas", + "shredded cheddar cheese", + "green enchilada sauce", + "tomatoes", + "boneless skinless chicken breasts", + "ground cumin", + "jalapeno chilies", + "red enchilada sauce" + ] + }, + { + "id": 13329, + "cuisine": "indian", + "ingredients": [ + "pita bread", + "garam masala", + "plain yogurt", + "boneless skinless chicken breasts" + ] + }, + { + "id": 30033, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "sesame oil", + "white vinegar", + "minced garlic", + "corn starch", + "sugar", + "crushed red pepper flakes", + "chicken broth", + "water" + ] + }, + { + "id": 7021, + "cuisine": "italian", + "ingredients": [ + "pesto", + "roasted red peppers", + "part-skim mozzarella cheese", + "baby spinach", + "large egg whites", + "wonton wrappers", + "parmesan cheese", + "part-skim ricotta cheese" + ] + }, + { + "id": 16235, + "cuisine": "indian", + "ingredients": [ + "peeled fresh ginger", + "dry mustard", + "garlic cloves", + "ground cumin", + "ground cloves", + "ground red pepper", + "chopped onion", + "ground turmeric", + "ground cinnamon", + "golden raisins", + "salt", + "medium shrimp", + "fat free less sodium chicken broth", + "red wine vinegar", + "ground coriander", + "canola oil" + ] + }, + { + "id": 48427, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "onion salt", + "crushed red pepper", + "sour cream", + "sweet onion", + "tortillas", + "cilantro", + "salsa", + "pepper", + "garlic powder", + "paprika", + "salt", + "steak", + "lime", + "red pepper", + "cheese", + "green pepper" + ] + }, + { + "id": 20972, + "cuisine": "french", + "ingredients": [ + "reduced fat monterey jack cheese", + "chopped green bell pepper", + "cooking spray", + "1% low-fat milk", + "cheddar cheese", + "large eggs", + "mushrooms", + "all-purpose flour", + "egg substitute", + "potatoes", + "baking powder", + "fresh parsley", + "tomatoes", + "zucchini", + "fat-free cottage cheese", + "salt" + ] + }, + { + "id": 49714, + "cuisine": "irish", + "ingredients": [ + "chopped fresh thyme", + "chopped fresh sage", + "onions", + "fresh rosemary", + "apple cider", + "bay leaf", + "caraway seeds", + "bacon", + "carrots", + "pork sausages", + "potatoes", + "garlic", + "fresh parsley" + ] + }, + { + "id": 23551, + "cuisine": "thai", + "ingredients": [ + "boneless skinless chicken breasts", + "green beans", + "fish sauce", + "vegetable oil", + "water", + "Thai red curry paste", + "granulated sugar", + "oyster sauce" + ] + }, + { + "id": 7166, + "cuisine": "italian", + "ingredients": [ + "pasta", + "pecorino romano cheese", + "pepper", + "garlic", + "kosher salt", + "extra-virgin olive oil", + "broccoli florets" + ] + }, + { + "id": 3433, + "cuisine": "southern_us", + "ingredients": [ + "table salt", + "unsalted butter", + "paprika", + "ground peppercorn", + "butter", + "all-purpose flour", + "sausage casings", + "baking soda", + "buttermilk", + "milk", + "baking powder", + "salt" + ] + }, + { + "id": 35854, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "sweet onion", + "red beans", + "smoked sausage", + "fresh parsley", + "sugar", + "olive oil", + "ground red pepper", + "hot sauce", + "cooked ham", + "dried thyme", + "green onions", + "salt", + "dried oregano", + "water", + "ground black pepper", + "worcestershire sauce", + "garlic cloves" + ] + }, + { + "id": 14847, + "cuisine": "italian", + "ingredients": [ + "butter", + "white wine", + "garlic cloves", + "raw peeled prawns", + "linguine", + "parsley", + "lemon juice" + ] + }, + { + "id": 32898, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "olive oil", + "salt", + "shredded cheddar cheese", + "sweet potatoes", + "onions", + "pepper", + "jalapeno chilies", + "corn tortillas", + "milk", + "cilantro" + ] + }, + { + "id": 12810, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "sugar", + "boiling water" + ] + }, + { + "id": 45803, + "cuisine": "french", + "ingredients": [ + "madeira wine", + "butter", + "tomato purée", + "beef stock", + "all-purpose flour", + "ground black pepper", + "salt", + "ham steak", + "shallots" + ] + }, + { + "id": 35500, + "cuisine": "mexican", + "ingredients": [ + "corn husks", + "tomatillos", + "lard", + "masa harina", + "bouillon", + "cooked chicken", + "cilantro", + "low sodium store bought chicken stock", + "mozzarella cheese", + "coarse salt", + "garlic", + "canola oil", + "jalapeno chilies", + "russet potatoes", + "onions" + ] + }, + { + "id": 22534, + "cuisine": "cajun_creole", + "ingredients": [ + "brown rice", + "chicken stock cubes", + "oil", + "onions", + "cayenne", + "paprika", + "green pepper", + "celery", + "pepper", + "lean ground beef", + "salt", + "thyme", + "bay leaves", + "garlic", + "scallions", + "medium shrimp" + ] + }, + { + "id": 47472, + "cuisine": "cajun_creole", + "ingredients": [ + "peanuts", + "crab boil", + "jalapeno chilies" + ] + }, + { + "id": 18518, + "cuisine": "irish", + "ingredients": [ + "butter", + "milk", + "freshly ground pepper", + "russet", + "salt", + "baking potatoes", + "scallions" + ] + }, + { + "id": 31352, + "cuisine": "southern_us", + "ingredients": [ + "water", + "fresh mint", + "bourbon whiskey", + "sugar", + "club soda" + ] + }, + { + "id": 16309, + "cuisine": "mexican", + "ingredients": [ + "ancho chili ground pepper", + "quinoa", + "salt", + "lime juice", + "green onions", + "chopped cilantro fresh", + "water", + "ground black pepper", + "red bell pepper", + "black beans", + "Spike Seasoning", + "extra-virgin olive oil", + "ground cumin" + ] + }, + { + "id": 43555, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "green peas", + "long-grain rice", + "green onions", + "yellow onion", + "canola oil", + "large eggs", + "salt", + "iceberg lettuce", + "low sodium soy sauce", + "loin pork roast", + "dark sesame oil" + ] + }, + { + "id": 12820, + "cuisine": "chinese", + "ingredients": [ + "fresh cilantro", + "extra firm tofu", + "vegetable broth", + "dark sesame oil", + "soy sauce", + "fresh ginger", + "green onions", + "rice vinegar", + "corn starch", + "olive oil", + "egg whites", + "salt", + "garlic cloves", + "water", + "ground black pepper", + "red pepper flakes", + "cayenne pepper", + "sliced mushrooms" + ] + }, + { + "id": 17482, + "cuisine": "indian", + "ingredients": [ + "powdered sugar", + "ghee", + "flour", + "saffron", + "almonds", + "sooji", + "ground cardamom" + ] + }, + { + "id": 35351, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "ground black pepper", + "lower sodium chicken broth", + "smoked bacon", + "chopped onion", + "water", + "vinegar", + "turnip greens", + "black-eyed peas" + ] + }, + { + "id": 37483, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "dried pinto beans", + "Mexican beer", + "garlic cloves", + "Mexican oregano", + "salt", + "water", + "bacon", + "onions" + ] + }, + { + "id": 21427, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "white wine", + "bay leaves", + "crushed red pepper", + "confectioners sugar", + "dried rosemary", + "brown sugar", + "dried thyme", + "onion powder", + "ground allspice", + "marjoram", + "italian sausage", + "tomato sauce", + "garlic powder", + "red wine", + "sliced mushrooms", + "dried oregano", + "green bell pepper", + "dried basil", + "dried sage", + "salt", + "onions", + "italian seasoning" + ] + }, + { + "id": 12421, + "cuisine": "italian", + "ingredients": [ + "white onion", + "balsamic vinegar", + "shredded mozzarella cheese", + "unsalted butter", + "soppressata", + "prebaked pizza crusts", + "sweet potatoes", + "freshly ground pepper", + "kosher salt", + "extra-virgin olive oil", + "oregano" + ] + }, + { + "id": 18037, + "cuisine": "spanish", + "ingredients": [ + "orange", + "strawberries", + "dry white wine", + "orange liqueur", + "sugar", + "lemon", + "lime", + "fresh mint" + ] + }, + { + "id": 40758, + "cuisine": "indian", + "ingredients": [ + "fish fillets", + "salt", + "ground turmeric", + "red chili powder", + "garlic powder", + "lemon juice", + "semolina", + "oil", + "garlic paste", + "garam masala", + "onions" + ] + }, + { + "id": 40114, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "olive oil", + "squid", + "hot red pepper flakes", + "fish stock", + "fresh lemon juice", + "fresh rosemary", + "dry white wine", + "garlic cloves", + "water", + "fresh oregano", + "flat leaf parsley" + ] + }, + { + "id": 499, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "pasta", + "tomato sauce" + ] + }, + { + "id": 34901, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "rice vinegar", + "rice paper", + "sugar", + "rice vermicelli", + "chopped fresh herbs", + "sesame oil", + "medium shrimp", + "peanuts", + "carrots" + ] + }, + { + "id": 43887, + "cuisine": "brazilian", + "ingredients": [ + "water", + "flour", + "butter", + "lemon juice", + "cumin", + "tomatoes", + "olive oil", + "Tabasco Pepper Sauce", + "salt", + "corn starch", + "milk", + "egg yolks", + "garlic", + "shrimp", + "pepper", + "bell pepper", + "parsley", + "margarine", + "onions" + ] + }, + { + "id": 29660, + "cuisine": "moroccan", + "ingredients": [ + "cherry tomatoes", + "white wine vinegar", + "couscous", + "water", + "large garlic cloves", + "lentilles du puy", + "olive oil", + "salt", + "arugula", + "feta cheese", + "fresh mint" + ] + }, + { + "id": 26333, + "cuisine": "italian", + "ingredients": [ + "unflavored gelatin", + "vanilla", + "sugar", + "flavored syrup", + "whipping cream" + ] + }, + { + "id": 38770, + "cuisine": "chinese", + "ingredients": [ + "bell pepper", + "onions", + "honey", + "red wine vinegar", + "soy sauce", + "flank steak", + "olive oil", + "garlic" + ] + }, + { + "id": 23000, + "cuisine": "italian", + "ingredients": [ + "no-salt-added diced tomatoes", + "chopped onion", + "dried oregano", + "sugar", + "grated parmesan cheese", + "rubbed sage", + "olive oil", + "canadian bacon", + "black pepper", + "roasted garlic", + "gnocchi" + ] + }, + { + "id": 36150, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "white sugar", + "ground cinnamon", + "all-purpose flour", + "salt", + "water", + "oil" + ] + }, + { + "id": 49087, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "leaves", + "ground pork", + "corn starch", + "water", + "sesame oil", + "rice vinegar", + "soy sauce", + "mushroom caps", + "chicken stock cubes", + "fresh ginger", + "wonton wrappers", + "scallions" + ] + }, + { + "id": 29624, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "olive oil", + "Thai red curry paste", + "golden caster sugar", + "fresh coriander", + "shallots", + "lime leaves", + "salad", + "soy sauce", + "spring onions", + "coconut milk", + "salmon fillets", + "lime", + "butter", + "basmati rice" + ] + }, + { + "id": 7976, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "olive oil", + "chopped fresh thyme", + "chopped onion", + "ground cloves", + "ground black pepper", + "diced tomatoes", + "carrots", + "lower sodium beef broth", + "medium egg noodles", + "salt", + "bay leaf", + "fresh rosemary", + "boneless chuck roast", + "red wine", + "garlic cloves" + ] + }, + { + "id": 37937, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "coriander seeds", + "ginger", + "chickpeas", + "red chili peppers", + "lemon", + "salt", + "onions", + "tumeric", + "chili powder", + "garlic", + "cumin seed", + "tomatoes", + "black pepper", + "sunflower oil", + "cilantro leaves" + ] + }, + { + "id": 13469, + "cuisine": "indian", + "ingredients": [ + "paprika", + "cumin seed", + "fresh cilantro", + "salt", + "purple onion", + "canola oil", + "baking potatoes", + "ground coriander" + ] + }, + { + "id": 24101, + "cuisine": "southern_us", + "ingredients": [ + "water", + "mint sprigs", + "sugar" + ] + }, + { + "id": 38938, + "cuisine": "british", + "ingredients": [ + "ground black pepper", + "beef tenderloin", + "eggs", + "pepperidge farm puff pastry", + "mushrooms", + "onions", + "water", + "butter" + ] + }, + { + "id": 15323, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "garlic cloves", + "fresh basil", + "whipping cream", + "chicken broth", + "butter", + "Barilla Linguine", + "freshly ground pepper" + ] + }, + { + "id": 35600, + "cuisine": "italian", + "ingredients": [ + "golden brown sugar", + "rice vinegar", + "soft fresh goat cheese", + "granny smith apples", + "peeled fresh ginger", + "cayenne pepper", + "chopped fresh mint", + "olive oil", + "roasted garlic", + "cinnamon sticks", + "baguette", + "golden raisins", + "garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 15866, + "cuisine": "spanish", + "ingredients": [ + "white vinegar", + "all purpose unbleached flour", + "large eggs", + "ice water", + "unsalted butter", + "salt" + ] + }, + { + "id": 22689, + "cuisine": "indian", + "ingredients": [ + "peeled fresh ginger", + "mustard seeds", + "sugar", + "star anise", + "clove", + "red wine vinegar", + "cinnamon sticks", + "ground black pepper", + "plums" + ] + }, + { + "id": 43110, + "cuisine": "french", + "ingredients": [ + "butter", + "sugar", + "salt", + "whipping cream", + "egg yolks", + "chopped onion" + ] + }, + { + "id": 16100, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "mozzarella cheese", + "onions", + "cheddar cheese", + "tortilla shells", + "pasta sauce", + "parmesan cheese", + "cottage cheese", + "ground beef" + ] + }, + { + "id": 32043, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "prosciutto", + "artichoke hearts", + "olive oil", + "roast red peppers, drain", + "garlic powder" + ] + }, + { + "id": 32527, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "dried thyme", + "boneless skinless chicken breasts", + "rubbed sage", + "kosher salt", + "ground black pepper", + "garlic", + "wine", + "olive oil", + "portabello mushroom", + "Burgundy wine", + "pasta", + "dried basil", + "chopped green bell pepper", + "chopped onion" + ] + }, + { + "id": 48740, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "salt", + "onions", + "coconut", + "oil", + "black pepper", + "green chilies", + "urad dal", + "asafoetida powder" + ] + }, + { + "id": 15541, + "cuisine": "southern_us", + "ingredients": [ + "pork shoulder roast", + "cajun seasoning", + "garlic cloves", + "cold water", + "red grape", + "persimmon", + "sliced pears", + "vegetable oil", + "all-purpose flour", + "celery ribs", + "low sodium chicken broth", + "collard green leaves", + "onions" + ] + }, + { + "id": 43418, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "italian seasoned dry bread crumbs", + "grated parmesan cheese", + "boneless skinless chicken breast halves", + "mayonaise", + "fresh basil leaves", + "purple onion", + "italian salad dressing" + ] + }, + { + "id": 30947, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "lemon juice", + "mayonaise", + "buttermilk", + "onions", + "white vinegar", + "milk", + "carrots", + "sugar", + "salt", + "cabbage" + ] + }, + { + "id": 28906, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "pepper", + "garlic", + "tomato paste", + "bread crumbs", + "chicken breasts", + "italian salad dressing", + "angel hair", + "milk", + "salt", + "tomato sauce", + "flour", + "fresh oregano" + ] + }, + { + "id": 48915, + "cuisine": "cajun_creole", + "ingredients": [ + "catfish fillets", + "green pepper", + "garlic cloves", + "diced tomatoes", + "V8 Juice", + "onions", + "olive oil", + "okra", + "uncook medium shrimp, peel and devein", + "celery ribs", + "cayenne pepper", + "long-grain rice" + ] + }, + { + "id": 25825, + "cuisine": "korean", + "ingredients": [ + "eggs", + "pepper", + "green onions", + "all-purpose flour", + "fish", + "white vinegar", + "red chili peppers", + "sesame seeds", + "rice wine", + "glutinous rice flour", + "sugar", + "water", + "spring onions", + "pancake mix", + "Korean chile flakes", + "soy sauce", + "garlic powder", + "salt", + "oil" + ] + }, + { + "id": 40710, + "cuisine": "mexican", + "ingredients": [ + "milk", + "tortilla chips", + "black beans", + "green onions", + "processed cheese", + "pork sausages", + "white onion", + "salsa" + ] + }, + { + "id": 46500, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "potatoes", + "onions", + "tomatoes", + "garbanzo beans", + "garlic", + "olive oil", + "raisins", + "boneless chop pork", + "pork liver", + "salt" + ] + }, + { + "id": 36414, + "cuisine": "indian", + "ingredients": [ + "mashed potatoes", + "amchur", + "thai chile", + "cumin", + "kosher salt", + "chili powder", + "oil", + "garlic paste", + "whole wheat flour", + "cilantro leaves", + "water", + "butter", + "ghee" + ] + }, + { + "id": 33421, + "cuisine": "greek", + "ingredients": [ + "finely chopped fresh parsley", + "purple onion", + "fresh lemon juice", + "plum tomatoes", + "ground ginger", + "extra-virgin olive oil", + "ground coriander", + "greek yogurt", + "tahini", + "salt", + "cucumber", + "ground cumin", + "pitas", + "crushed red pepper", + "garlic cloves", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 6031, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "shallots", + "apples" + ] + }, + { + "id": 32953, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "garlic powder", + "cilantro", + "sour cream", + "taco sauce", + "olive oil", + "chili powder", + "frozen corn", + "avocado", + "pepper", + "hot pepper sauce", + "purple onion", + "cumin", + "cooked rice", + "lime juice", + "chicken breasts", + "salt" + ] + }, + { + "id": 38786, + "cuisine": "italian", + "ingredients": [ + "bananas", + "apples", + "pears", + "orange", + "butter", + "lemon juice", + "eggs", + "flour", + "extra-virgin olive oil", + "sugar", + "baking powder", + "salt" + ] + }, + { + "id": 19361, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "shallots", + "ginger", + "long-grain rice", + "baby bok choy", + "pandanus leaf", + "sesame oil", + "scallions", + "cucumber", + "kecap manis", + "rice wine", + "chili sauce", + "ground white pepper", + "soy sauce", + "cilantro stems", + "vegetable oil", + "whole chicken" + ] + }, + { + "id": 1185, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "cucumber", + "ketchup", + "hot sauce", + "medium shrimp", + "salt", + "fresh lime juice", + "water", + "chopped onion", + "chopped cilantro fresh" + ] + }, + { + "id": 27832, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "bay leaves", + "salt", + "onions", + "celery ribs", + "reduced sodium chicken broth", + "extra-virgin olive oil", + "carrots", + "fresh rosemary", + "dry white wine", + "garlic cloves", + "grana padano", + "black pepper", + "rabbit", + "juice", + "orecchiette" + ] + }, + { + "id": 34475, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "fresh lime juice", + "white onion", + "garlic", + "avocado", + "tomatillos", + "chopped cilantro fresh", + "water", + "salt" + ] + }, + { + "id": 13603, + "cuisine": "southern_us", + "ingredients": [ + "water", + "rib", + "extra-virgin olive oil", + "garlic cloves", + "mustard greens" + ] + }, + { + "id": 22263, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil cooking spray", + "chicken breasts", + "garlic", + "yellow onion", + "avocado", + "bay leaves", + "chile pepper", + "salt", + "corn tortillas", + "lime", + "chili powder", + "purple onion", + "sour cream", + "chicken stock", + "corn oil", + "diced tomatoes", + "cilantro leaves", + "ground cumin" + ] + }, + { + "id": 38146, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "large eggs", + "vanilla extract", + "dark brown sugar", + "fat free milk", + "baking powder", + "all-purpose flour", + "large egg whites", + "cooking spray", + "salt", + "granulated sugar", + "butter", + "corn syrup" + ] + }, + { + "id": 14098, + "cuisine": "british", + "ingredients": [ + "dried currants", + "all-purpose flour", + "tea bags", + "baking powder", + "dough", + "unsalted butter", + "boiling water", + "sugar", + "salt" + ] + }, + { + "id": 15137, + "cuisine": "vietnamese", + "ingredients": [ + "cilantro sprigs", + "fresh lime juice", + "sugar", + "freshly ground pepper", + "asian fish sauce", + "salt", + "pompano fillets", + "fresh ginger", + "garlic cloves" + ] + }, + { + "id": 45672, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "onions", + "tomato paste", + "diced tomatoes", + "green pepper", + "chicken stock", + "vegetable oil", + "all-purpose flour", + "italian seasoning", + "boneless chicken skinless thigh", + "garlic", + "fresh parsley" + ] + }, + { + "id": 8282, + "cuisine": "italian", + "ingredients": [ + "pizza crust", + "grated parmesan cheese", + "shredded mozzarella cheese", + "tomato paste", + "milk", + "dry red wine", + "onions", + "pepperoni slices", + "large eggs", + "salt", + "pepper", + "lean ground beef", + "garlic cloves" + ] + }, + { + "id": 23373, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "sesame oil", + "water", + "Gochujang base", + "minced garlic", + "corn syrup", + "anchovies", + "toasted sesame seeds" + ] + }, + { + "id": 7733, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "cooking oil", + "oyster sauce", + "tomatoes", + "vinegar", + "green chilies", + "eggplant", + "garlic", + "onions", + "water", + "shrimp paste", + "coconut milk" + ] + }, + { + "id": 42928, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "dry red wine", + "chuck", + "pepper sauce", + "ground black pepper", + "burrito seasoning mix", + "water", + "roasted garlic", + "sugar", + "paprika", + "pork shoulder" + ] + }, + { + "id": 5771, + "cuisine": "mexican", + "ingredients": [ + "sweet onion", + "butter", + "sour cream", + "pepper", + "chicken breast halves", + "salt", + "cream of chicken soup", + "shredded sharp cheddar cheese", + "waffle", + "chile pepper", + "garlic cloves" + ] + }, + { + "id": 16138, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "corn starch", + "soy sauce", + "garlic", + "gai lan", + "sesame oil", + "white sugar", + "fresh ginger root", + "rice vinegar" + ] + }, + { + "id": 22440, + "cuisine": "southern_us", + "ingredients": [ + "turnip greens", + "country ham", + "red wine vinegar", + "brown sugar", + "olive oil", + "red kidnei beans, rins and drain" + ] + }, + { + "id": 31522, + "cuisine": "french", + "ingredients": [ + "white chocolate", + "whipping cream", + "unflavored gelatin", + "orange marmalade", + "blackberries", + "large egg yolks", + "Grand Marnier", + "sugar", + "whole milk" + ] + }, + { + "id": 41085, + "cuisine": "mexican", + "ingredients": [ + "vanilla extract", + "sugar", + "unsweetened cocoa powder", + "corn starch", + "cinnamon", + "low-fat milk" + ] + }, + { + "id": 17240, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "yellow squash", + "ground black pepper", + "smoked paprika", + "onions", + "lettuce", + "kosher salt", + "garlic powder", + "sweet potatoes or yams", + "corn tortillas", + "ground cumin", + "black beans", + "feta cheese", + "sea salt", + "sour cream", + "canola oil", + "tomatoes", + "olive oil", + "zucchini", + "red bell pepper", + "dried oregano" + ] + }, + { + "id": 32039, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "dried parsley", + "dried basil", + "extra-virgin olive oil", + "dried rosemary", + "minced garlic", + "crushed red pepper flakes", + "dried oregano", + "garlic powder", + "salt" + ] + }, + { + "id": 4593, + "cuisine": "southern_us", + "ingredients": [ + "molasses", + "flank steak", + "dry mustard", + "dark brown sugar", + "tomato paste", + "garlic powder", + "worcestershire sauce", + "chopped onion", + "black pepper", + "chili powder", + "purple onion", + "dill pickles", + "cider vinegar", + "sub buns", + "salt", + "ground cumin" + ] + }, + { + "id": 3285, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "garlic", + "light brown sugar", + "fresh ginger", + "sticky rice", + "scallions", + "white vinegar", + "honey", + "daikon", + "salt", + "chicken legs", + "shallots", + "thai chile", + "asian fish sauce" + ] + }, + { + "id": 26063, + "cuisine": "korean", + "ingredients": [ + "shell steak", + "garlic", + "sugar", + "sesame oil", + "fresh ginger", + "soy sauce", + "balsamic vinegar" + ] + }, + { + "id": 28798, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "sugar", + "water" + ] + }, + { + "id": 798, + "cuisine": "italian", + "ingredients": [ + "buttermilk", + "mayonaise", + "pesto", + "sour cream" + ] + }, + { + "id": 25, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "corn tortillas", + "sea salt" + ] + }, + { + "id": 38880, + "cuisine": "filipino", + "ingredients": [ + "vinegar", + "coconut cream", + "coconut milk", + "ground black pepper", + "salt", + "shrimp", + "sugar", + "garlic", + "oyster sauce", + "banana blossom", + "tomatoes", + "cooking oil", + "green chilies", + "onions" + ] + }, + { + "id": 22613, + "cuisine": "japanese", + "ingredients": [ + "granulated sugar", + "matcha green tea powder", + "whole milk", + "large egg yolks", + "heavy cream" + ] + }, + { + "id": 23991, + "cuisine": "filipino", + "ingredients": [ + "cooking oil", + "salt", + "pork belly", + "lemon", + "soy sauce", + "catsup", + "ground black pepper", + "garlic" + ] + }, + { + "id": 25354, + "cuisine": "mexican", + "ingredients": [ + "butter", + "chopped cilantro fresh", + "lime", + "fresh lime juice", + "red potato", + "salsa", + "Mexican cheese blend", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 12254, + "cuisine": "greek", + "ingredients": [ + "water", + "berries", + "orange blossom honey", + "kosher salt", + "greek yogurt" + ] + }, + { + "id": 20183, + "cuisine": "filipino", + "ingredients": [ + "pork", + "salt", + "onions", + "shrimp paste", + "garlic cloves", + "ground pepper", + "green chilies", + "vegetable oil", + "coconut milk" + ] + }, + { + "id": 11526, + "cuisine": "mexican", + "ingredients": [ + "hot pepper sauce", + "American cheese", + "vegetarian refried beans", + "low-fat sour cream", + "flour tortillas", + "ground black pepper" + ] + }, + { + "id": 23983, + "cuisine": "jamaican", + "ingredients": [ + "gruyere cheese", + "boneless skinless chicken breasts", + "carrots", + "zucchini", + "ham", + "vegetable oil" + ] + }, + { + "id": 9581, + "cuisine": "thai", + "ingredients": [ + "sweet onion", + "butter", + "Thai fish sauce", + "canola oil", + "sugar", + "thai basil", + "freshly ground pepper", + "fresh mint", + "hot chili", + "cilantro leaves", + "red bell pepper", + "kosher salt", + "flank steak", + "english cucumber", + "fresh lime juice" + ] + }, + { + "id": 37320, + "cuisine": "french", + "ingredients": [ + "idaho potatoes", + "grated Gruyère cheese", + "ground black pepper", + "paprika", + "freshly grated parmesan", + "heavy cream", + "unsalted butter", + "salt" + ] + }, + { + "id": 40748, + "cuisine": "italian", + "ingredients": [ + "french bread", + "garlic cloves", + "tomatoes", + "extra-virgin olive oil", + "ground black pepper", + "salt", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 7584, + "cuisine": "russian", + "ingredients": [ + "sugar", + "coarse kosher salt", + "purple onion", + "white wine vinegar", + "black peppercorns", + "cinnamon sticks" + ] + }, + { + "id": 7414, + "cuisine": "greek", + "ingredients": [ + "baking powder", + "blanched almonds", + "brandy", + "vanilla extract", + "clove", + "butter", + "confectioners sugar", + "egg yolks", + "all-purpose flour" + ] + }, + { + "id": 48337, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "golden raisins", + "onions", + "olive oil", + "salt", + "ground cumin", + "slivered almonds", + "meat", + "pears", + "ground ginger", + "ground black pepper", + "ground coriander" + ] + }, + { + "id": 44857, + "cuisine": "mexican", + "ingredients": [ + "baking powder", + "warm water", + "canola oil", + "all-purpose flour", + "salt" + ] + }, + { + "id": 22963, + "cuisine": "mexican", + "ingredients": [ + "water", + "cheese", + "corn tortillas", + "black beans", + "corn", + "salsa", + "avocado", + "fresh cilantro", + "crema", + "shredded cheddar cheese", + "chicken breasts", + "taco seasoning" + ] + }, + { + "id": 7395, + "cuisine": "british", + "ingredients": [ + "butter", + "onions", + "all-purpose flour", + "salt", + "white sugar", + "pepper", + "liver" + ] + }, + { + "id": 42454, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "converted rice", + "all-purpose flour", + "kosher salt", + "bay leaves", + "dry red wine", + "red bell pepper", + "prosciutto", + "large garlic cloves", + "yellow onion", + "ground cloves", + "ground black pepper", + "paprika", + "leg of lamb" + ] + }, + { + "id": 44605, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "garlic", + "lime", + "onions", + "fresh cilantro", + "salt", + "jalapeno chilies", + "plum tomatoes" + ] + }, + { + "id": 36408, + "cuisine": "french", + "ingredients": [ + "hanger steak", + "cognac", + "leeks", + "garlic", + "parsley", + "salt", + "unsalted butter", + "extra-virgin olive oil", + "freshly ground pepper" + ] + }, + { + "id": 20968, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "ziti", + "tomatoes with juice", + "onions", + "eggs", + "olive oil", + "parsley", + "salt", + "italian sausage", + "pepper", + "whole milk ricotta cheese", + "garlic", + "italian seasoning", + "tomato sauce", + "grated parmesan cheese", + "red pepper flakes", + "ground beef" + ] + }, + { + "id": 15335, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "minced garlic", + "lasagna noodles", + "part-skim ricotta cheese", + "bay leaf", + "fresh basil", + "golden brown sugar", + "grated parmesan cheese", + "chopped onion", + "frozen chopped spinach", + "mozzarella cheese", + "olive oil", + "lean ground beef", + "carrots", + "tomato paste", + "crushed tomatoes", + "large eggs", + "crushed red pepper", + "dried oregano" + ] + }, + { + "id": 47676, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "green beans", + "sausages", + "spanish rice", + "carrots" + ] + }, + { + "id": 23121, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "fresh lime juice", + "salt", + "purple onion", + "chopped cilantro fresh", + "radishes", + "orange juice" + ] + }, + { + "id": 39489, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garam masala", + "chickpeas", + "sugar", + "star anise", + "cinnamon sticks", + "black peppercorns", + "cilantro", + "oil", + "water", + "salt", + "masala" + ] + }, + { + "id": 35348, + "cuisine": "french", + "ingredients": [ + "large eggs", + "water", + "all-purpose flour", + "sugar", + "salt", + "unsalted butter" + ] + }, + { + "id": 13866, + "cuisine": "mexican", + "ingredients": [ + "corn", + "light sour cream", + "refried beans", + "pico de gallo", + "guacamole", + "shredded cheddar cheese", + "green onions" + ] + }, + { + "id": 42016, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "flat leaf parsley", + "large garlic cloves", + "onions", + "olive oil", + "herbes de provence", + "fennel seeds", + "brine-cured black olives", + "chicken" + ] + }, + { + "id": 20042, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "large eggs", + "beef broth", + "onions", + "pepper", + "pimentos", + "garlic cloves", + "ground cumin", + "ground round", + "shredded cabbage", + "hot sauce", + "chopped cilantro fresh", + "tomatoes", + "zucchini", + "salt", + "carrots" + ] + }, + { + "id": 7450, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "ground black pepper", + "mozzarella cheese", + "fresh basil leaves", + "kosher salt", + "balsamic vinegar", + "olive oil" + ] + }, + { + "id": 39767, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cheese", + "marinara sauce", + "large eggs", + "water", + "wonton wrappers" + ] + }, + { + "id": 23961, + "cuisine": "italian", + "ingredients": [ + "bow-tie pasta", + "red bell pepper", + "dijon mustard", + "asparagus spears", + "whipping cream", + "low salt chicken broth", + "ham" + ] + }, + { + "id": 9098, + "cuisine": "filipino", + "ingredients": [ + "salt", + "mung beans", + "white sugar", + "water", + "glutinous rice flour", + "cooking oil" + ] + }, + { + "id": 11141, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "mild curry paste", + "butter", + "fresh lime juice", + "lime zest", + "plain yogurt", + "light cream", + "tomato ketchup", + "boneless chicken skinless thigh", + "fresh ginger", + "garlic", + "basmati rice", + "ground cinnamon", + "fresh coriander", + "stewed tomatoes", + "onions" + ] + }, + { + "id": 30684, + "cuisine": "italian", + "ingredients": [ + "chiles", + "plum tomatoes", + "extra-virgin olive oil", + "fresh basil leaves", + "large garlic cloves" + ] + }, + { + "id": 11376, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "purple onion", + "red pepper", + "chipotle paste", + "lime", + "garlic cloves", + "extra-virgin olive oil", + "coriander" + ] + }, + { + "id": 11543, + "cuisine": "french", + "ingredients": [ + "parsley", + "all-purpose flour", + "capers", + "lemon", + "ground white pepper", + "sole fillet", + "salt", + "butter", + "lemon juice" + ] + }, + { + "id": 9804, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "bacon", + "freshly ground pepper", + "kosher salt", + "extra-virgin olive oil", + "sugar", + "diced tomatoes", + "garlic cloves", + "pasta", + "freshly grated parmesan", + "crushed red pepper" + ] + }, + { + "id": 25376, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "crushed tomatoes", + "red wine", + "dried rosemary", + "tilapia fillets", + "cooking oil", + "fresh parsley", + "artichoke hearts", + "garlic" + ] + }, + { + "id": 48730, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "coriander seeds", + "roasting chickens", + "onions", + "chipotle chile", + "cilantro leaves", + "corn tortillas", + "fresh rosemary", + "dry white wine", + "garlic cloves", + "fresh oregano leaves", + "butter", + "low salt chicken broth" + ] + }, + { + "id": 35230, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "Italian parsley leaves", + "lemon juice", + "capers", + "dijon mustard", + "garlic", + "ground black pepper", + "anchovy paste", + "dried thyme", + "boneless skinless chicken breasts", + "salt" + ] + }, + { + "id": 46130, + "cuisine": "italian", + "ingredients": [ + "pecorino romano cheese", + "grape tomatoes", + "sweet italian sausage", + "red pepper flakes", + "dried pasta" + ] + }, + { + "id": 24670, + "cuisine": "moroccan", + "ingredients": [ + "green lentil", + "ginger", + "cumin", + "tumeric", + "vegetable stock", + "garlic cloves", + "shallots", + "chickpeas", + "olive oil", + "diced tomatoes", + "onions" + ] + }, + { + "id": 14204, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "cinnamon", + "garlic cloves", + "onions", + "zucchini", + "ground allspice", + "Italian bread", + "water", + "paprika", + "fresh lemon juice", + "fresh basil leaves", + "eggplant", + "yellow bell pepper", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 20098, + "cuisine": "southern_us", + "ingredients": [ + "alum", + "ground ginger", + "watermelon", + "water", + "sugar", + "salt" + ] + }, + { + "id": 13213, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "paprika", + "masa harina", + "kosher salt", + "vegetable oil", + "ground coriander", + "celery salt", + "onion powder", + "all-purpose flour", + "chicken", + "garlic powder", + "buttermilk", + "corn starch" + ] + }, + { + "id": 18236, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "plum tomatoes", + "shallots", + "fennel seeds", + "sourdough", + "fennel" + ] + }, + { + "id": 41868, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "mint leaves", + "english cucumber", + "kaffir lime leaves", + "Sriracha", + "seasoned rice wine vinegar", + "papaya", + "vietnamese fish sauce", + "fresh lime juice", + "tomatoes", + "thai basil", + "purple onion", + "galangal" + ] + }, + { + "id": 39501, + "cuisine": "japanese", + "ingredients": [ + "zucchini", + "sauce", + "eggs", + "flour", + "carrots", + "mayonaise", + "green onions", + "cabbage", + "dashi", + "bacon" + ] + }, + { + "id": 46641, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "olive oil", + "zucchini", + "all-purpose flour", + "onions", + "pepper", + "parmesan cheese", + "garlic", + "shredded mozzarella cheese", + "green bell pepper", + "small curd cottage cheese", + "ricotta cheese", + "broccoli", + "milk", + "lasagna noodles", + "salt", + "carrots" + ] + }, + { + "id": 4441, + "cuisine": "indian", + "ingredients": [ + "eggs", + "water", + "bay leaves", + "salt", + "mustard seeds", + "curry leaves", + "garlic paste", + "garam masala", + "cinnamon", + "green cardamom", + "ground turmeric", + "clove", + "black peppercorns", + "coconut", + "chili powder", + "cilantro leaves", + "onions", + "tomatoes", + "coconut oil", + "coriander powder", + "star anise", + "cumin seed" + ] + }, + { + "id": 23221, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "soup", + "garlic", + "celery", + "chicken broth", + "bread crumbs", + "meatballs", + "coarse salt", + "carrots", + "onions", + "black pepper", + "parmesan cheese", + "cannellini beans", + "croutons", + "ground beef", + "eggs", + "kosher salt", + "grated parmesan cheese", + "baby spinach", + "chopped parsley", + "italian seasoning" + ] + }, + { + "id": 40482, + "cuisine": "russian", + "ingredients": [ + "ground chicken", + "salt", + "large eggs", + "panko breadcrumbs", + "olive oil", + "onions", + "cremini mushrooms", + "flour" + ] + }, + { + "id": 37923, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "cooking spray", + "tomatoes", + "part-skim mozzarella cheese", + "salt", + "eggplant", + "part-skim ricotta cheese", + "fresh basil", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 4738, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "peeled fresh ginger", + "ground coriander", + "unsweetened coconut milk", + "zucchini", + "cilantro sprigs", + "onions", + "water", + "vegetable oil", + "garlic cloves", + "red lentils", + "jalapeno chilies", + "salt", + "ground cumin" + ] + }, + { + "id": 33680, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "lettuce leaves", + "baby spinach", + "shrimp", + "hot red pepper flakes", + "medium dry sherry", + "sesame oil", + "scallions", + "water", + "peeled fresh ginger", + "salt", + "sugar", + "water chestnuts", + "wonton wrappers", + "oyster sauce" + ] + }, + { + "id": 40181, + "cuisine": "cajun_creole", + "ingredients": [ + "baguette", + "hot sauce", + "large shrimp", + "coarse salt", + "garlic cloves", + "unsalted butter", + "freshly ground pepper", + "fresh rosemary", + "worcestershire sauce", + "fresh lemon juice" + ] + }, + { + "id": 8999, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "curly parsley", + "corn tortillas", + "lemon", + "lemon wedge" + ] + }, + { + "id": 46478, + "cuisine": "mexican", + "ingredients": [ + "pasta sauce", + "jalapeno chilies", + "tortilla chips", + "dried oregano", + "pasta", + "seasoning salt", + "garlic", + "chipotle peppers", + "brown sugar", + "lean ground meat", + "salsa", + "onions", + "black pepper", + "crushed red pepper flakes", + "taco seasoning", + "ground cumin" + ] + }, + { + "id": 37560, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "garlic", + "onions", + "apple cider vinegar", + "cayenne pepper", + "cumin", + "golden raisins", + "salt", + "coriander", + "tomato paste", + "cinnamon", + "cranberries", + "pears" + ] + }, + { + "id": 42937, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "coriander seeds", + "cinnamon sticks", + "tumeric", + "cardamom pods", + "black peppercorns", + "whole cloves", + "hot red pepper flakes", + "cumin seed" + ] + }, + { + "id": 41892, + "cuisine": "indian", + "ingredients": [ + "dough", + "garam masala", + "peas", + "rice flour", + "amchur", + "seeds", + "all-purpose flour", + "cashew nuts", + "leaves", + "chilli paste", + "cumin seed", + "ginger paste", + "fennel seeds", + "potatoes", + "salt", + "ghee" + ] + }, + { + "id": 43191, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "hoagie rolls", + "salami", + "giardiniera", + "smoked ham", + "pepperoni", + "butter", + "italian seasoning" + ] + }, + { + "id": 42868, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "vanilla beans", + "unsalted butter", + "dark rum", + "water", + "instant espresso powder", + "half & half", + "salt", + "sugar", + "milk", + "semisweet chocolate", + "all purpose unbleached flour", + "sliced almonds", + "large egg yolks", + "large eggs", + "whipping cream" + ] + }, + { + "id": 12051, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "beef sirloin", + "monterey jack", + "diced tomatoes", + "onions", + "jalapeno chilies", + "tortilla chips", + "black olives", + "chopped garlic" + ] + }, + { + "id": 24330, + "cuisine": "spanish", + "ingredients": [ + "white wine", + "salt", + "butter", + "sweet paprika", + "black pepper", + "garlic", + "medium shrimp", + "olive oil", + "cayenne pepper" + ] + }, + { + "id": 12812, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "diced tomatoes", + "garlic cloves", + "chopped cilantro fresh", + "ground black pepper", + "lamb shoulder", + "couscous", + "chicken stock", + "dried apricot", + "dried chickpeas", + "onions", + "olive oil", + "ginger", + "cinnamon sticks" + ] + }, + { + "id": 13380, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "sour cream", + "vegetable oil", + "shredded Monterey Jack cheese", + "chopped green chilies", + "salt", + "cooked chicken", + "corn tortillas" + ] + }, + { + "id": 4781, + "cuisine": "cajun_creole", + "ingredients": [ + "bell pepper", + "cayenne pepper", + "sliced green onions", + "tomatoes", + "heavy cream", + "celery", + "butter", + "thyme", + "corn", + "salt", + "onions" + ] + }, + { + "id": 8725, + "cuisine": "vietnamese", + "ingredients": [ + "tumeric", + "corn starch", + "canned coconut milk", + "green onions", + "salad oil", + "fish sauce", + "rice flour" + ] + }, + { + "id": 44979, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "cracked black pepper", + "country ham", + "chopped fresh chives", + "refrigerated fettuccine", + "egg yolks", + "garlic cloves", + "olive oil", + "shallots", + "fresh parsley" + ] + }, + { + "id": 2694, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "vanilla extract", + "kosher salt", + "flour", + "blanched almonds", + "water", + "almond extract", + "cranberries", + "sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 10298, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "salt", + "fresh cilantro", + "curry powder", + "ground turmeric", + "cauliflower", + "cayenne" + ] + }, + { + "id": 41121, + "cuisine": "indian", + "ingredients": [ + "white onion", + "CURRY GUY Smoked Garam Masala", + "CURRY GUY Smoked Spicy Salt", + "cashew nuts", + "garlic paste", + "chopped green chilies", + "double cream", + "coconut milk", + "ground cumin", + "tomato paste", + "olive oil", + "chicken breasts", + "cardamom", + "ginger paste", + "food colouring", + "chopped tomatoes", + "curry", + "coriander" + ] + }, + { + "id": 19676, + "cuisine": "chinese", + "ingredients": [ + "fresh cilantro", + "salt", + "chopped garlic", + "white pepper", + "kecap manis", + "scallions", + "water", + "daikon", + "rice flour", + "sambal ulek", + "large eggs", + "peanut oil" + ] + }, + { + "id": 13285, + "cuisine": "italian", + "ingredients": [ + "black beans", + "large eggs", + "salsa", + "green chile", + "shredded reduced fat cheddar cheese", + "non-fat sour cream", + "chopped cilantro", + "minced garlic", + "cooking spray", + "corn tortillas", + "black pepper", + "large egg whites", + "salt" + ] + }, + { + "id": 28399, + "cuisine": "southern_us", + "ingredients": [ + "stewing hen", + "catsup", + "red pepper flakes", + "whole kernel corn, drain", + "celery ribs", + "dried thyme", + "barbecue sauce", + "salt", + "butter beans", + "water", + "bay leaves", + "diced tomatoes", + "onions", + "black peppercorns", + "potatoes", + "parsley", + "meat bones" + ] + }, + { + "id": 16664, + "cuisine": "southern_us", + "ingredients": [ + "turnips", + "ground red pepper", + "bay leaf", + "water", + "chopped onion", + "seasoning salt", + "thyme sprigs", + "drummettes", + "mustard greens" + ] + }, + { + "id": 29337, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "saffron", + "chicken stock", + "butter", + "arborio rice", + "vegetable oil", + "white wine", + "onions" + ] + }, + { + "id": 16433, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "clove", + "cinnamon sticks", + "apple cider vinegar", + "watermelon" + ] + }, + { + "id": 36753, + "cuisine": "chinese", + "ingredients": [ + "cream style corn", + "cooked bacon", + "soy sauce", + "sherry", + "corn starch", + "chicken broth", + "egg whites", + "salt", + "water", + "boneless skinless chicken breasts" + ] + }, + { + "id": 5925, + "cuisine": "italian", + "ingredients": [ + "water", + "parsley", + "salt", + "celery", + "tomato paste", + "lemon zest", + "basil", + "thyme", + "olive oil", + "butter", + "carrots", + "onions", + "white wine", + "flour", + "garlic", + "shanks" + ] + }, + { + "id": 29621, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "dried apricot", + "cracked black pepper", + "onions", + "water", + "sea salt", + "extra-virgin olive oil", + "coriander", + "fresh coriander", + "raisins", + "ginger", + "chicken thighs", + "fennel bulb", + "paprika", + "garlic", + "cumin" + ] + }, + { + "id": 2657, + "cuisine": "mexican", + "ingredients": [ + "pork", + "guacamole", + "salt", + "chipotle salsa", + "avocado", + "radishes", + "queso fresco", + "corn tortillas", + "lime juice", + "vegetable oil", + "sour cream", + "pepper", + "shredded cabbage", + "pinto beans" + ] + }, + { + "id": 17793, + "cuisine": "mexican", + "ingredients": [ + "yellow squash", + "chili powder", + "salsa", + "chopped cilantro fresh", + "olive oil", + "reduced-fat sour cream", + "chopped onion", + "shredded Monterey Jack cheese", + "kidney beans", + "stewed tomatoes", + "corn tortillas", + "ground cumin", + "sugar", + "cooking spray", + "salt", + "ripe olives" + ] + }, + { + "id": 23072, + "cuisine": "russian", + "ingredients": [ + "powdered sugar", + "cinnamon", + "sour cream", + "cottage cheese", + "salt", + "sugar", + "vanilla", + "eggs", + "flour", + "oil" + ] + }, + { + "id": 38831, + "cuisine": "chinese", + "ingredients": [ + "boneless chicken skinless thigh", + "yardlong beans", + "coarse salt", + "corn starch", + "dark soy sauce", + "black beans", + "sesame oil", + "garlic", + "chicken stock", + "white pepper", + "crimini mushrooms", + "ginger", + "onions", + "warm water", + "light soy sauce", + "vegetable oil", + "oyster sauce" + ] + }, + { + "id": 3905, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "ground nutmeg", + "cooking spray", + "vanilla extract", + "grated orange", + "ground ginger", + "fat free milk", + "large eggs", + "vegetable oil", + "all-purpose flour", + "brown sugar", + "granulated sugar", + "sweet potatoes", + "salt", + "ground cinnamon", + "baking soda", + "flour", + "fresh orange juice", + "cream cheese, soften" + ] + }, + { + "id": 49214, + "cuisine": "mexican", + "ingredients": [ + "reduced sodium condensed cream of chicken soup", + "corn tortillas", + "diced tomatoes", + "cooked chicken", + "cheese" + ] + }, + { + "id": 9914, + "cuisine": "italian", + "ingredients": [ + "pasta", + "vegetable oil", + "crushed red pepper", + "dried oregano", + "italian sausage", + "diced tomatoes", + "salt", + "green bell pepper", + "yellow bell pepper", + "yellow onion", + "dried basil", + "garlic", + "red bell pepper" + ] + }, + { + "id": 3505, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "paprika", + "fresh lemon juice", + "low-fat plain yogurt", + "minced ginger", + "salt", + "minced garlic", + "crushed red pepper flakes", + "fresh prawn", + "olive oil", + "green cardamom" + ] + }, + { + "id": 49290, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "ginger", + "yellow onion", + "coconut milk", + "frozen peas", + "cauliflower", + "garam masala", + "vegetable broth", + "peanut oil", + "chopped cilantro", + "cashew nuts", + "tomato paste", + "yukon gold potatoes", + "garlic", + "tamarind concentrate", + "onions", + "black pepper", + "red pepper flakes", + "salt", + "carrots", + "coriander" + ] + }, + { + "id": 17552, + "cuisine": "italian", + "ingredients": [ + "pasta", + "tomato sauce", + "grated parmesan cheese", + "garlic", + "great northern beans", + "water", + "basil", + "juice", + "chicken broth", + "black pepper", + "Red Gold® diced tomatoes", + "salt", + "spinach", + "garlic powder", + "cooked bacon", + "dried parsley" + ] + }, + { + "id": 6289, + "cuisine": "french", + "ingredients": [ + "cooking oil", + "salt", + "salmon steaks", + "ground black pepper", + "red wine", + "butter", + "scallions" + ] + }, + { + "id": 44524, + "cuisine": "italian", + "ingredients": [ + "ground turkey breast", + "fat-free chicken broth", + "onions", + "parsley", + "salt", + "parmesan cheese", + "garlic", + "escarole", + "eggs", + "orzo", + "Italian seasoned breadcrumbs" + ] + }, + { + "id": 27113, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "lasagna noodles", + "hamburger", + "tomatoes", + "olive oil", + "garlic", + "pepper", + "grated parmesan cheese", + "oregano", + "tomato sauce", + "small curd cottage cheese", + "salt" + ] + }, + { + "id": 12895, + "cuisine": "french", + "ingredients": [ + "butter", + "brie cheese", + "red potato", + "crème fraîche", + "bacon", + "salt and ground black pepper", + "yellow onion" + ] + }, + { + "id": 14113, + "cuisine": "irish", + "ingredients": [ + "reduced fat milk", + "butter", + "baking potatoes", + "black pepper", + "salt" + ] + }, + { + "id": 45872, + "cuisine": "chinese", + "ingredients": [ + "dried scallops", + "rice flour", + "rock sugar", + "ginger", + "chicken", + "turnips", + "chinese sausage", + "dried shrimp", + "pork belly", + "salt" + ] + }, + { + "id": 7112, + "cuisine": "italian", + "ingredients": [ + "baby spinach leaves", + "diced tomatoes", + "onions", + "Swanson Chicken Broth", + "elbow pasta", + "white kidney beans", + "olive oil", + "garlic", + "fresh basil leaves", + "romano cheese", + "pork sausage casing", + "ground beef" + ] + }, + { + "id": 13788, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "red bell pepper", + "Mexican cheese blend", + "chopped onion", + "refried black beans", + "salsa", + "canola oil", + "zucchini", + "sliced mushrooms" + ] + }, + { + "id": 22876, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "penne", + "marinara sauce", + "chicken thighs", + "fresh basil", + "parmesan cheese", + "onions", + "pepper", + "garlic" + ] + }, + { + "id": 37632, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "finely chopped fresh parsley", + "salt", + "shredded cheddar cheese", + "chile pepper", + "onions", + "pepper", + "potatoes", + "red bell pepper", + "bacon drippings", + "water", + "butter" + ] + }, + { + "id": 30646, + "cuisine": "jamaican", + "ingredients": [ + "jamaican jerk spice", + "canola oil", + "ground black pepper", + "onions", + "halibut fillets", + "salt", + "bell pepper", + "plum tomatoes" + ] + }, + { + "id": 36722, + "cuisine": "southern_us", + "ingredients": [ + "water", + "cornbread mix", + "corn kernels", + "country ham" + ] + }, + { + "id": 3250, + "cuisine": "southern_us", + "ingredients": [ + "dijon mustard", + "eggs", + "fresh tarragon", + "Tabasco Pepper Sauce", + "mayonaise", + "mustard seeds" + ] + }, + { + "id": 22189, + "cuisine": "thai", + "ingredients": [ + "water", + "boneless skinless chicken breast halves", + "coconut milk", + "sliced green onions", + "fresh ginger root", + "chopped cilantro fresh", + "fish sauce", + "fresh lime juice" + ] + }, + { + "id": 27466, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "star anise", + "beansprouts", + "fish sauce", + "rice noodles", + "salt", + "coriander", + "spring onions", + "garlic", + "onions", + "sugar", + "ginger", + "cinnamon sticks", + "beef steak" + ] + }, + { + "id": 8418, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "grated parmesan cheese", + "fresh parsley", + "cherry tomatoes", + "boneless pork loin", + "bread crumb fresh", + "dry white wine", + "onions", + "pancetta", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 46835, + "cuisine": "thai", + "ingredients": [ + "water", + "coconut milk", + "chiles", + "red curry paste", + "tiger prawn", + "fish sauce", + "palm sugar", + "onions", + "scallops", + "oil", + "kaffir lime" + ] + }, + { + "id": 16298, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "ginger", + "lentils", + "clove", + "light cream", + "green chilies", + "olive oil spray", + "red kidney beans", + "water", + "garlic", + "onions", + "tomatoes", + "chili powder", + "cumin seed" + ] + }, + { + "id": 43171, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chopped green bell pepper", + "chopped onion", + "tomato sauce", + "corn", + "white rice", + "water", + "vegetable oil", + "ground beef", + "ketchup", + "garlic powder", + "salt" + ] + }, + { + "id": 13087, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "bittersweet chocolate", + "sugar", + "large eggs", + "hazelnut butter", + "unsalted butter", + "milk chocolate", + "pastry dough" + ] + }, + { + "id": 47780, + "cuisine": "mexican", + "ingredients": [ + "red kidney beans", + "sliced black olives", + "vegetable oil", + "ground beef", + "chopped tomatoes", + "flour tortillas", + "taco seasoning", + "corn", + "diced red onions", + "salsa", + "avocado", + "Mexican cheese blend", + "cooked chicken", + "sour cream" + ] + }, + { + "id": 11748, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "ground black pepper", + "ground turmeric", + "olive oil", + "ginger", + "curry powder", + "florets", + "lime zest", + "coriander seeds", + "cumin seed" + ] + }, + { + "id": 43605, + "cuisine": "chinese", + "ingredients": [ + "brussels sprouts", + "sweet chili sauce", + "maple syrup", + "scallions", + "red chili peppers", + "mushrooms", + "rice vinegar", + "toasted sesame seeds", + "soy sauce", + "sea salt", + "firm tofu", + "cooked rice", + "olive oil", + "cilantro leaves", + "toasted sesame oil" + ] + }, + { + "id": 34142, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken skinless thigh", + "lime juice", + "bell pepper", + "cheese", + "garlic cloves", + "ground cumin", + "white onion", + "olive oil", + "lime wedges", + "salsa", + "chopped cilantro", + "black beans", + "sweet onion", + "chili powder", + "purple onion", + "smoked paprika", + "avocado", + "kosher salt", + "flour tortillas", + "coarse salt", + "hot sauce", + "dried oregano" + ] + }, + { + "id": 9432, + "cuisine": "greek", + "ingredients": [ + "honey", + "ground walnuts", + "orange flower water", + "white sugar", + "sesame seeds", + "salt", + "ground almonds", + "olive oil", + "lemon", + "orange juice", + "water", + "baking soda", + "all-purpose flour", + "confectioners sugar" + ] + }, + { + "id": 11470, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large eggs", + "vanilla extract", + "slivered almonds", + "dried cherry", + "almond extract", + "baking soda", + "baking powder", + "all-purpose flour", + "large egg whites", + "cooking spray", + "salt" + ] + }, + { + "id": 782, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "pork spare ribs", + "garlic", + "water", + "vegetable oil", + "corn starch", + "chinese rice wine", + "leeks", + "scallions", + "dark soy sauce", + "black bean sauce", + "ginger", + "white sesame seeds" + ] + }, + { + "id": 49357, + "cuisine": "french", + "ingredients": [ + "pearl onions", + "fresh shiitake mushrooms", + "mustard seeds", + "water", + "mushrooms", + "carrots", + "flavored vinegar", + "olive oil", + "green peas", + "peppercorns", + "parsley sprigs", + "mint leaves", + "salt" + ] + }, + { + "id": 22176, + "cuisine": "italian", + "ingredients": [ + "parsley sprigs", + "watercress", + "capers", + "cherry tomatoes", + "cucumber", + "dressing", + "cooked turkey", + "black olives", + "romaine lettuce", + "fennel" + ] + }, + { + "id": 25435, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "olive oil", + "boneless skinless chicken breasts", + "salt", + "chow mein noodles", + "pepper", + "red cabbage", + "vegetable oil", + "edamame", + "sliced almonds", + "fresh ginger", + "sesame oil", + "rice vinegar", + "chile sauce", + "romaine lettuce", + "honey", + "shredded carrots", + "garlic", + "vinaigrette" + ] + }, + { + "id": 42335, + "cuisine": "french", + "ingredients": [ + "black pepper", + "tuna steaks", + "salt", + "couscous", + "tomatoes", + "large eggs", + "extra-virgin olive oil", + "fresh lemon juice", + "pitted kalamata olives", + "cooking spray", + "purple onion", + "green beans", + "water", + "anchovy paste", + "garlic cloves", + "fresh parsley" + ] + }, + { + "id": 7726, + "cuisine": "greek", + "ingredients": [ + "sea salt", + "organic chicken", + "basmati rice", + "fresh rosemary", + "cracked black pepper", + "lemon" + ] + }, + { + "id": 26674, + "cuisine": "spanish", + "ingredients": [ + "salt", + "yellow squash", + "cold water", + "zucchini" + ] + }, + { + "id": 1096, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "eggs", + "oil", + "potato starch", + "daikon", + "soy sauce" + ] + }, + { + "id": 4638, + "cuisine": "chinese", + "ingredients": [ + "water", + "boiling water", + "flour", + "crisco", + "yeast", + "sugar", + "oil" + ] + }, + { + "id": 14556, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "scallions", + "soy sauce", + "daikon", + "potato starch", + "vegetable oil", + "broth", + "silken tofu", + "dried bonito flakes" + ] + }, + { + "id": 1260, + "cuisine": "mexican", + "ingredients": [ + "water", + "cooking oil", + "diced tomatoes", + "shredded Monterey Jack cheese", + "picante sauce", + "sliced black olives", + "green onions", + "salt", + "refried beans", + "flour tortillas", + "paprika", + "shredded cheddar cheese", + "minced onion", + "chili powder", + "ground beef" + ] + }, + { + "id": 13696, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "artichokes", + "basil leaves", + "ricotta", + "kosher salt", + "grated lemon zest", + "bread ciabatta", + "vegetable oil" + ] + }, + { + "id": 41866, + "cuisine": "italian", + "ingredients": [ + "egg noodles", + "boneless skinless chicken breasts", + "Good Seasons Italian Dressing Mix", + "cream of chicken soup", + "cream cheese" + ] + }, + { + "id": 22908, + "cuisine": "mexican", + "ingredients": [ + "red wine vinegar", + "garlic cloves", + "honey", + "extra-virgin olive oil", + "ancho chile pepper", + "fresh orange juice", + "tamarind concentrate", + "black cod fillets", + "dry mustard", + "hot water" + ] + }, + { + "id": 21007, + "cuisine": "italian", + "ingredients": [ + "brandy", + "white sugar", + "pinenuts", + "figs", + "peaches", + "white wine" + ] + }, + { + "id": 34386, + "cuisine": "french", + "ingredients": [ + "sake", + "sea salt", + "ground black pepper", + "english cucumber", + "shallots", + "shucked oysters", + "rice vinegar" + ] + }, + { + "id": 9511, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "coarse salt", + "kimchi", + "fresh ginger", + "liquid", + "water", + "anchovy fillets", + "low sodium store bought chicken stock", + "silken tofu", + "bone in skinless chicken thigh", + "scallions" + ] + }, + { + "id": 22730, + "cuisine": "italian", + "ingredients": [ + "egg substitute", + "cooking spray", + "orange bell pepper", + "ham", + "black pepper", + "fat free milk", + "sliced green onions", + "shredded reduced fat cheddar cheese", + "salt" + ] + }, + { + "id": 34623, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "sea salt", + "crushed red pepper", + "mustard seeds", + "water", + "ground tumeric", + "ground coriander", + "tomato sauce", + "ginger", + "peanut oil", + "potatoes", + "garlic", + "cumin seed" + ] + }, + { + "id": 15152, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "chopped onion", + "corn starch", + "chicken stock", + "large eggs", + "garlic cloves", + "cooked chicken breasts", + "ground black pepper", + "long-grain rice", + "fresh parsley", + "fresh basil", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 14430, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "all-purpose flour", + "baking powder", + "whole milk", + "salt" + ] + }, + { + "id": 33730, + "cuisine": "spanish", + "ingredients": [ + "avocado", + "shallots", + "orange juice", + "chili", + "salt", + "green papaya", + "lime juice", + "vegetable broth", + "shrimp", + "papaya", + "cilantro leaves" + ] + }, + { + "id": 13026, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "jalapeno chilies", + "buttermilk", + "bread crumbs", + "lettuce leaves", + "mayonaise", + "kaiser rolls", + "extra-virgin olive oil", + "peaches", + "chicken cutlets" + ] + }, + { + "id": 30399, + "cuisine": "italian", + "ingredients": [ + "1% low-fat cottage cheese", + "pasta sauce", + "grated parmesan cheese", + "egg substitute", + "lasagna noodles, cooked and drained", + "frozen chopped spinach", + "part-skim mozzarella cheese" + ] + }, + { + "id": 21557, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "jalapeno chilies", + "tomatillos", + "sour cream", + "baby spinach leaves", + "green onions", + "salt", + "onions", + "pepper sauce", + "cilantro stems", + "heavy cream", + "corn tortillas", + "ground black pepper", + "vegetable oil", + "shrimp", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 15662, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "egg yolks", + "bananas", + "vanilla", + "milk", + "Nilla Wafers", + "flour", + "salt" + ] + }, + { + "id": 42064, + "cuisine": "greek", + "ingredients": [ + "sea salt", + "fresh lemon juice", + "green onions", + "extra-virgin olive oil", + "cucumber", + "lemon", + "freshly ground pepper", + "fresh parsley", + "tomatoes", + "bulgur wheat", + "hot water" + ] + }, + { + "id": 24682, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "peanuts", + "crushed red pepper flakes", + "tomato ketchup", + "snow peas", + "water", + "mushrooms", + "salt", + "corn starch", + "pepper", + "zucchini", + "sweet and sour sauce", + "sauce", + "ginger paste", + "green bell pepper", + "olive oil", + "chicken breasts", + "rice vinegar", + "red bell pepper" + ] + }, + { + "id": 10285, + "cuisine": "mexican", + "ingredients": [ + "whole kernel corn, drain", + "butter", + "jalapeno chilies", + "garlic salt", + "cream cheese" + ] + }, + { + "id": 31343, + "cuisine": "british", + "ingredients": [ + "salmon fillets", + "leeks", + "chicken stock cubes", + "water", + "double cream", + "chopped parsley", + "smoked haddock", + "dry white wine", + "sweet corn", + "fish fillets", + "potatoes", + "fish stock" + ] + }, + { + "id": 16757, + "cuisine": "russian", + "ingredients": [ + "sugar", + "sour cherries", + "dry white wine", + "almond extract", + "syrup", + "corn starch" + ] + }, + { + "id": 42092, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "garlic", + "onions", + "chili pepper", + "jalapeno chilies", + "fresh oregano", + "white sugar", + "roma tomatoes", + "salt", + "pork butt", + "water", + "vegetable oil", + "rolls" + ] + }, + { + "id": 47507, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "long-grain rice", + "chicken stock", + "cajun seasoning", + "onions", + "chicken breasts", + "garlic cloves", + "chorizo", + "red pepper", + "plum tomatoes" + ] + }, + { + "id": 37838, + "cuisine": "vietnamese", + "ingredients": [ + "mint", + "fresh ginger", + "salt", + "asian fish sauce", + "canned low sodium chicken broth", + "cooking oil", + "scallions", + "water", + "pork tenderloin", + "cucumber", + "tomatoes", + "lime juice", + "linguine", + "beansprouts" + ] + }, + { + "id": 22047, + "cuisine": "russian", + "ingredients": [ + "rye bread", + "water", + "active dry yeast", + "sugar", + "raisins" + ] + }, + { + "id": 43189, + "cuisine": "greek", + "ingredients": [ + "mushrooms", + "fresh lemon juice", + "olive oil", + "large garlic cloves", + "fresh parsley", + "boneless chicken breast halves", + "all-purpose flour", + "dried oregano", + "dry white wine", + "low salt chicken broth" + ] + }, + { + "id": 47076, + "cuisine": "vietnamese", + "ingredients": [ + "hoisin sauce", + "ground pork", + "bird chile", + "brown sugar", + "rice noodles", + "rice vinegar", + "panko breadcrumbs", + "shallots", + "garlic", + "mung bean sprouts", + "thai basil", + "cilantro", + "shiso leaves" + ] + }, + { + "id": 16154, + "cuisine": "cajun_creole", + "ingredients": [ + "light brown sugar", + "heavy cream", + "granulated sugar", + "salt", + "pecans", + "vanilla extract", + "butter" + ] + }, + { + "id": 23745, + "cuisine": "indian", + "ingredients": [ + "chicken broth", + "potatoes", + "rice", + "cauliflower", + "olive oil", + "garlic", + "tumeric", + "chicken breasts", + "onions", + "curry powder", + "ginger", + "cumin" + ] + }, + { + "id": 4977, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "margarine", + "eggs", + "salt", + "buttermilk", + "cornmeal", + "corn oil", + "all-purpose flour" + ] + }, + { + "id": 19764, + "cuisine": "chinese", + "ingredients": [ + "water", + "ginger", + "crab meat", + "green onions", + "flour", + "salt", + "sugar", + "ground pork" + ] + }, + { + "id": 24603, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "vegetable broth", + "garlic cloves", + "chopped cilantro fresh", + "coarse salt", + "grated jack cheese", + "fresh lime juice", + "dried oregano", + "hominy", + "yellow onion", + "poblano chiles", + "serrano chile", + "baby spinach leaves", + "tomatillos", + "ground allspice", + "fresh parsley", + "ground cumin" + ] + }, + { + "id": 34013, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "diced tomatoes", + "chopped onion", + "olive oil", + "linguine", + "fresh oregano leaves", + "light cream", + "shredded parmesan cheese", + "italian chicken sausage", + "dry red wine", + "dried oregano" + ] + }, + { + "id": 26383, + "cuisine": "chinese", + "ingredients": [ + "unsalted butter", + "whole milk", + "coconut extract", + "large eggs", + "granulated sugar", + "sweet rice flour", + "coconut", + "fine salt" + ] + }, + { + "id": 27640, + "cuisine": "mexican", + "ingredients": [ + "pinenuts", + "corn", + "garlic powder", + "guacamole", + "purple onion", + "chipotle peppers", + "fresh basil", + "kosher salt", + "olive oil", + "ground black pepper", + "cheese", + "red bell pepper", + "boneless skinless chicken breast halves", + "lime zest", + "black beans", + "lime", + "quinoa", + "chili powder", + "smoked paprika", + "chopped cilantro", + "black pepper", + "fresh cilantro", + "chopped tomatoes", + "jalapeno chilies", + "garlic", + "sour cream", + "cumin" + ] + }, + { + "id": 7214, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "chees fresh mozzarella", + "sourdough bread", + "butter", + "pepper", + "salt" + ] + }, + { + "id": 45744, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "whipped cream", + "cream cheese", + "baking soda", + "baking powder", + "cake flour", + "light brown sugar", + "large eggs", + "vanilla", + "fresh lemon juice", + "peaches", + "butter", + "salt" + ] + }, + { + "id": 20574, + "cuisine": "filipino", + "ingredients": [ + "water", + "hard-boiled egg", + "beef broth", + "medium shrimp", + "annatto seeds", + "salt", + "shrimp", + "pork rind", + "napa cabbage", + "scallions", + "noodles", + "pepper", + "cooking oil", + "all-purpose flour", + "pork shoulder" + ] + }, + { + "id": 4176, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "vegetable stock", + "cumin seed", + "zucchini", + "ginger", + "coriander", + "red chili peppers", + "sunflower oil", + "garlic cloves", + "prawns", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 1390, + "cuisine": "french", + "ingredients": [ + "reduced fat milk", + "large egg yolks", + "crystallized ginger", + "sugar", + "vanilla extract" + ] + }, + { + "id": 44044, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "butter", + "milk", + "cinnamon sugar", + "eggs", + "all-purpose flour", + "baking soda" + ] + }, + { + "id": 27890, + "cuisine": "korean", + "ingredients": [ + "spinach", + "fishcake", + "sesame oil", + "imitation crab meat", + "soy sauce", + "sesame seeds", + "rice vinegar", + "carrots", + "sugar", + "water", + "salt", + "kelp", + "eggs", + "sushi rice", + "pickled radish", + "seaweed", + "white sugar" + ] + }, + { + "id": 46633, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "spaghetti", + "hot red pepper flakes", + "brine-cured black olives", + "salt", + "stewed tomatoes", + "garlic cloves" + ] + }, + { + "id": 39813, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "grated parmesan cheese", + "garlic", + "arborio rice", + "radicchio", + "dry white wine", + "yellow onion", + "olive oil", + "low sodium chicken broth", + "dry bread crumbs", + "black pepper", + "unsalted butter", + "balsamic vinegar", + "fresh oregano" + ] + }, + { + "id": 13796, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "shallots", + "chopped fresh sage", + "boiling water", + "truffle oil", + "cracked black pepper", + "bucatini", + "canola oil", + "mushrooms", + "salt", + "heavy whipping cream", + "parmigiano reggiano cheese", + "dry sherry", + "garlic cloves", + "sage" + ] + }, + { + "id": 48275, + "cuisine": "irish", + "ingredients": [ + "sugar", + "baking powder", + "margarine", + "low-fat buttermilk", + "salt", + "baking soda", + "quick-cooking oats", + "brown sugar", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 7969, + "cuisine": "chinese", + "ingredients": [ + "broccoli florets", + "olive oil", + "soy sauce", + "fresh lemon juice", + "sesame seeds" + ] + }, + { + "id": 19916, + "cuisine": "southern_us", + "ingredients": [ + "water", + "egg yolks", + "butter", + "oil", + "eggs", + "unsalted butter", + "shallots", + "salt", + "milk", + "crimini mushrooms", + "lemon", + "sour cream", + "pork", + "flour", + "Tabasco Pepper Sauce", + "brie cheese" + ] + }, + { + "id": 39043, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "whipping cream", + "sugar", + "salt", + "baking powder" + ] + }, + { + "id": 49259, + "cuisine": "indian", + "ingredients": [ + "fresh tomatoes", + "coriander seeds", + "poppy seeds", + "ginger paste", + "black peppercorns", + "fresh curry leaves", + "chile pepper", + "cumin seed", + "fennel seeds", + "tumeric", + "boneless skinless chicken breasts", + "salt", + "garlic paste", + "water", + "vegetable oil", + "onions" + ] + }, + { + "id": 217, + "cuisine": "french", + "ingredients": [ + "whole milk", + "Grand Marnier", + "unsalted butter", + "salt", + "grated orange", + "pure vanilla extract", + "heavy cream", + "confectioners sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 21856, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "green chile", + "ground cayenne pepper", + "eggs", + "pitted olives", + "mayonaise" + ] + }, + { + "id": 28002, + "cuisine": "thai", + "ingredients": [ + "red pepper flakes", + "english cucumber", + "water", + "garlic", + "white sugar", + "shallots", + "rice vinegar", + "kosher salt", + "ginger", + "dried chile" + ] + }, + { + "id": 12718, + "cuisine": "chinese", + "ingredients": [ + "fish sauce", + "water chestnuts", + "shrimp", + "fresh ginger", + "salt", + "toasted sesame oil", + "won ton wrappers", + "cilantro", + "corn starch", + "large eggs", + "scallions", + "pork shoulder" + ] + }, + { + "id": 42917, + "cuisine": "italian", + "ingredients": [ + "pepper", + "extra large eggs", + "flat leaf parsley", + "chives", + "extra-virgin olive oil", + "baguette", + "sea salt", + "lemon", + "anchovy fillets" + ] + }, + { + "id": 22157, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "salt", + "cream of tartar", + "milk", + "eggs", + "baking powder", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 21274, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "honey", + "toast", + "ricotta", + "lemon zest" + ] + }, + { + "id": 34264, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "sweet potatoes", + "vanilla extract", + "kosher salt", + "buttermilk", + "pie dough", + "cinnamon", + "light brown sugar", + "unsalted butter", + "heavy cream" + ] + }, + { + "id": 39202, + "cuisine": "brazilian", + "ingredients": [ + "sugarcane sticks", + "lime", + "cachaca", + "lime wedges", + "superfine sugar" + ] + }, + { + "id": 43184, + "cuisine": "jamaican", + "ingredients": [ + "garlic cloves", + "onion powder", + "onions", + "white rice", + "allspice", + "black-eyed peas", + "coconut milk" + ] + }, + { + "id": 24235, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "vegetable oil", + "unsweetened cocoa powder", + "milk", + "all-purpose flour", + "shortening", + "butter" + ] + }, + { + "id": 14987, + "cuisine": "italian", + "ingredients": [ + "water", + "diced tomatoes", + "anchovy fillets", + "pasta", + "broccoli florets", + "extra-virgin olive oil", + "finely chopped fresh parsley", + "crushed red pepper flakes", + "sliced mushrooms", + "black pepper", + "green onions", + "garlic" + ] + }, + { + "id": 29776, + "cuisine": "jamaican", + "ingredients": [ + "lime juice", + "green chilies", + "soy sauce", + "spring onions", + "orange juice", + "ground cinnamon", + "fresh ginger root", + "ground allspice", + "ground cloves", + "garlic", + "chicken" + ] + }, + { + "id": 22336, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "flour tortillas", + "chicken", + "honey", + "heavy cream", + "lime juice", + "chili powder", + "garlic powder", + "green enchilada sauce" + ] + }, + { + "id": 12833, + "cuisine": "southern_us", + "ingredients": [ + "ground pepper", + "all-purpose flour", + "coarse salt", + "chicken", + "vegetable oil", + "corn starch", + "buttermilk" + ] + }, + { + "id": 12289, + "cuisine": "chinese", + "ingredients": [ + "vegetables", + "gai lan", + "oyster sauce" + ] + }, + { + "id": 27982, + "cuisine": "thai", + "ingredients": [ + "lime", + "thai chile", + "black pepper", + "cilantro stems", + "low salt chicken broth", + "sugar", + "black bass", + "Thai fish sauce", + "jasmine rice", + "large garlic cloves", + "fresh lime juice" + ] + }, + { + "id": 26763, + "cuisine": "southern_us", + "ingredients": [ + "syrup", + "chop fine pecan", + "salt", + "granulated sugar", + "butter", + "milk", + "sweet potatoes", + "all-purpose flour", + "firmly packed brown sugar", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 1946, + "cuisine": "southern_us", + "ingredients": [ + "bitters", + "sugar", + "twists", + "rye whiskey", + "Angostura bitters", + "anise liqueur" + ] + }, + { + "id": 237, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lemon", + "sugar", + "cake flour", + "large eggs" + ] + }, + { + "id": 3674, + "cuisine": "moroccan", + "ingredients": [ + "caraway seeds", + "zucchini", + "carrots", + "cabbage", + "olive oil", + "green pepper", + "onions", + "chicken stock", + "chopped tomatoes", + "ground cardamom", + "ground turmeric", + "fresh coriander", + "salt", + "couscous" + ] + }, + { + "id": 26840, + "cuisine": "filipino", + "ingredients": [ + "lemon", + "onions", + "ground black pepper", + "salt", + "soy sauce", + "garlic", + "cooking oil", + "beef sirloin" + ] + }, + { + "id": 16461, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "chicken breasts", + "ginger", + "low-fat yogurt", + "onions", + "clove", + "water", + "cinnamon", + "canned tomatoes", + "cooking cream", + "tumeric", + "vegetable oil", + "garlic", + "cardamom", + "coriander", + "tomato paste", + "garam masala", + "butter", + "rice", + "chillies" + ] + }, + { + "id": 30023, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "jalapeno chilies", + "salt", + "chopped cilantro", + "water", + "orange bell pepper", + "red pepper", + "Mexican cheese", + "sliced green onions", + "black beans", + "olive oil", + "chili powder", + "enchilada sauce", + "onions", + "corn", + "quinoa", + "garlic", + "sour cream", + "ground cumin" + ] + }, + { + "id": 21199, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "olive oil", + "garlic cloves", + "sugar", + "fresh oregano", + "pepper", + "chopped onion", + "fresh basil", + "salt" + ] + }, + { + "id": 30989, + "cuisine": "chinese", + "ingredients": [ + "lo mein noodles", + "ginger", + "oyster sauce", + "reduced sodium soy sauce", + "rice vinegar", + "onions", + "ketchup", + "sesame oil", + "fresh mushrooms", + "beef steak", + "minced garlic", + "slaw mix", + "peanut oil" + ] + }, + { + "id": 20704, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "capers", + "red pepper flakes", + "salt", + "anchovies", + "kalamata", + "flat leaf parsley", + "peeled tomatoes", + "cracked black pepper", + "dried oregano" + ] + }, + { + "id": 41227, + "cuisine": "filipino", + "ingredients": [ + "shortening", + "salt", + "egg yolks", + "soy milk", + "all-purpose flour", + "eggs", + "baking powder" + ] + }, + { + "id": 42501, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "jalapeno chilies", + "chopped onion", + "hominy", + "lime wedges", + "ground black pepper", + "chicken breasts", + "garlic cloves", + "lower sodium chicken broth", + "radishes", + "cilantro leaves" + ] + }, + { + "id": 9203, + "cuisine": "mexican", + "ingredients": [ + "greek style plain yogurt", + "taco seasoning mix", + "shredded cheese", + "white corn tortillas", + "salsa", + "chicken breasts" + ] + }, + { + "id": 12303, + "cuisine": "korean", + "ingredients": [ + "garlic", + "onions", + "steamed rice", + "scallions", + "soy sauce", + "round steaks", + "bell pepper", + "oil" + ] + }, + { + "id": 11587, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "olive oil", + "yellow bell pepper", + "onions", + "refrigerated dinner rolls", + "marinara sauce", + "cornmeal", + "pasta sauce", + "grated parmesan cheese", + "red bell pepper", + "mozzarella cheese", + "large garlic cloves", + "fresh parsley" + ] + }, + { + "id": 6353, + "cuisine": "french", + "ingredients": [ + "milk", + "salt", + "unsalted butter", + "active dry yeast", + "all-purpose flour", + "sugar", + "large eggs" + ] + }, + { + "id": 47509, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "marsala wine", + "Thai red curry paste", + "garlic cloves", + "fish sauce", + "butter", + "crabmeat", + "chicken stock", + "granny smith apples", + "penne pasta", + "fresh basil", + "curry powder", + "chopped onion" + ] + }, + { + "id": 17642, + "cuisine": "italian", + "ingredients": [ + "fresh chives", + "ground black pepper", + "shallots", + "arugula", + "warm water", + "olive oil", + "parmigiano reggiano cheese", + "flat leaf parsley", + "crumbled goat cheese", + "prosciutto", + "cooking spray", + "apricots", + "yellow corn meal", + "kosher salt", + "dry yeast", + "chopped fresh thyme", + "bread flour" + ] + }, + { + "id": 21600, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "olive oil", + "salsa", + "cumin", + "black beans", + "cracked black pepper", + "ground beef", + "jack cheese", + "chili powder", + "yellow onion", + "kosher salt", + "garlic", + "noodles" + ] + }, + { + "id": 37446, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed brown sugar", + "brewed coffee", + "all-purpose flour", + "eggs", + "baking soda", + "salt", + "cola", + "ground ginger", + "vegetable oil cooking spray", + "baking powder", + "grated lemon zest", + "ground cinnamon", + "pitted date", + "vegetable oil", + "chopped pecans" + ] + }, + { + "id": 18887, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "peeled fresh ginger", + "boiling water", + "fennel seeds", + "water", + "orange rind", + "sugar", + "cinnamon sticks", + "bean threads", + "sherry", + "chicken thighs" + ] + }, + { + "id": 3550, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "rib roast", + "extra-virgin olive oil", + "ground cumin", + "minced garlic", + "red wine vinegar", + "spanish paprika", + "table salt", + "golden raisins", + "dry sherry", + "ground coriander", + "black pepper", + "shallots", + "cracked black pepper", + "flat leaf parsley" + ] + }, + { + "id": 8090, + "cuisine": "brazilian", + "ingredients": [ + "lime juice", + "chile pepper", + "green pepper", + "onions", + "water", + "sweet potatoes", + "cilantro", + "green onion bottoms", + "salmon fillets", + "zucchini", + "sea salt", + "coconut milk", + "tomatoes", + "olive oil", + "red pepper", + "garlic cloves" + ] + }, + { + "id": 47983, + "cuisine": "french", + "ingredients": [ + "water", + "fresh tarragon", + "white wine", + "baking potatoes", + "stock", + "lobster", + "tomato paste", + "ground black pepper", + "salt" + ] + }, + { + "id": 8657, + "cuisine": "filipino", + "ingredients": [ + "water", + "garlic cloves", + "soy sauce", + "cooking oil", + "pepper", + "salt", + "pork", + "vinegar", + "bay leaf" + ] + }, + { + "id": 14290, + "cuisine": "jamaican", + "ingredients": [ + "sorrel", + "granulated sugar", + "ginger root", + "lime juice", + "pimentos", + "brown sugar", + "rum", + "boiling water", + "clove", + "leaves", + "rice" + ] + }, + { + "id": 27200, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "guacamole", + "enchilada sauce", + "mozzarella cheese", + "pepper jack", + "cilantro", + "black beans", + "diced green chilies", + "green onions", + "sour cream", + "tomatillo salsa", + "potatoes", + "salsa" + ] + }, + { + "id": 2391, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "baking potatoes" + ] + }, + { + "id": 7080, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "garlic", + "plum tomatoes", + "mozzarella cheese", + "sea salt", + "yeast", + "semolina flour", + "ground black pepper", + "fine sea salt", + "golden caster sugar", + "water", + "extra-virgin olive oil", + "bread flour" + ] + }, + { + "id": 179, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic powder", + "boneless skinless chicken breasts", + "button mushrooms", + "essence", + "spinach", + "dried thyme", + "unsalted butter", + "butter", + "salt", + "cayenne pepper", + "black pepper", + "olive oil", + "lasagna noodles", + "paprika", + "all-purpose flour", + "dried oregano", + "nutmeg", + "milk", + "parmesan cheese", + "onion powder", + "garlic", + "yellow onion" + ] + }, + { + "id": 31287, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "chili powder", + "salt", + "sour cream", + "ground black pepper", + "butter", + "tortilla shells", + "chicken", + "minced garlic", + "onion powder", + "yellow onion", + "garlic salt", + "flour", + "cilantro", + "green chilies", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 2140, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "vegetable oil", + "nigella seeds", + "green chile", + "green onions", + "cumin seed", + "fresh cilantro", + "salt", + "ground cumin", + "chile powder", + "potatoes", + "all-purpose flour" + ] + }, + { + "id": 40163, + "cuisine": "mexican", + "ingredients": [ + "red chili powder", + "bay leaves", + "ancho powder", + "thyme", + "clove", + "coriander seeds", + "red wine vinegar", + "ground pork", + "oregano", + "granulated garlic", + "apple cider vinegar", + "paprika", + "peppercorns", + "ground cinnamon", + "cayenne", + "sea salt", + "cumin seed" + ] + }, + { + "id": 36650, + "cuisine": "mexican", + "ingredients": [ + "water", + "chopped onion", + "turkey breast", + "masa harina", + "sugar", + "tomatillos", + "garlic cloves", + "fresh parsley", + "jalapeno chilies", + "peanut oil", + "nut meal", + "fat free less sodium chicken broth", + "vegetable shortening", + "green beans", + "chopped cilantro fresh" + ] + }, + { + "id": 31028, + "cuisine": "mexican", + "ingredients": [ + "sliced black olives", + "cheese", + "green onions", + "sour cream", + "garlic powder", + "chicken breasts", + "flour tortillas", + "enchilada sauce" + ] + }, + { + "id": 12116, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "butter", + "white sugar", + "eggs", + "sweet potatoes", + "all-purpose flour", + "firmly packed brown sugar", + "flaked coconut", + "crushed pineapple", + "chop fine pecan", + "vanilla extract" + ] + }, + { + "id": 13065, + "cuisine": "southern_us", + "ingredients": [ + "cinnamon", + "mini marshmallows", + "brown sugar", + "butter", + "sweet potatoes" + ] + }, + { + "id": 17879, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "egg whites", + "frozen chopped spinach", + "grated parmesan cheese", + "italian seasoning", + "ground nutmeg", + "low-fat mozzarella cheese", + "low-fat cottage cheese", + "jumbo pasta shells" + ] + }, + { + "id": 43556, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "ground ginger", + "salt", + "msg", + "pork belly", + "chinese five-spice powder" + ] + }, + { + "id": 45179, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "sauce", + "minced garlic", + "grated parmesan cheese", + "noodles", + "vegetable oil spray", + "fresh mushrooms", + "crushed tomatoes", + "dry white wine", + "dried oregano" + ] + }, + { + "id": 10536, + "cuisine": "japanese", + "ingredients": [ + "sea salt", + "frozen edamame beans" + ] + }, + { + "id": 16747, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "toasted pine nuts", + "grated parmesan cheese", + "fresh basil leaves", + "garlic", + "plum tomatoes", + "olive oil", + "Italian bread" + ] + }, + { + "id": 22526, + "cuisine": "italian", + "ingredients": [ + "pasta", + "ground black pepper", + "onions", + "cottage cheese", + "canned tomatoes", + "tomato sauce", + "grated parmesan cheese", + "dried oregano", + "mozzarella cheese", + "salt" + ] + }, + { + "id": 48541, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "sour cream", + "green enchilada sauce", + "flour tortillas", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 8411, + "cuisine": "french", + "ingredients": [ + "beef sirloin", + "boneless skinless chicken breast halves", + "pepper", + "celery", + "pie crust", + "pork roast", + "salt", + "onions" + ] + }, + { + "id": 37561, + "cuisine": "japanese", + "ingredients": [ + "sake", + "mirin", + "ginger", + "onions", + "soy sauce", + "sesame oil", + "dried bonito flakes", + "sugar", + "udon", + "salt", + "cabbage", + "pepper", + "sliced carrots", + "sauce" + ] + }, + { + "id": 31497, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "boneless skinless chicken breast halves", + "green chile", + "sour cream", + "enchilada sauce", + "shredded cheddar cheese", + "corn tortillas" + ] + }, + { + "id": 43158, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "all-purpose flour", + "water", + "butter", + "sugar", + "large eggs", + "active dry yeast", + "salt" + ] + }, + { + "id": 22065, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "salted butter", + "mung beans", + "whole milk", + "flan", + "water", + "bananas", + "egg yolks", + "jam", + "greater yam", + "brown sugar", + "coconut", + "gelatin", + "sweet potatoes", + "condensed milk", + "jackfruit", + "evaporated milk", + "agar", + "vanilla extract", + "ice" + ] + }, + { + "id": 21914, + "cuisine": "italian", + "ingredients": [ + "pepper", + "potatoes", + "basil pesto sauce", + "olive oil", + "salt", + "cherry tomatoes", + "balsamic vinegar", + "mozzarella cheese", + "parma ham", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 14501, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "Sriracha", + "coconut milk", + "salmon", + "fresh ginger", + "sea salt", + "avocado", + "fresh cilantro", + "bell pepper", + "fresh leav spinach", + "ground pepper", + "garlic" + ] + }, + { + "id": 17104, + "cuisine": "chinese", + "ingredients": [ + "water", + "vegetable oil", + "soy sauce", + "green onions", + "garlic chili sauce", + "tomato sauce", + "granulated sugar", + "sauce", + "minced garlic", + "chicken breasts" + ] + }, + { + "id": 32660, + "cuisine": "chinese", + "ingredients": [ + "pasta", + "parmesan cheese", + "garlic", + "sour cream", + "pepper", + "red pepper flakes", + "yellow onion", + "chipotles in adobo", + "tomato sauce", + "boneless skinless chicken breasts", + "salt", + "dried red chile peppers", + "olive oil", + "heavy cream", + "shrimp", + "italian seasoning" + ] + }, + { + "id": 18429, + "cuisine": "irish", + "ingredients": [ + "ground black pepper", + "garlic", + "dried thyme", + "butter", + "carrots", + "canned low sodium chicken broth", + "baking potatoes", + "salt", + "vegetables", + "heavy cream", + "onions" + ] + }, + { + "id": 18417, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "sugar", + "light corn syrup", + "boiling water", + "grated orange peel", + "large eggs", + "Grand Marnier", + "unflavored gelatin", + "chocolate truffle", + "whipping cream", + "unsweetened cocoa powder", + "powdered sugar", + "semisweet chocolate", + "vanilla extract" + ] + }, + { + "id": 40724, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "butter", + "yellow onion", + "fresh cilantro", + "white rice", + "cumin", + "kosher salt", + "diced tomatoes", + "smoked paprika", + "red chile powder", + "garlic" + ] + }, + { + "id": 4788, + "cuisine": "southern_us", + "ingredients": [ + "dried thyme", + "cooked chicken", + "dry bread crumbs", + "mayonaise", + "parmesan cheese", + "russet potatoes", + "sour cream", + "garlic powder", + "vegetable oil", + "grated lemon zest", + "pepper", + "large eggs", + "salt" + ] + }, + { + "id": 19570, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "large eggs", + "vanilla extract", + "crushed pineapple", + "sugar", + "baking powder", + "salt", + "chopped pecans", + "baking soda", + "vegetable oil", + "all-purpose flour", + "allspice", + "ground cinnamon", + "bananas", + "butter", + "cream cheese" + ] + }, + { + "id": 4137, + "cuisine": "british", + "ingredients": [ + "pepper", + "carrots", + "pork shoulder", + "allspice", + "pork", + "flour", + "thyme sprigs", + "peppercorns", + "kosher salt", + "fresh pork fat", + "bay leaf", + "oregano", + "water", + "lard", + "onions" + ] + }, + { + "id": 22748, + "cuisine": "korean", + "ingredients": [ + "sugar", + "vinegar", + "sesame seeds", + "salt", + "minced garlic", + "sesame oil", + "asparagus", + "Gochujang base" + ] + }, + { + "id": 20100, + "cuisine": "vietnamese", + "ingredients": [ + "black bean sauce", + "sesame oil", + "chuck steaks", + "lemongrass", + "green onions", + "hot chili sauce", + "pepper", + "hoisin sauce", + "salt", + "corn starch", + "fresh cilantro", + "baking powder", + "oil" + ] + }, + { + "id": 37443, + "cuisine": "southern_us", + "ingredients": [ + "onion powder", + "frozen corn", + "bacon drippings", + "basil", + "collards", + "sea salt", + "beef broth", + "granulated garlic", + "crushed red pepper flakes" + ] + }, + { + "id": 1047, + "cuisine": "italian", + "ingredients": [ + "minced onion", + "linguine", + "parsley sprigs", + "butter", + "sour cream", + "grated parmesan cheese", + "garlic cloves", + "milk", + "cracked black pepper", + "fresh parsley" + ] + }, + { + "id": 2326, + "cuisine": "mexican", + "ingredients": [ + "milk", + "extra sharp cheddar cheese", + "green bell pepper", + "salt", + "sausage casings", + "unsalted butter", + "cavatappi", + "all-purpose flour" + ] + }, + { + "id": 1601, + "cuisine": "southern_us", + "ingredients": [ + "sweet potatoes", + "ginger", + "honey", + "cinnamon", + "all-purpose flour", + "ground cloves", + "baking powder", + "salt", + "unsalted butter", + "buttermilk" + ] + }, + { + "id": 44281, + "cuisine": "indian", + "ingredients": [ + "potatoes", + "carrots", + "onions", + "water", + "chili powder", + "celery", + "soy sauce", + "whole milk", + "ground cayenne pepper", + "ground cumin", + "garlic powder", + "potato flakes", + "dill weed" + ] + }, + { + "id": 23344, + "cuisine": "chinese", + "ingredients": [ + "dried cloud ears", + "fresh ginger", + "firm tofu", + "bamboo shoots", + "white pepper", + "lily buds", + "corn starch", + "cider vinegar", + "green onions", + "pork butt", + "sugar", + "large eggs", + "fat skimmed chicken broth" + ] + }, + { + "id": 11360, + "cuisine": "greek", + "ingredients": [ + "garlic", + "greek yogurt", + "pepper", + "lemon juice", + "fresh dill", + "salt", + "ouzo", + "cucumber" + ] + }, + { + "id": 34178, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "bacon slices", + "water", + "whole milk", + "parmigiano reggiano cheese", + "rosemary", + "quickcooking grits" + ] + }, + { + "id": 16654, + "cuisine": "british", + "ingredients": [ + "butter", + "salt", + "red apples", + "chopped fresh thyme", + "heavy cream", + "onions", + "pepper", + "dry hard cider", + "pork loin chops", + "Cox's Orange Pippin", + "garlic", + "white sugar" + ] + }, + { + "id": 26805, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "crushed red pepper", + "capers", + "olive oil", + "anchovy fillets", + "crushed tomatoes", + "chopped onion", + "pitted kalamata olives", + "ground black pepper", + "herbes de provence" + ] + }, + { + "id": 12205, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "granulated sugar", + "flaxseed", + "baking soda", + "vanilla extract", + "unsalted almonds", + "dark chocolate chip", + "salt", + "whole wheat flour", + "large eggs", + "dark brown sugar" + ] + }, + { + "id": 25219, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "yellow onion", + "red bell pepper", + "green onions", + "carrots", + "canola oil", + "large eggs", + "oyster sauce", + "frozen peas", + "cooked rice", + "garlic", + "shrimp" + ] + }, + { + "id": 49536, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "minced ginger", + "minced garlic", + "canola oil", + "shiro miso", + "water", + "soy sauce", + "pork butt" + ] + }, + { + "id": 30595, + "cuisine": "chinese", + "ingredients": [ + "turnips", + "boneless skinless chicken breasts", + "salt", + "honey", + "ginger", + "scallions", + "soy sauce", + "brown rice", + "safflower", + "flour", + "garlic", + "lemon juice" + ] + }, + { + "id": 33735, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "dried thyme", + "salt", + "dried rosemary", + "extra lean ground beef", + "basil dried leaves", + "onions", + "tomato sauce", + "diced tomatoes", + "bay leaf", + "pepper", + "garlic", + "marjoram" + ] + }, + { + "id": 36063, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "chicken sausage", + "worcestershire sauce", + "salt", + "onions", + "ground cumin", + "black pepper", + "jalapeno chilies", + "diced tomatoes", + "red bell pepper", + "white sugar", + "green bell pepper", + "Sriracha", + "bacon", + "cayenne pepper", + "low sodium beef stock", + "chili beans", + "minced garlic", + "chili powder", + "paprika", + "ground beef", + "dried oregano" + ] + }, + { + "id": 6147, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "milk", + "white poppy seeds", + "salt", + "garlic cloves", + "onions", + "ground turmeric", + "clove", + "sliced almonds", + "cayenne", + "sunflower oil", + "cumin seed", + "chillies", + "basmati rice", + "green cardamom pods", + "brown sugar", + "coriander seeds", + "butter", + "natural yogurt", + "fresh mint", + "chopped fresh mint", + "black peppercorns", + "fresh ginger", + "chili powder", + "cilantro leaves", + "cinnamon sticks", + "chicken thighs", + "saffron" + ] + }, + { + "id": 26708, + "cuisine": "irish", + "ingredients": [ + "granny smith apples", + "dried cranberries", + "clove", + "apple juice", + "fresh ginger", + "sugar", + "cranberries" + ] + }, + { + "id": 24840, + "cuisine": "italian", + "ingredients": [ + "pepper", + "condensed tomato soup", + "condensed cheddar cheese soup", + "italian seasoning", + "garlic powder", + "pepperoni", + "onions", + "milk", + "salt", + "ground beef", + "brown sugar", + "potatoes", + "shredded mozzarella cheese", + "dried oregano" + ] + }, + { + "id": 19829, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "zucchini", + "butter", + "olive oil", + "dry white wine", + "onions", + "cherry tomatoes", + "grated parmesan cheese", + "fresh lemon juice", + "arborio rice", + "sea scallops", + "parsley", + "nonfat chicken broth" + ] + }, + { + "id": 27928, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "red pepper", + "tomatoes", + "jalapeno chilies", + "green pepper", + "fresh cilantro", + "shoepeg corn", + "black beans", + "green onions", + "celery" + ] + }, + { + "id": 24016, + "cuisine": "italian", + "ingredients": [ + "passion fruit", + "water", + "sugar", + "mango", + "half & half" + ] + }, + { + "id": 45655, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper", + "plum tomatoes", + "half & half", + "gemelli", + "grated parmesan cheese", + "low salt chicken broth", + "large garlic cloves", + "arugula" + ] + }, + { + "id": 7624, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "vegetable oil", + "scallions", + "sole", + "minced garlic", + "cooking wine", + "soy sauce", + "ginger", + "ground white pepper", + "dried black beans", + "sesame oil", + "salt" + ] + }, + { + "id": 13675, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "chinese sausage", + "rice flour", + "chinese turnip", + "chinese black mushrooms", + "scallions", + "corn starch", + "white pepper", + "salt", + "oyster sauce", + "water", + "oil", + "dried shrimp" + ] + }, + { + "id": 21903, + "cuisine": "mexican", + "ingredients": [ + "reduced sodium chicken broth", + "balsamic vinegar", + "giblet", + "ancho chile pepper", + "cayenne", + "cinnamon", + "carrots", + "onions", + "olive oil", + "spices", + "turkey", + "bittersweet chocolate", + "flour", + "large garlic cloves", + "toasted almonds", + "toasted sesame seeds" + ] + }, + { + "id": 23710, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "prosciutto", + "extra-virgin olive oil", + "gorgonzola", + "white wine", + "grated parmesan cheese", + "salt", + "chicken stock", + "cream", + "shallots", + "squid", + "fresh basil", + "ground black pepper", + "garlic" + ] + }, + { + "id": 25911, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "salt", + "all purpose unbleached flour", + "ground cumin", + "chili powder", + "dried oregano", + "onion flakes" + ] + }, + { + "id": 46095, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "jalapeno chilies", + "rotelle", + "Ranch Style Beans", + "oregano", + "milk", + "baking powder", + "salt", + "onions", + "eggs", + "batter", + "chili powder", + "oil", + "browning", + "sugar", + "flour", + "garlic", + "cornmeal" + ] + }, + { + "id": 41244, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "lemon zest", + "vegetable broth", + "flat leaf parsley", + "polenta corn meal", + "radishes", + "peas", + "baby carrots", + "asparagus", + "green onions", + "salt", + "olive oil", + "herbs", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 29331, + "cuisine": "moroccan", + "ingredients": [ + "ground pepper", + "paprika", + "couscous", + "prunes", + "coarse salt", + "cilantro leaves", + "onions", + "olive oil", + "apricot halves", + "leg of lamb", + "whole peeled tomatoes", + "garlic", + "fresh lime juice" + ] + }, + { + "id": 19374, + "cuisine": "moroccan", + "ingredients": [ + "paprika", + "fresh parsley", + "ground cinnamon", + "fresh lemon juice", + "garlic cloves", + "ground cumin", + "sugar", + "carrots" + ] + }, + { + "id": 35036, + "cuisine": "italian", + "ingredients": [ + "vanilla beans", + "whipping cream", + "blackberries", + "sugar", + "whole milk", + "fresh lemon juice", + "unflavored gelatin", + "golden brown sugar", + "crème fraîche", + "crème de cassis", + "vegetable oil", + "grated lemon peel" + ] + }, + { + "id": 9252, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "diced tomatoes", + "minced garlic", + "onions", + "pasta sauce", + "stewed tomatoes", + "dried thyme" + ] + }, + { + "id": 2616, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "bread crumbs", + "garlic", + "ground beef", + "eggs", + "water", + "shredded mozzarella cheese", + "tomato paste", + "pepper", + "salt", + "onions", + "romano cheese", + "marinara sauce", + "oil" + ] + }, + { + "id": 45597, + "cuisine": "chinese", + "ingredients": [ + "mushrooms", + "vegetable broth", + "ginger root", + "jackfruit", + "shredded cabbage", + "baby carrots", + "soy sauce", + "lettuce leaves", + "garlic", + "onions", + "hoisin sauce", + "green onions", + "dark sesame oil" + ] + }, + { + "id": 17619, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "asparagus spears", + "olive oil", + "dry white wine", + "fresh parsley", + "prosciutto", + "butter", + "arborio rice", + "leeks", + "low salt chicken broth" + ] + }, + { + "id": 40306, + "cuisine": "indian", + "ingredients": [ + "Biryani Masala", + "ginger", + "green chilies", + "bay leaf", + "basmati rice", + "spices", + "garlic", + "cardamom", + "onions", + "chicken drumsticks", + "cilantro leaves", + "coconut milk", + "cashew nuts", + "mint leaves", + "star anise", + "curds", + "ghee", + "ground turmeric" + ] + }, + { + "id": 44051, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "strawberries", + "sugar", + "crumbs", + "large eggs", + "cream cheese", + "mascarpone", + "balsamic vinegar" + ] + }, + { + "id": 18702, + "cuisine": "cajun_creole", + "ingredients": [ + "hot pepper sauce", + "garlic", + "red bell pepper", + "crushed tomatoes", + "crushed red pepper flakes", + "salt", + "green bell pepper", + "butter", + "smoked sausage", + "onions", + "ground black pepper", + "white rice", + "shrimp" + ] + }, + { + "id": 15775, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "tortillas", + "salsa", + "chicken thighs", + "lime", + "chili powder", + "sour cream", + "pepper", + "jalapeno chilies", + "shredded cheese", + "cumin", + "olive oil", + "salt", + "onions" + ] + }, + { + "id": 15788, + "cuisine": "southern_us", + "ingredients": [ + "butter-margarine blend", + "chili sauce", + "cumin seed", + "poblano chiles", + "chopped green bell pepper", + "twists", + "garlic cloves", + "cider vinegar", + "chopped onion", + "unsweetened chocolate", + "cooked chicken breasts", + "brown sugar", + "cooking spray", + "ground coriander", + "low salt chicken broth" + ] + }, + { + "id": 7204, + "cuisine": "french", + "ingredients": [ + "large eggs", + "calimyrna figs", + "hazelnuts", + "salt", + "sugar", + "baking powder", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 30526, + "cuisine": "italian", + "ingredients": [ + "garlic", + "grated parmesan cheese", + "Italian bread", + "hellmann' or best food real mayonnais", + "artichok heart marin" + ] + }, + { + "id": 25646, + "cuisine": "brazilian", + "ingredients": [ + "tapioca starch", + "eggs", + "grating cheese", + "vegetable oil", + "water", + "salt" + ] + }, + { + "id": 20273, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed brown sugar", + "large eggs", + "flaked coconut", + "cream sweeten whip", + "brown sugar", + "cracker crumbs", + "cream cheese, soften", + "pecans", + "chop fine pecan", + "butter", + "ground cinnamon", + "kahlúa", + "sweet potatoes", + "all-purpose flour" + ] + }, + { + "id": 35990, + "cuisine": "thai", + "ingredients": [ + "low sodium soy sauce", + "sea scallops", + "chile puree", + "fresh lemon juice", + "fat free less sodium chicken broth", + "peeled fresh ginger", + "long-grain rice", + "fresh basil", + "asparagus", + "grated lemon zest", + "corn starch", + "olive oil", + "basil", + "garlic cloves" + ] + }, + { + "id": 39123, + "cuisine": "filipino", + "ingredients": [ + "pineapple chunks", + "raisins", + "celery", + "seasoning salt", + "elbow macaroni", + "mayonaise", + "apples", + "white sugar", + "boneless skinless chicken breasts", + "carrots" + ] + }, + { + "id": 34611, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "all-purpose flour", + "angel hair", + "garlic", + "shrimp", + "butter", + "lemon juice", + "milk", + "salt" + ] + }, + { + "id": 17351, + "cuisine": "jamaican", + "ingredients": [ + "pineapple chunks", + "raisins", + "ground cumin", + "lime zest", + "jamaican jerk season", + "onions", + "dried thyme", + "worcestershire sauce", + "ground ginger", + "sweet potatoes", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 19297, + "cuisine": "italian", + "ingredients": [ + "eggs", + "grated romano cheese", + "Italian bread", + "olive oil", + "ground pork", + "ground beef", + "water", + "ground veal", + "flat leaf parsley", + "salt and ground black pepper", + "garlic" + ] + }, + { + "id": 13584, + "cuisine": "jamaican", + "ingredients": [ + "potatoes", + "garlic", + "flat leaf parsley", + "mini phyllo dough shells", + "green onions", + "chopped onion", + "beef stock", + "salt", + "ground beef", + "curry powder", + "peas", + "carrots" + ] + }, + { + "id": 1802, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "mustard greens", + "cumin seed", + "spinach", + "unsalted butter", + "salt", + "canola oil", + "cayenne", + "garlic", + "serrano chile", + "water", + "extra firm tofu", + "yellow onion" + ] + }, + { + "id": 390, + "cuisine": "italian", + "ingredients": [ + "crushed red pepper flakes", + "rigatoni", + "butter", + "boneless skinless chicken breast halves", + "grated parmesan cheese", + "dried parsley", + "diced tomatoes", + "italian salad dressing" + ] + }, + { + "id": 8211, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "extra-virgin olive oil", + "fresh oregano leaves", + "garlic cloves", + "caper berries", + "ground black pepper", + "carrots", + "green olives", + "purple onion" + ] + }, + { + "id": 31126, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "whole milk", + "carrots", + "sliced almonds", + "raisins", + "sugar", + "vegetable oil", + "almonds", + "clotted cream" + ] + }, + { + "id": 20861, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "garlic cloves", + "ground cumin", + "reduced fat sharp cheddar cheese", + "hot sauce", + "chopped cilantro fresh", + "frozen chopped spinach", + "salsa", + "thin pizza crust", + "black beans", + "chopped onion", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 27636, + "cuisine": "italian", + "ingredients": [ + "boneless chicken skinless thigh", + "medium egg noodles", + "onions", + "capers", + "seasoned bread crumbs", + "beer", + "black pepper", + "salt", + "pitted kalamata olives", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 5207, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "dumpling wrappers", + "chili oil", + "pork shoulder", + "white pepper", + "vegetable oil", + "rice vinegar", + "soy sauce", + "fresh ginger", + "garlic", + "kosher salt", + "napa cabbage", + "scallions" + ] + }, + { + "id": 46396, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "round steaks", + "eggs", + "pan drippings", + "flour", + "oil", + "pepper", + "salt" + ] + }, + { + "id": 1603, + "cuisine": "irish", + "ingredients": [ + "eggs", + "pastry dough", + "bacon grease", + "water", + "salt", + "pepper", + "baking potatoes", + "corned beef", + "milk", + "chopped onion" + ] + }, + { + "id": 21536, + "cuisine": "filipino", + "ingredients": [ + "crushed garlic", + "cooked white rice", + "sea salt", + "cooking oil" + ] + }, + { + "id": 36749, + "cuisine": "greek", + "ingredients": [ + "dried thyme", + "extra-virgin olive oil", + "sesame seeds", + "salt", + "pita bread rounds", + "sumac", + "savory" + ] + }, + { + "id": 42458, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "napa cabbage", + "carrots", + "noodles", + "chicken stock", + "green onions", + "fish balls", + "calamansi", + "kecap manis", + "salt", + "shrimp", + "boneless chicken skinless thigh", + "rice noodles", + "oil", + "onions" + ] + }, + { + "id": 10415, + "cuisine": "french", + "ingredients": [ + "olive oil", + "flat leaf parsley", + "kosher salt", + "sirloin steak", + "mushroom soup", + "red wine", + "pearl onions", + "sliced mushrooms" + ] + }, + { + "id": 47673, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "green onions", + "taco seasoning mix", + "shredded sharp cheddar cheese", + "refried beans", + "black olives", + "guacamole", + "sour cream" + ] + }, + { + "id": 33226, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "cucumber", + "salt", + "sesame seeds", + "rice vinegar" + ] + }, + { + "id": 49166, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "water", + "dry red wine", + "diced celery", + "diced onions", + "fat free less sodium chicken broth", + "diced tomatoes", + "garlic cloves", + "lamb shanks", + "ground black pepper", + "less sodium beef broth", + "corn starch", + "fresh rosemary", + "fresh parmesan cheese", + "salt", + "carrots" + ] + }, + { + "id": 31232, + "cuisine": "british", + "ingredients": [ + "kosher salt", + "haddock", + "vegetable oil", + "all-purpose flour", + "cod", + "baking soda", + "baking powder", + "malt vinegar", + "sea salt flakes", + "large egg yolks", + "french fries", + "old bay seasoning", + "corn flour", + "fresh dill", + "ground black pepper", + "lemon wedge", + "light lager", + "club soda" + ] + }, + { + "id": 41374, + "cuisine": "moroccan", + "ingredients": [ + "chicken broth", + "pitted date", + "cinnamon", + "lemon juice", + "tumeric", + "green lentil", + "cilantro", + "ground cumin", + "tomatoes", + "olive oil", + "lemon", + "onions", + "ground ginger", + "black pepper", + "parsley", + "chickpeas" + ] + }, + { + "id": 44177, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "unsalted butter", + "tomato salsa", + "flour tortillas", + "grated jack cheese", + "corn", + "guacamole" + ] + }, + { + "id": 47654, + "cuisine": "french", + "ingredients": [ + "eggs", + "dry mustard", + "white vinegar", + "white sugar", + "dry white wine" + ] + }, + { + "id": 46172, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "straw mushrooms", + "galanga", + "thai chile", + "lime leaves", + "brown sugar", + "peanuts", + "chili pepper flakes", + "oil", + "fish sauce", + "lime juice", + "shrimp paste", + "cilantro leaves", + "chicken", + "lime rind", + "lemon grass", + "button mushrooms", + "coconut milk" + ] + }, + { + "id": 19805, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "asparagus", + "rice vinegar", + "chopped cilantro fresh", + "coconut sugar", + "water", + "garlic", + "coconut milk", + "white onion", + "baby spinach", + "carrots", + "brown basmati rice", + "coconut oil", + "fresh ginger", + "salt", + "thai green curry paste" + ] + }, + { + "id": 8074, + "cuisine": "italian", + "ingredients": [ + "water", + "garlic", + "baby eggplants", + "green bell pepper", + "olive oil", + "spaghetti squash", + "grape tomatoes", + "dried basil", + "purple onion", + "italian seasoning", + "white wine", + "salt and ground black pepper", + "carrots" + ] + }, + { + "id": 46920, + "cuisine": "jamaican", + "ingredients": [ + "eggs", + "vanilla", + "cooking oil", + "all-purpose flour", + "sugar", + "salt", + "cold water", + "baking powder", + "cornmeal" + ] + }, + { + "id": 4064, + "cuisine": "vietnamese", + "ingredients": [ + "tofu", + "water", + "potatoes", + "red pepper flakes", + "beansprouts", + "onions", + "green bell pepper", + "fresh ginger root", + "shallots", + "garlic", + "bay leaf", + "fish sauce", + "lemon grass", + "vegetable oil", + "carrots", + "chopped cilantro", + "kaffir lime leaves", + "curry powder", + "mushrooms", + "vegetable broth", + "coconut milk" + ] + }, + { + "id": 32983, + "cuisine": "jamaican", + "ingredients": [ + "warm water", + "salt", + "medium eggs", + "milk", + "white flour", + "yeast", + "sugar", + "salted butter" + ] + }, + { + "id": 41617, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "fresh basil leaves", + "preserves", + "fresh basil" + ] + }, + { + "id": 26393, + "cuisine": "thai", + "ingredients": [ + "fresh coriander", + "rump steak", + "chili sauce", + "red chili peppers", + "lime", + "ginger", + "vermicelli noodles", + "lime juice", + "red pepper", + "cane syrup", + "soy sauce", + "spring onions", + "purple onion" + ] + }, + { + "id": 3599, + "cuisine": "korean", + "ingredients": [ + "pepper", + "green onions", + "garlic cloves", + "canola oil", + "sugar", + "beef", + "sesame oil", + "toasted sesame seeds", + "spinach", + "spanish onion", + "rice wine", + "carrots", + "soy sauce", + "shredded cabbage", + "dried shiitake mushrooms", + "glass noodles" + ] + }, + { + "id": 2479, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "deveined shrimp", + "fresh oregano", + "fresh lemon juice", + "ground black pepper", + "extra-virgin olive oil", + "organic vegetable broth", + "onions", + "sea scallops", + "littleneck clams", + "snapper fillets", + "flat leaf parsley", + "tomatoes", + "dry white wine", + "crushed red pepper", + "garlic cloves" + ] + }, + { + "id": 28783, + "cuisine": "indian", + "ingredients": [ + "fresh spinach", + "fresh ginger", + "roma tomatoes", + "cilantro leaves", + "ghee", + "water", + "garam masala", + "garlic", + "cumin seed", + "tumeric", + "curry powder", + "coriander powder", + "salt", + "cinnamon sticks", + "red chili peppers", + "garbanzo beans", + "whole cloves", + "green cardamom", + "onions" + ] + }, + { + "id": 37692, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "salt", + "spinach", + "Italian parsley leaves", + "sage leaves", + "large garlic cloves", + "lemon juice", + "pinenuts", + "extra-virgin olive oil" + ] + }, + { + "id": 29563, + "cuisine": "italian", + "ingredients": [ + "sugar", + "red wine", + "mint sprigs", + "peaches" + ] + }, + { + "id": 45804, + "cuisine": "japanese", + "ingredients": [ + "ground black pepper", + "peppercorns", + "ground coriander", + "ground cumin", + "basil leaves", + "club soda", + "spinach leaves", + "rice flour" + ] + }, + { + "id": 5552, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "corn kernels", + "chopped green bell pepper", + "mild green chiles", + "creole seasoning", + "bay leaf", + "green bell pepper", + "unsalted butter", + "baking powder", + "salt", + "red bell pepper", + "yellow corn meal", + "tomato sauce", + "granulated sugar", + "diced tomatoes", + "all-purpose flour", + "celery", + "eggs", + "cream style corn", + "flour", + "garlic", + "brown shrimp", + "onions" + ] + }, + { + "id": 28113, + "cuisine": "french", + "ingredients": [ + "zucchini", + "shredded parmesan cheese", + "bread crumbs", + "fine sea salt", + "extra-virgin olive oil", + "herbes de provence", + "pepper", + "salt" + ] + }, + { + "id": 25071, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "chicken breasts", + "basil pesto sauce" + ] + }, + { + "id": 23153, + "cuisine": "british", + "ingredients": [ + "nutmeg", + "butter", + "fresh parsley", + "pepper", + "and fat free half half", + "smoked salmon", + "salt", + "hard-boiled egg", + "long-grain rice" + ] + }, + { + "id": 25740, + "cuisine": "indian", + "ingredients": [ + "clove", + "pistachios", + "chopped onion", + "fat free less sodium chicken broth", + "vegetable oil", + "brown basmati rice", + "tomato paste", + "golden raisins", + "cinnamon sticks", + "water", + "salt" + ] + }, + { + "id": 31266, + "cuisine": "mexican", + "ingredients": [ + "tortilla chips", + "black beans", + "ground turkey", + "tomatoes", + "thousand island dressing", + "taco seasoning mix", + "iceberg lettuce" + ] + }, + { + "id": 14546, + "cuisine": "cajun_creole", + "ingredients": [ + "active dry yeast", + "vanilla extract", + "glaze", + "sugar", + "butter", + "cream cheese, soften", + "warm water", + "sprinkles", + "sour cream", + "large eggs", + "salt", + "bread flour" + ] + }, + { + "id": 32389, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "minced garlic", + "refried beans", + "lean ground beef", + "diced tomatoes", + "beef broth", + "red bell pepper", + "dried oregano", + "avocado", + "black pepper", + "minced ginger", + "green onions", + "coarse salt", + "shredded sharp cheddar cheese", + "dark brown sugar", + "onions", + "soy sauce", + "water", + "olive oil", + "vegetable oil", + "garlic", + "tortilla chips", + "sour cream", + "cooked rice", + "msg", + "corn", + "flank steak", + "shredded lettuce", + "broccoli", + "corn starch", + "chopped cilantro fresh" + ] + }, + { + "id": 36481, + "cuisine": "southern_us", + "ingredients": [ + "fresh orange juice", + "sugar", + "corn starch", + "lemon zest", + "fresh lemon juice" + ] + }, + { + "id": 37118, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "garlic", + "korean chile paste", + "flour", + "oil", + "honey", + "rice vinegar", + "canola oil", + "chicken wings", + "ginger", + "corn starch" + ] + }, + { + "id": 7198, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "hoisin sauce", + "rice vinegar", + "eggs", + "green onions", + "garlic cloves", + "soy sauce", + "large garlic cloves", + "toasted sesame oil", + "panko", + "ground pork" + ] + }, + { + "id": 49565, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "red pepper", + "corn syrup", + "black pepper", + "sesame seeds", + "cooking wine", + "onions", + "soy sauce", + "olive oil", + "sweet pepper", + "carrots", + "fishcake", + "sesame oil", + "salt" + ] + }, + { + "id": 48548, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "curry powder", + "corn starch", + "soy sauce", + "boneless skinless chicken breasts", + "hot red pepper flakes", + "coriander seeds", + "fresh lime juice", + "fresh coriander", + "salted dry roasted peanuts" + ] + }, + { + "id": 4848, + "cuisine": "thai", + "ingredients": [ + "eggs", + "grapeseed oil", + "oyster sauce", + "fish sauce", + "rice vinegar", + "gai lan", + "garlic", + "pork loin", + "dark sesame oil" + ] + }, + { + "id": 28721, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "Anaheim chile", + "chopped celery", + "red bell pepper", + "ground cumin", + "boneless chicken skinless thigh", + "hominy", + "tomatillos", + "all-purpose flour", + "dried oregano", + "lower sodium chicken broth", + "olive oil", + "cooking spray", + "cilantro leaves", + "chopped cilantro fresh", + "black pepper", + "finely chopped onion", + "reduced-fat sour cream", + "carrots", + "chopped garlic" + ] + }, + { + "id": 31737, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "flour tortillas", + "rice", + "sour cream", + "corn", + "cilantro", + "enchilada sauce", + "black beans", + "ground sirloin", + "taco seasoning", + "onions", + "chicken broth", + "salsa verde", + "garlic", + "Mexican cheese" + ] + }, + { + "id": 10090, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "ground cinnamon", + "chop fine pecan", + "wildflower honey" + ] + }, + { + "id": 29285, + "cuisine": "russian", + "ingredients": [ + "water", + "parsley", + "gingerroot", + "cabbage", + "old-fashioned oatmeal", + "potatoes", + "garlic", + "dill weed", + "italian seasoning", + "black pepper", + "Tabasco Pepper Sauce", + "herb seasoning", + "ground beef", + "mustard", + "prepared horseradish", + "worcestershire sauce", + "ground turkey", + "condensed golden mushroom soup" + ] + }, + { + "id": 36436, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "dried basil", + "cooking spray", + "all-purpose flour", + "diced celery", + "sliced green onions", + "tomato paste", + "black pepper", + "olive oil", + "diced tomatoes", + "chopped onion", + "fresh parsley", + "instant rice", + "dried thyme", + "worcestershire sauce", + "hot sauce", + "lemon juice", + "breadstick", + "water", + "chopped green bell pepper", + "salt", + "garlic cloves", + "large shrimp" + ] + }, + { + "id": 41848, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "rigatoni", + "vegetable oil cooking spray", + "chopped onion", + "pasta sauce", + "crushed red pepper", + "olive oil", + "Italian turkey sausage" + ] + }, + { + "id": 5462, + "cuisine": "irish", + "ingredients": [ + "milk", + "butter", + "chicken bouillon", + "leeks", + "sour cream", + "eggs", + "potatoes", + "salt", + "shredded cheddar cheese", + "shredded cabbage", + "onions" + ] + }, + { + "id": 33292, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed brown sugar", + "large eggs", + "cake flour", + "evaporated milk", + "butter", + "shortening", + "baking powder", + "chopped pecans", + "granulated sugar", + "vanilla extract" + ] + }, + { + "id": 12238, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "dried thyme", + "scotch bonnet chile", + "grated nutmeg", + "light brown sugar", + "kosher salt", + "ground black pepper", + "ginger", + "ground cloves", + "olive oil", + "turkey", + "scallions", + "ground cinnamon", + "lime juice", + "unsalted butter", + "garlic" + ] + }, + { + "id": 19437, + "cuisine": "cajun_creole", + "ingredients": [ + "tasso", + "cayenne", + "salt", + "okra", + "green bell pepper", + "bay leaves", + "thyme sprig", + "juice", + "celery leaves", + "file powder", + "all-purpose flour", + "garlic cloves", + "crab", + "butter", + "chopped onion", + "cooked white rice" + ] + }, + { + "id": 44391, + "cuisine": "filipino", + "ingredients": [ + "garlic", + "onions", + "pasta sauce", + "liver", + "salt", + "hot dogs", + "ground beef" + ] + }, + { + "id": 422, + "cuisine": "japanese", + "ingredients": [ + "large egg yolks", + "rice vinegar", + "kosher salt", + "vegetable oil", + "dashi powder", + "garlic powder", + "mustard powder", + "msg", + "malt vinegar" + ] + }, + { + "id": 1296, + "cuisine": "italian", + "ingredients": [ + "warm water", + "salt", + "cooking spray", + "bread flour", + "dry yeast", + "cornmeal", + "sugar", + "extra-virgin olive oil" + ] + }, + { + "id": 2203, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "worcestershire sauce", + "fresh parsley", + "lean ground beef", + "garlic cloves", + "marjoram", + "mushrooms", + "all-purpose flour", + "onions", + "beef gravy", + "russet potatoes", + "carrots" + ] + }, + { + "id": 49594, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "chili powder", + "cardamom pods", + "sugar", + "salt", + "plain low-fat yogurt", + "cinnamon", + "tumeric", + "chicken drumsticks" + ] + }, + { + "id": 31848, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "coconut milk", + "brown sugar", + "purple onion", + "medium shrimp", + "cooked rice", + "thai basil", + "curry paste", + "fire roasted diced tomatoes", + "peanut oil" + ] + }, + { + "id": 6361, + "cuisine": "italian", + "ingredients": [ + "carrot sticks", + "butter", + "salt", + "Italian bread", + "olive oil", + "garlic", + "asparagus spears", + "hard-boiled egg", + "artichokes", + "red bell pepper", + "black pepper", + "cauliflower florets", + "anchovy filets" + ] + }, + { + "id": 36897, + "cuisine": "irish", + "ingredients": [ + "granulated sugar", + "brewed espresso", + "egg yolks", + "vanilla bean paste", + "Irish whiskey", + "kosher salt", + "heavy cream" + ] + }, + { + "id": 9905, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "Shaoxing wine", + "chili bean paste", + "chili pepper", + "garlic", + "chinkiang vinegar", + "chinese celery", + "szechwan peppercorns", + "carrots", + "soy sauce", + "flank steak", + "peanut oil" + ] + }, + { + "id": 16460, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "worcestershire sauce", + "all-purpose flour", + "chopped garlic", + "black pepper", + "leeks", + "bacon slices", + "carrots", + "reduced sodium chicken broth", + "whole milk", + "salt", + "extra sharp cheddar cheese", + "celery ribs", + "ale", + "dry mustard", + "California bay leaves" + ] + }, + { + "id": 37508, + "cuisine": "mexican", + "ingredients": [ + "salt", + "sour cream", + "heavy cream" + ] + }, + { + "id": 37223, + "cuisine": "cajun_creole", + "ingredients": [ + "dry white wine", + "shrimp", + "parmigiano reggiano cheese", + "butter", + "fettucine", + "cajun seasoning", + "heavy whipping cream", + "green onions", + "garlic" + ] + }, + { + "id": 16506, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "garam masala", + "raisins", + "curds", + "cashew nuts", + "clove", + "water", + "chili powder", + "cilantro leaves", + "ghee", + "tomatoes", + "coconut", + "cinnamon", + "green chilies", + "onions", + "pepper", + "prawns", + "salt", + "lemon juice", + "basmati rice" + ] + }, + { + "id": 38525, + "cuisine": "southern_us", + "ingredients": [ + "dressing", + "chicken breast halves", + "plum tomatoes", + "sugar pea", + "bacon slices", + "eggs", + "watercress", + "iceberg lettuce", + "avocado", + "edible flowers", + "freshly ground pepper" + ] + }, + { + "id": 36520, + "cuisine": "french", + "ingredients": [ + "mayonaise", + "fresh thyme leaves", + "large eggs", + "fresh parsley leaves", + "plain yogurt", + "dill pickles", + "capers", + "shallots" + ] + }, + { + "id": 2233, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "flat leaf parsley", + "tomatoes", + "garlic cloves", + "mussels", + "russet potatoes", + "onions", + "water", + "carrots" + ] + }, + { + "id": 23057, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "bacon slices", + "garlic cloves", + "fresh basil", + "cooking spray", + "purple onion", + "tomatoes", + "french bread", + "extra-virgin olive oil", + "romaine lettuce", + "balsamic vinegar", + "salt" + ] + }, + { + "id": 45110, + "cuisine": "southern_us", + "ingredients": [ + "radishes", + "chopped pecans", + "napa cabbage", + "dressing", + "Braeburn Apple", + "green onions" + ] + }, + { + "id": 32758, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "green lentil", + "garlic", + "cumin seed", + "tomato paste", + "red chili peppers", + "butter", + "cilantro leaves", + "onions", + "red kidney beans", + "red chili powder", + "yoghurt", + "salt", + "bay leaf", + "tomatoes", + "milk", + "ginger", + "green cardamom", + "canola oil" + ] + }, + { + "id": 39963, + "cuisine": "italian", + "ingredients": [ + "top round steak", + "grated parmesan cheese", + "salt", + "pepper", + "raisins", + "pasta sauce", + "olive oil", + "garlic", + "mozzarella cheese", + "butter" + ] + }, + { + "id": 12083, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "sesame seeds", + "oil", + "salmon fillets", + "ginger", + "sake", + "mirin", + "soy sauce", + "garlic" + ] + }, + { + "id": 21913, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "kosher salt", + "fennel", + "crushed red pepper flakes", + "vinaigrette", + "celery seed", + "yellow mustard seeds", + "watermelon", + "bibb lettuce", + "extra-virgin olive oil", + "fresh lemon juice", + "large shrimp", + "sugar", + "coriander seeds", + "jalapeno chilies", + "purple onion", + "shrimp", + "canola oil", + "tumeric", + "lime", + "fresh bay leaves", + "fresh orange juice", + "garlic cloves", + "fresh lime juice" + ] + }, + { + "id": 16319, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "boneless skinless chicken breasts", + "cucumber", + "sugar", + "cooking oil", + "garlic", + "fresh mint", + "peanuts", + "red pepper flakes", + "beansprouts", + "water", + "vermicelli", + "wine vinegar", + "asian fish sauce" + ] + }, + { + "id": 37680, + "cuisine": "irish", + "ingredients": [ + "ground cloves", + "golden raisins", + "chopped onion", + "sugar", + "olive oil", + "garlic", + "ground ginger", + "cider vinegar", + "cardamom seeds", + "plum tomatoes", + "black pepper", + "sea salt", + "mustard seeds" + ] + }, + { + "id": 3536, + "cuisine": "italian", + "ingredients": [ + "shrimp tails", + "grated parmesan cheese", + "salt", + "pepper", + "extra-virgin olive oil", + "gnocchi", + "pinenuts", + "basil", + "fresh lemon juice", + "asparagus", + "garlic" + ] + }, + { + "id": 47937, + "cuisine": "southern_us", + "ingredients": [ + "celery salt", + "cooked chicken", + "vegetable oil cooking spray", + "hoagie rolls", + "slaw", + "dressing", + "swiss cheese" + ] + }, + { + "id": 46160, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "grated orange peel", + "baking powder", + "unsweetened chocolate", + "sugar", + "salt", + "pecans", + "large eggs", + "Grand Marnier" + ] + }, + { + "id": 36880, + "cuisine": "cajun_creole", + "ingredients": [ + "extra-virgin olive oil", + "shrimp", + "plum tomatoes", + "lemon wedge", + "salt", + "onions", + "unsalted butter", + "garlic", + "fresh parsley", + "cajun seasoning", + "freshly ground pepper", + "basmati rice" + ] + }, + { + "id": 34700, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "mirin", + "vegetable oil", + "halibut", + "carrots", + "mayonaise", + "large egg yolks", + "fresh shiitake mushrooms", + "rice vinegar", + "katsuo bushi", + "shiso", + "cold water", + "white pepper", + "finely chopped onion", + "shoyu", + "mesclun", + "corn starch", + "wasabi paste", + "water", + "shell-on shrimp", + "fine sea salt", + "konbu", + "daikon sprouts" + ] + }, + { + "id": 28306, + "cuisine": "italian", + "ingredients": [ + "ragu old world style pasta sauc", + "shredded mozzarella cheese", + "prebaked pizza crusts", + "pizza toppings" + ] + }, + { + "id": 43014, + "cuisine": "mexican", + "ingredients": [ + "unsalted butter", + "salsa", + "sour cream", + "water", + "guacamole", + "tortilla chips", + "kosher salt", + "large eggs", + "hot sauce", + "monterey jack", + "ground black pepper", + "chili powder", + "pinto beans" + ] + }, + { + "id": 304, + "cuisine": "italian", + "ingredients": [ + "tomato basil sauce", + "grated parmesan cheese", + "fresh basil leaves", + "shredded mozzarella cheese", + "cooked chicken", + "DeLallo Penne Ziti" + ] + }, + { + "id": 34624, + "cuisine": "russian", + "ingredients": [ + "yeast", + "white sugar", + "raisins", + "cherries" + ] + }, + { + "id": 35547, + "cuisine": "mexican", + "ingredients": [ + "clove", + "instant rice", + "sesame seeds", + "vegetable oil", + "garlic cloves", + "black peppercorns", + "fat free less sodium chicken broth", + "cooking spray", + "chopped onion", + "chopped cilantro fresh", + "ground cinnamon", + "boneless chicken skinless thigh", + "chopped almonds", + "salt", + "corn tortillas", + "sugar", + "dried thyme", + "chili powder", + "unsweetened chocolate", + "plum tomatoes" + ] + }, + { + "id": 46907, + "cuisine": "cajun_creole", + "ingredients": [ + "mayonaise", + "cayenne", + "all-purpose flour", + "black pepper", + "large eggs", + "Italian bread", + "oysters", + "vegetable oil", + "iceberg lettuce", + "yellow corn meal", + "milk", + "salt" + ] + }, + { + "id": 49345, + "cuisine": "french", + "ingredients": [ + "raspberries", + "apricots", + "figs", + "vanilla", + "sugar", + "fresh lemon juice", + "turbinado", + "fresh orange juice", + "orange zest" + ] + }, + { + "id": 32761, + "cuisine": "brazilian", + "ingredients": [ + "milk", + "tapioca flour", + "salt", + "large eggs", + "canola", + "shredded cheese" + ] + }, + { + "id": 44467, + "cuisine": "cajun_creole", + "ingredients": [ + "ground cinnamon", + "large eggs", + "fresh orange juice", + "ground cloves", + "french bread", + "sauce", + "sugar", + "coffee", + "salt", + "milk", + "butter", + "orange zest" + ] + }, + { + "id": 30144, + "cuisine": "italian", + "ingredients": [ + "water", + "bay leaf", + "garlic", + "coarse sea salt", + "fresh sage", + "white beans" + ] + }, + { + "id": 38288, + "cuisine": "thai", + "ingredients": [ + "olive oil", + "Thai fish sauce", + "fresh coriander", + "boneless skinless chicken breasts", + "spring onions", + "coconut milk", + "lime", + "green chilies" + ] + }, + { + "id": 43519, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "minced garlic", + "freshly grated parmesan", + "portabello mushroom", + "pasta sheets", + "white wine", + "olive oil", + "leeks", + "all-purpose flour", + "italian seasoning", + "pepper", + "eggplant", + "butter", + "shredded mozzarella cheese", + "ground chicken", + "milk", + "egg yolks", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 13327, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "granulated sugar", + "vegetable oil", + "salt", + "fresh lime juice", + "Mexican seasoning mix", + "flour", + "queso blanco", + "sour cream", + "whitefish fillets", + "jalapeno chilies", + "Mexican beer", + "hot sauce", + "chopped cilantro fresh", + "green cabbage", + "lime", + "baking powder", + "purple onion", + "corn tortillas" + ] + }, + { + "id": 5812, + "cuisine": "thai", + "ingredients": [ + "lime", + "garlic cloves", + "brown sugar", + "ginger", + "chopped cilantro", + "fish sauce", + "peanuts", + "carrots", + "soy sauce", + "rice vinegar" + ] + }, + { + "id": 42614, + "cuisine": "irish", + "ingredients": [ + "kale", + "butter", + "pepper", + "potatoes", + "mace", + "salt", + "milk", + "leeks" + ] + }, + { + "id": 36571, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "all-purpose flour", + "elbow macaroni", + "milk", + "pecorino romano cheese", + "cayenne pepper", + "white bread", + "unsalted butter", + "grated nutmeg", + "sharp white cheddar cheese", + "salt", + "grated Gruyère cheese" + ] + }, + { + "id": 20225, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "crushed red pepper", + "parsley sprigs", + "asparagus", + "onions", + "eggs", + "manchego cheese", + "serrano", + "crushed tomatoes", + "mushrooms" + ] + }, + { + "id": 37944, + "cuisine": "moroccan", + "ingredients": [ + "prunes", + "dates", + "carrots", + "honey", + "ras el hanout", + "couscous", + "stock", + "cilantro", + "cinnamon sticks", + "tomato paste", + "almonds", + "purple onion", + "ground beef" + ] + }, + { + "id": 39521, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "shredded carrots", + "sliced mushrooms", + "fish sauce", + "lemon grass", + "green onions", + "fresh cilantro", + "celtic salt", + "curry paste", + "water", + "egg noodles", + "tom yum paste" + ] + }, + { + "id": 25366, + "cuisine": "indian", + "ingredients": [ + "ketchup", + "whole wheat tortillas", + "potatoes", + "chopped cilantro fresh", + "minced garlic", + "salt", + "red chili powder", + "vegetable oil", + "masala" + ] + }, + { + "id": 24299, + "cuisine": "indian", + "ingredients": [ + "meat", + "chickpeas", + "fresh coriander", + "vegetable oil", + "cumin", + "chili powder", + "coriander", + "gravy", + "salt" + ] + }, + { + "id": 9185, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "shiitake", + "vegetable oil", + "garlic", + "water", + "chinese sausage", + "ginger", + "corn starch", + "chinese rice wine", + "vegetables", + "chicken meat", + "salt", + "light soy sauce", + "sesame oil", + "white rice" + ] + }, + { + "id": 43622, + "cuisine": "southern_us", + "ingredients": [ + "vanilla ice cream", + "English toffee bits", + "all-purpose flour", + "light brown sugar", + "frozen peaches", + "vanilla extract", + "pecans", + "unsalted butter", + "salt", + "sugar", + "quick-cooking oats", + "fresh lemon juice" + ] + }, + { + "id": 11892, + "cuisine": "british", + "ingredients": [ + "roasted hazelnuts", + "butter", + "sharp cheddar cheese", + "large egg yolks", + "all-purpose flour", + "large egg whites", + "salt", + "fresh lemon juice", + "whole milk", + "dry bread crumbs" + ] + }, + { + "id": 34173, + "cuisine": "italian", + "ingredients": [ + "milk", + "vanilla extract", + "white sugar", + "ricotta cheese", + "all-purpose flour", + "eggs", + "butter", + "confectioners sugar", + "baking powder", + "salt" + ] + }, + { + "id": 47665, + "cuisine": "french", + "ingredients": [ + "mushrooms", + "crepes", + "fresh parsley", + "fat free milk", + "shallots", + "salt", + "boneless skinless chicken breasts", + "gruyere cheese", + "applewood smoked bacon", + "ground black pepper", + "chopped fresh thyme", + "all-purpose flour" + ] + }, + { + "id": 22104, + "cuisine": "japanese", + "ingredients": [ + "sake", + "mirin", + "sesame seeds", + "vegetable oil", + "eggplant", + "hatcho miso", + "granulated sugar" + ] + }, + { + "id": 19069, + "cuisine": "greek", + "ingredients": [ + "pepper", + "lemon", + "naan", + "olive oil", + "purple onion", + "dried oregano", + "lettuce leaves", + "salt", + "tomatoes", + "chicken breasts", + "tzatziki" + ] + }, + { + "id": 31158, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "pepper", + "flank steak", + "salt", + "chopped cilantro", + "sugar", + "peanuts", + "sesame oil", + "coconut milk", + "canola oil", + "romaine lettuce", + "fresh cilantro", + "shallots", + "garlic cloves", + "mango", + "sweet chili sauce", + "jalapeno chilies", + "ginger", + "corn tortillas" + ] + }, + { + "id": 12386, + "cuisine": "filipino", + "ingredients": [ + "thai chile", + "ground beef", + "water", + "salt", + "fish sauce", + "garlic", + "onions", + "calamansi juice", + "oil" + ] + }, + { + "id": 14637, + "cuisine": "chinese", + "ingredients": [ + "cooked chicken", + "beansprouts", + "soy sauce", + "corn starch", + "vegetable oil", + "celery", + "beef broth", + "onions" + ] + }, + { + "id": 19936, + "cuisine": "filipino", + "ingredients": [ + "vinegar", + "peppercorns", + "water", + "salt", + "pork belly", + "garlic", + "soy sauce", + "bay leaves" + ] + }, + { + "id": 29457, + "cuisine": "italian", + "ingredients": [ + "salt", + "balsamic vinegar", + "mixed greens", + "bacon", + "green onions", + "freshly ground pepper" + ] + }, + { + "id": 10418, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "couscous", + "homemade chicken stock", + "shallots", + "unsalted butter", + "nuts", + "black pepper", + "currant" + ] + }, + { + "id": 16531, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "vegetables", + "cinnamon", + "bay leaf", + "ground turmeric", + "garlic paste", + "coriander powder", + "salt", + "onions", + "ground cumin", + "black peppercorns", + "garam masala", + "star anise", + "chicken pieces", + "ginger paste", + "clove", + "cream", + "chili powder", + "cardamom pods", + "cashew nuts" + ] + }, + { + "id": 13066, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "olive oil", + "pepper", + "cucumber", + "lime juice", + "queso panela", + "salt" + ] + }, + { + "id": 30151, + "cuisine": "southern_us", + "ingredients": [ + "1% low-fat milk", + "pepper", + "low sodium jarred chicken soup base", + "all-purpose flour" + ] + }, + { + "id": 37349, + "cuisine": "italian", + "ingredients": [ + "Bertolli® Classico Olive Oil", + "pancetta", + "anchovy fillets", + "pasta", + "chopped walnuts", + "Bertolli® Alfredo Sauce", + "arugula" + ] + }, + { + "id": 13630, + "cuisine": "italian", + "ingredients": [ + "white wine", + "salt", + "ground black pepper", + "onions", + "olive oil", + "carrots", + "lean ground beef" + ] + }, + { + "id": 4770, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "mozzarella cheese", + "dry white wine", + "garlic", + "eggs", + "panko", + "butter", + "freshly ground pepper", + "fresh leav spinach", + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "onions", + "progresso reduced sodium chicken broth", + "water", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 36561, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "ground cumin", + "black beans", + "chili powder", + "tortilla chips", + "cotija", + "green onions", + "cilantro leaves", + "white onion", + "cilantro", + "garlic cloves" + ] + }, + { + "id": 35264, + "cuisine": "korean", + "ingredients": [ + "red chili peppers", + "rice wine", + "beef rump steaks", + "sesame seeds", + "vegetable oil", + "soy sauce", + "sesame oil", + "golden caster sugar", + "spring onions", + "garlic" + ] + }, + { + "id": 14631, + "cuisine": "moroccan", + "ingredients": [ + "water", + "harissa", + "salt", + "anise seed", + "coriander seeds", + "cinnamon", + "garlic cloves", + "tomato paste", + "fresh ginger", + "spices", + "cumin seed", + "tumeric", + "cayenne", + "lamb shoulder" + ] + }, + { + "id": 43178, + "cuisine": "french", + "ingredients": [ + "apricots", + "fresh raspberries", + "sugar", + "applesauce" + ] + }, + { + "id": 19637, + "cuisine": "italian", + "ingredients": [ + "vidalia onion", + "red wine vinegar", + "olive oil", + "sourdough baguette", + "fresh marjoram", + "flat leaf parsley", + "capers", + "meat" + ] + }, + { + "id": 12663, + "cuisine": "chinese", + "ingredients": [ + "roasted sesame seeds", + "green onions", + "rice vinegar", + "chicken broth", + "ground black pepper", + "ginger", + "garlic chili sauce", + "honey", + "chicken meat", + "broccoli", + "soy sauce", + "cooking oil", + "garlic", + "corn starch" + ] + }, + { + "id": 33093, + "cuisine": "mexican", + "ingredients": [ + "water", + "fresh lemon juice", + "chili powder", + "beef", + "cornflour" + ] + }, + { + "id": 27771, + "cuisine": "vietnamese", + "ingredients": [ + "lemon juice", + "light soy sauce", + "superfine sugar", + "boiling water" + ] + }, + { + "id": 4407, + "cuisine": "thai", + "ingredients": [ + "water", + "thai chile", + "fresh lime juice", + "kaffir lime leaves", + "ground black pepper", + "cilantro leaves", + "asian fish sauce", + "lemongrass", + "salt", + "medium shrimp", + "chiles", + "cilantro root", + "gingerroot" + ] + }, + { + "id": 9949, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "mustard", + "ham", + "dough", + "chopped onion", + "vegetable oil cooking spray", + "italian seasoning" + ] + }, + { + "id": 20561, + "cuisine": "korean", + "ingredients": [ + "daikon", + "buckwheat noodles", + "toasted sesame oil", + "sugar", + "paprika", + "english cucumber", + "nori", + "stock", + "red pepper", + "rice vinegar", + "toasted sesame seeds", + "kosher salt", + "garlic", + "scallions" + ] + }, + { + "id": 27596, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "peeled fresh ginger", + "chopped onion", + "basmati rice", + "lime rind", + "dried apricot", + "red curry paste", + "center cut loin pork chop", + "honey", + "salt", + "fresh lime juice", + "fat free less sodium chicken broth", + "vegetable oil", + "garlic cloves", + "sliced green onions" + ] + }, + { + "id": 11911, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "quinoa", + "nori sheets", + "avocado", + "water", + "lettuce leaves", + "white sesame seeds", + "gari", + "radishes", + "cucumber", + "brown rice vinegar", + "honey", + "sea salt" + ] + }, + { + "id": 6263, + "cuisine": "italian", + "ingredients": [ + "non-fat sour cream", + "ground beef", + "black pepper", + "chopped onion", + "pasta sauce", + "salt", + "spaghetti", + "parmesan cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 15168, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sesame oil", + "carrots", + "light brown sugar", + "green onions", + "Gochujang base", + "onions", + "fishcake", + "ginger", + "red bell pepper", + "sesame", + "rice wine", + "garlic cloves" + ] + }, + { + "id": 30000, + "cuisine": "chinese", + "ingredients": [ + "sweet chili sauce", + "sesame seeds", + "ginger", + "scallions", + "minced ginger", + "sesame oil", + "rice vinegar", + "dumplings", + "water", + "Sriracha", + "dipping sauces", + "garlic cloves", + "soy sauce", + "dumpling wrappers", + "ground pork", + "peanut oil", + "chopped cilantro" + ] + }, + { + "id": 7880, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "cilantro", + "corn tortillas", + "avocado", + "garlic powder", + "frozen corn", + "olive oil", + "salt", + "jack cheese", + "zucchini", + "taco seasoning" + ] + }, + { + "id": 49314, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "garlic powder", + "diced tomatoes", + "jumbo pasta shells", + "tomato paste", + "mozzarella cheese", + "parsley", + "garlic", + "oregano", + "italian sausage", + "sugar", + "grated parmesan cheese", + "basil", + "chopped onion", + "eggs", + "pepper", + "ricotta cheese", + "salt" + ] + }, + { + "id": 18809, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "salt", + "leg of lamb", + "chopped fresh thyme", + "potato rolls", + "mayonaise", + "raspberry vinegar", + "garlic cloves", + "lettuce leaves", + "freshly ground pepper" + ] + }, + { + "id": 46691, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "vegetable oil", + "cinnamon sticks", + "clove", + "water", + "cumin seed", + "chopped cilantro fresh", + "sugar", + "salt", + "fresh lime juice", + "dried lentils", + "fresh ginger", + "garlic cloves", + "basmati rice" + ] + }, + { + "id": 14697, + "cuisine": "greek", + "ingredients": [ + "diced onions", + "cooking spray", + "dill", + "diced celery", + "dried oregano", + "water", + "1% low-fat milk", + "elbow macaroni", + "corn starch", + "frozen chopped spinach", + "tempeh", + "garlic cloves", + "feta cheese crumbles", + "olive oil", + "salt", + "fresh lemon juice", + "ground white pepper" + ] + }, + { + "id": 18985, + "cuisine": "italian", + "ingredients": [ + "pasta", + "kosher salt", + "fresh thyme", + "garlic cloves", + "sausage casings", + "parmesan cheese", + "diced tomatoes", + "fresh basil", + "mozzarella cheese", + "red pepper flakes", + "diced onions", + "black pepper", + "ground pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 20887, + "cuisine": "french", + "ingredients": [ + "sugar", + "sauce", + "water", + "large egg whites", + "sliced almonds" + ] + }, + { + "id": 29326, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "salt", + "butter", + "white sugar", + "baking soda", + "corn syrup", + "vanilla" + ] + }, + { + "id": 3843, + "cuisine": "french", + "ingredients": [ + "white wine", + "butter", + "sliced green onions", + "chicken bouillon granules", + "dijon mustard", + "all-purpose flour", + "dried tarragon leaves", + "pork tenderloin", + "toasted slivered almonds", + "garlic powder", + "heavy cream" + ] + }, + { + "id": 277, + "cuisine": "mexican", + "ingredients": [ + "water", + "chopped onion", + "cotija", + "dried pinto beans", + "garlic cloves", + "tomatoes", + "chili", + "beer", + "chipotle chile", + "bacon slices", + "chopped cilantro fresh" + ] + }, + { + "id": 8284, + "cuisine": "cajun_creole", + "ingredients": [ + "capers", + "all-purpose flour", + "paprika", + "low salt chicken broth", + "olive oil", + "fresh lemon juice", + "cajun-creole seasoning mix", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 13828, + "cuisine": "indian", + "ingredients": [ + "salt", + "fresh mint", + "black pepper", + "green chilies", + "sugar", + "greek style plain yogurt", + "ground cumin", + "purple onion", + "english cucumber" + ] + }, + { + "id": 7281, + "cuisine": "italian", + "ingredients": [ + "pecorino cheese", + "low salt chicken broth", + "large eggs", + "wheat bread", + "extra-virgin olive oil", + "water", + "flat leaf parsley" + ] + }, + { + "id": 36467, + "cuisine": "chinese", + "ingredients": [ + "water", + "garlic", + "chicken stock", + "Shaoxing wine", + "oil", + "broccoli florets", + "salt", + "white pepper", + "sesame oil", + "corn starch" + ] + }, + { + "id": 25870, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "shredded lettuce", + "sour cream", + "chili", + "vegetable oil", + "mexican chorizo", + "large eggs", + "russet potatoes", + "sliced mushrooms", + "jack cheese", + "green onions", + "salsa", + "onions" + ] + }, + { + "id": 31419, + "cuisine": "indian", + "ingredients": [ + "dried currants", + "vegetable oil", + "mustard seeds", + "dried apricot", + "salt", + "water", + "red wine vinegar", + "sugar", + "peeled fresh ginger", + "garlic cloves" + ] + }, + { + "id": 6595, + "cuisine": "mexican", + "ingredients": [ + "jicama", + "hot water", + "pinenuts", + "bulgur", + "plum tomatoes", + "seedless cucumber", + "extra-virgin olive oil", + "chopped cilantro", + "mint leaves", + "fresh lemon juice", + "ground cumin" + ] + }, + { + "id": 20070, + "cuisine": "jamaican", + "ingredients": [ + "water", + "thyme", + "margarine", + "salt", + "coconut milk", + "scallions" + ] + }, + { + "id": 31642, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "salt", + "frozen chopped spinach", + "parmesan cheese", + "shredded mozzarella cheese", + "tomato sauce", + "jumbo pasta shells", + "eggs", + "ricotta cheese" + ] + }, + { + "id": 45651, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "whole milk", + "bittersweet chocolate", + "large egg yolks", + "vanilla extract", + "sugar", + "unsalted butter", + "all-purpose flour", + "large egg whites", + "creme anglaise", + "unsweetened cocoa powder" + ] + }, + { + "id": 44328, + "cuisine": "indian", + "ingredients": [ + "fresh peas", + "ginger", + "all-purpose flour", + "lemon juice", + "water", + "mint leaves", + "salt", + "cumin seed", + "coriander", + "garam masala", + "chili powder", + "cilantro leaves", + "oil", + "ground turmeric", + "potatoes", + "garlic", + "green chilies", + "corn starch" + ] + }, + { + "id": 48898, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "boneless skinless chicken breasts", + "chees fresco queso", + "red enchilada sauce", + "olive oil", + "diced tomatoes", + "pizza doughs", + "chopped cilantro", + "crema mexicana", + "chile pepper", + "salt", + "cornmeal", + "garlic powder", + "cheese", + "scallions", + "ground cumin" + ] + }, + { + "id": 12262, + "cuisine": "chinese", + "ingredients": [ + "shallots", + "firm tofu", + "white sesame seeds", + "granulated sugar", + "dry sherry", + "garlic cloves", + "soy sauce", + "red pepper flakes", + "peanut oil", + "snow peas", + "steamed white rice", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 7014, + "cuisine": "southern_us", + "ingredients": [ + "barbecue rub", + "apple juice", + "sauce", + "pork baby back ribs" + ] + }, + { + "id": 49555, + "cuisine": "greek", + "ingredients": [ + "dried basil", + "red wine vinegar", + "garlic powder", + "salt", + "olive oil", + "dijon style mustard", + "pepper", + "onion powder", + "dried oregano" + ] + }, + { + "id": 11248, + "cuisine": "chinese", + "ingredients": [ + "chili oil", + "garlic", + "soy sauce", + "dry sherry", + "steak", + "black bean stir fry sauce", + "red pepper", + "corn starch", + "asparagus", + "ginger", + "canola oil" + ] + }, + { + "id": 16418, + "cuisine": "french", + "ingredients": [ + "unsweetened cocoa powder", + "extract", + "dark chocolate", + "heavy cream" + ] + }, + { + "id": 35994, + "cuisine": "mexican", + "ingredients": [ + "fennel seeds", + "sweet potatoes", + "dried red chile peppers", + "olive oil", + "salt", + "chopped cilantro fresh", + "finely chopped onion", + "garlic cloves", + "ground turmeric", + "water", + "paprika", + "celery" + ] + }, + { + "id": 40327, + "cuisine": "indian", + "ingredients": [ + "water", + "coconut", + "sugar", + "salt", + "fruit", + "rice flour" + ] + }, + { + "id": 48515, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "vegetable oil", + "ground turkey", + "zucchini", + "yellow onion", + "green bell pepper, slice", + "whole wheat tortillas", + "iceberg lettuce", + "tomatoes", + "chili powder", + "knorr rice side cheddar broccoli" + ] + }, + { + "id": 48133, + "cuisine": "indian", + "ingredients": [ + "russet potatoes", + "carrots", + "curry powder", + "cayenne pepper", + "onions", + "diced tomatoes", + "low salt chicken broth", + "olive oil", + "lentils" + ] + }, + { + "id": 6065, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "ground pork", + "garlic cloves", + "chicken stock", + "jalapeno chilies", + "cilantro leaves", + "dried oregano", + "olive oil", + "salt", + "poblano chiles", + "ground cloves", + "tomatillos", + "yellow onion" + ] + }, + { + "id": 23548, + "cuisine": "southern_us", + "ingredients": [ + "green tomatoes", + "cornmeal", + "salt", + "buttermilk", + "masa harina", + "pepper", + "oil" + ] + }, + { + "id": 9430, + "cuisine": "southern_us", + "ingredients": [ + "prosciutto", + "whipping cream", + "grated parmesan cheese", + "elbow macaroni", + "whole milk", + "ground nutmeg", + "grated Gruyère cheese" + ] + }, + { + "id": 23724, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "vanilla extract", + "7 Up", + "vegetable shortening", + "almond extract", + "cake flour", + "eggs", + "butter" + ] + }, + { + "id": 33831, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "spaghetti", + "hot red pepper flakes", + "pecorino romano cheese", + "brine cured green olives", + "cauliflower", + "almonds", + "garlic cloves", + "water", + "florets", + "flat leaf parsley" + ] + }, + { + "id": 35195, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "bean paste", + "garlic", + "chopped cilantro", + "mustard", + "light soy sauce", + "chili oil", + "scallions", + "kosher salt", + "vegetable oil", + "tahini paste", + "white button mushrooms", + "Shaoxing wine", + "chinese wheat noodles", + "chinkiang vinegar" + ] + }, + { + "id": 12235, + "cuisine": "italian", + "ingredients": [ + "sweet vermouth", + "campari", + "fruit", + "ice cubes", + "sugar", + "gin", + "chilled prosecco" + ] + }, + { + "id": 42272, + "cuisine": "brazilian", + "ingredients": [ + "orange", + "leeks", + "red bell pepper", + "black beans", + "lime slices", + "yellow bell pepper", + "lime juice", + "sweet potatoes", + "yellow onion", + "tomatoes", + "dried thyme", + "red pepper flakes", + "ground cumin" + ] + }, + { + "id": 37978, + "cuisine": "russian", + "ingredients": [ + "active dry yeast", + "butter", + "eggs", + "flour", + "green cabbage", + "vegetables", + "salt", + "sugar", + "half & half" + ] + }, + { + "id": 30501, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "cherry tomatoes", + "boneless skinless chicken", + "chicken stock", + "lemongrass", + "lime peel", + "kaffir lime leaves", + "lime", + "hot pepper", + "straw mushrooms", + "fresh ginger", + "cilantro leaves" + ] + }, + { + "id": 33039, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "italian seasoning", + "seasoning", + "red wine", + "onions", + "boneless skinless chicken breasts", + "rice", + "tomato sauce", + "diced tomatoes", + "garlic pepper seasoning" + ] + }, + { + "id": 11699, + "cuisine": "french", + "ingredients": [ + "cherry tomatoes", + "kalamata", + "salt", + "fresh thyme leaves", + "purple onion", + "fresh parsley", + "whole grain dijon mustard", + "extra-virgin olive oil", + "small red potato", + "ground black pepper", + "white wine vinegar", + "green beans" + ] + }, + { + "id": 13020, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "chile pepper", + "shredded Monterey Jack cheese", + "fresh tomatoes", + "shredded mild cheddar cheese", + "sour cream", + "avocado", + "taco seasoning mix", + "lemon juice", + "pitted black olives", + "minced onion", + "garlic salt" + ] + }, + { + "id": 26653, + "cuisine": "italian", + "ingredients": [ + "shortening", + "flaked coconut", + "vanilla extract", + "cream cheese", + "white sugar", + "egg whites", + "butter", + "all-purpose flour", + "chopped pecans", + "baking soda", + "almond extract", + "salt", + "crushed pineapple", + "egg yolks", + "buttermilk", + "margarine", + "confectioners sugar" + ] + }, + { + "id": 44074, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "green onions", + "corn tortillas", + "ground cumin", + "chipotle chile", + "large eggs", + "garlic cloves", + "canola oil", + "avocado", + "vegetable oil spray", + "diced tomatoes", + "fresh lime juice", + "romaine lettuce", + "finely chopped onion", + "grated jack cheese", + "chopped cilantro fresh" + ] + }, + { + "id": 25027, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "mustard seeds", + "salt", + "vegetable oil", + "plum tomatoes", + "garlic cloves" + ] + }, + { + "id": 6688, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "potatoes", + "salt", + "water", + "ground pork", + "carrots", + "pepper", + "raisins", + "oil", + "green bell pepper", + "roma tomatoes", + "garlic", + "onions" + ] + }, + { + "id": 7509, + "cuisine": "italian", + "ingredients": [ + "cremini mushrooms", + "lasagna noodles", + "provolone cheese", + "spinach", + "part-skim mozzarella cheese", + "cooking spray", + "tomato sauce", + "fresh parmesan cheese", + "tomato basil sauce", + "pesto", + "large eggs", + "nonfat ricotta cheese" + ] + }, + { + "id": 20479, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "cumin seed", + "ground turmeric", + "minced garlic", + "cilantro leaves", + "medium shrimp", + "kosher salt", + "paprika", + "coconut milk", + "olive oil", + "chopped onion", + "basmati rice" + ] + }, + { + "id": 32740, + "cuisine": "italian", + "ingredients": [ + "refrigerated seamless crescent dough", + "Italian cheese blend", + "sauce", + "leaves", + "chicken" + ] + }, + { + "id": 43087, + "cuisine": "italian", + "ingredients": [ + "baguette", + "unsalted butter", + "dry sherry", + "kosher salt", + "sherry vinegar", + "raisins", + "orange", + "chopped fresh thyme", + "cracked black pepper", + "honey", + "asiago", + "onions" + ] + }, + { + "id": 39366, + "cuisine": "southern_us", + "ingredients": [ + "cherry tomatoes", + "cayenne pepper", + "yellow corn meal", + "green onions", + "okra pods", + "corn kernels", + "pattypan squash", + "chopped cilantro fresh", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 45678, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "ground red pepper", + "salt", + "chicken leg quarters", + "ground cloves", + "peeled fresh ginger", + "paprika", + "lemon juice", + "plain low-fat yogurt", + "cooking spray", + "lemon wedge", + "ground cardamom", + "ground cumin", + "coriander seeds", + "chicken breast halves", + "garlic cloves", + "fresh parsley" + ] + }, + { + "id": 10324, + "cuisine": "mexican", + "ingredients": [ + "fennel seeds", + "molasses", + "prepared pie crusts", + "star anise", + "toasted almonds", + "bread", + "ground cinnamon", + "sweet onion", + "raisins", + "roasted garlic", + "chicken stock", + "mixed spice", + "tomatillos", + "beaten eggs", + "chipotle peppers", + "tomatoes", + "chili pepper", + "poblano chilies", + "bacon fat", + "chicken thighs" + ] + }, + { + "id": 36404, + "cuisine": "french", + "ingredients": [ + "bean soup", + "vegetable oil", + "flat leaf parsley", + "unsalted butter", + "scallions", + "water", + "worcestershire sauce", + "Madeira", + "dijon mustard", + "steak" + ] + }, + { + "id": 40589, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "diced tomatoes", + "corn oil", + "chopped cilantro fresh", + "chipotle chile", + "garlic cloves" + ] + }, + { + "id": 48041, + "cuisine": "mexican", + "ingredients": [ + "guacamole", + "butter", + "corn tortillas", + "black beans", + "vegetable oil", + "hot sauce", + "black pepper", + "boneless skinless chicken breasts", + "shredded sharp cheddar cheese", + "garlic powder", + "coarse salt", + "sour cream" + ] + }, + { + "id": 39678, + "cuisine": "mexican", + "ingredients": [ + "cream of chicken soup", + "taco seasoning", + "black beans", + "cheese", + "cooked rice", + "chicken breasts", + "corn", + "salsa" + ] + }, + { + "id": 39480, + "cuisine": "chinese", + "ingredients": [ + "peanut oil", + "toasted sesame oil", + "soy sauce", + "scallions", + "frozen peas", + "large eggs", + "canadian bacon", + "long grain white rice", + "edamame", + "garlic cloves" + ] + }, + { + "id": 982, + "cuisine": "italian", + "ingredients": [ + "lower sodium chicken broth", + "sweet cherries", + "garlic cloves", + "kosher salt", + "pork tenderloin", + "onions", + "green olives", + "olive oil", + "balsamic vinegar", + "sugar", + "ground black pepper", + "thyme sprigs" + ] + }, + { + "id": 44752, + "cuisine": "british", + "ingredients": [ + "large eggs", + "kosher salt", + "all-purpose flour", + "whole milk", + "beef drippings" + ] + }, + { + "id": 34920, + "cuisine": "indian", + "ingredients": [ + "nutmeg", + "garam masala", + "whole chicken", + "curry powder", + "purple onion", + "ginger root", + "black pepper", + "garlic", + "cardamom", + "ground ginger", + "olive oil", + "salt", + "powdered garlic" + ] + }, + { + "id": 2008, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "sour cream", + "chorizo", + "corn tortillas", + "queso fresco", + "peach salsa", + "shredded lettuce" + ] + }, + { + "id": 24036, + "cuisine": "thai", + "ingredients": [ + "sweet chili sauce", + "sunflower oil", + "beansprouts", + "prawns", + "beaten eggs", + "frozen peas", + "spring onions", + "cilantro leaves", + "soy sauce", + "rice noodles", + "roasted peanuts" + ] + }, + { + "id": 34203, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "low sodium chicken broth", + "smoked ham hocks", + "black-eyed peas", + "bay leaf", + "water", + "salt", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 17962, + "cuisine": "chinese", + "ingredients": [ + "chili flakes", + "lime", + "star anise", + "fish sauce", + "chinese noodles", + "bok choy", + "chicken stock", + "brown sugar", + "green onions", + "dark soy sauce", + "light soy sauce", + "shrimp" + ] + }, + { + "id": 43268, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "sour cream", + "salsa", + "shredded lettuce", + "lime", + "tilapia" + ] + }, + { + "id": 6550, + "cuisine": "indian", + "ingredients": [ + "flour", + "cumin seed", + "baking soda", + "salt", + "onions", + "fresh coriander", + "chili powder", + "rapeseed oil", + "zucchini", + "green chilies" + ] + }, + { + "id": 43366, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "salt", + "coarse salt", + "chicken pieces", + "cooking oil", + "all-purpose flour", + "sugar", + "buttermilk" + ] + }, + { + "id": 11758, + "cuisine": "japanese", + "ingredients": [ + "minced garlic", + "salt", + "snow peas", + "low sodium soy sauce", + "peeled fresh ginger", + "onions", + "shiitake", + "dark sesame oil", + "soba", + "mirin", + "red bell pepper", + "canola oil" + ] + }, + { + "id": 47742, + "cuisine": "mexican", + "ingredients": [ + "duck breasts", + "olive oil", + "salt", + "onions", + "sliced almonds", + "roasted red peppers", + "chopped parsley", + "pepper", + "garlic", + "bay leaf", + "tumeric", + "beef", + "rice" + ] + }, + { + "id": 3247, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "lemon grass", + "shallots", + "chopped cilantro fresh", + "crab", + "shredded carrots", + "grate lime peel", + "grated lemon peel", + "sugar", + "chili paste", + "english cucumber", + "asian fish sauce", + "lime juice", + "green onions", + "fresh mint" + ] + }, + { + "id": 36374, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "green peas", + "kosher salt", + "center cut bacon", + "pasta", + "large eggs", + "red bell pepper", + "ground black pepper", + "pecorino romano cheese" + ] + }, + { + "id": 39220, + "cuisine": "italian", + "ingredients": [ + "butter", + "dry bread crumbs", + "ground black pepper", + "veal rib chops", + "eggs", + "lemon", + "chopped fresh sage", + "dried sage", + "salt" + ] + }, + { + "id": 17613, + "cuisine": "indian", + "ingredients": [ + "water", + "cilantro leaves", + "tikka masala curry paste", + "boneless skinless chicken breasts", + "fresh lemon juice", + "chopped tomatoes", + "low-fat yogurt", + "sugar", + "vegetable oil", + "onions" + ] + }, + { + "id": 46007, + "cuisine": "russian", + "ingredients": [ + "water", + "dill", + "tomato paste", + "vegetable oil", + "green cabbage", + "sauerkraut", + "onions", + "pepper", + "salt" + ] + }, + { + "id": 14589, + "cuisine": "italian", + "ingredients": [ + "spinach", + "extra-virgin olive oil", + "italian seasoning", + "red pepper", + "garlic cloves", + "crimini mushrooms", + "spaghetti squash", + "sea salt", + "steak seasoning" + ] + }, + { + "id": 29017, + "cuisine": "spanish", + "ingredients": [ + "adobo", + "garlic", + "lemon", + "red bell pepper", + "jumbo shrimp", + "crushed red pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 22619, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "butter", + "yellow corn meal", + "baking soda", + "salt", + "whole wheat flour", + "buttermilk", + "sugar", + "large eggs" + ] + }, + { + "id": 13277, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "purple onion", + "dry white wine", + "shrimp", + "ground black pepper", + "salt", + "avocado", + "lemon", + "spaghetti" + ] + }, + { + "id": 39386, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "dried thyme", + "worcestershire sauce", + "lemon juice", + "minced garlic", + "chopped green bell pepper", + "beef broth", + "fresh parsley", + "enriched white rice", + "ground black pepper", + "salt", + "bay leaf", + "catfish fillets", + "water", + "red pepper flakes", + "chopped onion", + "roux" + ] + }, + { + "id": 4982, + "cuisine": "irish", + "ingredients": [ + "pepper", + "cabbage", + "bacon", + "salt", + "water" + ] + }, + { + "id": 31248, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "green bell pepper", + "pepper", + "vegetable oil", + "diced onions", + "vegetable oil cooking spray", + "sweet potatoes", + "hot sauce", + "celery ribs", + "brown sugar", + "jalapeno chilies", + "salt", + "parsley flakes", + "parsley sprigs", + "prepared mustard" + ] + }, + { + "id": 29636, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "sesame oil", + "scallions", + "white vinegar", + "soy sauce", + "dried shiitake mushrooms", + "ground white pepper", + "chicken stock", + "salt", + "corn starch", + "pork cutlets", + "large eggs", + "firm tofu", + "bamboo shoots" + ] + }, + { + "id": 8711, + "cuisine": "vietnamese", + "ingredients": [ + "coke", + "jalapeno chilies", + "sesame oil", + "rice vinegar", + "neutral oil", + "green leaf lettuce", + "garlic", + "medium shrimp", + "spring roll wrappers", + "green onions", + "ginger", + "rice", + "soy sauce", + "flank steak", + "crushed red pepper" + ] + }, + { + "id": 1610, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "zucchini", + "purple onion", + "green olives", + "eggplant", + "red pepper flakes", + "flat leaf parsley", + "orange bell pepper", + "coarse salt", + "oil", + "anchovies", + "ground black pepper", + "black olives" + ] + }, + { + "id": 33028, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "baking soda", + "baking powder", + "hot water", + "kosher salt", + "large eggs", + "salt", + "large egg yolks", + "whole milk", + "all-purpose flour", + "sugar", + "unsalted butter", + "butter" + ] + }, + { + "id": 38630, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "extra-virgin olive oil", + "flat leaf parsley", + "fresh tomatoes", + "leeks", + "squid", + "whitefish", + "fideos", + "fine sea salt", + "onions", + "water", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 17953, + "cuisine": "spanish", + "ingredients": [ + "chicken gizzards", + "white wine vinegar", + "black peppercorns", + "corn oil", + "onions", + "green bell pepper", + "garlic", + "pimento stuffed green olives", + "bay leaves", + "salt" + ] + }, + { + "id": 1176, + "cuisine": "italian", + "ingredients": [ + "potatoes", + "dried thyme", + "shredded cheddar cheese", + "heavy cream", + "ground black pepper" + ] + }, + { + "id": 14584, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "salt", + "baking powder", + "honey", + "all-purpose flour", + "cream of tartar", + "butter" + ] + }, + { + "id": 45806, + "cuisine": "french", + "ingredients": [ + "pepper", + "cooking spray", + "fresh lemon juice", + "capers", + "large eggs", + "leaf lettuce", + "chopped parsley", + "grape tomatoes", + "potatoes", + "tuna packed in olive oil", + "olives", + "olive oil", + "salt", + "green beans" + ] + }, + { + "id": 15583, + "cuisine": "mexican", + "ingredients": [ + "soy sauce", + "unsalted butter", + "ground pork", + "cream cheese", + "eggs", + "olive oil", + "sherry", + "salt", + "ground cardamom", + "curry powder", + "finely chopped onion", + "garlic", + "ground coriander", + "sugar", + "shiitake", + "golden raisins", + "all-purpose flour", + "corn starch" + ] + }, + { + "id": 14884, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "kale", + "half & half", + "salt", + "fat free less sodium chicken broth", + "ground black pepper", + "pecorino romano cheese", + "sage leaves", + "pinenuts", + "finely chopped onion", + "garlic", + "sausage casings", + "olive oil", + "yukon gold potatoes" + ] + }, + { + "id": 9705, + "cuisine": "italian", + "ingredients": [ + "eggs", + "red bell pepper", + "baby spinach", + "feta cheese crumbles", + "vegetable oil cooking spray" + ] + }, + { + "id": 25645, + "cuisine": "moroccan", + "ingredients": [ + "lower sodium chicken broth", + "pork tenderloin", + "chopped onion", + "fresh parsley", + "saffron threads", + "water", + "ground red pepper", + "lemon juice", + "ground cumin", + "black pepper", + "butternut squash", + "garlic cloves", + "canola oil", + "hungarian sweet paprika", + "pearl onions", + "salt", + "cinnamon sticks" + ] + }, + { + "id": 31856, + "cuisine": "indian", + "ingredients": [ + "red lentils", + "olive oil", + "chopped onion", + "bay leaf", + "plum tomatoes", + "water", + "golden raisins", + "garlic cloves", + "serrano chile", + "fennel seeds", + "peeled fresh ginger", + "cardamom pods", + "chopped cilantro fresh", + "ground cumin", + "curry powder", + "salt", + "cinnamon sticks", + "basmati rice" + ] + }, + { + "id": 28569, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "shredded cheese", + "salsa", + "lean ground beef", + "black beans", + "taco seasoning" + ] + }, + { + "id": 43747, + "cuisine": "italian", + "ingredients": [ + "garlic", + "olive oil", + "chopped walnuts", + "pepper", + "salt", + "grated parmesan cheese", + "fresh basil leaves" + ] + }, + { + "id": 4678, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "fresh rosemary", + "pork tenderloin", + "bread crumb fresh", + "bay leaves", + "large eggs", + "fresh parsley" + ] + }, + { + "id": 28135, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "garam masala", + "vegetable oil", + "garlic cloves", + "clove", + "water", + "fenugreek", + "greek style plain yogurt", + "cinnamon sticks", + "tomato paste", + "fresh ginger", + "boneless skinless chicken breasts", + "cardamom pods", + "basmati rice", + "green cardamom pods", + "kosher salt", + "unsalted butter", + "heavy cream", + "lemon juice" + ] + }, + { + "id": 8265, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "coconut oil", + "garam masala", + "onions", + "tomatoes", + "coconut", + "cilantro leaves", + "pepper", + "beef" + ] + }, + { + "id": 45293, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "dry roasted peanuts", + "rolls", + "lettuce", + "soy sauce", + "rice noodles", + "sugar", + "fresh lime", + "medium shrimp", + "fresh basil", + "sweet chili sauce", + "dipping sauces" + ] + }, + { + "id": 41690, + "cuisine": "indian", + "ingredients": [ + "tomato sauce", + "red pepper flakes", + "lemon juice", + "sandwiches", + "ground black pepper", + "dried chickpeas", + "country loaf", + "olive oil", + "salt", + "smoked paprika", + "spinach", + "red wine vinegar", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 16076, + "cuisine": "cajun_creole", + "ingredients": [ + "fettuccine pasta", + "flour", + "freshly ground pepper", + "olive oil", + "butter", + "kosher salt", + "cajun seasoning", + "shrimp", + "low sodium chicken broth", + "whipping cream" + ] + }, + { + "id": 21165, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "ground coriander", + "ground nutmeg", + "ground cumin", + "ground cloves", + "ground cardamom", + "ground black pepper" + ] + }, + { + "id": 24804, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "mint leaves", + "garlic cloves", + "rice paper", + "sugar", + "prawns", + "sesame oil", + "vermicelli noodles", + "hoisin sauce", + "lettuce leaves", + "beansprouts", + "water", + "sweet soy sauce", + "creamy peanut butter", + "chillies" + ] + }, + { + "id": 33806, + "cuisine": "japanese", + "ingredients": [ + "brown rice", + "scallions", + "white pepper", + "salt", + "smoked salmon", + "lemon", + "cucumber", + "water", + "dill" + ] + }, + { + "id": 42144, + "cuisine": "vietnamese", + "ingredients": [ + "brown sugar", + "paprika", + "center cut loin pork chop", + "minced ginger", + "salt", + "minced garlic", + "crushed red pepper", + "sliced green onions", + "cooking spray", + "ground coriander" + ] + }, + { + "id": 38495, + "cuisine": "korean", + "ingredients": [ + "sesame oil", + "toasted sesame seeds", + "red pepper flakes", + "white sugar", + "soy sauce", + "garlic", + "short rib", + "green onions", + "yellow onion" + ] + }, + { + "id": 16127, + "cuisine": "italian", + "ingredients": [ + "pepper flakes", + "unsalted butter", + "linguine", + "shrimp", + "olive oil", + "vegetable oil", + "fresh parsley leaves", + "kosher salt", + "lemon zest", + "garlic", + "ground black pepper", + "lemon", + "fresh lemon juice" + ] + }, + { + "id": 28568, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cannellini beans", + "fresh lime juice", + "fat-free buttermilk", + "cucumber", + "chopped cilantro fresh", + "cooking spray", + "corn tortillas", + "ground cumin", + "fat free less sodium chicken broth", + "salt", + "chipotle chile powder" + ] + }, + { + "id": 47625, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "jalapeno chilies", + "pinto beans", + "lime juice", + "large garlic cloves", + "chopped cilantro", + "black beans", + "green onions", + "green beans", + "sugar", + "olive oil", + "salt" + ] + }, + { + "id": 6837, + "cuisine": "french", + "ingredients": [ + "sugar", + "large eggs", + "water", + "all-purpose flour", + "raspberries", + "salt", + "cream sweeten whip", + "unsalted butter", + "confectioners sugar" + ] + }, + { + "id": 46897, + "cuisine": "irish", + "ingredients": [ + "beef stock", + "potatoes", + "onions", + "stewing steak", + "carrots" + ] + }, + { + "id": 29852, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "dried thyme", + "carrots", + "meat glaze", + "pepper", + "salt", + "onions", + "stock", + "flour", + "lard", + "white wine", + "butter", + "bay leaf" + ] + }, + { + "id": 35327, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "onions", + "grated nutmeg", + "chicken stock", + "ham", + "butter", + "pork sausages" + ] + }, + { + "id": 5500, + "cuisine": "italian", + "ingredients": [ + "Italian parsley leaves", + "fresh lemon juice", + "olive oil", + "chopped walnuts", + "salt", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 42656, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "monterey jack", + "hot Italian sausages", + "chopped onion", + "chipotle chile", + "chopped cilantro fresh" + ] + }, + { + "id": 43270, + "cuisine": "thai", + "ingredients": [ + "hot red pepper flakes", + "garlic cloves", + "white vinegar", + "light corn syrup", + "vegetable oil", + "chicken wings", + "salt" + ] + }, + { + "id": 10694, + "cuisine": "russian", + "ingredients": [ + "sugar", + "egg whites", + "powdered sugar", + "milk", + "butter", + "milk chocolate", + "egg yolks", + "roasted hazelnuts", + "Nutella" + ] + }, + { + "id": 17401, + "cuisine": "korean", + "ingredients": [ + "asian pear", + "ginger", + "soy sauce", + "chicken breasts", + "onions", + "brown sugar", + "green onions", + "garlic", + "pepper", + "sesame oil" + ] + }, + { + "id": 28269, + "cuisine": "italian", + "ingredients": [ + "eggs", + "salt", + "white sugar", + "ricotta cheese", + "grated lemon zest", + "egg whites", + "all-purpose flour", + "vanilla extract", + "cream cheese" + ] + }, + { + "id": 33490, + "cuisine": "french", + "ingredients": [ + "pastry", + "heavy cream", + "ground nutmeg", + "large eggs", + "milk", + "gruyere cheese" + ] + }, + { + "id": 1368, + "cuisine": "jamaican", + "ingredients": [ + "light brown sugar", + "soy sauce", + "chili pepper", + "rum", + "scallions", + "coconut milk", + "ground cinnamon", + "black pepper", + "lime", + "garlic", + "long-grain rice", + "ground ginger", + "ground cloves", + "water", + "shallots", + "oil", + "chicken pieces", + "Jamaican allspice", + "black beans", + "ground nutmeg", + "salt", + "thyme" + ] + }, + { + "id": 31252, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "sesame oil", + "asian fish sauce", + "romaine lettuce", + "fresh ginger", + "shrimp", + "sugar", + "green onions", + "chopped fresh mint", + "rice stick noodles", + "lime", + "roasted peanuts" + ] + }, + { + "id": 48420, + "cuisine": "vietnamese", + "ingredients": [ + "butter lettuce", + "shredded carrots", + "dried shiitake mushrooms", + "rice paper", + "soy sauce", + "cilantro leaves", + "fresh lime juice", + "sugar", + "green onions", + "fresh mint", + "rice stick noodles", + "chili", + "rice vinegar", + "medium shrimp" + ] + }, + { + "id": 5165, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "garlic", + "taco seasoning", + "green onions", + "sweet corn", + "ground turkey", + "reduced sodium fat free chicken broth", + "salt", + "red bell pepper", + "reduced fat cheddar cheese", + "diced tomatoes", + "chopped onion", + "cumin" + ] + }, + { + "id": 16014, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "italian plum tomatoes", + "dry red wine", + "carrots", + "unsalted butter", + "cracked black pepper", + "juice", + "celery ribs", + "sea salt", + "extra-virgin olive oil", + "onions", + "fresh rosemary", + "rabbit", + "chopped fresh sage" + ] + }, + { + "id": 13225, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "kale", + "cooking oil", + "salsa", + "corn tortillas", + "black beans", + "whole milk yoghurt", + "cheese", + "red enchilada sauce", + "kosher salt", + "large eggs", + "cilantro leaves", + "sour cream", + "cotija", + "feta cheese", + "lime wedges", + "yellow onion", + "chèvre" + ] + }, + { + "id": 47979, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "baking soda", + "salt", + "onions", + "yellow corn meal", + "milk", + "baking powder", + "ground turkey", + "chicken broth", + "honey", + "butter", + "celery", + "sugar", + "large eggs", + "all-purpose flour", + "canola oil" + ] + }, + { + "id": 13747, + "cuisine": "chinese", + "ingredients": [ + "tofu", + "soy sauce", + "green onions", + "oyster sauce", + "Doubanjiang", + "Korean chile flakes", + "water", + "szechwan peppercorns", + "dried chile", + "chicken stock", + "minced garlic", + "rice wine", + "corn starch", + "sugar", + "minced ginger", + "grapeseed oil", + "minced pork" + ] + }, + { + "id": 3287, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "avocado", + "ground pepper", + "grape tomatoes", + "coarse salt", + "baguette", + "fresh lemon juice" + ] + }, + { + "id": 41302, + "cuisine": "russian", + "ingredients": [ + "white vinegar", + "garlic powder", + "black pepper", + "sweet paprika", + "sugar", + "salt", + "water", + "cucumber" + ] + }, + { + "id": 38450, + "cuisine": "southern_us", + "ingredients": [ + "seasoning salt", + "dipping sauces", + "baking powder", + "beer", + "large eggs", + "all-purpose flour", + "sandwiches", + "vegetable oil" + ] + }, + { + "id": 26000, + "cuisine": "indian", + "ingredients": [ + "ravva", + "grated carrot", + "curds", + "cashew nuts", + "asafoetida", + "cilantro", + "salt", + "mustard seeds", + "curry leaves", + "channa dal", + "urad dal", + "oil", + "water", + "ginger", + "green chilies", + "ghee" + ] + }, + { + "id": 38960, + "cuisine": "italian", + "ingredients": [ + "artichoke hearts", + "Philadelphia Cream Cheese", + "italian seasoning", + "KRAFT Zesty Italian Dressing", + "diced tomatoes", + "fresh parsley", + "boneless skinless chicken breasts", + "yellow onion", + "tomato sauce", + "crushed red pepper flakes", + "whole grain pasta" + ] + }, + { + "id": 43998, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "cayenne", + "ground cumin", + "ground cloves", + "ground allspice", + "ground cinnamon", + "salt", + "black pepper", + "ground coriander" + ] + }, + { + "id": 15196, + "cuisine": "italian", + "ingredients": [ + "roquefort cheese", + "dry white wine", + "salt", + "ground black pepper", + "butter", + "canned low sodium chicken broth", + "ziti", + "fresh parsley", + "grated parmesan cheese", + "heavy cream" + ] + }, + { + "id": 36841, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "green onions", + "salsa", + "chopped cilantro", + "green bell pepper", + "ground black pepper", + "chili powder", + "chopped onion", + "plum tomatoes", + "tomato sauce", + "jalapeno chilies", + "lean ground beef", + "tortilla chips", + "ground cumin", + "shredded cheddar cheese", + "guacamole", + "salt", + "sour cream" + ] + }, + { + "id": 4844, + "cuisine": "brazilian", + "ingredients": [ + "butter", + "sweetened condensed milk", + "coconut" + ] + }, + { + "id": 11409, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "salad dressing", + "purple onion", + "rotini", + "grated parmesan cheese", + "red bell pepper", + "caesar salad dressing" + ] + }, + { + "id": 20916, + "cuisine": "thai", + "ingredients": [ + "coconut oil", + "raw honey", + "garlic", + "toasted sesame seeds", + "soy sauce", + "dry white wine", + "yellow onion", + "yellow peppers", + "red chili peppers", + "egg noodles", + "rice vinegar", + "bamboo shoots", + "eggs", + "water", + "arrowroot powder", + "carrots" + ] + }, + { + "id": 27914, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "cooking spray", + "salt", + "large egg whites", + "butter", + "chopped pecans", + "dark corn syrup", + "bourbon whiskey", + "vanilla wafers", + "large eggs", + "vanilla extract", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 33864, + "cuisine": "russian", + "ingredients": [ + "fennel seeds", + "molasses", + "butter", + "cocoa powder", + "brown sugar", + "ground espresso", + "salt", + "caraway seeds", + "wheat bran", + "rye flour", + "yeast", + "warm water", + "apple cider vinegar", + "all-purpose flour" + ] + }, + { + "id": 48680, + "cuisine": "mexican", + "ingredients": [ + "milk", + "salt", + "taco meat", + "tomatoes", + "shredded lettuce", + "margarine", + "green onions", + "salsa", + "eggs", + "cheese", + "cornmeal" + ] + }, + { + "id": 3913, + "cuisine": "vietnamese", + "ingredients": [ + "ground tumeric", + "coconut milk", + "water", + "rice flour", + "medium shrimp", + "scallions", + "chopped cilantro", + "vegetable oil", + "beansprouts" + ] + }, + { + "id": 32917, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "napa cabbage", + "carrots", + "slider buns", + "purple onion", + "chopped cilantro fresh", + "red cabbage", + "bacon slices", + "fresh lime juice", + "mayonaise", + "green tomatoes", + "hot chili sauce" + ] + }, + { + "id": 15812, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "garlic cloves", + "white vinegar", + "bay leaves", + "black peppercorns", + "oil", + "water", + "chicken" + ] + }, + { + "id": 18245, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "diced tomatoes", + "oregano", + "green bell pepper", + "tomatillos", + "cilantro leaves", + "sage", + "chuck roast", + "garlic", + "cumin", + "chiles", + "red pepper flakes", + "onions" + ] + }, + { + "id": 5392, + "cuisine": "french", + "ingredients": [ + "unsweetened coconut milk", + "shallots", + "Madras curry powder", + "bay leaves", + "fresh lemon juice", + "mussels", + "butter", + "dry white wine", + "fresh parsley" + ] + }, + { + "id": 45158, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "taco seasoning mix", + "shredded cheddar cheese", + "nonstick spray", + "corn mix muffin", + "cream style corn", + "corn kernels", + "ground beef" + ] + }, + { + "id": 39668, + "cuisine": "irish", + "ingredients": [ + "ground pepper", + "all-purpose flour", + "onions", + "lamb stew meat", + "carrots", + "new potatoes", + "beer", + "canola oil", + "dried thyme", + "coarse salt", + "fresh parsley" + ] + }, + { + "id": 30620, + "cuisine": "italian", + "ingredients": [ + "crab", + "artichoke hearts", + "salt", + "sliced mushrooms", + "dried basil", + "reduced-fat sour cream", + "fat skimmed chicken broth", + "onions", + "pepper", + "green onions", + "light cream cheese", + "dry lasagna", + "jack cheese", + "olive oil", + "garlic", + "corn starch" + ] + }, + { + "id": 6767, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "medium shrimp", + "soy sauce", + "chives", + "large eggs", + "chicken thighs", + "dashi powder", + "shiitake mushroom caps" + ] + }, + { + "id": 26435, + "cuisine": "italian", + "ingredients": [ + "salt", + "freshly grated parmesan", + "garlic cloves", + "extra-virgin olive oil", + "fresh basil leaves", + "plain yogurt", + "walnuts" + ] + }, + { + "id": 49524, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "light cream cheese", + "powdered sugar", + "semisweet chocolate", + "boiling water", + "sugar", + "strawberries", + "biscuits", + "instant espresso powder", + "sour cream" + ] + }, + { + "id": 33867, + "cuisine": "jamaican", + "ingredients": [ + "chicken stock", + "vegetable stock", + "scallions", + "fresh thyme", + "salt", + "bay leaf", + "pepper", + "butter", + "garlic cloves", + "pumpkin", + "chopped onion" + ] + }, + { + "id": 20514, + "cuisine": "chinese", + "ingredients": [ + "sliced carrots", + "hot chili sauce", + "shrimp", + "ground black pepper", + "napa cabbage", + "oyster sauce", + "red bell pepper", + "soy sauce", + "vegetable oil", + "scallions", + "sliced mushrooms", + "Sriracha", + "ginger", + "Chinese egg noodles", + "onions" + ] + }, + { + "id": 30037, + "cuisine": "filipino", + "ingredients": [ + "butter", + "shrimp", + "pepper", + "salt", + "hot red pepper flakes", + "garlic", + "sprite", + "oil" + ] + }, + { + "id": 31397, + "cuisine": "japanese", + "ingredients": [ + "fennel seeds", + "fresh curry leaves", + "sesame oil", + "cinnamon sticks", + "chicken", + "tumeric", + "dry coconut", + "green cardamom", + "peppercorns", + "garlic paste", + "coriander seeds", + "salt", + "cashew nuts", + "clove", + "red chili peppers", + "shallots", + "lemon juice", + "cumin" + ] + }, + { + "id": 10242, + "cuisine": "mexican", + "ingredients": [ + "water", + "red wine vinegar", + "salt", + "oregano", + "pico de gallo", + "fresh lime", + "cilantro", + "corn tortillas", + "avocado", + "lime juice", + "grating cheese", + "yellow onion", + "ground cumin", + "white onion", + "orange", + "garlic", + "pork butt roast" + ] + }, + { + "id": 36176, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "garlic", + "corn bread", + "shredded cheddar cheese", + "lean ground beef", + "sour cream", + "kidney beans", + "diced tomatoes", + "onions", + "cider vinegar", + "chili powder", + "beef broth", + "ground cumin" + ] + }, + { + "id": 28642, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "cracker crumbs", + "salt", + "chipotles in adobo", + "ground cumin", + "chicken broth", + "kosher salt", + "diced tomatoes", + "shredded zucchini", + "ground beef", + "bread", + "black pepper", + "chili powder", + "yellow onion", + "chopped cilantro", + "eggs", + "lime juice", + "garlic", + "ground allspice", + "oregano" + ] + }, + { + "id": 27953, + "cuisine": "japanese", + "ingredients": [ + "sugar pea", + "all-purpose flour", + "vegetable oil", + "beer" + ] + }, + { + "id": 20576, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "mirin", + "choy sum", + "mixed spice", + "sesame oil", + "scallions", + "soy sauce", + "enokitake", + "ginger", + "chicken demi-glace", + "white miso", + "ramen noodles", + "bone in chicken thighs" + ] + }, + { + "id": 35175, + "cuisine": "italian", + "ingredients": [ + "roasted red peppers", + "black olives", + "dried oregano", + "balsamic vinegar", + "provolone cheese", + "artichok heart marin", + "salt", + "olive oil", + "garlic", + "fresh basil leaves" + ] + }, + { + "id": 29239, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "butter", + "lemon juice", + "graham cracker crumbs", + "Grand Marnier", + "lime juice", + "whipped cream", + "tequila", + "lime zest", + "lime slices", + "low-fat cream cheese" + ] + }, + { + "id": 40003, + "cuisine": "mexican", + "ingredients": [ + "green olives", + "fresh orange juice", + "fresh oregano", + "fresh lime juice", + "jalapeno chilies", + "purple onion", + "tortilla chips", + "tomatoes", + "lettuce leaves", + "salt", + "freshly ground pepper", + "tomato juice", + "extra-virgin olive oil", + "halibut", + "olives" + ] + }, + { + "id": 26257, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "chili powder", + "diced tomatoes", + "all-purpose flour", + "finely chopped onion", + "lemon", + "chopped celery", + "shrimp", + "chopped green bell pepper", + "vegetable oil", + "garlic", + "hot sauce", + "tomato paste", + "bay leaves", + "worcestershire sauce", + "salt" + ] + }, + { + "id": 37067, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "large free range egg", + "green cabbage", + "lime", + "carrots", + "avocado", + "fresh coriander", + "yoghurt", + "fresh red chili", + "olive oil", + "onions" + ] + }, + { + "id": 34337, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "tonkatsu sauce", + "cooked rice", + "large eggs", + "panko breadcrumbs", + "ground black pepper", + "all-purpose flour", + "boneless chop pork", + "corn oil" + ] + }, + { + "id": 8739, + "cuisine": "italian", + "ingredients": [ + "kale", + "garlic", + "garlic cloves", + "rib", + "pancetta", + "olive oil", + "canned tomatoes", + "sausages", + "onions", + "chicken broth", + "zucchini", + "white beans", + "green beans", + "green cabbage", + "freshly grated parmesan", + "salt", + "carrots", + "boiling potatoes" + ] + }, + { + "id": 49143, + "cuisine": "italian", + "ingredients": [ + "melted butter", + "garlic powder", + "Italian bread", + "dried basil" + ] + }, + { + "id": 38890, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "long-grain rice", + "flour tortillas", + "salsa", + "refried beans" + ] + }, + { + "id": 22462, + "cuisine": "filipino", + "ingredients": [ + "string beans", + "radishes", + "garlic", + "water", + "beef stock", + "onions", + "black pepper", + "tamarind juice", + "salt", + "beef", + "taro" + ] + }, + { + "id": 13708, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "chicken breasts", + "cherry tomatoes", + "onions", + "mozzarella cheese", + "dried mixed herbs", + "olive oil" + ] + }, + { + "id": 47440, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "zucchini", + "chopped onion", + "part-skim mozzarella cheese", + "cooking spray", + "pasta sauce", + "large eggs", + "lasagna noodles", + "fat-free cottage cheese" + ] + }, + { + "id": 1622, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "vegetable oil", + "corn tortillas", + "kosher salt", + "lime wedges", + "garlic cloves", + "boneless chicken skinless thigh", + "radishes", + "cumin seed", + "avocado", + "ground black pepper", + "cilantro sprigs", + "onions" + ] + }, + { + "id": 42700, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "chickpeas", + "cooked rice", + "garam masala", + "onions", + "tomato paste", + "fresh ginger", + "chopped cilantro", + "crushed tomatoes", + "greek style plain yogurt", + "serrano chile" + ] + }, + { + "id": 43696, + "cuisine": "southern_us", + "ingredients": [ + "pasta", + "shredded cheddar cheese", + "green onions", + "salt", + "bread crumbs", + "self rising flour", + "butter", + "jack cheese", + "water", + "cajun seasoning", + "crawfish", + "half & half", + "bacon" + ] + }, + { + "id": 1500, + "cuisine": "italian", + "ingredients": [ + "water", + "ground black pepper", + "cornmeal", + "olive oil", + "garlic", + "onions", + "crushed tomatoes", + "grated parmesan cheese", + "fresh parsley", + "tomatoes", + "eggplant", + "salt" + ] + }, + { + "id": 34974, + "cuisine": "indian", + "ingredients": [ + "seasoning", + "fresh lemon juice", + "butter", + "large shrimp", + "garlic", + "zucchini", + "chopped cilantro fresh" + ] + }, + { + "id": 7688, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "water", + "light corn syrup", + "unsalted butter", + "peanuts", + "granulated white sugar" + ] + }, + { + "id": 44253, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "collard greens", + "low salt chicken broth", + "crushed red pepper", + "garlic cloves" + ] + }, + { + "id": 22190, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "onions", + "parmigiano reggiano cheese", + "cracked black pepper", + "guanciale", + "pecorino romano cheese", + "spaghetti", + "large eggs", + "salt" + ] + }, + { + "id": 29529, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "black olives", + "red bell pepper", + "cumin", + "black beans", + "chili powder", + "red enchilada sauce", + "corn tortillas", + "chicken broth", + "diced red onions", + "creole seasoning", + "ground turkey", + "refried beans", + "onion powder", + "shredded mozzarella cheese", + "garlic salt" + ] + }, + { + "id": 10924, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "condensed cream of mushroom soup", + "chicken", + "shredded cheddar cheese", + "corn tortillas", + "condensed cream of chicken soup", + "salsa", + "milk", + "onions" + ] + }, + { + "id": 16509, + "cuisine": "spanish", + "ingredients": [ + "baby spinach", + "pinenuts", + "extra-virgin olive oil", + "gravenstein apple", + "salt", + "raisins" + ] + }, + { + "id": 22251, + "cuisine": "vietnamese", + "ingredients": [ + "green onions", + "thai chile", + "coconut milk", + "lemongrass", + "rice noodles", + "firm tofu", + "herbs", + "ginger", + "beansprouts", + "coconut oil", + "lime wedges", + "laksa paste", + "broth" + ] + }, + { + "id": 7953, + "cuisine": "italian", + "ingredients": [ + "green beans", + "chicken breasts", + "red potato", + "seasoning mix", + "butter" + ] + }, + { + "id": 4073, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "buttermilk", + "lemon juice", + "lemon zest", + "vanilla", + "eggs", + "baking powder", + "salt", + "sugar", + "butter", + "all-purpose flour" + ] + }, + { + "id": 13362, + "cuisine": "mexican", + "ingredients": [ + "reduced fat monterey jack cheese", + "hot pepper sauce", + "all-purpose flour", + "sliced green onions", + "water", + "chile pepper", + "corn tortillas", + "tomato sauce", + "chili powder", + "chopped onion", + "ground cumin", + "olive oil", + "salt", + "95% lean ground beef" + ] + }, + { + "id": 4439, + "cuisine": "greek", + "ingredients": [ + "penne", + "red pepper flakes", + "feta cheese crumbles", + "kosher salt", + "kalamata", + "dried oregano", + "sugar", + "diced tomatoes", + "fresh basil leaves", + "olive oil", + "garlic" + ] + }, + { + "id": 11284, + "cuisine": "southern_us", + "ingredients": [ + "tea bags", + "olive oil", + "navel oranges", + "kosher salt", + "turkey", + "onions", + "brown sugar", + "lemon", + "garlic cloves", + "black peppercorns", + "water", + "cracked black pepper", + "ice" + ] + }, + { + "id": 26698, + "cuisine": "mexican", + "ingredients": [ + "salt", + "tomatoes", + "onions", + "avocado", + "chillies", + "lime juice", + "coriander" + ] + }, + { + "id": 20037, + "cuisine": "mexican", + "ingredients": [ + "flank steak", + "cilantro leaves", + "olive oil", + "garlic", + "fresh lime juice", + "jalapeno chilies", + "salt", + "cracked black pepper", + "cumin seed" + ] + }, + { + "id": 48129, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "feta cheese crumbles", + "frozen chopped spinach", + "scallions", + "hot red pepper flakes", + "garlic cloves", + "unsalted butter", + "acini di pepe" + ] + }, + { + "id": 37066, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "cilantro", + "garlic cloves", + "onions", + "hard-boiled egg", + "salt", + "greek yogurt", + "ground turmeric", + "garam masala", + "ginger", + "black mustard seeds", + "coriander", + "chili powder", + "cumin seed", + "ghee", + "asafetida" + ] + }, + { + "id": 34018, + "cuisine": "japanese", + "ingredients": [ + "sushi rice", + "red pepper", + "carrots", + "wasabi paste", + "mirin", + "sushi nori", + "avocado", + "gari", + "salt", + "cucumber", + "soy sauce", + "spring onions", + "Japanese rice vinegar" + ] + }, + { + "id": 6157, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "turkey", + "carrots", + "chicken broth", + "chili powder", + "long-grain rice", + "oregano", + "celery ribs", + "bay leaves", + "garlic", + "smoked paprika", + "kosher salt", + "parsley", + "sausages" + ] + }, + { + "id": 18813, + "cuisine": "italian", + "ingredients": [ + "pasta", + "potatoes", + "onions", + "water", + "carrots", + "tomato paste", + "garlic", + "kidney beans", + "celery" + ] + }, + { + "id": 36458, + "cuisine": "moroccan", + "ingredients": [ + "eggs", + "hot pepper", + "salt", + "cumin", + "tomato paste", + "water", + "paprika", + "ground meat", + "pepper", + "parsley", + "garlic cloves", + "tomatoes", + "olive oil", + "ginger", + "onions" + ] + }, + { + "id": 22000, + "cuisine": "moroccan", + "ingredients": [ + "large eggs", + "garlic cloves", + "ground cumin", + "water", + "paprika", + "chopped cilantro", + "crushed tomatoes", + "salt", + "onions", + "ground chuck", + "Spanish smoked paprika", + "ground cayenne pepper" + ] + }, + { + "id": 35152, + "cuisine": "french", + "ingredients": [ + "brandy", + "sour cream", + "strawberries", + "brown sugar" + ] + }, + { + "id": 31941, + "cuisine": "indian", + "ingredients": [ + "urad dal", + "semolina", + "oil", + "salt", + "parboiled rice" + ] + }, + { + "id": 20328, + "cuisine": "mexican", + "ingredients": [ + "chicken bouillon", + "boneless skinless chicken breasts", + "pepitas", + "pasilla chiles", + "sesame seeds", + "creamy peanut butter", + "dried oregano", + "olive oil", + "mexican chocolate", + "onions", + "ground cloves", + "tortillas", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 30891, + "cuisine": "italian", + "ingredients": [ + "cold water", + "active dry yeast", + "warm water", + "bread flour" + ] + }, + { + "id": 34024, + "cuisine": "japanese", + "ingredients": [ + "light soy sauce", + "toasted sesame seeds", + "sugar", + "beef sirloin", + "sake", + "mirin", + "water", + "oil" + ] + }, + { + "id": 42333, + "cuisine": "italian", + "ingredients": [ + "vegetable oil spray", + "peaches", + "pecorino cheese", + "extra-virgin olive oil", + "prosciutto" + ] + }, + { + "id": 42419, + "cuisine": "spanish", + "ingredients": [ + "ice cubes", + "lemon juice", + "red wine", + "club soda", + "brandy", + "white sugar", + "orange juice" + ] + }, + { + "id": 15426, + "cuisine": "japanese", + "ingredients": [ + "sake", + "dashi", + "enokitake", + "soy sauce", + "beef", + "vegetable oil", + "pepper", + "mirin", + "sugar", + "shiitake", + "leeks" + ] + }, + { + "id": 10792, + "cuisine": "southern_us", + "ingredients": [ + "semisweet chocolate", + "chopped pecans", + "butter", + "OREO® Cookies", + "chocolate instant pudding", + "sweetened condensed milk", + "frozen whipped topping", + "2% reduced-fat milk" + ] + }, + { + "id": 45871, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "ragu cheesi classic alfredo sauc", + "potatoes", + "corn tortillas", + "poblano peppers", + "knorr chicken flavor bouillon", + "shredded monterey jack cheese", + "Country Crock® Spread" + ] + }, + { + "id": 11603, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "chopped fresh thyme", + "fresh oregano", + "grated parmesan cheese", + "ground pork", + "onions", + "olive oil", + "red wine", + "fresh mushrooms", + "tomato paste", + "lean ground beef", + "garlic", + "dried rosemary" + ] + }, + { + "id": 21197, + "cuisine": "vietnamese", + "ingredients": [ + "chicken stock", + "vinegar", + "salt", + "shrimp", + "pork", + "vegetable oil", + "rice flour", + "sugar", + "shallots", + "all-purpose flour", + "coconut milk", + "mung beans", + "garlic", + "carrots" + ] + }, + { + "id": 20196, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "vegetable broth", + "cinnamon sticks", + "chopped cilantro fresh", + "brown sugar", + "bay leaves", + "ground coriander", + "thyme sprigs", + "dried currants", + "fresh orange juice", + "garlic cloves", + "onions", + "tomatoes", + "cooking spray", + "salt", + "orange rind", + "ground cumin" + ] + }, + { + "id": 11276, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "apple cider vinegar", + "yellow onion", + "molasses", + "prepared mustard", + "bacon", + "tomato sauce", + "cayenne", + "worcestershire sauce", + "liquid", + "kosher salt", + "chili powder", + "garlic" + ] + }, + { + "id": 25837, + "cuisine": "japanese", + "ingredients": [ + "amchur", + "chili powder", + "lentils", + "chili paste", + "cumin seed", + "garam masala", + "salt", + "ginger paste", + "asafoetida", + "flour", + "oil" + ] + }, + { + "id": 22319, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "lemon", + "vanilla extract", + "cold water", + "flour", + "buttermilk", + "maple syrup", + "salted butter", + "all purpose unbleached flour", + "fine sea salt", + "brown sugar", + "egg yolks", + "rye flour" + ] + }, + { + "id": 23741, + "cuisine": "italian", + "ingredients": [ + "boneless, skinless chicken breast", + "fresh thyme leaves", + "water", + "I Can't Believe It's Not Butter!® Spread", + "sweet onion", + "all-purpose flour", + "marsala wine", + "knorr homestyl stock chicken", + "white mushrooms" + ] + }, + { + "id": 16167, + "cuisine": "spanish", + "ingredients": [ + "tomato paste", + "vegetable oil cooking spray", + "pimentos", + "dry bread crumbs", + "tomatoes", + "fresh cilantro", + "raisins", + "onions", + "green bell pepper", + "won ton wrappers", + "salt", + "ground cumin", + "chicken broth", + "pepper", + "chicken breasts", + "garlic cloves" + ] + }, + { + "id": 13207, + "cuisine": "southern_us", + "ingredients": [ + "bread crumb fresh", + "whole milk", + "all-purpose flour", + "unsalted butter", + "heavy cream", + "chipotle chile", + "macaroni", + "dry mustard", + "olive oil", + "large garlic cloves", + "extra sharp cheddar cheese" + ] + }, + { + "id": 4655, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "Melba toast", + "drumstick", + "dijon style mustard", + "vegetable oil cooking spray", + "large eggs", + "dried thyme", + "salt" + ] + }, + { + "id": 38669, + "cuisine": "french", + "ingredients": [ + "cauliflower", + "fennel bulb", + "gruyere cheese", + "fronds", + "butter", + "all-purpose flour", + "bread crumb fresh", + "grated parmesan cheese", + "salt", + "ground nutmeg", + "whipping cream" + ] + }, + { + "id": 44352, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "dry white wine", + "chopped onion", + "arborio rice", + "grated parmesan cheese", + "butter", + "cooking oil", + "boneless skinless chicken breasts", + "fresh parsley", + "canned low sodium chicken broth", + "mushrooms", + "salt" + ] + }, + { + "id": 23876, + "cuisine": "french", + "ingredients": [ + "smoked whitefish", + "salt", + "cannellini beans", + "milk", + "garlic cloves", + "fresh thyme leaves" + ] + }, + { + "id": 13868, + "cuisine": "vietnamese", + "ingredients": [ + "peanuts", + "cilantro leaves", + "fish sauce", + "bawang goreng", + "carrots", + "mint leaves", + "crabmeat", + "pomelo", + "chicken breasts", + "cucumber" + ] + }, + { + "id": 33518, + "cuisine": "italian", + "ingredients": [ + "water", + "granulated sugar", + "lemon", + "milk", + "lemon peel", + "all-purpose flour", + "ground cinnamon", + "unsalted butter", + "wheat", + "confectioners sugar", + "large egg yolks", + "large eggs", + "ricotta" + ] + }, + { + "id": 30908, + "cuisine": "indian", + "ingredients": [ + "peeled fresh ginger", + "salt", + "brown sugar", + "crushed red pepper", + "ground cloves", + "purple onion", + "red wine vinegar", + "mustard seeds" + ] + }, + { + "id": 34853, + "cuisine": "mexican", + "ingredients": [ + "lime", + "onion powder", + "cumin", + "chuck roast", + "salt", + "garlic powder", + "cracked black pepper", + "chili powder", + "beef broth" + ] + }, + { + "id": 31471, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "chili pepper", + "chicken breasts", + "garlic", + "basmati rice", + "plain yogurt", + "fresh ginger", + "heavy cream", + "onions", + "kosher salt", + "garam masala", + "diced tomatoes", + "frozen peas", + "sugar", + "fresh cilantro", + "butter", + "ground coriander", + "cumin" + ] + }, + { + "id": 18415, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "freshly grated parmesan", + "heavy cream", + "freshly ground pepper", + "ground beef", + "italian tomatoes", + "large garlic cloves", + "extra-virgin olive oil", + "penne rigate", + "chicken stock", + "dry white wine", + "ground pork", + "carrots", + "onions", + "pancetta", + "dried thyme", + "ground veal", + "salt", + "bay leaf" + ] + }, + { + "id": 10634, + "cuisine": "indian", + "ingredients": [ + "eggs", + "salt", + "garam masala", + "ground coriander", + "fresh coriander", + "lamb", + "chilli paste", + "onions" + ] + }, + { + "id": 49567, + "cuisine": "vietnamese", + "ingredients": [ + "lemon grass", + "chicken", + "water", + "corn starch", + "fish sauce", + "vegetable oil", + "curry powder", + "chopped cilantro" + ] + }, + { + "id": 16924, + "cuisine": "french", + "ingredients": [ + "large eggs", + "vanilla extract", + "sugar", + "corn starch", + "2% reduced-fat milk" + ] + }, + { + "id": 47613, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salsa", + "medium shrimp uncook", + "Kraft Big Slice Pepper Jack Cheese Slices", + "flour tortillas", + "oil", + "ground red pepper" + ] + }, + { + "id": 27144, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "lemon", + "chickpeas", + "garlic cloves", + "ground cumin", + "tumeric", + "yeast extract", + "ground coriander", + "toasted sesame seeds", + "chili flakes", + "ginger", + "coconut cream", + "onions", + "red lentils", + "baby spinach leaves", + "broccoli", + "oil", + "cashew nuts" + ] + }, + { + "id": 1672, + "cuisine": "indian", + "ingredients": [ + "sugar", + "condensed milk", + "powdered milk", + "saffron", + "milk", + "cardamom pods", + "nutmeg", + "pistachios" + ] + }, + { + "id": 10786, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "all-purpose flour", + "tomatoes", + "bacon", + "turkey breast", + "bread", + "butter", + "sliced ham", + "grated parmesan cheese", + "shredded sharp cheddar cheese", + "chicken base" + ] + }, + { + "id": 41355, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "tomatillos", + "fresh oregano", + "ground black pepper", + "cilantro leaves", + "poblano chiles", + "olive oil", + "salt", + "garlic cloves", + "chicken stock", + "jalapeno chilies", + "yellow onion", + "pork shoulder" + ] + }, + { + "id": 3210, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "cilantro leaves", + "canola oil", + "sugar", + "thai chile", + "coconut milk", + "fish sauce", + "shallots", + "red bell pepper", + "boneless chicken skinless thigh", + "salt", + "Madras curry powder" + ] + }, + { + "id": 18551, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "grated lemon peel", + "cream cheese", + "whipping cream", + "lemon juice" + ] + }, + { + "id": 4984, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "portabello mushroom", + "cherry tomatoes", + "garlic oil", + "shredded mozzarella cheese", + "baby spinach" + ] + }, + { + "id": 9221, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "garlic", + "soy sauce", + "sesame oil", + "white sugar", + "mirin", + "rice vinegar", + "black pepper", + "red pepper flakes" + ] + }, + { + "id": 13995, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "fat skimmed chicken broth", + "cherry tomatoes", + "mushrooms", + "polenta", + "grated parmesan cheese", + "onions", + "cream style corn", + "garlic", + "sliced green onions" + ] + }, + { + "id": 17812, + "cuisine": "vietnamese", + "ingredients": [ + "baby bok choy", + "vegetable oil", + "scallions", + "serrano chile", + "basil leaves", + "ginger", + "cinnamon sticks", + "lime", + "sea salt", + "garlic cloves", + "bone in chicken thighs", + "fish sauce", + "rice noodles", + "cilantro leaves", + "onions" + ] + }, + { + "id": 37454, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "garlic cloves", + "chopped cooked ham", + "cracked black pepper", + "reduced-fat sour cream", + "spaghetti", + "parmigiano reggiano cheese", + "salt" + ] + }, + { + "id": 3962, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "port", + "soy sauce", + "large garlic cloves", + "fresh lemon juice", + "firmly packed light brown sugar", + "low sodium chicken broth", + "pork spareribs", + "fresh ginger", + "light corn syrup", + "five-spice powder" + ] + }, + { + "id": 26368, + "cuisine": "japanese", + "ingredients": [ + "black pepper", + "garam masala", + "meat", + "salt", + "Madras curry powder", + "honey", + "potatoes", + "apples", + "carrots", + "tomato paste", + "salted butter", + "leeks", + "garlic", + "onions", + "water", + "hoisin sauce", + "ginger", + "all-purpose flour", + "canola oil" + ] + }, + { + "id": 26923, + "cuisine": "brazilian", + "ingredients": [ + "avocado", + "black pepper", + "onion powder", + "garlic", + "yellow onion", + "oregano", + "emerils original essence", + "hearts of palm", + "vegetable oil", + "white wine vinegar", + "cayenne pepper", + "tomatoes", + "dried thyme", + "paprika", + "salt", + "fresh lime juice", + "green bell pepper", + "garlic powder", + "extra-virgin olive oil", + "all-purpose flour", + "chopped cilantro" + ] + }, + { + "id": 41849, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "boneless duck breast", + "goat cheese", + "olive oil", + "yellow onion", + "honey", + "baked pizza crust", + "pepper", + "salt", + "dried rosemary" + ] + }, + { + "id": 9018, + "cuisine": "southern_us", + "ingredients": [ + "macaroni", + "celery", + "cracked black pepper", + "pickle relish", + "yellow mustard", + "onions", + "mayonaise", + "red bell pepper" + ] + }, + { + "id": 10851, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "hard-boiled egg", + "rice", + "chicken", + "fish sauce", + "fresh ginger", + "garlic", + "calamansi", + "water", + "green onions", + "oil", + "fried garlic", + "bouillon cube", + "salt", + "onions" + ] + }, + { + "id": 1804, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "olive oil", + "stewed tomatoes", + "celery", + "water", + "potatoes", + "carrots", + "onions", + "minced garlic", + "grated parmesan cheese", + "white beans", + "bay leaf", + "bread", + "dried thyme", + "shredded cabbage", + "chopped parsley" + ] + }, + { + "id": 49316, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "fresh lemon juice", + "whipping cream", + "flat leaf parsley", + "grated parmesan cheese", + "green beans", + "artichoke hearts", + "linguine" + ] + }, + { + "id": 10666, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "water", + "vegetable oil", + "chicken fingers", + "soy sauce", + "panko", + "garlic", + "dry roasted peanuts", + "green onions", + "rice vinegar", + "brown sugar", + "fresh ginger", + "red pepper flakes", + "corn starch" + ] + }, + { + "id": 16243, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "garlic", + "boneless skinless chicken breasts", + "chopped cilantro fresh", + "ground black pepper", + "salt", + "plain yogurt", + "paprika", + "ground cumin" + ] + }, + { + "id": 10112, + "cuisine": "french", + "ingredients": [ + "crusty bread", + "salt", + "fresh lemon juice", + "roquefort cheese", + "balsamic vinegar", + "freshly ground pepper", + "pure olive oil", + "dijon mustard", + "walnuts", + "granny smith apples", + "crème fraîche" + ] + }, + { + "id": 29307, + "cuisine": "chinese", + "ingredients": [ + "molasses", + "hoisin sauce", + "red food coloring", + "sugar", + "minced garlic", + "marinade", + "chinese five-spice powder", + "boneless pork shoulder", + "white pepper", + "Shaoxing wine", + "salt", + "warm water", + "honey", + "sesame oil", + "oil" + ] + }, + { + "id": 37393, + "cuisine": "mexican", + "ingredients": [ + "tomato salsa", + "mature cheddar", + "tortilla chips", + "skinless chicken breasts", + "sour cream" + ] + }, + { + "id": 45056, + "cuisine": "spanish", + "ingredients": [ + "vanilla extract", + "sugar", + "salt", + "1% low-fat milk", + "egg substitute", + "sweetened condensed milk" + ] + }, + { + "id": 34110, + "cuisine": "cajun_creole", + "ingredients": [ + "grape tomatoes", + "chives", + "sea salt", + "fresh lemon juice", + "green cabbage", + "dijon mustard", + "Tabasco Pepper Sauce", + "purple onion", + "flat leaf parsley", + "ground black pepper", + "light mayonnaise", + "paprika", + "shrimp", + "capers", + "chopped green bell pepper", + "worcestershire sauce", + "garlic cloves" + ] + }, + { + "id": 9680, + "cuisine": "jamaican", + "ingredients": [ + "brown sugar", + "cayenne pepper", + "lime", + "allspice", + "kosher salt", + "whole chicken", + "cinnamon" + ] + }, + { + "id": 25102, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "vegetable oil", + "minced garlic", + "onions", + "chicken broth", + "white rice", + "chili powder", + "ground cumin" + ] + }, + { + "id": 32642, + "cuisine": "vietnamese", + "ingredients": [ + "spring roll wrappers", + "chicken meat", + "oyster sauce", + "yam bean", + "chicken bouillon granules", + "water", + "salt", + "shrimp", + "pepper", + "garlic", + "carrots", + "plain flour", + "cooking oil", + "dried shiitake mushrooms", + "corn starch" + ] + }, + { + "id": 17308, + "cuisine": "southern_us", + "ingredients": [ + "chopped fresh chives", + "low-sodium fat-free chicken broth", + "salt", + "chicken thighs", + "parsnips", + "whole milk", + "peas", + "baby carrots", + "leeks", + "chopped fresh thyme", + "all-purpose flour", + "canola oil", + "ground black pepper", + "baking powder", + "chopped celery", + "bay leaf" + ] + }, + { + "id": 45648, + "cuisine": "chinese", + "ingredients": [ + "sambal ulek", + "fresh ginger", + "cucumber", + "sliced green onions", + "lean ground pork", + "garlic cloves", + "chopped cilantro fresh", + "sugar", + "salt", + "fresh lime juice", + "low sodium soy sauce", + "dry roasted peanuts", + "Chinese egg noodles", + "canola oil" + ] + }, + { + "id": 20300, + "cuisine": "chinese", + "ingredients": [ + "light brown sugar", + "minced ginger", + "corn starch", + "black bean garlic sauce", + "sirloin steak", + "stir fry vegetable blend", + "wide rice noodles", + "reduced sodium soy sauce", + "onions", + "water", + "dry sherry", + "canola oil" + ] + }, + { + "id": 26719, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "hot sauce", + "scallions", + "fresh parsley", + "green bell pepper", + "salt", + "wild rice", + "bay leaf", + "chicken", + "celery ribs", + "chopped fresh thyme", + "sauce", + "garlic cloves", + "onions", + "chicken stock", + "ground pork", + "butter oil", + "red bell pepper", + "long grain white rice" + ] + }, + { + "id": 45220, + "cuisine": "chinese", + "ingredients": [ + "garlic", + "chinese five-spice powder", + "salt", + "pork belly" + ] + }, + { + "id": 47844, + "cuisine": "italian", + "ingredients": [ + "fresh dill", + "beef stock", + "salt", + "ground black pepper", + "chopped fresh thyme", + "onions", + "olive oil", + "balsamic vinegar", + "sour cream", + "dijon mustard", + "garlic" + ] + }, + { + "id": 15941, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "jasmine rice", + "hard-boiled egg", + "feta cheese crumbles", + "coconut oil", + "refried beans", + "salsa", + "chipotles in adobo", + "chicken broth", + "pepper", + "large garlic cloves", + "sour cream", + "kosher salt", + "pork tenderloin", + "yellow onion", + "chopped cilantro" + ] + }, + { + "id": 3169, + "cuisine": "italian", + "ingredients": [ + "white chocolate", + "almond extract", + "sugar", + "large eggs", + "salt", + "sliced almonds", + "heavy cream", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 43129, + "cuisine": "mexican", + "ingredients": [ + "salt", + "water", + "masa harina", + "olive oil" + ] + }, + { + "id": 37171, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh basil", + "salt", + "fresh parsley", + "artichok heart marin", + "mixed greens", + "roasted red peppers", + "creole seasoning", + "mirlitons", + "balsamic vinegar", + "garlic cloves" + ] + }, + { + "id": 41090, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "veal", + "all-purpose flour", + "dried porcini mushrooms", + "large garlic cloves", + "onions", + "marsala wine", + "fresh thyme", + "ground allspice", + "dried thyme", + "button mushrooms" + ] + }, + { + "id": 27822, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "bean paste", + "sesame seeds", + "water", + "sugar", + "rice cakes" + ] + }, + { + "id": 25521, + "cuisine": "mexican", + "ingredients": [ + "poblano chiles", + "monterey jack", + "asadero", + "mexican chorizo" + ] + }, + { + "id": 9173, + "cuisine": "italian", + "ingredients": [ + "coffee", + "mascarpone", + "ricotta cheese", + "powdered sugar", + "cannoli shells", + "semisweet chocolate", + "apricot preserves" + ] + }, + { + "id": 6408, + "cuisine": "japanese", + "ingredients": [ + "tomatoes", + "garam masala", + "salt", + "onions", + "water", + "chili powder", + "cumin seed", + "ground turmeric", + "garlic paste", + "coriander powder", + "cilantro leaves", + "methi", + "amchur", + "bhindi", + "oil" + ] + }, + { + "id": 32172, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "ginger", + "garlic cloves", + "cumin", + "chicken stock", + "cinnamon", + "ras el hanout", + "onions", + "olive oil", + "lamb shoulder", + "orange rind", + "green olives", + "dates", + "salt", + "coriander" + ] + }, + { + "id": 15017, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "large garlic cloves", + "salt", + "cherry tomatoes", + "extra-virgin olive oil", + "fresh lemon juice", + "black pepper", + "Italian parsley leaves", + "squid", + "celery ribs", + "red wine vinegar", + "purple onion" + ] + }, + { + "id": 491, + "cuisine": "mexican", + "ingredients": [ + "water", + "chili powder", + "onions", + "taco sauce", + "chopped green bell pepper", + "salt", + "boneless skinless chicken breast halves", + "shredded cheddar cheese", + "flour tortillas", + "sour cream", + "dried oregano", + "tomato sauce", + "ground black pepper", + "garlic", + "dried parsley" + ] + }, + { + "id": 8514, + "cuisine": "russian", + "ingredients": [ + "fresh dill", + "egg yolks", + "sliced mushrooms", + "ground black pepper", + "salt", + "salmon", + "pastry dough", + "onions", + "spinach", + "hard-boiled egg", + "thyme leaves" + ] + }, + { + "id": 15239, + "cuisine": "japanese", + "ingredients": [ + "dried bonito flakes", + "konbu", + "cold water" + ] + }, + { + "id": 15720, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "all-purpose flour", + "butter", + "milk", + "eggs", + "vanilla extract" + ] + }, + { + "id": 31218, + "cuisine": "vietnamese", + "ingredients": [ + "serrano chilies", + "lemongrass", + "vegetable oil", + "catfish", + "onions", + "fish sauce", + "mushrooms", + "cilantro", + "beansprouts", + "mint", + "tamarind juice", + "pineapple", + "garlic cloves", + "bamboo shoots", + "chicken stock", + "sugar", + "green onions", + "salt", + "galangal" + ] + }, + { + "id": 5997, + "cuisine": "chinese", + "ingredients": [ + "pickles", + "rice vinegar", + "kimchi", + "coconut oil", + "sea salt", + "chinese five-spice powder", + "canola oil", + "butter lettuce", + "ginger", + "garlic cloves", + "chicken", + "raw honey", + "scallions", + "gluten-free tamari" + ] + }, + { + "id": 9451, + "cuisine": "korean", + "ingredients": [ + "sugar", + "anchovies", + "onions", + "fishcake", + "chilli paste", + "soy sauce", + "spring onions", + "syrup", + "rice cakes" + ] + }, + { + "id": 32827, + "cuisine": "italian", + "ingredients": [ + "garlic", + "olive oil", + "fresh basil leaves", + "pinenuts", + "fresh parsley", + "grated parmesan cheese" + ] + }, + { + "id": 44332, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "salsa", + "ground cumin", + "water", + "butter", + "sour cream", + "red wine vinegar", + "beef broth", + "flour tortillas", + "boneless beef chuck roast", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 48360, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame oil", + "oil", + "plain flour", + "light soy sauce", + "ginger", + "minced pork", + "warm water", + "chili oil", + "chinese chives", + "eggs", + "Shaoxing wine", + "chinese cabbage", + "black rice vinegar" + ] + }, + { + "id": 9419, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "soy sauce", + "sweet onion", + "vegetable oil", + "salt", + "pork", + "water", + "jalapeno chilies", + "white wine vinegar", + "toasted sesame oil", + "mayonaise", + "seedless cucumber", + "lemon grass", + "cilantro", + "rice vinegar", + "sugar", + "baguette", + "extra firm tofu", + "garlic", + "carrots" + ] + }, + { + "id": 42247, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "english cucumber", + "salt", + "lemon", + "wakame", + "rice vinegar" + ] + }, + { + "id": 24371, + "cuisine": "cajun_creole", + "ingredients": [ + "white onion", + "bamboo shoots", + "green bell pepper", + "creole seasoning", + "grape tomatoes", + "smoked sausage", + "large shrimp", + "boneless chicken skinless thigh", + "bbq sauce" + ] + }, + { + "id": 16473, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "boneless chuck roast", + "red wine", + "less sodium beef broth", + "ground cloves", + "medium egg noodles", + "salt", + "carrots", + "olive oil", + "chopped fresh thyme", + "chopped onion", + "bay leaf", + "fresh rosemary", + "ground black pepper", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 4525, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh tomatoes", + "garlic", + "fresh basil", + "red wine vinegar", + "baguette", + "salt" + ] + }, + { + "id": 33419, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "chili powder", + "cardamom pods", + "cinnamon sticks", + "ginger paste", + "clove", + "garam masala", + "cayenne pepper", + "lemon juice", + "chopped cilantro fresh", + "tomato purée", + "unsalted butter", + "green chilies", + "greek yogurt", + "chicken", + "honey", + "salt", + "mustard oil", + "peppercorns" + ] + }, + { + "id": 19090, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "vegetable oil", + "poblano chiles", + "onions", + "ground cumin", + "zucchini", + "beef broth", + "fresh lime juice", + "long grain white rice", + "kosher salt", + "large eggs", + "garlic cloves", + "ground beef", + "dried oregano", + "panko", + "ancho powder", + "corn tortillas", + "chopped cilantro fresh" + ] + }, + { + "id": 5144, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "dried rosemary", + "zucchini", + "salt", + "black pepper", + "garlic", + "parsley", + "parmagiano reggiano" + ] + }, + { + "id": 43219, + "cuisine": "indian", + "ingredients": [ + "serrano chilies", + "fresh ginger", + "salt", + "chopped cilantro fresh", + "lime juice", + "garlic", + "fresh mint", + "tumeric", + "potatoes", + "cumin seed", + "caraway seeds", + "chili", + "purple onion", + "salad oil" + ] + }, + { + "id": 30801, + "cuisine": "mexican", + "ingredients": [ + "no-salt-added black beans", + "chopped cilantro fresh", + "red bell pepper", + "salt", + "canola oil", + "jalapeno chilies", + "fresh lime juice" + ] + }, + { + "id": 42889, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "zucchini", + "garlic cloves", + "spinach leaves", + "fresh ginger", + "sesame oil", + "onions", + "roasted sesame seeds", + "cooking oil", + "carrots", + "brown sugar", + "beef", + "rice" + ] + }, + { + "id": 39891, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "baked ham", + "smoked sausage", + "cooked white rice", + "dried thyme", + "red beans", + "salt", + "chopped garlic", + "chopped bell pepper", + "bay leaves", + "chopped celery", + "onions", + "ground black pepper", + "vegetable oil", + "cayenne pepper" + ] + }, + { + "id": 30094, + "cuisine": "british", + "ingredients": [ + "sauce", + "back bacon", + "rolls", + "unsalted butter" + ] + }, + { + "id": 49611, + "cuisine": "italian", + "ingredients": [ + "brussels sprouts", + "radicchio", + "grated parmesan cheese", + "sea salt", + "garlic cloves", + "panettone", + "ground black pepper", + "apple cider vinegar", + "extra-virgin olive oil", + "granny smith apples", + "vegetable oil spray", + "shallots", + "apple cider", + "pancetta", + "pomegranate seeds", + "fresh thyme", + "butter", + "chopped fresh sage" + ] + }, + { + "id": 6057, + "cuisine": "italian", + "ingredients": [ + "sliced salami", + "pepperoni", + "refrigerated crescent rolls", + "banana peppers", + "roasted red peppers", + "sliced ham", + "provolone cheese" + ] + }, + { + "id": 37499, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "grated lemon zest", + "pimento stuffed green olives", + "capers", + "chopped fresh thyme", + "garlic cloves", + "roasted red peppers", + "oil", + "olive oil", + "kalamata", + "flat leaf parsley" + ] + }, + { + "id": 48932, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "tomatoes", + "yellow peppers", + "dressing", + "green pepper", + "chicken breasts" + ] + }, + { + "id": 33830, + "cuisine": "british", + "ingredients": [ + "eggs", + "vegetable bouillon", + "lamb", + "onions", + "water", + "beef", + "bay leaf", + "plain flour", + "large egg yolks", + "mushrooms", + "kidney", + "pig", + "unsalted butter", + "peanut oil" + ] + }, + { + "id": 37191, + "cuisine": "mexican", + "ingredients": [ + "water", + "scallions", + "corn kernels", + "masa harina", + "fresh cilantro", + "poblano chiles", + "kosher salt", + "yellow onion" + ] + }, + { + "id": 28742, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "salt", + "butter", + "all-purpose flour", + "sweet chocolate", + "confectioners sugar", + "vanilla extract", + "ground pecans" + ] + }, + { + "id": 5829, + "cuisine": "mexican", + "ingredients": [ + "salt", + "chili powder", + "flour tortillas", + "lime juice", + "ground cumin" + ] + }, + { + "id": 29980, + "cuisine": "indian", + "ingredients": [ + "spinach", + "jalapeno chilies", + "buttermilk", + "coconut milk", + "garam masala", + "vegetable oil", + "freshly ground pepper", + "kosher salt", + "whole milk", + "ginger", + "onions", + "unsalted butter", + "mustard greens", + "garlic cloves" + ] + }, + { + "id": 22438, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "water", + "sweet potatoes", + "sugar", + "flour", + "condensed milk", + "melted butter", + "ground nutmeg", + "vanilla extract", + "eggs", + "lemon extract", + "pie shell" + ] + }, + { + "id": 35546, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "all-purpose flour", + "buttermilk", + "butter", + "sweet potatoes", + "salt" + ] + }, + { + "id": 25763, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "chili powder", + "sour cream", + "corn", + "tortillas", + "salt", + "Mexican cheese blend", + "shredded lettuce", + "refried beans", + "cooked chicken", + "salsa" + ] + }, + { + "id": 27773, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "buttermilk", + "baking powder", + "yellow corn meal", + "vegetable oil", + "baking soda", + "salt" + ] + }, + { + "id": 37827, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "garlic", + "olive oil", + "pepper", + "salt", + "fresh basil", + "french bread" + ] + }, + { + "id": 5193, + "cuisine": "greek", + "ingredients": [ + "large garlic cloves", + "medium shrimp", + "blanched almonds", + "extra-virgin olive oil", + "white sandwich bread", + "fresh rosemary", + "fresh lemon juice" + ] + }, + { + "id": 33243, + "cuisine": "mexican", + "ingredients": [ + "cherry tomatoes", + "shells", + "Mexican cheese blend", + "sour cream", + "olive oil", + "purple onion", + "lettuce", + "meat", + "chopped cilantro fresh" + ] + }, + { + "id": 30308, + "cuisine": "mexican", + "ingredients": [ + "sweet onion", + "cilantro", + "canola oil", + "chicken stock", + "jalapeno chilies", + "salt", + "lime", + "garlic", + "pepper", + "tomatillos", + "scallions" + ] + }, + { + "id": 15190, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "ground beef", + "olive oil", + "carrots", + "diced tomatoes", + "thyme", + "pasta", + "purple onion", + "herbes de provence" + ] + }, + { + "id": 46665, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "sugar", + "pie shell", + "lemon", + "large eggs" + ] + }, + { + "id": 4577, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "egg yolks", + "oil", + "unsalted butter", + "frozen corn", + "kosher salt", + "buttermilk", + "self-rising cornmeal", + "eggs", + "jalapeno chilies", + "sharp cheddar cheese" + ] + }, + { + "id": 25660, + "cuisine": "greek", + "ingredients": [ + "greek style plain yogurt", + "strawberries", + "sugar" + ] + }, + { + "id": 18217, + "cuisine": "italian", + "ingredients": [ + "water", + "bacon", + "onions", + "white wine", + "cannellini beans", + "garlic", + "chicken", + "tomato paste", + "parmesan cheese", + "diced tomatoes", + "italian seasoning", + "pepper", + "baby spinach", + "salt" + ] + }, + { + "id": 4613, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "extra-virgin olive oil", + "flat leaf parsley", + "red potato", + "large eggs", + "spanish chorizo", + "manchego cheese", + "purple onion", + "kosher salt", + "green leaf lettuce", + "yellow onion" + ] + }, + { + "id": 23343, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "cumin seed", + "white sugar", + "ground cinnamon", + "vegetable oil", + "bay leaf", + "water", + "long-grain rice", + "black peppercorns", + "salt", + "onions" + ] + }, + { + "id": 31914, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "corn starch", + "pepper", + "all-purpose flour", + "butter", + "whole chicken", + "country ham", + "salt", + "lard" + ] + }, + { + "id": 33307, + "cuisine": "british", + "ingredients": [ + "eggs", + "mixed fruit", + "golden raisins", + "candied cherries", + "chopped walnuts", + "carrots", + "bread crumb fresh", + "suet", + "lemon", + "plums", + "dark brown sugar", + "dried currants", + "whole wheat flour", + "baking powder", + "apples", + "ground almonds", + "mixed spice", + "ale", + "raisins", + "stem ginger in syrup", + "blanched almonds" + ] + }, + { + "id": 32447, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "corn", + "diced tomatoes", + "chopped cilantro", + "chicken broth", + "garlic powder", + "yellow onion", + "chicken", + "tomato paste", + "lime", + "salsa", + "cumin", + "black beans", + "boneless skinless chicken breasts", + "taco seasoning" + ] + }, + { + "id": 35631, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "coarse salt", + "olive oil", + "boneless skinless chicken breast halves", + "basil pesto sauce", + "heavy cream", + "ground pepper" + ] + }, + { + "id": 30736, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "garlic", + "onions", + "tomato purée", + "boneless skinless chicken breasts", + "cayenne pepper", + "ground cumin", + "yoghurt", + "salt", + "ground turmeric", + "fresh ginger", + "cilantro", + "oil" + ] + }, + { + "id": 28006, + "cuisine": "southern_us", + "ingredients": [ + "cooking spray", + "pepper", + "salt", + "russet potatoes", + "large eggs" + ] + }, + { + "id": 34477, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "mozzarella cheese", + "garlic pepper seasoning", + "fresh basil", + "Italian bread", + "large garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 4725, + "cuisine": "thai", + "ingredients": [ + "canned low sodium chicken broth", + "peeled fresh ginger", + "asian fish sauce", + "lime juice", + "long-grain rice", + "red chili peppers", + "boneless skinless chicken breasts", + "unsweetened coconut milk", + "lemongrass", + "chopped cilantro" + ] + }, + { + "id": 6170, + "cuisine": "italian", + "ingredients": [ + "goat cheese", + "baguette", + "roasted red peppers", + "pesto" + ] + }, + { + "id": 3085, + "cuisine": "indian", + "ingredients": [ + "sweet potatoes", + "onions", + "coconut milk", + "frozen peas", + "vegetable stock", + "coriander", + "potatoes", + "curry paste" + ] + }, + { + "id": 37513, + "cuisine": "french", + "ingredients": [ + "dried tarragon leaves", + "nonfat yogurt", + "medium shrimp", + "water", + "light mayonnaise", + "shrimp and crab boil seasoning", + "green onions", + "creole mustard", + "olive oil", + "salt" + ] + }, + { + "id": 37494, + "cuisine": "french", + "ingredients": [ + "large eggs", + "shallots", + "ground nutmeg", + "whole milk", + "butter", + "fontina cheese", + "half & half", + "refrigerated piecrusts", + "ground black pepper", + "mushrooms", + "salt" + ] + }, + { + "id": 20989, + "cuisine": "indian", + "ingredients": [ + "anise seed", + "fresh ginger root", + "poppy seeds", + "cumin seed", + "olive oil", + "chili powder", + "cilantro", + "dried red chile peppers", + "shredded coconut", + "tamarind pulp", + "chicken meat", + "ground cardamom", + "coriander seeds", + "chile pepper", + "garlic", + "onions" + ] + }, + { + "id": 2671, + "cuisine": "british", + "ingredients": [ + "sugar", + "unsalted butter", + "salt", + "eggs", + "milk", + "whipping cream", + "strawberries", + "rhubarb", + "water", + "baking powder", + "all-purpose flour", + "powdered sugar", + "ground nutmeg", + "vanilla extract" + ] + }, + { + "id": 41727, + "cuisine": "southern_us", + "ingredients": [ + "brewed coffee", + "all-purpose flour", + "baking soda", + "vanilla", + "whiskey", + "sugar", + "large eggs", + "confectioners sugar", + "unsalted butter", + "salt", + "unsweetened cocoa powder" + ] + }, + { + "id": 45171, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "baking powder", + "cayenne pepper", + "chicken schmaltz", + "potatoes", + "salt", + "bay leaf", + "water", + "sweet potatoes", + "all-purpose flour", + "onions", + "celery tops", + "chicken meat", + "carrots" + ] + }, + { + "id": 1578, + "cuisine": "french", + "ingredients": [ + "large eggs", + "hard cider", + "sea salt", + "buckwheat flour", + "butter" + ] + }, + { + "id": 28476, + "cuisine": "southern_us", + "ingredients": [ + "egg whites", + "poultry seasoning", + "black pepper", + "salt", + "red pepper flakes", + "cut up chicken", + "cornflake crumbs", + "all-purpose flour" + ] + }, + { + "id": 26069, + "cuisine": "greek", + "ingredients": [ + "garlic cloves", + "salt", + "chopped fresh mint", + "english cucumber", + "ground black pepper", + "greek yogurt" + ] + }, + { + "id": 39585, + "cuisine": "mexican", + "ingredients": [ + "raspberries", + "sugar", + "fresh orange juice", + "white tequila" + ] + }, + { + "id": 16705, + "cuisine": "spanish", + "ingredients": [ + "fat free less sodium chicken broth", + "ground black pepper", + "garlic cloves", + "black peppercorns", + "pepper", + "pork tenderloin", + "fresh parsley", + "dried plum", + "kosher salt", + "cream sherry", + "bay leaf", + "vidalia onion", + "olive oil", + "all-purpose flour", + "ground cumin" + ] + }, + { + "id": 17273, + "cuisine": "brazilian", + "ingredients": [ + "chicken stock", + "coconut", + "lemon wedge", + "sweet paprika", + "plum tomatoes", + "dry roasted peanuts", + "ground black pepper", + "salt", + "fresh lemon juice", + "boneless chicken skinless thigh", + "fresh cilantro", + "vegetable oil", + "garlic cloves", + "unsweetened coconut milk", + "water", + "jalapeno chilies", + "gingerroot", + "onions" + ] + }, + { + "id": 5787, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "lemon juice", + "cheese", + "olive oil", + "ground white pepper", + "brussels sprouts", + "fine sea salt" + ] + }, + { + "id": 35748, + "cuisine": "italian", + "ingredients": [ + "turkey legs", + "dry red wine", + "onions", + "olive oil", + "carrots", + "dried thyme", + "garlic cloves", + "grated lemon peel", + "celery ribs", + "diced tomatoes", + "flat leaf parsley" + ] + }, + { + "id": 39097, + "cuisine": "italian", + "ingredients": [ + "whipped topping", + "chocolate syrup", + "boiling water", + "cappuccino", + "coffee", + "sweetened condensed milk" + ] + }, + { + "id": 26946, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "parmigiano reggiano cheese", + "fettucine" + ] + }, + { + "id": 24918, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "olive oil", + "salt", + "dried oregano", + "black pepper", + "garlic", + "bay leaf", + "sugar", + "basil", + "carrots", + "celery ribs", + "crushed tomatoes", + "crushed red pepper", + "onions" + ] + }, + { + "id": 4787, + "cuisine": "mexican", + "ingredients": [ + "beef shoulder roast", + "vegetable shortening", + "cumin seed", + "corn husks", + "salt", + "onions", + "pepper", + "garlic", + "ancho chile pepper", + "chiles", + "baking powder", + "beef broth", + "masa" + ] + }, + { + "id": 28600, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "ground cumin", + "boneless chicken skinless thigh", + "low salt chicken broth", + "chili", + "onions", + "chipotle chile", + "unsweetened chocolate" + ] + }, + { + "id": 1085, + "cuisine": "italian", + "ingredients": [ + "cream", + "granulated sugar", + "raisins", + "all-purpose flour", + "active dry yeast", + "dried apricot", + "vanilla extract", + "milk", + "large eggs", + "currant", + "grated orange", + "powdered sugar", + "unsalted butter", + "bourbon whiskey", + "salt" + ] + }, + { + "id": 8396, + "cuisine": "chinese", + "ingredients": [ + "cherry tomatoes", + "chopped cilantro fresh", + "vidalia onion", + "red bell pepper", + "orange bell pepper", + "fresh pineapple", + "teriyaki marinade", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 40478, + "cuisine": "mexican", + "ingredients": [ + "water", + "chicken breasts", + "tortilla chips", + "chicken broth", + "jalapeno chilies", + "garlic", + "tomatoes", + "green onions", + "hot sauce", + "corn", + "vegetable oil", + "onions" + ] + }, + { + "id": 40431, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "lemon juice", + "olive oil", + "horseradish", + "garlic", + "lime juice", + "dill weed" + ] + }, + { + "id": 34745, + "cuisine": "greek", + "ingredients": [ + "ground cloves", + "honey", + "butter", + "lemon juice", + "orange", + "corn oil", + "chopped walnuts", + "white sugar", + "water", + "semolina", + "all-purpose flour", + "cinnamon sticks", + "ground cinnamon", + "superfine sugar", + "baking powder", + "orange juice" + ] + }, + { + "id": 34905, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "grana padano", + "extra-virgin olive oil", + "large eggs", + "dried oregano" + ] + }, + { + "id": 42024, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "flour tortillas", + "garlic", + "pinto beans", + "chicken broth", + "Mexican cheese blend", + "diced tomatoes", + "rice", + "onions", + "fresh tomatoes", + "green chile sauce", + "paprika", + "enchilada sauce", + "cumin", + "jack", + "chili powder", + "frozen corn", + "ground beef" + ] + }, + { + "id": 28562, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "kosher salt", + "Shaoxing wine", + "scallions", + "sugar", + "vegetables", + "sesame oil", + "red bell pepper", + "green bell pepper", + "fresh ginger", + "flank steak", + "corn starch", + "soy sauce", + "ground black pepper", + "garlic", + "onions" + ] + }, + { + "id": 46617, + "cuisine": "vietnamese", + "ingredients": [ + "mint", + "green onions", + "beansprouts", + "low sodium soy sauce", + "bibb lettuce", + "deveined shrimp", + "rice paper", + "bean threads", + "sugar", + "basil", + "fresh lime juice", + "chile paste with garlic", + "shredded carrots", + "rice vinegar" + ] + }, + { + "id": 27887, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "white pepper", + "Shaoxing wine", + "garlic", + "shanghai noodles", + "Sriracha", + "napa cabbage", + "sauce", + "soy sauce", + "fresh ginger", + "sesame oil", + "salt", + "dark soy sauce", + "black pepper", + "potatoes", + "ground pork", + "oyster sauce" + ] + }, + { + "id": 41443, + "cuisine": "filipino", + "ingredients": [ + "tomatoes", + "shallots", + "oyster sauce", + "pepper", + "salt", + "eggs", + "garlic", + "mussels", + "green onions", + "oil" + ] + }, + { + "id": 38580, + "cuisine": "filipino", + "ingredients": [ + "cream cheese", + "cream", + "coconut", + "fruit cocktail", + "sweetened condensed milk" + ] + }, + { + "id": 39559, + "cuisine": "italian", + "ingredients": [ + "artichokes", + "lemon" + ] + }, + { + "id": 38588, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "eggs", + "butter", + "sweet potatoes", + "sugar", + "vanilla" + ] + }, + { + "id": 13452, + "cuisine": "italian", + "ingredients": [ + "focaccia", + "freshly grated parmesan", + "low moisture mozzarella", + "tomato sauce", + "pepperoni", + "butter" + ] + }, + { + "id": 26533, + "cuisine": "mexican", + "ingredients": [ + "chopped fresh chives", + "reduced-fat sour cream", + "shredded cheddar cheese", + "diced tomatoes", + "bone-in chicken breast halves", + "shredded lettuce", + "black olives", + "tomatoes", + "condensed cream of mushroom soup", + "low-fat baked tortilla chips" + ] + }, + { + "id": 46280, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "dried thyme", + "onion powder", + "cayenne pepper", + "medium shrimp", + "tomatoes", + "black pepper", + "bell pepper", + "paprika", + "flat leaf parsley", + "long grain white rice", + "tomato paste", + "boneless chicken thighs", + "garlic powder", + "worcestershire sauce", + "creole seasoning", + "onions", + "stock", + "white pepper", + "bay leaves", + "garlic", + "celery" + ] + }, + { + "id": 24391, + "cuisine": "indian", + "ingredients": [ + "bay leaves", + "dark brown sugar", + "fat free yogurt", + "vegetable oil", + "serrano chile", + "water", + "sweetened coconut flakes", + "red chili peppers", + "brown mustard seeds", + "roasted tomatoes" + ] + }, + { + "id": 24445, + "cuisine": "british", + "ingredients": [ + "ground cinnamon", + "orange juice", + "rhubarb", + "whipping cream", + "sugar", + "blackberries", + "low-fat vanilla yogurt", + "vanilla wafers" + ] + }, + { + "id": 13075, + "cuisine": "greek", + "ingredients": [ + "pepper", + "salt", + "lemon", + "ground turmeric", + "potatoes", + "celery", + "chicken bouillon", + "garlic" + ] + }, + { + "id": 5490, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "salt", + "ground ginger", + "olive oil", + "chopped cilantro", + "saffron threads", + "sweet onion", + "cinnamon sticks", + "tumeric", + "butter", + "chicken" + ] + }, + { + "id": 19216, + "cuisine": "southern_us", + "ingredients": [ + "table salt", + "butter", + "ground red pepper", + "grits", + "milk", + "cheese", + "large eggs", + "white cornmeal" + ] + }, + { + "id": 36204, + "cuisine": "italian", + "ingredients": [ + "coarse salt", + "sugar", + "all-purpose flour", + "active dry yeast", + "olive oil" + ] + }, + { + "id": 40531, + "cuisine": "mexican", + "ingredients": [ + "corn", + "lean ground beef", + "taco seasoning reduced sodium", + "egg whites", + "salsa", + "cornmeal", + "reduced fat cheddar cheese", + "jalapeno chilies", + "green chilies", + "fat free milk", + "diced tomatoes", + "ripe olives" + ] + }, + { + "id": 26419, + "cuisine": "thai", + "ingredients": [ + "pork neck", + "lime", + "brown sugar", + "juice", + "fish sauce", + "tamarind", + "soy sauce", + "bird chile" + ] + }, + { + "id": 47209, + "cuisine": "russian", + "ingredients": [ + "Velveeta", + "sour cream", + "olive oil", + "onions", + "salt", + "pepper", + "steak" + ] + }, + { + "id": 21855, + "cuisine": "greek", + "ingredients": [ + "crushed garlic", + "cucumber", + "mint", + "salt", + "plain yogurt", + "dill", + "lemon" + ] + }, + { + "id": 25602, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "pepper", + "olive oil", + "prepared horseradish", + "pimentos", + "buttermilk", + "all-purpose flour", + "chipotles in adobo", + "brown sugar", + "ketchup", + "spanish onion", + "baking soda", + "dijon mustard", + "chili powder", + "garlic", + "grated jack cheese", + "mustard", + "sugar", + "water", + "garlic powder", + "unsalted butter", + "baking powder", + "worcestershire sauce", + "cream cheese", + "onions", + "cheddar cheese", + "kosher salt", + "peeled tomatoes", + "ground pepper", + "beef brisket", + "apple cider vinegar", + "salt", + "garlic cloves" + ] + }, + { + "id": 24889, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "sugar", + "garlic cloves", + "hot red pepper flakes", + "anchovy paste", + "spaghetti", + "capers", + "basil", + "juice", + "pitted kalamata olives", + "extra-virgin olive oil" + ] + }, + { + "id": 7174, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "fresh basil", + "freshly ground pepper", + "minced garlic", + "tomatoes", + "minced onion" + ] + }, + { + "id": 29511, + "cuisine": "greek", + "ingredients": [ + "light mayonnaise", + "pita rounds", + "greek seasoning", + "paprika" + ] + }, + { + "id": 27839, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "peaches", + "buttermilk", + "sugar", + "baking powder", + "all-purpose flour", + "ground ginger", + "baking soda", + "butter", + "grated nutmeg", + "vanilla ice cream", + "large eggs", + "salt" + ] + }, + { + "id": 19689, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "pineapple", + "cucumber", + "tomatoes", + "olive oil", + "cilantro leaves", + "lime juice", + "purple onion", + "chiles", + "brown mustard seeds", + "cumin seed" + ] + }, + { + "id": 44259, + "cuisine": "cajun_creole", + "ingredients": [ + "lettuce", + "white onion", + "cheese", + "mayonaise", + "cajun seasoning", + "beef sirloin", + "tomatoes", + "jalapeno chilies", + "garlic", + "hamburger buns", + "worcestershire sauce" + ] + }, + { + "id": 20117, + "cuisine": "japanese", + "ingredients": [ + "green cabbage", + "Tabasco Pepper Sauce", + "fresh lime juice", + "mayonaise" + ] + }, + { + "id": 1349, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "green peas", + "oil", + "red bell pepper", + "sweet onion", + "salt", + "carrots", + "white sugar", + "pepper", + "garlic", + "oyster sauce", + "celery", + "olive oil", + "new york strip steaks", + "corn starch", + "snow peas" + ] + }, + { + "id": 47814, + "cuisine": "russian", + "ingredients": [ + "pickles", + "rabbit", + "brine", + "cheddar cheese", + "green onions", + "salt", + "eggs", + "potatoes", + "green peas", + "mayonaise", + "Tabasco Pepper Sauce", + "carrots" + ] + }, + { + "id": 9734, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "sugar", + "bacon", + "heavy cream", + "grated parmesan cheese", + "spaghetti" + ] + }, + { + "id": 36765, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "baby spinach", + "grated lemon peel", + "sugar", + "soft tofu", + "sweet white miso", + "lemon peel", + "fresh lemon juice", + "mirin", + "white sesame seeds" + ] + }, + { + "id": 22376, + "cuisine": "thai", + "ingredients": [ + "sugar", + "unsalted dry roast peanuts", + "garlic cloves", + "green cabbage", + "peeled fresh ginger", + "purple onion", + "chopped cilantro fresh", + "water", + "crushed red pepper", + "fresh lime juice", + "fish sauce", + "ground sirloin", + "dark sesame oil" + ] + }, + { + "id": 8669, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "sausages", + "chicken stock", + "bacon", + "onions", + "whole milk", + "carrots", + "pepper", + "salt" + ] + }, + { + "id": 26980, + "cuisine": "mexican", + "ingredients": [ + "butter lettuce", + "olive oil", + "green onions", + "ancho powder", + "onions", + "sliced green onions", + "shredded cheddar cheese", + "guacamole", + "onion powder", + "salsa", + "dried oregano", + "plain yogurt", + "cayenne", + "boneless skinless chicken breasts", + "garlic", + "chopped cilantro fresh", + "green bell pepper", + "lime juice", + "mushrooms", + "lime wedges", + "red bell pepper", + "cumin" + ] + }, + { + "id": 41606, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "butter", + "oil", + "green onions", + "tortilla chips", + "ground black pepper", + "Eggland's Best® eggs", + "avocado", + "KRAFT Shredded Mozzarella Cheese", + "red enchilada sauce" + ] + }, + { + "id": 38283, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "dried oregano", + "white wine", + "diced tomatoes", + "fresh mushrooms", + "green bell pepper", + "vegetable oil", + "all-purpose flour", + "chicken", + "pepper", + "garlic", + "onions" + ] + }, + { + "id": 18707, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "lime wedges", + "carrots", + "jalapeno chilies", + "garlic", + "chicken", + "lime", + "cilantro", + "onions", + "low sodium chicken broth", + "salt" + ] + }, + { + "id": 43427, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "red cabbage", + "green chilies", + "white cabbage", + "sea salt", + "olive oil", + "cilantro stems", + "carrots", + "radishes", + "purple onion" + ] + }, + { + "id": 15565, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "honey", + "sesame oil", + "sugar", + "water", + "asian pear", + "scallions", + "minced garlic", + "sesame seeds", + "beef rib short", + "soy sauce", + "minced ginger", + "rice wine", + "onions" + ] + }, + { + "id": 26727, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "garlic powder", + "vegetable oil", + "beef stew seasoning mix", + "parsley sprigs", + "green onions", + "all-purpose flour", + "onions", + "green bell pepper", + "ground black pepper", + "salt", + "fresh parsley", + "celery ribs", + "crawfish", + "ground red pepper", + "hot water" + ] + }, + { + "id": 15745, + "cuisine": "british", + "ingredients": [ + "pepper", + "gravy granules", + "plain flour", + "butter", + "onions", + "milk", + "sherry wine", + "eggs", + "salt", + "pork sausages" + ] + }, + { + "id": 34729, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "mild green chiles", + "tortillas", + "jack", + "large eggs" + ] + }, + { + "id": 25226, + "cuisine": "french", + "ingredients": [ + "black pepper", + "cooking spray", + "salt", + "carrots", + "onions", + "water", + "basil leaves", + "small white beans", + "thyme sprigs", + "fat free less sodium chicken broth", + "sweet potatoes", + "garlic cloves", + "green beans", + "grape tomatoes", + "olive oil", + "garlic", + "lemon juice", + "bay leaf" + ] + }, + { + "id": 46695, + "cuisine": "italian", + "ingredients": [ + "sugar", + "fat", + "salt", + "2% reduced-fat milk", + "polenta", + "blackberry jam", + "crème fraîche" + ] + }, + { + "id": 39049, + "cuisine": "spanish", + "ingredients": [ + "chicken broth", + "chili powder", + "green pepper", + "ground turmeric", + "pepper", + "salt", + "chopped onion", + "bone-in chicken breast halves", + "butter", + "rice", + "pimentos", + "all-purpose flour", + "garlic cloves" + ] + }, + { + "id": 33310, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "butter", + "boneless skinless chicken breast halves", + "black pepper", + "cooking spray", + "all-purpose flour", + "prosciutto", + "salt", + "olive oil", + "dry white wine", + "chopped fresh sage" + ] + }, + { + "id": 44061, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "garlic", + "ground ginger", + "fresh ginger", + "slaw mix", + "non stick spray", + "water", + "sesame oil", + "rice vinegar", + "eggs", + "garlic powder", + "crushed red pepper flakes", + "fat free ground turkey breast" + ] + }, + { + "id": 40515, + "cuisine": "italian", + "ingredients": [ + "garlic", + "celery", + "tomatoes with juice", + "carrots", + "onions", + "extra-virgin olive oil", + "red bell pepper", + "dried oregano", + "salt", + "fresh parsley" + ] + }, + { + "id": 28373, + "cuisine": "french", + "ingredients": [ + "picholine olives", + "dry white wine", + "olive oil", + "chopped onion", + "green olives", + "ground black pepper", + "garlic cloves", + "dried thyme", + "white wine vinegar" + ] + }, + { + "id": 14289, + "cuisine": "italian", + "ingredients": [ + "unflavored gelatin", + "navel oranges", + "turbinado", + "heavy cream", + "curds", + "cold milk", + "granulated sugar", + "vanilla extract", + "cream sweeten whip", + "mint sprigs" + ] + }, + { + "id": 40538, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "diced tomatoes", + "salt", + "bay leaf", + "sugar", + "dry yeast", + "cracked black pepper", + "garlic cloves", + "dried oregano", + "warm water", + "cooking spray", + "cheese", + "flat leaf parsley", + "ground cumin", + "finely chopped onion", + "paprika", + "all-purpose flour", + "bread flour" + ] + }, + { + "id": 32398, + "cuisine": "chinese", + "ingredients": [ + "water", + "oil", + "soy sauce", + "ginger", + "corn flour", + "sugar", + "green onions", + "rice flour", + "tapioca flour", + "scallions", + "dried shrimp" + ] + }, + { + "id": 5361, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "soy sauce", + "sugar", + "rice vinegar", + "peeled fresh ginger" + ] + }, + { + "id": 43315, + "cuisine": "italian", + "ingredients": [ + "diced tomatoes", + "freshly ground pepper", + "extra-virgin olive oil", + "basil", + "sea salt", + "garlic" + ] + }, + { + "id": 11660, + "cuisine": "chinese", + "ingredients": [ + "sweet chili sauce", + "boneless skinless chicken breasts", + "red bell pepper", + "large eggs", + "pineapple", + "olive oil", + "vegetable oil", + "green onions", + "all-purpose flour" + ] + }, + { + "id": 4890, + "cuisine": "french", + "ingredients": [ + "fennel seeds", + "ground black pepper", + "baby spinach", + "organic vegetable broth", + "quinoa", + "chopped fresh thyme", + "chickpeas", + "carrots", + "water", + "leeks", + "salt", + "fresh lemon juice", + "white wine", + "fennel bulb", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 39704, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "chopped fresh thyme", + "thyme sprigs", + "pork belly", + "sherry vinegar", + "freshly ground pepper", + "celery ribs", + "honey", + "extra-virgin olive oil", + "arugula", + "kosher salt", + "peaches", + "garlic cloves" + ] + }, + { + "id": 17248, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "ground black pepper", + "ravioli", + "garlic", + "celery", + "black peppercorns", + "dried basil", + "lemon zest", + "heavy cream", + "yellow onion", + "large shrimp", + "white wine", + "dried thyme", + "shallots", + "diced tomatoes", + "flat leaf parsley", + "water", + "unsalted butter", + "lemon", + "salt", + "dried oregano" + ] + }, + { + "id": 10113, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "pepper", + "vegetable oil", + "cayenne pepper", + "onions", + "tomatoes", + "bay leaves", + "red pepper flakes", + "sausages", + "tomato paste", + "ground black pepper", + "cajun seasoning", + "garlic cloves", + "cumin", + "green bell pepper", + "Tabasco Pepper Sauce", + "salt", + "shrimp" + ] + }, + { + "id": 20311, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "powdered sugar", + "cream cheese, soften", + "vanilla extract" + ] + }, + { + "id": 27485, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "celery seed", + "vegetable oil", + "cabbage", + "sugar", + "onions", + "white vinegar", + "dry mustard" + ] + }, + { + "id": 4210, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "chopped cilantro fresh", + "salt", + "avocado", + "lemon juice", + "chile pepper", + "serrano chile" + ] + }, + { + "id": 42755, + "cuisine": "mexican", + "ingredients": [ + "fire roasted diced tomatoes", + "kosher salt", + "vegetable oil", + "chipotle chile powder", + "tostadas", + "zucchini", + "freshly ground pepper", + "ground chuck", + "shredded cheddar cheese", + "slaw mix", + "white onion", + "lime wedges", + "pinto beans" + ] + }, + { + "id": 9450, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "Old El Paso Flour Tortillas", + "Old El Paso™ taco seasoning mix", + "cilantro leaves", + "avocado", + "Old El Paso™ chopped green chiles", + "ground beef", + "Old El Paso™ refried beans", + "shredded mozzarella cheese" + ] + }, + { + "id": 29631, + "cuisine": "french", + "ingredients": [ + "sugar", + "egg whites", + "fresh lemon juice", + "unsalted butter", + "strawberries", + "sliced almonds", + "whipping cream", + "corn starch", + "almonds", + "salt" + ] + }, + { + "id": 6151, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "sesame oil", + "yellow onion", + "soy sauce", + "Sriracha", + "garlic", + "carrots", + "sugar", + "olive oil", + "worcestershire sauce", + "ramen noodles seasoning", + "sugar pea", + "chicken breasts", + "broccoli" + ] + }, + { + "id": 1976, + "cuisine": "chinese", + "ingredients": [ + "water", + "ginger", + "garlic cloves", + "brown sugar", + "sesame oil", + "Maggi", + "white button mushrooms", + "flank steak", + "rice vinegar", + "corn starch", + "soy sauce", + "vegetable oil", + "scallions" + ] + }, + { + "id": 26654, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "freshly ground pepper", + "bacon", + "extra sharp cheddar cheese", + "green onions", + "cream cheese, soften", + "vegetable oil cooking spray", + "okra" + ] + }, + { + "id": 16541, + "cuisine": "chinese", + "ingredients": [ + "prawns", + "corn starch", + "coarse salt", + "white peppercorns", + "szechwan peppercorns", + "serrano chile", + "peanut oil", + "chopped garlic" + ] + }, + { + "id": 44656, + "cuisine": "italian", + "ingredients": [ + "butter", + "cream", + "crème fraîche", + "fennel bulb", + "grated parmesan cheese" + ] + }, + { + "id": 46813, + "cuisine": "italian", + "ingredients": [ + "chocolate instant pudding", + "cocktail cherries", + "cookies", + "white sugar", + "extract", + "vanilla instant pudding", + "almonds", + "heavy cream" + ] + }, + { + "id": 35724, + "cuisine": "chinese", + "ingredients": [ + "water", + "oil", + "soy sauce", + "sesame oil", + "corn starch", + "sugar", + "rice wine", + "oyster sauce", + "white pepper", + "beef tenderloin" + ] + }, + { + "id": 8713, + "cuisine": "cajun_creole", + "ingredients": [ + "seafood stock", + "butter", + "fresh mushrooms", + "minced garlic", + "pimentos", + "all-purpose flour", + "fresh parsley", + "corn kernels", + "cajun seasoning", + "crabmeat", + "shucked oysters", + "green onions", + "linguine", + "green beans" + ] + }, + { + "id": 7069, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "all-purpose flour", + "large eggs", + "cornmeal", + "unsalted butter", + "lemon juice", + "catfish fillets", + "salt" + ] + }, + { + "id": 7116, + "cuisine": "chinese", + "ingredients": [ + "quinoa", + "choy sum", + "scallions", + "tofu", + "hoisin sauce", + "ginger", + "mirin", + "cilantro", + "carrots", + "soy sauce", + "sesame oil", + "garlic" + ] + }, + { + "id": 44548, + "cuisine": "mexican", + "ingredients": [ + "lump crab meat", + "salsa", + "nonfat cream cheese", + "cheese" + ] + }, + { + "id": 19681, + "cuisine": "mexican", + "ingredients": [ + "beans", + "olive oil", + "black olives", + "sour cream", + "avocado", + "water", + "colby jack cheese", + "yellow onion", + "chopped cilantro", + "shredded cheddar cheese", + "boneless skinless chicken breasts", + "salsa", + "corn tortillas", + "tomatoes", + "lime", + "lime wedges", + "taco seasoning" + ] + }, + { + "id": 11855, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "pepper", + "butter", + "carrots", + "fresh rosemary", + "chicken breast halves", + "salt", + "chicken broth", + "leeks", + "pinot noir", + "fresh parsley", + "celery ribs", + "rosemary sprigs", + "shallots", + "garlic cloves" + ] + }, + { + "id": 28225, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "poblano chiles", + "extra-virgin olive oil", + "chopped cilantro fresh", + "salt", + "finely chopped onion", + "fresh lime juice" + ] + }, + { + "id": 48481, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "olive oil", + "smoked paprika", + "yukon gold potatoes" + ] + }, + { + "id": 29113, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "jeera", + "rajma", + "coriander powder", + "masala", + "red chili powder", + "oil" + ] + }, + { + "id": 35079, + "cuisine": "mexican", + "ingredients": [ + "water", + "garlic", + "black peppercorns", + "jalapeno chilies", + "bay leaf", + "white vinegar", + "honey", + "carrots", + "kosher salt", + "wheels", + "onions" + ] + }, + { + "id": 30111, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "eggplant", + "flour", + "eggs", + "minced garlic", + "whole peeled tomatoes", + "kosher salt", + "ground black pepper", + "fresh mozzarella", + "fresh basil", + "olive oil", + "grated parmesan cheese" + ] + }, + { + "id": 21833, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "prosciutto", + "all-purpose flour", + "prepared lasagne", + "eggs", + "olive oil", + "sea salt", + "white mushrooms", + "fontina cheese", + "milk", + "leeks", + "ground white pepper", + "chicken stock", + "marsala wine", + "unsalted butter", + "grated nutmeg" + ] + }, + { + "id": 47757, + "cuisine": "southern_us", + "ingredients": [ + "dried thyme", + "salt", + "italian seasoned dry bread crumbs", + "shucked oysters", + "butter", + "onions", + "grated parmesan cheese", + "cayenne pepper", + "dried oregano", + "black pepper", + "garlic", + "dried parsley" + ] + }, + { + "id": 11711, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "crushed red pepper flakes", + "peanut oil", + "whole milk", + "salt", + "large eggs", + "white wine vinegar", + "okra", + "stone-ground cornmeal", + "sea salt", + "all-purpose flour" + ] + }, + { + "id": 1, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "diced red onions", + "paprika", + "salt", + "corn tortillas", + "fresh cilantro", + "cremini", + "vegetable broth", + "freshly ground pepper", + "ground chipotle chile pepper", + "bell pepper", + "extra-virgin olive oil", + "yellow onion", + "ground cumin", + "poblano peppers", + "chili powder", + "garlic", + "pinto beans" + ] + }, + { + "id": 21269, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "mandarin oranges", + "frozen whipped topping", + "vanilla instant pudding", + "yellow cake mix", + "crushed pineapple", + "vegetable oil" + ] + }, + { + "id": 28473, + "cuisine": "thai", + "ingredients": [ + "Sriracha", + "rice vinegar", + "soy sauce", + "red pepper flakes", + "sugar", + "sesame oil", + "chopped cilantro fresh", + "lime juice", + "garlic" + ] + }, + { + "id": 12391, + "cuisine": "moroccan", + "ingredients": [ + "golden raisins", + "chickpeas", + "low sodium beef broth", + "ground cumin", + "olive oil", + "paprika", + "garlic cloves", + "chopped cilantro fresh", + "ground cinnamon", + "sea salt", + "freshly ground pepper", + "chopped fresh mint", + "dried apricot", + "yellow onion", + "carrots", + "chuck" + ] + }, + { + "id": 14881, + "cuisine": "southern_us", + "ingredients": [ + "baguette", + "top sirloin", + "vegetable oil", + "all-purpose flour", + "swiss cheese", + "dry red wine", + "vidalia onion", + "butter", + "beef broth" + ] + }, + { + "id": 9042, + "cuisine": "italian", + "ingredients": [ + "mint leaves", + "garlic", + "olive oil", + "sea salt", + "freshly ground pepper", + "flaked", + "purple onion", + "eggplant", + "extra-virgin olive oil" + ] + }, + { + "id": 24444, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "pepper", + "salt", + "parmesan cheese", + "snaps", + "large eggs" + ] + }, + { + "id": 33133, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "chicken breasts", + "salt", + "water chestnuts", + "chopped celery", + "chicken broth", + "ground red pepper", + "purple onion", + "white pepper", + "yellow bell pepper", + "red bell pepper" + ] + }, + { + "id": 30085, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "cinnamon", + "shortening", + "flour", + "salt", + "sugar", + "baking powder", + "dough", + "peaches", + "butter" + ] + }, + { + "id": 10453, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "egg noodles, cooked and drained", + "corn", + "ground beef", + "water", + "cream cheese", + "taco seasoning mix", + "onions" + ] + }, + { + "id": 32246, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "Ro-Tel Diced Tomatoes & Green Chilies", + "lean ground beef", + "Velveeta", + "tortilla chips" + ] + }, + { + "id": 23395, + "cuisine": "italian", + "ingredients": [ + "mayonaise", + "garlic cloves", + "french bread", + "fresh parsley", + "paprika", + "sliced green onions", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 16701, + "cuisine": "thai", + "ingredients": [ + "jasmine rice", + "gingerroot", + "fresh basil", + "cracked black pepper", + "fresh lime juice", + "fish sauce", + "dark brown sugar", + "large shrimp", + "water", + "garlic cloves" + ] + }, + { + "id": 42151, + "cuisine": "british", + "ingredients": [ + "milk", + "salt", + "self rising flour", + "mustard powder", + "unsalted butter", + "cayenne pepper", + "blue cheese", + "stilton cheese" + ] + }, + { + "id": 12948, + "cuisine": "italian", + "ingredients": [ + "pepper", + "large eggs", + "garlic cloves", + "green chile", + "eggplant", + "diced tomatoes", + "olive oil", + "baby spinach", + "garlic herb feta", + "sliced black olives", + "salt" + ] + }, + { + "id": 36233, + "cuisine": "mexican", + "ingredients": [ + "extra-virgin olive oil", + "onions", + "cracked black pepper", + "salsa", + "lean ground beef", + "salt", + "chili pepper", + "garlic", + "garlic salt" + ] + }, + { + "id": 22557, + "cuisine": "thai", + "ingredients": [ + "tomatoes", + "curry powder", + "garlic cloves", + "coconut oil", + "garam masala", + "tomato purée", + "fresh ginger", + "coconut milk", + "white onion", + "chicken breasts" + ] + }, + { + "id": 45325, + "cuisine": "italian", + "ingredients": [ + "honey", + "strawberries", + "unflavored gelatin", + "vanilla extract", + "whipping cream", + "sugar", + "1% low-fat milk" + ] + }, + { + "id": 8509, + "cuisine": "chinese", + "ingredients": [ + "egg roll wrappers", + "garlic", + "vegetable oil", + "cream cheese", + "green onions", + "salt", + "crab meat", + "worcestershire sauce", + "lemon juice" + ] + }, + { + "id": 46497, + "cuisine": "greek", + "ingredients": [ + "garlic", + "pitted kalamata olives", + "olive oil" + ] + }, + { + "id": 18622, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "eggplant", + "ricotta salata", + "fresh mint", + "pepper", + "garlic", + "grape tomatoes", + "olive oil", + "rigatoni" + ] + }, + { + "id": 48686, + "cuisine": "cajun_creole", + "ingredients": [ + "cooking spray", + "salt", + "panko", + "cajun seasoning", + "chicken breast halves", + "chicken thighs", + "low-fat buttermilk", + "chicken drumsticks" + ] + }, + { + "id": 47525, + "cuisine": "chinese", + "ingredients": [ + "salt", + "szechwan peppercorns", + "green beans", + "cooking oil", + "garlic cloves", + "red pepper", + "ginger root" + ] + }, + { + "id": 44184, + "cuisine": "italian", + "ingredients": [ + "water", + "cheese", + "chopped fresh chives", + "broth", + "large eggs", + "grated nutmeg", + "all purpose unbleached flour" + ] + }, + { + "id": 20337, + "cuisine": "british", + "ingredients": [ + "candied ginger", + "baking powder", + "granulated sugar", + "pastry flour", + "lemon zest", + "unsalted butter", + "heavy cream" + ] + }, + { + "id": 32695, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "water chestnuts", + "dark sesame oil", + "pepper sauce", + "pickled garlic", + "garlic", + "ground chicken", + "green onions", + "onions", + "butter lettuce", + "hoisin sauce", + "rice vinegar" + ] + }, + { + "id": 36729, + "cuisine": "mexican", + "ingredients": [ + "large garlic cloves", + "plum tomatoes", + "fresh lime juice", + "jalapeno chilies", + "chopped cilantro fresh", + "chopped onion" + ] + }, + { + "id": 19898, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "mirin", + "sugar" + ] + }, + { + "id": 23877, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vegetable shortening", + "baking soda", + "salt", + "active dry yeast", + "buttermilk", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 31231, + "cuisine": "vietnamese", + "ingredients": [ + "minced garlic", + "firm tofu", + "fresh ginger root", + "lime", + "canola oil", + "tamari soy sauce" + ] + }, + { + "id": 14191, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "salt", + "chutney", + "baby spinach leaves", + "nonfat yogurt", + "fat skimmed chicken broth", + "ground cumin", + "curry powder", + "garlic", + "corn starch", + "cooked rice", + "cayenne", + "chopped onion", + "salad oil" + ] + }, + { + "id": 16269, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "cider vinegar", + "salt", + "green bell pepper", + "jalapeno chilies", + "minced garlic", + "chopped onion" + ] + }, + { + "id": 30492, + "cuisine": "french", + "ingredients": [ + "baking powder", + "confectioners sugar", + "eggs", + "vanilla extract", + "unsalted butter", + "all-purpose flour", + "lemon", + "white sugar" + ] + }, + { + "id": 48287, + "cuisine": "italian", + "ingredients": [ + "navy beans", + "pepper", + "grated parmesan cheese", + "pearl barley", + "small red potato", + "alphabet pasta", + "spinach", + "zucchini", + "salt", + "garlic cloves", + "fat free beef broth", + "ground nutmeg", + "sliced carrots", + "chopped onion", + "dried rosemary", + "pasta", + "water", + "mushrooms", + "round steaks", + "rubbed sage" + ] + }, + { + "id": 46870, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "heavy cream", + "gorgonzola", + "canned low sodium chicken broth", + "butter", + "broccoli", + "fettucine", + "dry white wine", + "salt", + "ground black pepper", + "florets", + "fresh parsley" + ] + }, + { + "id": 1620, + "cuisine": "spanish", + "ingredients": [ + "salt", + "baby potatoes", + "olive oil", + "dried oregano", + "orange", + "chicken thighs", + "purple onion", + "chorizo sausage" + ] + }, + { + "id": 43444, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "garlic cloves", + "cumin", + "chicken breasts", + "onions", + "pepper", + "chipotles in adobo", + "salt", + "oregano" + ] + }, + { + "id": 14387, + "cuisine": "indian", + "ingredients": [ + "cream", + "urad dal", + "rajma", + "masala", + "beans", + "butter", + "cilantro leaves", + "ghee", + "red chili powder", + "coriander powder", + "salt", + "garlic cloves", + "tomato purée", + "garam masala", + "black gram", + "cumin seed" + ] + }, + { + "id": 13638, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "bourbon whiskey", + "dark brown sugar", + "dark corn syrup", + "salt", + "pecan halves", + "vanilla extract", + "unsalted butter", + "pie shell" + ] + }, + { + "id": 309, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "kalamata", + "chopped onion", + "chicken broth", + "cayenne", + "chopped celery", + "olive oil", + "orzo", + "plum tomatoes", + "mozzarella cheese", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 45646, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "bell pepper", + "garlic", + "soy sauce", + "vegetable oil", + "corn starch", + "white vinegar", + "water", + "red pepper flakes", + "boneless skinless chicken breast halves", + "pineapple chunks in natural juice", + "shallots", + "carrots" + ] + }, + { + "id": 45688, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "shiitake", + "sesame oil", + "fillets", + "pasta", + "minced garlic", + "ground black pepper", + "cornflour", + "soy sauce", + "fresh ginger root", + "vegetable oil", + "chicken stock", + "water", + "spring onions", + "rice vinegar" + ] + }, + { + "id": 12953, + "cuisine": "greek", + "ingredients": [ + "lemon", + "chicken pieces", + "plain yogurt", + "garlic", + "dried oregano", + "cracked black pepper", + "fresh parsley", + "olive oil", + "salt" + ] + }, + { + "id": 34720, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "chopped cilantro", + "tomatoes", + "purple onion", + "lime", + "salt", + "jalapeno chilies" + ] + }, + { + "id": 17775, + "cuisine": "brazilian", + "ingredients": [ + "pepper", + "light coconut milk", + "ground cayenne pepper", + "ground turmeric", + "fresh ginger", + "ground coriander", + "onions", + "olive oil", + "salt", + "fresh parsley", + "ground cumin", + "tomatoes", + "jalapeno chilies", + "garlic cloves", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 22686, + "cuisine": "thai", + "ingredients": [ + "palm sugar", + "mango", + "sticky rice", + "black sesame seeds", + "coconut cream" + ] + }, + { + "id": 5689, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "tuna steaks", + "anchovy fillets", + "capers", + "fennel bulb", + "extra-virgin olive oil", + "freshly ground pepper", + "mint", + "parmigiano reggiano cheese", + "yellow onion", + "flat leaf parsley", + "fennel seeds", + "ground black pepper", + "reduced sodium vegetable stock", + "orange juice" + ] + }, + { + "id": 1666, + "cuisine": "filipino", + "ingredients": [ + "black beans", + "green onions", + "oyster sauce", + "soy sauce", + "vinegar", + "garlic", + "brown sugar", + "water", + "pineapple", + "onions", + "pork belly", + "bay leaves", + "oil" + ] + }, + { + "id": 22879, + "cuisine": "mexican", + "ingredients": [ + "mole sauce", + "corn husks", + "pork", + "masa dough" + ] + }, + { + "id": 39238, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "sesame oil", + "chinese five-spice powder", + "honey", + "ginger", + "ground white pepper", + "ketchup", + "maltose", + "oyster sauce", + "Shaoxing wine", + "garlic", + "pork shoulder" + ] + }, + { + "id": 35150, + "cuisine": "indian", + "ingredients": [ + "pickles", + "chana dal", + "serrano", + "sugar", + "peanuts", + "curry", + "tumeric", + "lime juice", + "white rice", + "poppadoms", + "black lentil", + "kosher salt", + "vegetable oil", + "black mustard seeds" + ] + }, + { + "id": 26038, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "buttermilk", + "active dry yeast", + "baking powder", + "all-purpose flour", + "semolina flour", + "granulated sugar", + "sea salt", + "baking soda", + "vegetable shortening", + "ramps" + ] + }, + { + "id": 45190, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "salt", + "sugar", + "vanilla extract", + "nonfat dry milk", + "coffee beans", + "reduced fat milk" + ] + }, + { + "id": 14215, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "large eggs", + "all-purpose flour", + "fresh basil", + "crushed tomatoes", + "shallots", + "dried oregano", + "mozzarella cheese", + "grated parmesan cheese", + "garlic cloves", + "boneless chicken thighs", + "olive oil", + "crushed red pepper flakes" + ] + }, + { + "id": 28068, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "ground pork", + "dried parsley", + "pepper", + "beef", + "salt", + "eggs", + "parmesan cheese", + "garlic", + "dried oregano", + "sweet onion", + "ricotta cheese", + "marjoram leaves" + ] + }, + { + "id": 27538, + "cuisine": "indian", + "ingredients": [ + "nutmeg", + "garlic powder", + "paprika", + "chickpeas", + "cumin", + "ground ginger", + "ground cloves", + "tandoori seasoning", + "salt", + "ghee", + "tumeric", + "cinnamon", + "cilantro", + "coconut milk", + "tomato paste", + "minute rice", + "red pepper", + "yellow onion", + "coriander" + ] + }, + { + "id": 833, + "cuisine": "mexican", + "ingredients": [ + "hearts of romaine", + "shredded cheddar cheese", + "salsa", + "taco shells", + "pinto beans" + ] + }, + { + "id": 23093, + "cuisine": "spanish", + "ingredients": [ + "savoy cabbage", + "leeks", + "carrots", + "tomatoes", + "garlic cloves", + "onions", + "chicken stock", + "russet potatoes", + "bay leaf", + "turnips", + "kidney beans", + "sausages" + ] + }, + { + "id": 28461, + "cuisine": "korean", + "ingredients": [ + "water", + "sesame oil", + "sugar", + "light soy sauce", + "beef tenderloin", + "dark soy sauce", + "minced ginger", + "crushed garlic", + "black pepper", + "green onions", + "white sesame seeds" + ] + }, + { + "id": 21151, + "cuisine": "mexican", + "ingredients": [ + "water", + "lime wedges", + "onions", + "zucchini", + "rice", + "chunky salsa", + "taco seasoning mix", + "vegetable oil", + "chopped cilantro fresh", + "pork", + "condiments", + "whole kernel corn, drain", + "monterey jack" + ] + }, + { + "id": 38813, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "sugar", + "sesame oil", + "Sriracha", + "soy sauce", + "rice vinegar" + ] + }, + { + "id": 45883, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "pasta", + "garlic", + "grated parmesan cheese", + "mozzarella cheese", + "roast red peppers, drain" + ] + }, + { + "id": 48008, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "green chilies", + "cooked chicken", + "monterey jack", + "flour", + "sour cream", + "chicken broth", + "butter" + ] + }, + { + "id": 32886, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "yellow onion", + "dried oregano", + "clove", + "kosher salt", + "queso anejo", + "chiles", + "garlic cloves", + "canola oil", + "saltines", + "mexican chocolate", + "corn tortillas" + ] + }, + { + "id": 28479, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "mustard greens", + "bacon bits", + "pepper", + "salt", + "turnip greens", + "garlic", + "chicken broth", + "vegetable oil", + "white sugar" + ] + }, + { + "id": 7467, + "cuisine": "jamaican", + "ingredients": [ + "instant yeast", + "unsalted butter", + "all-purpose flour", + "water", + "salt", + "granulated sugar" + ] + }, + { + "id": 31319, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "cilantro", + "corn tortillas", + "quinoa", + "salt", + "cumin", + "black beans", + "garlic", + "oregano", + "avocado", + "chili powder", + "smoked paprika" + ] + }, + { + "id": 11210, + "cuisine": "irish", + "ingredients": [ + "black peppercorns", + "garlic", + "olive oil", + "store bought low sodium chicken stock", + "banger", + "fresh thyme" + ] + }, + { + "id": 18780, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken schmaltz", + "ground black pepper", + "bay leaves", + "white rice", + "okra", + "long grain white rice", + "chicken stock", + "andouille sausage", + "fresh thyme", + "spices", + "smoked sausage", + "bay leaf", + "tomatoes", + "schmaltz", + "flour", + "worcestershire sauce", + "salt", + "onions", + "green bell pepper", + "file powder", + "Tabasco Pepper Sauce", + "garlic", + "celery", + "chicken" + ] + }, + { + "id": 12886, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "cilantro leaves", + "diced tomatoes", + "green onions", + "tomatoes", + "mexicorn" + ] + }, + { + "id": 8490, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "yellow onion", + "ground turmeric", + "salt", + "garlic cloves", + "ground cumin", + "baby spinach", + "cayenne pepper", + "canola oil", + "plain yogurt", + "beef broth", + "leg of lamb" + ] + }, + { + "id": 44302, + "cuisine": "french", + "ingredients": [ + "cider vinegar", + "beets", + "extra-virgin olive oil", + "red cabbage", + "garlic cloves", + "salt" + ] + }, + { + "id": 25741, + "cuisine": "french", + "ingredients": [ + "spinach", + "cheese slices", + "onions", + "dijon mustard", + "apricot preserves", + "cooking spray", + "country bread", + "Fuji Apple", + "chicken breasts" + ] + }, + { + "id": 25393, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "vegetable oil", + "freshly ground pepper", + "poblano chiles", + "plum tomatoes", + "empanada dough", + "queso blanco", + "pepitas", + "canela", + "white onion", + "coarse salt", + "garlic cloves", + "bay leaf", + "ground cumin", + "sugar", + "chicken breasts", + "crema", + "sour cream", + "chopped cilantro fresh" + ] + }, + { + "id": 38251, + "cuisine": "irish", + "ingredients": [ + "ground black pepper", + "butter", + "green onions", + "whole milk", + "salt", + "eggs", + "baking potatoes" + ] + }, + { + "id": 9417, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "green onions", + "palm sugar", + "garlic", + "fish sauce", + "chili paste", + "coco", + "lime", + "thai chile" + ] + }, + { + "id": 7956, + "cuisine": "italian", + "ingredients": [ + "capers", + "bacon slices", + "turkey tenderloins", + "chicken broth", + "artichoke hearts", + "salt", + "pepper", + "whipping cream", + "sliced mushrooms", + "angel hair", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 7470, + "cuisine": "moroccan", + "ingredients": [ + "preserved lemon", + "garlic", + "sweet paprika", + "bay leaf", + "ground ginger", + "kosher salt", + "beef broth", + "pearl couscous", + "green olives", + "olive oil", + "yellow onion", + "flat leaf parsley", + "saffron threads", + "reduced sodium chicken broth", + "lamb shoulder", + "freshly ground pepper", + "ground cumin" + ] + }, + { + "id": 15962, + "cuisine": "italian", + "ingredients": [ + "butter", + "arugula", + "bread slices", + "rocket leaves", + "gorgonzola", + "toasted walnuts" + ] + }, + { + "id": 45935, + "cuisine": "mexican", + "ingredients": [ + "pecan halves", + "egg whites", + "corn starch", + "ground cinnamon", + "ground cloves", + "ground allspice", + "powdered sugar", + "ground red pepper", + "cold water", + "vegetable oil cooking spray", + "salt" + ] + }, + { + "id": 15302, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "zucchini", + "cayenne pepper", + "olive oil", + "garlic", + "fresh parsley", + "mozzarella cheese", + "italian plum tomatoes", + "chopped onion", + "sausage casings", + "eggplant", + "margarine", + "fresh basil leaves" + ] + }, + { + "id": 23116, + "cuisine": "japanese", + "ingredients": [ + "grapeseed oil", + "olive oil", + "shiso", + "lime", + "garlic", + "miso", + "japanese eggplants" + ] + }, + { + "id": 34709, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "thick-cut bacon", + "ground black pepper", + "extra sharp cheddar cheese", + "water", + "grits", + "whole milk" + ] + }, + { + "id": 10664, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "olive oil", + "crushed red pepper", + "garlic cloves", + "eggs", + "milk", + "ground veal", + "freshly ground pepper", + "perciatelli", + "English muffins", + "salt", + "hot water", + "fresh rosemary", + "crushed tomatoes", + "pecorino romano cheese", + "sweet italian sausage", + "onions" + ] + }, + { + "id": 36041, + "cuisine": "italian", + "ingredients": [ + "pesto", + "extra-virgin olive oil", + "light cream", + "gnocchi", + "sausage links", + "grated parmesan cheese", + "sugar pea", + "red bell pepper" + ] + }, + { + "id": 9029, + "cuisine": "spanish", + "ingredients": [ + "garlic cloves", + "extra-virgin olive oil", + "kosher salt", + "country white bread", + "plum tomatoes" + ] + }, + { + "id": 20278, + "cuisine": "mexican", + "ingredients": [ + "sweet potatoes", + "tomatillos", + "cilantro leaves", + "poblano chiles", + "vegetable oil", + "vegetable shortening", + "garlic cloves", + "chipotle salsa", + "jalapeno chilies", + "vegetable stock", + "salt", + "sour cream", + "onions", + "whole milk", + "red wine vinegar", + "grated jack cheese", + "corn tortillas" + ] + }, + { + "id": 12751, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "purple onion", + "olive oil", + "green bell pepper", + "whole wheat spaghetti", + "cooked turkey", + "shredded mozzarella cheese" + ] + }, + { + "id": 648, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "shiitake", + "white wine vinegar", + "bamboo shoots", + "chinese black mushrooms", + "sesame oil", + "freshly ground pepper", + "soy sauce", + "chicken breasts", + "firm tofu", + "boiling water", + "chicken stock", + "water", + "chili oil", + "corn starch" + ] + }, + { + "id": 12177, + "cuisine": "french", + "ingredients": [ + "sugar", + "large eggs", + "orange peel", + "milk", + "fresh orange juice", + "water", + "heavy cream", + "candy", + "vanilla ice cream", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 28522, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "baby potatoes", + "amchur", + "cilantro leaves", + "salt", + "ground cumin", + "coriander powder", + "oil" + ] + }, + { + "id": 37820, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "hoisin sauce", + "rice vinegar", + "ketchup", + "eggplant", + "cooking spray", + "serrano chile", + "sesame seeds", + "extra firm tofu", + "peanut oil", + "kosher salt", + "lower sodium soy sauce", + "ginger", + "sliced green onions" + ] + }, + { + "id": 32912, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "butter", + "milk", + "salt", + "pepper", + "fryer chickens", + "chicken broth", + "flour", + "lemon pepper" + ] + }, + { + "id": 26365, + "cuisine": "spanish", + "ingredients": [ + "frozen pastry puff sheets", + "vanilla", + "large egg yolks", + "lemon", + "all-purpose flour", + "melted butter", + "cinnamon", + "salt", + "granulated sugar", + "heavy cream", + "confectioners sugar" + ] + }, + { + "id": 34950, + "cuisine": "thai", + "ingredients": [ + "lemon grass", + "garlic cloves", + "pepper", + "salt", + "fish sauce", + "vegetable oil", + "oyster sauce", + "fresh ginger root", + "Alaskan king crab legs" + ] + }, + { + "id": 42277, + "cuisine": "jamaican", + "ingredients": [ + "red kidney beans", + "garlic cloves", + "salt", + "long grain white rice", + "unsweetened coconut milk", + "scallions", + "pepper", + "thyme" + ] + }, + { + "id": 47471, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "english cucumber", + "chicken", + "kosher salt", + "balsamic vinegar", + "smoked paprika", + "ground black pepper", + "fresh lemon juice", + "minced garlic", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 27712, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "fresh coriander", + "cayenne", + "cinnamon", + "onions", + "tumeric", + "fresh ginger", + "chicken breasts", + "garlic", + "cumin", + "tomatoes", + "water", + "cardamon", + "paprika", + "coriander", + "plain yogurt", + "garam masala", + "vegetable oil", + "salt" + ] + }, + { + "id": 41368, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "vegetable oil", + "dried oregano", + "chili powder", + "garlic cloves", + "cider vinegar", + "paprika", + "ground cumin", + "pork loin", + "salt" + ] + }, + { + "id": 40315, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "water", + "peas", + "white sugar", + "soy sauce", + "green onions", + "salt", + "pineapple chunks", + "garlic powder", + "white rice", + "white pepper", + "sesame oil", + "diced ham" + ] + }, + { + "id": 32568, + "cuisine": "italian", + "ingredients": [ + "honey", + "cookie crumbs", + "whipped cream", + "Meyer lemon juice", + "lemon zest", + "forest fruit", + "vanilla" + ] + }, + { + "id": 46001, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "pecan halves", + "butter", + "firmly packed brown sugar", + "vanilla extract", + "evaporated milk" + ] + }, + { + "id": 24857, + "cuisine": "mexican", + "ingredients": [ + "chili", + "nonfat milk", + "serrano chilies", + "lime wedges", + "onions", + "cream style corn", + "small white beans", + "ground chicken", + "salt", + "ground cumin" + ] + }, + { + "id": 6882, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "carrots", + "garlic", + "onions", + "olive oil", + "celery", + "tomatoes", + "salt" + ] + }, + { + "id": 29592, + "cuisine": "french", + "ingredients": [ + "unflavored gelatin", + "navel oranges", + "grated coconut", + "sugar", + "orange juice", + "pecans", + "salt" + ] + }, + { + "id": 29292, + "cuisine": "french", + "ingredients": [ + "semisweet chocolate", + "whipping cream", + "powdered sugar", + "light corn syrup", + "fresh raspberries", + "raspberries", + "mint sprigs", + "butter", + "vanilla extract" + ] + }, + { + "id": 3648, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "curry", + "cheddar cheese", + "ginger", + "onions", + "tomatoes", + "chicken breasts", + "salt", + "chiles", + "garlic" + ] + }, + { + "id": 21669, + "cuisine": "italian", + "ingredients": [ + "unsweetened coconut milk", + "extra large shrimp", + "salt", + "crushed tomatoes", + "crushed red pepper flakes", + "fresh basil", + "dry white wine", + "yellow onion", + "olive oil", + "garlic" + ] + }, + { + "id": 23880, + "cuisine": "jamaican", + "ingredients": [ + "chicken legs", + "vinegar", + "vegetable oil", + "salt", + "chicken thighs", + "black pepper", + "rum", + "ginger", + "pineapple juice", + "allspice", + "nutmeg", + "lime", + "chicken breasts", + "garlic", + "dark brown sugar", + "soy sauce", + "serrano peppers", + "pineapple", + "cilantro leaves", + "coriander" + ] + }, + { + "id": 218, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "pepper", + "cumin seed", + "white hominy", + "salt" + ] + }, + { + "id": 6519, + "cuisine": "vietnamese", + "ingredients": [ + "light soy sauce", + "hot chili sauce", + "dark soy sauce", + "salt", + "green papaya", + "thai basil", + "beef jerky", + "sugar", + "rice vinegar", + "serrano chile" + ] + }, + { + "id": 49464, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "unsalted butter", + "salt", + "chicken broth", + "water", + "baking potatoes", + "dried oregano", + "avocado", + "white onion", + "potatoes", + "cilantro leaves", + "capers", + "corn", + "heavy cream", + "chicken" + ] + }, + { + "id": 14196, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "pecorino romano cheese", + "fresh parsley", + "crushed tomatoes", + "salt", + "chopped fresh mint", + "water", + "garlic", + "onions", + "fresh basil", + "olive oil", + "cavatelli", + "saffron" + ] + }, + { + "id": 34261, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "honey", + "rice vinegar", + "garlic chili sauce", + "chicken broth", + "tumeric", + "garlic", + "ground coriander", + "unsweetened coconut milk", + "brown sugar", + "sesame oil", + "peanut butter", + "cumin", + "low sodium soy sauce", + "minced ginger", + "salt", + "chicken fingers" + ] + }, + { + "id": 34675, + "cuisine": "japanese", + "ingredients": [ + "soy", + "salmon fillets", + "chives" + ] + }, + { + "id": 32, + "cuisine": "japanese", + "ingredients": [ + "ground black pepper", + "crushed red pepper", + "corn starch", + "wasabi paste", + "wax beans", + "all-purpose flour", + "fresh lime juice", + "ground ginger", + "vegetable oil", + "salt", + "green beans", + "low sodium soy sauce", + "ice water", + "firm tofu" + ] + }, + { + "id": 31989, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "chopped tomatoes", + "paprika", + "ground turmeric", + "turnips", + "water", + "garam masala", + "salt", + "minced garlic", + "fresh ginger root", + "purple onion", + "fennel seeds", + "kidney beans", + "vegetable oil", + "cumin seed" + ] + }, + { + "id": 3246, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "hot sauce", + "chicken wings" + ] + }, + { + "id": 47670, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "egg yolks", + "all-purpose flour", + "potato starch", + "large eggs", + "lemon", + "cognac", + "vanilla ice cream", + "egg whites", + "vanilla extract", + "granulated sugar", + "cake", + "grated lemon zest" + ] + }, + { + "id": 7158, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "yukon gold potatoes", + "feta cheese crumbles", + "olive oil", + "garlic cloves", + "dried oregano", + "kosher salt", + "purple onion", + "green beans", + "tomatoes", + "zucchini", + "fresh lemon juice" + ] + }, + { + "id": 8575, + "cuisine": "vietnamese", + "ingredients": [ + "green onions", + "hot sauce", + "pork sausages", + "soy sauce", + "salt", + "ground white pepper", + "starch", + "dried shiitake mushrooms", + "dried shrimp", + "sugar", + "daikon", + "white rice flour", + "canola oil" + ] + }, + { + "id": 42055, + "cuisine": "mexican", + "ingredients": [ + "buttermilk", + "whipping cream" + ] + }, + { + "id": 2342, + "cuisine": "french", + "ingredients": [ + "chicken broth", + "bay leaves", + "salt", + "carrots", + "celery", + "fresh thyme", + "shallots", + "garlic cloves", + "tarragon", + "onions", + "black peppercorns", + "mushrooms", + "unsmoked bacon", + "corn starch", + "chicken pieces", + "cooking oil", + "parsley", + "merlot", + "herbes de provence" + ] + }, + { + "id": 1936, + "cuisine": "russian", + "ingredients": [ + "sugar", + "vinegar", + "oxtails", + "salt", + "carrots", + "celery", + "sauerkraut", + "leeks", + "hen", + "beets", + "wheat flour", + "onions", + "black pepper", + "potatoes", + "butter", + "dill", + "thyme", + "fresh parsley", + "tomato purée", + "bouillon cube", + "bay leaves", + "large garlic cloves", + "fat", + "sour cream", + "white peppercorns" + ] + }, + { + "id": 12608, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "purple onion", + "orange", + "fresh lime juice", + "kosher salt", + "pink grapefruit", + "jalapeno chilies", + "chopped cilantro fresh" + ] + }, + { + "id": 9596, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "kidney beans", + "lean ground beef", + "chopped onion", + "water", + "cheese soup", + "paprika", + "sugar", + "chopped green chilies", + "worcestershire sauce", + "taco seasoning", + "milk", + "potatoes", + "green pepper" + ] + }, + { + "id": 39233, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "daikon", + "carrots", + "Sriracha", + "salt", + "fresh lime juice", + "boneless skinless chicken breasts", + "rice vinegar", + "asian fish sauce", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 16119, + "cuisine": "italian", + "ingredients": [ + "eggs", + "baby spinach", + "carrots", + "chicken", + "water", + "salt", + "onions", + "chicken broth", + "ground black pepper", + "lemon juice", + "dried oregano", + "romano cheese", + "white rice", + "celery" + ] + }, + { + "id": 21428, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "salt", + "onions", + "tomatoes", + "chili powder", + "garlic cloves", + "coriander powder", + "green chilies", + "ground turmeric", + "daal", + "cracked black pepper", + "chopped cilantro" + ] + }, + { + "id": 41829, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "dried basil", + "garlic", + "dried parsley", + "pasta", + "romano cheese", + "whole peeled tomatoes", + "purple onion", + "tomato sauce", + "ground black pepper", + "crushed red pepper", + "dried oregano", + "capers", + "crushed tomatoes", + "red wine", + "salt" + ] + }, + { + "id": 18166, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "unsalted butter", + "cajun seasoning", + "cayenne pepper", + "celery", + "store bought low sodium chicken broth", + "kosher salt", + "green onions", + "all-purpose flour", + "smoked paprika", + "tomato paste", + "boneless chicken skinless thigh", + "ale", + "garlic", + "okra", + "onions", + "cooked rice", + "ground black pepper", + "vegetable oil", + "hot sauce", + "red bell pepper" + ] + }, + { + "id": 16146, + "cuisine": "italian", + "ingredients": [ + "sugar", + "linguine", + "fresh lemon juice", + "diced onions", + "pepper", + "squid", + "plum tomatoes", + "bread crumb fresh", + "salt", + "fresh parsley", + "fresh basil", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 31186, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "lemon juice", + "white cheddar cheese", + "butter", + "avocado", + "salt" + ] + }, + { + "id": 11168, + "cuisine": "mexican", + "ingredients": [ + "milk", + "salsa", + "sausage links", + "refrigerated pizza dough", + "ground cumin", + "large eggs", + "sour cream", + "pepper", + "cheese" + ] + }, + { + "id": 26762, + "cuisine": "moroccan", + "ingredients": [ + "fat free less sodium chicken broth", + "lemon", + "garlic cloves", + "ground turmeric", + "ground cinnamon", + "dried apricot", + "chopped onion", + "fresh parsley", + "ground cumin", + "ground ginger", + "olive oil", + "salt", + "couscous", + "chicken", + "pitted date", + "ground red pepper", + "lemon rind", + "chopped cilantro fresh" + ] + }, + { + "id": 3418, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "whipping cream", + "artichok heart marin", + "grated parmesan cheese", + "cheese", + "tortellini" + ] + }, + { + "id": 25782, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "cilantro", + "jalapeno chilies", + "tomatoes", + "purple onion" + ] + }, + { + "id": 46278, + "cuisine": "cajun_creole", + "ingredients": [ + "corn syrup", + "orange", + "white sugar", + "kosher salt", + "chopped pecans", + "whipping cream" + ] + }, + { + "id": 15729, + "cuisine": "spanish", + "ingredients": [ + "peaches", + "salt", + "cooking spray", + "chopped cilantro fresh", + "sugar", + "purple onion", + "grated orange", + "habanero pepper", + "fresh lime juice" + ] + }, + { + "id": 33068, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "onions", + "avocado", + "salt", + "diced tomatoes", + "italian salad dressing", + "green bell pepper", + "fresh lime juice" + ] + }, + { + "id": 16345, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "honey", + "onions", + "chicken stock", + "kosher salt", + "red wine", + "sliced almonds", + "cinnamon", + "canola oil", + "dried plum", + "pepper", + "lamb" + ] + }, + { + "id": 45132, + "cuisine": "italian", + "ingredients": [ + "pepper", + "marinara sauce", + "yellow onion", + "roasted red peppers", + "garlic", + "fresh basil leaves", + "fennel", + "asiago", + "shredded mozzarella cheese", + "sausage links", + "grated parmesan cheese", + "salt", + "rigatoni" + ] + }, + { + "id": 23333, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "garlic cloves", + "fish sauce", + "cilantro leaves", + "calamansi", + "powdered sugar", + "Sriracha", + "garlic chili sauce", + "water", + "oil", + "tiger prawn" + ] + }, + { + "id": 2072, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "egg whites", + "bittersweet chocolate", + "granulated sugar", + "confectioners sugar", + "milk", + "egg yolks", + "unsalted butter", + "salt" + ] + }, + { + "id": 12572, + "cuisine": "jamaican", + "ingredients": [ + "light rum", + "red beets", + "ginger beer", + "beets", + "dark rum" + ] + }, + { + "id": 17352, + "cuisine": "greek", + "ingredients": [ + "pita bread", + "ground black pepper", + "ground lamb", + "kosher salt", + "yellow onion", + "fresh oregano leaves", + "garlic", + "tomatoes", + "slab bacon", + "tzatziki" + ] + }, + { + "id": 1726, + "cuisine": "japanese", + "ingredients": [ + "fresh cilantro", + "tahini", + "soba noodles", + "soy sauce", + "sesame seeds", + "sea salt", + "scallions", + "fresh ginger", + "red pepper flakes", + "english cucumber", + "water", + "white miso", + "rice vinegar", + "toasted sesame oil" + ] + }, + { + "id": 36263, + "cuisine": "chinese", + "ingredients": [ + "water", + "peanut oil", + "long grain white rice", + "minced garlic", + "ginger", + "unsweetened pineapple juice", + "vegetables", + "scallions", + "soy sauce", + "chicken breast halves", + "corn starch" + ] + }, + { + "id": 11233, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "chili powder", + "oil", + "water", + "meat bones", + "ground cumin", + "tumeric", + "salt", + "onions", + "tomatoes", + "garam masala", + "ground coriander" + ] + }, + { + "id": 18655, + "cuisine": "japanese", + "ingredients": [ + "ground mustard", + "egg yolks", + "asparagus spears", + "soy sauce", + "fresh lemon juice", + "extra-virgin olive oil" + ] + }, + { + "id": 17280, + "cuisine": "southern_us", + "ingredients": [ + "quick-cooking oats", + "white sugar", + "vanilla extract", + "milk", + "peanut butter", + "butter", + "unsweetened cocoa powder" + ] + }, + { + "id": 33296, + "cuisine": "russian", + "ingredients": [ + "mashed potatoes", + "sour cream", + "flour", + "eggs", + "canola oil", + "shredded mozzarella cheese" + ] + }, + { + "id": 30002, + "cuisine": "italian", + "ingredients": [ + "mushrooms", + "boneless skinless chicken breast halves", + "cream cheese", + "water", + "italian salad dressing mix", + "condensed cream of mushroom soup" + ] + }, + { + "id": 5407, + "cuisine": "french", + "ingredients": [ + "water", + "smoked sausage", + "bay leaf", + "cooking oil", + "lentils", + "onions", + "dried thyme", + "salt", + "fresh parsley", + "garlic", + "carrots" + ] + }, + { + "id": 48594, + "cuisine": "italian", + "ingredients": [ + "crystallized ginger", + "whipped cream", + "all-purpose flour", + "sugar", + "semisweet chocolate", + "cake flour", + "Frangelico", + "hazelnuts", + "large eggs", + "salt", + "grated orange peel", + "unsalted butter", + "whipping cream", + "calimyrna figs" + ] + }, + { + "id": 21304, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "garlic", + "cornmeal", + "ground cumin", + "chili powder", + "red bell pepper", + "onions", + "kidney beans", + "pinto beans", + "ground beef", + "tomatoes with juice", + "bay leaf", + "dried oregano" + ] + }, + { + "id": 14723, + "cuisine": "southern_us", + "ingredients": [ + "hamburger buns", + "lettuce leaves", + "vegetable oil cooking spray", + "pepper", + "salt", + "mayonaise", + "chop fine pecan", + "lean ground pork", + "butter" + ] + }, + { + "id": 32305, + "cuisine": "southern_us", + "ingredients": [ + "hot dog bun", + "sugar", + "butter", + "eggs", + "cinnamon", + "milk", + "vanilla" + ] + }, + { + "id": 14766, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "egg yolks", + "water", + "eggs" + ] + }, + { + "id": 15898, + "cuisine": "mexican", + "ingredients": [ + "ground pepper", + "red wine vinegar", + "cheddar cheese", + "bell pepper", + "salsa", + "Boston lettuce", + "large eggs", + "purple onion", + "olive oil", + "coarse salt" + ] + }, + { + "id": 48289, + "cuisine": "southern_us", + "ingredients": [ + "whole wheat flour", + "butter", + "egg whites", + "all-purpose flour", + "baking soda", + "buttermilk", + "baking powder" + ] + }, + { + "id": 41542, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "brown rice", + "garlic", + "fresh lemon juice", + "olives", + "tomato paste", + "yoghurt", + "coarse salt", + "freshly ground pepper", + "frozen peas", + "garam masala", + "chili powder", + "cilantro leaves", + "red bell pepper", + "white onion", + "chicken breasts", + "cinnamon", + "scallions", + "cashew nuts" + ] + }, + { + "id": 33863, + "cuisine": "brazilian", + "ingredients": [ + "white sugar", + "eggs", + "sweetened condensed milk", + "milk" + ] + }, + { + "id": 9790, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "green onions", + "ripe olives", + "taco sauce", + "diced tomatoes", + "chopped cilantro fresh", + "avocado", + "flour tortillas", + "sour cream", + "shredded Monterey Jack cheese", + "vegetable oil cooking spray", + "cooked chicken", + "chopped cilantro" + ] + }, + { + "id": 22654, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "japanese eggplants", + "tomatoes", + "cooking spray", + "garlic cloves", + "grated parmesan cheese", + "dry bread crumbs", + "olive oil", + "crushed red pepper", + "dried oregano" + ] + }, + { + "id": 8095, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "flour", + "yellow onion", + "melted butter", + "baking powder", + "canola oil", + "sugar", + "buttermilk", + "kosher salt", + "hot sauce" + ] + }, + { + "id": 20060, + "cuisine": "cajun_creole", + "ingredients": [ + "low-fat mayonnaise", + "garlic cloves", + "dijon mustard", + "peanut oil", + "yellow corn meal", + "salt", + "fresh lemon juice", + "jumbo shrimp", + "cayenne pepper" + ] + }, + { + "id": 8187, + "cuisine": "british", + "ingredients": [ + "white vinegar", + "ground black pepper", + "worcestershire sauce", + "cayenne pepper", + "shortening", + "butter", + "all-purpose flour", + "eggs", + "ground sage", + "salt", + "pork", + "ice water", + "yellow onion" + ] + }, + { + "id": 33715, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "garam masala", + "cinnamon", + "green cardamom", + "ghee", + "saffron", + "caraway seeds", + "lime juice", + "mint leaves", + "salt", + "oil", + "basmati rice", + "red chili powder", + "milk", + "yoghurt", + "cilantro leaves", + "bay leaf", + "ground turmeric", + "clove", + "water", + "coriander powder", + "paneer", + "green chilies", + "onions", + "ginger paste" + ] + }, + { + "id": 28887, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "dried thyme", + "kielbasa", + "red bell pepper", + "light brown sugar", + "baby spinach leaves", + "apple cider vinegar", + "rice", + "red kidney beans", + "kosher salt", + "Tabasco Pepper Sauce", + "scallions", + "green bell pepper", + "mild Italian sausage", + "yellow onion", + "rib" + ] + }, + { + "id": 29384, + "cuisine": "italian", + "ingredients": [ + "radishes", + "olives", + "baguette", + "fresh thyme" + ] + }, + { + "id": 13880, + "cuisine": "french", + "ingredients": [ + "finely chopped onion", + "salt", + "ground white pepper", + "dried thyme", + "shredded swiss cheese", + "margarine", + "dry white wine", + "all-purpose flour", + "bay leaf", + "sea scallops", + "shallots", + "garlic cloves" + ] + }, + { + "id": 26746, + "cuisine": "greek", + "ingredients": [ + "sugar", + "chopped walnuts", + "filo dough", + "chopped almonds", + "unsalted butter", + "ground cinnamon", + "whole cloves" + ] + }, + { + "id": 4239, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "sherry wine vinegar", + "bow-tie pasta", + "sugar", + "cooked chicken", + "purple onion", + "fresh marjoram", + "dry white wine", + "heirloom tomatoes", + "soft fresh goat cheese", + "basil leaves", + "baby spinach", + "low salt chicken broth" + ] + }, + { + "id": 3748, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "salt", + "white sugar", + "egg yolks", + "shredded mozzarella cheese", + "sweetened condensed milk", + "melted butter", + "vanilla extract", + "coconut milk", + "lemon zest", + "all-purpose flour", + "cassava" + ] + }, + { + "id": 15504, + "cuisine": "japanese", + "ingredients": [ + "clove", + "dijon mustard", + "cilantro leaves", + "coconut milk", + "sugar", + "chili powder", + "green chilies", + "onions", + "garlic paste", + "prawns", + "green cardamom", + "bay leaf", + "coconut", + "salt", + "oil", + "ground turmeric" + ] + }, + { + "id": 24803, + "cuisine": "russian", + "ingredients": [ + "chopped fresh chives", + "kosher salt", + "leg of lamb", + "black pepper", + "garlic cloves", + "olive oil", + "flat leaf parsley" + ] + }, + { + "id": 194, + "cuisine": "filipino", + "ingredients": [ + "blue crabs", + "cooking oil", + "garlic", + "fresh spinach", + "ginger", + "onions", + "fish sauce", + "shrimp paste", + "coconut milk", + "ground black pepper", + "thai chile" + ] + }, + { + "id": 17895, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "boneless skinless chicken breasts", + "beaten eggs", + "sliced green onions", + "red cabbage", + "rice noodles", + "hot chili sauce", + "peanuts", + "lime wedges", + "sauce", + "shredded carrots", + "vegetable oil", + "beansprouts" + ] + }, + { + "id": 18870, + "cuisine": "thai", + "ingredients": [ + "coconut oil", + "ketchup", + "spices", + "green chilies", + "bamboo shoots", + "ground cumin", + "eggs", + "sugar", + "lemongrass", + "ginger", + "garlic cloves", + "fish", + "kaffir lime leaves", + "tumeric", + "grated coconut", + "cilantro", + "ground coriander", + "broiler", + "min", + "soy sauce", + "green onions", + "salt", + "fresh basil leaves", + "chicken" + ] + }, + { + "id": 424, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "jalapeno chilies", + "dried oregano", + "chicken broth", + "corn", + "salt", + "green chile", + "cream of chicken soup", + "cream cheese, soften", + "light sour cream", + "pepper", + "cooked chicken", + "cumin" + ] + }, + { + "id": 11123, + "cuisine": "southern_us", + "ingredients": [ + "water", + "low-fat buttermilk", + "butter", + "unsweetened cocoa powder", + "large egg whites", + "cooking spray", + "cake flour", + "chocolate glaze", + "large eggs", + "vanilla extract", + "sugar", + "baking soda", + "baking powder", + "salt" + ] + }, + { + "id": 23377, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "unagi", + "pepper", + "soy sauce", + "sake", + "mirin" + ] + }, + { + "id": 21313, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "balsamic reduction", + "fresh basil", + "salt", + "tomatoes", + "fresh mozzarella", + "black pepper", + "pizza doughs" + ] + }, + { + "id": 20227, + "cuisine": "brazilian", + "ingredients": [ + "water", + "cachaca", + "fresh ginger root", + "lime", + "white sugar", + "cinnamon sticks" + ] + }, + { + "id": 44399, + "cuisine": "mexican", + "ingredients": [ + "cooked rice", + "refried beans", + "fresh coriander", + "oil", + "cheddar cheese", + "bell pepper", + "tomatoes", + "lime", + "sour cream" + ] + }, + { + "id": 29291, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "garlic salt", + "pork ribs", + "ancho chile pepper", + "hominy", + "dried guajillo chiles", + "oregano", + "chili powder", + "onions" + ] + }, + { + "id": 39553, + "cuisine": "mexican", + "ingredients": [ + "serrano chilies", + "Tabasco Pepper Sauce", + "cayenne pepper", + "avocado", + "lime juice", + "purple onion", + "ground oregano", + "fillet red snapper", + "cilantro", + "lemon juice", + "tomatoes", + "tortillas", + "salt" + ] + }, + { + "id": 45019, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "salt", + "olive oil", + "warm water", + "bread flour" + ] + }, + { + "id": 37114, + "cuisine": "southern_us", + "ingredients": [ + "pineapple juice", + "whole cloves", + "cinnamon sticks", + "honey", + "orange juice", + "apple cider" + ] + }, + { + "id": 34943, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ginger", + "bird chile", + "szechwan peppercorns", + "corn starch", + "cod fillets", + "scallions", + "glass noodles", + "broccolini", + "vegetable broth", + "onions" + ] + }, + { + "id": 24963, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "large eggs", + "vanilla extract", + "caramels", + "chocolate", + "water", + "butter", + "chopped pecans", + "sugar", + "refrigerated piecrusts", + "salt" + ] + }, + { + "id": 48357, + "cuisine": "chinese", + "ingredients": [ + "pineapple chunks", + "soy sauce", + "pineapple juice", + "onions", + "sugar", + "garlic", + "corn starch", + "brown sugar", + "vinegar", + "green pepper", + "eggs", + "pork", + "salt", + "ginger root" + ] + }, + { + "id": 37571, + "cuisine": "filipino", + "ingredients": [ + "jackfruit", + "vegetable oil", + "ground ginger", + "long green pepper", + "coconut milk", + "pork", + "shrimp paste", + "onions", + "water", + "garlic" + ] + }, + { + "id": 12633, + "cuisine": "chinese", + "ingredients": [ + "sunflower oil", + "light soy sauce", + "fish", + "white pepper", + "whole snapper", + "spring onions" + ] + }, + { + "id": 39943, + "cuisine": "chinese", + "ingredients": [ + "sugar pea", + "carrots", + "mandarin oranges", + "cooked chicken", + "spaghetti", + "stir fry sauce" + ] + }, + { + "id": 283, + "cuisine": "british", + "ingredients": [ + "eggs", + "salt", + "milk", + "melted butter", + "flour", + "shortening" + ] + }, + { + "id": 23168, + "cuisine": "indian", + "ingredients": [ + "cilantro sprigs", + "coriander seeds", + "fresh lemon juice", + "cinnamon", + "ground cumin", + "eggplant", + "extra-virgin olive oil" + ] + }, + { + "id": 27097, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "lime", + "salt", + "chicken", + "chicken broth", + "lime juice", + "butter", + "rice", + "water", + "chili powder", + "salsa", + "ground cumin", + "black beans", + "corn", + "garlic", + "chopped cilantro" + ] + }, + { + "id": 34768, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "sour cream", + "kosher salt", + "cilantro", + "serrano chile", + "tomatillos", + "poblano chiles", + "water", + "garlic" + ] + }, + { + "id": 40070, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "poppy seeds", + "lemon juice", + "ground turmeric", + "grated coconut", + "tamarind paste", + "coconut milk", + "fish", + "red chili peppers", + "salt", + "mustard seeds", + "masala", + "kokum", + "chili powder", + "oil", + "onions" + ] + }, + { + "id": 47918, + "cuisine": "french", + "ingredients": [ + "vegetable oil", + "fine sea salt", + "purple potatoes" + ] + }, + { + "id": 14532, + "cuisine": "moroccan", + "ingredients": [ + "fat free less sodium chicken broth", + "mixed dried fruit", + "onions", + "green olives", + "dried thyme", + "boneless skinless chicken breasts", + "minced garlic", + "dry white wine", + "black pepper", + "olive oil", + "salt" + ] + }, + { + "id": 20804, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "fresh parmesan cheese", + "garlic cloves", + "water", + "finely chopped onion", + "fat free less sodium chicken broth", + "ground black pepper", + "gnocchi", + "olive oil", + "broccoli florets" + ] + }, + { + "id": 14323, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "skirt steak", + "olive oil", + "fresh tomato salsa", + "crema", + "chopped garlic", + "tortillas", + "fresh lime juice" + ] + }, + { + "id": 15840, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "plum tomatoes", + "onions", + "olive oil", + "marjoram", + "refrigerated pizza dough", + "japanese eggplants" + ] + }, + { + "id": 21446, + "cuisine": "italian", + "ingredients": [ + "basil", + "salt", + "ground black pepper", + "garlic", + "cherry tomatoes", + "extra-virgin olive oil", + "zucchini", + "purple onion" + ] + }, + { + "id": 25700, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "green onions", + "chicken stock", + "light soy sauce", + "wonton wrappers", + "sugar pea", + "vegetable oil", + "brown sugar", + "pork loin", + "carrots" + ] + }, + { + "id": 28611, + "cuisine": "filipino", + "ingredients": [ + "white vinegar", + "boneless skinless chicken breasts", + "salt", + "soy sauce", + "crushed garlic", + "black peppercorns", + "vegetable oil", + "boneless pork loin", + "bay leaves", + "garlic" + ] + }, + { + "id": 40378, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "ground black pepper", + "grated lemon zest", + "kosher salt", + "shallots", + "fresh lemon juice", + "fresh rosemary", + "pork tenderloin", + "garlic cloves", + "Belgian endive", + "olive oil", + "balsamic vinegar" + ] + }, + { + "id": 15472, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "Tabasco Pepper Sauce", + "fresh parsley leaves", + "large eggs", + "ricotta cheese", + "ground black pepper", + "coarse salt", + "tomato sauce", + "grated parmesan cheese", + "crepes" + ] + }, + { + "id": 17683, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "Shaoxing wine", + "shrimp", + "wheat starch", + "sesame oil", + "lard", + "light soy sauce", + "spring onions", + "ginger root", + "tapioca starch", + "carrots", + "boiling water" + ] + }, + { + "id": 3671, + "cuisine": "chinese", + "ingredients": [ + "beef consomme", + "garlic cloves", + "brown sugar", + "sesame oil", + "broccoli florets", + "corn starch", + "soy sauce", + "boneless beef chuck roast" + ] + }, + { + "id": 11847, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "water", + "mint leaves", + "rice noodles", + "water spinach", + "banana blossom", + "red chili peppers", + "leaves", + "spring onions", + "salt", + "oil", + "sugar", + "lime", + "leeks", + "garlic", + "pressed tofu", + "tomatoes", + "crab", + "tamarind juice", + "shrimp paste", + "cilantro leaves", + "beansprouts" + ] + }, + { + "id": 32961, + "cuisine": "indian", + "ingredients": [ + "Tabasco Green Pepper Sauce", + "ground coriander", + "asafetida", + "fresh curry leaves", + "green onions", + "roasted tomatoes", + "tomato paste", + "black-eyed peas", + "black mustard seeds", + "ground cumin", + "olive oil", + "sea salt", + "ground turmeric" + ] + }, + { + "id": 589, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "vegetable oil", + "pinto beans", + "chopped cilantro fresh", + "garlic powder", + "lime wedges", + "garlic cloves", + "low salt chicken broth", + "ground cumin", + "cheddar cheese", + "white hominy", + "diced tomatoes", + "smoked paprika", + "oregano", + "kosher salt", + "flour tortillas", + "purple onion", + "pork shoulder boston butt", + "plum tomatoes" + ] + }, + { + "id": 49490, + "cuisine": "italian", + "ingredients": [ + "cherries", + "cocktail cherries", + "ice cream", + "sauce", + "sugar", + "vanilla extract", + "chopped pecans", + "whipping cream", + "crushed pineapple" + ] + }, + { + "id": 18304, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "tomato sauce", + "crushed tomatoes", + "lasagna noodles", + "salt", + "fresh basil", + "sugar", + "olive oil", + "red pepper flakes", + "onions", + "tomato paste", + "cremini mushrooms", + "dried thyme", + "ricotta cheese", + "shredded mozzarella cheese", + "pecorino cheese", + "water", + "shiitake", + "garlic" + ] + }, + { + "id": 48992, + "cuisine": "greek", + "ingredients": [ + "pepper", + "salt", + "cucumber", + "olive oil", + "dried dillweed", + "marjoram", + "water", + "greek style plain yogurt", + "pork shoulder", + "garlic", + "lemon juice" + ] + }, + { + "id": 37528, + "cuisine": "mexican", + "ingredients": [ + "queso fresco", + "turkey meat", + "milk", + "crème fraîche", + "onions", + "vegetable oil", + "salsa", + "monterey jack", + "chicken broth", + "cilantro sprigs", + "corn tortillas" + ] + }, + { + "id": 25473, + "cuisine": "southern_us", + "ingredients": [ + "chicken wings", + "chicken heart", + "celery", + "water", + "long-grain rice", + "onions", + "butter-margarine blend", + "green pepper", + "hot pork sausage", + "parsley flakes", + "chicken gizzards", + "chicken livers" + ] + }, + { + "id": 25823, + "cuisine": "cajun_creole", + "ingredients": [ + "sweet potatoes", + "stewed tomatoes", + "black-eyed peas", + "chili powder", + "ground allspice", + "dried thyme", + "bay leaves", + "frozen corn kernels", + "hot pepper sauce", + "large garlic cloves", + "okra" + ] + }, + { + "id": 38981, + "cuisine": "irish", + "ingredients": [ + "red potato", + "leeks", + "freshly ground pepper", + "ground nutmeg", + "salt", + "vegetable oil cooking spray", + "1% low-fat milk", + "garlic cloves", + "eggs", + "grated parmesan cheese", + "margarine" + ] + }, + { + "id": 41380, + "cuisine": "french", + "ingredients": [ + "earl grey tea leaves", + "semisweet chocolate", + "large egg whites", + "whipping cream", + "sugar", + "whole milk", + "large egg yolks", + "unsweetened chocolate" + ] + }, + { + "id": 27211, + "cuisine": "italian", + "ingredients": [ + "parsley leaves", + "spaghetti", + "fine sea salt", + "extra-virgin olive oil", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 32539, + "cuisine": "moroccan", + "ingredients": [ + "celery ribs", + "olive oil", + "red pepper flakes", + "yellow onion", + "fresh parsley leaves", + "greens", + "tomatoes", + "fresh lemon", + "orzo", + "brown lentils", + "fresh mint", + "tomato paste", + "ground black pepper", + "sea salt", + "chickpeas", + "smoked paprika", + "ground cumin", + "ground cinnamon", + "cilantro stems", + "garlic", + "ground coriander", + "broth" + ] + }, + { + "id": 27569, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "Mexican cheese", + "condensed cream of mushroom soup", + "onions", + "lean ground beef", + "sour cream", + "refried beans", + "taco seasoning" + ] + }, + { + "id": 45290, + "cuisine": "southern_us", + "ingredients": [ + "brandy", + "ground nutmeg", + "baking powder", + "salt", + "ground cinnamon", + "black pepper", + "cooking spray", + "butter", + "fresh lemon juice", + "yellow corn meal", + "granny smith apples", + "granulated sugar", + "balsamic vinegar", + "grated lemon zest", + "brown sugar", + "egg substitute", + "golden raisins", + "pastry flour", + "grated orange" + ] + }, + { + "id": 34627, + "cuisine": "thai", + "ingredients": [ + "lime", + "shallots", + "frozen peas", + "lemongrass", + "full fat coconut milk", + "vegetable broth", + "pepper", + "fresh ginger", + "red pepper flakes", + "fresh cilantro", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 45686, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "extra-virgin olive oil", + "water", + "anise", + "yeast", + "powdered sugar", + "flour", + "salt", + "warm water", + "egg yolks", + "orange flower water" + ] + }, + { + "id": 12968, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "kosher salt", + "bay leaves", + "paprika", + "wild rice", + "dried oregano", + "green bell pepper", + "ground black pepper", + "worcestershire sauce", + "yellow onion", + "red bell pepper", + "andouille sausage", + "low sodium chicken broth", + "diced tomatoes", + "cayenne pepper", + "medium shrimp", + "celery salt", + "olive oil", + "old bay seasoning", + "hot sauce", + "garlic cloves" + ] + }, + { + "id": 45991, + "cuisine": "french", + "ingredients": [ + "milk", + "butter", + "grated orange", + "cream of tartar", + "flour", + "sauce", + "egg whites", + "salt", + "sugar", + "egg yolks", + "orange liqueur" + ] + }, + { + "id": 26530, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "beef tenderloin", + "lemon juice", + "ground cumin", + "clove", + "garam masala", + "salt", + "ghee", + "chile powder", + "chopped tomatoes", + "garlic", + "coconut milk", + "spinach", + "serrano peppers", + "ground coriander", + "onions" + ] + }, + { + "id": 47945, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "salt", + "water" + ] + }, + { + "id": 48021, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "cilantro leaves", + "onions", + "avocado", + "garlic", + "sour cream", + "serrano chile", + "tomatillos", + "yellow onion", + "carnitas", + "muenster", + "salt", + "corn tortillas" + ] + }, + { + "id": 13573, + "cuisine": "italian", + "ingredients": [ + "baguette", + "balsamic vinegar", + "parmesan cheese", + "garlic cloves", + "olive oil", + "salt", + "fresh basil", + "roma tomatoes" + ] + }, + { + "id": 19353, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "chicken stock cubes", + "frozen peppers and onions", + "cayenne", + "sausages", + "smoked ham hocks", + "black pepper", + "Camellia Red Kidney Beans", + "thyme", + "oregano", + "rosemary", + "salt", + "bay leaf" + ] + }, + { + "id": 25567, + "cuisine": "irish", + "ingredients": [ + "milk", + "cocktail cherries", + "frozen orange juice concentrate", + "mandarin orange segments", + "sour cream", + "frozen whip topping, thaw", + "vanilla instant pudding", + "shredded coconut", + "cake" + ] + }, + { + "id": 23451, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "water", + "arrowroot", + "scallions", + "soy sauce", + "olive oil", + "garlic", + "red chili peppers", + "light soy sauce", + "rice wine", + "black vinegar", + "dark soy sauce", + "boneless chicken skinless thigh", + "fresh ginger", + "roasted peanuts" + ] + }, + { + "id": 20777, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "lime", + "shrimp shells", + "red potato", + "tomatillos", + "chipotles in adobo", + "tomatoes", + "olive oil", + "hass avocado", + "fresh cilantro", + "garlic cloves", + "onions" + ] + }, + { + "id": 32194, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "grated carrot", + "white vinegar", + "bell pepper", + "celery", + "red cabbage", + "dijon style mustard", + "green bell pepper", + "shredded cabbage" + ] + }, + { + "id": 7810, + "cuisine": "vietnamese", + "ingredients": [ + "cold water", + "baking powder", + "rice vinegar", + "brown sugar", + "chicken drumsticks", + "oil", + "fish sauce", + "vegetable oil", + "all-purpose flour", + "ground black pepper", + "garlic" + ] + }, + { + "id": 23530, + "cuisine": "southern_us", + "ingredients": [ + "coarse salt", + "unsalted butter", + "ground white pepper", + "parmigiano reggiano cheese", + "grits", + "water", + "hot sauce" + ] + }, + { + "id": 16652, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked ham", + "finely chopped onion", + "salt", + "shrimp", + "corn", + "green onions", + "freshly ground pepper", + "oregano", + "tomatoes", + "dried thyme", + "chopped celery", + "long-grain rice", + "minced garlic", + "flour", + "green pepper", + "broth" + ] + }, + { + "id": 946, + "cuisine": "italian", + "ingredients": [ + "water", + "white peaches", + "lemon juice", + "sugar", + "sparkling wine", + "raspberries" + ] + }, + { + "id": 20151, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "sesame oil", + "mango", + "lime", + "rice vinegar", + "shredded carrots", + "scallions", + "shredded cabbage", + "white sesame seeds" + ] + }, + { + "id": 7563, + "cuisine": "jamaican", + "ingredients": [ + "lime", + "berries", + "ketchup", + "garlic", + "thyme", + "pepper", + "pineapple juice", + "ginger", + "scallions" + ] + }, + { + "id": 43699, + "cuisine": "japanese", + "ingredients": [ + "base", + "oil", + "cabbage", + "mirin", + "scallions", + "onions", + "pork", + "worcestershire sauce", + "shrimp", + "udon", + "carrots" + ] + }, + { + "id": 16195, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "turkey meat", + "kosher salt", + "vegetable oil", + "canned black beans", + "jalapeno chilies", + "jack", + "cilantro leaves" + ] + }, + { + "id": 37474, + "cuisine": "french", + "ingredients": [ + "fennel", + "freshly ground pepper", + "tomatoes", + "sea salt", + "yukon gold potatoes", + "chicken thighs", + "water", + "extra-virgin olive oil" + ] + }, + { + "id": 45713, + "cuisine": "italian", + "ingredients": [ + "sugar", + "egg substitute", + "white vinegar", + "extra lean ground beef", + "ground turkey", + "ketchup", + "dry mustard", + "low sodium worcestershire sauce", + "seasoned bread crumbs", + "onions" + ] + }, + { + "id": 10404, + "cuisine": "greek", + "ingredients": [ + "grape tomatoes", + "orange bell pepper", + "purple onion", + "european cucumber", + "kalamata", + "dried oregano", + "sugar", + "feta cheese", + "red bell pepper", + "olive oil", + "yellow bell pepper" + ] + }, + { + "id": 21668, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "crema", + "smoked paprika", + "fresh cilantro", + "cilantro", + "greek style plain yogurt", + "chipotle peppers", + "avocado", + "red cabbage", + "salt", + "corn tortillas", + "lime", + "cracked black pepper", + "filet", + "ground cumin" + ] + }, + { + "id": 19280, + "cuisine": "japanese", + "ingredients": [ + "cooked rice", + "sliced almonds", + "spring onions", + "salmon fillets", + "fresh ginger root", + "sake", + "caster sugar", + "soy sauce", + "mirin" + ] + }, + { + "id": 20593, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "eggplant", + "fresh herbs", + "bread crumbs", + "zucchini", + "black pepper", + "parmesan cheese", + "pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 43727, + "cuisine": "cajun_creole", + "ingredients": [ + "refrigerated buttermilk biscuits", + "vegetable oil", + "powdered sugar" + ] + }, + { + "id": 653, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "baking soda", + "cornmeal", + "corn", + "baking powder", + "water", + "large eggs", + "polenta", + "salted butter", + "buttermilk" + ] + }, + { + "id": 35616, + "cuisine": "chinese", + "ingredients": [ + "mushrooms", + "dry sherry", + "corn starch", + "green bell pepper", + "sesame oil", + "garlic cloves", + "top round steak", + "red pepper flakes", + "lemon juice", + "low sodium soy sauce", + "green onions", + "beef broth", + "red bell pepper" + ] + }, + { + "id": 43433, + "cuisine": "italian", + "ingredients": [ + "pepper", + "butter", + "dry bread crumbs", + "large eggs", + "salt", + "plum tomatoes", + "olive oil", + "idaho potatoes", + "grated lemon zest", + "spinach", + "fresh mozzarella", + "all-purpose flour", + "canola oil" + ] + }, + { + "id": 25898, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "vegetable oil", + "large eggs", + "rendered bacon fat", + "unsalted butter", + "buttermilk", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 41889, + "cuisine": "southern_us", + "ingredients": [ + "crawfish", + "dry white wine", + "all-purpose flour", + "pasta", + "parmesan cheese", + "cheese", + "fresh mushrooms", + "salt and ground black pepper", + "butter", + "creole seasoning", + "cream", + "chopped green bell pepper", + "garlic", + "onions" + ] + }, + { + "id": 11142, + "cuisine": "filipino", + "ingredients": [ + "salt", + "grated coconut", + "white hominy" + ] + }, + { + "id": 17591, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "half & half", + "ground black pepper", + "chopped onion", + "crushed tomatoes", + "salt", + "fennel seeds", + "unsalted butter", + "liqueur" + ] + }, + { + "id": 10032, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "quinoa", + "cilantro", + "oil", + "water", + "corn oil", + "salt", + "pepper", + "sweet potatoes", + "garlic", + "onions", + "dressing", + "lime juice", + "chili powder", + "cumin seed" + ] + }, + { + "id": 48791, + "cuisine": "filipino", + "ingredients": [ + "ketchup", + "salt", + "garlic powder", + "oil", + "water", + "pineapple juice", + "sugar", + "meat" + ] + }, + { + "id": 17979, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "garlic", + "onions", + "fish sauce", + "agave nectar", + "red bell pepper", + "Sriracha", + "oil", + "soy sauce", + "basil leaves", + "ground turkey" + ] + }, + { + "id": 27225, + "cuisine": "japanese", + "ingredients": [ + "light soy sauce", + "peanut oil", + "sugar", + "large eggs", + "mirin", + "scallions", + "white onion", + "skinless chicken breasts" + ] + }, + { + "id": 2582, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "red potato", + "garam masala", + "garlic", + "no-salt-added diced tomatoes", + "baby spinach", + "Madras curry powder", + "ground black pepper", + "salt", + "tomato paste", + "fresh ginger", + "red wine vinegar", + "chopped cilantro fresh" + ] + }, + { + "id": 38648, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "olive oil", + "paprika", + "onions", + "canned black beans", + "red capsicum", + "garlic cloves", + "ground cumin", + "eggs", + "flour tortillas", + "salt", + "coriander", + "avocado", + "black pepper", + "grating cheese", + "sour cream" + ] + }, + { + "id": 42905, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "coconut", + "black mustard seeds", + "asafoetida", + "vegetable oil", + "frozen peas", + "curry leaves", + "potatoes", + "chillies", + "fresh coriander", + "florets", + "ground turmeric" + ] + }, + { + "id": 7793, + "cuisine": "italian", + "ingredients": [ + "bread crumb fresh", + "extra-virgin olive oil", + "plum tomatoes", + "saffron threads", + "perciatelli", + "anchovy fillets", + "dried currants", + "fennel bulb", + "onions", + "pinenuts", + "crushed red pepper" + ] + }, + { + "id": 29054, + "cuisine": "greek", + "ingredients": [ + "greek seasoning", + "chicken breasts", + "dried oregano", + "lemon zest", + "poultry seasoning", + "black pepper", + "extra-virgin olive oil", + "boneless skinless chicken breasts", + "lemon juice" + ] + }, + { + "id": 5018, + "cuisine": "french", + "ingredients": [ + "sugar", + "Frangelico", + "large eggs", + "white chocolate", + "whipping cream" + ] + }, + { + "id": 41857, + "cuisine": "mexican", + "ingredients": [ + "sundried tomato paste", + "water", + "salt", + "chopped cilantro fresh", + "fresh tomatoes", + "dry red wine", + "garlic cloves", + "corn salsa", + "ground pepper", + "goat cheese", + "plum tomatoes", + "black beans", + "extra-virgin olive oil", + "corn tortillas" + ] + }, + { + "id": 23519, + "cuisine": "korean", + "ingredients": [ + "fat free less sodium chicken broth", + "rice cakes", + "dark sesame oil", + "sesame seeds", + "boneless skinless chicken breasts", + "nori", + "water", + "peeled fresh ginger", + "garlic cloves", + "low sodium soy sauce", + "large eggs", + "vegetable oil", + "sliced green onions" + ] + }, + { + "id": 27523, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "olive oil", + "sesame oil", + "cilantro leaves", + "shrimp", + "homemade chicken stock", + "unsalted butter", + "garlic", + "scallions", + "celery", + "soy sauce", + "shallots", + "oyster mushrooms", + "carrots", + "noodles", + "fish sauce", + "shiitake", + "ginger", + "rice vinegar", + "coconut milk" + ] + }, + { + "id": 26445, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chili powder", + "sour cream", + "chicken broth", + "kidney beans", + "garlic", + "boneless skinless chicken breast halves", + "olive oil", + "diced tomatoes", + "onions", + "cheddar cheese", + "whole peeled tomatoes", + "cayenne pepper" + ] + }, + { + "id": 21790, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "ground black pepper", + "garlic", + "red bell pepper", + "cumin", + "black beans", + "olive oil", + "chili powder", + "salsa", + "fresh lime juice", + "avocado", + "fresh cilantro", + "green onions", + "salt", + "sour cream", + "pepper", + "quinoa", + "vegetable broth", + "shredded cheese", + "canned corn" + ] + }, + { + "id": 9902, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "red bell pepper", + "frozen corn kernels", + "ground pepper", + "vinaigrette", + "jalapeno chilies", + "ground coriander" + ] + }, + { + "id": 37738, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "chives", + "creole seasoning", + "smoked bacon", + "salt", + "shrimp", + "tomato purée", + "white cheddar cheese", + "garlic cloves", + "grated parmesan cheese", + "hot sauce", + "grits" + ] + }, + { + "id": 27415, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "water chestnuts", + "cayenne pepper", + "corn starch", + "light soy sauce", + "cooked chicken", + "garlic cloves", + "water", + "green onions", + "green pepper", + "beansprouts", + "egg roll wrappers", + "vegetable oil", + "carrots" + ] + }, + { + "id": 44685, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "grated parmesan cheese", + "shredded mozzarella cheese", + "white sugar", + "eggs", + "ground black pepper", + "garlic", + "ground beef", + "dried oregano", + "dried basil", + "diced tomatoes", + "sour cream", + "pork sausages", + "green olives", + "lasagna noodles", + "salt", + "dried parsley" + ] + }, + { + "id": 10368, + "cuisine": "indian", + "ingredients": [ + "water", + "garlic", + "black mustard seeds", + "tumeric", + "vegetable oil", + "tamarind paste", + "tomatoes", + "ground black pepper", + "salt", + "chopped cilantro fresh", + "fresh curry leaves", + "red pepper flakes", + "cumin seed" + ] + }, + { + "id": 436, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "water", + "vegetable oil", + "corn starch", + "dark soy sauce", + "unsalted butter", + "cake flour", + "sugar", + "sesame oil", + "oyster sauce", + "eggs", + "sesame seeds", + "loin pork roast", + "onions" + ] + }, + { + "id": 10345, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "garlic", + "jalapeno chilies", + "chopped cilantro fresh", + "water", + "chopped onion", + "avocado", + "tomatillos" + ] + }, + { + "id": 32547, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "ground allspice", + "celery salt", + "coarse sea salt", + "onion powder", + "sweet paprika", + "garlic powder", + "cayenne pepper" + ] + }, + { + "id": 32818, + "cuisine": "mexican", + "ingredients": [ + "posole", + "unsalted butter", + "chopped pecans", + "olive oil", + "salt", + "greens", + "cider vinegar", + "vegetable stock", + "chayotes", + "diced onions", + "dried cherry", + "garlic cloves" + ] + }, + { + "id": 44828, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "diced tomatoes", + "salt", + "dried basil", + "cracked black pepper", + "dried oregano", + "water", + "cheese tortellini", + "yellow onion", + "frozen spinach", + "olive oil", + "garlic" + ] + }, + { + "id": 27152, + "cuisine": "mexican", + "ingredients": [ + "granulated sugar", + "vegetable oil", + "flour tortillas", + "ground cinnamon" + ] + }, + { + "id": 42085, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "sesame oil", + "scallions", + "canola oil", + "salmon fillets", + "egg whites", + "rolls", + "toasted sesame seeds", + "wasabi paste", + "salmon", + "tamari soy sauce", + "nori sheets", + "cold water", + "sushi rice", + "cilantro sprigs", + "lemon juice" + ] + }, + { + "id": 11935, + "cuisine": "korean", + "ingredients": [ + "sugar", + "garlic", + "flank steak", + "soy sauce", + "sliced green onions", + "sesame oil" + ] + }, + { + "id": 26303, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "crushed red pepper", + "dried oregano", + "tomato purée", + "parmigiano reggiano cheese", + "penne pasta", + "fresh basil", + "olive oil", + "salt", + "sugar", + "diced tomatoes", + "lemon juice" + ] + }, + { + "id": 37314, + "cuisine": "moroccan", + "ingredients": [ + "boneless chuck roast", + "paprika", + "garlic cloves", + "tumeric", + "golden raisins", + "beef broth", + "onions", + "garam masala", + "dry red wine", + "diced tomatoes in juice", + "olive oil", + "dry sherry", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 48822, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "parmesan cheese", + "fresh basil leaves" + ] + }, + { + "id": 23026, + "cuisine": "greek", + "ingredients": [ + "frozen chopped spinach", + "water", + "purple onion", + "vegetable oil cooking spray", + "flank steak", + "dry bread crumbs", + "mashed potatoes", + "garlic powder", + "salt", + "pepper", + "dry red wine", + "dried oregano" + ] + }, + { + "id": 4062, + "cuisine": "mexican", + "ingredients": [ + "fat free less sodium chicken broth", + "cooking spray", + "diced tomatoes", + "garlic cloves", + "ground cumin", + "water", + "ground red pepper", + "chopped onion", + "chopped cilantro", + "black pepper", + "olive oil", + "chili powder", + "low-fat cream cheese", + "bone in chicken thighs", + "shredded cheddar cheese", + "green onions", + "salt", + "corn tortillas" + ] + }, + { + "id": 39531, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "hoisin sauce", + "toasted sesame oil", + "ketchup", + "garlic", + "soy sauce", + "peeled fresh ginger", + "spareribs", + "honey", + "chinese five-spice powder" + ] + }, + { + "id": 33765, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "loin pork roast", + "all-purpose flour", + "red bell pepper", + "olive oil", + "garlic", + "ground mustard", + "onions", + "dried thyme", + "butter", + "cayenne pepper", + "celery", + "chicken broth", + "ground black pepper", + "salt", + "carrots", + "dried oregano" + ] + }, + { + "id": 1514, + "cuisine": "italian", + "ingredients": [ + "ziti", + "sugar", + "cooked shrimp", + "soft goat's cheese", + "salsa", + "asparagus" + ] + }, + { + "id": 21719, + "cuisine": "italian", + "ingredients": [ + "water", + "kielbasa", + "penne", + "swiss chard", + "garlic cloves", + "olive oil", + "salt", + "hot red pepper flakes", + "parmigiano reggiano cheese" + ] + }, + { + "id": 23429, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "cornmeal", + "hot sauce", + "salt", + "tartar sauce" + ] + }, + { + "id": 12928, + "cuisine": "french", + "ingredients": [ + "butter", + "fresh thyme", + "garlic cloves", + "oyster mushrooms", + "russet potatoes" + ] + }, + { + "id": 45940, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "grated nutmeg", + "fresh basil", + "chees fresh mozzarella", + "manicotti", + "eggs", + "ricotta cheese", + "freshly ground pepper", + "tomato sauce", + "salt" + ] + }, + { + "id": 28496, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "grana padano", + "cracked black pepper", + "unsalted butter", + "pasta", + "grated pecorino" + ] + }, + { + "id": 22995, + "cuisine": "chinese", + "ingredients": [ + "chinese wheat noodles", + "rice vinegar", + "toasted sesame oil", + "shiitake", + "garlic", + "scallions", + "greens", + "fresh ginger", + "vegetable broth", + "firm tofu", + "bok choy", + "reduced sodium soy sauce", + "crushed red pepper", + "carrots", + "canola oil" + ] + }, + { + "id": 8018, + "cuisine": "indian", + "ingredients": [ + "pepper", + "chili powder", + "ginger", + "garlic cloves", + "chicken thighs", + "green bell pepper", + "coriander powder", + "paprika", + "salt", + "ghee", + "ground cumin", + "tomato sauce", + "marinade", + "cilantro", + "coconut cream", + "onions", + "fenugreek leaves", + "garam masala", + "organic coconut milk", + "curry", + "lemon juice", + "ground turmeric" + ] + }, + { + "id": 19181, + "cuisine": "cajun_creole", + "ingredients": [ + "red beans", + "kosher salt", + "meat bones", + "cracked black pepper", + "minute rice", + "onions" + ] + }, + { + "id": 21002, + "cuisine": "cajun_creole", + "ingredients": [ + "seasoning", + "flour", + "oil", + "stock", + "chopped celery", + "chopped garlic", + "cooked rice", + "green onions", + "onions", + "andouille sausage", + "green pepper", + "chicken" + ] + }, + { + "id": 18541, + "cuisine": "indian", + "ingredients": [ + "coconut milk", + "vegetable oil", + "boneless skinless chicken breast halves", + "english cucumber", + "mango", + "shallots", + "curry paste" + ] + }, + { + "id": 43640, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "cooked chicken", + "celery", + "sliced green onions", + "hoisin sauce", + "Chinese egg noodles", + "mung bean sprouts", + "soy sauce", + "shredded carrots", + "toasted sesame oil", + "canola oil", + "fresh ginger", + "purple onion", + "chopped cilantro" + ] + }, + { + "id": 44222, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "vinegar", + "garlic", + "pork belly", + "bay leaves", + "peppercorns", + "pork", + "potatoes", + "salt", + "dark soy sauce", + "light soy sauce", + "shallots" + ] + }, + { + "id": 34106, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "salt", + "vegetable oil", + "water", + "all-purpose flour", + "powdered sugar", + "rapid rise yeast" + ] + }, + { + "id": 37264, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "fresh lemon juice", + "artichoke hearts", + "balsamic vinegar", + "chopped garlic", + "olive oil", + "ground black pepper", + "Italian bread", + "part-skim mozzarella cheese", + "salt" + ] + }, + { + "id": 1592, + "cuisine": "vietnamese", + "ingredients": [ + "eggs", + "corn starch", + "water", + "cassava", + "sugar", + "coconut milk", + "mung beans" + ] + }, + { + "id": 22113, + "cuisine": "italian", + "ingredients": [ + "lemon thyme", + "unsalted butter", + "cracked black pepper", + "yellow onion", + "arborio rice", + "hot red pepper flakes", + "dry white wine", + "chopped celery", + "chopped garlic", + "pancetta", + "table salt", + "finely chopped fresh parsley", + "bacon slices", + "fresh lemon juice", + "chicken stock", + "black-eyed peas", + "coarse sea salt", + "purple onion" + ] + }, + { + "id": 42351, + "cuisine": "russian", + "ingredients": [ + "sugar", + "mushrooms", + "onions", + "melted butter", + "milk", + "salt", + "pepper", + "butter", + "eggs", + "flour", + "ground beef" + ] + }, + { + "id": 35298, + "cuisine": "italian", + "ingredients": [ + "chipotle chile", + "grated parmesan cheese", + "stewed tomatoes", + "hot Italian sausages", + "tomato paste", + "lasagna noodles", + "fresh mozzarella", + "fresh oregano", + "onions", + "fresh basil", + "zucchini", + "asiago", + "cream cheese", + "frozen chopped spinach", + "salt and ground black pepper", + "lean ground beef", + "garlic", + "fresh mushrooms" + ] + }, + { + "id": 46384, + "cuisine": "russian", + "ingredients": [ + "lemon", + "salt", + "whole milk" + ] + }, + { + "id": 37044, + "cuisine": "italian", + "ingredients": [ + "oil", + "prepar pesto", + "mozzarella cheese" + ] + }, + { + "id": 49437, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "cream cheese", + "crescent rolls", + "milk", + "lemon juice", + "powdered sugar", + "cinnamon" + ] + }, + { + "id": 44850, + "cuisine": "vietnamese", + "ingredients": [ + "shallots", + "canola oil" + ] + }, + { + "id": 6687, + "cuisine": "british", + "ingredients": [ + "white sugar", + "heavy cream", + "fresh raspberries" + ] + }, + { + "id": 23774, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "all-purpose flour", + "eggs", + "buttermilk", + "butter", + "white sugar", + "baking soda", + "vanilla extract" + ] + }, + { + "id": 41624, + "cuisine": "russian", + "ingredients": [ + "pepper", + "sour cream", + "cabbage", + "cold water", + "salt", + "onions", + "white vinegar", + "garlic", + "bay leaf", + "chuck", + "tomatoes", + "lemon juice", + "white sugar" + ] + }, + { + "id": 1833, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "grated parmesan cheese", + "salt", + "water", + "shallots", + "fresh parsley", + "dried porcini mushrooms", + "dry white wine", + "low salt chicken broth", + "arborio rice", + "olive oil", + "butter" + ] + }, + { + "id": 17138, + "cuisine": "japanese", + "ingredients": [ + "ramen noodles", + "fresh ginger root", + "vegetable broth", + "soy sauce", + "chili oil", + "green onions" + ] + }, + { + "id": 38327, + "cuisine": "japanese", + "ingredients": [ + "salmon", + "fillets", + "agave nectar", + "ume plum vinegar", + "grapeseed oil", + "olive oil" + ] + }, + { + "id": 39399, + "cuisine": "mexican", + "ingredients": [ + "tilapia fillets", + "cooking spray", + "garlic", + "fresh parsley", + "honey", + "tomatillos", + "all-purpose flour", + "canola oil", + "salt and ground black pepper", + "lemon", + "red bell pepper", + "fresh cilantro", + "chili powder", + "rice vinegar", + "dried oregano" + ] + }, + { + "id": 23935, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "whipping cream", + "onions", + "fresh ginger", + "lime wedges", + "fat skimmed chicken broth", + "basmati rice", + "chili", + "chicken breasts", + "salt", + "( oz.) tomato paste", + "garam masala", + "butter", + "salad oil" + ] + }, + { + "id": 47669, + "cuisine": "french", + "ingredients": [ + "extra-virgin olive oil", + "haricots verts", + "purple onion", + "loosely packed fresh basil leaves", + "garlic cloves", + "fine sea salt" + ] + }, + { + "id": 16354, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "hoagie rolls", + "ham", + "shucked oysters", + "vegetable oil", + "low-fat tartar sauce", + "tomatoes", + "lemon wedge", + "dry bread crumbs", + "iceberg lettuce", + "large egg whites", + "all-purpose flour", + "lemon juice" + ] + }, + { + "id": 8938, + "cuisine": "british", + "ingredients": [ + "dried thyme", + "leeks", + "carrots", + "fresh chives", + "unsalted butter", + "large garlic cloves", + "chicken broth", + "tawny port", + "baking potatoes", + "bay leaf", + "stilton", + "half & half", + "chopped celery" + ] + }, + { + "id": 19654, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "baking soda", + "dark rum", + "vanilla extract", + "chopped pecans", + "lime juice", + "large eggs", + "butter", + "all-purpose flour", + "lime rind", + "bananas", + "baking powder", + "salt", + "fresh lime juice", + "brown sugar", + "fat free milk", + "cooking spray", + "sweetened coconut flakes", + "light cream cheese" + ] + }, + { + "id": 40565, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "rice vinegar", + "nori", + "sesame seeds", + "cucumber", + "water", + "imitation crab meat", + "avocado", + "white rice", + "white sugar" + ] + }, + { + "id": 38587, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "sea salt", + "crushed red pepper", + "grated Gruyère cheese", + "yellow squash", + "balsamic vinegar", + "yellow bell pepper", + "ciabatta", + "olive oil cooking spray", + "eggplant", + "large garlic cloves", + "extra-virgin olive oil", + "cayenne pepper", + "fresh parsley", + "Italian herbs", + "grated parmesan cheese", + "dry mustard", + "purple onion", + "mixed greens" + ] + }, + { + "id": 42033, + "cuisine": "british", + "ingredients": [ + "black pepper", + "dried thyme", + "flour", + "vegetable oil", + "chopped celery", + "onions", + "chopped garlic", + "pastry", + "chopped bell pepper", + "cayenne", + "onion powder", + "white cheddar cheese", + "cayenne pepper", + "dried oregano", + "water", + "garlic powder", + "green onions", + "vegetable shortening", + "salt", + "spicy pork sausage", + "eggs", + "milk", + "ground black pepper", + "baking powder", + "paprika", + "essence", + "long grain white rice" + ] + }, + { + "id": 16255, + "cuisine": "indian", + "ingredients": [ + "chile pepper", + "ginger paste", + "fresh tomatoes", + "salt", + "black peppercorns", + "vegetable oil", + "water", + "chicken" + ] + }, + { + "id": 38258, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "garlic", + "rice crackers", + "white vinegar", + "unsalted roasted peanuts", + "purple onion", + "canola oil", + "fish sauce", + "sesame seeds", + "carrots", + "Vietnamese coriander", + "dulong", + "fresh lime juice" + ] + }, + { + "id": 15036, + "cuisine": "thai", + "ingredients": [ + "beef", + "steak", + "vegetable oil", + "basil leaves", + "red chili peppers", + "oyster sauce" + ] + }, + { + "id": 21920, + "cuisine": "korean", + "ingredients": [ + "sambal ulek", + "sesame seeds", + "peeled fresh ginger", + "garlic cloves", + "top round steak", + "large eggs", + "dark sesame oil", + "shiitake mushroom caps", + "spinach", + "short-grain rice", + "rice vinegar", + "carrots", + "low sodium soy sauce", + "kosher salt", + "cooking spray", + "english cucumber" + ] + }, + { + "id": 21838, + "cuisine": "indian", + "ingredients": [ + "finely chopped onion", + "green peas", + "chopped cilantro", + "water", + "vegetable oil", + "ground coriander", + "ground cumin", + "fresh ginger", + "diced tomatoes", + "ground cayenne pepper", + "minced garlic", + "cheese cubes", + "salt", + "ground turmeric" + ] + }, + { + "id": 23874, + "cuisine": "southern_us", + "ingredients": [ + "ham hock", + "turnip greens", + "water", + "sugar" + ] + }, + { + "id": 5048, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "parmesan cheese", + "salt", + "eggs", + "light cream", + "ricotta cheese", + "chicken broth", + "olive oil", + "lasagna noodles", + "all-purpose flour", + "fresh basil", + "artichoke hearts", + "garlic" + ] + }, + { + "id": 35970, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chicken breasts", + "edamame", + "seasoning", + "shredded carrots", + "ginger", + "chopped cilantro", + "almonds", + "shredded lettuce", + "chow mein noodles", + "sugar", + "green onions", + "garlic", + "toasted sesame seeds" + ] + }, + { + "id": 2515, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "andouille chicken sausage", + "creole seasoning", + "olive oil", + "red beans", + "onions", + "dried thyme", + "bay leaves", + "cooked white rice", + "homemade chicken stock", + "Tabasco Green Pepper Sauce", + "worcestershire sauce", + "dried oregano" + ] + }, + { + "id": 24396, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "dried basil", + "garlic", + "italian seasoning", + "water", + "minced onion", + "sweet italian sausage", + "tomato sauce", + "ground black pepper", + "salt", + "fennel seeds", + "crushed tomatoes", + "lean ground beef", + "white sugar" + ] + }, + { + "id": 12850, + "cuisine": "irish", + "ingredients": [ + "finely chopped onion", + "salt", + "butter", + "bread flour", + "shredded cheddar cheese", + "buttermilk", + "baking powder", + "confectioners sugar" + ] + }, + { + "id": 19258, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "garlic", + "corn tortillas", + "pepper", + "chili powder", + "shredded cheese", + "cumin", + "reduced fat cream cheese", + "ranch dressing", + "salt", + "onions", + "guacamole", + "cilantro", + "sour cream" + ] + }, + { + "id": 34238, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dried parsley", + "black pepper", + "grated parmesan cheese", + "fresh spinach", + "large eggs", + "garlic salt", + "bread crumbs", + "ground beef" + ] + }, + { + "id": 27324, + "cuisine": "greek", + "ingredients": [ + "oil cured olives", + "freshly ground pepper", + "balsamic vinegar", + "capers", + "purple onion", + "olive oil", + "feta cheese crumbles" + ] + }, + { + "id": 29413, + "cuisine": "british", + "ingredients": [ + "fresh rosemary", + "coarse salt", + "extra-virgin olive oil", + "cucumber", + "large eggs", + "sea salt", + "freshly ground pepper", + "panko", + "lemon", + "all-purpose flour", + "ketchup", + "russet potatoes", + "malt vinegar", + "skinless cod fillets" + ] + }, + { + "id": 21959, + "cuisine": "british", + "ingredients": [ + "flour", + "salted butter", + "lemon", + "milk", + "baking powder", + "suet", + "dark brown sugar" + ] + }, + { + "id": 12302, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "coriander seeds", + "cilantro", + "smoked paprika", + "red chili peppers", + "peeled fresh ginger", + "peanut oil", + "unsweetened shredded dried coconut", + "garam masala", + "cayenne pepper", + "almond flour", + "sea salt", + "cumin seed" + ] + }, + { + "id": 40390, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "peeled fresh ginger", + "chopped onion", + "olive oil", + "vegetable broth", + "chopped walnuts", + "water", + "dry white wine", + "goat cheese", + "arborio rice", + "swiss chard", + "fine sea salt", + "beets" + ] + }, + { + "id": 10341, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "lemon zest", + "extra-virgin olive oil", + "fresh lemon juice", + "halibut fillets", + "red pepper flakes", + "ground coriander", + "swordfish steaks", + "large garlic cloves", + "salt", + "ground pepper", + "cilantro", + "cumin seed" + ] + }, + { + "id": 34384, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "salt", + "red chili powder", + "oil", + "luke warm water", + "all-purpose flour", + "chana dal", + "asafetida" + ] + }, + { + "id": 39507, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "whipping cream", + "fresh rosemary", + "butter", + "freshly ground pepper", + "dry white wine", + "cheese", + "rosemary sprigs", + "fresh green bean", + "garlic cloves" + ] + }, + { + "id": 16350, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "large eggs", + "garlic cloves", + "ground cumin", + "saffron threads", + "cuban peppers", + "fideos pasta", + "onions", + "black pepper", + "Turkish bay leaves", + "fresh parsley", + "chicken stock", + "olive oil", + "fine sea salt", + "boiling potatoes" + ] + }, + { + "id": 5982, + "cuisine": "greek", + "ingredients": [ + "powdered sugar", + "baking soda", + "baking powder", + "kosher salt", + "large eggs", + "extra-virgin olive oil", + "sugar", + "plain low fat greek yogurt", + "lemon", + "whole wheat flour", + "baking spray" + ] + }, + { + "id": 40912, + "cuisine": "russian", + "ingredients": [ + "honey", + "butter", + "all-purpose flour", + "pure vanilla extract", + "granulated sugar", + "extra large eggs", + "sour cream", + "baking soda", + "lemon", + "toasted walnuts", + "superfine sugar", + "dark rum", + "salt" + ] + }, + { + "id": 20033, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "cumin seed", + "chopped cilantro fresh", + "reduced sodium chicken broth", + "large garlic cloves", + "ancho chile pepper", + "kosher salt", + "deveined shrimp", + "onions", + "anise seed", + "vermicelli", + "sour cream" + ] + }, + { + "id": 2800, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "meyer lemon", + "onions", + "green olives", + "garlic cloves", + "ground cumin", + "ground cinnamon", + "paprika", + "chicken", + "olive oil", + "low salt chicken broth" + ] + }, + { + "id": 39270, + "cuisine": "chinese", + "ingredients": [ + "chili flakes", + "honey", + "ginger", + "toasted sesame seeds", + "red chili peppers", + "Shaoxing wine", + "garlic cloves", + "sesame", + "mixed mushrooms", + "rice vinegar", + "snow peas", + "chicken stock", + "soy sauce", + "green onions", + "corn starch" + ] + }, + { + "id": 2670, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "fresh parsley leaves", + "bread crumb fresh", + "heavy cream", + "unsalted butter", + "hot sauce", + "crab meat", + "worcestershire sauce", + "onions" + ] + }, + { + "id": 10028, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "chopped cilantro fresh", + "deveined shrimp", + "fresh lime juice", + "chili powder", + "corn tortillas", + "mango", + "purple onion", + "chipotle chile powder" + ] + }, + { + "id": 45566, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "tomatillos", + "green pepper", + "kosher salt", + "extra-virgin olive oil", + "cumin", + "black pepper", + "cilantro", + "onions", + "jalapeno chilies", + "garlic" + ] + }, + { + "id": 19021, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "lamb loin chops", + "prunes", + "extra-virgin olive oil", + "honey", + "salt", + "spices" + ] + }, + { + "id": 20790, + "cuisine": "indian", + "ingredients": [ + "nutmeg", + "tumeric", + "yoghurt", + "green chilies", + "bay leaf", + "clove", + "mint", + "mace", + "cilantro leaves", + "cardamom", + "onions", + "fennel seeds", + "garlic paste", + "leaves", + "rice", + "cinnamon sticks", + "peppercorns", + "red chili powder", + "water", + "star anise", + "oil", + "chicken pieces" + ] + }, + { + "id": 46654, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "linguine", + "green bell pepper", + "sun-dried tomatoes", + "sliced mushrooms", + "diced onions", + "olive oil", + "garlic cloves", + "pasta sauce", + "zucchini", + "red bell pepper" + ] + }, + { + "id": 10958, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "cracked black pepper", + "provolone cheese", + "eggs", + "baking powder", + "salt", + "white sugar", + "fresh rosemary", + "green onions", + "garlic", + "sun-dried tomatoes in oil", + "shortening", + "buttermilk", + "all-purpose flour" + ] + }, + { + "id": 20180, + "cuisine": "spanish", + "ingredients": [ + "chile pepper", + "baguette", + "sea salt", + "tomatoes", + "large garlic cloves", + "olive oil" + ] + }, + { + "id": 40836, + "cuisine": "italian", + "ingredients": [ + "kale", + "low salt chicken broth", + "large garlic cloves", + "olive oil", + "bread slices", + "crushed red pepper" + ] + }, + { + "id": 12987, + "cuisine": "japanese", + "ingredients": [ + "boneless chicken skinless thigh", + "lemon", + "scallions", + "fresh ginger", + "all-purpose flour", + "kosher salt", + "garlic", + "corn starch", + "soy sauce", + "ground black pepper", + "peanut oil" + ] + }, + { + "id": 41303, + "cuisine": "indian", + "ingredients": [ + "ground cardamom", + "plain yogurt", + "sugar", + "mango", + "milk" + ] + }, + { + "id": 22046, + "cuisine": "japanese", + "ingredients": [ + "ginger juice", + "vegetable oil", + "sake", + "soy sauce", + "sansho", + "green bell pepper", + "sugar", + "lemon slices", + "salmon fillets", + "mirin" + ] + }, + { + "id": 11035, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "olive oil", + "ginger", + "sliced mushrooms", + "chicken broth", + "pepper", + "shallots", + "salt", + "curry paste", + "soy sauce", + "garlic powder", + "garlic", + "coconut milk", + "tomatoes", + "lime", + "cilantro", + "shrimp" + ] + }, + { + "id": 47815, + "cuisine": "french", + "ingredients": [ + "1% low-fat milk", + "vanilla beans", + "sugar", + "large egg yolks" + ] + }, + { + "id": 40839, + "cuisine": "russian", + "ingredients": [ + "sugar", + "water", + "walnuts", + "pierogi", + "dried apricot", + "apricot brandy", + "unsalted butter", + "dough", + "bread crumb fresh", + "cinnamon" + ] + }, + { + "id": 27470, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "extra-virgin olive oil", + "fennel seeds", + "pork tenderloin", + "fresh lemon juice", + "reduced sodium chicken broth", + "dry white wine", + "fennel bulb", + "garlic cloves" + ] + }, + { + "id": 15653, + "cuisine": "italian", + "ingredients": [ + "garlic", + "pinenuts", + "fresh basil leaves", + "grated parmesan cheese", + "italian salad dressing", + "fresh parsley" + ] + }, + { + "id": 12086, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "peanut oil", + "red chili peppers", + "rice vinegar", + "pickling cucumbers", + "garlic cloves", + "szechwan peppercorns", + "cane sugar" + ] + }, + { + "id": 9692, + "cuisine": "greek", + "ingredients": [ + "bread", + "cheese spread", + "artichok heart marin", + "pitted kalamata olives", + "dried oregano", + "diced tomatoes" + ] + }, + { + "id": 9102, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "crushed red pepper", + "ground cumin", + "honey", + "ginger", + "onions", + "cream", + "sweet potatoes", + "chickpeas", + "olive oil", + "garlic", + "ground turmeric" + ] + }, + { + "id": 27032, + "cuisine": "filipino", + "ingredients": [ + "tomato sauce", + "vegetable oil", + "onions", + "chicken legs", + "fingerling potatoes", + "salt", + "fish sauce", + "bay leaves", + "red bell pepper", + "chicken stock", + "ground black pepper", + "garlic" + ] + }, + { + "id": 49591, + "cuisine": "indian", + "ingredients": [ + "water", + "yoghurt", + "peanut oil", + "ground cumin", + "ground cinnamon", + "fresh ginger root", + "margarine", + "onions", + "tomatoes", + "fresh cilantro", + "chile pepper", + "ground coriander", + "minced garlic", + "ground black pepper", + "cayenne pepper", + "ground turmeric" + ] + }, + { + "id": 11443, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "dry white wine", + "garlic cloves", + "olive oil", + "whipping cream", + "plum tomatoes", + "parsley sprigs", + "fresh tarragon", + "thyme sprigs", + "tomato paste", + "lobster", + "white wine vinegar" + ] + }, + { + "id": 27184, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "Italian parsley leaves", + "balsamic vinegar", + "chickpeas", + "baguette", + "extra-virgin olive oil", + "black pepper", + "clove garlic, fine chop" + ] + }, + { + "id": 23866, + "cuisine": "japanese", + "ingredients": [ + "chicken stock", + "shiitake", + "sake", + "fresh parsley", + "eggs", + "chicken breasts", + "soy sauce" + ] + }, + { + "id": 19742, + "cuisine": "korean", + "ingredients": [ + "asian pear", + "pear nectar", + "toasted sesame seeds", + "sugar", + "coarse salt", + "beef rib short", + "peeled fresh ginger", + "dark sesame oil", + "ground black pepper", + "garlic", + "scallions" + ] + }, + { + "id": 8452, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "olive oil", + "peeled fresh ginger", + "salt", + "chopped fresh mint", + "minced garlic", + "cooking spray", + "crushed red pepper", + "carrots", + "ground cumin", + "plain low-fat yogurt", + "ground black pepper", + "baking potatoes", + "ground coriander", + "chopped cilantro fresh", + "phyllo dough", + "finely chopped onion", + "green peas", + "fresh lemon juice", + "ground turmeric" + ] + }, + { + "id": 36454, + "cuisine": "southern_us", + "ingredients": [ + "boneless chicken skinless thigh", + "low sodium chicken broth", + "salt", + "black-eyed peas", + "bacon", + "water", + "sweet potatoes", + "onions", + "collard greens", + "ground black pepper", + "garlic" + ] + }, + { + "id": 45301, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "minced garlic", + "boneless skinless chicken breasts", + "cayenne pepper", + "cheddar cheese", + "kosher salt", + "olive oil", + "greek style plain yogurt", + "green bell pepper", + "black beans", + "fresh cilantro", + "chili powder", + "ground cumin", + "fire roasted diced tomatoes", + "mozzarella cheese", + "quinoa", + "yellow onion" + ] + }, + { + "id": 18987, + "cuisine": "chinese", + "ingredients": [ + "mirin", + "chinese five-spice powder", + "chili", + "salt", + "corn starch", + "sugar", + "corn oil", + "garlic cloves", + "fresh ginger", + "freshly ground pepper", + "large shrimp" + ] + }, + { + "id": 20347, + "cuisine": "indian", + "ingredients": [ + "yoghurt", + "cucumber", + "chopped garlic", + "coconut oil", + "salt", + "jeera", + "curry leaves", + "ginger", + "mustard seeds", + "grated coconut", + "green chilies", + "onions" + ] + }, + { + "id": 30050, + "cuisine": "russian", + "ingredients": [ + "tomato paste", + "rice", + "onions", + "vegetable oil", + "carrots", + "salt", + "ground beef", + "parsley sprigs", + "garlic cloves", + "cabbage" + ] + }, + { + "id": 24969, + "cuisine": "chinese", + "ingredients": [ + "fat free beef broth", + "water chestnuts", + "crushed red pepper", + "corn starch", + "olive oil", + "dry white wine", + "long-grain rice", + "low sodium soy sauce", + "peeled fresh ginger", + "baby carrots", + "bok choy", + "hoisin sauce", + "flank steak", + "garlic cloves" + ] + }, + { + "id": 25871, + "cuisine": "korean", + "ingredients": [ + "water", + "spring onions", + "toasted sesame seeds", + "pinenuts", + "rice cakes", + "onions", + "sugar", + "sesame seeds", + "watercress", + "chopped garlic", + "soy sauce", + "beef", + "toasted sesame oil" + ] + }, + { + "id": 26922, + "cuisine": "italian", + "ingredients": [ + "white wine", + "salt", + "fresh parsley", + "cannellini beans", + "bay leaf", + "water", + "lemon juice", + "extra-virgin olive oil", + "medium shrimp" + ] + }, + { + "id": 40278, + "cuisine": "japanese", + "ingredients": [ + "kale", + "orange juice", + "sesame oil", + "Japanese soy sauce", + "gomashio", + "miso" + ] + }, + { + "id": 23981, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "purple onion", + "fresh lime juice", + "seeds", + "frozen corn", + "chopped cilantro fresh", + "vine ripened tomatoes", + "red bell pepper", + "cooking spray", + "salt", + "chipotle peppers" + ] + }, + { + "id": 38238, + "cuisine": "italian", + "ingredients": [ + "water", + "fresh rosemary", + "gran marnier", + "sugar", + "lemon juice", + "lemon zest" + ] + }, + { + "id": 42476, + "cuisine": "indian", + "ingredients": [ + "sago", + "grated coconut", + "rice", + "salt", + "water", + "oil" + ] + }, + { + "id": 34855, + "cuisine": "russian", + "ingredients": [ + "seeds", + "red bell pepper", + "coriander seeds", + "cilantro sprigs", + "kosher salt", + "red wine vinegar", + "fresh basil leaves", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 4094, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sesame seeds", + "sesame oil", + "spinach", + "minced garlic", + "mushrooms", + "carrots", + "black pepper", + "bean thread vermicelli", + "corn syrup", + "sugar", + "olive oil", + "green onions", + "onions" + ] + }, + { + "id": 2451, + "cuisine": "thai", + "ingredients": [ + "sambal chile paste", + "soy sauce", + "peanut butter", + "sugar", + "rice vinegar", + "Thai chili paste", + "coconut milk" + ] + }, + { + "id": 28652, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "fresh parsley", + "clams", + "linguine", + "butter", + "onions", + "light sour cream", + "garlic cloves" + ] + }, + { + "id": 32061, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "grating cheese", + "sour cream", + "pepper jack", + "salsa", + "cheddar cheese", + "cilantro", + "corn tortillas", + "green onions", + "enchilada sauce" + ] + }, + { + "id": 24854, + "cuisine": "thai", + "ingredients": [ + "kosher salt", + "cilantro root", + "full fat coconut milk", + "Thai red curry paste", + "fresh ginger", + "large garlic cloves", + "black pepper", + "boneless skinless chicken breasts" + ] + }, + { + "id": 17631, + "cuisine": "indian", + "ingredients": [ + "water", + "tea bags", + "hot chocolate mix", + "milk" + ] + }, + { + "id": 47773, + "cuisine": "irish", + "ingredients": [ + "nutmeg", + "herbs", + "onions", + "milk", + "cayenne pepper", + "suet", + "oatmeal", + "pork blood", + "salt" + ] + }, + { + "id": 31478, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "lime juice", + "large eggs", + "garlic", + "red bell pepper", + "kosher salt", + "ground black pepper", + "chips", + "ground coriander", + "dried oregano", + "ground chicken", + "olive oil", + "jalapeno chilies", + "cilantro leaves", + "onions", + "grape tomatoes", + "store bought low sodium chicken stock", + "cayenne", + "tomatillos", + "cumin seed" + ] + }, + { + "id": 34856, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "olive oil", + "chopped onion", + "mayonaise", + "large garlic cloves", + "fresh basil", + "grated parmesan cheese", + "brown shrimp", + "bread crumb fresh", + "portabello mushroom" + ] + }, + { + "id": 31552, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "vegetable oil spray", + "chopped onion", + "ground cumin", + "chili", + "chili powder", + "corn tortillas", + "canned black beans", + "zucchini", + "garlic cloves", + "chopped tomatoes", + "vegetable broth", + "chopped cilantro fresh" + ] + }, + { + "id": 2112, + "cuisine": "italian", + "ingredients": [ + "cottage cheese", + "garlic powder", + "spaghetti squash", + "dried basil", + "grated parmesan cheese", + "mozzarella cheese", + "herbs", + "Italian turkey sausage", + "eggs", + "olive oil", + "marinara sauce" + ] + }, + { + "id": 19366, + "cuisine": "irish", + "ingredients": [ + "capers", + "crème fraîche", + "smoked salmon", + "unsalted butter", + "black pepper", + "country bread", + "eggs", + "purple onion" + ] + }, + { + "id": 43981, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "lime", + "boneless skinless chicken breasts", + "fish sauce", + "lemon grass", + "carrots", + "frozen edamame beans", + "fresh ginger", + "rice noodles", + "fresh cilantro", + "green onions", + "coconut milk" + ] + }, + { + "id": 2894, + "cuisine": "italian", + "ingredients": [ + "penne", + "fresh asparagus", + "lemon zest", + "extra-virgin olive oil", + "parmigiano reggiano cheese" + ] + }, + { + "id": 36108, + "cuisine": "indian", + "ingredients": [ + "clove", + "kosher salt", + "garam masala", + "cayenne pepper", + "cinnamon sticks", + "red chili peppers", + "fresh ginger", + "bay leaves", + "cumin seed", + "canola oil", + "tomatoes", + "water", + "ground black pepper", + "ground coriander", + "ground turmeric", + "green cardamom pods", + "plain yogurt", + "black-eyed peas", + "purple onion", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 47222, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "garlic", + "dri oregano leaves, crush", + "onions", + "grated parmesan cheese", + "red bell pepper", + "I Can't Believe It's Not Butter!® Spread" + ] + }, + { + "id": 38019, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "whole milk", + "all purpose unbleached flour", + "yellow bell pepper", + "bacon fat", + "black pepper", + "large eggs", + "red wine vinegar", + "loosely packed fresh basil leaves", + "salt", + "fresh mint", + "yellow corn meal", + "sherry vinegar", + "baking powder", + "Italian parsley leaves", + "extra-virgin olive oil", + "scallions", + "tomatoes", + "unsalted butter", + "kirby cucumbers", + "kalamata", + "purple onion", + "red bell pepper" + ] + }, + { + "id": 3916, + "cuisine": "indian", + "ingredients": [ + "peas", + "chicken broth low fat", + "tumeric", + "curry", + "quinoa" + ] + }, + { + "id": 44823, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "olive oil", + "red wine vinegar", + "chopped cilantro", + "soy sauce", + "ground nutmeg", + "purple onion", + "brown sugar", + "fresh ginger root", + "garlic", + "boneless skinless chicken breast halves", + "orange juice concentrate", + "ground cloves", + "habanero pepper", + "salt" + ] + }, + { + "id": 4219, + "cuisine": "italian", + "ingredients": [ + "peaches", + "hot water", + "almond paste", + "lemon juice", + "butter" + ] + }, + { + "id": 21084, + "cuisine": "thai", + "ingredients": [ + "rice sticks", + "balsamic vinegar", + "bok choy", + "macadamia nuts", + "napa cabbage", + "chopped cilantro fresh", + "fresh basil", + "green onions", + "cilantro sprigs", + "unsweetened coconut milk", + "olive oil", + "Thai red curry paste", + "large shrimp" + ] + }, + { + "id": 20435, + "cuisine": "spanish", + "ingredients": [ + "garbanzo beans", + "ginger", + "onions", + "soy sauce", + "whole peeled tomatoes", + "garlic", + "fresh spinach", + "sherry vinegar", + "extra-virgin olive oil", + "kosher salt", + "bay leaves", + "hot smoked paprika" + ] + }, + { + "id": 48863, + "cuisine": "italian", + "ingredients": [ + "orange bell pepper", + "yellow bell pepper", + "ground coriander", + "red bell pepper", + "cherry tomatoes", + "finely chopped fresh parsley", + "salt", + "fresh lemon juice", + "chopped fresh mint", + "olive oil", + "balsamic vinegar", + "grated lemon zest", + "leg of lamb", + "ground cumin", + "ground black pepper", + "purple onion", + "garlic cloves", + "flat leaf parsley" + ] + }, + { + "id": 44419, + "cuisine": "british", + "ingredients": [ + "sirloin", + "flour", + "salt", + "eggs", + "pepper", + "butter", + "onions", + "beef kidney", + "pastry", + "beef stock", + "garlic cloves", + "port wine", + "French mustard", + "worcestershire sauce" + ] + }, + { + "id": 30973, + "cuisine": "southern_us", + "ingredients": [ + "worcestershire sauce", + "garlic cloves", + "cajun seasoning", + "all-purpose flour", + "large shrimp", + "chicken broth", + "paprika", + "grits", + "butter", + "hot sauce", + "italian seasoning" + ] + }, + { + "id": 3415, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "garlic", + "onions", + "vinegar", + "green chilies", + "ground black pepper", + "coconut cream", + "chicken", + "fish sauce", + "cooking oil", + "coconut milk" + ] + }, + { + "id": 47274, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "1% low-fat milk", + "frozen hash browns", + "vegetable oil", + "large eggs", + "salt", + "black pepper", + "33% less sodium ham" + ] + }, + { + "id": 47393, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "salt", + "pepper", + "pimentos", + "fresh parsley", + "diced onions", + "grated parmesan cheese", + "ripe olives", + "olive oil", + "white wine vinegar", + "italian seasoning" + ] + }, + { + "id": 12190, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "milk", + "salt", + "onions", + "tumeric", + "hard-boiled egg", + "green chilies", + "red chili powder", + "chopped tomatoes", + "fenugreek seeds", + "canola oil", + "curry powder", + "pandanus leaf", + "cinnamon sticks" + ] + }, + { + "id": 34702, + "cuisine": "korean", + "ingredients": [ + "pepper", + "salt", + "dried chestnuts", + "ginseng", + "scallions", + "water", + "cornish hens", + "sweet rice", + "dates", + "garlic cloves" + ] + }, + { + "id": 45501, + "cuisine": "british", + "ingredients": [ + "dried currants", + "ground nutmeg", + "rum", + "raisins", + "ground allspice", + "fruitcake", + "sugar", + "glace cherries", + "dark rum", + "butter", + "free range egg", + "vanilla bean paste", + "vanilla essence", + "water", + "egg whites", + "almond extract", + "all-purpose flour", + "cranberries", + "dried cranberries", + "brown sugar", + "ground cloves", + "tawny port", + "baking powder", + "salt", + "mixed nuts", + "mixed peel" + ] + }, + { + "id": 45126, + "cuisine": "mexican", + "ingredients": [ + "water", + "paprika", + "ground beef", + "sugar", + "cooking oil", + "all-purpose flour", + "tomato sauce", + "garlic powder", + "salt", + "ground cumin", + "American cheese", + "chili powder", + "corn tortillas" + ] + }, + { + "id": 18285, + "cuisine": "chinese", + "ingredients": [ + "water", + "green onions", + "pepper sauce", + "black bean sauce", + "cilantro leaves", + "eggs", + "soy milk", + "vegetable oil", + "millet flour", + "cooking spray", + "crackers" + ] + }, + { + "id": 27080, + "cuisine": "greek", + "ingredients": [ + "cold water", + "paprika", + "salt", + "black pepper", + "garlic", + "lemon juice", + "parsley sprigs", + "extra-virgin olive oil", + "chickpeas", + "tahini", + "black olives", + "ground cumin" + ] + }, + { + "id": 39995, + "cuisine": "southern_us", + "ingredients": [ + "red pepper", + "garlic", + "pepper", + "bacon", + "onions", + "cooked rice", + "worcestershire sauce", + "salt", + "black-eyed peas", + "dry mustard" + ] + }, + { + "id": 5599, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "refrigerated piecrusts", + "creole seasoning", + "chicken broth", + "egg whites", + "peas", + "carrots", + "hash brown", + "butter", + "fresh mushrooms", + "milk", + "cooked chicken", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 11396, + "cuisine": "french", + "ingredients": [ + "orange", + "dry red wine", + "clove", + "framboise eau-de-vie", + "vanilla beans", + "sugar", + "lemon" + ] + }, + { + "id": 38915, + "cuisine": "british", + "ingredients": [ + "shortening", + "baking powder", + "semi-sweet chocolate morsels", + "eggs", + "baking soda", + "all-purpose flour", + "ground cinnamon", + "ground cloves", + "raisins", + "brown sugar", + "brewed coffee", + "chopped walnuts" + ] + }, + { + "id": 27782, + "cuisine": "russian", + "ingredients": [ + "unflavored gelatin", + "heavy cream", + "apricot jam", + "cold water", + "unsalted butter", + "cake flour", + "bittersweet chocolate", + "cream of tartar", + "large eggs", + "salt", + "unsweetened cocoa powder", + "sugar", + "vanilla", + "confectioners sugar" + ] + }, + { + "id": 38319, + "cuisine": "italian", + "ingredients": [ + "eggs", + "dried basil", + "jumbo pasta shells", + "mozzarella cheese", + "ricotta cheese", + "tomato sauce", + "grated parmesan cheese", + "frozen chopped spinach", + "pepper", + "salt" + ] + }, + { + "id": 346, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "ground black pepper", + "garlic cloves", + "avocado", + "corn", + "red pepper", + "ground cumin", + "fresh cilantro", + "green onions", + "fresh lime juice", + "black beans", + "quinoa", + "extra-virgin olive oil" + ] + }, + { + "id": 19987, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "vegetable oil", + "onions", + "green onions", + "dried shiitake mushrooms", + "white sugar", + "asparagus", + "garlic", + "noodles", + "soy sauce", + "sesame oil", + "carrots" + ] + }, + { + "id": 42622, + "cuisine": "italian", + "ingredients": [ + "mussels", + "artichoke hearts", + "linguine", + "medium shrimp", + "crushed tomatoes", + "red pepper flakes", + "salt", + "pepper", + "sea scallops", + "garlic", + "clams", + "dried basil", + "extra-virgin olive oil", + "squid" + ] + }, + { + "id": 12759, + "cuisine": "italian", + "ingredients": [ + "cookies", + "granulated sugar", + "egg yolks", + "eggs", + "heavy whipping cream" + ] + }, + { + "id": 3756, + "cuisine": "italian", + "ingredients": [ + "white wine", + "butter", + "garlic", + "dried basil", + "cheese tortellini", + "pepper", + "portabello mushroom", + "salt", + "grated parmesan cheese", + "button mushrooms" + ] + }, + { + "id": 19412, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "iceberg lettuce", + "avocado", + "hellmann' or best food real mayonnais", + "small capers, rins and drain", + "vegetable oil", + "chopped cilantro fresh", + "flour tortillas", + "red bell pepper", + "frozen crabmeat, thaw and drain" + ] + }, + { + "id": 20238, + "cuisine": "thai", + "ingredients": [ + "light brown sugar", + "peanuts", + "vegetable oil", + "carrots", + "water", + "green onions", + "garlic", + "fresh lime juice", + "soy sauce", + "broccoli florets", + "cilantro sprigs", + "beansprouts", + "tofu", + "lime", + "rice noodles", + "crushed red pepper" + ] + }, + { + "id": 38471, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fatfree lowsodium chicken broth", + "dried oregano", + "fresh spinach", + "shell pasta", + "escarole", + "sausage casings", + "grated parmesan cheese", + "long-grain rice", + "minced garlic", + "quick-cooking barley", + "flat leaf parsley" + ] + }, + { + "id": 2888, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "large eggs", + "large egg yolks", + "milk", + "all-purpose flour" + ] + }, + { + "id": 30139, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "colby jack cheese", + "oil", + "lime", + "salt", + "cooked rice", + "cilantro", + "jalapeno chilies", + "tortilla chips" + ] + }, + { + "id": 16796, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "dried basil", + "linguine", + "capers", + "kalamata", + "dried oregano", + "tomatoes", + "olive oil", + "garlic cloves", + "mussels", + "hot red pepper flakes", + "dry red wine" + ] + }, + { + "id": 28556, + "cuisine": "filipino", + "ingredients": [ + "pork belly", + "vinegar", + "salt", + "tomatoes", + "water", + "thai chile", + "onions", + "pepper", + "shrimp paste", + "oil", + "sugar", + "eggplant", + "garlic" + ] + }, + { + "id": 34908, + "cuisine": "jamaican", + "ingredients": [ + "kosher salt", + "whole chicken", + "cinnamon", + "lime", + "allspice", + "brown sugar", + "cayenne pepper" + ] + }, + { + "id": 24943, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "salt", + "sake", + "mirin", + "white onion", + "chicken thighs", + "sugar", + "vegetable oil" + ] + }, + { + "id": 43693, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "vegetable oil", + "garlic cloves", + "onions", + "celery ribs", + "dried thyme", + "white rice", + "sausages", + "red kidney beans", + "Tabasco Pepper Sauce", + "hot sauce", + "bay leaf", + "water", + "coarse salt", + "ham" + ] + }, + { + "id": 27502, + "cuisine": "russian", + "ingredients": [ + "powdered sugar", + "baking soda", + "sour cream", + "eggs", + "honey", + "sweet biscuit crumbs", + "sugar", + "ground walnuts", + "liquid honey", + "butter-margarine blend", + "flour" + ] + }, + { + "id": 14798, + "cuisine": "japanese", + "ingredients": [ + "milk", + "rice flour", + "eggs", + "baking powder", + "unsalted butter", + "white sugar", + "sweet red bean paste", + "vanilla extract" + ] + }, + { + "id": 6964, + "cuisine": "italian", + "ingredients": [ + "red pepper flakes", + "flat leaf parsley", + "ground black pepper", + "salt", + "mushrooms", + "spaghettini", + "olive oil", + "garlic" + ] + }, + { + "id": 16055, + "cuisine": "greek", + "ingredients": [ + "clementines", + "spices", + "artichok heart marin", + "dry white wine", + "cornish game hens", + "olives" + ] + }, + { + "id": 49659, + "cuisine": "mexican", + "ingredients": [ + "corn", + "green pepper", + "diced tomatoes", + "corn tortillas", + "extra firm tofu", + "taco seasoning", + "diced onions", + "salt" + ] + }, + { + "id": 6184, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "cooking oil", + "lemon juice", + "fresh ginger", + "salt", + "chicken", + "water", + "large garlic cloves", + "ground turmeric", + "cayenne", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 22217, + "cuisine": "french", + "ingredients": [ + "flour", + "salt", + "onions", + "milk", + "chives", + "oil", + "oregano", + "ground nutmeg", + "butter", + "ground white pepper", + "fromage blanc", + "egg yolks", + "crème fraîche", + "hen of the woods" + ] + }, + { + "id": 22625, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "ricotta", + "unsalted butter", + "ground black pepper", + "fresh herbs", + "penne", + "lemon" + ] + }, + { + "id": 37009, + "cuisine": "filipino", + "ingredients": [ + "boneless chicken breast", + "oyster sauce", + "cabbage", + "pork", + "salt", + "onions", + "pepper", + "oil", + "large shrimp", + "chicken broth", + "garlic", + "carrots" + ] + }, + { + "id": 43436, + "cuisine": "brazilian", + "ingredients": [ + "light brown sugar", + "salted peanuts", + "manioc flour", + "sweetened condensed milk" + ] + }, + { + "id": 18620, + "cuisine": "filipino", + "ingredients": [ + "low sodium soy sauce", + "apple cider vinegar", + "jalapeno chilies", + "peppercorns", + "chicken legs", + "garlic", + "bay leaves" + ] + }, + { + "id": 11574, + "cuisine": "vietnamese", + "ingredients": [ + "minced ginger", + "dipping sauces", + "minced garlic", + "star anise", + "chicken", + "sugar", + "vegetable oil", + "chinese five-spice powder", + "soy sauce", + "sea salt", + "ground turmeric" + ] + }, + { + "id": 27736, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "okra", + "green bell pepper", + "diced tomatoes", + "onions", + "cajun seasoning", + "medium shrimp", + "andouille sausage", + "salt" + ] + }, + { + "id": 17160, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "cinnamon sticks", + "water", + "sugar", + "clove", + "quinces" + ] + }, + { + "id": 21588, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "jalapeno chilies", + "garlic", + "fresh lime juice", + "ground black pepper", + "green onions", + "tortilla chips", + "ground cumin", + "olive oil", + "low sodium chicken broth", + "salt", + "chopped cilantro", + "avocado", + "roma tomatoes", + "boneless skinless chicken breasts", + "sour cream" + ] + }, + { + "id": 12596, + "cuisine": "mexican", + "ingredients": [ + "picante sauce", + "pinto beans", + "cooking spray", + "chopped cilantro fresh", + "large eggs", + "corn tortillas", + "ketchup", + "salt" + ] + }, + { + "id": 18432, + "cuisine": "british", + "ingredients": [ + "parsnips", + "garlic", + "whipping cream", + "butter", + "ground nutmeg" + ] + }, + { + "id": 17060, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "chili powder", + "salt", + "bay leaf", + "whole peeled tomatoes", + "vegetable oil", + "enchilada sauce", + "onions", + "chicken broth", + "cooked chicken", + "garlic", + "corn tortillas", + "cumin", + "water", + "chile pepper", + "frozen corn", + "chopped cilantro" + ] + }, + { + "id": 34810, + "cuisine": "french", + "ingredients": [ + "chuck roast", + "bacon slices", + "baby carrots", + "black pepper", + "shallots", + "all-purpose flour", + "shiitake mushroom caps", + "medium egg noodles", + "salt", + "garlic cloves", + "dried thyme", + "dry red wine", + "beef broth" + ] + }, + { + "id": 12378, + "cuisine": "french", + "ingredients": [ + "grated parmesan cheese", + "sea salt", + "ground black pepper", + "baking powder", + "black olives", + "olive oil", + "basil leaves", + "garlic", + "large eggs", + "all purpose unbleached flour", + "red bell pepper" + ] + }, + { + "id": 18694, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "soy sauce", + "cooked white rice", + "minced garlic", + "onions", + "eggs", + "peas" + ] + }, + { + "id": 22968, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "grated parmesan cheese", + "salt", + "italian sausage", + "olive oil", + "leeks", + "garlic cloves", + "eggs", + "swiss chard", + "butter", + "fresh parsley", + "pepper", + "potatoes", + "all-purpose flour" + ] + }, + { + "id": 33491, + "cuisine": "italian", + "ingredients": [ + "quahog clams", + "garlic cloves", + "water", + "crushed red pepper", + "plum tomatoes", + "vidalia onion", + "linguine", + "fresh parsley", + "olive oil", + "salt" + ] + }, + { + "id": 29104, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "bittersweet chocolate", + "sugar", + "heavy cream", + "kosher salt", + "creamy peanut butter", + "peanut brittle", + "egg yolks" + ] + }, + { + "id": 41573, + "cuisine": "indian", + "ingredients": [ + "bread crumbs", + "salt", + "eggs", + "potatoes", + "coriander", + "pepper", + "oil", + "garlic paste", + "boneless chicken" + ] + }, + { + "id": 31100, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "low sodium chicken broth", + "cilantro leaves", + "chicken", + "corn tortilla chips", + "cherry tomatoes", + "garlic", + "ancho chile pepper", + "tomatoes", + "jack cheese", + "green onions", + "ground coriander", + "sugar", + "jalapeno chilies", + "salt", + "cumin" + ] + }, + { + "id": 21586, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "paprika", + "cayenne pepper", + "chicken livers", + "ground cumin", + "mustard", + "bay leaves", + "chopped celery", + "rice", + "dried leaves oregano", + "chopped green bell pepper", + "ground pork", + "dri leav thyme", + "onions", + "chicken broth", + "green onions", + "salt", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 10087, + "cuisine": "vietnamese", + "ingredients": [ + "pepper", + "onions", + "salt", + "cabbage", + "olive oil", + "cooked chicken breasts", + "lemon juice" + ] + }, + { + "id": 6033, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "fresh orange juice", + "spaghettini", + "olive oil", + "red wine vinegar", + "cucumber", + "dijon mustard", + "salt", + "chopped fresh mint", + "tuna steaks", + "lemon juice", + "grated orange" + ] + }, + { + "id": 26500, + "cuisine": "indian", + "ingredients": [ + "salt", + "lemon juice", + "sugar", + "roasted peanuts", + "green chilies", + "coriander", + "bananas", + "oil" + ] + }, + { + "id": 46317, + "cuisine": "southern_us", + "ingredients": [ + "duck fat", + "all-purpose flour", + "buttermilk", + "baking powder", + "baking soda", + "salt" + ] + }, + { + "id": 36809, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "oil", + "red lentils", + "garam masala", + "fresh coriander", + "carrots", + "red chili peppers", + "salt" + ] + }, + { + "id": 32299, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "mushrooms", + "firm tofu", + "soy sauce", + "ginger", + "coconut milk", + "lemongrass", + "vegetable broth", + "fresh lime juice", + "fresh cilantro", + "salt", + "curry paste" + ] + }, + { + "id": 29675, + "cuisine": "british", + "ingredients": [ + "warm water", + "porridge oats", + "plain flour", + "whole wheat flour", + "milk", + "yeast", + "sugar", + "salt" + ] + }, + { + "id": 13130, + "cuisine": "mexican", + "ingredients": [ + "fresh lime juice", + "sugar", + "fresh pineapple" + ] + }, + { + "id": 18089, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetables", + "provolone cheese", + "pepperoni slices", + "salami", + "pimentos", + "Italian bread", + "olive oil", + "crushed red pepper" + ] + }, + { + "id": 47118, + "cuisine": "indian", + "ingredients": [ + "eggplant", + "salt", + "asafoetida powder", + "jaggery", + "fresh curry leaves", + "chile pepper", + "cumin seed", + "onions", + "ground red pepper", + "tamarind paste", + "dried red chile peppers", + "ground turmeric", + "water", + "vegetable oil", + "mustard seeds", + "white sugar" + ] + }, + { + "id": 16403, + "cuisine": "indian", + "ingredients": [ + "soda", + "oil", + "water", + "fenugreek seeds", + "jaggery", + "urad dal", + "ground cardamom", + "parboiled rice", + "rice" + ] + }, + { + "id": 14255, + "cuisine": "japanese", + "ingredients": [ + "kale", + "soba noodles", + "soy sauce", + "shallots", + "toasted sesame seeds", + "mirin", + "carrots", + "water", + "genmai miso", + "nori" + ] + }, + { + "id": 37556, + "cuisine": "russian", + "ingredients": [ + "pepper", + "butter", + "carrots", + "tomatoes", + "potatoes", + "salt", + "onions", + "turnips", + "red cabbage", + "non-fat sour cream", + "chopped parsley", + "cider vinegar", + "vegetable stock", + "beets" + ] + }, + { + "id": 23081, + "cuisine": "chinese", + "ingredients": [ + "tofu", + "water chestnuts", + "oyster mushrooms", + "carrots", + "olive oil", + "green onions", + "sauce", + "fresh ginger", + "sesame oil", + "garlic cloves", + "toasted peanuts", + "lettuce leaves", + "tamari soy sauce", + "rice paper" + ] + }, + { + "id": 5480, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "all-purpose flour", + "eggs", + "baking powder", + "chicken bouillon granules", + "milk", + "chicken", + "shortening", + "salt" + ] + }, + { + "id": 25621, + "cuisine": "southern_us", + "ingredients": [ + "cream of chicken soup", + "onions", + "whole kernel corn, drain", + "boneless skinless chicken breasts", + "cheddar cheese", + "yellow rice" + ] + }, + { + "id": 34615, + "cuisine": "italian", + "ingredients": [ + "beef", + "beef broth", + "elbow pasta", + "stewed tomatoes", + "carrots", + "dried oregano", + "lean ground meat", + "yellow onion", + "celery", + "kosher salt", + "garlic", + "sliced mushrooms" + ] + }, + { + "id": 29798, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "whole milk", + "coffee", + "corn starch", + "vanilla beans", + "coffee beans", + "egg yolks" + ] + }, + { + "id": 29501, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "napa cabbage", + "salt", + "orange juice concentrate", + "pork tenderloin", + "extra-virgin olive oil", + "adobo sauce", + "water", + "large garlic cloves", + "cilantro leaves", + "slivered almonds", + "chili powder", + "plums" + ] + }, + { + "id": 25056, + "cuisine": "russian", + "ingredients": [ + "rye bread", + "yeast", + "raisins", + "white sugar", + "mint leaves" + ] + }, + { + "id": 4084, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "baby potatoes", + "sea salt", + "butter", + "curry powder", + "curry leaf" + ] + }, + { + "id": 33588, + "cuisine": "greek", + "ingredients": [ + "pure vanilla", + "greek style plain yogurt", + "honey" + ] + }, + { + "id": 10064, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "large eggs", + "scallions", + "fresh ginger", + "rice vinegar", + "reduced sodium chicken broth", + "crushed red pepper", + "corn starch", + "shiitake", + "firm tofu" + ] + }, + { + "id": 9060, + "cuisine": "mexican", + "ingredients": [ + "clove", + "fresh thyme", + "epazote", + "cumin seed", + "masa", + "black peppercorns", + "jalapeno chilies", + "hoja santa leaves", + "garlic cloves", + "water", + "tomatillos", + "white beans", + "onions", + "fresh marjoram", + "pork loin", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 5441, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "instant espresso powder", + "unsweetened cocoa powder", + "vanilla beans", + "dark brown sugar", + "cream sweeten whip", + "coffee liqueur", + "milk", + "bittersweet chocolate" + ] + }, + { + "id": 31370, + "cuisine": "irish", + "ingredients": [ + "brown sugar", + "water", + "malt vinegar", + "cipollini", + "red chili peppers", + "cream sherry", + "fennel seeds", + "rosemary sprigs", + "sherry vinegar", + "mustard seeds", + "black peppercorns", + "kosher salt", + "bay leaves" + ] + }, + { + "id": 34939, + "cuisine": "korean", + "ingredients": [ + "pepper", + "bean paste", + "oil", + "cabbage", + "potato starch", + "udon", + "ginger", + "cucumber", + "chicken stock", + "zucchini", + "rice wine", + "oyster sauce", + "sugar", + "pork loin", + "salt", + "onions" + ] + }, + { + "id": 45994, + "cuisine": "greek", + "ingredients": [ + "pepper", + "red wine vinegar", + "dried dillweed", + "onions", + "tomatoes", + "sliced cucumber", + "boneless skinless chicken", + "greek yogurt", + "clove", + "pitas", + "salt", + "cucumber", + "white vinegar", + "olive oil", + "lemon", + "lemon juice", + "dried oregano" + ] + }, + { + "id": 10574, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "large eggs", + "vegetable oil", + "chuno sauce", + "other vegetables", + "condiments", + "all-purpose flour", + "ketchup", + "bonito flakes", + "salt", + "cold water", + "Sriracha", + "meat", + "cabbage" + ] + }, + { + "id": 29121, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "heavy cream", + "baking powder", + "salt" + ] + }, + { + "id": 33932, + "cuisine": "french", + "ingredients": [ + "ground ginger", + "sugar", + "vegetable oil spray", + "large eggs", + "salt", + "grated orange peel", + "whole wheat flour", + "unsalted butter", + "apples", + "ground white pepper", + "vanilla ice cream", + "honey", + "ground nutmeg", + "buttermilk", + "ground coriander", + "ground cinnamon", + "ground cloves", + "baking soda", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 15581, + "cuisine": "japanese", + "ingredients": [ + "english cucumber", + "water", + "soy sauce", + "toasted sesame seeds", + "rice vinegar" + ] + }, + { + "id": 7771, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "baking powder", + "fine sea salt", + "corn tortillas", + "cumin", + "whitefish fillets", + "red cabbage", + "vegetable oil", + "smoked paprika", + "coriander", + "kosher salt", + "ground black pepper", + "lime wedges", + "all-purpose flour", + "chopped cilantro", + "lime juice", + "ale", + "chees fresco queso", + "sour cream", + "serrano chile" + ] + }, + { + "id": 46555, + "cuisine": "japanese", + "ingredients": [ + "sea salt", + "salmon fillets", + "sake", + "lemon wedge" + ] + }, + { + "id": 46743, + "cuisine": "greek", + "ingredients": [ + "honey", + "phyllo", + "granulated sugar", + "confectioners sugar", + "unsalted butter", + "strawberries", + "heavy cream" + ] + }, + { + "id": 9308, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "bulgur", + "plum tomatoes", + "grape leaves", + "mint sprigs", + "fresh lemon juice", + "green onions", + "dill tips", + "ground cumin", + "fresh dill", + "extra-virgin olive oil", + "chopped fresh mint" + ] + }, + { + "id": 31479, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "vegetable oil", + "cornmeal", + "flour", + "salt", + "large eggs", + "1% low-fat milk", + "corn kernel whole", + "light butter", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 3035, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dry white wine", + "water", + "cooking spray", + "fresh rosemary", + "ground black pepper", + "salt", + "fat free less sodium chicken broth", + "pork tenderloin", + "garlic cloves" + ] + }, + { + "id": 43424, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "chicken stock", + "chili powder", + "cumin", + "tomato paste", + "garlic", + "flour", + "oregano" + ] + }, + { + "id": 6694, + "cuisine": "mexican", + "ingredients": [ + "low-fat sour cream", + "cooking spray", + "boneless skinless chicken breast halves", + "cherry tomatoes", + "chopped onion", + "chipotle sauce", + "cider vinegar", + "salt", + "chopped cilantro fresh", + "flour tortillas", + "fresh lime juice", + "ground cumin" + ] + }, + { + "id": 13484, + "cuisine": "irish", + "ingredients": [ + "granulated sugar", + "cooking apples", + "ground cloves", + "butter", + "eggs", + "self rising flour", + "milk", + "salt" + ] + }, + { + "id": 33150, + "cuisine": "japanese", + "ingredients": [ + "pork belly", + "salt", + "seaweed", + "mayonaise", + "dashi", + "all-purpose flour", + "beni shoga", + "soy sauce", + "green onions", + "sauce", + "cabbage", + "eggs", + "Japanese mountain yam", + "dried bonito flakes", + "oil" + ] + }, + { + "id": 5704, + "cuisine": "japanese", + "ingredients": [ + "water", + "garlic", + "baby portobello mushrooms", + "beef bouillon granules", + "celery", + "chicken stock", + "fresh ginger root", + "carrots", + "fresh chives", + "fresh shiitake mushrooms", + "onions" + ] + }, + { + "id": 17622, + "cuisine": "southern_us", + "ingredients": [ + "all-purpose flour", + "shortening", + "chicken", + "ground black pepper", + "salt" + ] + }, + { + "id": 2813, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "chopped pecans", + "brown sugar", + "salt", + "unsalted butter", + "cream", + "all-purpose flour" + ] + }, + { + "id": 44374, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "onions", + "dried sage", + "ground white pepper", + "garlic cloves", + "tuna packed in olive oil", + "white kidney beans" + ] + }, + { + "id": 45446, + "cuisine": "british", + "ingredients": [ + "white flour", + "sausages", + "salt", + "eggs", + "oil", + "milk" + ] + }, + { + "id": 18339, + "cuisine": "british", + "ingredients": [ + "bananas", + "sweetened condensed milk", + "butter", + "milk chocolate pieces", + "double cream", + "digestive biscuit" + ] + }, + { + "id": 6693, + "cuisine": "french", + "ingredients": [ + "granulated sugar", + "vanilla extract", + "unsweetened cocoa powder", + "water", + "baking powder", + "all-purpose flour", + "eggs", + "egg whites", + "salt", + "baking soda", + "vegetable oil", + "mousse" + ] + }, + { + "id": 13799, + "cuisine": "chinese", + "ingredients": [ + "light brown sugar", + "ground pepper", + "red pepper flakes", + "snow peas", + "large egg whites", + "vegetable oil", + "corn starch", + "fresh ginger", + "coarse salt", + "long grain brown rice", + "soy sauce", + "boneless skinless chicken breasts", + "garlic cloves" + ] + }, + { + "id": 9860, + "cuisine": "indian", + "ingredients": [ + "fennel", + "chopped cilantro", + "tofu", + "spices", + "dried cranberries", + "pistachios", + "onions", + "olive oil", + "salt" + ] + }, + { + "id": 22253, + "cuisine": "thai", + "ingredients": [ + "lime rind", + "ground pepper", + "sweet potatoes", + "maple syrup", + "oil", + "coconut milk", + "tumeric", + "lemongrass", + "ground nutmeg", + "cinnamon", + "ground coriander", + "garlic cloves", + "curry paste", + "ground cloves", + "fresh ginger root", + "shallots", + "roasted peanuts", + "cardamom", + "dried red chile peppers", + "soy sauce", + "lime", + "extra firm tofu", + "fresh green bean", + "scallions", + "red bell pepper", + "cumin" + ] + }, + { + "id": 2043, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "all-purpose flour", + "garlic cloves", + "medium shrimp", + "vegetable oil", + "freshly ground pepper", + "red bell pepper", + "andouille sausage", + "cayenne pepper", + "thyme", + "onions", + "celery ribs", + "salt", + "scallions", + "flat leaf parsley" + ] + }, + { + "id": 41446, + "cuisine": "italian", + "ingredients": [ + "sausage links", + "dry white wine", + "carrots", + "chicken stock", + "ground black pepper", + "extra-virgin olive oil", + "onions", + "parsnips", + "italian plum tomatoes", + "salt", + "italian seasoning", + "barley", + "swiss chard", + "crimini mushrooms", + "celery" + ] + }, + { + "id": 22832, + "cuisine": "italian", + "ingredients": [ + "pesto sauce", + "ziti", + "peeled tomatoes", + "hot Italian sausages", + "spinach leaves", + "grated parmesan cheese", + "onions", + "mozzarella cheese", + "large garlic cloves" + ] + }, + { + "id": 2108, + "cuisine": "french", + "ingredients": [ + "water", + "fresh thyme", + "grated Gruyère cheese", + "ground black pepper", + "fine sea salt", + "parmesan cheese", + "large eggs", + "white wine", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 10991, + "cuisine": "mexican", + "ingredients": [ + "jicama", + "red bell pepper", + "orange", + "purple onion", + "baby spinach", + "sesame seeds", + "vinaigrette" + ] + }, + { + "id": 40127, + "cuisine": "chinese", + "ingredients": [ + "spring onions", + "corn", + "maldon sea salt", + "salt", + "fresh ginger root", + "oil" + ] + }, + { + "id": 36231, + "cuisine": "italian", + "ingredients": [ + "green olives", + "dried rosemary", + "white vinegar", + "dried thyme", + "pitted kalamata olives", + "fennel seeds", + "bay leaves" + ] + }, + { + "id": 11561, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "sugar", + "toasted sesame seeds", + "salmon fillets", + "scallions", + "sake", + "mirin" + ] + }, + { + "id": 1098, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "basil", + "onions", + "ground black pepper", + "gnocchi", + "asiago", + "flat leaf parsley", + "fennel", + "red bell pepper" + ] + }, + { + "id": 3197, + "cuisine": "mexican", + "ingredients": [ + "chip plain tortilla", + "onions", + "pork", + "rice", + "tomato purée", + "vegetable oil", + "chopped tomatoes", + "fresh parsley" + ] + }, + { + "id": 32325, + "cuisine": "mexican", + "ingredients": [ + "corn husks", + "heavy cream", + "fresh cilantro", + "granulated sugar", + "salt", + "mayonaise", + "unsalted butter", + "cheese", + "lime", + "chili powder" + ] + }, + { + "id": 5611, + "cuisine": "korean", + "ingredients": [ + "pepper flakes", + "water", + "green onions", + "green chilies", + "red chili peppers", + "eggplant", + "garlic", + "sugar", + "sesame seeds", + "apple cider vinegar", + "onions", + "ice cubes", + "soy sauce", + "vinegar", + "salt" + ] + }, + { + "id": 45636, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "artichokes", + "tomatoes", + "parsley", + "green onions", + "feta cheese crumbles", + "pita bread", + "kalamata" + ] + }, + { + "id": 26221, + "cuisine": "italian", + "ingredients": [ + "KRAFT Shredded Low-Moisture Part-Skim Mozzarella Cheese", + "water", + "pasta sauce", + "penne pasta", + "lean ground beef" + ] + }, + { + "id": 30476, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "vegetable oil", + "string cheese", + "garlic cloves", + "tomatoes", + "flour", + "white onion", + "zucchini blossoms" + ] + }, + { + "id": 48375, + "cuisine": "korean", + "ingredients": [ + "chile paste", + "sesame oil", + "ginger", + "pears", + "granulated sugar", + "sea salt", + "rice vinegar", + "ground black pepper", + "grapeseed oil", + "sweet pepper", + "green cabbage", + "enokitake", + "fresh orange juice", + "scallions" + ] + }, + { + "id": 3665, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "top sirloin steak", + "garlic", + "molasses", + "buttermilk", + "pinto beans", + "collard greens", + "flour", + "bacon", + "ketchup", + "lemon", + "ground mustard" + ] + }, + { + "id": 27689, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "flour", + "poultry seasoning", + "celery ribs", + "milk", + "baking powder", + "onions", + "chicken broth", + "olive oil", + "salt", + "white wine", + "boneless skinless chicken breasts", + "carrots" + ] + }, + { + "id": 43067, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "mozzarella cheese", + "hot Italian sausages", + "white bread", + "large garlic cloves", + "grated parmesan cheese" + ] + }, + { + "id": 24797, + "cuisine": "italian", + "ingredients": [ + "beefsteak tomatoes", + "mozzarella cheese", + "Italian bread", + "fresh basil", + "extra-virgin olive oil", + "smoked sea salt" + ] + }, + { + "id": 8684, + "cuisine": "indian", + "ingredients": [ + "sesame oil", + "dried red chile peppers", + "sesame seeds", + "salt" + ] + }, + { + "id": 20206, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "self rising flour", + "brown sugar", + "vanilla extract", + "granulated sugar", + "applesauce", + "pecans", + "butter" + ] + }, + { + "id": 43073, + "cuisine": "greek", + "ingredients": [ + "pocket bread", + "dried thyme", + "garlic", + "lemon juice", + "bamboo shoots", + "brandy", + "vegetable oil", + "purple onion", + "cucumber", + "dried rosemary", + "tomatoes", + "ground black pepper", + "lamb shoulder", + "feta cheese crumbles", + "dried oregano", + "plain yogurt", + "shredded lettuce", + "salt", + "marjoram" + ] + }, + { + "id": 13957, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "heavy cream", + "shrimp", + "andouille sausage", + "cajun seasoning", + "sauce", + "grits", + "chicken broth", + "shredded extra sharp cheddar cheese", + "salt", + "smoked gouda", + "water", + "butter", + "garlic cloves", + "chicken" + ] + }, + { + "id": 33599, + "cuisine": "italian", + "ingredients": [ + "framboise eau-de-vie", + "vanilla extract", + "fresh mint", + "sugar", + "coffee", + "cream cheese", + "powdered sugar", + "instant espresso powder", + "all-purpose flour", + "raspberries", + "extra large eggs", + "finely ground coffee" + ] + }, + { + "id": 18975, + "cuisine": "moroccan", + "ingredients": [ + "fresh cilantro", + "pumpkin", + "salt", + "carrots", + "chicken stock", + "lamb sausage", + "paprika", + "chickpeas", + "ground cinnamon", + "zucchini", + "ginger", + "garlic cloves", + "turnips", + "olive oil", + "golden raisins", + "yellow onion", + "couscous" + ] + }, + { + "id": 34413, + "cuisine": "moroccan", + "ingredients": [ + "eggplant", + "diced tomatoes", + "carrots", + "ground cumin", + "yellow squash", + "cooking spray", + "salt", + "red bell pepper", + "pepper", + "dried apricot", + "vegetable broth", + "thyme", + "olive oil", + "cinnamon", + "cilantro leaves", + "couscous" + ] + }, + { + "id": 44200, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "Sriracha", + "Maggi", + "fish sauce", + "water", + "salt", + "oil", + "eggs", + "ketchup", + "boneless skinless chicken breasts", + "dark sesame oil", + "sugar", + "garlic powder", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 28480, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "kidney beans", + "cajun seasoning", + "chopped onion", + "minced garlic", + "bay leaves", + "bacon", + "chicken broth", + "olive oil", + "green onions", + "salt", + "andouille sausage", + "chopped green bell pepper", + "worcestershire sauce", + "smoked ham hocks" + ] + }, + { + "id": 21863, + "cuisine": "italian", + "ingredients": [ + "sugar", + "lasagna noodles", + "diced tomatoes", + "fresh parsley", + "italian sausage", + "dried basil", + "ricotta cheese", + "salt", + "pepper", + "grated parmesan cheese", + "beaten eggs", + "onions", + "tomato paste", + "part-skim mozzarella cheese", + "red pepper flakes", + "garlic cloves" + ] + }, + { + "id": 26359, + "cuisine": "french", + "ingredients": [ + "black peppercorns", + "salt", + "shallots", + "red wine vinegar", + "dry white wine" + ] + }, + { + "id": 19594, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "onion powder", + "mustard powder", + "light brown sugar", + "granulated sugar", + "light corn syrup", + "water", + "apple cider vinegar", + "fresh lemon juice", + "ground black pepper", + "worcestershire sauce" + ] + }, + { + "id": 97, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "tomatoes with juice", + "black pepper", + "cooking spray", + "garlic cloves", + "kosher salt", + "beefsteak tomatoes", + "dried oregano", + "low sodium chicken broth", + "penne pasta" + ] + }, + { + "id": 18173, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "taco seasoning", + "orange juice concentrate", + "jalapeno chilies", + "fresh pineapple", + "mandarin orange segments", + "corn tortillas", + "whitefish", + "shredded lettuce" + ] + }, + { + "id": 4133, + "cuisine": "chinese", + "ingredients": [ + "egg roll wrappers", + "rice vinegar", + "onions", + "honey", + "vegetable oil", + "mung bean sprouts", + "soy sauce", + "sesame oil", + "carrots", + "fresh ginger", + "clove garlic, fine chop", + "ground beef" + ] + }, + { + "id": 15195, + "cuisine": "russian", + "ingredients": [ + "sorrel", + "ground pepper", + "yellow onion", + "cream", + "fresh thyme", + "celery", + "starchy potatoes", + "unsalted butter", + "carrots", + "kosher salt", + "vegetable broth", + "basmati rice" + ] + }, + { + "id": 1175, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "sugar", + "butter", + "cornmeal", + "white vinegar", + "refrigerated piecrusts", + "all-purpose flour", + "milk", + "vanilla extract" + ] + }, + { + "id": 10581, + "cuisine": "brazilian", + "ingredients": [ + "tapioca flour", + "salt", + "water", + "mozzarella cheese", + "eggs", + "vegetable oil" + ] + }, + { + "id": 1432, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "egg whites", + "garlic", + "corn starch", + "honey", + "sesame oil", + "broccoli", + "cooked brown rice", + "boneless skinless chicken breasts", + "rice vinegar", + "reduced sodium soy sauce", + "vegetable oil", + "scallions" + ] + }, + { + "id": 24779, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "white wine vinegar", + "chopped fresh chives", + "small red potato", + "olive oil", + "shallots", + "fresh parsley", + "radishes", + "salt" + ] + }, + { + "id": 46363, + "cuisine": "chinese", + "ingredients": [ + "water chestnuts", + "vegetable oil", + "corn starch", + "low sodium soy sauce", + "green onions", + "dry sherry", + "peeled fresh ginger", + "large garlic cloves", + "bok choy", + "extra firm tofu", + "sesame oil", + "crushed red pepper" + ] + }, + { + "id": 33403, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "ground cumin", + "cayenne pepper", + "mint leaves", + "plain yogurt", + "hothouse cucumber" + ] + }, + { + "id": 24790, + "cuisine": "italian", + "ingredients": [ + "minced onion", + "worcestershire sauce", + "medium shrimp", + "angel hair", + "butter", + "salt", + "avocado", + "dry white wine", + "garlic", + "fresh parsley", + "black pepper", + "asiago", + "lemon juice" + ] + }, + { + "id": 40857, + "cuisine": "brazilian", + "ingredients": [ + "pepper", + "bell pepper", + "garlic", + "tomato paste", + "fresh cilantro", + "chicken drumsticks", + "curry powder", + "yukon gold potatoes", + "coconut milk", + "kosher salt", + "sweet onion", + "ginger" + ] + }, + { + "id": 12015, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "olive oil", + "whipping cream", + "angel hair", + "shallots", + "lobster", + "cognac" + ] + }, + { + "id": 35937, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "shredded Monterey Jack cheese", + "tortillas", + "enchilada sauce", + "fresh cilantro", + "buffalo sauce", + "green onions", + "gorgonzola" + ] + }, + { + "id": 40633, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "sherry wine vinegar", + "white wine vinegar", + "red bell pepper", + "dried thyme", + "dijon mustard", + "button mushrooms", + "garlic cloves", + "honey", + "bay leaves", + "chile de arbol", + "fresh parsley leaves", + "white onion", + "shiitake", + "worcestershire sauce", + "oyster mushrooms" + ] + }, + { + "id": 44732, + "cuisine": "brazilian", + "ingredients": [ + "lemon", + "licor 43", + "ice", + "sugar", + "light rum" + ] + }, + { + "id": 46344, + "cuisine": "irish", + "ingredients": [ + "white vinegar", + "green onions", + "corned beef", + "mayonaise", + "celery seed", + "red potato", + "chopped celery", + "hard-boiled egg", + "pickle relish" + ] + }, + { + "id": 23178, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "olive oil", + "anise", + "sugar", + "beef shank", + "salt", + "five spice", + "fresh ginger", + "garlic", + "light soy sauce", + "Shaoxing wine" + ] + }, + { + "id": 47882, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "garlic cloves", + "chinese mustard", + "red pepper flakes", + "sesame oil", + "lemon juice", + "soy sauce", + "seasoned rice wine vinegar" + ] + }, + { + "id": 7550, + "cuisine": "japanese", + "ingredients": [ + "miso paste", + "wood ear mushrooms", + "tofu", + "scallions", + "vegetable stock", + "soy sauce", + "konbu" + ] + }, + { + "id": 10139, + "cuisine": "italian", + "ingredients": [ + "lemon rind", + "vodka", + "sugar", + "water" + ] + }, + { + "id": 3065, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "shredded cheddar cheese", + "chopped fresh sage", + "whole milk", + "plain low fat greek yogurt" + ] + }, + { + "id": 16977, + "cuisine": "greek", + "ingredients": [ + "sugar", + "cooking spray", + "olive oil", + "all-purpose flour", + "warm water", + "salt", + "pitted kalamata olives", + "whole wheat flour", + "yeast" + ] + }, + { + "id": 3326, + "cuisine": "french", + "ingredients": [ + "pepper", + "fresh lemon juice", + "grated lemon zest", + "salt", + "mayonaise", + "garlic cloves" + ] + }, + { + "id": 10414, + "cuisine": "jamaican", + "ingredients": [ + "skim milk", + "bananas", + "baking powder", + "salt", + "chopped pecans", + "brown sugar", + "lime juice", + "cooking spray", + "sweetened coconut flakes", + "margarine", + "lime zest", + "lime rind", + "large eggs", + "butter", + "all-purpose flour", + "sugar", + "baking soda", + "dark rum", + "vanilla extract", + "light cream cheese" + ] + }, + { + "id": 8129, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "yellow bell pepper", + "red bell pepper", + "corn flakes", + "salsa", + "fajita seasoning mix", + "orange bell pepper", + "purple onion", + "boneless skinless chicken breast halves", + "chili powder", + "fresh mushrooms" + ] + }, + { + "id": 10984, + "cuisine": "korean", + "ingredients": [ + "honey", + "pork loin", + "garlic", + "kimchi", + "mirin", + "ginger", + "Gochujang base", + "sesame seeds", + "sesame oil", + "yellow onion", + "soy sauce", + "gochugaru", + "apples", + "oil" + ] + }, + { + "id": 32148, + "cuisine": "japanese", + "ingredients": [ + "cooked chicken", + "salt", + "ketchup", + "heavy cream", + "carrots", + "vegetable oil", + "rice", + "large eggs", + "garlic", + "onions" + ] + }, + { + "id": 9602, + "cuisine": "thai", + "ingredients": [ + "pork loin", + "crushed red pepper", + "red bell pepper", + "lime wedges", + "creamy peanut butter", + "dry roasted peanuts", + "teriyaki sauce", + "garlic cloves", + "green onions", + "rice vinegar", + "basmati rice" + ] + }, + { + "id": 46394, + "cuisine": "indian", + "ingredients": [ + "clove", + "garam masala", + "boneless skinless chicken breasts", + "ginger", + "onions", + "black pepper", + "whole milk yoghurt", + "sunflower oil", + "salt", + "ground cumin", + "fresh cilantro", + "wheels", + "paprika", + "fresh lemon juice", + "serrano chilies", + "cayenne", + "heavy cream", + "garlic", + "plum tomatoes" + ] + }, + { + "id": 38028, + "cuisine": "italian", + "ingredients": [ + "white onion", + "ricotta cheese", + "shredded mozzarella cheese", + "dough", + "minced garlic", + "cracked black pepper", + "garlic salt", + "kosher salt", + "diced tomatoes", + "fresh basil leaves", + "romano cheese", + "lean ground beef", + "extra-virgin olive oil", + "noodles" + ] + }, + { + "id": 9504, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "green onions", + "fresh cilantro", + "dry roasted peanuts", + "fresh lime juice", + "fish sauce", + "fresh ginger" + ] + }, + { + "id": 27435, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "boneless chicken breast", + "diced tomatoes", + "tortilla chips", + "ground cumin", + "corn", + "chili powder", + "shredded sharp cheddar cheese", + "sour cream", + "black beans", + "low sodium chicken broth", + "garlic", + "red bell pepper", + "avocado", + "olive oil", + "coarse salt", + "yellow onion", + "oregano" + ] + }, + { + "id": 8651, + "cuisine": "italian", + "ingredients": [ + "sliced black olives", + "tomatoes", + "zesty italian dressing", + "pasta", + "chopped green bell pepper", + "salad seasoning mix", + "purple onion" + ] + }, + { + "id": 25877, + "cuisine": "vietnamese", + "ingredients": [ + "fennel seeds", + "lime", + "hoisin sauce", + "ginger", + "cinnamon sticks", + "chicken", + "fish sauce", + "herbs", + "flank steak", + "powdered gelatin", + "onions", + "clove", + "sugar", + "Sriracha", + "vegetable oil", + "scallions", + "noodles", + "chicken broth", + "coriander seeds", + "egg whites", + "star anise", + "beansprouts", + "chuck" + ] + }, + { + "id": 38802, + "cuisine": "japanese", + "ingredients": [ + "water", + "potato starch", + "white sugar", + "white vinegar", + "salt", + "mochiko" + ] + }, + { + "id": 2029, + "cuisine": "french", + "ingredients": [ + "butter", + "chopped almonds", + "all-purpose flour", + "brown sugar", + "light corn syrup", + "almond extract" + ] + }, + { + "id": 30644, + "cuisine": "southern_us", + "ingredients": [ + "bacon drippings", + "dried thyme", + "crushed red pepper", + "onions", + "minced garlic", + "bay leaves", + "ham hock", + "water", + "chicken stock cubes", + "cooked white rice", + "pepper", + "black-eyed peas", + "salt" + ] + }, + { + "id": 45091, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "salt", + "mussels", + "bay leaves", + "white vinegar", + "cooking oil", + "whole peppercorn", + "garlic" + ] + }, + { + "id": 25166, + "cuisine": "italian", + "ingredients": [ + "colby jack cheese", + "rotini", + "tomatoes", + "pepperoni", + "black olives", + "italian salad dressing", + "parmesan cheese", + "cucumber" + ] + }, + { + "id": 17050, + "cuisine": "italian", + "ingredients": [ + "garlic", + "dried parsley", + "Alfredo sauce", + "shredded mozzarella cheese", + "italian seasoning", + "grated parmesan cheese", + "diced chicken", + "noodles", + "ricotta cheese", + "sour cream" + ] + }, + { + "id": 5509, + "cuisine": "thai", + "ingredients": [ + "coconut", + "peanuts", + "cilantro leaves", + "milk", + "lime wedges", + "panko breadcrumbs", + "lemongrass", + "large eggs", + "pork loin chops", + "fish sauce", + "fresh ginger", + "garlic" + ] + }, + { + "id": 47852, + "cuisine": "french", + "ingredients": [ + "water", + "xanthan gum", + "sugar", + "corn syrup", + "cream of tartar", + "egg yolks", + "eggs", + "butter" + ] + }, + { + "id": 21888, + "cuisine": "korean", + "ingredients": [ + "hoisin sauce", + "toasted sesame oil", + "rib eye steaks", + "scallions", + "garlic", + "soy sauce", + "coca-cola" + ] + }, + { + "id": 7416, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lamb loin chops", + "black pepper", + "salt", + "fresh rosemary", + "balsamic vinegar", + "minced garlic", + "stone ground mustard" + ] + }, + { + "id": 26951, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "ground pepper", + "garlic cloves", + "soy sauce", + "ground pork", + "angel hair", + "lime wedges", + "onions", + "chicken broth", + "fresh cilantro", + "oil" + ] + }, + { + "id": 19157, + "cuisine": "french", + "ingredients": [ + "frozen pastry puff sheets", + "apricot preserves", + "vanilla beans", + "salt", + "sugar", + "egg yolks", + "confectioners sugar", + "milk", + "all-purpose flour" + ] + }, + { + "id": 15545, + "cuisine": "italian", + "ingredients": [ + "water", + "butter", + "boneless skinless chicken breast halves", + "chicken bouillon", + "ground black pepper", + "salt", + "white wine", + "shallots", + "all-purpose flour", + "olive oil", + "garlic", + "dried rosemary" + ] + }, + { + "id": 17961, + "cuisine": "italian", + "ingredients": [ + "white wine vinegar", + "extra-virgin olive oil", + "potatoes", + "fresh parsley", + "garlic" + ] + }, + { + "id": 25140, + "cuisine": "irish", + "ingredients": [ + "pepper", + "margarine", + "parsnips", + "baking potatoes", + "skim milk", + "salt", + "turnips", + "bay leaves" + ] + }, + { + "id": 41066, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "crushed red pepper flakes", + "sausages", + "warm water", + "granulated sugar", + "salt", + "whole wheat flour", + "extra-virgin olive oil", + "bread flour", + "pepper", + "pizza sauce", + "shredded mozzarella cheese" + ] + }, + { + "id": 41856, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "black pepper", + "guacamole", + "garlic", + "beer", + "oregano", + "ketchup", + "cayenne", + "worcestershire sauce", + "yellow onion", + "ground beef", + "cotija", + "lime juice", + "warm buns", + "salt", + "smoked paprika", + "ground cumin", + "chipotle chile", + "bell pepper", + "cilantro", + "ground allspice", + "onions" + ] + }, + { + "id": 32775, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "paprika", + "cayenne pepper", + "onions", + "tomatoes", + "sweet potatoes", + "garlic", + "coconut milk", + "tomato paste", + "garam masala", + "vegetable broth", + "chickpeas", + "plain yogurt", + "vegetable oil", + "salt", + "curry paste" + ] + }, + { + "id": 171, + "cuisine": "southern_us", + "ingredients": [ + "diced onions", + "crawfish", + "worcestershire sauce", + "diced celery", + "black pepper", + "unsalted butter", + "salt", + "boneless skinless chicken breast halves", + "lump crab meat", + "green onions", + "all-purpose flour", + "green bell pepper", + "minced garlic", + "oyster mushrooms", + "heavy whipping cream" + ] + }, + { + "id": 7825, + "cuisine": "vietnamese", + "ingredients": [ + "pepper", + "yellow bell pepper", + "onions", + "green bell pepper", + "tapioca starch", + "Maggi", + "fish fillets", + "vinegar", + "salt", + "sugar", + "spices", + "oil" + ] + }, + { + "id": 8126, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "napa cabbage", + "scallions", + "soy sauce", + "dried udon", + "yellow onion", + "tofu", + "mushrooms", + "garlic", + "konbu", + "kosher salt", + "vegetable oil", + "fresh mushrooms" + ] + }, + { + "id": 14761, + "cuisine": "indian", + "ingredients": [ + "water", + "potatoes", + "cilantro leaves", + "whole wheat flour", + "butter", + "oil", + "garam masala", + "salt", + "amba", + "amchur", + "chili powder", + "green chilies" + ] + }, + { + "id": 20391, + "cuisine": "french", + "ingredients": [ + "Chambord Liqueur", + "heavy cream", + "confectioners sugar", + "mascarpone", + "vanilla extract", + "mint leaves", + "fresh lemon juice", + "granulated sugar", + "fresh raspberries" + ] + }, + { + "id": 25153, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "garlic cloves", + "honey", + "pepper", + "red jalapeno peppers", + "tomato paste", + "apple cider vinegar" + ] + }, + { + "id": 45087, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "tortellini", + "parmigiano reggiano cheese", + "fresh parsley", + "large garlic cloves", + "baby spinach leaves", + "extra-virgin olive oil" + ] + }, + { + "id": 29895, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "yellow bean sauce", + "scallions", + "beansprouts", + "eggs", + "lime", + "garlic", + "shrimp", + "chicken", + "red chili peppers", + "shallots", + "oil", + "bean curd", + "fish sauce", + "vermicelli", + "salt", + "chinese chives" + ] + }, + { + "id": 37949, + "cuisine": "vietnamese", + "ingredients": [ + "neutral oil", + "lime", + "thai chile", + "cucumber", + "tomatoes", + "sweet chili sauce", + "mint leaves", + "carrots", + "chopped cilantro", + "sugar", + "ground black pepper", + "juice", + "steak", + "kaffir lime leaves", + "kosher salt", + "watercress", + "Thai fish sauce" + ] + }, + { + "id": 37984, + "cuisine": "russian", + "ingredients": [ + "vegetables", + "smoked sausage", + "onions", + "tomato paste", + "green onions", + "ham", + "olives", + "bay leaves", + "salt", + "pork butt", + "capers", + "lemon", + "sour cream" + ] + }, + { + "id": 47838, + "cuisine": "greek", + "ingredients": [ + "pepper", + "roma tomatoes", + "greek style plain yogurt", + "greek seasoning", + "feta cheese", + "garlic", + "cucumber", + "olive oil", + "kalamata", + "lemon juice", + "hot pepper rings", + "pita bread rounds", + "salt", + "ground lamb" + ] + }, + { + "id": 25033, + "cuisine": "vietnamese", + "ingredients": [ + "shredded lettuce", + "carrots", + "water", + "peeled shrimp", + "fresh basil", + "rice vermicelli", + "hoisin sauce", + "rice" + ] + }, + { + "id": 25842, + "cuisine": "british", + "ingredients": [ + "dijon mustard", + "all-purpose flour", + "bread crumb fresh", + "hard-boiled egg", + "fresh parsley", + "large eggs", + "sausage meat", + "fresh chives", + "vegetable oil" + ] + }, + { + "id": 29115, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "rice wine", + "ginger", + "cardamom", + "pork", + "vegetable oil", + "chili bean paste", + "stock", + "szechwan peppercorns", + "salt", + "cooking oil", + "cilantro", + "scallions" + ] + }, + { + "id": 12620, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "vanilla extract", + "unbaked pie crusts", + "white sugar", + "eggs", + "all-purpose flour", + "buttermilk" + ] + }, + { + "id": 30077, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "salt", + "green papaya", + "fish sauce", + "fresh ginger", + "oil", + "water", + "whole chicken", + "fresh leav spinach", + "garlic", + "onions" + ] + }, + { + "id": 11028, + "cuisine": "russian", + "ingredients": [ + "fresh dill", + "potatoes", + "salt", + "potato starch", + "water", + "mushrooms", + "bread crumbs", + "flour", + "eggs", + "milk", + "butter" + ] + }, + { + "id": 31652, + "cuisine": "korean", + "ingredients": [ + "sugar", + "asian pear", + "garlic", + "low sodium soy sauce", + "anchovies", + "sesame oil", + "toasted sesame seeds", + "rib eye steaks", + "water", + "marinade", + "onions", + "black pepper", + "mirin", + "kelp" + ] + }, + { + "id": 37291, + "cuisine": "mexican", + "ingredients": [ + "tofu", + "purple onion", + "tomatoes", + "garlic cloves", + "avocado", + "salt", + "salsa verde", + "fresh lemon juice" + ] + }, + { + "id": 5693, + "cuisine": "french", + "ingredients": [ + "gelatin", + "sugar", + "lemon juice", + "heavy cream", + "large egg whites", + "frozen strawberries" + ] + }, + { + "id": 44819, + "cuisine": "indian", + "ingredients": [ + "garbanzo beans", + "garlic cloves", + "cayenne pepper", + "chopped fresh mint", + "large eggs", + "fresh lemon juice", + "canned chicken broth", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 24707, + "cuisine": "italian", + "ingredients": [ + "whole wheat berries", + "ricotta cheese", + "candied fruit", + "eggs", + "pies", + "grated lemon zest", + "grated orange", + "ground cinnamon", + "water", + "salt", + "white sugar", + "shortening", + "vanilla extract", + "confectioners sugar" + ] + }, + { + "id": 29312, + "cuisine": "japanese", + "ingredients": [ + "furikake", + "avocado", + "lox", + "salt", + "sushi rice", + "toasted nori" + ] + }, + { + "id": 45156, + "cuisine": "french", + "ingredients": [ + "baguette", + "shallots", + "dried shiitake mushrooms", + "onions", + "low sodium soy sauce", + "beef", + "button mushrooms", + "dark sesame oil", + "boiling water", + "water", + "dry sherry", + "pearl barley", + "boneless sirloin steak", + "brown sugar", + "peeled fresh ginger", + "gruyere cheese", + "garlic cloves" + ] + }, + { + "id": 2513, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "plums", + "sliced green onions", + "boneless chicken thighs", + "dry white wine", + "all-purpose flour", + "black pepper", + "vegetable oil", + "poultry seasoning", + "crystallized ginger", + "salt" + ] + }, + { + "id": 3900, + "cuisine": "southern_us", + "ingredients": [ + "pickling spices", + "habanero pepper", + "organic sugar", + "clove", + "watermelon", + "star anise", + "black peppercorns", + "fresh ginger", + "rice vinegar", + "water", + "pickling salt" + ] + }, + { + "id": 9237, + "cuisine": "french", + "ingredients": [ + "mayonaise", + "asparagus", + "button mushrooms", + "garlic cloves", + "ground black pepper", + "lemon", + "baby carrots", + "chopped fresh herbs", + "sugar", + "radishes", + "yellow bell pepper", + "red bell pepper", + "cherry tomatoes", + "Tabasco Pepper Sauce", + "salt", + "golden zucchini" + ] + }, + { + "id": 34648, + "cuisine": "russian", + "ingredients": [ + "eggs", + "baking powder", + "milk", + "salt", + "black pepper", + "vegetable oil", + "potatoes", + "all-purpose flour" + ] + }, + { + "id": 44024, + "cuisine": "mexican", + "ingredients": [ + "egg roll wrappers", + "oil", + "lean ground beef", + "cheese", + "taco seasoning mix", + "green chilies" + ] + }, + { + "id": 6893, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "beer", + "sugar", + "shredded sharp cheddar cheese", + "large eggs", + "all-purpose flour", + "buttermilk", + "white cornmeal" + ] + }, + { + "id": 35301, + "cuisine": "mexican", + "ingredients": [ + "canned tomatoes", + "Velveeta", + "green chilies" + ] + }, + { + "id": 38046, + "cuisine": "spanish", + "ingredients": [ + "jalapeno chilies", + "spanish chorizo", + "extra-virgin olive oil", + "boiling potatoes", + "dry white wine", + "onions", + "cuban peppers", + "salt" + ] + }, + { + "id": 13664, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "fresh ginger", + "cilantro leaves", + "coconut milk", + "tomato paste", + "lime", + "russet potatoes", + "garlic cloves", + "basmati rice", + "light brown sugar", + "kosher salt", + "vegetable oil", + "yellow onion", + "champagne vinegar", + "tomatoes", + "honey", + "curry", + "cinnamon sticks" + ] + }, + { + "id": 9633, + "cuisine": "indian", + "ingredients": [ + "chickpea flour", + "baking soda", + "salt", + "rice flour", + "green bell pepper", + "green onions", + "green chilies", + "tomatoes", + "yoghurt", + "cilantro leaves", + "ground turmeric", + "water", + "ginger", + "oil" + ] + }, + { + "id": 36570, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "dry sherry", + "chicken broth", + "Alfredo sauce", + "sliced mushrooms", + "vermicelli", + "freshly ground pepper", + "slivered almonds", + "cooked chicken", + "cream of mushroom soup" + ] + }, + { + "id": 5011, + "cuisine": "greek", + "ingredients": [ + "milk", + "all-purpose flour", + "baking powder", + "orange zest", + "egg yolks", + "white sugar", + "eggs", + "butter" + ] + }, + { + "id": 5738, + "cuisine": "filipino", + "ingredients": [ + "water", + "hard-boiled egg", + "chinese cabbage", + "egg noodles", + "green onions", + "cubed beef", + "pepper", + "beef brisket", + "star anise", + "onions", + "minced garlic", + "cooking oil", + "salt" + ] + }, + { + "id": 46211, + "cuisine": "jamaican", + "ingredients": [ + "baking powder", + "cold water", + "butter", + "vegetable oil", + "plain flour", + "salt" + ] + }, + { + "id": 47552, + "cuisine": "italian", + "ingredients": [ + "fillet red snapper", + "diced tomatoes", + "dried oregano", + "dried basil", + "garlic cloves", + "pepper", + "salt", + "dry white wine", + "lemon juice" + ] + }, + { + "id": 24846, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "coarse salt", + "chopped garlic", + "black pepper", + "low sodium chicken broth", + "spaghetti", + "baby spinach leaves", + "boneless chicken breast", + "all-purpose flour", + "olive oil", + "whole milk", + "plum tomatoes" + ] + }, + { + "id": 21718, + "cuisine": "british", + "ingredients": [ + "raspberry jam", + "milk", + "fresh raspberries", + "frozen pound cake", + "sliced almonds", + "whipping cream", + "corn starch", + "sugar", + "egg yolks", + "drambuie", + "raspberries", + "vanilla extract", + "confectioners sugar" + ] + }, + { + "id": 19815, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "dried oregano", + "water", + "coarse kosher salt", + "ground cumin", + "ground black pepper", + "bay leaf", + "white vinegar", + "garlic cloves", + "allspice" + ] + }, + { + "id": 16386, + "cuisine": "indian", + "ingredients": [ + "butter", + "plain yogurt", + "salt", + "baking powder", + "soft fresh goat cheese", + "maui onion", + "all purpose unbleached flour" + ] + }, + { + "id": 1136, + "cuisine": "italian", + "ingredients": [ + "white wine vinegar", + "organic vegetable broth", + "cilantro leaves", + "extra-virgin olive oil", + "chopped walnuts", + "salt", + "garlic cloves" + ] + }, + { + "id": 20109, + "cuisine": "brazilian", + "ingredients": [ + "dried beef", + "cassava meal", + "onions", + "pepper", + "pork", + "salt" + ] + }, + { + "id": 11799, + "cuisine": "southern_us", + "ingredients": [ + "flour tortillas", + "pepper", + "boneless skinless chicken breasts", + "chicken stock", + "hard-boiled egg", + "cream of chicken soup", + "salt" + ] + }, + { + "id": 3132, + "cuisine": "japanese", + "ingredients": [ + "olive oil", + "sea bass fillets", + "black pepper", + "asparagus", + "sugar", + "white miso", + "fresh lemon juice", + "water", + "lemon wedge" + ] + }, + { + "id": 26809, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "minced garlic", + "spring onions", + "soy sauce", + "cooking oil", + "brown sugar", + "steamed rice", + "shrimp paste", + "pork belly", + "green mango" + ] + }, + { + "id": 21862, + "cuisine": "indian", + "ingredients": [ + "pepper", + "chili powder", + "green chilies", + "ground cumin", + "coriander powder", + "cilantro leaves", + "lemon juice", + "garam masala", + "salt", + "lentils", + "curry sauce", + "lamb", + "ghee" + ] + }, + { + "id": 24, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "vanilla extract", + "firmly packed light brown sugar", + "butter", + "pecans", + "refrigerated piecrusts", + "salt", + "sugar", + "light corn syrup" + ] + }, + { + "id": 11246, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "tomatillos", + "garlic cloves", + "jalapeno chilies", + "crushed red pepper", + "tequila", + "pork tenderloin", + "cilantro sprigs", + "lemon juice", + "avocado", + "cooking spray", + "salt", + "ground cumin" + ] + }, + { + "id": 19150, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "all purpose unbleached flour", + "okra", + "canola oil", + "chives", + "garlic", + "flat leaf parsley", + "black pepper", + "buttermilk", + "sour cream", + "onion powder", + "salt", + "cornmeal" + ] + }, + { + "id": 29694, + "cuisine": "british", + "ingredients": [ + "whole cloves", + "green pepper", + "cabbage", + "whole allspice", + "red pepper", + "cinnamon sticks", + "brown sugar", + "green tomatoes", + "mustard seeds", + "cider vinegar", + "salt", + "onions" + ] + }, + { + "id": 13999, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "grated parmesan cheese", + "eggs", + "cherry tomatoes", + "spaghetti", + "mozzarella cheese", + "ricotta cheese", + "fresh basil", + "ground pepper", + "dried oregano" + ] + }, + { + "id": 20512, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "white wine vinegar", + "sliced green onions", + "water", + "fresh veget", + "feta cheese crumbles", + "garbanzo beans", + "salt", + "curry powder", + "peeled fresh ginger", + "couscous" + ] + }, + { + "id": 37898, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "vegetable oil", + "fresh lime juice", + "medium tomatoes", + "garlic cloves", + "dried oregano", + "black pepper", + "flour tortillas", + "red bell pepper", + "monterey jack", + "refried beans", + "salt", + "serrano chile" + ] + }, + { + "id": 14123, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "shredded swiss cheese", + "olive oil", + "cooking spray", + "sliced mushrooms", + "large egg whites", + "large eggs", + "salt", + "ground black pepper", + "green onions", + "fresh parsley" + ] + }, + { + "id": 4710, + "cuisine": "chinese", + "ingredients": [ + "roasted cashews", + "cider vinegar", + "pork tenderloin", + "long-grain rice", + "sugar", + "water", + "green onions", + "corn starch", + "pineapple chunks", + "minced garlic", + "sherry", + "juice", + "low sodium soy sauce", + "ketchup", + "fresh ginger", + "peanut oil", + "snow peas" + ] + }, + { + "id": 20257, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "salt", + "honey", + "loin pork chops", + "olive oil", + "fresh lime juice", + "fat free less sodium chicken broth", + "cooking spray", + "mango" + ] + }, + { + "id": 4914, + "cuisine": "british", + "ingredients": [ + "rolled oats", + "butter", + "whole wheat flour", + "milk", + "all-purpose flour", + "brown sugar", + "baking powder" + ] + }, + { + "id": 45788, + "cuisine": "russian", + "ingredients": [ + "vanilla beans", + "corn starch", + "large egg yolks", + "milk", + "sugar", + "vanilla extract" + ] + }, + { + "id": 4315, + "cuisine": "spanish", + "ingredients": [ + "ice cubes", + "lemon slices", + "red wine", + "cola" + ] + }, + { + "id": 11548, + "cuisine": "korean", + "ingredients": [ + "sugar", + "sesame oil", + "carrots", + "rib eye steaks", + "shiitake", + "garlic", + "toasted sesame seeds", + "soy sauce", + "vegetable oil", + "onions", + "spinach", + "green onions", + "salt", + "noodles" + ] + }, + { + "id": 3686, + "cuisine": "filipino", + "ingredients": [ + "lime", + "sugar", + "butter", + "powdered milk", + "milk" + ] + }, + { + "id": 18097, + "cuisine": "southern_us", + "ingredients": [ + "Southern Comfort Liqueur", + "yellow cake mix", + "chopped walnuts", + "eggs", + "vegetable oil", + "milk", + "vanilla instant pudding" + ] + }, + { + "id": 36532, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "linguine", + "plum tomatoes", + "dry white wine", + "crushed red pepper", + "fennel seeds", + "extra-virgin olive oil", + "garlic cloves", + "leeks", + "white wine vinegar" + ] + }, + { + "id": 32500, + "cuisine": "thai", + "ingredients": [ + "coconut sugar", + "green onions", + "avocado oil", + "spaghetti squash", + "fish sauce", + "cracked black pepper", + "yellow onion", + "bird chile", + "green bell pepper", + "large garlic cloves", + "salt", + "sliced mushrooms", + "eggs", + "fresh ginger", + "Thai red curry paste", + "coconut aminos", + "ground beef" + ] + }, + { + "id": 29428, + "cuisine": "moroccan", + "ingredients": [ + "vegetable oil", + "ginger", + "onions", + "tumeric", + "lemon", + "sweet paprika", + "chicken stock", + "coarse salt", + "lamb shoulder", + "saffron", + "ground black pepper", + "cilantro", + "cinnamon sticks" + ] + }, + { + "id": 15922, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "stewed tomatoes", + "frozen okra", + "celery", + "pepper", + "salt", + "bacon", + "onions" + ] + }, + { + "id": 38104, + "cuisine": "italian", + "ingredients": [ + "warm water", + "dry yeast", + "fennel seeds", + "milk", + "all purpose unbleached flour", + "pitted kalamata olives", + "olive oil", + "bread flour", + "water", + "coarse salt" + ] + }, + { + "id": 46369, + "cuisine": "french", + "ingredients": [ + "oysters", + "dry white wine", + "sauce", + "pancake", + "flounder", + "parsley", + "shrimp", + "crayfish", + "brandy", + "mushrooms", + "cayenne pepper", + "clarified butter", + "tomatoes", + "grated parmesan cheese", + "lemon", + "seasoned flour" + ] + }, + { + "id": 3546, + "cuisine": "southern_us", + "ingredients": [ + "chopped ham", + "fresh marjoram", + "chopped celery", + "onions", + "eggs", + "ground nutmeg", + "wild rice", + "long grain white rice", + "pecans", + "butter", + "bay leaf", + "collard greens", + "stuffing", + "low salt chicken broth" + ] + }, + { + "id": 31626, + "cuisine": "italian", + "ingredients": [ + "pepper", + "grated parmesan cheese", + "parsley", + "salt", + "onions", + "eggs", + "olive oil", + "half & half", + "diced tomatoes", + "shredded mozzarella cheese", + "nutmeg", + "milk", + "flour", + "ricotta cheese", + "mixed greens", + "dried oregano", + "white wine", + "unsalted butter", + "basil leaves", + "crushed red pepper", + "garlic cloves" + ] + }, + { + "id": 27610, + "cuisine": "greek", + "ingredients": [ + "flour", + "unsalted butter", + "vanilla", + "powdered sugar", + "egg yolks", + "chopped almonds" + ] + }, + { + "id": 41441, + "cuisine": "chinese", + "ingredients": [ + "large egg whites", + "rice wine", + "corn starch", + "water chestnuts", + "coarse salt", + "panko", + "vegetable oil", + "large shrimp", + "scallion greens", + "peeled fresh ginger", + "fresh pork fat" + ] + }, + { + "id": 38261, + "cuisine": "brazilian", + "ingredients": [ + "tomato paste", + "hearts of palm", + "egg yolks", + "oil", + "plum tomatoes", + "tumeric", + "unsalted butter", + "salt", + "shrimp", + "eggs", + "ground black pepper", + "butter", + "sherry wine", + "shortening", + "flour", + "beer", + "onions" + ] + }, + { + "id": 33094, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "ground cumin", + "boneless chicken breast" + ] + }, + { + "id": 35206, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "skinless chicken pieces", + "garlic cloves", + "ground black pepper", + "salt", + "onions", + "vinegar", + "ground allspice", + "dried oregano", + "brown sugar", + "hot pepper", + "thyme" + ] + }, + { + "id": 42629, + "cuisine": "indian", + "ingredients": [ + "chicken stock", + "chopped tomatoes", + "cumin seed", + "chicken thighs", + "tumeric", + "vegetable oil", + "cinnamon sticks", + "chili flakes", + "garam masala", + "garlic cloves", + "coriander", + "fennel seeds", + "caster sugar", + "ginger", + "onions" + ] + }, + { + "id": 28208, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "salt", + "baking powder", + "flour", + "vegetable oil" + ] + }, + { + "id": 32165, + "cuisine": "thai", + "ingredients": [ + "white pepper", + "fish balls", + "fish sauce", + "rice noodles", + "shrimp", + "chicken broth", + "water", + "oil", + "pork", + "scallions" + ] + }, + { + "id": 34342, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "ground black pepper", + "heavy cream", + "garlic", + "sour cream", + "cumin", + "liquid smoke", + "chili", + "serrano peppers", + "ground pork", + "ground white pepper", + "oregano", + "brown sugar", + "poblano peppers", + "bacon", + "salt", + "ground beef", + "cheddar cheese", + "lager", + "paprika", + "cayenne pepper", + "onions" + ] + }, + { + "id": 43386, + "cuisine": "filipino", + "ingredients": [ + "white vinegar", + "ground black pepper", + "salt", + "sugar", + "vegetable oil", + "chuck", + "soy sauce", + "garlic", + "black peppercorns", + "bay leaves", + "coconut milk" + ] + }, + { + "id": 24449, + "cuisine": "greek", + "ingredients": [ + "sugar", + "unsalted butter", + "phyllo pastry", + "honey", + "fresh lemon juice", + "unsalted pistachios", + "walnuts", + "grated lemon peel", + "ground cinnamon", + "dried apple rings", + "cinnamon sticks" + ] + }, + { + "id": 6331, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "napa cabbage", + "carrots", + "low sodium soy sauce", + "lo mein noodles", + "garlic", + "snow peas", + "shiitake", + "ginger", + "chopped cilantro fresh", + "kosher salt", + "vegetable oil", + "scallions" + ] + }, + { + "id": 40549, + "cuisine": "british", + "ingredients": [ + "salt and ground black pepper", + "beef broth", + "butter", + "onions", + "potatoes", + "mustard powder", + "milk", + "red wine", + "pork sausages" + ] + }, + { + "id": 34253, + "cuisine": "italian", + "ingredients": [ + "wine", + "lemon", + "garlic cloves", + "fresh marjoram", + "chopped fresh thyme", + "salt", + "fresh rosemary", + "fennel bulb", + "extra-virgin olive oil", + "chicken", + "fennel seeds", + "ground black pepper", + "fresh tarragon", + "low salt chicken broth" + ] + }, + { + "id": 32565, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "fennel", + "fine sea salt", + "ice", + "large egg whites", + "pear tomatoes", + "flat leaf parsley", + "tomatoes", + "olive oil", + "fresh tarragon", + "onions", + "black pepper", + "sherry vinegar", + "garlic cloves" + ] + }, + { + "id": 16259, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "ginger", + "wonton wrappers", + "salt", + "green onions", + "teriyaki sauce", + "sugar", + "ground pork" + ] + }, + { + "id": 40328, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "vine ripened tomatoes", + "small white beans", + "extra-virgin olive oil", + "fresh lime juice", + "california avocado" + ] + }, + { + "id": 29335, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "chicken breasts", + "apples", + "cooked white rice", + "clove", + "chopped green bell pepper", + "butter", + "salt", + "onions", + "mace", + "sliced carrots", + "chopped celery", + "fresh parsley", + "pepper", + "beef stock", + "stewed tomatoes", + "all-purpose flour" + ] + }, + { + "id": 23680, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "vegetable oil", + "salt", + "peppercorns", + "radishes", + "garlic", + "corn tortillas", + "salsa verde", + "cilantro", + "beef tongue", + "bay leaves", + "purple onion", + "onions" + ] + }, + { + "id": 9164, + "cuisine": "french", + "ingredients": [ + "avocado", + "French mustard", + "lobster meat", + "granny smith apples", + "fine sea salt", + "haricots verts", + "coarse sea salt", + "fresh chives", + "greek yogurt" + ] + }, + { + "id": 16571, + "cuisine": "indian", + "ingredients": [ + "pepper", + "butter", + "cayenne pepper", + "fresh ginger", + "garlic", + "cumin", + "fresh cilantro", + "diced tomatoes", + "brown lentils", + "evaporated milk", + "salt" + ] + }, + { + "id": 38597, + "cuisine": "brazilian", + "ingredients": [ + "water", + "eggs", + "condensed milk", + "sugar", + "milk" + ] + }, + { + "id": 43577, + "cuisine": "italian", + "ingredients": [ + "sweet cherries", + "whole milk", + "unflavored gelatin", + "peaches", + "plums", + "honey", + "cooking spray", + "pear nectar", + "tawny port", + "blue cheese" + ] + }, + { + "id": 49493, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "reduced fat milk", + "shallots", + "spaghetti", + "ground nutmeg", + "cooking spray", + "salt", + "fat free less sodium chicken broth", + "sherry", + "butter", + "cooked chicken breasts", + "slivered almonds", + "grated parmesan cheese", + "mushrooms", + "all-purpose flour" + ] + }, + { + "id": 30529, + "cuisine": "filipino", + "ingredients": [ + "fried garlic", + "ginger", + "rice", + "fish sauce", + "water", + "chicken stock cubes", + "calamansi", + "pepper", + "garlic", + "oil", + "chicken feet", + "green onions", + "salt", + "onions" + ] + }, + { + "id": 61, + "cuisine": "thai", + "ingredients": [ + "reduced fat coconut milk", + "green beans", + "sugar", + "bamboo shoots", + "fish sauce", + "salad oil", + "Thai red curry paste", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 1772, + "cuisine": "mexican", + "ingredients": [ + "milk", + "chile pepper", + "eggs", + "green onions", + "corn tortillas", + "sliced black olives", + "salsa", + "cheddar cheese", + "pimentos", + "monterey jack" + ] + }, + { + "id": 5725, + "cuisine": "chinese", + "ingredients": [ + "honey", + "garlic cloves", + "soy sauce", + "salt", + "cider vinegar", + "gingerroot", + "anise", + "chicken thighs" + ] + }, + { + "id": 43824, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "jalapeno chilies", + "butter", + "fresh oregano", + "organic vegetable broth", + "chopped cilantro fresh", + "black beans", + "baking powder", + "salt", + "frozen corn kernels", + "masa dough", + "ground cumin", + "ground cinnamon", + "Mexican cheese blend", + "tomatillos", + "cilantro leaves", + "chopped onion", + "chipotle chile powder", + "dried cornhusks", + "sweet potatoes", + "extra-virgin olive oil", + "sauce", + "garlic cloves", + "masa harina" + ] + }, + { + "id": 24988, + "cuisine": "greek", + "ingredients": [ + "greek seasoning", + "feta cheese", + "buttermilk", + "cucumber", + "pita bread", + "boneless skinless chicken breasts", + "sweet pepper", + "tomatoes", + "flour", + "garlic", + "canola oil", + "pepper", + "red wine vinegar", + "tzatziki" + ] + }, + { + "id": 839, + "cuisine": "chinese", + "ingredients": [ + "cooked rice", + "pepper", + "boneless skinless chicken breasts", + "oil", + "soy sauce", + "hoisin sauce", + "crushed red pepper", + "toasted sesame seeds", + "brown sugar", + "water", + "ginger", + "corn starch", + "ketchup", + "egg whites", + "salt" + ] + }, + { + "id": 27021, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "french bread", + "eggplant", + "kalamata", + "olive oil", + "red wine vinegar", + "part-skim mozzarella cheese", + "fresh basil leaves" + ] + }, + { + "id": 33000, + "cuisine": "japanese", + "ingredients": [ + "dried bonito flakes", + "konbu", + "water" + ] + }, + { + "id": 43773, + "cuisine": "chinese", + "ingredients": [ + "minced ginger", + "rice vinegar", + "soy sauce", + "mushrooms", + "scallions", + "spring roll wrappers", + "kale", + "firm tofu", + "minced garlic", + "sesame oil", + "canola oil" + ] + }, + { + "id": 24995, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "beef", + "corn starch", + "minced garlic", + "sesame oil", + "soy sauce", + "brown rice", + "frozen broccoli florets", + "beef broth" + ] + }, + { + "id": 23803, + "cuisine": "irish", + "ingredients": [ + "rhubarb", + "whipped topping", + "pie dough", + "all-purpose flour", + "sugar" + ] + }, + { + "id": 26395, + "cuisine": "mexican", + "ingredients": [ + "water", + "cracked black pepper", + "celery", + "beef base", + "small red potato", + "kosher salt", + "spices", + "carrots", + "olive oil", + "beef stew meat", + "onions" + ] + }, + { + "id": 17054, + "cuisine": "italian", + "ingredients": [ + "dijon mustard", + "all-purpose flour", + "pearl onions", + "parmigiano reggiano cheese", + "unsalted butter", + "whole milk", + "mustard", + "cream sherry", + "grated nutmeg" + ] + }, + { + "id": 10705, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "mascarpone", + "chocolate shavings", + "salt", + "corn starch", + "eggs", + "baking soda", + "whole milk", + "vanilla extract", + "cocoa powder", + "olive oil", + "flour", + "red food coloring", + "cream cheese", + "sugar", + "vinegar", + "buttermilk", + "all-purpose flour", + "heavy whipping cream" + ] + }, + { + "id": 45982, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "baking potatoes", + "taco seasoning", + "olive oil", + "diced tomatoes", + "sour cream", + "pepper", + "shredded lettuce", + "shredded cheese", + "ground chuck", + "guacamole", + "salt", + "chopped cilantro" + ] + }, + { + "id": 20425, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "large eggs", + "ice water", + "garlic cloves", + "finely chopped onion", + "ricotta cheese", + "salt", + "fleur de sel", + "zucchini", + "butter", + "all-purpose flour", + "grated lemon peel", + "unsalted butter", + "grated parmesan cheese", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 30680, + "cuisine": "spanish", + "ingredients": [ + "tomato juice", + "worcestershire sauce", + "salt", + "sliced green onions", + "sugar", + "cannellini beans", + "cracked black pepper", + "feta cheese crumbles", + "fresh basil", + "chopped green bell pepper", + "diced tomatoes", + "garlic cloves", + "salad greens", + "red wine vinegar", + "extra-virgin olive oil", + "cucumber" + ] + }, + { + "id": 46298, + "cuisine": "french", + "ingredients": [ + "fresh marjoram", + "olive oil", + "oil-cured black olives", + "all-purpose flour", + "warm water", + "fresh thyme", + "extra-virgin olive oil", + "anchovy fillets", + "sugar", + "unsalted butter", + "winter savory", + "yellow onion", + "active dry yeast", + "bay leaves", + "salt", + "freshly ground pepper" + ] + }, + { + "id": 42374, + "cuisine": "jamaican", + "ingredients": [ + "water", + "jamaican jerk season", + "pepper", + "hot pepper sauce", + "large shrimp", + "soy sauce", + "honey", + "salt", + "lime juice", + "vegetable oil" + ] + }, + { + "id": 34631, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "portabello mushroom", + "beef broth", + "white wine", + "enokitake", + "chopped celery", + "carrots", + "pepper", + "butter", + "salt", + "tomato paste", + "ground nutmeg", + "heavy cream", + "chopped onion" + ] + }, + { + "id": 21342, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "unsalted butter", + "beef broth", + "chicken broth", + "sherry vinegar", + "dry sherry", + "bay leaf", + "french baguette", + "ground black pepper", + "gruyere cheese", + "water", + "fresh thyme", + "yellow onion" + ] + }, + { + "id": 46471, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "french bread", + "grated romano cheese", + "mango" + ] + }, + { + "id": 45819, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "basil leaves", + "dry bread crumbs", + "large eggs", + "salt", + "eggplant", + "fresh mozzarella", + "garlic cloves", + "tomatoes", + "grated parmesan cheese", + "all-purpose flour" + ] + }, + { + "id": 19806, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "kalamata", + "fillets", + "olive oil", + "garlic cloves", + "cooking spray", + "red bell pepper", + "green bell pepper", + "salt", + "onions" + ] + }, + { + "id": 48068, + "cuisine": "japanese", + "ingredients": [ + "chicken breasts", + "Japanese rice vinegar", + "mirin", + "garlic", + "chillies", + "malt syrup", + "vegetable oil", + "ginger root", + "udon", + "tamari soy sauce" + ] + }, + { + "id": 8934, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "whole wheat tortillas", + "cumin", + "black pepper", + "chile pepper", + "fat", + "chili powder", + "enchilada sauce", + "shredded cheddar cheese", + "lean ground beef", + "sour cream" + ] + }, + { + "id": 3608, + "cuisine": "filipino", + "ingredients": [ + "flour", + "salt", + "peppercorns", + "pepper", + "garlic", + "shrimp", + "rum", + "oil", + "vinegar", + "purple onion", + "corn starch" + ] + }, + { + "id": 19863, + "cuisine": "moroccan", + "ingredients": [ + "chicken stock", + "tumeric", + "flour", + "yellow onion", + "lentils", + "celery ribs", + "ground cinnamon", + "ground black pepper", + "lemon slices", + "garlic cloves", + "tomatoes", + "water", + "cilantro leaves", + "rice", + "ground ginger", + "lamb cubes", + "salt", + "chickpeas", + "saffron" + ] + }, + { + "id": 46991, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "red wine vinegar", + "olive oil", + "dried oregano", + "dried thyme", + "lemon juice", + "boneless skinless chicken breasts" + ] + }, + { + "id": 43937, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "butternut squash", + "hot sauce", + "vegan Worcestershire sauce", + "tomatoes", + "olive oil", + "garlic", + "green pepper", + "onions", + "pepper", + "red pepper", + "cayenne pepper", + "celery", + "stock", + "garlic powder", + "salt", + "rice", + "oregano" + ] + }, + { + "id": 34394, + "cuisine": "moroccan", + "ingredients": [ + "fresh thyme leaves", + "salt", + "fresh lemon juice", + "shallots", + "extra-virgin olive oil", + "cumin seed", + "flatbread", + "red wine vinegar", + "chickpeas", + "carrots", + "water", + "Italian parsley leaves", + "beets" + ] + }, + { + "id": 34995, + "cuisine": "cajun_creole", + "ingredients": [ + "ground red pepper", + "garlic powder", + "black pepper", + "salt" + ] + }, + { + "id": 40266, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "cayenne", + "boneless skinless chicken breasts", + "all-purpose flour", + "onions", + "dried thyme", + "flour", + "butter", + "rubbed sage", + "milk", + "granulated sugar", + "baking powder", + "garlic cloves", + "chicken broth", + "ground pepper", + "half & half", + "salt", + "carrots" + ] + }, + { + "id": 13206, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "purple onion", + "extra-virgin olive oil", + "dried oregano", + "kalamata", + "cucumber", + "vine tomatoes" + ] + }, + { + "id": 35422, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "Sriracha", + "scallions", + "lemongrass", + "garlic", + "Jasmine brown rice", + "sugar pea", + "yardlong beans", + "carrots", + "neutral oil", + "fresh ginger", + "roasting chickens", + "red bell pepper" + ] + }, + { + "id": 9243, + "cuisine": "french", + "ingredients": [ + "water", + "dijon mustard", + "boneless skinless chicken breasts", + "garlic cloves", + "fat free less sodium chicken broth", + "ground black pepper", + "dry white wine", + "all-purpose flour", + "boneless chicken skinless thigh", + "olive oil", + "leeks", + "salt", + "kale", + "potatoes", + "crushed red pepper" + ] + }, + { + "id": 12556, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce leaves", + "salad oil", + "tomatillos", + "salt", + "long grain white rice", + "poblano chilies", + "fat skimmed chicken broth", + "green onions", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 42851, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "ground black pepper", + "extra-virgin olive oil", + "fresh parsley", + "garlic powder", + "whole wheat spaghetti", + "salt", + "sliced green onions", + "olive oil", + "vinegar", + "black olives", + "fresh basil leaves", + "Italian herbs", + "parmesan cheese", + "red wine vinegar", + "sausages" + ] + }, + { + "id": 43138, + "cuisine": "korean", + "ingredients": [ + "zucchini", + "salt", + "black pepper", + "baton", + "large eggs", + "scallions", + "vegetable oil", + "kimchi" + ] + }, + { + "id": 2057, + "cuisine": "southern_us", + "ingredients": [ + "pimentos", + "shredded cheddar cheese", + "mayonaise", + "garlic powder" + ] + }, + { + "id": 39929, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "polenta", + "kosher salt", + "shredded pepper jack cheese", + "unsalted butter", + "chili", + "scallions" + ] + }, + { + "id": 41000, + "cuisine": "spanish", + "ingredients": [ + "granulated sugar", + "olives", + "water", + "all-purpose flour", + "salt", + "olive oil", + "orange peel" + ] + }, + { + "id": 24602, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "szechwan peppercorns", + "ginger", + "medium firm tofu", + "Shaoxing wine", + "vegetable oil", + "scallions", + "low sodium chicken broth", + "lean ground beef", + "bean sauce", + "low sodium soy sauce", + "sesame oil", + "garlic", + "corn starch" + ] + }, + { + "id": 49526, + "cuisine": "cajun_creole", + "ingredients": [ + "finely chopped onion", + "dry bread crumbs", + "fresh parsley", + "mirlitons", + "butter", + "garlic cloves", + "large eggs", + "hot sauce", + "crawfish", + "salt", + "thyme" + ] + }, + { + "id": 7130, + "cuisine": "greek", + "ingredients": [ + "ground pepper", + "extra-virgin olive oil", + "phyllo dough", + "leeks", + "feta cheese crumbles", + "ground nutmeg", + "garlic cloves", + "flat leaf spinach", + "coarse salt" + ] + }, + { + "id": 16988, + "cuisine": "italian", + "ingredients": [ + "sugar", + "ham", + "peaches", + "sherry vinegar", + "ground cumin", + "basil leaves" + ] + }, + { + "id": 14237, + "cuisine": "southern_us", + "ingredients": [ + "sea scallops", + "kielbasa", + "grits", + "country ham", + "butter", + "scallions", + "tomatoes", + "cajun seasoning", + "salt", + "chopped garlic", + "pepper", + "heavy cream", + "medium shrimp" + ] + }, + { + "id": 28005, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "beef broth", + "chopped cilantro fresh", + "black beans", + "large garlic cloves", + "green chilies", + "lean ground beef", + "grated jack cheese", + "ground cumin", + "flour tortillas", + "salsa", + "onions" + ] + }, + { + "id": 23007, + "cuisine": "filipino", + "ingredients": [ + "tomatoes", + "shredded lettuce", + "minced onion", + "ground beef", + "American cheese", + "roasted garlic", + "flour tortillas", + "peppercorns" + ] + }, + { + "id": 9625, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "salt", + "fresh thyme", + "unsalted butter", + "ground cumin", + "lamb rib chops", + "harissa" + ] + }, + { + "id": 20746, + "cuisine": "southern_us", + "ingredients": [ + "smoked bacon", + "salt", + "purple onion", + "greens" + ] + }, + { + "id": 12319, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "juice", + "ground cumin", + "sugar", + "salt", + "fresh lime juice", + "diced onions", + "olive oil", + "red bell pepper", + "tangelos", + "hot sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 16000, + "cuisine": "chinese", + "ingredients": [ + "tomato paste", + "minced garlic", + "pineapple", + "bean sauce", + "baby back ribs", + "sugar", + "ground pepper", + "star anise", + "chinese five-spice powder", + "tomato purée", + "honey", + "paprika", + "peanut oil", + "ketchup", + "hoisin sauce", + "salt", + "juice" + ] + }, + { + "id": 12546, + "cuisine": "korean", + "ingredients": [ + "sugar", + "green onions", + "ground pepper", + "garlic cloves", + "rib-eye roast", + "onions", + "soy sauce", + "oil" + ] + }, + { + "id": 38410, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "coarse salt", + "ground black pepper", + "cayenne pepper", + "garlic powder", + "paprika", + "onion powder", + "dried oregano" + ] + }, + { + "id": 14966, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lemon wedge", + "freshly ground pepper", + "unsalted butter", + "salt", + "fresh lemon juice", + "extra large shrimp", + "lemon", + "garlic cloves", + "dry white wine", + "all-purpose flour", + "flat leaf parsley" + ] + }, + { + "id": 9393, + "cuisine": "italian", + "ingredients": [ + "pizza crust", + "red bell pepper", + "lean ground beef", + "pizza sauce", + "italian seasoning", + "shredded mozzarella cheese" + ] + }, + { + "id": 3042, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "thai basil", + "garlic chili sauce", + "char siu", + "fish sauce", + "cooking oil", + "beansprouts", + "sugar", + "broccoli", + "noodles", + "dark soy sauce", + "vinegar", + "oyster sauce" + ] + }, + { + "id": 8068, + "cuisine": "french", + "ingredients": [ + "hanger steak", + "olive oil", + "freshly ground pepper", + "salt", + "shallots", + "thyme leaves" + ] + }, + { + "id": 9568, + "cuisine": "chinese", + "ingredients": [ + "shallots", + "salt", + "soy sauce", + "thai chile", + "fresh lime juice", + "lime wedges", + "peanut oil", + "yardlong beans", + "unsalted dry roast peanuts", + "chopped garlic" + ] + }, + { + "id": 37255, + "cuisine": "southern_us", + "ingredients": [ + "green onions", + "celery seed", + "eggs", + "salt", + "celery", + "celery ribs", + "baking potatoes", + "sour cream", + "mayonaise", + "horseradish mustard", + "italian salad dressing" + ] + }, + { + "id": 28280, + "cuisine": "southern_us", + "ingredients": [ + "dressing", + "cajun seasoning", + "cabbage", + "yellow corn meal", + "hoagie rolls", + "catfish fillets", + "butter", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 6711, + "cuisine": "italian", + "ingredients": [ + "orzo pasta", + "pepper", + "garlic", + "extra-virgin olive oil", + "broccoli florets", + "salt" + ] + }, + { + "id": 24962, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "heavy cream", + "milk", + "water", + "grits", + "unsalted butter" + ] + }, + { + "id": 14691, + "cuisine": "italian", + "ingredients": [ + "water", + "dry white wine", + "crushed red pepper", + "bottled clam juice", + "Dungeness crabs", + "Italian parsley leaves", + "king crab legs", + "chopped tomatoes", + "large garlic cloves", + "onions", + "kosher salt", + "bay leaves", + "extra-virgin olive oil" + ] + }, + { + "id": 3685, + "cuisine": "korean", + "ingredients": [ + "sugar", + "sesame seeds", + "rice vinegar", + "cabbage leaves", + "boiled eggs", + "lettuce leaves", + "cucumber", + "buckwheat", + "soy sauce", + "gochugaru", + "Gochujang base", + "hot mustard", + "minced garlic", + "sesame oil", + "kimchi" + ] + }, + { + "id": 5583, + "cuisine": "chinese", + "ingredients": [ + "cider vinegar", + "purple onion", + "duck breasts", + "red cabbage", + "carrots", + "brown sugar", + "olive oil", + "salt", + "black pepper", + "barbecue sauce" + ] + }, + { + "id": 2022, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lemon", + "fresh parsley", + "angel hair", + "grated parmesan cheese", + "hot sauce", + "large shrimp", + "fresh basil", + "ground black pepper", + "salt", + "onions", + "white wine", + "butter", + "garlic cloves" + ] + }, + { + "id": 28511, + "cuisine": "mexican", + "ingredients": [ + "tostadas", + "onions", + "lettuce", + "garlic", + "queso crema", + "chicken", + "tomatoes", + "chipotles in adobo" + ] + }, + { + "id": 13038, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "szechwan peppercorns", + "star anise", + "onions", + "baby bok choy", + "beef shank", + "large garlic cloves", + "chili bean paste", + "plum tomatoes", + "soy sauce", + "green onions", + "chinese wheat noodles", + "ground white pepper", + "yellow rock sugar", + "vegetable oil", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 5597, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "lemon", + "salt", + "dry white wine", + "frozen green beans", + "roma tomatoes", + "red pepper flakes", + "onions", + "olive oil", + "cinnamon", + "garlic" + ] + }, + { + "id": 21368, + "cuisine": "moroccan", + "ingredients": [ + "orange", + "cornish game hens", + "chopped cilantro fresh", + "olive oil", + "pitted green olives", + "honey", + "balsamic vinegar", + "ground cumin", + "pitted date", + "tawny port", + "garlic cloves" + ] + }, + { + "id": 18135, + "cuisine": "french", + "ingredients": [ + "semi-sweet chocolate morsels", + "heavy cream", + "vanilla extract" + ] + }, + { + "id": 28843, + "cuisine": "italian", + "ingredients": [ + "pepper", + "plum tomatoes", + "hamburger buns", + "kalamata", + "olive oil", + "kosher salt", + "fresh oregano" + ] + }, + { + "id": 33037, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salt", + "plum tomatoes", + "flour tortillas", + "pinto beans", + "large eggs", + "salsa", + "pepper", + "vegetable oil", + "onions" + ] + }, + { + "id": 25528, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "salt", + "dried oregano", + "pepper", + "stewed tomatoes", + "dried parsley", + "bacon", + "onions", + "dried basil", + "garlic", + "spaghetti" + ] + }, + { + "id": 24691, + "cuisine": "greek", + "ingredients": [ + "dried thyme", + "fresh lemon juice", + "kalamata", + "extra-virgin olive oil", + "lemon zest", + "dried rosemary" + ] + }, + { + "id": 36838, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chickpea flour", + "sea salt", + "parmigiano reggiano cheese", + "water", + "flat leaf parsley" + ] + }, + { + "id": 3426, + "cuisine": "mexican", + "ingredients": [ + "dried lentils", + "salt and ground black pepper", + "salsa", + "ground cumin", + "black beans", + "chili powder", + "dried oregano", + "coconut oil", + "finely chopped onion", + "tortilla chips", + "chicken broth", + "corn kernels", + "garlic", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 12232, + "cuisine": "southern_us", + "ingredients": [ + "corn kernels", + "salt", + "half & half", + "parmesan cheese", + "cayenne pepper", + "pepper", + "butter" + ] + }, + { + "id": 18196, + "cuisine": "italian", + "ingredients": [ + "water", + "butter", + "oil", + "olive oil", + "salt", + "polenta", + "fat free less sodium vegetable broth", + "cracked black pepper", + "garlic cloves", + "black beans", + "baby spinach", + "goat cheese", + "ground cumin" + ] + }, + { + "id": 13950, + "cuisine": "cajun_creole", + "ingredients": [ + "parsley", + "cayenne pepper", + "thyme", + "oregano", + "black pepper", + "paprika", + "long-grain rice", + "celery", + "andouille sausage", + "vegetable stock", + "creole seasoning", + "chicken livers", + "olive oil", + "salt", + "garlic cloves", + "onions" + ] + }, + { + "id": 18596, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "plum tomatoes", + "kosher salt", + "garlic", + "yukon gold potatoes", + "canola oil", + "ground black pepper", + "chopped cilantro" + ] + }, + { + "id": 17090, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "radishes", + "salt", + "ground cumin", + "avocado", + "minced garlic", + "cinnamon", + "ground allspice", + "lettuce", + "cider vinegar", + "chicken parts", + "chili sauce", + "ground cloves", + "olive oil", + "cilantro", + "dried oregano" + ] + }, + { + "id": 10444, + "cuisine": "indian", + "ingredients": [ + "mild curry powder", + "large garlic cloves", + "fresh lemon juice", + "bay leaf", + "clove", + "peeled fresh ginger", + "crushed red pepper", + "chutney", + "stewing beef", + "tomatoes with juice", + "cinnamon sticks", + "onions", + "cooked rice", + "vegetable oil", + "salt", + "coconut milk" + ] + }, + { + "id": 35955, + "cuisine": "greek", + "ingredients": [ + "seasoning", + "chicken breasts", + "greek style plain yogurt", + "feta cheese crumbles", + "minced garlic", + "purple onion", + "english cucumber", + "black pepper", + "red pepper", + "dill", + "lettuce", + "pitas", + "salt", + "lemon juice" + ] + }, + { + "id": 21898, + "cuisine": "italian", + "ingredients": [ + "branzino", + "whole grain mustard", + "garlic cloves", + "kosher salt", + "chopped fresh thyme", + "olive oil", + "freshly ground pepper", + "bread crumbs", + "lemon wedge" + ] + }, + { + "id": 3007, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "non-fat sour cream", + "chopped cilantro fresh", + "diced tomatoes", + "vegetable seasoning", + "cooking spray", + "hot sauce", + "40% less sodium taco seasoning", + "fat free less sodium beef broth", + "pinto beans" + ] + }, + { + "id": 46729, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "vegetable stock", + "flat leaf parsley", + "white wine", + "balsamic vinegar", + "parmagiano reggiano", + "leeks", + "shaved parmesan cheese", + "arborio rice", + "mushrooms", + "butter" + ] + }, + { + "id": 45424, + "cuisine": "italian", + "ingredients": [ + "pepper", + "mascarpone", + "red pepper flakes", + "carrots", + "italian sausage", + "crushed tomatoes", + "roma tomatoes", + "chopped celery", + "sage leaves", + "water", + "finely chopped onion", + "garlic", + "chicken stock", + "olive oil", + "cannellini beans", + "salt" + ] + }, + { + "id": 21081, + "cuisine": "french", + "ingredients": [ + "sugar", + "baking powder", + "salt", + "cultured buttermilk", + "baking soda", + "cinnamon", + "grated lemon zest", + "confectioners sugar", + "large egg whites", + "almond extract", + "all-purpose flour", + "fresh lemon juice", + "melted butter", + "granulated sugar", + "butter", + "ground almonds", + "pears" + ] + }, + { + "id": 14750, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "tomatoes", + "garlic", + "tomatillos", + "chopped cilantro fresh", + "lime juice", + "salt" + ] + }, + { + "id": 37908, + "cuisine": "italian", + "ingredients": [ + "dried tarragon leaves", + "finely chopped onion", + "unsalted butter", + "orzo", + "fennel bulb", + "plum tomatoes", + "olive oil", + "fresh tarragon" + ] + }, + { + "id": 13049, + "cuisine": "mexican", + "ingredients": [ + "vanilla ice cream", + "lime", + "garlic powder", + "zucchini", + "guacamole", + "chili powder", + "red wine vinegar", + "paprika", + "purple onion", + "yellow onion", + "fresh parsley leaves", + "fresh mint", + "cumin", + "eggs", + "black beans", + "honey", + "asparagus", + "sugar cookie dough", + "boneless skinless chicken breasts", + "zesty italian dressing", + "red pepper flakes", + "crushed red pepper flakes", + "cilantro leaves", + "cayenne pepper", + "fudge brownie mix", + "corn tortillas", + "avocado", + "black pepper", + "chocolate chip cookie mix", + "ground pepper", + "Sriracha", + "condiments", + "onion powder", + "butter", + "cilantro", + "salt", + "flat iron steaks", + "lemon juice", + "sour cream", + "green bell pepper", + "kosher salt", + "olive oil", + "pepper jack", + "jalapeno chilies", + "flank steak", + "vegetable oil", + "portabello mushroom", + "yellow bell pepper", + "salsa", + "garlic cloves", + "red bell pepper", + "candy" + ] + }, + { + "id": 11666, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "cinnamon", + "sourdough bread", + "granny smith apples", + "salt", + "unsalted butter" + ] + }, + { + "id": 44360, + "cuisine": "japanese", + "ingredients": [ + "matcha green tea powder", + "sugar", + "white rice flour", + "butter", + "baking powder", + "coconut milk" + ] + }, + { + "id": 29420, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "mild Italian sausage", + "flat leaf parsley", + "water", + "broccoli rabe", + "garlic", + "onions", + "canned low sodium chicken broth", + "olive oil", + "dry white wine", + "cornmeal", + "crushed tomatoes", + "ground black pepper", + "salt" + ] + }, + { + "id": 32313, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cilantro", + "corn tortillas", + "jack cheese", + "red enchilada sauce", + "eggs", + "salsa", + "black beans", + "sour cream" + ] + }, + { + "id": 12978, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "water", + "sesame oil", + "gluten free soy sauce", + "red chili peppers", + "garlic powder", + "scallions", + "ground chicken", + "orange marmalade", + "oil", + "fish sauce", + "almond flour", + "ginger" + ] + }, + { + "id": 29957, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "purple onion", + "lemon juice", + "fresh dill", + "lemon zest", + "greek style plain yogurt", + "tomatoes", + "feta cheese", + "salt", + "cucumber", + "pepper", + "boneless skinless chicken breasts", + "garlic cloves" + ] + }, + { + "id": 32794, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "kosher salt", + "cumin seed", + "fish steaks", + "coconut", + "peppercorns", + "curry leaves", + "lime juice", + "oil", + "garlic paste", + "lime wedges", + "ground turmeric" + ] + }, + { + "id": 44662, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "butter", + "garlic cloves", + "pepper", + "green onions", + "canned tomatoes", + "grits", + "milk", + "dry white wine", + "salt", + "andouille sausage", + "minced onion", + "red pepper flakes", + "medium shrimp" + ] + }, + { + "id": 7319, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh thyme leaves", + "plum tomatoes", + "chicken broth", + "garlic cloves", + "olive oil", + "onions", + "celery ribs", + "yellow bell pepper" + ] + }, + { + "id": 42234, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "ground black pepper", + "cauliflower florets", + "yellow onion", + "carrots", + "water", + "dry mustard", + "white wine vinegar", + "ground coriander", + "frozen peas", + "pitted date", + "zucchini", + "garlic", + "cayenne pepper", + "red bell pepper", + "tomato paste", + "kidney beans", + "ginger", + "salt", + "cardamom", + "ground cumin" + ] + }, + { + "id": 8757, + "cuisine": "british", + "ingredients": [ + "sugar", + "baking soda", + "milk", + "all-purpose flour", + "warm water", + "salt", + "active dry yeast" + ] + }, + { + "id": 26306, + "cuisine": "indian", + "ingredients": [ + "water", + "corn oil", + "rice", + "ground cinnamon", + "chili", + "salt", + "garlic cloves", + "curry powder", + "lamb shoulder", + "ground coriander", + "plain yogurt", + "fresh ginger", + "yellow onion" + ] + }, + { + "id": 664, + "cuisine": "thai", + "ingredients": [ + "lime zest", + "fresh basil", + "chili pepper", + "fresh shiitake mushrooms", + "coconut milk", + "fresh red chili", + "sugar", + "lemongrass", + "broccoli", + "galangal", + "chicken stock", + "fish sauce", + "fresh coriander", + "garlic", + "shrimp shells", + "kaffir lime leaves", + "soy sauce", + "lime", + "chili sauce" + ] + }, + { + "id": 24176, + "cuisine": "italian", + "ingredients": [ + "pepper", + "red pepper flakes", + "large eggs", + "fresh parsley", + "olive oil", + "salt", + "tomatoes", + "grated parmesan cheese", + "dried oregano" + ] + }, + { + "id": 17545, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "salt", + "chicken drumsticks", + "ground cumin", + "vegetable oil", + "all-purpose flour", + "buttermilk" + ] + }, + { + "id": 48857, + "cuisine": "mexican", + "ingredients": [ + "crushed garlic", + "ancho chile pepper", + "water", + "salt", + "dried oregano", + "chile pepper", + "all-purpose flour", + "ground cumin", + "chicken stock", + "butter", + "onions" + ] + }, + { + "id": 13029, + "cuisine": "jamaican", + "ingredients": [ + "powdered sugar", + "large eggs", + "vanilla extract", + "greek yogurt", + "bananas", + "butter", + "all-purpose flour", + "baking soda", + "apple cider vinegar", + "salt", + "granulated sugar", + "sweetened coconut flakes", + "lemon juice" + ] + }, + { + "id": 37410, + "cuisine": "italian", + "ingredients": [ + "leeks", + "dry sherry", + "polenta", + "water", + "butter", + "chopped fresh sage", + "ground black pepper", + "pecorino romano cheese", + "flat leaf parsley", + "fat free less sodium chicken broth", + "bay leaves", + "salt", + "wild mushrooms" + ] + }, + { + "id": 21808, + "cuisine": "chinese", + "ingredients": [ + "stock", + "meat sauce", + "green onions", + "caster sugar", + "tofu", + "salt" + ] + }, + { + "id": 22585, + "cuisine": "southern_us", + "ingredients": [ + "water", + "collard greens", + "salt", + "white vinegar", + "condensed chicken broth", + "pepper", + "smoked ham hocks" + ] + }, + { + "id": 932, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "peeled fresh ginger", + "butter", + "ground coriander", + "sugar", + "vegetables", + "vegetable oil", + "mustard powder", + "ground cumin", + "unsweetened coconut milk", + "water", + "chili powder", + "salt", + "chopped cilantro fresh", + "salmon fillets", + "curry powder", + "sesame oil", + "rice vinegar", + "basmati rice" + ] + }, + { + "id": 28898, + "cuisine": "mexican", + "ingredients": [ + "chopped onion", + "plum tomatoes", + "fresh lime juice", + "garlic cloves", + "jalapeno chilies", + "chopped cilantro fresh" + ] + }, + { + "id": 33217, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "coarse salt", + "dark sesame oil", + "enokitake", + "rice vinegar", + "beansprouts", + "soy sauce", + "udon", + "peanut butter", + "chopped cilantro fresh", + "chili paste", + "garlic", + "scallions" + ] + }, + { + "id": 42058, + "cuisine": "british", + "ingredients": [ + "caster sugar", + "baking powder", + "plain flour", + "large eggs", + "jam", + "sultana", + "whole milk", + "clotted cream", + "unsalted butter", + "salt" + ] + }, + { + "id": 11873, + "cuisine": "spanish", + "ingredients": [ + "hot pepper sauce", + "garlic cloves", + "chopped cilantro fresh", + "purple onion", + "cucumber", + "large shrimp", + "low sodium vegetable juice", + "fresh lemon juice", + "plum tomatoes", + "avocado", + "salt", + "red bell pepper" + ] + }, + { + "id": 7210, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "butter", + "pepper", + "balsamic vinegar", + "fettucine", + "garlic powder", + "salt", + "cream", + "pork tenderloin", + "dried oregano" + ] + }, + { + "id": 24735, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "hoisin sauce", + "chicken", + "minced ginger", + "dry white wine", + "soy sauce", + "green onions", + "steamed rice", + "flavoring" + ] + }, + { + "id": 37712, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "extra-virgin olive oil", + "onions", + "udon", + "green pepper", + "water", + "tamari soy sauce", + "red pepper", + "carrots" + ] + }, + { + "id": 37433, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "baking powder", + "canola oil", + "eggs", + "active dry yeast", + "salt", + "warm water", + "vegetable oil", + "powdered sugar", + "evaporated milk", + "all-purpose flour" + ] + }, + { + "id": 48784, + "cuisine": "chinese", + "ingredients": [ + "adzuki beans", + "starch", + "peanut oil", + "baking soda", + "salt", + "white sugar", + "water", + "cake flour", + "golden syrup", + "egg yolks", + "all-purpose flour" + ] + }, + { + "id": 5537, + "cuisine": "mexican", + "ingredients": [ + "pickled jalapeno peppers", + "non-fat sour cream", + "tomatillos", + "ranch dressing", + "cilantro" + ] + }, + { + "id": 38310, + "cuisine": "southern_us", + "ingredients": [ + "southern comfort", + "lemon", + "frozen lemonade concentrate", + "frozen orange juice concentrate", + "navel oranges", + "lemon-lime soda" + ] + }, + { + "id": 24592, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "large egg yolks", + "hominy grits", + "unsalted butter", + "boiling water", + "large egg whites", + "salt" + ] + }, + { + "id": 15814, + "cuisine": "irish", + "ingredients": [ + "sugar", + "whole milk", + "large egg yolks", + "strawberries", + "vanilla beans", + "whipping cream", + "crumbs", + "dark brown sugar" + ] + }, + { + "id": 29276, + "cuisine": "indian", + "ingredients": [ + "salt", + "durum wheat flour", + "water", + "vegetable oil" + ] + }, + { + "id": 22986, + "cuisine": "spanish", + "ingredients": [ + "ground cinnamon", + "large eggs", + "fat free milk", + "sweetened condensed milk", + "sugar", + "cooking spray", + "water", + "vanilla extract" + ] + }, + { + "id": 20956, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil spray", + "sea bass fillets", + "onions", + "black bean garlic sauce", + "mushrooms", + "garlic cloves", + "soy sauce", + "orange marmalade", + "poblano chilies", + "chopped cilantro fresh", + "fresh ginger", + "dry white wine", + "fresh lime juice" + ] + }, + { + "id": 20948, + "cuisine": "mexican", + "ingredients": [ + "water", + "salsa", + "boneless skinless chicken breast halves", + "vegetable oil", + "sour cream", + "bell pepper", + "fajita size flour tortillas", + "fajita seasoning mix", + "garlic", + "onions" + ] + }, + { + "id": 24610, + "cuisine": "french", + "ingredients": [ + "pernod", + "half & half", + "fennel bulb", + "onions", + "chicken stock", + "potatoes", + "olive oil", + "butter" + ] + }, + { + "id": 29795, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "grated parmesan cheese", + "fresh thyme leaves", + "ground black pepper", + "dry white wine", + "fresh lemon juice", + "unsalted butter", + "shallots", + "chicken broth", + "lobster", + "beef tenderloin" + ] + }, + { + "id": 13575, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chopped tomatoes", + "shredded lettuce", + "sour cream", + "shredded cheddar cheese", + "flour tortillas", + "salt", + "ground beef", + "pepper", + "hot pepper sauce", + "diced tomatoes", + "ripe olives", + "fresh cilantro", + "chili powder", + "salsa", + "onions" + ] + }, + { + "id": 28350, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "boneless skinless chicken breasts", + "lemon juice", + "minced garlic", + "frozen corn kernels", + "shredded Monterey Jack cheese", + "corn tortilla chips", + "chili powder", + "chunky salsa", + "olive oil", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 21155, + "cuisine": "italian", + "ingredients": [ + "salt and ground black pepper", + "all-purpose flour", + "fresh parsley", + "capers", + "garlic", + "lemon juice", + "butter", + "demi-glace", + "boneless skinless chicken breast halves", + "white wine", + "lemon slices", + "sliced mushrooms" + ] + }, + { + "id": 7660, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "lean ground beef", + "onions", + "kosher salt", + "quick-cooking oats", + "italian seasoning", + "brown sugar", + "milk", + "yellow mustard", + "ketchup", + "large eggs", + "cheese" + ] + }, + { + "id": 6565, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "cumin seed", + "red lentils", + "grapeseed oil", + "onions", + "Anaheim chile", + "chopped cilantro", + "water", + "salt", + "ground turmeric" + ] + }, + { + "id": 1919, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "dark brown sugar", + "whipping cream" + ] + }, + { + "id": 8764, + "cuisine": "mexican", + "ingredients": [ + "old bay seasoning", + "sour cream", + "romaine lettuce", + "oil", + "chopped cilantro fresh", + "sauce", + "corn tortillas", + "lime juice", + "shrimp", + "cabbage" + ] + }, + { + "id": 661, + "cuisine": "southern_us", + "ingredients": [ + "dark brown sugar", + "peanut butter", + "milk", + "cream cheese" + ] + }, + { + "id": 41514, + "cuisine": "italian", + "ingredients": [ + "pepper", + "flour", + "kale leaves", + "whole wheat pasta", + "unsalted butter", + "shallots", + "toasted sesame oil", + "olive oil", + "sweet potatoes", + "garlic cloves", + "skim milk", + "grated romano cheese", + "salt" + ] + }, + { + "id": 33556, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "water", + "cajun seasoning", + "green pepper", + "white pepper", + "green onions", + "salt", + "celery", + "chicken broth", + "pepper", + "vegetable oil", + "yellow onion", + "dried oregano", + "beans", + "bay leaves", + "garlic", + "long-grain rice" + ] + }, + { + "id": 14436, + "cuisine": "mexican", + "ingredients": [ + "corn", + "mayonaise", + "lime wedges", + "cayenne", + "cotija", + "butter" + ] + }, + { + "id": 28656, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "vegetable oil", + "fresh lemon juice", + "catfish fillets", + "unsalted butter", + "salt", + "black pepper", + "old bay seasoning", + "whole baby okra", + "grape tomatoes", + "lemon wedge", + "frozen corn" + ] + }, + { + "id": 35891, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "rice noodles", + "chopped cilantro", + "zucchini", + "sliced mushrooms", + "white sugar", + "green curry paste", + "peanut oil", + "onions", + "boneless skinless chicken breasts", + "coconut milk", + "boiling water" + ] + }, + { + "id": 26868, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "unsalted butter", + "water", + "polenta", + "sea salt" + ] + }, + { + "id": 5393, + "cuisine": "british", + "ingredients": [ + "melted butter", + "all-purpose flour", + "milk", + "salt", + "eggs", + "Pam Cooking Spray" + ] + }, + { + "id": 10164, + "cuisine": "indian", + "ingredients": [ + "seeds", + "rice", + "urad dal", + "flour", + "salt water" + ] + }, + { + "id": 1884, + "cuisine": "southern_us", + "ingredients": [ + "pie shell", + "vanilla extract", + "white sugar", + "salt", + "eggs", + "pinto beans" + ] + }, + { + "id": 36934, + "cuisine": "southern_us", + "ingredients": [ + "mint sprigs", + "dark rum", + "orange liqueur", + "spiced rum", + "ice cubes", + "frozen limeade concentrate" + ] + }, + { + "id": 14725, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "grating cheese", + "all-purpose flour", + "onions", + "low sodium chicken", + "bacon", + "celery", + "milk", + "heavy cream", + "carrots", + "cajun spice mix", + "russet potatoes", + "salt", + "fresh parsley" + ] + }, + { + "id": 41926, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "buttermilk", + "refrigerated piecrusts", + "all-purpose flour", + "flaked coconut", + "vanilla extract", + "eggs", + "butter", + "chocolate morsels" + ] + }, + { + "id": 43373, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "tostadas", + "rotisserie chicken", + "ground cumin", + "grape tomatoes", + "salt", + "fresh lime juice", + "canned black beans", + "cilantro leaves", + "chipotles in adobo", + "avocado", + "lime wedges", + "sour cream" + ] + }, + { + "id": 41306, + "cuisine": "russian", + "ingredients": [ + "tomato paste", + "water", + "salt", + "sour cream", + "olives", + "pickles", + "butter", + "ham", + "brine", + "chicken broth", + "flour", + "dill", + "chopped cilantro", + "celery ribs", + "pepper", + "lemon", + "carrots", + "onions" + ] + }, + { + "id": 32584, + "cuisine": "korean", + "ingredients": [ + "shredded carrots", + "wonton wrappers", + "beansprouts", + "pepper", + "green onions", + "gingerroot", + "toasted sesame seeds", + "eggs", + "shredded cabbage", + "salt", + "ground beef", + "water", + "sesame oil", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 41900, + "cuisine": "southern_us", + "ingredients": [ + "bacon drippings", + "buttermilk", + "large eggs", + "white cornmeal", + "baking powder", + "baking soda", + "salt" + ] + }, + { + "id": 13959, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "flank steak", + "corn starch", + "water", + "dark brown sugar", + "minced garlic", + "vegetable oil", + "fresh ginger", + "scallions" + ] + }, + { + "id": 46802, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "heavy cream", + "red bell pepper", + "methi", + "white button mushrooms", + "chili powder", + "cumin seed", + "onions", + "ground cumin", + "tumeric", + "salt", + "strained yogurt", + "ground turmeric", + "tomatoes", + "vegetable oil", + "oil", + "coriander" + ] + }, + { + "id": 38109, + "cuisine": "italian", + "ingredients": [ + "eggs", + "pepperoni", + "poppy seeds", + "ham", + "genoa salami", + "provolone cheese", + "mustard", + "pizza doughs" + ] + }, + { + "id": 14145, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "dried basil", + "marinara sauce", + "salt", + "cremini mushrooms", + "lasagna noodles", + "lean ground beef", + "fresh parsley", + "frozen spinach", + "white onion", + "grated parmesan cheese", + "fresh mozzarella", + "italian seasoning", + "vegetable oil cooking spray", + "ground black pepper", + "low-fat ricotta", + "garlic cloves" + ] + }, + { + "id": 40774, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "diced tomatoes", + "flat leaf parsley", + "boneless chicken skinless thigh", + "converted rice", + "garlic", + "onions", + "chicken broth", + "olive oil", + "paprika", + "tart", + "black pepper", + "red pepper flakes", + "green pepper", + "yellow peppers" + ] + }, + { + "id": 337, + "cuisine": "greek", + "ingredients": [ + "phyllo dough", + "cinnamon", + "water", + "vanilla extract", + "sugar", + "butter", + "pecans", + "honey" + ] + }, + { + "id": 37843, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "raisins", + "ground cumin", + "plain yogurt", + "lemon wedge", + "long grain white rice", + "grape leaves", + "coffee", + "onions", + "water", + "vegetable oil", + "dried oregano" + ] + }, + { + "id": 2354, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "garlic", + "french bread", + "provolone cheese", + "olive oil", + "salt", + "pepper", + "basil", + "onions" + ] + }, + { + "id": 37793, + "cuisine": "mexican", + "ingredients": [ + "plain flour", + "fresh coriander", + "butter", + "sweet corn", + "black pepper", + "jalapeno chilies", + "hot chili powder", + "eggs", + "milk", + "grating cheese", + "smoked paprika", + "black beans", + "baking powder", + "salt" + ] + }, + { + "id": 11372, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "salt", + "fresh basil leaves", + "asparagus", + "garlic cloves", + "extra-virgin olive oil", + "cavatelli", + "ricotta salata", + "freshly ground pepper", + "arugula" + ] + }, + { + "id": 9271, + "cuisine": "italian", + "ingredients": [ + "dried currants", + "cannellini beans", + "white beans", + "capers", + "pepper", + "garlic", + "fresh basil leaves", + "mayonaise", + "grated parmesan cheese", + "salt", + "tomatoes", + "pinenuts", + "green onions", + "lemon juice" + ] + }, + { + "id": 38055, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "baking powder", + "red bell pepper", + "pepper", + "salt", + "ground cumin", + "sugar", + "buttermilk", + "canola oil", + "yellow corn meal", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 48011, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "salt", + "water", + "tomatillos", + "cooking spray", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 36175, + "cuisine": "chinese", + "ingredients": [ + "fresh chives", + "coarse salt", + "ground ginger", + "szechwan peppercorns", + "tarragon", + "tenderloin roast", + "chinese five-spice powder", + "anise seed", + "vegetable oil" + ] + }, + { + "id": 22306, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "buttermilk", + "salt", + "golden brown sugar", + "large eggs", + "whipping cream", + "unsweetened chocolate", + "baking soda", + "chocolate shavings", + "cake flour", + "large egg yolks", + "English toffee bits", + "vanilla extract", + "boiling water" + ] + }, + { + "id": 33279, + "cuisine": "italian", + "ingredients": [ + "fresh sage", + "unsalted butter", + "sage leaves", + "prosciutto", + "boneless skinless chicken breast halves", + "eggs", + "dry white wine", + "fontina cheese", + "ground black pepper" + ] + }, + { + "id": 16619, + "cuisine": "french", + "ingredients": [ + "salt", + "sugar", + "active dry yeast", + "melted butter", + "all-purpose flour" + ] + }, + { + "id": 124, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "ginger", + "sake", + "flank steak", + "olive oil", + "sugar", + "rice wine" + ] + }, + { + "id": 28396, + "cuisine": "vietnamese", + "ingredients": [ + "brown sugar", + "paprika", + "salt", + "olive oil", + "tomatoes with juice", + "ground allspice", + "ground cloves", + "crushed red pepper flakes", + "ground mustard", + "tomato paste", + "apple cider vinegar", + "garlic", + "onions" + ] + }, + { + "id": 45777, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "extra-virgin olive oil", + "freshly ground pepper", + "celery ribs", + "grated parmesan cheese", + "salt", + "pancetta", + "unsalted butter", + "chopped celery", + "flat leaf parsley", + "bread", + "leeks", + "sweet italian sausage" + ] + }, + { + "id": 28785, + "cuisine": "brazilian", + "ingredients": [ + "salt", + "brown sugar", + "coconut milk", + "rice", + "butter" + ] + }, + { + "id": 30460, + "cuisine": "russian", + "ingredients": [ + "eggs", + "white flour", + "rosemary", + "apples", + "sliced mushrooms", + "sugar", + "milk", + "butter", + "dill", + "cabbage", + "brown sugar", + "pepper", + "whole wheat flour", + "salt", + "onions", + "celery salt", + "warm water", + "active dry yeast", + "poppy seeds", + "oil" + ] + }, + { + "id": 22929, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "fresh ginger root", + "green chilies", + "fresh coriander", + "boneless skinless chicken breasts", + "onions", + "sweet chili sauce", + "spring onions", + "garlic cloves", + "olive oil", + "lime wedges" + ] + }, + { + "id": 39488, + "cuisine": "french", + "ingredients": [ + "water", + "diced tomatoes", + "green beans", + "onions", + "red potato", + "cannellini beans", + "carrots", + "pistou", + "zucchini", + "bow-tie pasta", + "thyme sprigs", + "leeks", + "garlic cloves", + "bay leaf" + ] + }, + { + "id": 41928, + "cuisine": "russian", + "ingredients": [ + "smoked salmon", + "milk", + "salt", + "sour cream", + "sugar", + "unsalted butter", + "all-purpose flour", + "eggs", + "active dry yeast", + "buckwheat flour", + "caviar", + "water", + "vegetable oil", + "dill tips" + ] + }, + { + "id": 21492, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "dried basil", + "salt", + "dried oregano", + "tomato paste", + "pepper", + "bay leaves", + "sliced mushrooms", + "diced onions", + "sugar", + "olive oil", + "garlic cloves", + "dried rosemary", + "tomatoes", + "water", + "dry red wine", + "fresh parsley" + ] + }, + { + "id": 35012, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "rice vinegar", + "egg yolks", + "dijon mustard", + "rapeseed oil", + "fine sea salt" + ] + }, + { + "id": 32921, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "soft tofu", + "konbu", + "chicken stock", + "mirin", + "sea salt", + "boiling water", + "miso paste", + "spring onions", + "vermicelli noodles", + "sake", + "enokitake", + "dried shiitake mushrooms" + ] + }, + { + "id": 34132, + "cuisine": "spanish", + "ingredients": [ + "celery salt", + "fresh thyme", + "fresh tarragon", + "cayenne pepper", + "fresh parsley", + "black pepper", + "red wine vinegar", + "purple onion", + "cucumber", + "tomatoes", + "coarse salt", + "garlic", + "fresh lemon juice", + "sherry vinegar", + "worcestershire sauce", + "salt", + "red bell pepper" + ] + }, + { + "id": 21245, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "garlic cloves", + "boneless skinless chicken breast halves", + "peeled fresh ginger", + "dry sherry", + "Yakisoba noodles", + "sugar", + "green onions", + "seasoned rice wine vinegar", + "low salt chicken broth", + "tahini", + "napa cabbage", + "garlic chili sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 190, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "margarine", + "pepper", + "flour", + "macaroni", + "shredded cheddar cheese", + "salt" + ] + }, + { + "id": 23063, + "cuisine": "indian", + "ingredients": [ + "water", + "chili powder", + "chopped cilantro", + "tomato paste", + "garam masala", + "salt", + "onions", + "plain yogurt", + "golden raisins", + "oil", + "cashew nuts", + "minced garlic", + "chicken breasts", + "lemon juice" + ] + }, + { + "id": 937, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "guajillo", + "ancho chile pepper", + "black peppercorns", + "hominy", + "pork country-style ribs", + "mint", + "vegetable oil", + "garlic cloves", + "clove", + "water", + "cilantro", + "dried oregano" + ] + }, + { + "id": 20378, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "pork tenderloin", + "rice vinegar", + "minced garlic", + "chili oil", + "ketchup", + "sesame oil", + "sugar", + "hoisin sauce", + "cilantro leaves" + ] + }, + { + "id": 41722, + "cuisine": "chinese", + "ingredients": [ + "sichuanese chili paste", + "szechwan peppercorns", + "soy sauce", + "zucchini", + "peanut oil", + "kosher salt", + "Shaoxing wine", + "scallions", + "red chili peppers", + "pork spare ribs", + "sesame oil" + ] + }, + { + "id": 9984, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "brewed tea", + "peach nectar", + "fresh lemon juice" + ] + }, + { + "id": 42865, + "cuisine": "greek", + "ingredients": [ + "milk", + "macaroni", + "garlic cloves", + "bread", + "chopped tomatoes", + "ricotta", + "dried oregano", + "olive oil", + "beef stock cubes", + "onions", + "ground cinnamon", + "parmesan cheese", + "lamb" + ] + }, + { + "id": 7895, + "cuisine": "cajun_creole", + "ingredients": [ + "fettucine", + "cajun seasoning", + "salt", + "pepper", + "butter", + "cream cheese", + "milk", + "chicken tenderloin", + "grated parmesan cheese", + "garlic" + ] + }, + { + "id": 23661, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "crushed tomatoes", + "worcestershire sauce", + "cayenne pepper", + "medium shrimp", + "green bell pepper", + "unsalted butter", + "all-purpose flour", + "celery", + "onions", + "cooked rice", + "olive oil", + "salt", + "creole seasoning", + "fresh parsley", + "minced garlic", + "green onions", + "hot sauce", + "bay leaf" + ] + }, + { + "id": 1224, + "cuisine": "greek", + "ingredients": [ + "slivered almonds", + "beets", + "red wine vinegar", + "garbanzo beans", + "garlic cloves", + "pita bread", + "extra-virgin olive oil" + ] + }, + { + "id": 44777, + "cuisine": "british", + "ingredients": [ + "powdered sugar", + "vanilla extract", + "superfine sugar", + "custard powder", + "all-purpose flour", + "unsalted butter" + ] + }, + { + "id": 43367, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "unsalted butter", + "salt", + "cream of tartar", + "large egg yolks", + "large eggs", + "confectioners sugar", + "almond flour", + "granulated sugar", + "cognac", + "water", + "instant espresso powder", + "cake flour", + "bittersweet chocolate" + ] + }, + { + "id": 31890, + "cuisine": "thai", + "ingredients": [ + "granulated sugar", + "red food coloring", + "ground cinnamon", + "black tea leaves", + "sweetened condensed milk", + "vanilla pods", + "orange flower water", + "ground cloves", + "star anise" + ] + }, + { + "id": 34154, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "cream filled chocolate sandwich cookies", + "coffee granules", + "boiling water", + "irish cream liqueur", + "whipping cream", + "semisweet chocolate" + ] + }, + { + "id": 9463, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "green onions", + "raisins", + "garlic cloves", + "dried oregano", + "garlic powder", + "onion powder", + "paprika", + "fresh parsley", + "mayonaise", + "ground black pepper", + "buttermilk", + "cayenne pepper", + "grated lemon peel", + "pecans", + "baby greens", + "apple cider vinegar", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 33541, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "grated parmesan cheese", + "garlic", + "shredded mozzarella cheese", + "eggplant", + "ricotta cheese", + "all-purpose flour", + "white sugar", + "crushed tomatoes", + "vegetable oil", + "salt", + "fresh parsley", + "eggs", + "ground black pepper", + "heavy cream", + "dry bread crumbs", + "italian seasoning" + ] + }, + { + "id": 13890, + "cuisine": "japanese", + "ingredients": [ + "water", + "konbu", + "bonito flakes" + ] + }, + { + "id": 16862, + "cuisine": "mexican", + "ingredients": [ + "spinach", + "pepper", + "cilantro", + "cumin", + "avocado", + "black beans", + "flour tortillas", + "sauce", + "black pepper", + "chicken sausage", + "purple onion", + "eggs", + "kosher salt", + "egg whites", + "sliced mushrooms" + ] + }, + { + "id": 26769, + "cuisine": "mexican", + "ingredients": [ + "tortilla wraps", + "lime wedges", + "crème fraîche", + "olive oil", + "red pepper", + "cheddar cheese", + "tomato salsa", + "fajita seasoning mix", + "free range chicken breasts", + "purple onion" + ] + }, + { + "id": 6634, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "sesame oil", + "english cucumber", + "water", + "cooking spray", + "rice vinegar", + "canola mayonnaise", + "baguette", + "Sriracha", + "salt", + "chopped cilantro fresh", + "sugar", + "lower sodium soy sauce", + "daikon", + "carrots" + ] + }, + { + "id": 600, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "cilantro", + "sweet corn", + "onions", + "chicken broth", + "olive oil", + "salt", + "sour cream", + "pepper", + "garlic", + "shredded cheese", + "penne", + "red pepper flakes", + "green pepper", + "roasted tomatoes" + ] + }, + { + "id": 41293, + "cuisine": "indian", + "ingredients": [ + "cooked rice", + "coriander seeds", + "cilantro", + "yellow onion", + "tamarind concentrate", + "minced ginger", + "whole peeled tomatoes", + "garlic", + "cumin seed", + "canola oil", + "kosher salt", + "garam masala", + "chile de arbol", + "chickpeas", + "ground turmeric", + "green cardamom pods", + "amchur", + "cinnamon", + "hot sauce", + "fresh lemon juice" + ] + }, + { + "id": 16559, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "onions", + "sliced almonds", + "fresh ginger root", + "eggplant", + "coriander", + "curry powder", + "greek yogurt" + ] + }, + { + "id": 6699, + "cuisine": "italian", + "ingredients": [ + "lemon wedge", + "olive oil", + "fresh lemon juice", + "pesto", + "chopped walnuts", + "chicken breast halves", + "grated lemon peel" + ] + }, + { + "id": 49340, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "lemon wedge", + "all-purpose flour", + "onions", + "ground black pepper", + "butter", + "garlic cloves", + "wild mushrooms", + "eggs", + "dry white wine", + "sea salt", + "risotto rice", + "parmesan cheese", + "vegetable stock", + "oil", + "panko breadcrumbs" + ] + }, + { + "id": 41815, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "semolina", + "hot water", + "kosher salt", + "cardamom", + "sugar", + "all-purpose flour", + "medjool date", + "coconut flakes", + "milk", + "rice flour" + ] + }, + { + "id": 26413, + "cuisine": "filipino", + "ingredients": [ + "salt", + "fish sauce", + "pea shoots", + "onions", + "tomatoes", + "ginger root" + ] + }, + { + "id": 14456, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "chili powder", + "garlic cloves", + "chopped cilantro fresh", + "cotija", + "cayenne pepper", + "sour cream", + "kosher salt", + "sweet corn", + "fresh lime juice", + "mayonaise", + "purple onion", + "nonstick spray" + ] + }, + { + "id": 43465, + "cuisine": "chinese", + "ingredients": [ + "water", + "corn starch", + "low sodium soy sauce", + "ginger", + "canola oil", + "light brown sugar", + "red pepper flakes", + "skirt steak", + "minced garlic", + "scallions" + ] + }, + { + "id": 18437, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "vegetable oil", + "rice vinegar", + "large eggs", + "crushed red pepper flakes", + "scallions", + "reduced sodium soy sauce", + "all purpose unbleached flour", + "dark brown sugar", + "kosher salt", + "sesame oil", + "garlic" + ] + }, + { + "id": 28672, + "cuisine": "filipino", + "ingredients": [ + "Accent Seasoning", + "chicken breasts", + "garlic cloves", + "cooking oil", + "teriyaki sauce", + "onions", + "soy sauce", + "rice noodles", + "carrots", + "green onions", + "lemon slices", + "cabbage" + ] + }, + { + "id": 20289, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "jasmine rice", + "flour", + "salt", + "garlic cloves", + "onions", + "white pepper", + "pork tenderloin", + "worcestershire sauce", + "oil", + "red bell pepper", + "ketchup", + "plum sauce", + "baking powder", + "pineapple juice", + "corn starch", + "green bell pepper", + "water", + "whole milk", + "rice vinegar", + "garlic chili sauce" + ] + }, + { + "id": 7464, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning", + "guacamole", + "ground beef", + "lettuce", + "shredded cheese", + "salsa" + ] + }, + { + "id": 4981, + "cuisine": "moroccan", + "ingredients": [ + "dried currants", + "olive oil", + "kalamata", + "onions", + "water", + "harissa", + "garlic cloves", + "boneless chicken skinless thigh", + "chopped almonds", + "chickpeas", + "ground cumin", + "fresh tomatoes", + "honey", + "cinnamon", + "couscous" + ] + }, + { + "id": 30738, + "cuisine": "japanese", + "ingredients": [ + "ginger", + "red bell pepper", + "sushi rice", + "scallions", + "nori", + "wasabi paste", + "dipping sauces", + "celery", + "mirin", + "carrots" + ] + }, + { + "id": 39654, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salted peanuts", + "brown sugar", + "salt", + "milk chocolate chips", + "butter", + "wheat flour", + "caramel ice cream topping", + "all-purpose flour" + ] + }, + { + "id": 27360, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "flank steak", + "bok choy", + "peeled fresh ginger", + "rice vinegar", + "sesame seeds", + "crushed red pepper", + "green onions", + "garlic cloves" + ] + }, + { + "id": 29765, + "cuisine": "irish", + "ingredients": [ + "brown sugar", + "potatoes", + "butter", + "banger", + "milk", + "gravy", + "cheese", + "pork sausages", + "pepper", + "flour", + "stout", + "onions", + "sage leaves", + "garlic powder", + "beef stock", + "salt" + ] + }, + { + "id": 26217, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "english cucumber", + "olive oil", + "salt", + "pepper", + "red wine vinegar", + "tomatoes", + "parsley leaves", + "cooked shrimp" + ] + }, + { + "id": 14504, + "cuisine": "chinese", + "ingredients": [ + "water", + "green onions", + "beaten eggs", + "dried chile", + "dark soy sauce", + "vinegar", + "vegetable oil", + "garlic cloves", + "brown sugar", + "Shaoxing wine", + "ginger", + "corn starch", + "peanuts", + "szechwan peppercorns", + "salt", + "chicken thighs" + ] + }, + { + "id": 16063, + "cuisine": "southern_us", + "ingredients": [ + "cocoa", + "chopped pecans", + "light corn syrup", + "powdered sugar", + "vanilla wafers", + "bourbon whiskey" + ] + }, + { + "id": 3809, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "sugar", + "balsamic vinegar", + "mission figs", + "walnut pieces", + "dry red wine" + ] + }, + { + "id": 49489, + "cuisine": "indian", + "ingredients": [ + "fat free less sodium chicken broth", + "salt", + "canola oil", + "ground cloves", + "bay leaves", + "sweet paprika", + "ground nutmeg", + "chopped onion", + "ground cumin", + "boneless chicken skinless thigh", + "yellow lentils", + "ground turmeric" + ] + }, + { + "id": 39125, + "cuisine": "french", + "ingredients": [ + "cooking spray", + "salt", + "large egg whites", + "butter", + "unsweetened cocoa powder", + "semisweet chocolate", + "1% low-fat milk", + "sugar", + "pistachio nuts", + "all-purpose flour" + ] + }, + { + "id": 8747, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "chili powder", + "cooked white rice", + "lettuce leaves", + "lean ground beef", + "fresh ginger", + "sesame oil", + "brown sugar", + "green onions", + "garlic cloves" + ] + }, + { + "id": 11494, + "cuisine": "indian", + "ingredients": [ + "soda", + "ghee", + "sugar", + "khoa", + "maida flour", + "milk", + "oil" + ] + }, + { + "id": 44784, + "cuisine": "southern_us", + "ingredients": [ + "cream sweeten whip", + "crust", + "sweetened condensed milk", + "lime rind", + "tequila", + "large eggs", + "orange liqueur", + "whipping cream", + "fresh lime juice" + ] + }, + { + "id": 8573, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "diced tomatoes", + "garlic cloves", + "chicken broth", + "bacon", + "green pepper", + "onions", + "worcestershire sauce", + "dri leav thyme", + "celery", + "frozen okra", + "crabmeat frozen", + "shrimp" + ] + }, + { + "id": 24877, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chili powder", + "cream cheese", + "cumin", + "garlic powder", + "salt", + "shredded colby", + "water", + "cilantro", + "sour cream", + "boneless skinless chicken breasts", + "salsa", + "corn tortillas" + ] + }, + { + "id": 33526, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "semisweet chocolate", + "cake pound prepar", + "sweet cherries", + "heavy cream", + "dried currants", + "ricotta cheese", + "unsalted butter", + "white sugar" + ] + }, + { + "id": 44017, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "jalapeno chilies", + "salt", + "mayonaise", + "fresh cilantro", + "garlic", + "lime juice", + "chili powder", + "frozen corn", + "cotija", + "olive oil", + "purple onion" + ] + }, + { + "id": 24024, + "cuisine": "thai", + "ingredients": [ + "kosher salt", + "dark brown sugar", + "ground turmeric", + "pork loin", + "coconut milk", + "lemongrass", + "ground coriander", + "ground cumin", + "coconut oil", + "cayenne pepper", + "galangal" + ] + }, + { + "id": 5283, + "cuisine": "cajun_creole", + "ingredients": [ + "heavy cream", + "fresh lime juice", + "orange", + "fresh lemon juice", + "gin", + "orange flower water", + "ice", + "egg whites", + "soda water" + ] + }, + { + "id": 18254, + "cuisine": "japanese", + "ingredients": [ + "daikon", + "perilla", + "mayonaise", + "seaweed", + "cooked rice", + "salt", + "Sriracha", + "tuna" + ] + }, + { + "id": 47457, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "garlic", + "oil", + "spinach", + "chili powder", + "salt", + "chicken breasts", + "passata", + "onions", + "tumeric", + "ginger", + "ground coriander" + ] + }, + { + "id": 48239, + "cuisine": "thai", + "ingredients": [ + "sweet chili sauce", + "skinless salmon fillets", + "lime", + "oil" + ] + }, + { + "id": 42116, + "cuisine": "southern_us", + "ingredients": [ + "almonds", + "maple sugar", + "pecans", + "apples", + "eggs", + "sweet potatoes", + "pumpkin pie spice", + "coconut oil", + "vanilla extract" + ] + }, + { + "id": 41174, + "cuisine": "french", + "ingredients": [ + "french bread", + "all-purpose flour", + "water", + "shredded swiss cheese", + "onions", + "white wine", + "bay leaves", + "beef broth", + "olive oil", + "butter" + ] + }, + { + "id": 10445, + "cuisine": "french", + "ingredients": [ + "hollandaise sauce", + "fresh lemon juice" + ] + }, + { + "id": 21140, + "cuisine": "italian", + "ingredients": [ + "sea salt", + "whole milk", + "lemon juice", + "heavy cream" + ] + }, + { + "id": 30279, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "salsa", + "shredded cheddar cheese", + "black beans", + "corn tortillas", + "grated carrot" + ] + }, + { + "id": 27026, + "cuisine": "thai", + "ingredients": [ + "low sodium chicken broth", + "scallions", + "kosher salt", + "light coconut milk", + "green beans", + "fish sauce", + "lime wedges", + "garlic cloves", + "fresh ginger", + "red curry paste", + "medium shrimp" + ] + }, + { + "id": 16156, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "grated coconut", + "poppy seeds", + "salt", + "cardamom", + "ground turmeric", + "clove", + "red chili powder", + "coriander seeds", + "star anise", + "cumin seed", + "dried red chile peppers", + "fennel seeds", + "black pepper", + "cinnamon", + "garlic", + "oil", + "onions", + "tomatoes", + "water", + "ginger", + "cilantro leaves", + "lemon juice", + "chicken" + ] + }, + { + "id": 1649, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "paprika", + "cucumber", + "vegetable juice", + "salt", + "low-fat sour cream", + "purple onion", + "fresh lime juice", + "grape tomatoes", + "ground red pepper", + "cilantro leaves" + ] + }, + { + "id": 2477, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "garlic", + "flat leaf parsley", + "butter", + "cornish hens", + "olive oil", + "canned tomatoes", + "sourdough", + "ground black pepper", + "salt", + "dried rosemary" + ] + }, + { + "id": 41027, + "cuisine": "korean", + "ingredients": [ + "granulated sugar", + "black beans", + "salt", + "brown sugar", + "pumpkin", + "water", + "sweet rice flour" + ] + }, + { + "id": 39329, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "sugar", + "maple syrup", + "vanilla wafers", + "hazelnuts", + "seedless red grapes" + ] + }, + { + "id": 30096, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "honey", + "bean sauce", + "pork butt", + "dark soy sauce", + "water", + "star anise", + "bay leaf", + "kosher salt", + "hoisin sauce", + "oyster sauce", + "soy sauce", + "garlic powder", + "chinese five-spice powder", + "flavored wine" + ] + }, + { + "id": 6554, + "cuisine": "cajun_creole", + "ingredients": [ + "chorizo", + "fresh lemon", + "butter", + "yellow onion", + "dried oregano", + "green bell pepper", + "olive oil", + "green onions", + "sea salt", + "fresh parsley", + "tomatoes", + "dried thyme", + "bay leaves", + "bacon", + "celery", + "large shrimp", + "black pepper", + "low sodium chicken broth", + "ground red pepper", + "garlic", + "long grain white rice" + ] + }, + { + "id": 33977, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "vegetable oil", + "garlic powder", + "all-purpose flour", + "yellow corn meal", + "salt", + "ground red pepper" + ] + }, + { + "id": 32810, + "cuisine": "italian", + "ingredients": [ + "whole milk", + "cinnamon sticks", + "salt", + "sugar", + "lemon rind", + "large egg yolks", + "corn starch" + ] + }, + { + "id": 48528, + "cuisine": "filipino", + "ingredients": [ + "hot red pepper flakes", + "extra-virgin olive oil", + "fresh lemon", + "salt", + "pepper", + "garlic", + "chili powder", + "chicken pieces" + ] + }, + { + "id": 31198, + "cuisine": "mexican", + "ingredients": [ + "condiments", + "canola oil", + "lime", + "corn tortillas", + "avocado", + "cilantro", + "chicken", + "chipotle", + "onions" + ] + }, + { + "id": 21594, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "finely chopped onion", + "vegetable oil", + "dried cranberries", + "large egg whites", + "large eggs", + "all-purpose flour", + "sugar", + "low-fat buttermilk", + "salt", + "baking soda", + "baking powder", + "margarine" + ] + }, + { + "id": 20557, + "cuisine": "filipino", + "ingredients": [ + "chinese rice wine", + "star anise", + "cinnamon sticks", + "dark soy sauce", + "light soy sauce", + "oil", + "chicken stock", + "pepper", + "garlic", + "brown sugar", + "ginger", + "chicken leg quarters" + ] + }, + { + "id": 365, + "cuisine": "spanish", + "ingredients": [ + "soy chorizo", + "salt", + "organic vegetable broth", + "saffron threads", + "extra-virgin olive oil", + "medium-grain rice", + "flat leaf parsley", + "dry white wine", + "edamame", + "red bell pepper", + "green onions", + "yellow onion", + "garlic cloves" + ] + }, + { + "id": 26900, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "Mexican cheese blend", + "fresh oregano", + "corn tortillas", + "tomato paste", + "water", + "ground red pepper", + "garlic cloves", + "sliced green onions", + "kosher salt", + "cooking spray", + "organic vegetable broth", + "fresh lime juice", + "light sour cream", + "olive oil", + "yellow onion", + "ancho chile pepper", + "ground cumin" + ] + }, + { + "id": 23175, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "Italian parsley leaves", + "garlic cloves", + "rocket leaves", + "parmigiano reggiano cheese", + "salt", + "ground black pepper", + "linguine", + "fat free less sodium chicken broth", + "basil leaves", + "walnuts" + ] + }, + { + "id": 33404, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "large garlic cloves", + "fresh spinach", + "unsalted butter", + "fontina", + "rib pork chops", + "sage leaves", + "prosciutto", + "fresh lemon juice" + ] + }, + { + "id": 44268, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "garam masala", + "salt", + "cayenne", + "popcorn kernels", + "butter" + ] + }, + { + "id": 9553, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "red pepper flakes", + "salt", + "anchovies", + "garlic", + "fresh parsley", + "capers", + "linguine", + "chickpeas", + "olive oil", + "black olives" + ] + }, + { + "id": 1018, + "cuisine": "french", + "ingredients": [ + "minced garlic", + "cream cheese", + "mayonaise", + "blue cheese", + "sour cream", + "milk", + "lemon juice", + "pepper", + "salt" + ] + }, + { + "id": 6088, + "cuisine": "mexican", + "ingredients": [ + "dried pinto beans", + "water", + "salt", + "large garlic cloves", + "salt pork", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 32252, + "cuisine": "spanish", + "ingredients": [ + "pasta sauce", + "boneless skinless chicken breast halves", + "fettucine", + "goat cheese", + "minced garlic", + "fresh basil", + "garlic cloves" + ] + }, + { + "id": 36124, + "cuisine": "french", + "ingredients": [ + "water", + "dried sage", + "salt", + "ground black pepper", + "ground pork", + "mustard powder", + "dried thyme", + "refrigerated piecrusts", + "chopped onion", + "ground cloves", + "potatoes", + "garlic", + "ground beef" + ] + }, + { + "id": 2947, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "olive oil", + "salt", + "pinenuts", + "Italian parsley leaves", + "lemon juice", + "fresh oregano leaves", + "grated parmesan cheese", + "garlic cloves", + "cold water", + "pepper", + "loosely packed fresh basil leaves" + ] + }, + { + "id": 19877, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "ground black pepper", + "paprika", + "salsa", + "corn kernels", + "lean ground beef", + "white rice", + "onions", + "green bell pepper", + "garlic powder", + "diced tomatoes", + "salt", + "shredded cheddar cheese", + "chili powder", + "cilantro", + "beef broth" + ] + }, + { + "id": 17041, + "cuisine": "british", + "ingredients": [ + "bananas", + "heavy cream", + "light brown sugar", + "sweetened condensed milk", + "pie dough" + ] + }, + { + "id": 41795, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "lemon", + "cayenne pepper", + "garam masala", + "garlic", + "onions", + "fresh ginger root", + "red food coloring", + "chopped cilantro", + "yellow food coloring", + "salt", + "chicken" + ] + }, + { + "id": 6159, + "cuisine": "japanese", + "ingredients": [ + "baby bok choy", + "fresh ginger", + "green onions", + "chinese five-spice powder", + "chicken broth", + "black cod fillets", + "ground black pepper", + "dry sherry", + "toasted sesame oil", + "sugar", + "fresh cilantro", + "udon", + "salt", + "soy sauce", + "sesame seeds", + "vegetable oil", + "carrots" + ] + }, + { + "id": 46116, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed tomatoes" + ] + }, + { + "id": 34570, + "cuisine": "greek", + "ingredients": [ + "bread crumbs", + "golden raisins", + "ground lamb", + "bread", + "pepper", + "greek yogurt", + "kosher salt", + "scallions", + "ground cinnamon", + "large eggs", + "fresh mint" + ] + }, + { + "id": 40517, + "cuisine": "southern_us", + "ingredients": [ + "cooking oil", + "all-purpose flour", + "dried oregano", + "ground black pepper", + "ancho powder", + "cultured buttermilk", + "garlic powder", + "onion powder", + "cayenne pepper", + "dried rosemary", + "granulated sugar", + "salt", + "chicken thighs" + ] + }, + { + "id": 41344, + "cuisine": "italian", + "ingredients": [ + "grapeseed oil", + "thyme sprigs", + "ground black pepper", + "extra-virgin olive oil", + "chopped garlic", + "shallots", + "salt", + "wild mushrooms", + "Italian parsley leaves", + "polenta" + ] + }, + { + "id": 10221, + "cuisine": "southern_us", + "ingredients": [ + "blue crabs", + "flour", + "garlic", + "canola oil", + "mascarpone", + "Tabasco Pepper Sauce", + "cornmeal", + "eggs", + "ground black pepper", + "butter", + "corn grits", + "milk", + "green onions", + "salt" + ] + }, + { + "id": 39273, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "garlic cloves", + "ground black pepper", + "onions", + "olive oil", + "Thai fish sauce", + "white vinegar", + "bay leaves", + "chicken thighs" + ] + }, + { + "id": 28261, + "cuisine": "southern_us", + "ingredients": [ + "mixed spice", + "potatoes", + "olive oil", + "honey", + "pork ribs" + ] + }, + { + "id": 21998, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "fresh tomato salsa", + "chili powder", + "boneless skinless chicken breasts", + "smoked paprika" + ] + }, + { + "id": 44671, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "water", + "dry white wine", + "onions", + "fat free less sodium chicken broth", + "cannellini beans", + "carrots", + "fresh rosemary", + "wheat berries", + "salt", + "plum tomatoes", + "black pepper", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 8760, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "shuck corn", + "red bell pepper", + "grape tomatoes", + "finely chopped onion", + "salt", + "chopped cilantro fresh", + "penne", + "queso fresco", + "garlic cloves", + "ground cumin", + "avocado", + "poblano peppers", + "extra-virgin olive oil", + "fresh lime juice" + ] + }, + { + "id": 1104, + "cuisine": "moroccan", + "ingredients": [ + "preserved lemon", + "ground black pepper", + "ground tumeric", + "couscous", + "ground ginger", + "water", + "paprika", + "lamb shoulder", + "ground cumin", + "saffron threads", + "fresh coriander", + "coarse salt", + "garlic", + "onions", + "ground cinnamon", + "olive oil", + "kalamata", + "beef broth" + ] + }, + { + "id": 28570, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "ground black pepper", + "salt", + "fresh parsley", + "marsala wine", + "butter", + "sliced mushrooms", + "meat extract", + "vegetable oil", + "fresh lemon juice", + "dried oregano", + "eggs", + "grated parmesan cheese", + "all-purpose flour", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 40245, + "cuisine": "japanese", + "ingredients": [ + "tofu", + "honey", + "chili pepper", + "cilantro leaves", + "spinach", + "soup", + "water" + ] + }, + { + "id": 31886, + "cuisine": "japanese", + "ingredients": [ + "pork belly", + "daikon", + "miso paste", + "carrots", + "dashi", + "kasu", + "spring onions" + ] + }, + { + "id": 42432, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "all-purpose flour", + "baking powder", + "unsalted butter", + "milk", + "salt" + ] + }, + { + "id": 7566, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "cream of coconut", + "yellow split peas", + "tomato paste", + "ginger", + "red bliss potato", + "frozen peas", + "water", + "garlic", + "salt", + "chopped cilantro fresh", + "cinnamon", + "curry", + "onions" + ] + }, + { + "id": 24322, + "cuisine": "irish", + "ingredients": [ + "bacon", + "all-purpose flour", + "bay leaf", + "dried rosemary", + "beef stew meat", + "beer", + "onions", + "ground black pepper", + "salt", + "carrots", + "marjoram", + "garlic", + "ground allspice", + "fresh parsley" + ] + }, + { + "id": 10102, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "salt", + "white wine", + "whole milk", + "celery", + "nutmeg", + "unsalted butter", + "carrots", + "pepper", + "lean ground beef", + "onions" + ] + }, + { + "id": 24619, + "cuisine": "greek", + "ingredients": [ + "large egg yolks", + "vanilla extract", + "cinnamon", + "Swerve Sweetener", + "2% lowfat greek yogurt" + ] + }, + { + "id": 3267, + "cuisine": "italian", + "ingredients": [ + "whole wheat pasta", + "olive oil", + "cream cheese", + "spinach", + "ground black pepper", + "garlic cloves", + "kosher salt", + "grated parmesan cheese", + "sliced mushrooms", + "milk", + "chopped fresh chives" + ] + }, + { + "id": 42852, + "cuisine": "british", + "ingredients": [ + "eggs", + "vegetable oil", + "onions", + "ground black pepper", + "sausages", + "milk", + "salt", + "mustard", + "flour", + "thyme" + ] + }, + { + "id": 36843, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "grated parmesan cheese", + "salt", + "olive oil", + "baby spinach", + "canned low sodium chicken broth", + "dry white wine", + "onions", + "unsalted butter", + "turkey sausage" + ] + }, + { + "id": 34469, + "cuisine": "thai", + "ingredients": [ + "dark soy sauce", + "light soy sauce", + "ground white pepper", + "chiles", + "vegetable oil", + "chicken", + "gai lan", + "large eggs", + "chopped garlic", + "sugar", + "rice vermicelli" + ] + }, + { + "id": 34085, + "cuisine": "southern_us", + "ingredients": [ + "pickling spices", + "olive oil", + "walnut halves", + "cider vinegar", + "red apples", + "collard greens", + "kosher salt", + "salt", + "sugar", + "water" + ] + }, + { + "id": 20608, + "cuisine": "italian", + "ingredients": [ + "salt", + "plum tomatoes", + "olive oil", + "chopped fresh herbs", + "baguette", + "garlic cloves", + "ground black pepper", + "fresh basil leaves" + ] + }, + { + "id": 22448, + "cuisine": "spanish", + "ingredients": [ + "heirloom tomatoes", + "extra-virgin olive oil", + "sea salt", + "baguette", + "garlic cloves" + ] + }, + { + "id": 43881, + "cuisine": "italian", + "ingredients": [ + "water", + "strong white bread flour", + "salt", + "olive oil", + "caster sugar", + "yeast" + ] + }, + { + "id": 42321, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "grassfed beef", + "salt", + "smoked paprika", + "anise seed", + "pepper", + "cinnamon", + "garlic cloves", + "cumin", + "white pepper", + "onion powder", + "yellow onion", + "coriander", + "tomato sauce", + "garlic powder", + "ginger", + "fat" + ] + }, + { + "id": 19345, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "shallots", + "extra-virgin olive oil", + "kosher salt", + "pappardelle", + "garlic cloves", + "ground black pepper", + "heirloom tomatoes", + "pecorino cheese", + "chopped fresh thyme", + "fresh oregano" + ] + }, + { + "id": 18927, + "cuisine": "cajun_creole", + "ingredients": [ + "paprika", + "cayenne pepper", + "shellfish", + "crab boil", + "garlic powder", + "garlic", + "lemon pepper", + "old bay seasoning", + "margarine", + "chicken" + ] + }, + { + "id": 33828, + "cuisine": "italian", + "ingredients": [ + "water chestnuts", + "scallions", + "frisee", + "olive oil", + "freshly ground pepper", + "tuna", + "pasta", + "extra-virgin olive oil", + "garlic cloves", + "granny smith apples", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 25003, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "hyssop", + "tomato sauce", + "soft goat's cheese", + "black olives", + "fresh oregano leaves" + ] + }, + { + "id": 27072, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lemon wedge", + "Italian seasoned breadcrumbs", + "parmigiano reggiano cheese", + "salt", + "ground black pepper", + "vegetable oil", + "chopped fresh herbs", + "eggs", + "boneless skinless chicken breasts", + "all-purpose flour" + ] + }, + { + "id": 41623, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "tortillas", + "boneless chicken", + "garlic cloves", + "monterey jack", + "boneless chicken skinless thigh", + "shallots", + "salt", + "corn tortillas", + "grape tomatoes", + "cider vinegar", + "vegetable oil", + "chopped onion", + "oregano", + "fresh spinach", + "jalapeno chilies", + "purple onion", + "ancho chile pepper" + ] + }, + { + "id": 11724, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "balsamic vinegar", + "garlic chili sauce", + "toasted sesame seeds", + "green onions", + "garlic cloves", + "bok choy", + "udon", + "napa cabbage", + "carrots", + "canola oil", + "chunky peanut butter", + "vegetable broth", + "red bell pepper" + ] + }, + { + "id": 49235, + "cuisine": "italian", + "ingredients": [ + "fennel bulb", + "onions", + "sausage casings", + "dry white wine", + "marinara sauce", + "olive oil", + "rotini" + ] + }, + { + "id": 38297, + "cuisine": "greek", + "ingredients": [ + "plain flour", + "olive oil", + "grated parmesan cheese", + "garlic", + "minced beef", + "eggs", + "ground nutmeg", + "butter", + "salt", + "onions", + "ground cinnamon", + "eggplant", + "parsley", + "passata", + "ground white pepper", + "milk", + "ground black pepper", + "red wine", + "fines herbes" + ] + }, + { + "id": 23617, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "hot sauce", + "white rice", + "chicken", + "diced tomatoes", + "sweet corn", + "garlic" + ] + }, + { + "id": 39010, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "salt", + "chopped fresh thyme", + "fresh lemon juice", + "morel", + "heavy cream", + "boiling water", + "shallots", + "freshly ground pepper" + ] + }, + { + "id": 45418, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "balsamic vinegar", + "yellow onion", + "crushed tomatoes", + "garlic", + "black pepper", + "crushed red pepper flakes", + "fresh oregano", + "olive oil", + "salt" + ] + }, + { + "id": 33131, + "cuisine": "irish", + "ingredients": [ + "powdered sugar", + "butter", + "cream cheese", + "irish cream liqueur", + "salt", + "sugar", + "color food green", + "semisweet baking chocolate", + "eggs", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 38421, + "cuisine": "cajun_creole", + "ingredients": [ + "low sodium chicken broth", + "garlic", + "rotel tomatoes", + "dried basil", + "cajun seasoning", + "yellow onion", + "chicken", + "sugar", + "flour", + "smoked sausage", + "celery", + "bell pepper", + "butter", + "rice" + ] + }, + { + "id": 39638, + "cuisine": "indian", + "ingredients": [ + "chickpea flour", + "okra", + "olive oil", + "curry powder", + "cumin seed", + "salt" + ] + }, + { + "id": 30416, + "cuisine": "mexican", + "ingredients": [ + "grape tomatoes", + "corn kernels", + "sea salt", + "spaghetti squash", + "cumin", + "water", + "chili powder", + "garlic", + "toasted pine nuts", + "black beans", + "ground pepper", + "extra-virgin olive oil", + "goat cheese", + "ground cumin", + "green chile", + "lime", + "lime wedges", + "purple onion", + "chopped cilantro" + ] + }, + { + "id": 3017, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "coarse sea salt", + "white pepper", + "rice vinegar", + "pork belly", + "salt", + "Shaoxing wine", + "chinese five-spice powder" + ] + }, + { + "id": 42136, + "cuisine": "jamaican", + "ingredients": [ + "water", + "chopped fresh thyme", + "scallions", + "lite coconut milk", + "callaloo", + "salt", + "corn starch", + "sweet potatoes", + "sirloin steak", + "garlic cloves", + "white onion", + "chile pepper", + "okra", + "canola oil" + ] + }, + { + "id": 4773, + "cuisine": "italian", + "ingredients": [ + "warm water", + "all-purpose flour", + "olive oil", + "active dry yeast", + "white sugar", + "salt" + ] + }, + { + "id": 7002, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "spaghetti", + "non-fat sour cream", + "shredded mozzarella cheese", + "small curd cottage cheese" + ] + }, + { + "id": 47557, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "green enchilada sauce", + "lime juice", + "chili powder", + "chicken", + "flour tortillas", + "monterey jack", + "honey", + "heavy cream" + ] + }, + { + "id": 25788, + "cuisine": "thai", + "ingredients": [ + "cold water", + "lemongrass", + "button mushrooms", + "galangal", + "Thai chili paste", + "granulated sugar", + "tamarind paste", + "fish sauce", + "tamarind", + "cilantro leaves", + "medium shrimp", + "lime juice", + "chile pepper", + "lime leaves" + ] + }, + { + "id": 8028, + "cuisine": "italian", + "ingredients": [ + "water", + "garlic cloves", + "fresh rosemary", + "chopped onion", + "bay leaf", + "dried lentils", + "Italian turkey sausage", + "fennel seeds", + "swiss chard", + "carrots" + ] + }, + { + "id": 19958, + "cuisine": "korean", + "ingredients": [ + "granulated sugar", + "garlic", + "fish sauce", + "sesame oil", + "Gochujang base", + "shrimp paste", + "melissa", + "fresh ginger", + "daikon", + "scallions" + ] + }, + { + "id": 4812, + "cuisine": "italian", + "ingredients": [ + "chopped fresh chives", + "fresh oregano", + "fresh basil", + "fresh parsley", + "alfredo sauce mix" + ] + }, + { + "id": 22918, + "cuisine": "mexican", + "ingredients": [ + "silver tequila", + "orange juice", + "lime juice", + "cocktail cherries", + "sour mix", + "triple sec", + "melon liqueur", + "orange", + "grenadine syrup" + ] + }, + { + "id": 48593, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "guacamole", + "salt", + "sour cream", + "jack", + "chicken breasts", + "salsa", + "onions", + "tortillas", + "chili powder", + "oil", + "oregano", + "pepper", + "green bell pepper, slice", + "garlic", + "red bell pepper", + "cumin" + ] + }, + { + "id": 20431, + "cuisine": "mexican", + "ingredients": [ + "corn tortilla chips", + "low sodium chicken broth", + "dark brown sugar", + "shredded Monterey Jack cheese", + "white onion", + "extra-virgin olive oil", + "chipotle peppers", + "tomato sauce", + "apple cider vinegar", + "taco seasoning", + "refried beans", + "garlic", + "ground beef" + ] + }, + { + "id": 6208, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "water", + "potatoes", + "chopped onion", + "rock salt", + "tomato purée", + "sugar", + "amchur", + "green peas", + "cumin seed", + "ground turmeric", + "chat masala", + "lime juice", + "butter", + "green chilies", + "carrots", + "red chili powder", + "buns", + "finely chopped onion", + "cilantro leaves", + "oil", + "masala" + ] + }, + { + "id": 45050, + "cuisine": "indian", + "ingredients": [ + "winter squash", + "raisins", + "cauliflower florets", + "lemon juice", + "basmati rice", + "cream", + "bell pepper", + "ginger", + "salt", + "green beans", + "potatoes", + "diced tomatoes", + "non dairy milk", + "carrots", + "ground turmeric", + "water", + "chili powder", + "peas", + "ground coriander", + "onions" + ] + }, + { + "id": 5699, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "shallots", + "veal rib chops", + "sage leaves", + "beef stock", + "butter", + "bay leaf", + "prosciutto", + "chopped fresh thyme", + "all-purpose flour", + "chicken stock", + "dry white wine", + "whipping cream" + ] + }, + { + "id": 46720, + "cuisine": "french", + "ingredients": [ + "whipped cream", + "bananas", + "crepes", + "chocolate-hazelnut spread" + ] + }, + { + "id": 33507, + "cuisine": "italian", + "ingredients": [ + "salt", + "chicken", + "golden mushroom soup", + "onions", + "sour cream", + "bacon", + "corned beef" + ] + }, + { + "id": 32136, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "lime", + "cracked black pepper", + "oyster sauce", + "sirloin", + "minced garlic", + "watercress", + "rice vinegar", + "tomatoes", + "soy sauce", + "cooking oil", + "purple onion", + "fish sauce", + "kosher salt", + "sesame oil", + "salt" + ] + }, + { + "id": 34649, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "tomatoes", + "water", + "cannellini beans", + "dry pasta", + "carrots", + "cabbage", + "fennel seeds", + "black pepper", + "olive oil", + "bacon", + "chickpeas", + "onions", + "chicken broth", + "pepper", + "tomato juice", + "crushed red pepper flakes", + "garlic cloves", + "dried oregano", + "white bread", + "fresh spinach", + "dried basil", + "parsley", + "salt", + "ground turkey" + ] + }, + { + "id": 42001, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "baking powder", + "chopped onion", + "olive oil", + "salt", + "poblano chiles", + "cotija", + "garlic", + "mexican chorizo", + "tomatoes", + "flour", + "fresh oregano", + "monterey jack" + ] + }, + { + "id": 43196, + "cuisine": "greek", + "ingredients": [ + "cherry tomatoes", + "cauliflower", + "zesty italian dressing", + "feta cheese", + "pitted black olives", + "broccoli" + ] + }, + { + "id": 33476, + "cuisine": "mexican", + "ingredients": [ + "hot pepper sauce", + "heavy cream", + "all-purpose flour", + "sour cream", + "ketchup", + "low sodium chicken broth", + "garlic", + "fresh mushrooms", + "ground cumin", + "pepper", + "butter", + "salt", + "red bell pepper", + "chiles", + "flour tortillas", + "extra-virgin olive oil", + "yellow onion", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 23926, + "cuisine": "french", + "ingredients": [ + "active dry yeast", + "all-purpose flour", + "warm water", + "egg yolks", + "eggs", + "egg whites", + "white sugar", + "water", + "butter" + ] + }, + { + "id": 17756, + "cuisine": "thai", + "ingredients": [ + "cooked turkey", + "tamarind juice", + "peeled shrimp", + "fresh basil leaves", + "fish sauce", + "peanuts", + "shallots", + "rice vinegar", + "green chile", + "lime", + "green onions", + "garlic", + "canola oil", + "seedless cucumber", + "palm sugar", + "thai chile", + "beansprouts" + ] + }, + { + "id": 46660, + "cuisine": "mexican", + "ingredients": [ + "lime", + "onions", + "rotisserie chicken", + "salsa verde", + "chopped cilantro fresh", + "cotija", + "corn tortillas" + ] + }, + { + "id": 39546, + "cuisine": "mexican", + "ingredients": [ + "sliced olives", + "shredded cheese", + "onions", + "ground chipotle chile pepper", + "diced tomatoes", + "ground turkey", + "sliced green onions", + "queso fresco", + "enchilada sauce", + "cumin", + "diced green chilies", + "garlic", + "tomato soup" + ] + }, + { + "id": 44610, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "cilantro leaves", + "fresh lime juice", + "tomatoes", + "jalapeno chilies", + "carrots", + "medium shrimp", + "avocado", + "ground black pepper", + "halibut", + "chopped cilantro", + "mayonaise", + "purple onion", + "corn tortillas", + "canola oil" + ] + }, + { + "id": 16361, + "cuisine": "southern_us", + "ingredients": [ + "frozen peaches", + "baking powder", + "apple butter", + "granulated sugar", + "salt", + "unsalted butter", + "bourbon whiskey", + "yellow corn meal", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 21878, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "eggplant", + "chili powder", + "cayenne pepper", + "coconut milk", + "kaffir lime leaves", + "red chili peppers", + "shrimp paste", + "garlic", + "cinnamon sticks", + "chicken pieces", + "fresh basil", + "lemongrass", + "shallots", + "tomato ketchup", + "red bell pepper", + "ground cumin", + "tomatoes", + "brown sugar", + "curry sauce", + "ginger", + "ground coriander", + "fresh lime juice" + ] + }, + { + "id": 22661, + "cuisine": "spanish", + "ingredients": [ + "minced garlic", + "green peas", + "ripe olives", + "roasted red peppers", + "chopped onion", + "olive oil", + "chickpeas", + "saffron", + "black pepper", + "cooking spray", + "flat leaf parsley" + ] + }, + { + "id": 41281, + "cuisine": "chinese", + "ingredients": [ + "tea bags", + "medium dry sherry", + "fermented black beans", + "pure maple syrup", + "finely chopped onion", + "garlic cloves", + "soy sauce", + "peeled fresh ginger", + "baby back ribs", + "cider vinegar", + "vegetable oil", + "boiling water" + ] + }, + { + "id": 42216, + "cuisine": "vietnamese", + "ingredients": [ + "avocado", + "warm water", + "rice noodles", + "carrots", + "natural peanut butter", + "Sriracha", + "cilantro leaves", + "low sodium soy sauce", + "light agave nectar", + "garlic", + "cucumber", + "romaine lettuce", + "sesame oil", + "rice" + ] + }, + { + "id": 6986, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "fresh pasta", + "cream", + "sea salt", + "fresh white truffles", + "large garlic cloves", + "unsalted butter" + ] + }, + { + "id": 41163, + "cuisine": "mexican", + "ingredients": [ + "fresh corn", + "unsalted butter", + "scallions", + "ground cumin", + "kosher salt", + "hot chili powder", + "fresh lemon juice", + "olive oil", + "cilantro leaves", + "skirt steak", + "black pepper", + "roasted red peppers", + "garlic cloves" + ] + }, + { + "id": 45195, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "yellow squash", + "Himalayan salt", + "nopales", + "broth", + "red potato", + "corn", + "ground black pepper", + "raw cashews", + "smoked paprika", + "water", + "garlic powder", + "shredded lettuce", + "walnuts", + "cream", + "nutritional yeast", + "onion powder", + "salsa", + "cumin" + ] + }, + { + "id": 11033, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "unsalted butter", + "all-purpose flour", + "honey", + "salt", + "baking powder" + ] + }, + { + "id": 35847, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "warm water", + "whole milk", + "active dry yeast", + "salt", + "sugar", + "large eggs" + ] + }, + { + "id": 42534, + "cuisine": "italian", + "ingredients": [ + "chocolate milk", + "ice cream", + "bourbon whiskey", + "cinnamon", + "brewed coffee" + ] + }, + { + "id": 7939, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "mint leaves", + "shrimp", + "tomatoes", + "warm water", + "garlic", + "cashew nuts", + "sugar", + "shallots", + "noodles", + "garlic paste", + "lime juice", + "cilantro leaves" + ] + }, + { + "id": 46579, + "cuisine": "thai", + "ingredients": [ + "savoy cabbage", + "minced onion", + "flank steak", + "garlic cloves", + "fresh lime juice", + "green bell pepper", + "jalapeno chilies", + "salt", + "carrots", + "chopped fresh mint", + "brown sugar", + "cooking spray", + "soba noodles", + "cucumber", + "reduced sodium soy sauce", + "green onions", + "roasted peanuts", + "red bell pepper" + ] + }, + { + "id": 46714, + "cuisine": "japanese", + "ingredients": [ + "long-grain rice", + "salt", + "rice vinegar", + "sugar" + ] + }, + { + "id": 24258, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "KRAFT Mexican Style Shredded Four Cheese with a TOUCH OF PHILADELPHIA", + "garlic", + "Oscar Mayer Bacon", + "chopped cilantro fresh", + "finely chopped onion", + "Philadelphia Cream Cheese" + ] + }, + { + "id": 16785, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "onions", + "lime juice", + "salt", + "cumin", + "pepper", + "garlic", + "oregano", + "pork shoulder roast", + "orange juice" + ] + }, + { + "id": 49134, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "hoisin sauce", + "ginger", + "corn starch", + "ketchup", + "rice wine", + "peanut oil", + "chicken broth", + "water", + "sesame oil", + "scallions", + "soy sauce", + "flank steak", + "chili bean sauce", + "onions" + ] + }, + { + "id": 7261, + "cuisine": "filipino", + "ingredients": [ + "bay leaves", + "black peppercorns", + "garlic cloves", + "soy sauce", + "white vinegar", + "fryer chickens" + ] + }, + { + "id": 32075, + "cuisine": "indian", + "ingredients": [ + "ground cardamom", + "mango", + "whole milk", + "fresh mint", + "sugar", + "corn starch", + "cardamom pods", + "liqueur" + ] + }, + { + "id": 35135, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "hellmann' or best food real mayonnais", + "chili powder", + "flour tortillas", + "ground beef", + "prepar salsa" + ] + }, + { + "id": 46432, + "cuisine": "mexican", + "ingredients": [ + "jicama", + "salt", + "carrots", + "napa cabbage", + "rice vinegar", + "vegetable oil", + "cilantro leaves", + "fresh lime juice", + "honey", + "ancho powder", + "freshly ground pepper" + ] + }, + { + "id": 3253, + "cuisine": "irish", + "ingredients": [ + "pecorino romano cheese", + "mashed potatoes", + "frozen peas", + "ground turkey", + "chicken gravy mix" + ] + }, + { + "id": 17582, + "cuisine": "thai", + "ingredients": [ + "water", + "part-skim mozzarella cheese", + "garlic cloves", + "fresh basil", + "eggplant", + "golden raisins", + "olive oil", + "grated parmesan cheese", + "fresh lemon juice", + "black pepper", + "pitas", + "salt" + ] + }, + { + "id": 23202, + "cuisine": "mexican", + "ingredients": [ + "instant rice", + "butter", + "onions", + "water", + "salt", + "chicken bouillon granules", + "lime", + "green chilies", + "minced garlic", + "cilantro" + ] + }, + { + "id": 42691, + "cuisine": "irish", + "ingredients": [ + "sugar", + "jalapeno chilies", + "chopped onion", + "water", + "red wine", + "sweet cherries", + "white wine vinegar", + "granny smith apples", + "peeled fresh ginger" + ] + }, + { + "id": 30489, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "olive oil", + "cinnamon", + "vegetable broth", + "cumin", + "kosher salt", + "garbanzo beans", + "cilantro", + "onions", + "fennel seeds", + "curry powder", + "sweet potatoes", + "cauliflower florets", + "frozen peas", + "tomato sauce", + "fresh ginger", + "red pepper flakes", + "greek yogurt" + ] + }, + { + "id": 19379, + "cuisine": "mexican", + "ingredients": [ + "flour", + "black olives", + "shredded lettuce", + "onions", + "cooked chicken", + "enchilada sauce", + "tomatoes", + "tex-mex shredded cheese" + ] + }, + { + "id": 26684, + "cuisine": "french", + "ingredients": [ + "parsnips", + "cheese", + "bosc pears", + "crème fraîche", + "sourdough bread", + "salt", + "extra-virgin olive oil", + "freshly ground pepper" + ] + }, + { + "id": 38091, + "cuisine": "cajun_creole", + "ingredients": [ + "fat free milk", + "cooked bacon", + "green bell pepper", + "quickcooking grits", + "creole seasoning", + "light butter", + "cooking spray", + "light cream cheese", + "fat free less sodium chicken broth", + "diced tomatoes", + "large shrimp" + ] + }, + { + "id": 23157, + "cuisine": "japanese", + "ingredients": [ + "tomatoes", + "vegetable oil", + "carrots", + "reduced sodium soy sauce", + "rice vinegar", + "caster sugar", + "ginger", + "onions", + "lettuce", + "radishes", + "edamame" + ] + }, + { + "id": 30083, + "cuisine": "french", + "ingredients": [ + "fine salt", + "superfine sugar", + "free range egg", + "milk", + "white bread flour", + "instant yeast" + ] + }, + { + "id": 24341, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil cooking spray", + "vanilla extract", + "skim milk", + "egg substitute", + "sugar" + ] + }, + { + "id": 45977, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "sesame oil", + "yellow chives", + "sugar", + "cooking oil", + "beansprouts", + "dark soy sauce", + "mein", + "oyster sauce", + "soy sauce", + "Shaoxing wine", + "white sesame seeds" + ] + }, + { + "id": 29215, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "salt", + "kirby cucumbers", + "cayenne pepper", + "sesame oil", + "rice vinegar", + "garlic", + "scallions" + ] + }, + { + "id": 29818, + "cuisine": "italian", + "ingredients": [ + "ground nutmeg", + "grated parmesan cheese", + "cremini mushrooms", + "unsalted butter", + "large garlic cloves", + "ground black pepper", + "whole milk", + "olive oil", + "lasagna noodles", + "all-purpose flour" + ] + }, + { + "id": 40030, + "cuisine": "mexican", + "ingredients": [ + "instant rice", + "sour cream", + "chicken broth", + "garlic powder", + "chicken", + "diced onions", + "shredded cheddar cheese", + "cumin", + "tomatoes", + "cream of chicken soup" + ] + }, + { + "id": 28607, + "cuisine": "chinese", + "ingredients": [ + "pepper flakes", + "water", + "hoisin sauce", + "rice vinegar", + "soy sauce", + "fresh ginger", + "boneless skinless chicken breasts", + "corn starch", + "brown sugar", + "olive oil", + "green onions", + "rice", + "ketchup", + "sesame seeds", + "sesame oil" + ] + }, + { + "id": 34317, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "fine sea salt", + "sardines", + "preserved lemon", + "fennel", + "salt", + "fennel seeds", + "water", + "purple onion", + "fresh dill", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 36006, + "cuisine": "french", + "ingredients": [ + "fresh thyme", + "all-purpose flour", + "burgundy wine", + "beef round", + "tomato paste", + "butter", + "fresh mushrooms", + "fresh parsley", + "bacon drippings", + "beef demi-glace", + "beef broth", + "bay leaf", + "fresh rosemary", + "bouquet garni", + "sherry wine", + "onions" + ] + }, + { + "id": 18360, + "cuisine": "russian", + "ingredients": [ + "pepper", + "crumbs", + "salt", + "eggs", + "minced onion", + "paprika", + "sour cream", + "tomato juice", + "ground sirloin", + "green pepper", + "shortening", + "flour", + "stewed tomatoes" + ] + }, + { + "id": 41359, + "cuisine": "italian", + "ingredients": [ + "shallots", + "fat skimmed chicken broth", + "evaporated milk", + "all-purpose flour", + "salt", + "( oz.) tomato paste", + "butter", + "fresh basil leaves" + ] + }, + { + "id": 16789, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium soy sauce", + "vegetable oil", + "toasted sesame oil", + "kosher salt", + "szechwan peppercorns", + "rice vinegar", + "sugar", + "tahini", + "crushed red pepper flakes", + "sesame seeds", + "ramen noodles", + "scallions" + ] + }, + { + "id": 23831, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "cherry tomatoes", + "basil", + "burrata", + "sea salt", + "olive oil", + "arugula" + ] + }, + { + "id": 28549, + "cuisine": "italian", + "ingredients": [ + "spinach", + "ground black pepper", + "ground pork", + "fresh parsley", + "pepper", + "grated parmesan cheese", + "salt", + "bread crumbs", + "large eggs", + "orzo", + "onions", + "chicken broth", + "minced garlic", + "pecorino romano cheese", + "ground beef" + ] + }, + { + "id": 29268, + "cuisine": "italian", + "ingredients": [ + "plain yogurt", + "lemon curd", + "strawberries", + "mint sprigs", + "crème de cassis", + "orange peel" + ] + }, + { + "id": 34866, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "large eggs", + "crème fraîche", + "honey", + "butter", + "milk", + "flour", + "brown sugar", + "culinary lavender", + "apricot halves" + ] + }, + { + "id": 42961, + "cuisine": "filipino", + "ingredients": [ + "chicken broth", + "olive oil", + "garlic", + "fresh leav spinach", + "mung beans", + "onions", + "tomatoes", + "salt and ground black pepper", + "boneless pork loin", + "water", + "prawns" + ] + }, + { + "id": 49456, + "cuisine": "thai", + "ingredients": [ + "minced garlic", + "asian fish sauce", + "light brown sugar", + "cilantro leaves", + "lime", + "chili flakes", + "juice" + ] + }, + { + "id": 32360, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "olive oil", + "ground beef", + "shredded cheddar cheese", + "tortilla chips", + "kosher salt", + "ground black pepper", + "shredded Monterey Jack cheese", + "corn kernels", + "enchilada sauce" + ] + }, + { + "id": 37401, + "cuisine": "italian", + "ingredients": [ + "ruby port", + "balsamic vinegar", + "unflavored gelatin", + "semisweet chocolate", + "vanilla extract", + "sugar", + "whole milk", + "canola oil", + "cherries", + "whipping cream" + ] + }, + { + "id": 6324, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "hot water", + "dried porcini mushrooms", + "salt", + "fresh parsley", + "orzo", + "low salt chicken broth", + "olive oil", + "freshly ground pepper", + "onions" + ] + }, + { + "id": 27312, + "cuisine": "southern_us", + "ingredients": [ + "water", + "butter", + "sugar", + "large eggs", + "vanilla extract", + "evaporated milk", + "raisins", + "red delicious apples", + "french bread", + "crushed pineapple" + ] + }, + { + "id": 21529, + "cuisine": "thai", + "ingredients": [ + "red curry paste", + "fish sauce", + "dried red chile peppers", + "coconut milk", + "vegetable oil", + "chicken" + ] + }, + { + "id": 34592, + "cuisine": "mexican", + "ingredients": [ + "lasagna noodles", + "ground beef", + "taco seasoning mix", + "prepar salsa", + "Mexican cheese blend", + "salsa", + "cottage cheese", + "grated parmesan cheese" + ] + }, + { + "id": 1127, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "fresh cilantro", + "ginger", + "coconut milk", + "tumeric", + "chicken breasts", + "oil", + "fresh pineapple", + "fish sauce", + "cherry tomatoes", + "red curry paste", + "bamboo shoots", + "sugar", + "red pepper", + "garlic cloves" + ] + }, + { + "id": 18241, + "cuisine": "greek", + "ingredients": [ + "milk", + "unsalted butter", + "all-purpose flour", + "ground lamb", + "tomato paste", + "feta cheese", + "tomatoes with juice", + "onions", + "pasta", + "eggplant", + "cinnamon", + "garlic cloves", + "olive oil", + "large eggs", + "ground allspice" + ] + }, + { + "id": 5666, + "cuisine": "korean", + "ingredients": [ + "red chili peppers", + "miso paste", + "medium firm tofu", + "minced garlic", + "shimeji mushrooms", + "kimchi", + "soy sauce", + "ginger", + "juice", + "water", + "scallions", + "onions" + ] + }, + { + "id": 17126, + "cuisine": "french", + "ingredients": [ + "sliced almonds", + "frozen pastry puff sheets", + "almond paste", + "unsalted butter", + "almond extract", + "dried cherry", + "bosc pears", + "sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 37144, + "cuisine": "moroccan", + "ingredients": [ + "dry yeast", + "oil", + "warm water", + "butter", + "semolina", + "salt", + "sugar", + "flour" + ] + }, + { + "id": 10930, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "ear of corn", + "cinnamon", + "sweetened condensed milk", + "baking powder", + "coconut milk", + "melted butter", + "salt" + ] + }, + { + "id": 34187, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "salt", + "green onions", + "ground pepper", + "buttermilk", + "potatoes", + "onions" + ] + }, + { + "id": 19658, + "cuisine": "japanese", + "ingredients": [ + "pepper", + "soy sauce", + "Japanese rice vinegar", + "wakame", + "sesame seeds", + "blood orange", + "persian cucumber" + ] + }, + { + "id": 28187, + "cuisine": "brazilian", + "ingredients": [ + "ketchup", + "dry white wine", + "oil", + "tomato paste", + "ground black pepper", + "garlic", + "onions", + "ground nutmeg", + "chicken thigh fillets", + "white mushrooms", + "table cream", + "dijon mustard", + "salt", + "oregano" + ] + }, + { + "id": 43474, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "butter", + "ham", + "milk", + "yellow onion", + "chicken leg quarters", + "water", + "salt", + "carrots", + "chicken broth", + "cooking oil", + "elbow macaroni", + "celery" + ] + }, + { + "id": 20526, + "cuisine": "chinese", + "ingredients": [ + "honey", + "chili paste", + "olive oil", + "soy sauce", + "flank steak" + ] + }, + { + "id": 3342, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "quail", + "salt", + "seedless green grape", + "prosciutto", + "grappa", + "black pepper", + "olive oil", + "thyme sprigs", + "fat free less sodium chicken broth", + "shallots" + ] + }, + { + "id": 8138, + "cuisine": "irish", + "ingredients": [ + "chicken stock", + "potatoes", + "back bacon", + "black pepper", + "savoy cabbage", + "chopped tomatoes" + ] + }, + { + "id": 47344, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "lemongrass", + "sesame oil", + "rice vinegar", + "cucumber", + "water", + "spring onions", + "ginger", + "green chilies", + "coriander", + "soy sauce", + "shredded carrots", + "basil", + "rolls", + "vermicelli noodles", + "fish sauce", + "lime juice", + "shallots", + "garlic", + "shrimp" + ] + }, + { + "id": 26437, + "cuisine": "brazilian", + "ingredients": [ + "mayonaise", + "olive oil", + "red pepper flakes", + "garlic cloves", + "white onion", + "green onions", + "all-purpose flour", + "bread crumbs", + "salt and ground black pepper", + "salt", + "annatto", + "chicken stock", + "large egg whites", + "vegetable oil", + "rotisserie chicken" + ] + }, + { + "id": 4012, + "cuisine": "italian", + "ingredients": [ + "salt", + "lemon zest", + "green beans", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 19934, + "cuisine": "italian", + "ingredients": [ + "spinach", + "shallots", + "angel hair", + "fat free less sodium chicken broth", + "lemon juice", + "black pepper", + "salt", + "capers", + "olive oil", + "large shrimp" + ] + }, + { + "id": 21278, + "cuisine": "japanese", + "ingredients": [ + "sake", + "chicken drumsticks", + "miso paste", + "scallions" + ] + }, + { + "id": 34963, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "vegetable oil", + "black pepper", + "cumin seed", + "ground cloves", + "salt", + "ground ginger", + "potatoes" + ] + }, + { + "id": 16134, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "eggs", + "vegetable oil", + "mirin", + "soy sauce", + "white sugar" + ] + }, + { + "id": 35486, + "cuisine": "russian", + "ingredients": [ + "salt", + "onions", + "white vinegar", + "freshly ground pepper", + "water", + "cucumber", + "sweet paprika" + ] + }, + { + "id": 1929, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "lemon zest", + "salt", + "mayonaise", + "vegetable oil", + "fresh lime juice", + "fresh basil", + "egg yolks", + "crabmeat", + "saltines", + "pepper", + "old bay seasoning", + "chopped cilantro fresh" + ] + }, + { + "id": 16742, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "lemon juice", + "fresh tomatoes", + "butter", + "garlic powder", + "flounder fillets", + "pepper", + "salt" + ] + }, + { + "id": 8982, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "all-purpose flour", + "parmigiano reggiano cheese", + "ricotta", + "unsalted butter", + "grated nutmeg", + "large eggs" + ] + }, + { + "id": 25571, + "cuisine": "british", + "ingredients": [ + "turnips", + "russet potatoes", + "bay leaf", + "parsnips", + "beef broth", + "onions", + "green cabbage", + "bacon", + "fresh parsley", + "leeks", + "low salt chicken broth" + ] + }, + { + "id": 36702, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "cinnamon", + "boneless, skinless chicken breast", + "ground tumeric", + "olive oil", + "cumin" + ] + }, + { + "id": 12081, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "swiss chard", + "ziti", + "salt", + "California bay leaves", + "rib", + "sugar", + "parmigiano reggiano cheese", + "dry red wine", + "grated nutmeg", + "juice", + "tomatoes", + "unsalted butter", + "fresh mozzarella", + "all-purpose flour", + "sausage meat", + "onions", + "celery ribs", + "white pepper", + "whole milk", + "extra-virgin olive oil", + "garlic cloves", + "carrots" + ] + }, + { + "id": 14288, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "rock shrimp", + "dry white wine", + "boneless skinless chicken breast halves", + "tomato paste", + "chopped fresh chives", + "fresh lemon juice", + "black pepper", + "heavy cream", + "chopped garlic" + ] + }, + { + "id": 16811, + "cuisine": "italian", + "ingredients": [ + "warm water", + "large eggs", + "all-purpose flour", + "crystallized ginger", + "butter", + "dried cranberries", + "sliced almonds", + "cooking spray", + "orange rind", + "sugar", + "dry yeast", + "salt" + ] + }, + { + "id": 27235, + "cuisine": "italian", + "ingredients": [ + "lemon wedge", + "oil", + "dried oregano", + "cauliflower", + "crushed red pepper", + "carrots", + "florets", + "fresh lemon juice", + "olive oil", + "broccoli", + "olives" + ] + }, + { + "id": 37005, + "cuisine": "mexican", + "ingredients": [ + "great northern beans", + "chili seasoning", + "vegetable oil", + "celery", + "Crystal Farms Reduced Fat Shredded Marble Jack Cheese", + "chili powder", + "salt", + "onions", + "green bell pepper", + "ground black pepper", + "Mexican beer", + "roasted tomatoes", + "kidney beans", + "lean ground beef", + "green chilies" + ] + }, + { + "id": 18045, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "plum tomatoes", + "onions", + "garlic cloves", + "serrano chile" + ] + }, + { + "id": 4626, + "cuisine": "mexican", + "ingredients": [ + "yellow corn meal", + "jalapeno chilies", + "canola oil", + "sugar", + "salt", + "eggs", + "baking powder", + "low-fat buttermilk", + "all-purpose flour" + ] + }, + { + "id": 23766, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "italian sausage", + "onions", + "rolls", + "dijon mustard", + "giardiniera" + ] + }, + { + "id": 6557, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "fresh lime juice", + "black pepper", + "purple onion", + "avocado", + "jalapeno chilies", + "kosher salt", + "tortilla chips" + ] + }, + { + "id": 3178, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "garlic", + "sesame oil", + "scallions", + "chili pepper", + "salt", + "string beans", + "vegetable oil", + "oyster sauce" + ] + }, + { + "id": 41054, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "chicken drumsticks", + "vinegar", + "oil", + "garlic powder", + "salt", + "ketchup", + "cajun seasoning", + "italian seasoning" + ] + }, + { + "id": 7974, + "cuisine": "brazilian", + "ingredients": [ + "butter", + "salt", + "white rice" + ] + }, + { + "id": 7922, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "purple onion", + "lime juice", + "garlic", + "avocado", + "I Can't Believe It's Not Butter!® Spread", + "mango", + "cod", + "chili powder", + "chopped cilantro fresh" + ] + }, + { + "id": 38596, + "cuisine": "french", + "ingredients": [ + "green peppercorns", + "rack of lamb", + "shallots", + "unsalted butter", + "brine", + "dry red wine" + ] + }, + { + "id": 17201, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "salt", + "black pepper", + "cooking spray", + "manicotti", + "frozen chopped spinach", + "fresh parmesan cheese", + "tomato basil sauce", + "water", + "fat-free cottage cheese", + "dried oregano" + ] + }, + { + "id": 11207, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "hominy", + "shredded cabbage", + "salt", + "chicken", + "crushed tomatoes", + "jalapeno chilies", + "lime wedges", + "garlic cloves", + "water", + "radishes", + "Mexican oregano", + "yellow onion", + "fresh cilantro", + "bay leaves", + "tomatillos", + "hot water" + ] + }, + { + "id": 26075, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "chiffonade", + "light coconut milk", + "rounds", + "olive oil", + "ginger", + "purple onion", + "toasted sesame seeds", + "curry powder", + "red pepper flakes", + "garlic", + "corn starch", + "green onions", + "vegetable broth", + "broccoli", + "chopped cilantro fresh" + ] + }, + { + "id": 30102, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "chopped green bell pepper", + "salt", + "dried oregano", + "lime juice", + "tomatillos", + "diced celery", + "green chile", + "ground red pepper", + "garlic cloves", + "ground cumin", + "olive oil", + "clam juice", + "chopped cilantro fresh" + ] + }, + { + "id": 10494, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "green onions", + "onions", + "red chile sauce", + "flour tortillas", + "salt", + "black pepper", + "sliced black olives", + "vegetable oil", + "iceberg lettuce", + "shredded cheddar cheese", + "guacamole", + "ground beef" + ] + }, + { + "id": 48234, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "butter", + "cayenne pepper", + "plain yogurt", + "garlic", + "shrimp", + "black pepper", + "paprika", + "lemon juice", + "fresh ginger", + "salt", + "cumin" + ] + }, + { + "id": 18110, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "vegetable oil", + "greens", + "garlic paste", + "yoghurt", + "breast", + "tomato paste", + "garam masala", + "garlic", + "tumeric", + "spring onions", + "onions" + ] + }, + { + "id": 16416, + "cuisine": "thai", + "ingredients": [ + "curry powder", + "salt", + "coconut sugar", + "boneless skinless chicken breasts", + "coconut milk", + "olive oil", + "red bell pepper", + "white onion", + "garlic", + "ground turmeric" + ] + }, + { + "id": 32673, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "light soy sauce", + "sesame oil", + "oil", + "pepper", + "broccoli florets", + "salt", + "corn starch", + "sugar", + "fresh ginger", + "beef fillet", + "garlic cloves", + "water", + "Shaoxing wine", + "chinese five-spice powder" + ] + }, + { + "id": 22606, + "cuisine": "mexican", + "ingredients": [ + "canela", + "cheese", + "masa harina", + "vegetable oil", + "fresh masa", + "ricotta" + ] + }, + { + "id": 13988, + "cuisine": "italian", + "ingredients": [ + "diced onions", + "potatoes", + "spicy pork sausage", + "water", + "heavy cream", + "minced garlic", + "vegetable oil", + "kale", + "chicken soup base" + ] + }, + { + "id": 42450, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "milk", + "salt", + "eggs", + "vegetable oil", + "yellow corn meal", + "baking powder" + ] + }, + { + "id": 37168, + "cuisine": "french", + "ingredients": [ + "olive oil", + "red wine vinegar", + "radishes", + "curly endive", + "shallots", + "coriander seeds", + "bacon slices" + ] + }, + { + "id": 12224, + "cuisine": "russian", + "ingredients": [ + "dried fruit", + "cold water", + "hot water", + "honey", + "potato starch", + "cinnamon sticks" + ] + }, + { + "id": 15381, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "onions", + "chipotle chile", + "hot water", + "adobo", + "garlic cloves", + "chopped cilantro fresh", + "guajillo chiles", + "fresh lime juice" + ] + }, + { + "id": 46287, + "cuisine": "italian", + "ingredients": [ + "Knorr® Pasta Sides™ - Alfredo", + "tomatoes", + "fresh basil leaves", + "provolone cheese", + "vegetable oil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 5567, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "shallots", + "rice vinegar", + "dried wood ear mushrooms", + "fish sauce", + "lime juice", + "garlic", + "rice flour", + "water", + "ground pork", + "oil", + "sugar", + "bawang goreng", + "salt", + "carrots" + ] + }, + { + "id": 37926, + "cuisine": "mexican", + "ingredients": [ + "cider vinegar", + "poblano peppers", + "vegetable broth", + "cumin seed", + "black peppercorns", + "coriander seeds", + "grapeseed oil", + "salt", + "adobo sauce", + "tomato paste", + "water", + "extra firm tofu", + "garlic", + "chipotles in adobo", + "soy sauce", + "nutritional yeast", + "raw sugar", + "yellow onion", + "dried leaves oregano" + ] + }, + { + "id": 37052, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "butter", + "shredded Monterey Jack cheese", + "flour", + "sour cream", + "flour tortillas", + "green chilies", + "cooked chicken", + "onions" + ] + }, + { + "id": 1100, + "cuisine": "mexican", + "ingredients": [ + "shredded cheese", + "mashed potatoes", + "corn tortillas", + "vegetable oil" + ] + }, + { + "id": 12181, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "whole wheat tortillas", + "olive oil", + "cumin", + "honey", + "chees fresh mozzarella", + "chili flakes", + "zucchini" + ] + }, + { + "id": 5404, + "cuisine": "british", + "ingredients": [ + "melted butter", + "curry powder", + "cheddar cheese", + "cheese", + "black pepper", + "liquid honey", + "port wine", + "unsalted butter" + ] + }, + { + "id": 20825, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "chopped cilantro fresh", + "kosher salt", + "garlic", + "avocado", + "diced tomatoes", + "lime", + "roasted tomatoes" + ] + }, + { + "id": 23653, + "cuisine": "irish", + "ingredients": [ + "phyllo dough", + "fresh orange juice", + "salt", + "rhubarb", + "ground nutmeg", + "vanilla extract", + "maple sugar", + "ground cloves", + "whipping cream", + "maple syrup", + "ground cinnamon", + "butter", + "non-fat sour cream", + "grated orange" + ] + }, + { + "id": 16114, + "cuisine": "french", + "ingredients": [ + "italian tomatoes", + "olive oil", + "yellow bell pepper", + "flat leaf parsley", + "chicken broth", + "white onion", + "zucchini", + "salt", + "fresh basil leaves", + "tomato sauce", + "dried thyme", + "red pepper flakes", + "red bell pepper", + "dried oregano", + "black pepper", + "eggplant", + "garlic", + "onions" + ] + }, + { + "id": 15386, + "cuisine": "italian", + "ingredients": [ + "wine", + "sliced mushrooms", + "celtic salt", + "boneless skinless chicken breast halves", + "almond flour", + "cooking sherry", + "coconut oil", + "thyme leaves", + "dried oregano" + ] + }, + { + "id": 3117, + "cuisine": "southern_us", + "ingredients": [ + "green onions", + "salt", + "sweetened coconut flakes", + "cream cheese, soften", + "ground red pepper", + "diced celery", + "curry powder", + "ginger", + "cooked shrimp" + ] + }, + { + "id": 13627, + "cuisine": "greek", + "ingredients": [ + "grill seasoning", + "dried oregano", + "ground cinnamon", + "ground turkey", + "frozen spinach", + "feta cheese crumbles", + "ground cumin", + "chili powder", + "coriander" + ] + }, + { + "id": 37630, + "cuisine": "japanese", + "ingredients": [ + "red chili peppers", + "miso paste", + "chili oil", + "garlic", + "table salt", + "water", + "sesame oil", + "ginger", + "dumplings", + "soy sauce", + "green onions", + "ground pork", + "rice vinegar", + "sugar", + "dumpling wrappers", + "napa cabbage", + "dipping sauces" + ] + }, + { + "id": 19400, + "cuisine": "french", + "ingredients": [ + "pearl onions", + "garlic", + "Burgundy wine", + "chicken bouillon granules", + "ground black pepper", + "fresh mushrooms", + "marjoram", + "cold water", + "sliced carrots", + "bay leaf", + "boneless skinless chicken breast halves", + "bacon bits", + "dried thyme", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 36688, + "cuisine": "vietnamese", + "ingredients": [ + "low sodium soy sauce", + "radishes", + "cilantro leaves", + "papaya", + "sesame oil", + "fresh lime juice", + "light brown sugar", + "fresh ginger", + "rice noodles", + "kosher salt", + "flank steak", + "peanut oil" + ] + }, + { + "id": 5563, + "cuisine": "brazilian", + "ingredients": [ + "raspberries", + "chia seeds", + "almond milk", + "açai", + "medjool date", + "cacao nibs" + ] + }, + { + "id": 42304, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "extra-virgin olive oil", + "fresh parmesan cheese", + "garlic cloves", + "penne", + "butter", + "fresh basil leaves", + "pinenuts", + "salt" + ] + }, + { + "id": 41147, + "cuisine": "chinese", + "ingredients": [ + "picante sauce", + "garlic cloves", + "cooked rice", + "peeled fresh ginger", + "sliced green onions", + "low sodium soy sauce", + "pork tenderloin", + "red bell pepper", + "natural peanut butter", + "dark sesame oil" + ] + }, + { + "id": 2677, + "cuisine": "southern_us", + "ingredients": [ + "water", + "bacon", + "celery", + "potatoes", + "salt", + "ground black pepper", + "rendered bacon fat", + "onions", + "shucked oysters", + "clam juice", + "all-purpose flour" + ] + }, + { + "id": 734, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "minced garlic", + "grated parmesan cheese", + "dried oregano", + "pizza crust", + "olive oil", + "butter", + "fresh spinach", + "sweet onion", + "jalapeno chilies", + "sundried tomato pesto", + "feta cheese", + "basil dried leaves" + ] + }, + { + "id": 29077, + "cuisine": "korean", + "ingredients": [ + "ginger ale", + "watercress", + "kosher salt", + "scallions", + "napa cabbage", + "carrots", + "red chili peppers", + "rice vinegar" + ] + }, + { + "id": 44315, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "chicken breasts", + "corn starch", + "eggs", + "honey", + "sauce", + "water", + "salt", + "panko breadcrumbs", + "soy sauce", + "Sriracha", + "garlic cloves" + ] + }, + { + "id": 40739, + "cuisine": "southern_us", + "ingredients": [ + "salt and ground black pepper", + "all-purpose flour", + "fresh basil leaves", + "corn kernels", + "large eggs", + "sharp cheddar cheese", + "honey", + "whole milk", + "scallions", + "unsalted butter", + "cayenne pepper" + ] + }, + { + "id": 33697, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped green bell pepper", + "chopped celery", + "chopped onion", + "medium shrimp", + "tomatoes", + "vegetable oil", + "hot sauce", + "long-grain rice", + "sliced green onions", + "red snapper", + "bay leaves", + "all-purpose flour", + "okra", + "crayfish", + "water", + "clam juice", + "creole seasoning", + "garlic cloves" + ] + }, + { + "id": 15725, + "cuisine": "russian", + "ingredients": [ + "bread crumb fresh", + "green onions", + "sardines", + "olive oil", + "all-purpose flour", + "grated lemon peel", + "halibut fillets", + "large garlic cloves", + "fresh parsley", + "large eggs", + "sauce" + ] + }, + { + "id": 7870, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "Anaheim chile", + "dried oregano", + "salt", + "vegetable oil" + ] + }, + { + "id": 5322, + "cuisine": "chinese", + "ingredients": [ + "szechwan peppercorns", + "garlic", + "chinese five-spice powder", + "red chili peppers", + "chili oil", + "salt", + "onions", + "vegetable oil", + "tamari soy sauce", + "ground beef", + "chinese noodles", + "ginger", + "scallions", + "iceberg lettuce" + ] + }, + { + "id": 40943, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "green peas", + "curry paste", + "water", + "coconut milk", + "sugar", + "oil", + "boneless chicken breast", + "lime leaves" + ] + }, + { + "id": 29041, + "cuisine": "french", + "ingredients": [ + "shallots", + "garlic cloves", + "bacon slices", + "flat leaf parsley", + "dry red wine", + "low salt chicken broth", + "crimini mushrooms", + "all-purpose flour", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 47043, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "onions", + "black beans", + "soft fresh goat cheese", + "tostadas", + "large eggs", + "chorizo", + "fresh tomato salsa" + ] + }, + { + "id": 9956, + "cuisine": "southern_us", + "ingredients": [ + "fresh basil", + "butter", + "garlic cloves", + "pimentos", + "whole kernel corn, drain", + "zucchini", + "salt", + "lemon pepper", + "vegetable oil", + "shredded mozzarella cheese" + ] + }, + { + "id": 2687, + "cuisine": "indian", + "ingredients": [ + "serrano chilies", + "mint leaves", + "salt", + "oil", + "fresh lime juice", + "cauliflower", + "potatoes", + "purple onion", + "ear of corn", + "chutney", + "lime", + "vegetable oil", + "chickpeas", + "greek yogurt", + "ground cumin", + "sugar", + "french fried onions", + "cilantro leaves", + "black salt", + "chaat masala" + ] + }, + { + "id": 34656, + "cuisine": "vietnamese", + "ingredients": [ + "pepper", + "garlic", + "tomatoes", + "chicken meat", + "coriander", + "onion salt", + "cucumber", + "sugar", + "teriyaki sauce" + ] + }, + { + "id": 5498, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "peeled tomatoes", + "crushed red pepper", + "dried oregano", + "dried porcini mushrooms", + "finely chopped onion", + "hot water", + "capers", + "dried basil", + "anchovy fillets", + "minced garlic", + "fusilli", + "olives" + ] + }, + { + "id": 11004, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "pepper", + "peanuts", + "boneless skinless chicken breasts", + "cilantro", + "tamarind paste", + "cumin", + "soy sauce", + "curry powder", + "zucchini", + "cinnamon", + "salt", + "coconut milk", + "coconut oil", + "water", + "garbanzo beans", + "brown rice", + "garlic", + "ginger root", + "cauliflower flowerets", + "fresh cilantro", + "pumpkin purée", + "paprika", + "peanut butter", + "onions" + ] + }, + { + "id": 37002, + "cuisine": "mexican", + "ingredients": [ + "shredded cabbage", + "salsa", + "onions", + "hominy", + "butter", + "pork roast", + "chicken stock", + "lime wedges", + "tortilla chips", + "oregano", + "radishes", + "salt", + "garlic cloves" + ] + }, + { + "id": 510, + "cuisine": "moroccan", + "ingredients": [ + "prunes", + "laurel leaves", + "lamb shoulder", + "ground turmeric", + "ground ginger", + "honey", + "almonds", + "cinnamon sticks", + "clove", + "pepper", + "sesame seeds", + "salt", + "ground cumin", + "ground cinnamon", + "olive oil", + "vegetable stock", + "onions" + ] + }, + { + "id": 570, + "cuisine": "indian", + "ingredients": [ + "water", + "diced tomatoes", + "ground coriander", + "tomato paste", + "garam masala", + "cayenne pepper", + "basmati rice", + "garlic powder", + "cilantro leaves", + "onions", + "tumeric", + "sea salt", + "chickpeas", + "cumin" + ] + }, + { + "id": 21325, + "cuisine": "cajun_creole", + "ingredients": [ + "caster sugar", + "yeast", + "eggs", + "vegetable oil", + "plain flour", + "milk", + "powdered sugar", + "lard" + ] + }, + { + "id": 16684, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "raw sugar", + "seedless red grapes", + "fresh rosemary", + "chopped fresh thyme", + "salt", + "water", + "all purpose unbleached flour", + "chopped walnuts", + "yellow corn meal", + "dry yeast", + "cracked black pepper", + "grated lemon peel" + ] + }, + { + "id": 2079, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "vegetable oil", + "corn starch", + "ground lamb", + "soy sauce", + "green onions", + "fresh lemon juice", + "cooked white rice", + "zucchini", + "large garlic cloves", + "low salt chicken broth", + "minced garlic", + "sesame oil", + "garlic chili sauce", + "onions" + ] + }, + { + "id": 36504, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "Shaoxing wine", + "chinese chives", + "pepper", + "vegetable oil", + "soy sauce", + "green onions", + "beansprouts", + "fish sauce", + "minced garlic", + "salt" + ] + }, + { + "id": 23294, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "dry white wine", + "garlic cloves", + "collard greens", + "cheese tortellini", + "fresh parsley", + "olive oil", + "crushed red pepper", + "onions", + "fresh rosemary", + "diced tomatoes", + "green beans" + ] + }, + { + "id": 44801, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "black olives", + "monterey jack", + "guacamole", + "sour cream", + "green onions", + "ground beef", + "chopped tomatoes", + "salsa" + ] + }, + { + "id": 21636, + "cuisine": "brazilian", + "ingredients": [ + "white vinegar", + "eggs", + "olive oil", + "lemon juice", + "avocado", + "granny smith apples", + "peas", + "lettuce", + "cooked rice", + "pimentos", + "shrimp", + "mustard", + "black pepper", + "salt" + ] + }, + { + "id": 48314, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "tomatillos", + "fresh mushrooms", + "fresh lime juice", + "ground cloves", + "olive oil", + "anise", + "garlic cloves", + "chiles", + "halibut fillets", + "Italian parsley leaves", + "ground coriander", + "ground cumin", + "water", + "ground black pepper", + "salt", + "fresh mint" + ] + }, + { + "id": 2998, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "fresh ginger", + "wonton wrappers", + "scallions", + "eggs", + "black pepper", + "shallots", + "garlic", + "pork bones", + "scallion greens", + "soy sauce", + "shell-on shrimp", + "ground pork", + "onions", + "lower sodium chicken broth", + "water", + "sesame oil", + "salt", + "canola oil" + ] + }, + { + "id": 14231, + "cuisine": "british", + "ingredients": [ + "mayonaise", + "vegetable oil", + "lager beer", + "fresh tarragon", + "halibut fillets", + "old bay seasoning", + "red potato", + "self rising flour", + "malt vinegar" + ] + }, + { + "id": 6850, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "ground cumin", + "minced garlic", + "lemon juice", + "dried thyme", + "dried oregano", + "chili flakes", + "salt" + ] + }, + { + "id": 40301, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "crushed garlic", + "salt", + "onions", + "fresh spinach", + "ginger", + "cumin seed", + "red chili powder", + "heavy cream", + "ground coriander", + "ground cumin", + "garam masala", + "paneer", + "oil" + ] + }, + { + "id": 9688, + "cuisine": "british", + "ingredients": [ + "butter", + "sweetened condensed milk", + "bananas", + "heavy whipping cream", + "graham cracker crumbs", + "confectioners sugar", + "vanilla" + ] + }, + { + "id": 38671, + "cuisine": "vietnamese", + "ingredients": [ + "white pepper", + "mint leaves", + "rice vermicelli", + "rice vinegar", + "fresh lime juice", + "thai basil", + "green leaf lettuce", + "salt", + "garlic cloves", + "large shrimp", + "water", + "green onions", + "unsalted dry roast peanuts", + "dark brown sugar", + "serrano chile", + "fish sauce", + "granulated sugar", + "pickling cucumbers", + "cilantro leaves", + "corn starch", + "canola oil" + ] + }, + { + "id": 17250, + "cuisine": "mexican", + "ingredients": [ + "flour", + "sunflower oil", + "taco seasoning", + "coriander", + "water", + "sweet potatoes", + "salt", + "almond milk", + "jalapeno chilies", + "seeds", + "sweet corn", + "coconut milk", + "black beans", + "cooking spray", + "purple onion", + "cumin seed", + "gluten-free flour" + ] + }, + { + "id": 1328, + "cuisine": "italian", + "ingredients": [ + "sugar", + "ground black pepper", + "yellow bell pepper", + "all-purpose flour", + "fennel seeds", + "romano cheese", + "cooking spray", + "purple onion", + "warm water", + "zucchini", + "extra-virgin olive oil", + "dried oregano", + "fresh basil", + "active dry yeast", + "balsamic vinegar", + "salt" + ] + }, + { + "id": 17856, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "olive oil", + "napa cabbage", + "chow mein noodles", + "sweet chili sauce", + "green onions", + "dried shiitake mushrooms", + "soy sauce", + "sesame seeds", + "crushed red pepper", + "carrots", + "water", + "sesame oil", + "garlic cloves" + ] + }, + { + "id": 30836, + "cuisine": "italian", + "ingredients": [ + "salt", + "pepper", + "noodles", + "mozzarella cheese", + "ground beef", + "marinara sauce", + "oregano" + ] + }, + { + "id": 32034, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salt", + "grits", + "water", + "parmigiano reggiano cheese", + "shrimp", + "unsalted butter", + "garlic cloves", + "milk", + "heavy cream", + "arugula" + ] + }, + { + "id": 49180, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "black pepper", + "shallots", + "lemon juice", + "pimenton", + "eggs", + "fresh ginger", + "garlic", + "chopped parsley", + "ground cumin", + "ground cinnamon", + "cracker meal", + "red wine vinegar", + "greek yogurt", + "ground lamb", + "mint", + "harissa", + "salt", + "chopped cilantro" + ] + }, + { + "id": 399, + "cuisine": "spanish", + "ingredients": [ + "instant rice", + "paprika", + "salt", + "large shrimp", + "saffron threads", + "ground black pepper", + "extra-virgin olive oil", + "chopped onion", + "water", + "green peas", + "fresh oregano", + "lower sodium chicken broth", + "chopped green bell pepper", + "garlic", + "fresh lemon juice" + ] + }, + { + "id": 40532, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "garlic cloves", + "italian sausage", + "ricotta cheese", + "onions", + "pasta", + "egg whites", + "chopped parsley", + "pasta sauce", + "shredded mozzarella cheese", + "oregano" + ] + }, + { + "id": 20411, + "cuisine": "cajun_creole", + "ingredients": [ + "smoked turkey", + "crushed red pepper flakes", + "scallions", + "canola oil", + "ground black pepper", + "garlic", + "celery", + "chicken stock", + "flour", + "yellow onion", + "cooked white rice", + "kosher salt", + "oxtails", + "creole seasoning", + "pork sausages" + ] + }, + { + "id": 35208, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "fresh lemon juice", + "fontina cheese", + "boneless chicken breast halves", + "freshly ground pepper", + "chicken stock", + "unsalted butter", + "all-purpose flour", + "fresh spinach", + "large garlic cloves", + "oil" + ] + }, + { + "id": 44762, + "cuisine": "southern_us", + "ingredients": [ + "lamb shanks", + "water", + "manchego cheese", + "quickcooking grits", + "fine sea salt", + "scallions", + "chicken stock", + "kosher salt", + "olive oil", + "fennel bulb", + "large garlic cloves", + "oyster mushrooms", + "sour cream", + "hot red pepper flakes", + "cider vinegar", + "sun-dried tomatoes", + "whole milk", + "worcestershire sauce", + "purple onion", + "plum tomatoes", + "soy sauce", + "honey", + "radicchio", + "bourbon whiskey", + "chopped celery", + "thyme leaves" + ] + }, + { + "id": 39283, + "cuisine": "italian", + "ingredients": [ + "butter", + "cream cheese", + "heavy cream" + ] + }, + { + "id": 42186, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "lean ground beef", + "cheese", + "tortilla chips", + "cumin", + "tomatoes", + "minced garlic", + "diced tomatoes", + "salt", + "sour cream", + "lettuce", + "brown sugar", + "worcestershire sauce", + "black olives", + "enchilada sauce", + "chorizo sausage", + "eggs", + "ground pepper", + "cilantro", + "salsa", + "onions" + ] + }, + { + "id": 45758, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "ricotta cheese", + "fresh parsley", + "fennel seeds", + "large eggs", + "salt", + "olive oil", + "crushed red pepper flakes", + "tomato sauce", + "lean ground beef", + "fresh oregano" + ] + }, + { + "id": 33997, + "cuisine": "indian", + "ingredients": [ + "fresh curry leaves", + "ginger", + "oil", + "basmati rice", + "eggplant", + "purple onion", + "wholemeal flour", + "olive oil", + "garlic", + "mustard seeds", + "fresh red chili", + "vegetable stock", + "yellow split peas", + "curry paste" + ] + }, + { + "id": 23107, + "cuisine": "italian", + "ingredients": [ + "Alfredo sauce", + "fresh basil", + "garlic cloves", + "freshly ground pepper", + "olive oil" + ] + }, + { + "id": 18647, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "vegetable oil", + "all-purpose flour", + "ground cinnamon", + "large eggs", + "sea salt", + "white peaches", + "baking powder", + "vanilla", + "turbinado", + "granulated sugar", + "buttermilk" + ] + }, + { + "id": 8933, + "cuisine": "italian", + "ingredients": [ + "eggs", + "salt", + "frozen chopped spinach", + "ricotta cheese", + "boneless skinless chicken breast halves", + "tomatoes", + "garlic", + "pepper", + "shredded mozzarella cheese" + ] + }, + { + "id": 2034, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "granulated sugar", + "lemon", + "baking soda", + "baking powder", + "salt", + "brown sugar", + "flour", + "buttermilk", + "nutmeg", + "peaches", + "butter", + "corn starch" + ] + }, + { + "id": 23319, + "cuisine": "mexican", + "ingredients": [ + "chopped fresh mint", + "sugar", + "ice", + "cold water", + "fresh pineapple", + "fresh lime juice" + ] + }, + { + "id": 16017, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "rice vinegar", + "spring onions", + "nori", + "mirin", + "soba noodles", + "wasabi", + "shoyu" + ] + }, + { + "id": 27153, + "cuisine": "jamaican", + "ingredients": [ + "ketchup", + "fresh cilantro", + "quinoa", + "fresh orange juice", + "hot curry powder", + "plantains", + "coconut oil", + "water", + "macadamia nuts", + "chicken breasts", + "cayenne pepper", + "coconut milk", + "eggs", + "molasses", + "lime", + "green onions", + "garlic", + "red bell pepper", + "soy sauce", + "coconut", + "fresh ginger", + "cinnamon", + "banana peppers", + "fresh pineapple" + ] + }, + { + "id": 46, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "onions", + "curry leaves", + "green chilies", + "salt", + "fresh ginger", + "dal" + ] + }, + { + "id": 11573, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "mirin", + "peanut oil", + "seltzer", + "vegetables", + "all-purpose flour", + "soy sauce", + "beef bouillon", + "corn starch", + "kosher salt", + "large eggs", + "large shrimp" + ] + }, + { + "id": 12341, + "cuisine": "italian", + "ingredients": [ + "cooking oil", + "butter", + "ground black pepper", + "salami", + "goat cheese", + "grated parmesan cheese", + "salt", + "large eggs", + "baking potatoes" + ] + }, + { + "id": 40438, + "cuisine": "southern_us", + "ingredients": [ + "corn husks", + "whipping cream", + "baking powder", + "all-purpose flour", + "large eggs", + "salt", + "sugar", + "butter" + ] + }, + { + "id": 20129, + "cuisine": "cajun_creole", + "ingredients": [ + "cinnamon", + "white cake mix", + "sprinkles", + "powdered sugar", + "butter", + "food colouring", + "vanilla" + ] + }, + { + "id": 49046, + "cuisine": "cajun_creole", + "ingredients": [ + "flour", + "yellow bell pepper", + "salt", + "fresh mushrooms", + "skim milk", + "cracked black pepper", + "garlic", + "light cream cheese", + "red bell pepper", + "tomatoes", + "cajun seasoning", + "linguine", + "fatfree lowsodium chicken broth", + "scallions", + "olive oil", + "chicken breast strips", + "purple onion", + "Smart Balance Cooking Spray" + ] + }, + { + "id": 5256, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "low-fat buttermilk", + "all-purpose flour", + "baking soda", + "vegetable oil", + "green chile", + "baking powder", + "red bell pepper", + "yellow corn meal", + "frozen whole kernel corn", + "salt" + ] + }, + { + "id": 32567, + "cuisine": "chinese", + "ingredients": [ + "water", + "chicken stock cubes", + "chicken broth", + "wonton wrappers", + "scallions", + "soy sauce", + "ground pork", + "corn starch", + "sesame oil", + "rice vinegar" + ] + }, + { + "id": 18767, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "soft fresh goat cheese", + "fresh basil", + "marinara sauce", + "mozzarella cheese", + "ciabatta", + "eggplant" + ] + }, + { + "id": 39797, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "ground black pepper", + "dry red wine", + "carrots", + "tomato paste", + "olive oil", + "grated parmesan cheese", + "jumbo pasta shells", + "tomatoes", + "part-skim mozzarella cheese", + "large garlic cloves", + "chickpeas", + "fresh marjoram", + "zucchini", + "salt", + "onions" + ] + }, + { + "id": 19190, + "cuisine": "italian", + "ingredients": [ + "water", + "baking mix", + "pizza sauce", + "chopped green bell pepper", + "shredded mozzarella cheese", + "italian sausage", + "yellow onion" + ] + }, + { + "id": 31178, + "cuisine": "italian", + "ingredients": [ + "porcini", + "minced garlic", + "artichoke hearts", + "lemon", + "flat leaf parsley", + "fresh rosemary", + "water", + "salt and ground black pepper", + "crushed red pepper flakes", + "chopped garlic", + "pecorino cheese", + "boar", + "fennel bulb", + "extra-virgin olive oil", + "chicken stock", + "white wine", + "olive oil", + "cannellini beans", + "lemon juice" + ] + }, + { + "id": 21847, + "cuisine": "jamaican", + "ingredients": [ + "brown sugar", + "butter", + "all-purpose flour", + "ground nutmeg", + "vanilla extract", + "baking soda", + "raisins", + "eggs", + "bananas", + "salt" + ] + }, + { + "id": 37465, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "extra-virgin olive oil", + "fresh lemon juice", + "pepper", + "purple onion", + "flat leaf parsley", + "cannellini beans", + "garlic cloves" + ] + }, + { + "id": 44920, + "cuisine": "mexican", + "ingredients": [ + "chopped green chilies", + "cilantro leaves", + "onions", + "pico de gallo", + "butter", + "sour cream", + "guacamole", + "salsa", + "shredded cheddar cheese", + "green enchilada sauce", + "corn tortillas" + ] + }, + { + "id": 18298, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "artichokes", + "rigatoni", + "shallots", + "brine-cured black olives", + "eggplant", + "salt", + "large garlic cloves", + "red bell pepper" + ] + }, + { + "id": 4527, + "cuisine": "mexican", + "ingredients": [ + "black peppercorns", + "garlic", + "clove", + "water", + "guajillo chiles", + "salt", + "ancho", + "olive oil" + ] + }, + { + "id": 20988, + "cuisine": "greek", + "ingredients": [ + "cracked black pepper", + "chickpeas", + "diced onions", + "raspberry vinegar", + "ground cumin", + "olive oil", + "salt", + "cilantro sprigs", + "chopped cilantro fresh" + ] + }, + { + "id": 12092, + "cuisine": "indian", + "ingredients": [ + "powdered sugar", + "ghee", + "cardamom", + "all-purpose flour", + "gram flour" + ] + }, + { + "id": 31194, + "cuisine": "italian", + "ingredients": [ + "orzo pasta", + "onions", + "chicken broth", + "garlic", + "extra-virgin olive oil", + "pepper", + "salt" + ] + }, + { + "id": 36094, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "onions", + "pepper", + "cilantro", + "red bell pepper", + "tortillas", + "shrimp", + "lime", + "garlic", + "chipotle chile powder" + ] + }, + { + "id": 48244, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "salt", + "large shrimp", + "flour tortillas", + "red bell pepper", + "olive oil", + "sauce", + "cheese", + "onions" + ] + }, + { + "id": 32472, + "cuisine": "cajun_creole", + "ingredients": [ + "milk", + "vegetable oil", + "flour", + "boudin", + "ground cayenne pepper" + ] + }, + { + "id": 18511, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "hoisin sauce", + "vegetable oil", + "scallions", + "onions", + "beef", + "mixed mushrooms", + "star anise", + "cinnamon sticks", + "thai basil", + "jalapeno chilies", + "ginger", + "garlic cloves", + "fish sauce", + "Sriracha", + "rice noodles", + "beef broth", + "beansprouts" + ] + }, + { + "id": 28235, + "cuisine": "italian", + "ingredients": [ + "eggs", + "all-purpose flour", + "white sugar", + "baking powder", + "hot water", + "milk", + "anise extract", + "vegetable oil", + "confectioners sugar" + ] + }, + { + "id": 15496, + "cuisine": "italian", + "ingredients": [ + "eggs", + "ground black pepper", + "italian seasoned dry bread crumbs", + "olive oil", + "fresh mushrooms", + "white wine", + "pepperoncini", + "boneless skinless chicken breast halves", + "parmesan cheese", + "onions" + ] + }, + { + "id": 26304, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "shallots", + "fresh parsley", + "olive oil", + "red bell pepper", + "green bell pepper", + "beef broth", + "plum tomatoes", + "freshly grated parmesan", + "rotini" + ] + }, + { + "id": 4803, + "cuisine": "mexican", + "ingredients": [ + "pork loin", + "beef broth", + "masa harina", + "water", + "garlic", + "lard", + "california chile", + "baking powder", + "sour cream", + "corn husks", + "salt", + "onions" + ] + }, + { + "id": 41097, + "cuisine": "indian", + "ingredients": [ + "green peas", + "cinnamon sticks", + "clove", + "chopped onion", + "cold water", + "salt", + "basmati rice", + "vegetable oil", + "cardamom pods" + ] + }, + { + "id": 13609, + "cuisine": "italian", + "ingredients": [ + "salt", + "active dry yeast", + "warm water", + "all purpose unbleached flour" + ] + }, + { + "id": 48170, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "corn starch", + "jam", + "red chile sauce", + "canola oil", + "new york strip steaks" + ] + }, + { + "id": 23337, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic", + "pinto beans", + "brown sugar", + "roma tomatoes", + "salt", + "ground cumin", + "chile powder", + "salsa verde", + "purple onion", + "Hatch Green Chiles", + "black pepper", + "cilantro", + "beer" + ] + }, + { + "id": 19222, + "cuisine": "british", + "ingredients": [ + "ground cinnamon", + "butter", + "pecans", + "sugar", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 14344, + "cuisine": "italian", + "ingredients": [ + "white button mushrooms", + "ground black pepper", + "chicken cutlets", + "kosher salt", + "flour", + "chopped parsley", + "marsala wine", + "unsalted butter", + "garlic", + "chicken stock", + "olive oil", + "shallots" + ] + }, + { + "id": 1382, + "cuisine": "indian", + "ingredients": [ + "cream", + "paneer", + "oil", + "cashew nuts", + "tomatoes", + "potatoes", + "cilantro leaves", + "ghee", + "garam masala", + "salt", + "corn flour", + "garlic paste", + "chili powder", + "green chilies", + "onions" + ] + }, + { + "id": 18900, + "cuisine": "british", + "ingredients": [ + "water", + "eggs", + "all-purpose flour", + "milk", + "sausage links" + ] + }, + { + "id": 2717, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "large eggs", + "fresh lemon juice", + "milk", + "all-purpose flour", + "granulated sugar", + "grated lemon zest", + "powdered sugar", + "salt" + ] + }, + { + "id": 16106, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "white peppercorns", + "store bought low sodium chicken broth", + "scallions", + "chinese ham", + "ginger", + "eggs", + "corn starch" + ] + }, + { + "id": 8976, + "cuisine": "thai", + "ingredients": [ + "sugar", + "unsalted dry roast peanuts", + "beansprouts", + "rice sticks", + "garlic cloves", + "cooked chicken breasts", + "low sodium soy sauce", + "anchovy paste", + "garlic chili sauce", + "sliced green onions", + "fat free less sodium chicken broth", + "peanut oil", + "snow peas" + ] + }, + { + "id": 6490, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "small red potato", + "sausage links", + "zucchini", + "rotini", + "parmesan cheese", + "carrots", + "water", + "diced tomatoes", + "onions" + ] + }, + { + "id": 38149, + "cuisine": "italian", + "ingredients": [ + "salt", + "lemon juice", + "dried basil", + "freshly ground pepper", + "extra-virgin olive oil", + "garlic cloves", + "uncooked vermicelli", + "fresh parsley" + ] + }, + { + "id": 47267, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "garlic", + "lime juice", + "salt" + ] + }, + { + "id": 6133, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "frozen pastry puff sheets", + "salt", + "onions", + "green bell pepper", + "corn husks", + "whipping cream", + "red bell pepper", + "water", + "butter", + "tomato basil sauce", + "pepper", + "egg yolks", + "all-purpose flour" + ] + }, + { + "id": 39414, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "ground pork", + "plum tomatoes", + "pepper", + "garlic cloves", + "vegetable oil", + "onions", + "fish sauce", + "salt", + "japanese eggplants" + ] + }, + { + "id": 11934, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "soy sauce", + "florets", + "onions", + "canned low sodium chicken broth", + "cooking oil", + "broccoli", + "boiling potatoes", + "tomatoes", + "lime juice", + "salt", + "bamboo shoots", + "brown sugar", + "basil leaves", + "thai green curry paste" + ] + }, + { + "id": 43784, + "cuisine": "mexican", + "ingredients": [ + "green olives", + "green plantains", + "sazon seasoning", + "shredded cheddar cheese", + "salt", + "sofrito", + "water", + "garlic salt", + "tomato sauce", + "lean ground beef", + "canola oil" + ] + }, + { + "id": 27249, + "cuisine": "vietnamese", + "ingredients": [ + "lime", + "shallots", + "dried shiitake mushrooms", + "minced pork", + "fish sauce", + "bean thread vermicelli", + "garlic", + "oil", + "spring roll wrappers", + "palm sugar", + "cutlet", + "peanut oil", + "beans", + "egg whites", + "cilantro leaves", + "carrots" + ] + }, + { + "id": 48980, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "refrigerated piecrusts", + "vanilla extract", + "cream sweeten whip", + "sweet potatoes", + "heavy cream", + "chopped pecans", + "brown sugar", + "English toffee bits", + "vanilla wafer crumbs", + "pumpkin pie spice", + "ground cinnamon", + "large eggs", + "butter", + "salt" + ] + }, + { + "id": 28224, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "lemon", + "basmati rice", + "peanuts", + "green chilies", + "tumeric", + "salt", + "vegetable oil", + "mustard seeds" + ] + }, + { + "id": 20592, + "cuisine": "southern_us", + "ingredients": [ + "cocoa", + "flour", + "salt", + "milk", + "butter", + "chocolate frosting", + "baking powder", + "chocolate morsels", + "sugar", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 25520, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "honey", + "paprika", + "sweet paprika", + "saffron", + "sultana", + "mint leaves", + "cilantro leaves", + "ground turmeric", + "stock", + "chopped tomatoes", + "lamb shoulder", + "apricots", + "preserved lemon", + "olive oil", + "garlic", + "onions", + "ground cumin" + ] + }, + { + "id": 14459, + "cuisine": "jamaican", + "ingredients": [ + "coconut", + "marmalade", + "guava", + "guava paste", + "Equal Sweetener", + "water", + "pineapple", + "puff pastry sheets", + "orange", + "sugar syrup" + ] + }, + { + "id": 30035, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "garlic cloves", + "tomatoes", + "vegetable oil spray", + "balsamic vinegar", + "eggplant", + "butternut squash", + "red bell pepper", + "fresh basil", + "yellow crookneck squash", + "penne pasta" + ] + }, + { + "id": 4300, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "mole sauce", + "cilantro", + "chicken stock" + ] + }, + { + "id": 7520, + "cuisine": "french", + "ingredients": [ + "lemon", + "green beans", + "slivered almonds" + ] + }, + { + "id": 8248, + "cuisine": "mexican", + "ingredients": [ + "lime", + "tomatoes", + "garlic", + "avocado", + "cilantro", + "white onion" + ] + }, + { + "id": 25283, + "cuisine": "southern_us", + "ingredients": [ + "sweet corn kernels", + "almond milk", + "coconut oil", + "salt", + "cornmeal", + "extra large eggs", + "corn starch", + "raw honey", + "scallions" + ] + }, + { + "id": 31298, + "cuisine": "spanish", + "ingredients": [ + "cooked rice", + "mushrooms", + "garlic cloves", + "olive oil", + "salt", + "chicken pieces", + "tomato sauce", + "diced tomatoes", + "chopped parsley", + "roasted red peppers", + "green pepper", + "onions" + ] + }, + { + "id": 29661, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "vegetable oil", + "green onions", + "kimchi", + "jasmine rice", + "ginger", + "chicken breast fillets", + "sesame oil", + "frozen peas" + ] + }, + { + "id": 7334, + "cuisine": "french", + "ingredients": [ + "water", + "bourbon whiskey", + "sugar", + "large eggs", + "all-purpose flour", + "unsalted butter", + "salt", + "peaches", + "heavy cream" + ] + }, + { + "id": 43567, + "cuisine": "japanese", + "ingredients": [ + "garam masala", + "ginger", + "oil", + "tomatoes", + "coriander powder", + "cilantro leaves", + "ground turmeric", + "fresh peas", + "salt", + "onions", + "garlic paste", + "chili powder", + "cumin seed", + "cabbage" + ] + }, + { + "id": 15153, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "taco seasoning mix", + "tortilla chips", + "shredded cheddar cheese", + "garlic", + "sour cream", + "tomatoes", + "green onions", + "lemon juice", + "refried beans", + "black olives" + ] + }, + { + "id": 26033, + "cuisine": "italian", + "ingredients": [ + "cream cheese", + "parmesan cheese", + "italian seasoning", + "softened butter", + "garlic" + ] + }, + { + "id": 14421, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "diced tomatoes", + "frozen broccoli", + "tomato paste", + "olive oil", + "garlic", + "onions", + "cauliflower", + "fresh cilantro", + "light coconut milk", + "carrots", + "sugar", + "fresh ginger", + "salt" + ] + }, + { + "id": 49453, + "cuisine": "chinese", + "ingredients": [ + "gyoza", + "deveined shrimp", + "eggs", + "rice wine", + "green onions", + "ginger", + "soy sauce", + "ground pork" + ] + }, + { + "id": 46453, + "cuisine": "russian", + "ingredients": [ + "black pepper", + "baking potatoes", + "chopped fresh chives", + "all-purpose flour", + "large eggs", + "salt", + "parsnips", + "vegetable oil", + "fresh lemon juice" + ] + }, + { + "id": 41569, + "cuisine": "cajun_creole", + "ingredients": [ + "hot pepper sauce", + "butter", + "all-purpose flour", + "shrimp", + "chicken broth", + "file powder", + "chopped celery", + "chopped onion", + "chicken thighs", + "andouille sausage links", + "chopped green bell pepper", + "garlic", + "cayenne pepper", + "fresh parsley", + "water", + "fresh thyme", + "salt", + "okra", + "canola oil" + ] + }, + { + "id": 10575, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "cilantro", + "tequila", + "boneless chicken breast", + "salt", + "lime juice", + "garlic", + "cumin", + "lime zest", + "jalapeno chilies", + "oil" + ] + }, + { + "id": 29846, + "cuisine": "italian", + "ingredients": [ + "asti spumante", + "water", + "cardamom pods", + "vanilla ice cream", + "bosc pears", + "ground cardamom", + "sugar", + "mint sprigs", + "black peppercorns", + "vanilla beans", + "orange juice" + ] + }, + { + "id": 4249, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "garlic", + "green olives", + "salmon steaks", + "grated lemon zest", + "tomatoes", + "fresh thyme leaves", + "salt", + "capers", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 48196, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "blackberries", + "buttermilk" + ] + }, + { + "id": 29224, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "fresh mozzarella balls" + ] + }, + { + "id": 23994, + "cuisine": "cajun_creole", + "ingredients": [ + "pasta sauce", + "provolone cheese", + "crawfish", + "Italian bread", + "andouille sausage", + "garlic cloves", + "green bell pepper", + "cajun seasoning", + "onions" + ] + }, + { + "id": 11146, + "cuisine": "southern_us", + "ingredients": [ + "sweet tea", + "buttermilk", + "butter", + "all-purpose flour", + "black pepper", + "chicken drumsticks", + "oil", + "chicken breasts", + "salt" + ] + }, + { + "id": 43703, + "cuisine": "italian", + "ingredients": [ + "red wine vinegar", + "flat leaf parsley", + "granulated sugar", + "salt", + "fresh tuna steaks", + "ground black pepper", + "extra-virgin olive oil", + "onions", + "dry white wine", + "all-purpose flour" + ] + }, + { + "id": 25938, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "jalapeno chilies", + "cheese", + "garlic salt", + "pepper", + "ground pepper", + "russet potatoes", + "salt", + "pico de gallo", + "olive oil", + "flank steak", + "onion flakes", + "cumin", + "orange", + "carne asada", + "cilantro", + "garlic cloves" + ] + }, + { + "id": 30414, + "cuisine": "french", + "ingredients": [ + "sugar", + "ground nutmeg", + "freshly ground pepper", + "ground ginger", + "ground cloves", + "vanilla", + "solid pack pumpkin", + "large egg yolks", + "cognac", + "ground cinnamon", + "kosher salt", + "whipping cream" + ] + }, + { + "id": 364, + "cuisine": "british", + "ingredients": [ + "roasted hazelnuts", + "baking powder", + "milk chocolate", + "salt", + "sugar", + "vanilla extract", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 9669, + "cuisine": "mexican", + "ingredients": [ + "pie crust", + "ground black pepper", + "cayenne pepper", + "black beans", + "vegetable oil", + "onions", + "shredded cheddar cheese", + "salsa", + "green bell pepper", + "chili powder", + "red bell pepper" + ] + }, + { + "id": 31822, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame seeds", + "garlic", + "pepper", + "boneless chicken breast", + "salt", + "honey", + "flour", + "cooking sherry", + "chicken broth", + "olive oil", + "sesame oil" + ] + }, + { + "id": 42806, + "cuisine": "italian", + "ingredients": [ + "chestnuts", + "butter", + "brandy", + "vanilla extract", + "white chocolate", + "white sugar", + "dark chocolate", + "red food coloring" + ] + }, + { + "id": 44938, + "cuisine": "italian", + "ingredients": [ + "day old bread", + "parmesan cheese", + "canned tomatoes", + "chicken broth", + "kosher salt", + "ground black pepper", + "carrots", + "fresh basil", + "olive oil", + "cannellini beans", + "chopped cilantro fresh", + "celery ribs", + "white onion", + "swiss chard", + "garlic cloves" + ] + }, + { + "id": 17335, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "clove garlic, fine chop", + "sausages", + "grated parmesan cheese", + "salt", + "stock", + "chili powder", + "rice", + "ground black pepper", + "button mushrooms", + "onions" + ] + }, + { + "id": 27708, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "chili powder", + "chopped cilantro", + "kosher salt", + "yellow corn", + "cotija", + "hot pepper", + "canola oil", + "lime", + "garlic" + ] + }, + { + "id": 15311, + "cuisine": "italian", + "ingredients": [ + "anchovy fillets", + "low salt chicken broth", + "dry white wine", + "garlic cloves", + "grated lemon peel", + "baguette", + "chopped fresh sage", + "onions", + "extra-virgin olive oil", + "chicken livers" + ] + }, + { + "id": 14164, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "flour tortillas", + "cilantro", + "smoked paprika", + "lime", + "barbecue sauce", + "salt", + "mango", + "pork shoulder roast", + "jalapeno chilies", + "purple onion", + "onions", + "cheddar cheese", + "garlic powder", + "onion powder", + "beer" + ] + }, + { + "id": 27306, + "cuisine": "chinese", + "ingredients": [ + "water", + "sugar", + "oyster sauce", + "beef", + "soy sauce", + "corn starch" + ] + }, + { + "id": 6597, + "cuisine": "japanese", + "ingredients": [ + "base", + "konbu", + "konnyaku", + "daikon", + "hard-boiled egg", + "water", + "fish balls" + ] + }, + { + "id": 35043, + "cuisine": "mexican", + "ingredients": [ + "chihuahua cheese", + "mushrooms", + "mole sauce", + "tomatoes", + "cooking spray", + "garlic", + "tortillas", + "cheese", + "onions", + "salt and ground black pepper", + "vegetable oil", + "turkey breast" + ] + }, + { + "id": 26556, + "cuisine": "korean", + "ingredients": [ + "eggs", + "fishcake", + "imitation crab meat", + "ground chuck", + "sesame oil", + "Fuji Apple", + "radishes", + "kiwi", + "spinach", + "short-grain rice", + "carrots" + ] + }, + { + "id": 14464, + "cuisine": "southern_us", + "ingredients": [ + "shredded coleslaw mix", + "chicken cutlets", + "pickled okra", + "sugar", + "pimentos", + "all-purpose flour", + "sour cream", + "saltines", + "large eggs", + "salt", + "peanut oil", + "pepper", + "baking powder", + "hot sauce" + ] + }, + { + "id": 15694, + "cuisine": "southern_us", + "ingredients": [ + "slaw", + "large garlic cloves", + "crushed red pepper", + "fresh basil", + "dijon mustard", + "extra-virgin olive oil", + "large shrimp", + "mussels", + "sea scallops", + "littleneck clams", + "fresh parsley", + "capers", + "dry white wine", + "white wine vinegar" + ] + }, + { + "id": 26079, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "olive oil", + "sesame oil", + "garlic cloves", + "fish sauce", + "lime", + "Sriracha", + "rice vinegar", + "corn tortillas", + "fresh cilantro", + "radishes", + "napa cabbage", + "chili garlic paste", + "mayonaise", + "honey", + "shredded carrots", + "new york strip steaks", + "toasted sesame seeds" + ] + }, + { + "id": 21918, + "cuisine": "southern_us", + "ingredients": [ + "lime zest", + "fresh lime juice", + "large eggs", + "graham cracker crumbs", + "unsalted butter", + "sweetened condensed milk" + ] + }, + { + "id": 33440, + "cuisine": "spanish", + "ingredients": [ + "whole milk", + "large eggs", + "sugar", + "cream cheese, soften", + "fontina cheese", + "vanilla" + ] + }, + { + "id": 1768, + "cuisine": "italian", + "ingredients": [ + "eggs", + "basil leaves", + "flour for dusting", + "mozzarella cheese", + "extra-virgin olive oil", + "eggplant", + "garlic", + "tomatoes", + "grated parmesan cheese", + "oil" + ] + }, + { + "id": 8501, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "seasoned bread crumbs", + "mayonaise", + "boneless skinless chicken breast halves", + "garlic powder" + ] + }, + { + "id": 23159, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "black sesame seeds", + "sushi rice", + "soy sauce", + "deep-fried tofu", + "water" + ] + }, + { + "id": 11082, + "cuisine": "southern_us", + "ingredients": [ + "hot pepper sauce", + "grated parmesan cheese", + "shrimp", + "chopped tomatoes", + "fresh thyme", + "ham", + "grits", + "Madeira", + "minced onion", + "coffee", + "corn starch", + "shiitake", + "chopped green bell pepper", + "butter", + "low salt chicken broth" + ] + }, + { + "id": 38173, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "hot red pepper flakes", + "parmigiano reggiano cheese", + "penne", + "swiss chard", + "garlic cloves", + "water", + "kielbasa" + ] + }, + { + "id": 9793, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "cornmeal", + "cayenne", + "all-purpose flour", + "paprika", + "vegetable oil", + "sweetbreads" + ] + }, + { + "id": 24653, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "fresh ginger", + "chile pepper", + "rice vinegar", + "bamboo shoots", + "soy sauce", + "green onions", + "tamari soy sauce", + "corn starch", + "eggs", + "mirin", + "garlic", + "firm tofu", + "black pepper", + "fresh shiitake mushrooms", + "cilantro leaves", + "beansprouts" + ] + }, + { + "id": 10982, + "cuisine": "french", + "ingredients": [ + "sugar", + "whole milk", + "almonds", + "salt", + "sweet cherries", + "almond extract", + "powdered sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 14467, + "cuisine": "indian", + "ingredients": [ + "sugar", + "cumin seed", + "chopped cilantro", + "asafetida", + "cayenne pepper", + "lemon juice", + "ground turmeric", + "salt", + "oil", + "frozen peas", + "green chilies", + "mustard seeds", + "cabbage" + ] + }, + { + "id": 41696, + "cuisine": "indian", + "ingredients": [ + "jalapeno chilies", + "cilantro sprigs", + "vegetable oil", + "scallions", + "peeled fresh ginger", + "salt", + "water", + "sweetened coconut flakes", + "basmati rice" + ] + }, + { + "id": 4211, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "rice wine", + "white sugar", + "pork", + "ground black pepper", + "salt", + "buns", + "fresh ginger root", + "vegetable oil", + "water", + "green onions", + "shrimp" + ] + }, + { + "id": 3948, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "salt", + "tofu", + "vegetable oil", + "corn starch", + "fresh ginger root", + "shrimp", + "chicken stock", + "garlic", + "frozen peas" + ] + }, + { + "id": 21965, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "red wine vinegar", + "kosher salt", + "large eggs", + "oil", + "water", + "baking potatoes", + "onions", + "black pepper", + "roasted red peppers", + "extra-virgin olive oil" + ] + }, + { + "id": 10092, + "cuisine": "thai", + "ingredients": [ + "lime", + "rice noodles", + "Thai fish sauce", + "groundnut", + "large eggs", + "purple onion", + "red chili peppers", + "peanuts", + "garlic", + "tiger prawn", + "fresh coriander", + "spring onions", + "shrimp" + ] + }, + { + "id": 1945, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "bacon slices", + "freshly ground pepper", + "olive oil", + "lemon rind", + "fresh parsley", + "yellow squash", + "salt", + "lemon juice", + "hominy", + "fresh mushrooms", + "onions" + ] + }, + { + "id": 16790, + "cuisine": "mexican", + "ingredients": [ + "chees fresco queso", + "salad oil", + "salt", + "poblano chilies", + "onions" + ] + }, + { + "id": 909, + "cuisine": "french", + "ingredients": [ + "white wine", + "heavy cream", + "California bay leaves", + "large egg yolks", + "all-purpose flour", + "vanilla beans", + "plums", + "confectioners sugar", + "sugar", + "unsalted butter", + "grated lemon zest" + ] + }, + { + "id": 48207, + "cuisine": "italian", + "ingredients": [ + "penne", + "anchovy fillets", + "fresh basil", + "orange bell pepper", + "onions", + "capers", + "white wine vinegar", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 1452, + "cuisine": "italian", + "ingredients": [ + "pizza crust mix", + "cheese", + "warm water", + "tomatoes", + "olive oil", + "fresh rosemary" + ] + }, + { + "id": 2514, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "grated parmesan cheese", + "dried oregano", + "tuna packed in water", + "whole peeled tomatoes", + "chopped onion", + "angel hair", + "ground black pepper", + "black olives", + "tomato purée", + "olive oil", + "garlic" + ] + }, + { + "id": 10240, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "zucchini", + "red bell pepper", + "tomatoes", + "sweet onion", + "fresh mushrooms", + "pasta sauce", + "penne pasta", + "boiling water", + "fresh basil", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 32972, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "garlic cloves", + "baguette", + "salt", + "red bell pepper", + "extra-virgin olive oil", + "fresh lemon juice", + "zucchini", + "anchovy fillets", + "flat leaf parsley" + ] + }, + { + "id": 30698, + "cuisine": "indian", + "ingredients": [ + "biscuit dough", + "beef", + "curry powder", + "peas" + ] + }, + { + "id": 18752, + "cuisine": "cajun_creole", + "ingredients": [ + "salt and ground black pepper", + "onion powder", + "cayenne pepper", + "green bell pepper", + "bay leaves", + "white rice", + "onions", + "chicken stock", + "hot pepper sauce", + "worcestershire sauce", + "diced celery", + "olive oil", + "boneless skinless chicken breasts", + "kielbasa", + "chopped garlic" + ] + }, + { + "id": 46129, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "cajun seasoning", + "all-purpose flour", + "garlic cloves", + "white onion", + "egg yolks", + "diced tomatoes", + "peanut oil", + "celery ribs", + "jalapeno chilies", + "ice water", + "green pepper", + "turkey meat", + "cream", + "turkey stock", + "salt", + "dark beer" + ] + }, + { + "id": 14683, + "cuisine": "indian", + "ingredients": [ + "vegetable stock", + "green beans", + "garam masala", + "garlic cloves", + "fresh ginger root", + "chickpeas", + "onions", + "vegetable oil", + "carrots" + ] + }, + { + "id": 35053, + "cuisine": "italian", + "ingredients": [ + "sliced almonds", + "purple onion", + "fennel bulb", + "fresh lemon juice", + "extra-virgin olive oil", + "fresh mint", + "ground black pepper", + "salt" + ] + }, + { + "id": 29596, + "cuisine": "indian", + "ingredients": [ + "fenugreek seeds", + "poha", + "iodized salt", + "cold water", + "rice", + "urad dal" + ] + }, + { + "id": 13251, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "cilantro", + "sour cream", + "cheddar cheese", + "corn", + "enchilada sauce", + "chicken", + "chicken broth", + "lime juice", + "oil", + "onions", + "black beans", + "flour tortillas", + "carrots" + ] + }, + { + "id": 22985, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "salad dressing", + "tomatoes", + "corn chips", + "shredded cheddar cheese", + "romaine lettuce", + "pinto beans" + ] + }, + { + "id": 10925, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "salt", + "garam masala", + "oil", + "bread crumbs", + "cilantro leaves", + "potatoes", + "coriander" + ] + }, + { + "id": 40205, + "cuisine": "french", + "ingredients": [ + "olive oil", + "sirloin steak", + "black peppercorns", + "shallots", + "garlic cloves", + "brandy", + "canned beef broth", + "dijon mustard", + "whipping cream" + ] + }, + { + "id": 12082, + "cuisine": "cajun_creole", + "ingredients": [ + "white rice", + "salt", + "water" + ] + }, + { + "id": 46773, + "cuisine": "mexican", + "ingredients": [ + "cream cheese", + "taco seasoning mix", + "flour tortillas", + "sour cream" + ] + }, + { + "id": 21676, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "mushrooms", + "salt", + "onions", + "asparagus", + "cilantro", + "oil", + "monterey jack", + "salsa verde", + "chili powder", + "goat cheese", + "cumin", + "tortillas", + "garlic", + "sour cream" + ] + }, + { + "id": 24062, + "cuisine": "southern_us", + "ingredients": [ + "water", + "sugar", + "lemon juice", + "ice cubes", + "english breakfast tea leaves", + "cold water", + "lemon" + ] + }, + { + "id": 18055, + "cuisine": "southern_us", + "ingredients": [ + "vegetable shortening", + "baking powder", + "salt", + "sugar", + "1% low-fat milk", + "ice water", + "all-purpose flour" + ] + }, + { + "id": 19841, + "cuisine": "italian", + "ingredients": [ + "pesto", + "heavy cream", + "grated parmesan cheese", + "ground black pepper", + "large shrimp", + "pasta", + "butter" + ] + }, + { + "id": 31233, + "cuisine": "irish", + "ingredients": [ + "smoked haddock", + "leeks", + "black peppercorns", + "fennel bulb", + "heavy cream", + "fresh dill", + "fresh thyme", + "fresh rosemary", + "unsalted butter", + "bay leaves" + ] + }, + { + "id": 19149, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "cayenne", + "nonfat yogurt plain", + "chopped cilantro fresh", + "tomatoes", + "minced ginger", + "butter", + "chicken fingers", + "tumeric", + "feta cheese", + "purple onion", + "fresh mint", + "bread", + "minced garlic", + "vegetable oil", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 31013, + "cuisine": "french", + "ingredients": [ + "red potato", + "cooking spray", + "low salt chicken broth", + "pepper", + "purple onion", + "plum tomatoes", + "fresh basil", + "asiago", + "ripe olives", + "olive oil", + "salt" + ] + }, + { + "id": 26360, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "salt", + "garlic cloves", + "olive oil", + "rice", + "chicken stock", + "bell pepper", + "roasting chickens", + "water", + "yellow onion", + "bay leaf" + ] + }, + { + "id": 45753, + "cuisine": "southern_us", + "ingredients": [ + "corn oil", + "milk", + "white cornmeal", + "corn kernels", + "boiling water", + "kosher salt", + "caviar" + ] + }, + { + "id": 47254, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "extra-virgin olive oil", + "eggplant", + "chopped fresh sage", + "fresh basil", + "fine sea salt", + "ground black pepper" + ] + }, + { + "id": 21275, + "cuisine": "indian", + "ingredients": [ + "flatbread", + "cooking spray", + "salt", + "medium shrimp", + "ground cumin", + "minced garlic", + "lime wedges", + "fresh lime juice", + "ground turmeric", + "chipotle chile", + "peeled fresh ginger", + "fresh lemon juice", + "chopped cilantro fresh", + "plain low-fat yogurt", + "jalapeno chilies", + "purple onion", + "adobo sauce", + "mango" + ] + }, + { + "id": 34358, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "garlic", + "olive oil", + "onions", + "dried thyme", + "white beans", + "italian sausage", + "chopped tomatoes" + ] + }, + { + "id": 19595, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "fresh lemon juice", + "tomatoes", + "salt", + "light corn syrup", + "olive oil" + ] + }, + { + "id": 32022, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "light mayonnaise", + "sun-dried tomatoes", + "freshly ground pepper", + "lemon zest", + "garlic cloves", + "milk", + "salt" + ] + }, + { + "id": 7294, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "cilantro sprigs", + "shrimp", + "fresh lime juice", + "water", + "salt", + "ham hock", + "bay leaf", + "celery ribs", + "large garlic cloves", + "carrots", + "ancho chile pepper", + "onions", + "white hominy", + "freshly ground pepper", + "red bell pepper", + "hass avocado" + ] + }, + { + "id": 41434, + "cuisine": "french", + "ingredients": [ + "prunes", + "bacon", + "dried thyme", + "boiling onions", + "beef gravy", + "dry red wine", + "boneless chicken breast", + "low salt chicken broth" + ] + }, + { + "id": 17743, + "cuisine": "indian", + "ingredients": [ + "cayenne", + "salt", + "serrano chile", + "fresh ginger", + "vegetable oil", + "chutney", + "lime wedges", + "shrimp", + "cumin", + "garam masala", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 46223, + "cuisine": "mexican", + "ingredients": [ + "fish fillets", + "olive oil", + "lemon", + "red bell pepper", + "pepper", + "brown rice", + "salt", + "black beans", + "green onions", + "garlic", + "cumin", + "avocado", + "corn kernels", + "chili powder", + "cayenne pepper" + ] + }, + { + "id": 46201, + "cuisine": "thai", + "ingredients": [ + "almond butter", + "miso", + "fresh ginger", + "orange juice", + "honey", + "cayenne pepper", + "minced garlic", + "nama shoyu" + ] + }, + { + "id": 4493, + "cuisine": "greek", + "ingredients": [ + "salt", + "vanilla bean paste", + "stevia extract", + "greek yogurt", + "half & half" + ] + }, + { + "id": 198, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "frozen corn kernels", + "onions", + "shredded cheddar cheese", + "chili powder", + "pinto beans", + "brown rice", + "enchilada sauce", + "cumin", + "zucchini", + "vegetable oil", + "red bell pepper" + ] + }, + { + "id": 21004, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "diced tomatoes", + "pepper", + "salt", + "lean ground beef", + "onions", + "msg", + "garlic" + ] + }, + { + "id": 30690, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "peaches", + "whipping cream", + "fresh lemon juice", + "ground cinnamon", + "golden brown sugar", + "baking powder", + "salt", + "powdered sugar", + "crystallized ginger", + "butter", + "all-purpose flour", + "vanilla beans", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 25489, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "mustard greens", + "chopped onion", + "pepper", + "garlic", + "pepper sauce", + "worcestershire sauce", + "shanks", + "vegetable oil", + "salt" + ] + }, + { + "id": 23555, + "cuisine": "british", + "ingredients": [ + "white vinegar", + "canned chopped tomatoes", + "bacon", + "ground allspice", + "tomatoes", + "dates", + "salt", + "corn starch", + "water", + "worcestershire sauce", + "sauce", + "onions", + "light brown sugar", + "lemon", + "cracked black pepper", + "crusty rolls" + ] + }, + { + "id": 6927, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "yellow onion", + "spring water", + "celery", + "sea salt", + "black pepper", + "lentils" + ] + }, + { + "id": 44770, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "tomato salsa", + "rice vinegar", + "garlic cloves", + "chopped cilantro", + "avocado", + "garlic powder", + "tamari soy sauce", + "yellow onion", + "smoked paprika", + "cauliflower", + "olive oil", + "vegetable broth", + "hot sauce", + "carrots", + "ground cumin", + "green cabbage", + "chili powder", + "salt", + "beer", + "corn tortillas" + ] + }, + { + "id": 22704, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "water", + "dry white wine", + "bay leaf", + "pitted kalamata olives", + "olive oil", + "salt", + "plum tomatoes", + "capers", + "halibut fillets", + "crushed red pepper", + "onions", + "tomato paste", + "black pepper", + "fennel bulb", + "garlic cloves" + ] + }, + { + "id": 13943, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "yellow corn meal", + "buttermilk", + "self-rising cornmeal", + "whole milk", + "all-purpose flour", + "self rising flour", + "rendered bacon fat" + ] + }, + { + "id": 46386, + "cuisine": "filipino", + "ingredients": [ + "green bell pepper", + "potatoes", + "canola oil", + "egg roll wrappers", + "peas", + "ground black pepper", + "lean ground beef", + "minced onion", + "salt" + ] + }, + { + "id": 44079, + "cuisine": "italian", + "ingredients": [ + "saffron threads", + "baking potatoes", + "asparagus", + "margarine", + "ground black pepper", + "vegetable broth", + "parsley leaves", + "natural pistachios" + ] + }, + { + "id": 38552, + "cuisine": "thai", + "ingredients": [ + "tomatoes", + "lime", + "jalapeno chilies", + "cilantro leaves", + "water", + "fresh ginger", + "shallots", + "canned low sodium chicken broth", + "swordfish steaks", + "mushrooms", + "asian fish sauce", + "lime juice", + "cooking oil", + "lemon" + ] + }, + { + "id": 33649, + "cuisine": "italian", + "ingredients": [ + "roasted red peppers", + "salt", + "pesto", + "paprika", + "thyme sprigs", + "vegetable oil cooking spray", + "chicken breast halves", + "cream cheese, soften", + "pepper", + "Corn Flakes Cereal", + "fresh parsley" + ] + }, + { + "id": 24822, + "cuisine": "moroccan", + "ingredients": [ + "fresh coriander", + "fresh parsley", + "salt", + "onions", + "smoked paprika", + "cumin", + "pepper", + "ground beef" + ] + }, + { + "id": 11557, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "chili powder", + "paneer", + "green chilies", + "basmati rice", + "clove", + "coriander seeds", + "ginger", + "cilantro leaves", + "bay leaf", + "tomatoes", + "garam masala", + "peas", + "fenugreek seeds", + "onions", + "green bell pepper", + "butter", + "salt", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 40082, + "cuisine": "jamaican", + "ingredients": [ + "water", + "liquid", + "onions", + "sugar", + "salt", + "coconut milk", + "sweet pepper", + "garlic cloves", + "pepper", + "rice", + "dried kidney beans" + ] + }, + { + "id": 3407, + "cuisine": "italian", + "ingredients": [ + "capers", + "cooking spray", + "fresh lemon juice", + "fat free less sodium chicken broth", + "butter", + "black pepper", + "dry white wine", + "boneless skinless chicken breast halves", + "seasoned bread crumbs", + "salt" + ] + }, + { + "id": 49393, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "onions", + "chicken breast halves", + "jalapeno chilies", + "canola oil", + "corn tortillas" + ] + }, + { + "id": 11514, + "cuisine": "french", + "ingredients": [ + "turnips", + "bay leaves", + "bacon slices", + "onions", + "chicken broth", + "dry white wine", + "carrots", + "ground cloves", + "russet potatoes", + "green beans", + "boneless pork shoulder", + "cannellini beans", + "beef broth", + "cabbage" + ] + }, + { + "id": 8602, + "cuisine": "french", + "ingredients": [ + "olive oil", + "sea bass fillets", + "chardonnay", + "shallots", + "white wine vinegar", + "bay leaf", + "vegetables", + "garlic", + "thyme sprigs", + "pepper", + "sliced carrots", + "salt", + "onions" + ] + }, + { + "id": 9382, + "cuisine": "italian", + "ingredients": [ + "diced onions", + "ground black pepper", + "chopped fresh thyme", + "fresh tuna steaks", + "chicken stock", + "artichok heart marin", + "oil", + "olive oil", + "dry white wine", + "fresh lemon juice", + "pasta", + "lemon zest", + "salt" + ] + }, + { + "id": 39989, + "cuisine": "chinese", + "ingredients": [ + "water", + "vegetable oil", + "garlic", + "sugar", + "shiitake", + "dry sherry", + "green beans", + "fresh ginger", + "red pepper flakes", + "corn starch", + "soy sauce", + "sesame oil", + "dry mustard" + ] + }, + { + "id": 35566, + "cuisine": "italian", + "ingredients": [ + "eggs", + "freshly ground pepper", + "olive oil", + "kosher salt", + "spaghetti", + "guanciale", + "pecorino romano cheese" + ] + }, + { + "id": 44806, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "cooking spray", + "large shrimp", + "green bell pepper", + "eggplant", + "purple onion", + "tomatoes", + "olive oil", + "pitted olives", + "pepper", + "zucchini", + "garlic cloves" + ] + }, + { + "id": 12860, + "cuisine": "mexican", + "ingredients": [ + "chip plain tortilla", + "garlic", + "onions", + "shredded cheddar cheese", + "lean ground beef", + "sour cream", + "black beans", + "chili powder", + "whole kernel corn, drain", + "fresh tomatoes", + "green onions", + "salsa" + ] + }, + { + "id": 5948, + "cuisine": "french", + "ingredients": [ + "olive oil", + "baking potatoes", + "fresh lemon juice", + "zucchini", + "heavy cream", + "finely chopped onion", + "ice water", + "low salt chicken broth", + "minced garlic", + "leeks", + "lemon slices" + ] + }, + { + "id": 23668, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "pinenuts", + "garlic", + "basil leaves", + "olive oil", + "fresh parsley" + ] + }, + { + "id": 38242, + "cuisine": "greek", + "ingredients": [ + "savory", + "extra-virgin olive oil", + "leg of lamb", + "canola oil", + "large egg yolks", + "large garlic cloves", + "fresh lemon juice", + "chopped fresh mint", + "warm water", + "vegetable oil", + "cumin seed", + "fresh mint", + "kosher salt", + "lemon", + "garlic cloves", + "onions" + ] + }, + { + "id": 3705, + "cuisine": "italian", + "ingredients": [ + "black peppercorns", + "parmigiano reggiano cheese", + "heavy cream", + "garlic cloves", + "spaghetti", + "celery ribs", + "unsalted butter", + "mushrooms", + "salt", + "carrots", + "black pepper", + "low sodium chicken broth", + "chicken meat", + "California bay leaves", + "chicken", + "clove", + "medium dry sherry", + "butter", + "all-purpose flour", + "onions" + ] + }, + { + "id": 39200, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "garlic", + "fresh cilantro", + "tomatillos", + "avocado", + "minced onion", + "salt", + "lime juice", + "jalapeno chilies" + ] + }, + { + "id": 22148, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "baking powder", + "unsalted butter", + "salt", + "large eggs", + "all-purpose flour", + "baking soda", + "buttermilk" + ] + }, + { + "id": 20145, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "vanilla extract", + "baking soda", + "softened butter", + "firmly packed brown sugar", + "salted peanuts", + "ground cinnamon", + "flour" + ] + }, + { + "id": 20332, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "red wine vinegar", + "black pepper", + "bay leaves", + "salt", + "figs", + "olive oil", + "dry red wine", + "water", + "shallots", + "chicken thighs" + ] + }, + { + "id": 42460, + "cuisine": "chinese", + "ingredients": [ + "sesame", + "instant yeast", + "dark brown sugar", + "milk", + "baking powder", + "pancake", + "water", + "flour", + "oil", + "eggs", + "granulated sugar", + "roasted peanuts" + ] + }, + { + "id": 39878, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "salt", + "flat leaf parsley", + "capers", + "crushed red pepper", + "fresh lemon juice", + "eggplant", + "purple onion", + "red bell pepper", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 5973, + "cuisine": "greek", + "ingredients": [ + "unsalted butter", + "vanilla extract", + "milk", + "flour", + "sugar", + "large eggs", + "orange juice", + "baking soda", + "egg yolks" + ] + }, + { + "id": 19239, + "cuisine": "southern_us", + "ingredients": [ + "coffee liqueur", + "salt", + "ground ginger", + "butter", + "chopped pecans", + "brown sugar", + "peach slices", + "sweet potatoes", + "lemon juice" + ] + }, + { + "id": 12550, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "cayenne pepper", + "water", + "paprika", + "white wine", + "bay leaves", + "onions", + "sauerkraut", + "salt" + ] + }, + { + "id": 13905, + "cuisine": "greek", + "ingredients": [ + "bone-in chicken breast halves", + "grated lemon zest", + "cracked black pepper", + "garlic cloves", + "olive oil", + "fresh oregano", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 2778, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "pepper", + "purple onion", + "pickled jalapenos", + "chicken breasts", + "onions", + "chipotle chile", + "water", + "fresh oregano", + "avocado", + "tostadas", + "garlic", + "canola oil" + ] + }, + { + "id": 35522, + "cuisine": "japanese", + "ingredients": [ + "potatoes", + "onions", + "chicken stock", + "curry", + "ground cumin", + "garlic", + "chicken", + "curry powder", + "ground coriander" + ] + }, + { + "id": 28587, + "cuisine": "french", + "ingredients": [ + "granny smith apples", + "butter", + "water", + "fresh lemon juice", + "eggs", + "superfine sugar", + "sugar", + "golden delicious apples" + ] + }, + { + "id": 14997, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "fresh lime juice", + "salt", + "garlic", + "serrano peppers", + "cilantro leaves" + ] + }, + { + "id": 38127, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "fresh basil", + "chopped fresh thyme", + "crumbled gorgonzola", + "fusilli", + "heavy whipping cream", + "walnut pieces", + "butter" + ] + }, + { + "id": 2374, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "bay leaf", + "fat free less sodium chicken broth", + "chopped onion", + "water", + "garlic cloves", + "pancetta", + "soup" + ] + }, + { + "id": 10252, + "cuisine": "french", + "ingredients": [ + "figs", + "sherry vinegar", + "freshly ground pepper", + "salad greens", + "extra-virgin olive oil", + "fresh lime juice", + "sugar", + "chopped fresh chives", + "heavy whipping cream", + "prosciutto", + "salt", + "chèvre" + ] + }, + { + "id": 32521, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "cumin seed", + "cinnamon sticks", + "curry leaves", + "ginger", + "lentils", + "onions", + "water", + "garlic cloves", + "coconut milk", + "fresh spinach", + "green chilies", + "mustard seeds", + "ground turmeric" + ] + }, + { + "id": 46852, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "watercress", + "ground black pepper", + "salt", + "olive oil", + "garlic", + "fettucine", + "basil leaves" + ] + }, + { + "id": 21613, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "prawns", + "salt", + "tomatoes", + "eggplant", + "fresh green bean", + "onions", + "olive oil", + "pork loin", + "okra", + "bitter melon", + "zucchini", + "garlic" + ] + }, + { + "id": 24404, + "cuisine": "french", + "ingredients": [ + "frozen pastry puff sheets", + "water", + "apricots", + "sugar", + "whipping cream", + "unsalted butter" + ] + }, + { + "id": 3327, + "cuisine": "italian", + "ingredients": [ + "capers", + "eggplant", + "chopped onion", + "sugar", + "red wine vinegar", + "fresh parsley", + "olive oil", + "salt", + "plum tomatoes", + "pitted kalamata olives", + "golden raisins", + "garlic cloves" + ] + }, + { + "id": 16072, + "cuisine": "french", + "ingredients": [ + "butter", + "salt", + "milk", + "bacon", + "onions", + "heavy cream", + "chicken livers", + "veal", + "garlic" + ] + }, + { + "id": 44717, + "cuisine": "moroccan", + "ingredients": [ + "preserved lemon", + "olive oil", + "salt", + "carrots", + "pepper", + "golden raisins", + "ground coriander", + "ground cumin", + "slivered almonds", + "red cabbage", + "greek style plain yogurt", + "feta cheese crumbles", + "ground cinnamon", + "honey", + "purple onion", + "lemon juice" + ] + }, + { + "id": 11657, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "cracked black pepper", + "shrimp", + "lemon", + "freshly ground pepper", + "butter", + "creole seasoning", + "worcestershire sauce", + "garlic cloves" + ] + }, + { + "id": 41104, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "ground black pepper", + "sea salt", + "smoked paprika", + "celery ribs", + "crushed tomatoes", + "Tabasco Pepper Sauce", + "smoked sausage", + "boneless chicken skinless thigh", + "bell pepper", + "garlic", + "onions", + "chicken broth", + "olive oil", + "cajun seasoning", + "shrimp" + ] + }, + { + "id": 38287, + "cuisine": "french", + "ingredients": [ + "ground nutmeg", + "broccoli florets", + "chopped fresh thyme", + "all-purpose flour", + "fat free less sodium chicken broth", + "dijon mustard", + "shallots", + "gruyere cheese", + "ground black pepper", + "cooking spray", + "butter", + "minced garlic", + "reduced fat milk", + "yukon gold potatoes", + "salt" + ] + }, + { + "id": 43005, + "cuisine": "chinese", + "ingredients": [ + "pot stickers", + "ginger", + "soy sauce", + "sesame oil", + "carrots", + "eggs", + "green onions", + "peanut oil", + "water", + "ground pork", + "cabbage" + ] + }, + { + "id": 24994, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "unsalted butter", + "corn tortillas", + "ground cumin", + "green cabbage", + "kosher salt", + "russet potatoes", + "dried oregano", + "cotija", + "jalapeno chilies", + "chopped cilantro", + "tomatoes", + "ground black pepper", + "garlic", + "canola oil" + ] + }, + { + "id": 21672, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "barbecue sauce", + "ground cumin", + "chili seasoning", + "vegetable oil", + "honey", + "lemon wedge", + "extra large shrimp", + "paprika" + ] + }, + { + "id": 25620, + "cuisine": "brazilian", + "ingredients": [ + "açai powder", + "sweetener", + "coconut milk", + "pure vanilla extract", + "salt", + "milk", + "frozen banana" + ] + }, + { + "id": 30179, + "cuisine": "chinese", + "ingredients": [ + "caster sugar", + "spring onions", + "red pepper", + "chinese five-spice powder", + "sesame seeds", + "mixed vegetables", + "white wine vinegar", + "phyllo pastry", + "light soy sauce", + "cooked chicken", + "ginger", + "garlic cloves", + "eggs", + "prawns", + "rice noodles", + "salt" + ] + }, + { + "id": 2741, + "cuisine": "french", + "ingredients": [ + "veal demi-glace", + "garlic cloves", + "dry white wine", + "onions", + "chicken stock", + "port", + "olive oil", + "bay leaf" + ] + }, + { + "id": 46142, + "cuisine": "french", + "ingredients": [ + "milk", + "chestnut purée", + "egg yolks", + "egg whites", + "white sugar", + "brandy", + "whipped cream" + ] + }, + { + "id": 22023, + "cuisine": "southern_us", + "ingredients": [ + "corn kernels", + "salt", + "white onion", + "half & half", + "red bell pepper", + "sugar", + "chopped green bell pepper", + "cream cheese", + "pepper", + "bacon slices" + ] + }, + { + "id": 41261, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "garlic", + "sake", + "leeks", + "fresh ginger root", + "sugar", + "meat" + ] + }, + { + "id": 44772, + "cuisine": "cajun_creole", + "ingredients": [ + "dried basil", + "green onions", + "linguine", + "lemon pepper seasoning", + "butter", + "boneless skinless chicken breast halves", + "garlic powder", + "cajun seasoning", + "salt", + "black pepper", + "grated parmesan cheese", + "heavy cream" + ] + }, + { + "id": 16471, + "cuisine": "chinese", + "ingredients": [ + "dough", + "soy sauce", + "mushrooms", + "ginger", + "chinese black vinegar", + "fish sauce", + "shredded carrots", + "sesame oil", + "all-purpose flour", + "coconut oil", + "starch", + "summer squash", + "red bell pepper", + "eggs", + "water", + "green onions", + "garlic" + ] + }, + { + "id": 7404, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "milk", + "salt", + "ground nutmeg", + "polenta", + "butter" + ] + }, + { + "id": 44997, + "cuisine": "southern_us", + "ingredients": [ + "diced onions", + "mayonaise", + "meal", + "seeds", + "oil", + "yellow corn meal", + "lime juice", + "jalapeno chilies", + "salt", + "catfish fillets", + "pepper", + "baking soda", + "cilantro", + "chipotles in adobo", + "bacon drippings", + "eggs", + "milk", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 30510, + "cuisine": "british", + "ingredients": [ + "vanilla", + "powdered sugar", + "sour cream", + "lemon", + "cream cheese, soften" + ] + }, + { + "id": 35477, + "cuisine": "indian", + "ingredients": [ + "water", + "chicken breasts", + "ground tumeric", + "cinnamon sticks", + "spinach", + "potatoes", + "butter", + "salt", + "coriander", + "chiles", + "yoghurt", + "ginger", + "cardamom pods", + "cherry tomatoes", + "vegetable oil", + "garlic", + "onions" + ] + }, + { + "id": 25342, + "cuisine": "french", + "ingredients": [ + "Belgian endive", + "chopped fresh chives", + "canola oil", + "curry powder", + "sherry wine vinegar", + "haricots verts", + "shallots", + "sea scallops", + "white truffle oil" + ] + }, + { + "id": 43471, + "cuisine": "thai", + "ingredients": [ + "lime wedges", + "roasted peanuts", + "fish sauce", + "chili sauce", + "boneless skinless chicken breast halves", + "salt", + "fresh lime juice", + "fat free less sodium chicken broth", + "creamy peanut butter", + "canola oil" + ] + }, + { + "id": 5947, + "cuisine": "filipino", + "ingredients": [ + "spring roll wrappers", + "sweet chili sauce", + "green onions", + "garlic", + "sugar", + "water chestnuts", + "ground pork", + "yellow onion", + "coconut oil", + "pepper", + "lumpia wrappers", + "salt", + "eggs", + "soy sauce", + "mushrooms", + "dipping sauces", + "cooked shrimp" + ] + }, + { + "id": 4254, + "cuisine": "italian", + "ingredients": [ + "pure vanilla extract", + "mascarpone", + "cake flour", + "sugar", + "egg whites", + "chocolate chips", + "eggs", + "unsalted butter", + "cocoa powder", + "ladyfingers", + "brewed coffee", + "cream cheese, soften" + ] + }, + { + "id": 10947, + "cuisine": "italian", + "ingredients": [ + "orange", + "cooking spray", + "asiago", + "roasting chickens", + "wild mushrooms", + "fat free less sodium chicken broth", + "ground black pepper", + "chopped fresh thyme", + "salt", + "thyme sprigs", + "water", + "truffle oil", + "butter", + "all-purpose flour", + "polenta", + "white wine", + "fat free milk", + "mushrooms", + "fresh orange juice", + "garlic cloves" + ] + }, + { + "id": 49633, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chili powder", + "salt", + "oregano", + "lime", + "garlic", + "skinless chicken breasts", + "lime juice", + "cilantro", + "salsa", + "cumin", + "tortillas", + "purple onion", + "orange juice" + ] + }, + { + "id": 47999, + "cuisine": "indian", + "ingredients": [ + "cayenne", + "cumin seed", + "milk", + "meat", + "corn starch", + "garlic paste", + "coriander powder", + "rice flour", + "garam masala", + "salt", + "chicken" + ] + }, + { + "id": 23844, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "prawns", + "shells", + "shrimp stock", + "kosher salt", + "shallots", + "oil", + "fish sauce", + "water", + "garlic", + "caramel sauce", + "black pepper", + "soup", + "scallions" + ] + }, + { + "id": 2642, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "fresh parmesan cheese", + "and fat free half half", + "fat free less sodium chicken broth", + "salt", + "hazelnuts", + "ground black pepper", + "garlic cloves", + "diced onions", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 28167, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "chocolate shavings", + "bittersweet chocolate", + "french bread", + "vanilla extract", + "firmly packed light brown sugar", + "egg yolks", + "sauce", + "unsalted butter", + "whipping cream" + ] + }, + { + "id": 38191, + "cuisine": "italian", + "ingredients": [ + "cottage cheese", + "lean ground beef", + "eggs", + "grated parmesan cheese", + "shredded mozzarella cheese", + "lasagna noodles", + "part-skim ricotta cheese", + "pasta sauce", + "mushrooms", + "onions" + ] + }, + { + "id": 36410, + "cuisine": "vietnamese", + "ingredients": [ + "fresh basil", + "kosher salt", + "green onions", + "cilantro sprigs", + "carrots", + "mayonaise", + "ground black pepper", + "daikon", + "hot chili sauce", + "sugar", + "jalapeno chilies", + "ground pork", + "garlic cloves", + "fish sauce", + "baguette", + "sesame oil", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 15942, + "cuisine": "italian", + "ingredients": [ + "orange rind", + "rosé wine", + "campari", + "fresh orange juice" + ] + }, + { + "id": 9408, + "cuisine": "irish", + "ingredients": [ + "white pepper", + "melted butter", + "spring onions", + "mashed potatoes", + "salt", + "milk" + ] + }, + { + "id": 36300, + "cuisine": "brazilian", + "ingredients": [ + "tomato paste", + "pepper", + "peas", + "oil", + "green olives", + "chicken breasts", + "salt", + "bay leaf", + "eggs", + "flour", + "garlic", + "shrimp", + "cold water", + "shortening", + "butter", + "cayenne pepper", + "onions" + ] + }, + { + "id": 22386, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "buttermilk", + "lemon juice", + "parsley flakes", + "chicken breasts", + "all-purpose flour", + "whole wheat bread slices", + "butter", + "creole seasoning", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 6245, + "cuisine": "japanese", + "ingredients": [ + "chile powder", + "sesame seeds", + "sesame oil", + "soda water", + "maui onion", + "black pepper", + "soft shelled crabs", + "rice flour", + "sugar", + "asparagus", + "salt", + "soy sauce", + "yuzu", + "mixed greens" + ] + }, + { + "id": 26440, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "red pepper", + "garlic cloves", + "rosemary", + "salt", + "baguette", + "extra-virgin olive oil", + "lemon", + "lima beans" + ] + }, + { + "id": 26812, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "roma tomatoes", + "butter", + "oil", + "corn husks", + "baking powder", + "garlic", + "cumin", + "lime", + "green onions", + "cilantro", + "broth", + "zucchini", + "chili powder", + "salt", + "masa" + ] + }, + { + "id": 27599, + "cuisine": "japanese", + "ingredients": [ + "teriyaki sauce", + "salmon fillets", + "scallions" + ] + }, + { + "id": 21733, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "fillets", + "diced tomatoes", + "butter", + "garam masala", + "chopped cilantro fresh" + ] + }, + { + "id": 1253, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "vegetable oil", + "halibut", + "avocado", + "shredded cabbage", + "cilantro leaves", + "lime juice", + "salt", + "corn tortillas", + "sugar", + "chili powder", + "nonfat yogurt plain" + ] + }, + { + "id": 23527, + "cuisine": "italian", + "ingredients": [ + "egg substitute", + "all-purpose flour", + "unsweetened cocoa powder", + "baking powder", + "chocolate candy bars", + "olive oil", + "margarine", + "vanilla extract", + "white sugar" + ] + }, + { + "id": 49319, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "unsweetened baking chocolate", + "milk", + "margarine", + "graham crackers", + "chocolate instant pudding", + "frozen whip topping, thaw", + "vanilla instant pudding" + ] + }, + { + "id": 12301, + "cuisine": "chinese", + "ingredients": [ + "romaine lettuce", + "shredded carrots", + "rice vinegar", + "fresh ginger", + "sesame oil", + "boneless skinless chicken breast halves", + "chile paste", + "green onions", + "peanut butter", + "brown sugar", + "hoisin sauce", + "wonton wrappers", + "chopped cilantro fresh" + ] + }, + { + "id": 38903, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "peanut butter", + "crushed tomatoes", + "potatoes", + "shredded Monterey Jack cheese", + "poblano peppers", + "dried oregano", + "sweet onion", + "garlic", + "ground cumin" + ] + }, + { + "id": 10346, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "water", + "bay leaves", + "cumin seed", + "tumeric", + "garam masala", + "salt", + "lemon juice", + "garlic paste", + "olive oil", + "purple onion", + "black mustard seeds", + "fresh coriander", + "potatoes", + "green chilies", + "masala" + ] + }, + { + "id": 8241, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "salsa", + "ground beef", + "low-fat sour cream", + "garlic", + "corn tortillas", + "serrano chile", + "shredded lettuce", + "hot sauce", + "vegetarian refried beans", + "heirloom tomatoes", + "yellow onion", + "chopped cilantro fresh" + ] + }, + { + "id": 31877, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "vegetable oil", + "onions", + "water chestnuts", + "green pepper", + "soy sauce", + "cornflour", + "cashew nuts", + "chicken stock", + "chicken breasts", + "hot chili sauce" + ] + }, + { + "id": 39922, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "prepar salsa", + "taco seasoning mix", + "red bell pepper", + "green bell pepper", + "olive oil", + "boneless skinless chicken breast halves", + "shredded cheddar cheese", + "all-purpose flour" + ] + }, + { + "id": 29628, + "cuisine": "mexican", + "ingredients": [ + "chile pepper", + "chopped cilantro fresh", + "garlic", + "white onion", + "salt", + "tomatillos" + ] + }, + { + "id": 38955, + "cuisine": "italian", + "ingredients": [ + "crushed red pepper flakes", + "fregola", + "olive oil", + "grated lemon zest", + "dry white wine", + "garlic cloves", + "kosher salt", + "littleneck clams", + "flat leaf parsley" + ] + }, + { + "id": 15484, + "cuisine": "japanese", + "ingredients": [ + "honey", + "filet", + "cooking spray", + "white sesame seeds", + "mirin", + "red miso", + "brown sugar", + "peeled fresh ginger", + "fresh lime juice" + ] + }, + { + "id": 34875, + "cuisine": "japanese", + "ingredients": [ + "light brown sugar", + "water", + "vegetable oil", + "soy sauce", + "mirin", + "konbu", + "sake", + "fresh ginger", + "scallions", + "boneless chicken skinless thigh", + "bonito flakes" + ] + }, + { + "id": 37659, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "ginger", + "oil", + "masala", + "tomatoes", + "seeds", + "cilantro leaves", + "ghee", + "garam masala", + "salt", + "black salt", + "ground cumin", + "garlic paste", + "chili powder", + "chickpeas", + "onions" + ] + }, + { + "id": 18861, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "parmigiano reggiano cheese", + "fresh lemon juice", + "black pepper", + "extra-virgin olive oil", + "onions", + "hot red pepper flakes", + "lemon zest", + "flat leaf parsley", + "unsalted butter", + "salt", + "frozen artichoke hearts" + ] + }, + { + "id": 24383, + "cuisine": "indian", + "ingredients": [ + "green cabbage", + "salt", + "onions", + "fennel seeds", + "vegetable oil", + "fresh lemon juice", + "garam masala", + "cumin seed", + "sesame seeds", + "cayenne pepper" + ] + }, + { + "id": 9131, + "cuisine": "thai", + "ingredients": [ + "eggs", + "black pepper", + "pineapple", + "carrots", + "tumeric", + "vegetable oil", + "long-grain rice", + "coriander", + "chili flakes", + "green onions", + "salt", + "coconut milk", + "soy sauce", + "roasted unsalted cashews", + "garlic cloves" + ] + }, + { + "id": 30432, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "black pepper", + "parmesan cheese", + "diced tomatoes", + "dried oregano", + "chicken broth", + "dried thyme", + "ricotta cheese", + "yellow onion", + "tomato paste", + "mozzarella cheese", + "lasagna noodles", + "garlic", + "italian seasoning", + "green bell pepper", + "olive oil", + "sea salt", + "fresh parsley" + ] + }, + { + "id": 1979, + "cuisine": "southern_us", + "ingredients": [ + "water", + "tea bags", + "lemon juice", + "sugar", + "pineapple juice" + ] + }, + { + "id": 22057, + "cuisine": "french", + "ingredients": [ + "vegetable oil cooking spray", + "egg whites", + "hot water", + "white vinegar", + "water", + "salt", + "sugar", + "rapid rise yeast", + "low-fat sour cream", + "sesame seeds", + "all-purpose flour" + ] + }, + { + "id": 38080, + "cuisine": "japanese", + "ingredients": [ + "clove", + "cream", + "chili powder", + "cilantro leaves", + "cashew nuts", + "garlic paste", + "garam masala", + "kasuri methi", + "bay leaf", + "tomatoes", + "water", + "butter", + "oil", + "tumeric", + "coriander powder", + "paneer", + "onions" + ] + }, + { + "id": 4989, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "carrots", + "celery root", + "black truffles", + "extra-virgin olive oil", + "green beans", + "shallots", + "champagne", + "chicken", + "large egg yolks", + "all-purpose flour", + "bay leaf" + ] + }, + { + "id": 29089, + "cuisine": "french", + "ingredients": [ + "rosemary", + "garlic", + "tomato paste", + "dry white wine", + "lamb shoulder", + "ground black pepper", + "black olives", + "water", + "extra-virgin olive oil", + "salt" + ] + }, + { + "id": 37309, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "Italian bread", + "sweet onion", + "diced tomatoes", + "chopped garlic", + "ground black pepper", + "fresh basil leaves", + "olive oil", + "salt" + ] + }, + { + "id": 32417, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "medium shrimp uncook", + "fresh lemon juice", + "olive oil", + "orzo", + "hothouse cucumber", + "cherry tomatoes", + "green onions", + "cucumber", + "feta cheese", + "dill tips" + ] + }, + { + "id": 26909, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "lime juice", + "flank steak", + "salt", + "black pepper", + "vinegar", + "garlic", + "cucumber", + "avocado", + "black beans", + "jalapeno chilies", + "purple onion", + "cumin", + "jack cheese", + "salad greens", + "cilantro", + "oil" + ] + }, + { + "id": 18396, + "cuisine": "chinese", + "ingredients": [ + "jalapeno chilies", + "garlic cloves", + "sugar", + "green onions", + "peeled fresh ginger", + "fresh lime juice", + "peeled tomatoes", + "rice vinegar" + ] + }, + { + "id": 40893, + "cuisine": "italian", + "ingredients": [ + "eggs", + "baking powder", + "all-purpose flour", + "water", + "butter", + "white sugar", + "shortening", + "almond extract", + "confectioners sugar", + "milk", + "salt" + ] + }, + { + "id": 5530, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "ginger", + "sugar", + "sesame oil", + "white sesame seeds", + "rib eye steaks", + "spring onions", + "garlic", + "soy sauce", + "vegetable oil" + ] + }, + { + "id": 45575, + "cuisine": "french", + "ingredients": [ + "water", + "coarse salt", + "fresh herbs", + "olive oil", + "salt", + "large egg whites", + "beef tenderloin", + "fleur de sel", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 22177, + "cuisine": "french", + "ingredients": [ + "salt", + "lemon", + "tagliatelle", + "olive oil", + "crème fraîche", + "parmesan cheese", + "freshly ground pepper" + ] + }, + { + "id": 7474, + "cuisine": "greek", + "ingredients": [ + "grated parmesan cheese", + "feta cheese crumbles", + "olive oil", + "phyllo", + "pinenuts", + "large garlic cloves", + "unsalted butter", + "fresh parsley leaves" + ] + }, + { + "id": 31417, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "olive oil", + "cilantro", + "onions", + "tomatoes", + "seasoning salt", + "paprika", + "garlic cloves", + "light sour cream", + "cheddar cheese", + "mushrooms", + "cayenne pepper", + "oregano", + "chicken broth", + "cream", + "basil", + "rice", + "chicken" + ] + }, + { + "id": 14590, + "cuisine": "indian", + "ingredients": [ + "sugar", + "white poppy seeds", + "cardamom pods", + "onions", + "fresh ginger", + "lamb shoulder", + "hot water", + "red chili peppers", + "bay leaves", + "garlic cloves", + "unsalted butter", + "salt", + "cinnamon sticks" + ] + }, + { + "id": 33280, + "cuisine": "jamaican", + "ingredients": [ + "ground ginger", + "water", + "dark rum", + "malt vinegar", + "garlic cloves", + "soy sauce", + "ground nutmeg", + "vegetable oil", + "ground allspice", + "chicken", + "ground cinnamon", + "dried thyme", + "green onions", + "salt", + "fresh lime juice", + "ketchup", + "ground black pepper", + "scotch bonnet chile", + "dark brown sugar" + ] + }, + { + "id": 21778, + "cuisine": "russian", + "ingredients": [ + "cold water", + "sugar", + "fresh lemon juice", + "potato starch", + "granny smith apples", + "sour cream", + "ground cinnamon", + "cranberry juice", + "brown sugar", + "gingersnap" + ] + }, + { + "id": 44937, + "cuisine": "moroccan", + "ingredients": [ + "boiling water", + "sugar", + "mint", + "green tea" + ] + }, + { + "id": 12981, + "cuisine": "vietnamese", + "ingredients": [ + "Dungeness crabs", + "garlic", + "yellow onion", + "fish sauce", + "egg yolks", + "dried shiitake mushrooms", + "glass noodles", + "unsalted butter", + "salt", + "wood ear mushrooms", + "black pepper", + "ground pork", + "dry bread crumbs" + ] + }, + { + "id": 24582, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "chicken livers", + "pepper", + "salt", + "eggs", + "vegetable oil", + "milk", + "all-purpose flour" + ] + }, + { + "id": 22778, + "cuisine": "italian", + "ingredients": [ + "breadstick", + "paprika", + "melted butter", + "ground cumin", + "grated parmesan cheese" + ] + }, + { + "id": 40977, + "cuisine": "french", + "ingredients": [ + "scallion greens", + "shell-on shrimp", + "salt", + "black pepper", + "paprika", + "flat leaf parsley", + "horseradish", + "vegetable oil", + "dill pickles", + "creole mustard", + "cayenne", + "white wine vinegar" + ] + }, + { + "id": 37694, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "all-purpose flour", + "grated lemon peel", + "canned beef broth", + "veal scallops", + "dry white wine", + "chopped fresh sage", + "butter", + "low salt chicken broth" + ] + }, + { + "id": 43953, + "cuisine": "italian", + "ingredients": [ + "sugar", + "dry yeast", + "bread flour", + "fresh basil", + "unsalted butter", + "pumpkin seeds", + "warm water", + "large eggs", + "olive oil", + "salt" + ] + }, + { + "id": 27500, + "cuisine": "italian", + "ingredients": [ + "white wine", + "water", + "all-purpose flour", + "fresh parsley", + "capers", + "pepper", + "salt", + "fresh lemon juice", + "seasoned bread crumbs", + "olive oil", + "garlic cloves", + "fat free less sodium chicken broth", + "large egg whites", + "grated lemon zest", + "chicken thighs" + ] + }, + { + "id": 1529, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "whole milk", + "carrots", + "celery ribs", + "grated parmesan cheese", + "dry red wine", + "onions", + "pancetta", + "ground black pepper", + "ground veal", + "ground beef", + "tomato paste", + "beef stock", + "extra-virgin olive oil", + "tagliatelle" + ] + }, + { + "id": 35123, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "dijon mustard", + "white wine vinegar", + "olive oil", + "green onions", + "lemon pepper", + "minced garlic", + "cooking spray", + "fresh lemon juice", + "ground black pepper", + "low-fat mayonnaise", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 48025, + "cuisine": "moroccan", + "ingredients": [ + "minced garlic", + "salt", + "ground turmeric", + "ground ginger", + "vegetable oil", + "couscous", + "vegetable oil cooking spray", + "garden peas", + "chopped cilantro fresh", + "chicken breast halves", + "no salt added chicken broth", + "ground cumin" + ] + }, + { + "id": 46700, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "roma tomatoes", + "red pepper flakes", + "english cucumber", + "rib eye steaks", + "cherry tomatoes", + "vegetable oil", + "cilantro leaves", + "ground white pepper", + "fish sauce", + "ngo gai", + "pickling cucumbers", + "dark brown sugar", + "lime juice", + "shallots", + "garlic", + "oyster sauce" + ] + }, + { + "id": 26996, + "cuisine": "italian", + "ingredients": [ + "whole milk ricotta cheese", + "fresh mint", + "ground black pepper", + "extra-virgin olive oil", + "olive oil", + "pecorino romano cheese", + "flat leaf parsley", + "large eggs", + "fine sea salt" + ] + }, + { + "id": 44240, + "cuisine": "brazilian", + "ingredients": [ + "beans", + "chopped cilantro", + "green onions", + "chili pepper", + "green bell pepper", + "coconut milk" + ] + }, + { + "id": 42871, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "red wine", + "gnocchi", + "pepper", + "vegetable stock", + "salt", + "mushrooms", + "heavy cream", + "dried oregano", + "olive oil", + "butter", + "chopped parsley" + ] + }, + { + "id": 1470, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "asiago", + "fennel bulb", + "olive oil flavored cooking spray", + "water", + "butter", + "roasted red peppers", + "salt" + ] + }, + { + "id": 15570, + "cuisine": "jamaican", + "ingredients": [ + "cocoa", + "vanilla", + "nutmeg", + "milk", + "water", + "sugar", + "cinnamon" + ] + }, + { + "id": 46532, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "graham cracker crumbs", + "golden brown sugar", + "unsalted butter", + "caramel ice cream topping", + "butter pecan ice cream" + ] + }, + { + "id": 11879, + "cuisine": "jamaican", + "ingredients": [ + "white cake mix", + "butter", + "eggs", + "granulated sugar", + "water", + "vanilla instant pudding", + "white rum", + "vegetable oil" + ] + }, + { + "id": 13149, + "cuisine": "french", + "ingredients": [ + "fat free milk", + "butter", + "garlic cloves", + "reduced fat sharp cheddar cheese", + "cooking spray", + "salt", + "sliced green onions", + "phyllo dough", + "ground red pepper", + "all-purpose flour", + "red potato", + "asparagus", + "paprika", + "ham" + ] + }, + { + "id": 24685, + "cuisine": "mexican", + "ingredients": [ + "masa harina", + "kosher salt" + ] + }, + { + "id": 35253, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "unsalted butter", + "all-purpose flour", + "ground cumin", + "pasta", + "minced garlic", + "lean ground beef", + "rotel tomatoes", + "shredded cheddar cheese", + "finely chopped onion", + "salsa", + "reduced sodium chicken broth", + "ground black pepper", + "extra-virgin olive oil", + "fresh lime juice" + ] + }, + { + "id": 21077, + "cuisine": "british", + "ingredients": [ + "garlic bread", + "buttermilk", + "cod", + "flour", + "garlic powder", + "coleslaw", + "seasoning salt", + "french fries" + ] + }, + { + "id": 40412, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "lemon", + "cumin seed", + "water", + "mild green chiles", + "carrots", + "green bell pepper", + "extra-virgin olive oil", + "garlic cloves", + "red snapper", + "new potatoes", + "salt", + "fresh parsley" + ] + }, + { + "id": 29705, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "milk", + "barbecue sauce", + "paprika", + "scallions", + "mayonaise", + "garlic powder", + "buttermilk", + "all-purpose flour", + "panko breadcrumbs", + "brown sugar", + "lime", + "green tomatoes", + "dipping sauces", + "oil", + "tomatoes", + "kosher salt", + "ground black pepper", + "apple cider", + "cayenne pepper" + ] + }, + { + "id": 20160, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "fresh coriander", + "ground black pepper", + "sweet paprika", + "organic vegetable stock", + "chopped tomatoes", + "sea salt", + "onions", + "prunes", + "olive oil", + "spices", + "squash", + "ground ginger", + "sliced almonds", + "stewing beef", + "chickpeas", + "ground cumin" + ] + }, + { + "id": 26155, + "cuisine": "italian", + "ingredients": [ + "coarse salt", + "frozen chopped spinach, thawed and squeezed dry", + "whole wheat pita", + "bocconcini", + "part-skim ricotta cheese", + "dried oregano", + "ground pepper", + "garlic cloves" + ] + }, + { + "id": 13495, + "cuisine": "british", + "ingredients": [ + "2% reduced-fat milk", + "onions", + "eggs", + "salt", + "drippings", + "dried mixed herbs", + "plain flour", + "malt vinegar", + "pork sausages" + ] + }, + { + "id": 19814, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "cilantro", + "peaches", + "onions", + "lime juice", + "salt", + "habanero" + ] + }, + { + "id": 43882, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "cooking spray", + "salt", + "chopped cilantro fresh", + "sliced almonds", + "chicken breasts", + "ground coriander", + "polenta", + "fat free yogurt", + "ground red pepper", + "all-purpose flour", + "ground turmeric", + "olive oil", + "raisins", + "low salt chicken broth", + "ground cumin" + ] + }, + { + "id": 16948, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "dry white wine", + "ground coriander", + "sugar", + "cooking spray", + "red wine vinegar", + "ground cumin", + "olive oil", + "golden raisins", + "salt", + "fennel seeds", + "pork tenderloin", + "shallots", + "onions" + ] + }, + { + "id": 22389, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "heavy cream", + "penne pasta", + "low sodium chicken broth", + "garlic", + "bell pepper", + "diced tomatoes", + "fajita seasoning mix", + "diced onions", + "boneless skinless chicken breasts", + "salt" + ] + }, + { + "id": 49450, + "cuisine": "italian", + "ingredients": [ + "sub rolls", + "pepperoncini", + "beef consomme", + "italian seasoning", + "chuck roast", + "provolone cheese", + "salt" + ] + }, + { + "id": 47281, + "cuisine": "indian", + "ingredients": [ + "fresh curry leaves", + "masala", + "unsweetened coconut milk", + "sea salt", + "russet potatoes", + "vegetable oil cooking spray", + "scallions" + ] + }, + { + "id": 36705, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "red pepper", + "yellow peppers", + "penne", + "balsamic vinaigrette", + "vegetable oil cooking spray", + "green pepper", + "cannellini beans", + "feta cheese crumbles" + ] + }, + { + "id": 14552, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "green pepper", + "pepper", + "diced tomatoes", + "onions", + "cheddar cheese", + "lean ground beef", + "ready-made pie crusts", + "egg yolks", + "salt", + "ground cumin" + ] + }, + { + "id": 15277, + "cuisine": "irish", + "ingredients": [ + "milk", + "red potato", + "butter", + "chicken broth", + "leeks", + "pepper", + "salt" + ] + }, + { + "id": 34444, + "cuisine": "mexican", + "ingredients": [ + "lemon zest", + "strawberries", + "cinnamon", + "oil", + "flour tortillas", + "cream cheese", + "sugar", + "butter", + "sour cream" + ] + }, + { + "id": 14376, + "cuisine": "mexican", + "ingredients": [ + "honey", + "diced tomatoes", + "salt", + "red enchilada sauce", + "ancho chili ground pepper", + "corn oil", + "chees fresco queso", + "cayenne pepper", + "corn tortillas", + "finely chopped onion", + "pasilla chile pepper", + "beef broth", + "unsweetened chocolate", + "fresh cilantro", + "vegetable oil", + "garlic", + "chopped onion" + ] + }, + { + "id": 22097, + "cuisine": "mexican", + "ingredients": [ + "pasta sauce", + "dried basil", + "passata", + "dried oregano", + "mozzarella cheese", + "meat", + "corn tortillas", + "cheddar cheese", + "jalapeno chilies", + "salsa", + "minced garlic", + "butter", + "onions" + ] + }, + { + "id": 4625, + "cuisine": "indian", + "ingredients": [ + "milk", + "salt", + "dried red chile peppers", + "ground red pepper", + "mustard seeds", + "coriander seeds", + "cumin seed", + "calabash", + "fresh curry leaves", + "vegetable oil", + "asafoetida powder" + ] + }, + { + "id": 44145, + "cuisine": "southern_us", + "ingredients": [ + "water", + "okra pods", + "white vinegar", + "garlic", + "canning salt", + "whole peppercorn", + "dill seed" + ] + }, + { + "id": 31928, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "grated lemon zest", + "fresh basil", + "purple onion", + "capers", + "salt", + "pasta", + "extra-virgin olive oil", + "albacore tuna in water" + ] + }, + { + "id": 45004, + "cuisine": "french", + "ingredients": [ + "cold water", + "large egg whites", + "vanilla", + "sugar", + "heavy cream", + "cream of tartar", + "large egg yolks", + "fresh lemon juice", + "unflavored gelatin", + "lemon zest", + "fresh mint" + ] + }, + { + "id": 9779, + "cuisine": "southern_us", + "ingredients": [ + "vidalia onion", + "turkey stock", + "freshly ground pepper", + "bay leaf", + "fresh thyme", + "giblet", + "corn starch", + "parsley sprigs", + "pan drippings", + "carrots", + "onions", + "cold water", + "bourbon whiskey", + "chopped fresh sage", + "celery" + ] + }, + { + "id": 16308, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "salt", + "corn starch", + "rolled oats", + "cinnamon", + "fresh raspberries", + "brown sugar", + "lemon zest", + "all-purpose flour", + "chopped pecans", + "peaches", + "vanilla extract", + "lemon juice" + ] + }, + { + "id": 22158, + "cuisine": "italian", + "ingredients": [ + "peaches", + "water", + "sugar", + "wine" + ] + }, + { + "id": 22524, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "cilantro sprigs", + "dal", + "green chile", + "peeled fresh ginger", + "tamarind concentrate", + "ground cumin", + "asafetida (powder)", + "water", + "black mustard seeds", + "plum tomatoes", + "chiles", + "ground coriander", + "ghee" + ] + }, + { + "id": 9639, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "scallions", + "kosher salt", + "garlic", + "sesame oil", + "salt", + "ginger", + "chicken" + ] + }, + { + "id": 35672, + "cuisine": "italian", + "ingredients": [ + "roasted red peppers", + "garlic cloves", + "grape tomatoes", + "crushed red pepper", + "center cut pork chops", + "capers", + "cooking spray", + "fresh parsley", + "cider vinegar", + "salt", + "italian seasoning" + ] + }, + { + "id": 33210, + "cuisine": "french", + "ingredients": [ + "beef stock", + "California bay leaves", + "black peppercorns", + "canned tomatoes", + "onions", + "celery ribs", + "large garlic cloves", + "carrots", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 1942, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "olive oil", + "diced tomatoes", + "kosher salt", + "ground black pepper", + "sugar", + "parmesan cheese", + "garlic", + "dinner rolls", + "mozzarella cheese", + "butter" + ] + }, + { + "id": 21012, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "green onions", + "eggplant", + "dashi", + "miso", + "sake", + "mirin" + ] + }, + { + "id": 30357, + "cuisine": "mexican", + "ingredients": [ + "cinnamon", + "cayenne pepper", + "agave nectar", + "vanilla extract", + "coconut milk", + "water", + "sea salt", + "cacao powder", + "chili powder", + "stevia" + ] + }, + { + "id": 31294, + "cuisine": "british", + "ingredients": [ + "dried lentils", + "baking powder", + "onions", + "white vinegar", + "olive oil", + "salt", + "water", + "butter", + "eggs", + "potatoes", + "all-purpose flour" + ] + }, + { + "id": 34617, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "peaches", + "coconut flour", + "baking soda", + "cinnamon", + "maple syrup", + "coconut oil", + "bourbon whiskey", + "salt", + "turbinado", + "bananas", + "almond meal" + ] + }, + { + "id": 23144, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "red chili peppers", + "chili paste", + "garlic", + "scallions", + "chinese rice wine", + "boneless chicken skinless thigh", + "egg whites", + "rice vinegar", + "white sesame seeds", + "tomato paste", + "soy sauce", + "hoisin sauce", + "salt", + "corn starch", + "sugar", + "ground black pepper", + "sesame oil", + "peanut oil" + ] + }, + { + "id": 37127, + "cuisine": "mexican", + "ingredients": [ + "grape tomatoes", + "pepper", + "chili powder", + "fine sea salt", + "tortilla chips", + "dried parsley", + "mayonaise", + "garlic powder", + "buttermilk", + "purple onion", + "ground cayenne pepper", + "romaine lettuce", + "corn", + "onion powder", + "shredded sharp cheddar cheese", + "greek yogurt", + "avocado", + "black pepper", + "boneless skinless chicken breasts", + "cooked bacon", + "salt", + "dill weed" + ] + }, + { + "id": 30906, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "baby spinach", + "cayenne pepper", + "pepper", + "garam masala", + "ginger", + "onions", + "sugar", + "chopped tomatoes", + "large garlic cloves", + "chickpeas", + "fresh coriander", + "fresh lemon", + "salt", + "cumin" + ] + }, + { + "id": 11438, + "cuisine": "mexican", + "ingredients": [ + "low-fat cheddar cheese", + "Country Crock® Spread", + "lean ground beef", + "salsa", + "fresh cilantro", + "non-fat sour cream", + "mexicorn", + "reduced sodium black beans" + ] + }, + { + "id": 37957, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chili oil", + "dumpling wrappers", + "essence", + "black pepper", + "salt", + "peeled prawns", + "sweet corn" + ] + }, + { + "id": 25088, + "cuisine": "cajun_creole", + "ingredients": [ + "spicy sausage", + "green onions", + "littleneck clams", + "large shrimp", + "olive oil", + "butter", + "fresh mushrooms", + "halibut fillets", + "clam juice", + "linguine", + "mussels", + "seafood seasoning", + "large garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 37084, + "cuisine": "indian", + "ingredients": [ + "vegan butter", + "almond milk", + "sugar", + "salt", + "cashew nuts", + "clove", + "vanilla extract", + "vermicelli noodles", + "golden raisins", + "green cardamom", + "saffron" + ] + }, + { + "id": 30872, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "lo mein noodles", + "salt", + "onions", + "shiitake", + "vegetable oil", + "red bell pepper", + "cabbage", + "fresh ginger", + "cooked chicken", + "carrots", + "snow peas", + "peanuts", + "dry sherry", + "toasted sesame oil", + "chopped garlic" + ] + }, + { + "id": 48286, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "salt", + "chopped cilantro", + "chicken broth", + "lime wedges", + "fat", + "oregano leaves", + "pepper", + "oil", + "onions", + "tomatoes", + "garlic", + "poblano chiles", + "ground cumin" + ] + }, + { + "id": 17509, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "chicken breasts", + "corn starch", + "honey", + "yellow onion", + "water", + "red wine vinegar", + "ground ginger", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 32142, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "gravy", + "kasuri methi", + "milk & cream", + "cumin", + "tomatoes", + "garam masala", + "chili powder", + "salt", + "oil", + "red chili powder", + "finely chopped onion", + "veggies", + "cilantro leaves", + "cashew nuts", + "tumeric", + "yoghurt", + "paneer", + "green chilies" + ] + }, + { + "id": 18593, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil" + ] + }, + { + "id": 28246, + "cuisine": "french", + "ingredients": [ + "mayonaise", + "fresh parsley", + "eggs", + "dry mustard", + "fresh tarragon", + "capers", + "garlic cloves" + ] + }, + { + "id": 20046, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "sake", + "red miso", + "pork cutlets", + "white miso", + "sugar" + ] + }, + { + "id": 34260, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "white pepper", + "water", + "roasted chestnuts", + "sugar", + "chinese black mushrooms", + "dry white wine", + "corn starch", + "soy sauce", + "kosher salt", + "corn oil", + "chicken", + "country ham", + "reduced sodium chicken broth", + "Shaoxing wine", + "ginger" + ] + }, + { + "id": 33209, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning", + "refried beans", + "monterey jack", + "cheddar cheese", + "sour cream", + "cream cheese" + ] + }, + { + "id": 48408, + "cuisine": "jamaican", + "ingredients": [ + "garlic powder", + "parsley", + "cayenne pepper", + "ground cinnamon", + "ground black pepper", + "onion flakes", + "thyme", + "sugar", + "chives", + "salt", + "ground cumin", + "pepper flakes", + "ground nutmeg", + "paprika", + "ground allspice" + ] + }, + { + "id": 18522, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "dry white wine", + "chopped fresh sage", + "ground black pepper", + "chees fresh mozzarella", + "sage", + "prosciutto", + "butter", + "garlic cloves", + "arborio rice", + "leeks", + "salt" + ] + }, + { + "id": 20262, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "garlic cloves", + "eggs", + "salt", + "mayonaise", + "freshly ground pepper", + "melted butter", + "baguette" + ] + }, + { + "id": 45547, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "cayenne", + "ground cardamom", + "spinach leaves", + "fresh ginger", + "ground coriander", + "olive oil", + "plain low fat greek yogurt", + "onions", + "tumeric", + "garam masala", + "garlic cloves" + ] + }, + { + "id": 45101, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "whole peeled tomatoes", + "black mustard seeds", + "ground turmeric", + "chickpea flour", + "kosher salt", + "chile de arbol", + "serrano chile", + "white onion", + "ginger", + "chopped cilantro", + "canola oil", + "curry leaves", + "coriander seeds", + "cumin seed", + "basmati rice" + ] + }, + { + "id": 6154, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "baking soda", + "vegetable oil", + "all-purpose flour", + "corn kernels", + "large eggs", + "crushed red pepper", + "fresh dill", + "low-fat buttermilk", + "large garlic cloves", + "red bell pepper", + "vegetable oil spray", + "baking powder", + "salt" + ] + }, + { + "id": 48575, + "cuisine": "french", + "ingredients": [ + "baguette", + "parmigiano reggiano cheese", + "salt", + "reduced sodium beef broth", + "unsalted butter", + "dry white wine", + "onions", + "water", + "bay leaves", + "all-purpose flour", + "black pepper", + "fresh thyme", + "gruyere cheese" + ] + }, + { + "id": 25086, + "cuisine": "italian", + "ingredients": [ + "garlic", + "flat leaf parsley", + "olive oil", + "carrots", + "penne pasta", + "plum tomatoes", + "anchovies", + "pepperoni" + ] + }, + { + "id": 40809, + "cuisine": "filipino", + "ingredients": [ + "boneless chicken breast", + "oil", + "fried garlic", + "broccoli", + "shrimp", + "sesame oil", + "carrots", + "water", + "pancit canton", + "onions" + ] + }, + { + "id": 16821, + "cuisine": "indian", + "ingredients": [ + "water", + "lemon", + "oil", + "plain flour", + "garam masala", + "salt", + "fennel seeds", + "fresh ginger", + "garlic", + "corn flour", + "chicken wings", + "chili powder", + "green chilies" + ] + }, + { + "id": 23506, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "flour", + "garlic", + "honey", + "baking powder", + "chicken fillets", + "water", + "spring onions", + "salt", + "sesame seeds", + "vegetable oil", + "basmati rice" + ] + }, + { + "id": 3823, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "dry white wine", + "garlic cloves", + "whole peeled tomatoes", + "red pepper flakes", + "olive oil", + "coarse salt", + "juice", + "grated parmesan cheese", + "linguine" + ] + }, + { + "id": 24366, + "cuisine": "french", + "ingredients": [ + "pastis", + "ice cubes", + "almond syrup" + ] + }, + { + "id": 5513, + "cuisine": "mexican", + "ingredients": [ + "masa harina", + "water" + ] + }, + { + "id": 34594, + "cuisine": "cajun_creole", + "ingredients": [ + "milk", + "baking powder", + "all-purpose flour", + "sugar", + "unsalted butter", + "vanilla", + "fresh lemon juice", + "large egg yolks", + "vegetable shortening", + "grated lemon zest", + "water", + "large eggs", + "salt", + "corn starch" + ] + }, + { + "id": 39025, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "lemon wedge", + "shrimp", + "water", + "salt", + "noodles", + "pepper", + "garlic", + "onions", + "pork", + "roast", + "carrots", + "cabbage" + ] + }, + { + "id": 37303, + "cuisine": "southern_us", + "ingredients": [ + "boiling water", + "sugar", + "earl grey tea bags", + "tea bags" + ] + }, + { + "id": 41620, + "cuisine": "italian", + "ingredients": [ + "melon", + "prosciutto" + ] + }, + { + "id": 4800, + "cuisine": "jamaican", + "ingredients": [ + "water", + "finely chopped onion", + "salt", + "ground coriander", + "dried thyme", + "sweet potatoes", + "gingerroot", + "greens", + "lime juice", + "zucchini", + "ground allspice", + "garlic cloves", + "tumeric", + "winter squash", + "diced tomatoes", + "okra" + ] + }, + { + "id": 9174, + "cuisine": "thai", + "ingredients": [ + "mustard", + "soba noodles", + "fresh coriander", + "curry paste", + "vegetables", + "stir fry vegetable blend", + "coconut oil", + "coconut milk" + ] + }, + { + "id": 18605, + "cuisine": "moroccan", + "ingredients": [ + "merguez sausage", + "extra large eggs", + "roasted tomatoes", + "crusty bread", + "harissa", + "ras el hanout", + "cilantro stems", + "extra-virgin olive oil", + "onions", + "kosher salt", + "large garlic cloves", + "smoked paprika" + ] + }, + { + "id": 6106, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "habanero pepper", + "peppercorns", + "chicken wings", + "fresh ginger", + "lemon", + "chili flakes", + "honey", + "apple cider vinegar", + "brown sugar", + "fresh thyme", + "garlic" + ] + }, + { + "id": 10720, + "cuisine": "italian", + "ingredients": [ + "sugar", + "wine", + "strawberries" + ] + }, + { + "id": 19402, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "onions", + "lime juice", + "salt", + "chopped cilantro fresh", + "black pepper", + "zucchini", + "boneless skinless chicken breast halves", + "cherry tomatoes", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 13480, + "cuisine": "moroccan", + "ingredients": [ + "chopped tomatoes", + "cilantro", + "cinnamon sticks", + "olive oil", + "vegetable stock", + "chickpeas", + "onions", + "pepper", + "sweet potatoes", + "salt", + "red bell pepper", + "eggplant", + "raisins", + "garlic cloves" + ] + }, + { + "id": 23523, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "snappers", + "cooking spray", + "capers", + "olive oil", + "garlic cloves", + "fresh basil", + "kosher salt", + "chopped onion", + "pitted kalamata olives", + "ground black pepper", + "sliced mushrooms" + ] + }, + { + "id": 24385, + "cuisine": "southern_us", + "ingredients": [ + "self-rising cornmeal", + "okra", + "buttermilk", + "oil" + ] + }, + { + "id": 38893, + "cuisine": "indian", + "ingredients": [ + "water", + "bawang goreng", + "tumeric", + "red chile powder", + "salt", + "fish sauce", + "minced ginger", + "shallots", + "minced garlic", + "beef", + "peanut oil" + ] + }, + { + "id": 15994, + "cuisine": "spanish", + "ingredients": [ + "baby spinach", + "garlic", + "polenta", + "manchego cheese", + "extra-virgin olive oil", + "onions", + "sherry vinegar", + "vegetable broth", + "butter beans", + "paprika", + "red bell pepper" + ] + }, + { + "id": 13158, + "cuisine": "vietnamese", + "ingredients": [ + "jalapeno chilies", + "english cucumber", + "sugar", + "salt", + "purple onion", + "garlic cloves", + "minced ginger", + "rice vinegar" + ] + }, + { + "id": 19420, + "cuisine": "southern_us", + "ingredients": [ + "soy sauce", + "ground black pepper", + "worcestershire sauce", + "ground coriander", + "brown sugar", + "fresh ginger", + "balsamic vinegar", + "spanish paprika", + "ground cumin", + "bacon drippings", + "kosher salt", + "chile pepper", + "ground mustard", + "chile sauce", + "ketchup", + "minced onion", + "garlic", + "fresh lemon juice" + ] + }, + { + "id": 34352, + "cuisine": "southern_us", + "ingredients": [ + "water", + "cayenne", + "jamon serrano", + "cornmeal", + "white wine", + "olive oil", + "butter", + "smoked paprika", + "dried oregano", + "milk", + "green onions", + "shrimp", + "roasted tomatoes", + "kosher salt", + "parmesan cheese", + "roasted garlic", + "chopped parsley" + ] + }, + { + "id": 40, + "cuisine": "russian", + "ingredients": [ + "active dry yeast", + "white sugar", + "warm water", + "salt", + "baking soda", + "bread flour", + "milk", + "cornmeal" + ] + }, + { + "id": 39338, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "cilantro sprigs", + "gingerroot", + "ground cumin", + "vegetable oil cooking spray", + "lemon wedge", + "chopped onion", + "ground turmeric", + "ground red pepper", + "extra-virgin olive oil", + "ground coriander", + "plain low-fat yogurt", + "chicken breast halves", + "salt", + "garlic cloves" + ] + }, + { + "id": 37218, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "calamansi juice", + "tomatoes", + "radishes", + "banana peppers", + "eggplant", + "rice", + "spinach", + "shell-on shrimp", + "onions" + ] + }, + { + "id": 11684, + "cuisine": "filipino", + "ingredients": [ + "vegetable oil", + "bay leaf", + "ground black pepper", + "garlic", + "apple cider vinegar", + "salt", + "water", + "trout fillet" + ] + }, + { + "id": 19466, + "cuisine": "jamaican", + "ingredients": [ + "coconut oil", + "fresh thyme", + "carrots", + "low sodium soy sauce", + "pepper", + "scallions", + "onions", + "tomatoes", + "kosher salt", + "light coconut milk", + "corn starch", + "chicken legs", + "lime", + "garlic cloves" + ] + }, + { + "id": 19946, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "ciabatta", + "fontina cheese", + "cooking spray", + "fresh basil", + "zesty italian dressing", + "roasted red peppers", + "garlic cloves" + ] + }, + { + "id": 31769, + "cuisine": "mexican", + "ingredients": [ + "enchilada sauce", + "flour tortillas", + "shredded cheddar cheese", + "sour cream", + "crushed pineapple" + ] + }, + { + "id": 44844, + "cuisine": "japanese", + "ingredients": [ + "satsuma imo", + "vegetable oil", + "sesame oil", + "honey", + "toasted sesame seeds" + ] + }, + { + "id": 20851, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "garlic powder", + "all-purpose flour", + "honey", + "unsalted butter", + "dried basil", + "parmesan cheese", + "garlic cloves", + "warm water", + "olive oil", + "salt" + ] + }, + { + "id": 23137, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "zucchini", + "extra-virgin olive oil", + "rotini", + "fat free less sodium chicken broth", + "asiago", + "salt", + "fresh spinach", + "red wine vinegar", + "crushed red pepper", + "navy beans", + "chopped green bell pepper", + "stewed tomatoes", + "chopped onion" + ] + }, + { + "id": 41916, + "cuisine": "greek", + "ingredients": [ + "rocket leaves", + "cooking spray", + "crushed red pepper", + "ground allspice", + "greek yogurt", + "ground black pepper", + "chopped fresh thyme", + "salt", + "fresh lemon juice", + "ground lamb", + "large eggs", + "extra-virgin olive oil", + "dry bread crumbs", + "cucumber", + "feta cheese", + "ground sirloin", + "purple onion", + "garlic cloves", + "chopped fresh mint" + ] + }, + { + "id": 45468, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "rice vinegar", + "sugar", + "sesame oil", + "sauce", + "soy sauce", + "grapeseed oil", + "chow mein noodles", + "green onions", + "yellow onion" + ] + }, + { + "id": 47285, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "sliced almonds", + "yoghurt", + "oil", + "clarified butter", + "garlic paste", + "milk", + "salt", + "lemon juice", + "ginger paste", + "black peppercorns", + "cream", + "boneless chicken", + "ground cardamom", + "saffron", + "clove", + "white pepper", + "garam masala", + "green chilies", + "onions" + ] + }, + { + "id": 46550, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "fresh basil leaves", + "fresh mozzarella", + "wonton wrappers", + "eggs", + "extra-virgin olive oil" + ] + }, + { + "id": 44698, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "dried sage", + "long-grain rice", + "pork sausages", + "water", + "salt", + "red bell pepper", + "pepper", + "giblet", + "garlic cloves", + "celery ribs", + "dried thyme", + "hot sauce", + "onions" + ] + }, + { + "id": 40623, + "cuisine": "indian", + "ingredients": [ + "sweetened condensed milk", + "sweetened coconut flakes", + "sliced almonds", + "ground cardamom" + ] + }, + { + "id": 41176, + "cuisine": "thai", + "ingredients": [ + "tofu", + "basil leaves", + "carrots", + "low sodium soy sauce", + "vegetable oil", + "thai green curry paste", + "lime zest", + "shallots", + "green beans", + "low-fat coconut milk", + "waxy potatoes", + "bamboo shoots" + ] + }, + { + "id": 2340, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "water", + "dashi", + "soy sauce" + ] + }, + { + "id": 8391, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "arborio rice", + "dry white wine", + "garlic cloves", + "bay leaves", + "hot sauce", + "chicken broth", + "butter", + "onions" + ] + }, + { + "id": 33664, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "molasses", + "baking soda", + "yellow onion", + "sour cream", + "chicken stock", + "lime juice", + "bay leaves", + "carrots", + "smoked ham hocks", + "avocado", + "water", + "sweet potatoes", + "garlic cloves", + "chopped cilantro fresh", + "celery ribs", + "dried black beans", + "olive oil", + "salt", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 42236, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sugar", + "garlic", + "red chili peppers", + "white sesame seeds", + "sesame", + "chili pepper" + ] + }, + { + "id": 7043, + "cuisine": "greek", + "ingredients": [ + "tilapia fillets", + "mushroom caps", + "spaghetti", + "olive oil", + "cheese", + "romaine lettuce", + "ground black pepper", + "garlic", + "cherry tomatoes", + "lemon" + ] + }, + { + "id": 5601, + "cuisine": "italian", + "ingredients": [ + "pecorino cheese", + "fennel bulb", + "balsamic vinegar", + "extra-virgin olive oil", + "ground white pepper", + "kosher salt", + "cannellini beans", + "crushed red pepper flakes", + "garlic cloves", + "fresh rosemary", + "cherry tomatoes", + "shallots", + "loosely packed fresh basil leaves", + "fresh lemon juice", + "bread ciabatta", + "baby arugula", + "red wine vinegar", + "purple onion" + ] + }, + { + "id": 9139, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "parmigiano reggiano cheese", + "carnaroli rice", + "saffron threads", + "ground black pepper", + "salt", + "olive oil", + "dry white wine", + "marrow", + "unsalted butter", + "onions" + ] + }, + { + "id": 42008, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "egg whites", + "salt", + "msg", + "vegetable oil", + "shrimp", + "black pepper", + "green onions", + "carrots", + "spring roll wrappers", + "finely chopped onion", + "ground pork" + ] + }, + { + "id": 26927, + "cuisine": "italian", + "ingredients": [ + "brown chicken stock", + "ground black pepper", + "garlic", + "onions", + "parmigiano-reggiano cheese", + "fresh thyme leaves", + "carrots", + "tomatoes", + "mushrooms", + "peanut oil", + "polenta", + "kosher salt", + "extra-virgin olive oil", + "celery" + ] + }, + { + "id": 31878, + "cuisine": "indian", + "ingredients": [ + "maida flour", + "green chilies", + "salt", + "rice flour", + "cheese", + "oil", + "butter", + "cilantro leaves", + "onions" + ] + }, + { + "id": 2435, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "oil", + "green cabbage", + "black pepper", + "celery", + "ground ginger", + "white onion", + "noodles", + "brown sugar", + "garlic" + ] + }, + { + "id": 29782, + "cuisine": "irish", + "ingredients": [ + "dried currants", + "ground nutmeg", + "whipping cream", + "chopped walnuts", + "large egg yolks", + "instant coffee", + "ground allspice", + "cream", + "unsalted butter", + "salt", + "golden brown sugar", + "old-fashioned oats", + "all-purpose flour" + ] + }, + { + "id": 32896, + "cuisine": "spanish", + "ingredients": [ + "french bread", + "garlic cloves", + "cherry tomatoes", + "lemon", + "dry white wine", + "fresh parsley", + "olive oil", + "littleneck clams" + ] + }, + { + "id": 10934, + "cuisine": "cajun_creole", + "ingredients": [ + "worcestershire sauce", + "celery", + "ground black pepper", + "creole seasoning", + "fresh parsley", + "sweet onion", + "garlic", + "medium shrimp", + "butter", + "fresh lemon juice", + "dried rosemary" + ] + }, + { + "id": 33066, + "cuisine": "italian", + "ingredients": [ + "chicken breasts", + "penne pasta", + "tomato sauce", + "crushed red pepper", + "sliced mushrooms", + "fresh basil", + "diced tomatoes", + "garlic cloves", + "parmesan cheese", + "salt", + "dried oregano" + ] + }, + { + "id": 22883, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "poblano peppers", + "corn husks", + "dough", + "cheese" + ] + }, + { + "id": 12855, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "sweetened condensed milk", + "eggs", + "oil", + "butter pecan cake mix", + "frosting", + "water", + "chopped pecans" + ] + }, + { + "id": 34883, + "cuisine": "thai", + "ingredients": [ + "curry powder", + "light coconut milk", + "scallions", + "asian fish sauce", + "low sodium soy sauce", + "cooking spray", + "red curry paste", + "red bell pepper", + "tilapia fillets", + "salt", + "garlic cloves", + "ground cumin", + "brown sugar", + "peeled fresh ginger", + "dark sesame oil", + "chopped cilantro fresh" + ] + }, + { + "id": 28238, + "cuisine": "jamaican", + "ingredients": [ + "salted fish", + "oil", + "black pepper", + "flour", + "bell pepper", + "onions", + "water", + "baking powder" + ] + }, + { + "id": 23857, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic", + "fresh parsley", + "chicken stock", + "long grain brown rice", + "olive oil", + "celery", + "Johnsonville Andouille", + "green pepper", + "onions" + ] + }, + { + "id": 7972, + "cuisine": "southern_us", + "ingredients": [ + "celery salt", + "corn mix muffin", + "onions", + "eggs", + "vegetable oil", + "celery ribs", + "pepper", + "rubbed sage", + "chicken broth", + "cream of chicken soup" + ] + }, + { + "id": 44421, + "cuisine": "chinese", + "ingredients": [ + "large egg whites", + "boneless skinless chicken breasts", + "all-purpose flour", + "canola oil", + "low sodium soy sauce", + "vegetable oil spray", + "red pepper flakes", + "corn starch", + "fresh ginger", + "balsamic vinegar", + "garlic cloves", + "water", + "hoisin sauce", + "Corn Flakes Cereal", + "apricot jam" + ] + }, + { + "id": 25819, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "cornflour", + "firm tofu", + "chillies", + "water", + "ginger", + "sweet corn", + "corn flour", + "black rice vinegar", + "caster sugar", + "Shaoxing wine", + "tamari soy sauce", + "carrots", + "cashew nuts", + "dark soy sauce", + "agave nectar", + "garlic", + "peanut oil", + "onions" + ] + }, + { + "id": 33987, + "cuisine": "greek", + "ingredients": [ + "watermelon seeds", + "honey", + "all-purpose flour", + "sesame seeds", + "white sugar", + "ground cinnamon", + "salt" + ] + }, + { + "id": 20438, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "cooked rigatoni", + "fresh parmesan cheese", + "part-skim mozzarella cheese", + "ground round", + "cooking spray" + ] + }, + { + "id": 3365, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "corn tortillas", + "chipotle chile", + "salsa", + "chopped cilantro fresh", + "avocado", + "corn oil", + "onions", + "canned black beans", + "lime wedges", + "pork butt" + ] + }, + { + "id": 44433, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "cassia cinnamon", + "garlic", + "cilantro leaves", + "ghee", + "green cardamom pods", + "coriander seeds", + "ginger", + "purple onion", + "hot water", + "cumin", + "sugar", + "chili powder", + "paneer", + "green chilies", + "plum tomatoes", + "black peppercorns", + "garam masala", + "kasuri methi", + "salt", + "greek yogurt" + ] + }, + { + "id": 34574, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "peanut oil", + "flank steak", + "asian chile paste", + "fresh ginger", + "garlic cloves", + "baby bok choy", + "dry sherry" + ] + }, + { + "id": 39449, + "cuisine": "cajun_creole", + "ingredients": [ + "green chile", + "seasoning salt", + "diced tomatoes", + "ham", + "small red beans", + "hot pepper sauce", + "white rice", + "andouille sausage", + "olive oil", + "paprika", + "onions", + "aleppo pepper", + "cooked chicken", + "garlic" + ] + }, + { + "id": 11417, + "cuisine": "french", + "ingredients": [ + "fresh marjoram", + "whole peeled tomatoes", + "extra-virgin olive oil", + "ground pepper", + "coarse salt", + "garlic cloves", + "eggplant", + "bell pepper", + "yellow onion", + "zucchini", + "red wine vinegar", + "bay leaf" + ] + }, + { + "id": 2889, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "barolo", + "fresh thyme", + "carrots", + "tomato paste", + "water", + "salt", + "celery ribs", + "black pepper", + "boneless beef chuck roast", + "onions", + "fresh rosemary", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 28930, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "curry powder", + "peeled fresh ginger", + "cilantro sprigs", + "sour cream", + "mango", + "ground cinnamon", + "coconut", + "boneless skinless chicken breasts", + "all-purpose flour", + "unsweetened applesauce", + "ground cumin", + "toasted peanuts", + "bananas", + "mango chutney", + "garlic cloves", + "onions", + "unsweetened coconut milk", + "plain yogurt", + "steamed white rice", + "vegetable oil", + "low salt chicken broth", + "frozen peas" + ] + }, + { + "id": 969, + "cuisine": "british", + "ingredients": [ + "shredded cheddar cheese", + "mushrooms", + "double crust", + "eggs", + "milk", + "yeast extract", + "onions", + "turnips", + "water", + "butter", + "carrots", + "pepper", + "potatoes", + "salt" + ] + }, + { + "id": 38664, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "rice vinegar", + "serrano chilies", + "fresh ginger", + "fresh bean", + "minced garlic", + "salad oil", + "sugar", + "sesame seeds" + ] + }, + { + "id": 28256, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "fresh cilantro", + "jalapeno chilies", + "coconut milk", + "brown sugar", + "lime juice", + "fresh ginger", + "chili sauce", + "fresh pineapple", + "chicken wings", + "soy sauce", + "lime", + "salt", + "chopped cilantro", + "coconut oil", + "lemongrass", + "peanuts", + "creamy peanut butter", + "mango" + ] + }, + { + "id": 25651, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "mandarin oranges", + "chopped pecans", + "frozen whipped topping", + "crushed pineapples in juice", + "yellow cake mix", + "margarine", + "flaked coconut", + "vanilla instant pudding" + ] + }, + { + "id": 4846, + "cuisine": "southern_us", + "ingredients": [ + "soy sauce", + "dried thyme", + "portabello mushroom", + "non dairy milk", + "corn starch", + "yellow corn meal", + "almond butter", + "ground black pepper", + "garlic", + "gluten-free bread", + "onions", + "pepper", + "whole wheat flour", + "vegetable broth", + "salt", + "applesauce", + "fresh rosemary", + "water", + "baking powder", + "chopped celery", + "rubbed sage", + "broth" + ] + }, + { + "id": 27489, + "cuisine": "french", + "ingredients": [ + "Emmenthal", + "garlic cloves", + "fat free less sodium chicken broth", + "dry white wine", + "lady apples", + "kirsch", + "ground nutmeg", + "all-purpose flour" + ] + }, + { + "id": 16162, + "cuisine": "french", + "ingredients": [ + "vegetable oil", + "fresh parsley leaves", + "shallots", + "port", + "fresh orange juice", + "stilton cheese", + "Belgian endive", + "star anise", + "pears" + ] + }, + { + "id": 44298, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "blueberries", + "sugar", + "vanilla", + "blackberries", + "brown sugar", + "flour", + "lemon juice", + "instant oats", + "salt" + ] + }, + { + "id": 18027, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic", + "chicken", + "green olives", + "dry white wine", + "yellow onion", + "roma tomatoes", + "salt", + "olive oil", + "pimentos", + "dried oregano" + ] + }, + { + "id": 3850, + "cuisine": "cajun_creole", + "ingredients": [ + "Johnsonville Smoked Sausage", + "water", + "stewed tomatoes", + "green pepper", + "fresh parsley", + "pepper", + "bay leaves", + "all-purpose flour", + "duck", + "cooked rice", + "dried thyme", + "salt", + "chopped onion", + "canola oil", + "minced garlic", + "worcestershire sauce", + "cayenne pepper", + "celery" + ] + }, + { + "id": 43834, + "cuisine": "cajun_creole", + "ingredients": [ + "all-purpose flour", + "salt", + "vegetable oil", + "eggplant", + "confectioners sugar" + ] + }, + { + "id": 26023, + "cuisine": "southern_us", + "ingredients": [ + "apple cider vinegar", + "carrots", + "olive oil", + "yellow onion", + "collards", + "tomatoes", + "garlic", + "chipotle peppers", + "hot pepper sauce", + "creamy peanut butter" + ] + }, + { + "id": 20802, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "lime wedges", + "dry bread crumbs", + "corn tortillas", + "slaw", + "light mayonnaise", + "cilantro leaves", + "red bell pepper", + "sliced green onions", + "low-fat buttermilk", + "reduced-fat sour cream", + "taco seasoning", + "fillets", + "cooking spray", + "salt", + "baked tortilla chips", + "fresh lime juice" + ] + }, + { + "id": 41105, + "cuisine": "southern_us", + "ingredients": [ + "bananas", + "vanilla extract", + "honey roasted peanuts", + "whipping cream", + "dark brown sugar", + "Nilla Wafers", + "cream cheese", + "butter", + "creamy peanut butter" + ] + }, + { + "id": 16129, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "color food green", + "all-purpose flour", + "vegetable shortening", + "vanilla extract", + "unsweetened cocoa powder", + "white vinegar", + "buttermilk", + "salt", + "baking soda", + "red food coloring", + "white sugar" + ] + }, + { + "id": 5932, + "cuisine": "french", + "ingredients": [ + "olive oil", + "large garlic cloves", + "cinnamon sticks", + "Turkish bay leaves", + "white wine vinegar", + "orange zest", + "whole allspice", + "shallots", + "dark brown sugar", + "lemon zest", + "pink peppercorns", + "picholine" + ] + }, + { + "id": 31270, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "sesame seeds", + "oyster sauce", + "sugar", + "garlic powder", + "corn starch", + "water", + "broccoli" + ] + }, + { + "id": 43103, + "cuisine": "southern_us", + "ingredients": [ + "confectioners sugar", + "butter", + "vanilla extract" + ] + }, + { + "id": 592, + "cuisine": "chinese", + "ingredients": [ + "shiitake", + "oyster sauce", + "wonton skins", + "green onions", + "corn starch", + "eggs", + "ginger" + ] + }, + { + "id": 1943, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "corn tortillas", + "diced tomatoes", + "jalapeno chilies", + "ground beef", + "taco seasoning" + ] + }, + { + "id": 42617, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "green onions", + "garlic", + "rice", + "pepper", + "vegetable oil", + "broccoli", + "unsweetened pineapple juice", + "sugar", + "boneless skinless chicken breasts", + "salt", + "corn starch", + "vinegar", + "ginger", + "cayenne pepper" + ] + }, + { + "id": 19904, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "diced tomatoes", + "penne pasta", + "tomato paste", + "grated parmesan cheese", + "garlic", + "onions", + "olive oil", + "cracked black pepper", + "cream cheese", + "fresh spinach", + "red pepper flakes", + "salt", + "dried oregano" + ] + }, + { + "id": 37478, + "cuisine": "jamaican", + "ingredients": [ + "vegetable stock", + "corn starch", + "scallions", + "large shrimp", + "jamaican jerk spice", + "oil", + "sweet corn", + "celery" + ] + }, + { + "id": 30067, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vegetable oil", + "radishes", + "whole grain mustard", + "slaw mix", + "white vinegar", + "green onions" + ] + }, + { + "id": 15124, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "extra-virgin olive oil", + "garlic cloves", + "red wine vinegar", + "boneless pork loin", + "large garlic cloves", + "freshly ground pepper", + "kosher salt", + "artichokes", + "bay leaf" + ] + }, + { + "id": 27541, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "habanero chile", + "white vinegar", + "garlic cloves", + "white onion" + ] + }, + { + "id": 34347, + "cuisine": "thai", + "ingredients": [ + "frozen shelled edamame", + "kale", + "sesame oil", + "cashew nuts", + "water", + "honey", + "garlic", + "canola oil", + "lemongrass", + "bell pepper", + "cilantro leaves", + "low sodium soy sauce", + "white distilled vinegar", + "green onions", + "carrots" + ] + }, + { + "id": 48811, + "cuisine": "indian", + "ingredients": [ + "milk", + "saffron", + "cardamom pods", + "almonds", + "sugar", + "basmati rice" + ] + }, + { + "id": 21729, + "cuisine": "indian", + "ingredients": [ + "dry coconut", + "sweetened condensed milk", + "cardamom pods", + "vanilla extract", + "oil" + ] + }, + { + "id": 1277, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "garlic powder", + "green onions", + "fresh parsley", + "large egg whites", + "cooking spray", + "part-skim ricotta cheese", + "manicotti shells", + "fresh parmesan cheese", + "garlic", + "dried oregano", + "part-skim mozzarella cheese", + "2% low-fat cottage cheese", + "lemon pepper" + ] + }, + { + "id": 16205, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "garlic", + "peanut oil", + "sliced green onions", + "cooked rice", + "pepper", + "Gold Medal All Purpose Flour", + "onions", + "boneless chicken skinless thigh", + "salt", + "okra", + "pepper sauce", + "bay leaves", + "creole seasoning", + "Progresso™ Chicken Broth" + ] + }, + { + "id": 29821, + "cuisine": "british", + "ingredients": [ + "beef drippings", + "all-purpose flour", + "milk", + "eggs", + "salt", + "water" + ] + }, + { + "id": 36551, + "cuisine": "italian", + "ingredients": [ + "water", + "polenta", + "salt", + "2% reduced-fat milk", + "cream cheese" + ] + }, + { + "id": 10538, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "garlic", + "chopped cilantro fresh", + "fish sauce", + "prawns", + "fresh lime juice", + "kaffir lime leaves", + "palm sugar", + "salt", + "plum tomatoes", + "jasmine rice", + "thai chile", + "galangal" + ] + }, + { + "id": 24769, + "cuisine": "filipino", + "ingredients": [ + "cream of tartar", + "egg yolks", + "powdered sugar", + "vanilla extract", + "sugar", + "condensed milk", + "egg whites" + ] + }, + { + "id": 26817, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "crushed red pepper", + "fine sea salt", + "extra-virgin olive oil", + "fresh parsley", + "water", + "garlic cloves" + ] + }, + { + "id": 49123, + "cuisine": "korean", + "ingredients": [ + "salt", + "eggs", + "seafood", + "all-purpose flour", + "water", + "scallions" + ] + }, + { + "id": 12551, + "cuisine": "southern_us", + "ingredients": [ + "seasoning salt", + "dry bread crumbs", + "pepper", + "salt", + "chicken", + "melted butter", + "basil", + "oregano", + "parmesan cheese", + "oil" + ] + }, + { + "id": 3337, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "confectioners sugar", + "water", + "strawberries", + "unsalted butter", + "brioche bread", + "eggs", + "vanilla extract" + ] + }, + { + "id": 46574, + "cuisine": "cajun_creole", + "ingredients": [ + "peeled shrimp", + "olive oil", + "olive oil flavored cooking spray", + "low sodium worcestershire sauce", + "creole seasoning", + "butter" + ] + }, + { + "id": 25141, + "cuisine": "thai", + "ingredients": [ + "reduced sodium beef broth", + "flank steak", + "ginger", + "thai green curry paste", + "honey", + "lime wedges", + "red bell pepper", + "soy sauce", + "shallots", + "scallions", + "asian fish sauce", + "egg noodles", + "vegetable oil", + "fresh lime juice" + ] + }, + { + "id": 38260, + "cuisine": "french", + "ingredients": [ + "great northern beans", + "water", + "diced tomatoes", + "chopped onion", + "fresh parsley", + "black pepper", + "chicken breasts", + "acorn squash", + "smoked turkey sausage", + "marsala wine", + "dried basil", + "bacon slices", + "garlic cloves", + "butter-margarine blend", + "dried thyme", + "salt", + "carrots" + ] + }, + { + "id": 7479, + "cuisine": "chinese", + "ingredients": [ + "baby spinach", + "scallions", + "toasted sesame oil", + "black sesame seeds", + "salt", + "Chinese egg noodles", + "vegetable oil", + "fresh mushrooms", + "white sesame seeds", + "light soy sauce", + "garlic", + "chinese five-spice powder" + ] + }, + { + "id": 20093, + "cuisine": "southern_us", + "ingredients": [ + "pure maple syrup", + "unsalted butter", + "all-purpose flour", + "pure vanilla extract", + "sugar", + "buttermilk", + "brown sugar", + "egg yolks", + "turbinado", + "water", + "salt" + ] + }, + { + "id": 42658, + "cuisine": "mexican", + "ingredients": [ + "jicama", + "green bell pepper", + "cucumber", + "seasoning", + "lemon juice", + "orange" + ] + }, + { + "id": 47158, + "cuisine": "italian", + "ingredients": [ + "whole wheat pizza crust", + "artichoke hearts", + "cooked chicken breasts", + "pasta sauce", + "red bell pepper", + "part-skim mozzarella cheese" + ] + }, + { + "id": 22425, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "chili powder", + "salsa", + "corn tortillas", + "rub", + "garlic powder", + "onion powder", + "yellow onion", + "cumin", + "green bell pepper", + "jalapeno chilies", + "cilantro", + "cayenne pepper", + "black pepper", + "flank steak", + "salt", + "red bell pepper" + ] + }, + { + "id": 31193, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "green onions", + "vegetable oil", + "english cucumber", + "noodles", + "red chili peppers", + "soya bean", + "szechwan peppercorns", + "salt", + "rapeseed oil", + "sugar", + "vinegar", + "seeds", + "star anise", + "garlic cloves", + "boneless chicken breast", + "spring onions", + "ginger", + "oil" + ] + }, + { + "id": 7303, + "cuisine": "cajun_creole", + "ingredients": [ + "cinnamon rolls", + "sugar" + ] + }, + { + "id": 30372, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "chicken breasts", + "purple onion", + "flat leaf parsley", + "tomatoes", + "french bread", + "low sodium vegetable juice", + "garlic cloves", + "chopped green bell pepper", + "red wine vinegar", + "salt", + "water", + "cooking spray", + "extra-virgin olive oil", + "cucumber" + ] + }, + { + "id": 40446, + "cuisine": "italian", + "ingredients": [ + "all-purpose flour", + "eggs", + "salt" + ] + }, + { + "id": 19967, + "cuisine": "irish", + "ingredients": [ + "white onion", + "potatoes", + "salt", + "olive oil", + "vegetable stock", + "pepper", + "chives", + "crème fraîche", + "fennel bulb", + "large garlic cloves" + ] + }, + { + "id": 27255, + "cuisine": "indian", + "ingredients": [ + "unsweetened coconut milk", + "vegetable oil", + "cayenne pepper", + "chopped cilantro fresh", + "curry powder", + "diced tomatoes", + "fresh lemon juice", + "large shrimp", + "tumeric", + "large garlic cloves", + "ground coriander", + "plain whole-milk yogurt", + "garam masala", + "onion tops", + "onions" + ] + }, + { + "id": 29439, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "shredded cheddar cheese", + "chives", + "green onions", + "taco seasoning mix", + "sour cream" + ] + }, + { + "id": 25968, + "cuisine": "italian", + "ingredients": [ + "parsley sprigs", + "large eggs", + "large garlic cloves", + "purple onion", + "garlic cloves", + "chicken stock", + "ground nutmeg", + "potatoes", + "chopped celery", + "all-purpose flour", + "flat leaf parsley", + "tomato paste", + "ground black pepper", + "butter", + "crushed red pepper", + "sweet italian sausage", + "olive oil", + "grated parmesan cheese", + "extra-virgin olive oil", + "salt", + "carrots" + ] + }, + { + "id": 7539, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "parmigiano reggiano cheese", + "yellow onion", + "ground beef", + "celery ribs", + "milk", + "ground pork", + "garlic cloves", + "pancetta", + "kosher salt", + "bay leaves", + "freshly ground pepper", + "tagliatelle", + "tomato paste", + "olive oil", + "dry red wine", + "carrots" + ] + }, + { + "id": 39393, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "sour cream", + "cheddar cheese", + "garlic", + "onions", + "tortillas", + "ground beef", + "jack cheese", + "enchilada sauce" + ] + }, + { + "id": 859, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "all-purpose flour", + "light brown sugar", + "vanilla extract", + "toasted sesame seeds", + "baking soda", + "salt", + "butter", + "fresh lemon juice" + ] + }, + { + "id": 40117, + "cuisine": "thai", + "ingredients": [ + "honey", + "napa cabbage", + "english cucumber", + "fresh lime juice", + "sliced green onions", + "fresh basil", + "lower sodium soy sauce", + "salt", + "Thai fish sauce", + "coleslaw", + "black pepper", + "light pancake syrup", + "cilantro leaves", + "beef tenderloin steaks", + "grated orange", + "olive oil", + "mandarin oranges", + "garlic cloves", + "serrano chile" + ] + }, + { + "id": 37794, + "cuisine": "indian", + "ingredients": [ + "sweet potatoes", + "green beans", + "poppadoms", + "red chili peppers", + "vegetable stock", + "curry paste", + "basmati rice", + "cauliflower", + "vegetable oil", + "mustard seeds", + "cashew nuts", + "fresh coriander", + "lemon juice", + "onions", + "saffron" + ] + }, + { + "id": 41585, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "diced tomatoes", + "corn tortillas", + "black pepper", + "garlic", + "onions", + "cotija", + "cilantro", + "fresh lime juice", + "avocado", + "jalapeno chilies", + "salt", + "chicken" + ] + }, + { + "id": 13234, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "dark sesame oil", + "onions", + "low sodium soy sauce", + "flank steak", + "garlic cloves", + "peeled fresh ginger", + "peanut oil", + "spaghetti", + "chile paste with garlic", + "broccoli", + "oyster sauce" + ] + }, + { + "id": 45366, + "cuisine": "italian", + "ingredients": [ + "fresh thyme", + "penne pasta", + "fresh parsley", + "olive oil", + "garlic", + "chopped onion", + "italian seasoning", + "sugar", + "red pepper flakes", + "chunky tomato sauce", + "fresh basil leaves", + "ground black pepper", + "salt", + "ground beef" + ] + }, + { + "id": 1598, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "Italian parsley leaves", + "dried oregano", + "Tabasco Pepper Sauce", + "purple onion", + "bay leaves", + "bacon", + "black-eyed peas", + "coarse sea salt", + "garlic cloves" + ] + }, + { + "id": 25065, + "cuisine": "italian", + "ingredients": [ + "prosecco", + "brandy", + "strawberries", + "powdered sugar" + ] + }, + { + "id": 14109, + "cuisine": "japanese", + "ingredients": [ + "salmon fillets", + "lemon", + "fresh lemon juice", + "shiro miso", + "olive oil", + "navel oranges", + "fresh chives", + "fresh orange juice", + "sake", + "fresh shiitake mushrooms", + "cilantro leaves" + ] + }, + { + "id": 16702, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "all-purpose flour", + "flat leaf parsley", + "capers", + "dry white wine", + "freshly ground pepper", + "pork cutlets", + "prosciutto", + "anchovy fillets", + "kosher salt", + "lemon", + "garlic cloves" + ] + }, + { + "id": 36230, + "cuisine": "korean", + "ingredients": [ + "honey", + "garlic", + "green onions", + "chicken thighs", + "fresh ginger", + "rice vinegar", + "soy sauce", + "chili powder" + ] + }, + { + "id": 32535, + "cuisine": "italian", + "ingredients": [ + "celery salt", + "condensed cream of mushroom soup", + "bay leaf", + "water", + "yellow onion", + "dried oregano", + "tomatoes", + "shredded sharp cheddar cheese", + "ground beef", + "dried basil", + "elbow macaroni" + ] + }, + { + "id": 14411, + "cuisine": "mexican", + "ingredients": [ + "condensed tomato soup", + "chunky salsa", + "milk", + "sour cream", + "shredded cheese", + "flour tortillas", + "ground beef" + ] + }, + { + "id": 2955, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "ground black pepper", + "green onions", + "garlic cloves", + "fat free less sodium chicken broth", + "cooking spray", + "salt", + "corn starch", + "water", + "peeled fresh ginger", + "grated lemon zest", + "five-spice powder", + "brown sugar", + "pork tenderloin", + "dry sherry", + "fresh lemon juice" + ] + }, + { + "id": 20132, + "cuisine": "spanish", + "ingredients": [ + "fresh chives", + "manchego cheese", + "low salt chicken broth", + "sourdough bread", + "large garlic cloves", + "saffron threads", + "olive oil", + "salt", + "baguette", + "dry white wine" + ] + }, + { + "id": 13244, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "bacon slices", + "water", + "frozen corn kernels", + "pepper", + "creole seasoning", + "seasoning", + "chopped tomatoes", + "okra" + ] + }, + { + "id": 19834, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "Gochujang base", + "light brown sugar", + "sesame oil", + "chicken pieces", + "honey", + "garlic cloves", + "brown rice vinegar", + "yellow onion" + ] + }, + { + "id": 11009, + "cuisine": "french", + "ingredients": [ + "dried thyme", + "green peas", + "egg yolks", + "all-purpose flour", + "potatoes", + "shoulder roast", + "white onion", + "mushrooms", + "carrots" + ] + }, + { + "id": 46634, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salt", + "green onions", + "large shrimp", + "unsalted butter", + "onions", + "water", + "garlic" + ] + }, + { + "id": 45565, + "cuisine": "russian", + "ingredients": [ + "water", + "bay leaf", + "white vinegar", + "salt", + "garlic", + "turnips", + "beets" + ] + }, + { + "id": 31427, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "cayenne", + "all-purpose flour", + "bottled clam juice", + "vegetable oil", + "large shrimp", + "scallion greens", + "chopped green bell pepper", + "onions", + "water", + "salt" + ] + }, + { + "id": 47371, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "ground black pepper", + "black olives", + "flat leaf parsley", + "tomato sauce", + "dry red wine", + "dry bread crumbs", + "dried oregano", + "eggs", + "lean ground beef", + "salt", + "pimento stuffed green olives", + "kasseri", + "olive oil", + "garlic", + "chopped onion", + "ground lamb" + ] + }, + { + "id": 48654, + "cuisine": "vietnamese", + "ingredients": [ + "superfine sugar", + "corn starch", + "mint", + "vietnamese fish sauce", + "vegetable oil", + "chopped cilantro", + "chicken wings", + "garlic cloves" + ] + }, + { + "id": 43933, + "cuisine": "mexican", + "ingredients": [ + "reduced fat sharp cheddar cheese", + "garlic", + "flour tortillas", + "sliced green onions", + "low-fat plain yogurt", + "converted rice", + "ground cumin", + "canned black beans", + "salsa" + ] + }, + { + "id": 37628, + "cuisine": "british", + "ingredients": [ + "bread crumbs", + "golden syrup", + "black treacle", + "salt", + "plain flour", + "unsalted butter", + "juice", + "sugar", + "free range egg" + ] + }, + { + "id": 24162, + "cuisine": "indian", + "ingredients": [ + "salt", + "clarified butter", + "baking yeast", + "water", + "bread flour" + ] + }, + { + "id": 15914, + "cuisine": "mexican", + "ingredients": [ + "whitefish", + "salt", + "lime juice", + "corn tortillas", + "pepper", + "oil", + "chili powder", + "cumin" + ] + }, + { + "id": 39409, + "cuisine": "mexican", + "ingredients": [ + "chicken legs", + "sweet onion", + "garlic cloves", + "tomato paste", + "kosher salt", + "raisins", + "unsweetened cocoa powder", + "ground cinnamon", + "water", + "smoked almonds", + "ground cumin", + "chipotle chile", + "ground black pepper", + "adobo sauce" + ] + }, + { + "id": 14197, + "cuisine": "mexican", + "ingredients": [ + "cooked meatballs", + "shredded Monterey Jack cheese", + "green bell pepper", + "salsa", + "black beans", + "sour cream", + "flour tortillas" + ] + }, + { + "id": 13600, + "cuisine": "vietnamese", + "ingredients": [ + "clove", + "sugar", + "jalapeno chilies", + "anise", + "oil", + "fish sauce", + "thai basil", + "lime wedges", + "beef broth", + "mung bean sprouts", + "fennel seeds", + "kosher salt", + "mushrooms", + "cilantro", + "cinnamon sticks", + "top round steak", + "Sriracha", + "rice noodles", + "yellow onion" + ] + }, + { + "id": 18559, + "cuisine": "spanish", + "ingredients": [ + "medium eggs", + "sweet mini bells", + "extra-virgin olive oil", + "potatoes", + "onions", + "salt" + ] + }, + { + "id": 13668, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "flank steak", + "garlic cloves", + "fresh ginger", + "pineapple", + "red bell pepper", + "honey", + "baby spinach", + "garlic chili sauce", + "orange", + "reduced sodium soy sauce", + "seasoned rice wine vinegar", + "canola oil" + ] + }, + { + "id": 12738, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "onions", + "streaky bacon", + "risotto rice", + "grated parmesan cheese", + "chicken stock", + "chestnut mushrooms" + ] + }, + { + "id": 31808, + "cuisine": "chinese", + "ingredients": [ + "water", + "brown rice", + "sliced green onions", + "pepper", + "large eggs", + "dark sesame oil", + "low sodium soy sauce", + "shiitake", + "green peas", + "minced garlic", + "dry white wine", + "carrots" + ] + }, + { + "id": 42416, + "cuisine": "mexican", + "ingredients": [ + "salt", + "jalapeno chilies", + "tomatillos", + "white onion", + "chopped cilantro fresh" + ] + }, + { + "id": 911, + "cuisine": "french", + "ingredients": [ + "vegetable oil", + "baking potatoes" + ] + }, + { + "id": 26673, + "cuisine": "chinese", + "ingredients": [ + "fresh spinach", + "chicken", + "chinese rice wine", + "scallions", + "rice stick noodles", + "water", + "garlic chives", + "gingerroot" + ] + }, + { + "id": 26600, + "cuisine": "japanese", + "ingredients": [ + "chicken wings", + "dashi kombu", + "vegetable oil", + "scallions", + "chicken bones", + "leeks", + "garlic", + "soy sauce", + "soy milk", + "ginger", + "toasted sesame oil", + "water", + "ramen noodles", + "salt" + ] + }, + { + "id": 38571, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "large eggs", + "vegetable oil", + "ground ginger", + "honey", + "green onions", + "rice vinegar", + "chicken broth", + "garlic powder", + "boneless skinless chicken breasts", + "corn starch", + "brown sugar", + "chili paste", + "sesame oil", + "toasted sesame seeds" + ] + }, + { + "id": 8786, + "cuisine": "southern_us", + "ingredients": [ + "ground ginger", + "sugar", + "pastry dough", + "corn starch", + "solid pack pumpkin", + "large eggs", + "ground allspice", + "ground cinnamon", + "honey", + "whipping cream", + "pecan halves", + "unsalted butter", + "salt" + ] + }, + { + "id": 24837, + "cuisine": "indian", + "ingredients": [ + "black gram", + "dried red chile peppers", + "asafoetida", + "cumin seed", + "black peppercorns", + "salt", + "bengal gram", + "oil" + ] + }, + { + "id": 10519, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "tomato sauce", + "dried basil", + "large eggs", + "garlic", + "onions", + "fresh basil", + "water", + "lasagna noodles", + "crushed red pepper flakes", + "all-purpose flour", + "eggs", + "mozzarella cheese", + "parmesan cheese", + "diced tomatoes", + "salt", + "italian sausage", + "black pepper", + "olive oil", + "ricotta cheese", + "crushed red pepper", + "italian seasoning" + ] + }, + { + "id": 12281, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "cumin", + "whole wheat tortillas", + "chicken", + "jack cheese", + "salsa", + "sweet onion", + "red bell pepper" + ] + }, + { + "id": 8332, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "sea salt", + "sugar", + "cooking spray", + "all-purpose flour", + "dry yeast", + "fine sea salt", + "warm water", + "chopped fresh thyme", + "garlic cloves" + ] + }, + { + "id": 16947, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "tortilla chips", + "chili", + "American cheese", + "green onions" + ] + }, + { + "id": 19476, + "cuisine": "greek", + "ingredients": [ + "granulated sugar", + "flavored oil", + "greek style plain yogurt", + "agave nectar", + "strawberries" + ] + }, + { + "id": 13774, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "whiskey", + "peaches", + "water", + "teas" + ] + }, + { + "id": 47828, + "cuisine": "chinese", + "ingredients": [ + "brown rice vinegar", + "corn starch", + "vegetable oil", + "white sugar", + "cold water", + "salt", + "baby bok choy", + "dried red chile peppers" + ] + }, + { + "id": 9920, + "cuisine": "cajun_creole", + "ingredients": [ + "active dry yeast", + "all-purpose flour", + "eggs", + "heavy cream", + "confectioners sugar", + "granulated sugar", + "peanut oil", + "warm water", + "salt" + ] + }, + { + "id": 15245, + "cuisine": "cajun_creole", + "ingredients": [ + "instant rice", + "worcestershire sauce", + "low sodium tomato", + "boneless skinless chicken breasts", + "celery", + "tomato paste", + "reduced sodium chicken broth", + "sweet pepper", + "peeled deveined shrimp", + "cajun seasoning", + "onions" + ] + }, + { + "id": 49119, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "lemon", + "white sugar", + "baking powder", + "corn starch", + "vegetable oil", + "kirsch", + "milk", + "all-purpose flour" + ] + }, + { + "id": 22970, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "salt", + "greek yogurt", + "large shrimp", + "tumeric", + "yellow onion", + "chopped cilantro", + "minced garlic", + "rice", + "cashew nuts", + "minced ginger", + "flavored oil", + "plum tomatoes" + ] + }, + { + "id": 43104, + "cuisine": "british", + "ingredients": [ + "ground cinnamon", + "milk", + "salt", + "brown sugar", + "unsalted butter", + "free-range eggs", + "strong white bread flour", + "mixed dried fruit", + "yeast", + "caster sugar", + "vegetable oil" + ] + }, + { + "id": 20819, + "cuisine": "vietnamese", + "ingredients": [ + "chinese rock sugar", + "light soy sauce", + "szechwan peppercorns", + "scallions", + "chopped cilantro", + "water", + "chuck roast", + "salt", + "garlic cloves", + "canola oil", + "dark soy sauce", + "fresh ginger", + "star anise", + "chinese five-spice powder", + "serrano chile", + "broccolini", + "Shaoxing wine", + "bean sauce", + "Chinese egg noodles" + ] + }, + { + "id": 46578, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lasagna noodles, cooked and drained", + "tomato basil sauce", + "zucchini", + "part-skim ricotta cheese", + "red bell pepper", + "pesto", + "cooking spray", + "purple onion", + "part-skim mozzarella cheese", + "sliced carrots", + "sliced mushrooms" + ] + }, + { + "id": 39564, + "cuisine": "italian", + "ingredients": [ + "fresh cilantro", + "salt", + "chicken", + "eggs", + "barbecue sauce", + "cornmeal", + "cauliflower", + "olive oil", + "shredded mozzarella cheese", + "pepper", + "purple onion", + "italian seasoning" + ] + }, + { + "id": 11015, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "creole seafood seasoning", + "butter", + "red bell pepper", + "creole mustard", + "lump crab meat", + "fresh thyme", + "cook egg hard", + "mayonaise", + "prepared horseradish", + "green onions", + "freshly ground pepper", + "capers", + "corn kernels", + "jalapeno chilies", + "purple onion" + ] + }, + { + "id": 23123, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "finely chopped onion", + "large garlic cloves", + "lemon juice", + "scallion greens", + "cider vinegar", + "Tabasco Pepper Sauce", + "dijon style mustard", + "light brown sugar", + "italian tomatoes", + "oxtails", + "worcestershire sauce", + "seasoned flour", + "chili beans", + "cayenne", + "vegetable oil", + "gingerroot" + ] + }, + { + "id": 55, + "cuisine": "mexican", + "ingredients": [ + "knorr garlic minicub", + "disco empanada frozen", + "eggs", + "raisins", + "ground beef", + "vegetable oil", + "pimento stuffed olives", + "water", + "knorr chicken flavor bouillon", + "onions" + ] + }, + { + "id": 34249, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "anchovies", + "pickled beets", + "boiling water", + "romaine lettuce", + "feta cheese", + "shrimp", + "green bell pepper", + "olive oil", + "fresh oregano", + "iceberg lettuce", + "salad", + "pitted kalamata olives", + "red wine vinegar", + "cucumber" + ] + }, + { + "id": 1561, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "butter", + "noodles", + "olive oil", + "fresh lemon juice", + "pepper", + "salt", + "chicken broth", + "chicken breasts", + "fresh parsley" + ] + }, + { + "id": 18860, + "cuisine": "japanese", + "ingredients": [ + "garlic paste", + "cinnamon", + "oil", + "cashew nuts", + "tomatoes", + "cream", + "paneer", + "onions", + "clove", + "red chili peppers", + "butter", + "bay leaf", + "red chili powder", + "coriander powder", + "salt", + "coriander" + ] + }, + { + "id": 28941, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "honey", + "spring onions", + "chinese five-spice powder", + "water", + "white rice vinegar", + "star anise", + "minced garlic", + "hoisin sauce", + "szechwan peppercorns", + "sugar", + "minced ginger", + "Shaoxing wine", + "salt" + ] + }, + { + "id": 22296, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "all-purpose flour", + "nonfat buttermilk", + "baking powder", + "vegetable oil cooking spray", + "salt", + "baking soda", + "margarine" + ] + }, + { + "id": 45618, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "cooking spray", + "seasoned rice wine vinegar", + "cucumber", + "chile paste with garlic", + "shredded carrots", + "salt", + "garlic cloves", + "fat free less sodium chicken broth", + "peeled fresh ginger", + "peanut butter", + "sliced green onions", + "low sodium soy sauce", + "udon", + "ground pork", + "dark sesame oil" + ] + }, + { + "id": 21479, + "cuisine": "korean", + "ingredients": [ + "chives", + "salt", + "ground black pepper", + "crushed red pepper", + "soy sauce", + "flank steak", + "long-grain rice", + "fresh ginger", + "sesame oil", + "chopped garlic" + ] + }, + { + "id": 3311, + "cuisine": "mexican", + "ingredients": [ + "brown rice", + "red bell pepper", + "boneless skinless chicken breasts", + "cream cheese", + "vegetable soup", + "corn tortillas", + "cheese", + "ground cumin" + ] + }, + { + "id": 38510, + "cuisine": "british", + "ingredients": [ + "pepper", + "whole milk yoghurt", + "lemon", + "mustard seeds", + "tomatoes", + "fresh cilantro", + "spring onions", + "garlic", + "smoked & dried fish", + "curry powder", + "large eggs", + "ginger", + "onions", + "basmati", + "hot chili", + "butter", + "salt" + ] + }, + { + "id": 14952, + "cuisine": "mexican", + "ingredients": [ + "spinach leaves", + "tomatillos", + "corn tortillas", + "jalapeno chilies", + "green chilies", + "water", + "grated jack cheese", + "green onions", + "garlic cloves" + ] + }, + { + "id": 6267, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "milk", + "pecorino romano cheese", + "fresh parsley", + "sugar", + "crumbs", + "garlic", + "eggs", + "ground black pepper", + "extra-virgin olive oil", + "ground chicken", + "balsamic vinegar", + "salt" + ] + }, + { + "id": 25594, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "water", + "tomato juice", + "chives", + "garlic cloves", + "fresh basil", + "olive oil", + "mushroom caps", + "shallots", + "corn starch", + "black pepper", + "won ton wrappers", + "chopped fresh chives", + "salt", + "shiitake mushroom caps", + "white wine", + "fresh parmesan cheese", + "leeks", + "chopped onion" + ] + }, + { + "id": 49048, + "cuisine": "korean", + "ingredients": [ + "water", + "salt", + "eggs", + "sesame oil", + "carrots", + "processed cheese", + "sushi nori", + "cooked ham", + "white rice", + "cucumber" + ] + }, + { + "id": 9194, + "cuisine": "spanish", + "ingredients": [ + "sherry vinegar", + "mixed greens", + "pinenuts", + "extra-virgin olive oil", + "pepper", + "salt", + "green olives", + "roasted red peppers" + ] + }, + { + "id": 8200, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "half & half", + "bacon", + "spaghetti", + "chicken bouillon", + "shallots", + "garlic", + "marsala wine", + "green onions", + "tomatoes with juice", + "grated parmesan cheese", + "vegetable oil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 10824, + "cuisine": "spanish", + "ingredients": [ + "milk", + "eggs", + "extra large eggs", + "granulated sugar", + "vanilla beans", + "whipping cream" + ] + }, + { + "id": 6762, + "cuisine": "italian", + "ingredients": [ + "green cabbage", + "pasta shell small", + "russet potatoes", + "onions", + "water", + "grated parmesan cheese", + "salt", + "fresh basil", + "zucchini", + "extra-virgin olive oil", + "chopped garlic", + "celery ribs", + "chopped tomatoes", + "red beans", + "carrots" + ] + }, + { + "id": 14379, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "fresh cilantro", + "chili powder", + "all-purpose flour", + "red bell pepper", + "ground cumin", + "shredded cheddar cheese", + "baking powder", + "salt", + "pinto beans", + "dried oregano", + "shortening", + "milk", + "chile pepper", + "freshly ground pepper", + "cornmeal", + "black beans", + "zucchini", + "vegetable oil", + "garlic cloves", + "onions" + ] + }, + { + "id": 9676, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "baking soda", + "butter", + "dumplings", + "water", + "flour", + "roasting chickens", + "onions", + "chicken stock", + "roasting hen", + "parsley", + "carrots", + "pepper", + "crisco", + "salt", + "celery" + ] + }, + { + "id": 25800, + "cuisine": "italian", + "ingredients": [ + "eggs", + "all-purpose flour", + "butter", + "anise extract", + "baking powder", + "candied fruit", + "salt", + "white sugar" + ] + }, + { + "id": 45639, + "cuisine": "indian", + "ingredients": [ + "minced ginger", + "heavy cream", + "onions", + "minced garlic", + "garam masala", + "salt", + "ground turmeric", + "tomato paste", + "honey", + "lamb shoulder", + "chopped cilantro fresh", + "water", + "butter", + "cayenne pepper" + ] + }, + { + "id": 7323, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "garlic", + "chopped cilantro", + "lemon", + "cayenne pepper", + "chicken", + "garam masala", + "salt", + "cumin", + "ginger", + "oil" + ] + }, + { + "id": 328, + "cuisine": "italian", + "ingredients": [ + "parmigiano-reggiano cheese", + "salt", + "chicken cutlets", + "grated lemon peel", + "ground black pepper", + "flat leaf parsley", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 16820, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "garlic powder", + "diced tomatoes", + "freshly ground pepper", + "tomato paste", + "olive oil", + "chili powder", + "salt", + "ground cumin", + "water", + "cayenne", + "garlic", + "ground beef", + "brown sugar", + "kidney beans", + "onion powder", + "yellow onion" + ] + }, + { + "id": 5792, + "cuisine": "british", + "ingredients": [ + "buns", + "honey", + "white bread flour", + "yeast", + "ground cinnamon", + "ground cloves", + "unsalted butter", + "salt", + "eggs", + "milk", + "granulated sugar", + "dark brown sugar", + "pure vanilla extract", + "sultana", + "ground nutmeg", + "raisins", + "fine granulated sugar" + ] + }, + { + "id": 34556, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "ground black pepper", + "salt", + "fresh lemon juice", + "boneless chicken skinless thigh", + "chopped fresh thyme", + "lemon rind", + "green olives", + "cooking spray", + "fresh oregano", + "olive oil", + "crushed red pepper", + "garlic cloves" + ] + }, + { + "id": 48101, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "Mexican cheese blend", + "whole wheat tortillas", + "red bell pepper", + "green bell pepper", + "olive oil", + "chili powder", + "cilantro leaves", + "cumin", + "corn kernels", + "fat-free refried beans", + "garlic", + "onions", + "black beans", + "ground black pepper", + "Old El Paso™ chopped green chiles", + "enchilada sauce" + ] + }, + { + "id": 8692, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "basil leaves", + "dark brown sugar", + "canola oil", + "lower sodium soy sauce", + "lime wedges", + "fresh lime juice", + "ground chicken", + "shallots", + "red bell pepper", + "ground black pepper", + "garlic", + "serrano chile" + ] + }, + { + "id": 49140, + "cuisine": "korean", + "ingredients": [ + "water", + "sesame oil", + "onions", + "soy sauce", + "sesame seeds", + "salt", + "pepper flakes", + "anchovies", + "garlic", + "dried kelp", + "green onions", + "soybean sprouts" + ] + }, + { + "id": 5280, + "cuisine": "southern_us", + "ingredients": [ + "nutmeg", + "peaches", + "butter", + "sugar", + "baking powder", + "brown sugar", + "quick oats", + "allspice", + "almond flour", + "cinnamon" + ] + }, + { + "id": 1114, + "cuisine": "cajun_creole", + "ingredients": [ + "white onion", + "extra-virgin olive oil", + "green onions", + "long grain white rice", + "crumbles", + "celery", + "chicken broth", + "cajun seasoning", + "sage" + ] + }, + { + "id": 48449, + "cuisine": "thai", + "ingredients": [ + "pork", + "rice noodles", + "fresh basil leaves", + "olive oil", + "salt", + "soy sauce", + "garlic", + "white sugar", + "serrano peppers", + "beansprouts" + ] + }, + { + "id": 11357, + "cuisine": "italian", + "ingredients": [ + "linguine", + "scallion greens", + "garlic cloves", + "scallions", + "olive oil", + "medium shrimp" + ] + }, + { + "id": 25460, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "dry white wine", + "garlic cloves", + "unsalted butter", + "chopped fresh thyme", + "fresh parsley", + "ground black pepper", + "shallots", + "country bread", + "mushrooms", + "extra-virgin olive oil" + ] + }, + { + "id": 35358, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "balsamic vinegar", + "garlic cloves", + "olive oil" + ] + }, + { + "id": 27086, + "cuisine": "chinese", + "ingredients": [ + "powdered sugar", + "milk", + "butter", + "oil", + "eggs", + "wine", + "rum", + "chocolate", + "vanilla ice cream", + "flour", + "mandarin oranges", + "mint", + "pinenuts", + "cinnamon", + "salt" + ] + }, + { + "id": 23853, + "cuisine": "indian", + "ingredients": [ + "water", + "baby spinach", + "chopped onion", + "cucumber", + "dried lentils", + "whole wheat pita", + "reduced-fat sour cream", + "cumin seed", + "ground turmeric", + "minced garlic", + "fresh ginger", + "salt", + "fresh lemon juice", + "yellow mustard seeds", + "olive oil", + "crushed red pepper", + "organic vegetable broth", + "plum tomatoes" + ] + }, + { + "id": 26834, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "grated parmesan cheese", + "low salt chicken broth", + "fennel seeds", + "fennel bulb", + "tortellini", + "olive oil", + "large garlic cloves", + "baby spinach leaves", + "crimini mushrooms", + "heavy whipping cream" + ] + }, + { + "id": 45755, + "cuisine": "mexican", + "ingredients": [ + "radishes", + "purple onion", + "avocado", + "red wine vinegar", + "pink grapefruit", + "jicama", + "salt", + "pepper", + "garlic", + "fresh basil leaves" + ] + }, + { + "id": 2527, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "ground cinnamon", + "meat" + ] + }, + { + "id": 48186, + "cuisine": "filipino", + "ingredients": [ + "water", + "coconut milk", + "sago", + "honeydew melon", + "sugar", + "salt" + ] + }, + { + "id": 7305, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "purple onion", + "plum tomatoes", + "boneless skinless chicken breasts", + "feta cheese crumbles", + "iceberg lettuce", + "pitas", + "greek style plain yogurt", + "dried oregano", + "fresh dill", + "extra-virgin olive oil", + "cucumber" + ] + }, + { + "id": 45317, + "cuisine": "mexican", + "ingredients": [ + "fat free less sodium chicken broth", + "red bell pepper", + "white hominy", + "chopped cilantro fresh", + "andouille sausage", + "zucchini", + "olive oil", + "chipotles in adobo" + ] + }, + { + "id": 35350, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "shredded mozzarella cheese", + "pasta", + "garlic", + "diced tomatoes", + "boneless skinless chicken breast halves", + "fresh spinach", + "cooking wine" + ] + }, + { + "id": 23195, + "cuisine": "italian", + "ingredients": [ + "water", + "extra-virgin olive oil", + "ricotta", + "chopped garlic", + "black pepper", + "unsalted butter", + "salt", + "fresh lemon juice", + "large egg yolks", + "cake flour", + "goat cheese", + "pinenuts", + "lemon zest", + "all-purpose flour", + "arugula" + ] + }, + { + "id": 6581, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "vegetable oil", + "queso asadero", + "onions", + "milk", + "salt", + "chile pepper", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 21452, + "cuisine": "indian", + "ingredients": [ + "warm water", + "bread flour", + "whole wheat flour", + "olive oil", + "fine sea salt" + ] + }, + { + "id": 8093, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "sesame seeds", + "extra firm tofu", + "red pepper", + "lime juice", + "peanuts", + "green onions", + "rice vinegar", + "tomato paste", + "fresh cilantro", + "garlic powder", + "sesame oil", + "broccoli", + "brown sugar", + "olive oil", + "zucchini", + "rice noodles", + "garlic cloves" + ] + }, + { + "id": 15798, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "chili powder", + "beef broth", + "ground cumin", + "black beans", + "non-fat sour cream", + "chopped cilantro fresh", + "diced onions", + "pepper", + "salt", + "dried oregano", + "ground chuck", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 17387, + "cuisine": "jamaican", + "ingredients": [ + "brown sugar", + "ground nutmeg", + "peeled fresh ginger", + "chopped onion", + "white vinegar", + "black pepper", + "pork tenderloin", + "vegetable oil", + "garlic cloves", + "ground cinnamon", + "kosher salt", + "cooking spray", + "scotch bonnet chile", + "soy sauce", + "fresh thyme", + "green onions", + "ground allspice" + ] + }, + { + "id": 14391, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "shallots", + "low sodium soy sauce", + "cooking spray", + "grated orange", + "hoisin sauce", + "orange juice", + "brown sugar", + "peeled fresh ginger" + ] + }, + { + "id": 34907, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "unsalted butter", + "baking powder", + "grated lemon zest", + "peaches", + "cooking spray", + "all-purpose flour", + "granulated sugar", + "vanilla extract", + "confectioners sugar" + ] + }, + { + "id": 3997, + "cuisine": "french", + "ingredients": [ + "cherries", + "all-purpose flour", + "sugar", + "refrigerated piecrusts", + "ground allspice", + "vegetable oil cooking spray", + "large eggs", + "cherry preserves", + "cream", + "vanilla extract" + ] + }, + { + "id": 4910, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "diced tomatoes", + "freshly ground pepper", + "basmati rice", + "fresh ginger", + "yellow onion", + "coconut milk", + "chili", + "salt", + "garlic cloves", + "canola oil", + "water", + "sweet potatoes", + "chickpeas", + "frozen peas" + ] + }, + { + "id": 13389, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "kosher salt", + "extra-virgin olive oil", + "cherry tomatoes", + "fresh chevre", + "penne", + "loosely packed fresh basil leaves" + ] + }, + { + "id": 14968, + "cuisine": "british", + "ingredients": [ + "eggs", + "salt", + "milk", + "flour", + "water" + ] + }, + { + "id": 28538, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vanilla wafers", + "cream of tartar", + "bananas", + "milk", + "all-purpose flour", + "eggs", + "vanilla extract" + ] + }, + { + "id": 26931, + "cuisine": "french", + "ingredients": [ + "butter", + "salt", + "heavy cream", + "pepper", + "chicken breast tenderloins" + ] + }, + { + "id": 49200, + "cuisine": "southern_us", + "ingredients": [ + "rib eye steaks", + "gravy", + "buttermilk", + "large eggs", + "vegetable oil", + "hot sauce", + "ground black pepper", + "baking powder", + "all-purpose flour", + "baking soda", + "ground red pepper", + "salt" + ] + }, + { + "id": 44154, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "beef tenderloin", + "cayenne pepper", + "low sodium beef broth", + "potatoes", + "purple onion", + "boneless pork loin", + "masa harina", + "olive oil", + "garlic", + "fresh oregano", + "chopped cilantro fresh", + "chile pepper", + "salt", + "ground white pepper", + "ground cumin" + ] + }, + { + "id": 37979, + "cuisine": "russian", + "ingredients": [ + "vegetables", + "salt", + "buckwheat groats", + "white button mushrooms", + "onions" + ] + }, + { + "id": 22170, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "olive oil", + "muffin", + "salt", + "tapioca flour", + "grating cheese", + "milk" + ] + }, + { + "id": 32811, + "cuisine": "italian", + "ingredients": [ + "instant espresso powder", + "semi-sweet chocolate morsels", + "eggs", + "butter", + "ground cinnamon", + "baking powder", + "shortening", + "all-purpose flour" + ] + }, + { + "id": 22152, + "cuisine": "mexican", + "ingredients": [ + "milk", + "ground allspice", + "sugar", + "apples", + "piloncillo", + "cinnamon", + "orange zest", + "water", + "all-purpose flour" + ] + }, + { + "id": 15377, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "zucchini", + "crushed red pepper", + "shredded mozzarella cheese", + "yellow squash", + "diced tomatoes", + "penne pasta", + "black pepper", + "crushed garlic", + "purple onion", + "red bell pepper", + "olive oil", + "chunky style pasta sauce", + "whole kernel corn, drain" + ] + }, + { + "id": 13789, + "cuisine": "indian", + "ingredients": [ + "serrano peppers", + "salt", + "ground turmeric", + "almond flour", + "ginger", + "oil", + "tapioca flour", + "chili powder", + "cilantro leaves", + "ground black pepper", + "purple onion", + "coconut milk" + ] + }, + { + "id": 24489, + "cuisine": "british", + "ingredients": [ + "stout", + "vanilla ice cream", + "blackberry brandy" + ] + }, + { + "id": 42950, + "cuisine": "spanish", + "ingredients": [ + "savoy cabbage", + "salt", + "truffle oil", + "water", + "yukon gold potatoes" + ] + }, + { + "id": 14755, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "garlic powder", + "enchilada sauce", + "condensed cream of celery soup", + "cheese spread", + "boneless skinless chicken breast halves", + "condensed cream of chicken soup", + "diced tomatoes", + "onions", + "green chile", + "chili powder", + "corn tortillas" + ] + }, + { + "id": 40975, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "vanilla extract", + "confectioners sugar", + "sugar", + "vegetable oil", + "salt", + "eggs", + "baking powder", + "cake flour", + "baking soda", + "buttermilk", + "all-purpose flour" + ] + }, + { + "id": 29240, + "cuisine": "mexican", + "ingredients": [ + "chicken bouillon", + "adobo seasoning", + "tomato sauce", + "water", + "sliced green onions", + "drumstick", + "cooking spray", + "black beans", + "long grain white rice" + ] + }, + { + "id": 20906, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "red pepper flakes", + "green onions", + "onions", + "whole wheat pizza dough", + "shredded mozzarella cheese", + "chicken breasts", + "chipotle sauce" + ] + }, + { + "id": 10568, + "cuisine": "french", + "ingredients": [ + "black pepper", + "salt", + "fresh parsley", + "pitted kalamata olives", + "roasted red peppers", + "garlic cloves", + "parsley sprigs", + "extra-virgin olive oil", + "small red potato", + "sherry vinegar", + "anchovy fillets" + ] + }, + { + "id": 33913, + "cuisine": "thai", + "ingredients": [ + "curry powder", + "onions", + "fish sauce", + "oil", + "chicken", + "avocado", + "garlic", + "cashew nuts", + "sugar", + "coconut milk" + ] + }, + { + "id": 29370, + "cuisine": "filipino", + "ingredients": [ + "tomatoes", + "water", + "salt", + "sugar", + "vinegar", + "squid", + "soy sauce", + "cooking oil", + "onions", + "pepper", + "crushed garlic" + ] + }, + { + "id": 9445, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "cooking spray", + "onions", + "matzo meal", + "olive oil", + "chicken breast halves", + "honey", + "dry white wine", + "chicken thighs", + "preserved lemon", + "ground black pepper", + "chicken drumsticks" + ] + }, + { + "id": 886, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "dates", + "water", + "rice flour", + "sugar", + "glutinous rice flour", + "cake", + "coconut milk" + ] + }, + { + "id": 33876, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "sauce", + "cornbread mix", + "chopped onion", + "mascarpone", + "green pepper", + "red pepper", + "shrimp" + ] + }, + { + "id": 18272, + "cuisine": "indian", + "ingredients": [ + "coconut", + "vegetable oil", + "cilantro leaves", + "clove", + "bay leaves", + "ginger", + "coconut milk", + "green cardamom pods", + "chana dal", + "cinnamon", + "mustard seeds", + "tumeric", + "golden raisins", + "salt", + "jaggery" + ] + }, + { + "id": 13025, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "cooking spray", + "wonton wrappers", + "asparagus", + "peeled fresh ginger", + "dark sesame oil", + "kosher salt", + "mushrooms", + "rice vinegar", + "water chestnuts", + "green onions", + "garlic cloves" + ] + }, + { + "id": 29558, + "cuisine": "thai", + "ingredients": [ + "lime zest", + "low sodium chicken broth", + "light coconut milk", + "chopped cilantro", + "shiitake", + "baby spinach", + "grated lemon zest", + "boneless, skinless chicken breast", + "fresh lemon", + "garlic", + "glass noodles", + "jalapeno chilies", + "ginger", + "Thai fish sauce" + ] + }, + { + "id": 6414, + "cuisine": "mexican", + "ingredients": [ + "guajillo chiles", + "ancho powder", + "thyme", + "bay leaves", + "boneless beef chuck roast", + "boiling water", + "lime juice", + "garlic", + "onions", + "clove", + "apple cider vinegar", + "cumin seed", + "dried oregano" + ] + }, + { + "id": 2349, + "cuisine": "moroccan", + "ingredients": [ + "boneless salmon fillets", + "green onions", + "yellow bell pepper", + "ground black pepper", + "paprika", + "nectarines", + "pinenuts", + "sea salt", + "ground cardamom", + "ground ginger", + "cooking oil", + "whole wheat couscous", + "ground cumin" + ] + }, + { + "id": 37612, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "cayenne pepper", + "onions", + "garam masala", + "paprika", + "cumin seed", + "ginger paste", + "cauliflower", + "baking potatoes", + "ground coriander", + "ground turmeric", + "chile pepper", + "salt", + "lemon juice" + ] + }, + { + "id": 19974, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "red wine vinegar", + "squid", + "chopped cilantro fresh", + "water", + "dry white wine", + "garlic", + "red bell pepper", + "olive oil", + "jicama", + "chopped celery", + "fresh parsley", + "green bell pepper", + "green onions", + "yellow bell pepper", + "cucumber" + ] + }, + { + "id": 46547, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "salt", + "olive oil", + "pimentos", + "scallions", + "pitted black olives", + "green leaf lettuce", + "squid", + "ground black pepper", + "wine vinegar", + "lemon juice" + ] + }, + { + "id": 35277, + "cuisine": "italian", + "ingredients": [ + "ground nutmeg", + "crushed red pepper", + "fettucine", + "butter", + "soft fresh goat cheese", + "grated parmesan cheese", + "provolone cheese", + "pinenuts", + "whipping cream", + "crumbled gorgonzola" + ] + }, + { + "id": 25099, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "vegetable oil", + "masa harina", + "Knorr Chicken Flavor Bouillon", + "lard", + "corn husks", + "garlic", + "chorizo sausage", + "water", + "baking powder", + "onions" + ] + }, + { + "id": 25214, + "cuisine": "korean", + "ingredients": [ + "water", + "salt", + "Korean chile flakes", + "sesame oil", + "chillies", + "green onions", + "beansprouts", + "soy sauce", + "garlic", + "toasted sesame seeds" + ] + }, + { + "id": 10411, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "reduced-fat sour cream", + "pork", + "onion powder", + "monterey jack", + "flour tortillas", + "enchilada sauce", + "chopped green chilies", + "condensed tomato soup", + "ground cumin" + ] + }, + { + "id": 46327, + "cuisine": "chinese", + "ingredients": [ + "suckling pig", + "bay leaves", + "worcestershire sauce", + "salt", + "lard", + "white onion", + "jalapeno chilies", + "raisins", + "red bliss potato", + "carrots", + "green apples", + "tomatoes", + "ground black pepper", + "Mexican oregano", + "fresh orange juice", + "pimento stuffed olives", + "fresh lime juice", + "adobo", + "fresh thyme", + "cinnamon", + "garlic", + "juice", + "fresh pineapple" + ] + }, + { + "id": 31880, + "cuisine": "japanese", + "ingredients": [ + "tomatoes", + "amchur", + "bay leaves", + "brown cardamom", + "onions", + "kabuli channa", + "coriander powder", + "cilantro leaves", + "cinnamon sticks", + "garlic paste", + "garam masala", + "salt", + "oil", + "red chili powder", + "baking soda", + "black tea leaves", + "green chilies", + "ground cumin" + ] + }, + { + "id": 6836, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "coriander powder", + "mutton", + "brown cardamom", + "bay leaf", + "ground cumin", + "nutmeg", + "mace", + "chili powder", + "cilantro leaves", + "cumin seed", + "onions", + "clove", + "water", + "yoghurt", + "salt", + "green chilies", + "ghee", + "tomatoes", + "garam masala", + "cinnamon", + "green cardamom", + "oil", + "ground turmeric" + ] + }, + { + "id": 39321, + "cuisine": "mexican", + "ingredients": [ + "milk", + "lemon juice", + "sugar", + "whipping cream" + ] + }, + { + "id": 37862, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "lettuce leaves", + "hot water", + "chopped cilantro fresh", + "fresh ginger", + "crushed red pepper", + "fresh mint", + "olive oil", + "green onions", + "cucumber", + "medium shrimp uncook", + "rolls", + "fresh lime juice" + ] + }, + { + "id": 20254, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "all-purpose flour", + "butter", + "chopped pecans", + "sugar", + "vanilla extract", + "cream cheese, soften", + "large eggs", + "salt" + ] + }, + { + "id": 44733, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "low-fat refried beans", + "wheat germ", + "brown rice", + "enchilada sauce", + "cheddar cheese", + "whole wheat tortillas", + "cumin", + "chili powder", + "sour cream" + ] + }, + { + "id": 26989, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "shiitake", + "red pepper flakes", + "shrimp", + "sugar", + "minced garlic", + "vinegar", + "salt", + "onions", + "green cabbage", + "pepper", + "mushroom caps", + "ginger", + "hot water", + "soy sauce", + "water", + "sesame oil", + "all-purpose flour" + ] + }, + { + "id": 48176, + "cuisine": "british", + "ingredients": [ + "ground ginger", + "treacle", + "ground nutmeg", + "lemon", + "ground cinnamon", + "milk", + "self rising flour", + "golden syrup", + "oats", + "mixed spice", + "unsalted butter", + "vanilla extract", + "eggs", + "fresh ginger", + "muscovado sugar" + ] + }, + { + "id": 34647, + "cuisine": "mexican", + "ingredients": [ + "lime", + "bell pepper", + "garlic", + "ground cumin", + "plain yogurt", + "Mexican cheese blend", + "diced tomatoes", + "taco seasoning", + "avocado", + "egg roll wrappers", + "jalapeno chilies", + "salt", + "pepper", + "lean ground meat", + "crushed red pepper flakes", + "onions" + ] + }, + { + "id": 1527, + "cuisine": "jamaican", + "ingredients": [ + "dried currants", + "lemon peel", + "cinnamon", + "grated nutmeg", + "passover wine", + "glace cherries", + "dark rum", + "vanilla extract", + "almond paste", + "water", + "large eggs", + "raisins", + "dark brown sugar", + "prunes", + "unsalted butter", + "baking powder", + "cake flour", + "orange peel" + ] + }, + { + "id": 36310, + "cuisine": "italian", + "ingredients": [ + "pesto", + "grated parmesan cheese", + "onions", + "arborio rice", + "olive oil", + "salt", + "water", + "dry white wine", + "canned low sodium chicken broth", + "ground black pepper", + "oil" + ] + }, + { + "id": 4250, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "baking potatoes", + "thyme sprigs", + "tomatoes", + "large eggs", + "all-purpose flour", + "fresh parmesan cheese", + "salt", + "italian seasoning", + "olive oil", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 167, + "cuisine": "southern_us", + "ingredients": [ + "bread and butter pickles", + "salt", + "white cornmeal", + "pepper", + "buttermilk", + "fresh parsley", + "vegetable oil", + "creole seasoning", + "green tomatoes", + "all-purpose flour" + ] + }, + { + "id": 12469, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "shallots", + "lime", + "rice vinegar", + "kosher salt", + "vegetable oil", + "light brown sugar", + "ground black pepper", + "bone-in pork chops" + ] + }, + { + "id": 3383, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "green onions", + "bamboo shoots", + "fresh spinach", + "corn kernels", + "chili oil", + "eggs", + "dashi", + "ramen noodles", + "pork", + "miso paste", + "beansprouts" + ] + }, + { + "id": 21990, + "cuisine": "italian", + "ingredients": [ + "cheese", + "mascarpone", + "polenta", + "unsalted butter", + "cold water", + "fine sea salt" + ] + }, + { + "id": 27117, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "olive oil", + "salt", + "tomatoes", + "pepper", + "garlic", + "olives", + "chili pepper", + "ginger", + "onions", + "preserved lemon", + "water", + "ras el hanout", + "chicken" + ] + }, + { + "id": 25958, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "flour", + "salt", + "sugar", + "mild olive oil", + "sesame oil", + "kimchi", + "eggs", + "black pepper", + "green onions", + "beansprouts", + "pork", + "mung beans", + "garlic" + ] + }, + { + "id": 39359, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "garlic powder", + "garlic", + "grape tomatoes", + "queso asadero", + "asparagus spears", + "avocado", + "lime", + "extra-virgin olive oil", + "angel hair", + "ground black pepper", + "dried dillweed" + ] + }, + { + "id": 36833, + "cuisine": "brazilian", + "ingredients": [ + "granulated sugar", + "cachaca", + "lime" + ] + }, + { + "id": 15396, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "ground black pepper", + "large eggs", + "buttermilk", + "juice", + "canola oil", + "lime", + "unsalted butter", + "Tabasco Pepper Sauce", + "garlic cloves", + "cornmeal", + "store bought low sodium chicken stock", + "cayenne", + "boneless skinless chicken breasts", + "all-purpose flour", + "red bell pepper", + "mayonaise", + "baking soda", + "aioli", + "cajun seasoning", + "fresh parsley leaves", + "onions" + ] + }, + { + "id": 27187, + "cuisine": "spanish", + "ingredients": [ + "vegetable juice", + "vinaigrette", + "tomatoes", + "french bread", + "cucumber", + "garbanzo beans", + "garlic cloves", + "fresh basil", + "yellow bell pepper" + ] + }, + { + "id": 18384, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "pinenuts", + "flank steak", + "garlic cloves", + "bread crumbs", + "olive oil", + "salt", + "dried oregano", + "black pepper", + "dried thyme", + "raisins", + "dried parsley", + "fat free less sodium chicken broth", + "fresh parmesan cheese", + "chopped onion", + "dried rosemary" + ] + }, + { + "id": 10762, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "panko", + "center cut loin pork chop", + "sake", + "fresh ginger", + "peanut oil", + "low sodium soy sauce", + "large egg whites", + "salt", + "wasabi paste", + "fat free less sodium chicken broth", + "cooking spray", + "sliced green onions" + ] + }, + { + "id": 15880, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "vegetable oil", + "ground turmeric", + "lime juice", + "poha", + "salt", + "sugar", + "jalapeno chilies", + "raisins", + "dried cranberries", + "peanuts", + "unsalted cashews", + "cumin seed" + ] + }, + { + "id": 40938, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "sweet onion", + "cayenne pepper", + "boneless chop pork", + "bay leaves", + "small red beans", + "dried thyme", + "celery", + "cooked rice", + "kosher salt", + "garlic" + ] + }, + { + "id": 7458, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "basil", + "bucatini", + "chili flakes", + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "tomato purée", + "unsalted butter", + "cracked black pepper", + "flat leaf parsley", + "mint", + "pecorino romano cheese", + "garlic cloves" + ] + }, + { + "id": 20343, + "cuisine": "indian", + "ingredients": [ + "jalapeno chilies", + "cilantro", + "lemon juice", + "tofu", + "chili powder", + "salt", + "onions", + "yoghurt", + "ginger", + "chopped cilantro", + "soy milk", + "vegetable oil", + "garlic cloves", + "ground turmeric" + ] + }, + { + "id": 37203, + "cuisine": "chinese", + "ingredients": [ + "white vinegar", + "water", + "peanut oil", + "low sodium soy sauce", + "sesame oil", + "corn starch", + "chicken stock", + "peeled fresh ginger", + "sherry wine", + "sugar", + "crushed red pepper" + ] + }, + { + "id": 30789, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "minced garlic", + "sesame oil", + "scallions", + "chicken broth", + "soy sauce", + "peanuts", + "salt", + "red bell pepper", + "cold water", + "red chili peppers", + "minced ginger", + "balsamic vinegar", + "corn starch", + "dark soy sauce", + "boneless chicken skinless thigh", + "rice wine", + "peanut oil", + "peppercorns" + ] + }, + { + "id": 30434, + "cuisine": "italian", + "ingredients": [ + "pitted date", + "toasted pine nuts", + "ground black pepper", + "honey", + "red wine" + ] + }, + { + "id": 14719, + "cuisine": "moroccan", + "ingredients": [ + "fresh ginger", + "spices", + "extra-virgin olive oil", + "baby carrots", + "cherry tomatoes", + "zucchini", + "cauliflower florets", + "oyster mushrooms", + "tomato paste", + "eggplant", + "mustard greens", + "vegetable broth", + "coriander", + "pearl onions", + "radishes", + "whole wheat couscous", + "garlic", + "cumin" + ] + }, + { + "id": 45866, + "cuisine": "italian", + "ingredients": [ + "dijon mustard", + "chees fresh mozzarella", + "hot cherry pepper", + "basil leaves", + "33% less sodium cooked deli ham", + "cooking spray", + "ciabatta", + "balsamic vinegar", + "plum tomatoes" + ] + }, + { + "id": 11220, + "cuisine": "filipino", + "ingredients": [ + "chili pepper", + "oil", + "garlic", + "coconut milk", + "pepper", + "shrimp", + "fish sauce", + "salt", + "onions" + ] + }, + { + "id": 41119, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "long-grain rice", + "fresh parsley", + "pepper", + "salt", + "bread slices", + "skim milk", + "low-sodium fat-free chicken broth", + "carrots", + "grated orange", + "butternut squash", + "garlic cloves", + "onions" + ] + }, + { + "id": 41523, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "plum tomatoes", + "shredded cheddar cheese", + "green onions", + "flour tortillas", + "refried beans", + "lean ground beef" + ] + }, + { + "id": 19357, + "cuisine": "indian", + "ingredients": [ + "mint", + "kirby cucumbers", + "salt", + "pomegranate seeds", + "cilantro", + "lime", + "paprika", + "mango", + "brown sugar", + "idaho potatoes", + "chaat masala" + ] + }, + { + "id": 2950, + "cuisine": "greek", + "ingredients": [ + "water", + "extra-virgin olive oil", + "basmati rice", + "fresh dill", + "raisins", + "onions", + "tomatoes", + "cinnamon", + "natural pistachios", + "eggplant", + "salt" + ] + }, + { + "id": 18259, + "cuisine": "french", + "ingredients": [ + "liver pate", + "sanding sugar", + "blackberries", + "ground cinnamon", + "unsalted butter", + "salt", + "water", + "granulated sugar", + "corn starch", + "large egg yolks", + "apples" + ] + }, + { + "id": 26386, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "fenugreek seeds", + "coconut milk", + "chicken", + "black pepper", + "curry", + "cumin seed", + "onions", + "garlic paste", + "vegetable oil", + "ground coriander", + "fresh lime juice", + "ginger paste", + "water", + "salt", + "mustard seeds", + "ground turmeric" + ] + }, + { + "id": 20198, + "cuisine": "mexican", + "ingredients": [ + "frozen whole kernel corn", + "cumin", + "lime juice", + "onions", + "avocado", + "jalapeno chilies", + "black beans", + "rotelle" + ] + }, + { + "id": 12326, + "cuisine": "thai", + "ingredients": [ + "chili", + "mango", + "purple onion", + "thai basil", + "lime", + "salt" + ] + }, + { + "id": 20884, + "cuisine": "mexican", + "ingredients": [ + "cooked chicken", + "Mission Corn Tortillas", + "jack cheese", + "garlic", + "onions", + "cooking spray", + "green chilies", + "vegetable oil", + "enchilada sauce" + ] + }, + { + "id": 49469, + "cuisine": "japanese", + "ingredients": [ + "sake", + "lime", + "nonstick spray", + "lemongrass", + "star anise", + "salmon fillets", + "fresh ginger", + "orange", + "white rice" + ] + }, + { + "id": 36203, + "cuisine": "southern_us", + "ingredients": [ + "parsley sprigs", + "grated parmesan cheese", + "salt", + "milk", + "butter", + "large eggs", + "shredded sharp cheddar cheese", + "pepper", + "quickcooking grits" + ] + }, + { + "id": 3366, + "cuisine": "italian", + "ingredients": [ + "shiitake", + "chives", + "extra-virgin olive oil", + "spaghetti", + "marsala wine", + "calamata olives", + "balsamic vinegar", + "freshly ground pepper", + "unsalted butter", + "shallots", + "salt", + "rosemary", + "grated parmesan cheese", + "large garlic cloves", + "white mushrooms" + ] + }, + { + "id": 16599, + "cuisine": "southern_us", + "ingredients": [ + "bread crumbs", + "grated nutmeg", + "light brown sugar", + "granulated sugar", + "lemon juice", + "unsalted butter", + "fresh raspberries", + "cream sweeten whip", + "all-purpose flour" + ] + }, + { + "id": 29034, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "pecorino romano cheese", + "parsley leaves", + "bucatini", + "parmesan cheese", + "cracked black pepper", + "guanciale", + "egg yolks" + ] + }, + { + "id": 47347, + "cuisine": "french", + "ingredients": [ + "salt", + "bay leaf", + "dry white wine", + "thyme", + "shallots", + "heavy whipping cream", + "unsalted butter", + "freshly ground pepper", + "saffron" + ] + }, + { + "id": 38897, + "cuisine": "indian", + "ingredients": [ + "garlic", + "onions", + "ground ginger", + "cayenne pepper", + "white vinegar", + "salt", + "olive oil", + "apricot preserves" + ] + }, + { + "id": 33672, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "water", + "unsalted butter", + "bourbon whiskey", + "salt", + "dark corn syrup", + "light molasses", + "baking powder", + "cake flour", + "sugar", + "baking soda", + "whole milk", + "vanilla extract", + "vanilla ice cream", + "vegetable oil spray", + "large eggs", + "buttermilk" + ] + }, + { + "id": 34797, + "cuisine": "japanese", + "ingredients": [ + "Sriracha", + "oil", + "ketchup", + "butter", + "garlic salt", + "mayonaise", + "onion powder", + "smoked paprika", + "garlic powder", + "rice vinegar" + ] + }, + { + "id": 10290, + "cuisine": "southern_us", + "ingredients": [ + "water", + "finely chopped onion", + "ground red pepper", + "vegetable broth", + "cornmeal", + "sugar", + "fat free milk", + "sweet potatoes", + "butter", + "all-purpose flour", + "ground cloves", + "frozen whole kernel corn", + "bay leaves", + "diced tomatoes", + "garlic cloves", + "navy beans", + "olive oil", + "zucchini", + "baking powder", + "salt", + "fresh parsley" + ] + }, + { + "id": 17229, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "cayenne pepper", + "mayonaise", + "green onions", + "ground cumin", + "green cabbage", + "radishes", + "carrots", + "lime juice", + "salt" + ] + }, + { + "id": 2907, + "cuisine": "italian", + "ingredients": [ + "pepper", + "diced tomatoes", + "chopped onion", + "boneless chicken skinless thigh", + "olive oil", + "salt", + "fennel seeds", + "dried thyme", + "dry red wine", + "bay leaf", + "black pepper", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 46313, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "green onions", + "lemon juice", + "avocado", + "chopped tomatoes", + "garlic", + "pepper", + "vegetable oil", + "chopped cilantro fresh", + "sake", + "tuna steaks", + "salt" + ] + }, + { + "id": 45567, + "cuisine": "chinese", + "ingredients": [ + "chiles", + "rice vermicelli", + "fresh mint", + "light brown sugar", + "bibb lettuce", + "garlic cloves", + "water", + "scallions", + "fresh lime juice", + "fish sauce", + "vegetable oil", + "carrots" + ] + }, + { + "id": 47102, + "cuisine": "thai", + "ingredients": [ + "large garlic cloves", + "eggplant", + "fresh lime juice", + "sugar", + "fresh mint", + "vegetable oil", + "asian fish sauce" + ] + }, + { + "id": 41783, + "cuisine": "southern_us", + "ingredients": [ + "chili powder", + "pinto beans", + "black pepper", + "all-purpose flour", + "dried oregano", + "salt", + "ground beef", + "garlic powder", + "beef broth", + "ground cumin" + ] + }, + { + "id": 10132, + "cuisine": "filipino", + "ingredients": [ + "condensed milk", + "powdered sugar", + "sugar" + ] + }, + { + "id": 16314, + "cuisine": "japanese", + "ingredients": [ + "chopped tomatoes", + "spices", + "garlic", + "cinnamon sticks", + "tumeric", + "coriander powder", + "ginger", + "green cardamom", + "onions", + "sugar", + "chili powder", + "kasuri methi", + "oil", + "cashew nuts", + "clove", + "garam masala", + "butter", + "paneer", + "bay leaf" + ] + }, + { + "id": 8355, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "chopped celery", + "green pepper", + "chicken broth", + "meat", + "all-purpose flour", + "bay leaf", + "tomato paste", + "green onions", + "salt", + "rice", + "pepper", + "butter", + "cayenne pepper", + "fresh parsley" + ] + }, + { + "id": 13713, + "cuisine": "brazilian", + "ingredients": [ + "shortening", + "instant coffee", + "white sugar", + "eggs", + "baking soda", + "salt", + "milk", + "vanilla extract", + "brown sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 13097, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "tortilla shells", + "lettuce", + "salsa", + "oil", + "chicken breasts", + "shredded cheese", + "tomatoes", + "hot sauce" + ] + }, + { + "id": 39906, + "cuisine": "italian", + "ingredients": [ + "pepper", + "dry white wine", + "arborio rice", + "unsalted butter", + "salt", + "asparagus", + "shallots", + "chicken stock", + "grated parmesan cheese" + ] + }, + { + "id": 31569, + "cuisine": "mexican", + "ingredients": [ + "fresh coriander", + "smoked paprika", + "tomatoes", + "potatoes", + "onions", + "cheddar cheese", + "hot chili powder", + "yellow peppers", + "red chili peppers", + "oil", + "ground cumin" + ] + }, + { + "id": 19881, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "butter", + "white cornmeal", + "baking powder", + "all-purpose flour", + "eggs", + "buttermilk" + ] + }, + { + "id": 23564, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "diced tomatoes", + "italian seasoning", + "pasta sauce", + "olive oil", + "fresh mushrooms", + "boneless chop pork", + "dry white wine", + "onions", + "green bell pepper", + "dried basil", + "garlic" + ] + }, + { + "id": 7272, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "cachaca", + "sugar", + "ice", + "pineapple" + ] + }, + { + "id": 4273, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "red bell pepper", + "ground red pepper", + "blanched almonds", + "plum tomatoes", + "sherry vinegar", + "salt", + "Italian bread", + "paprika", + "garlic cloves" + ] + }, + { + "id": 37466, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "cayenne pepper", + "corn tortillas", + "salt", + "enchilada sauce", + "cumin", + "chili powder", + "green chilies", + "cooked shrimp", + "fresh cilantro", + "salsa", + "sour cream" + ] + }, + { + "id": 8173, + "cuisine": "british", + "ingredients": [ + "egg whites", + "paprika", + "pepper", + "flour", + "nonstick spray", + "bread crumbs", + "potatoes", + "salt", + "olive oil", + "haddock fillets", + "cornmeal" + ] + }, + { + "id": 38823, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "garlic cloves", + "boneless chicken skinless thigh", + "bacon slices", + "fresh oregano", + "plum tomatoes", + "lower sodium chicken broth", + "orzo", + "white beans", + "flat leaf parsley", + "black pepper", + "white wine vinegar", + "chopped onion" + ] + }, + { + "id": 24934, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "grape tomatoes", + "corn kernels", + "red bell pepper", + "avocado", + "lime juice", + "toasted pumpkinseeds", + "romaine lettuce", + "no-salt-added black beans", + "chopped cilantro" + ] + }, + { + "id": 7079, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "heavy cream", + "oil", + "olive oil", + "sirloin steak", + "demi-glace", + "black peppercorns", + "potatoes", + "garlic", + "fresh parsley leaves", + "brandy", + "shallots", + "salt" + ] + }, + { + "id": 34927, + "cuisine": "indian", + "ingredients": [ + "coriander powder", + "garlic", + "chopped cilantro", + "tomatoes", + "chili powder", + "green chilies", + "diced onions", + "potatoes", + "salt", + "tumeric", + "cauliflower florets", + "oil" + ] + }, + { + "id": 8485, + "cuisine": "italian", + "ingredients": [ + "pasta", + "sea salt", + "ground black pepper", + "fresh basil leaves", + "parmesan cheese", + "extra-virgin olive oil", + "lemon zest", + "arugula" + ] + }, + { + "id": 42663, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "garbanzo beans", + "cream of chicken soup", + "salt", + "ground cumin", + "water", + "hot pepper sauce", + "diced tomatoes", + "onions", + "pepper", + "garlic powder", + "chili powder", + "banana peppers", + "chicken bouillon", + "lime juice", + "hominy", + "cilantro", + "chicken" + ] + }, + { + "id": 12208, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "shallots", + "lemon juice", + "olive oil", + "crushed red pepper", + "minced garlic", + "linguine", + "fresh parsley", + "clams", + "dry white wine", + "salt" + ] + }, + { + "id": 14438, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "tortillas", + "chili powder", + "salt", + "sour cream", + "shredded cheddar cheese", + "low sodium chicken broth", + "paprika", + "yellow onion", + "chopped cilantro fresh", + "black beans", + "roma tomatoes", + "diced tomatoes", + "frozen corn", + "fresh lime juice", + "ground black pepper", + "boneless skinless chicken breasts", + "garlic", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 45105, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "broccoli", + "large eggs", + "extra sharp cheddar cheese", + "yellow corn meal", + "all-purpose flour", + "finely chopped onion", + "double-acting baking powder" + ] + }, + { + "id": 45877, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "sandwiches", + "bacon", + "chicken breasts", + "cheddar cheese", + "sliced ham" + ] + }, + { + "id": 21941, + "cuisine": "japanese", + "ingredients": [ + "olive oil", + "plums", + "cucumber", + "garlic" + ] + }, + { + "id": 24271, + "cuisine": "italian", + "ingredients": [ + "pizza sauce", + "shredded mozzarella cheese", + "pepperoni", + "whole wheat crackers" + ] + }, + { + "id": 15553, + "cuisine": "russian", + "ingredients": [ + "unsalted butter", + "golden raisins", + "cream cheese, soften", + "water", + "dried apricot", + "salt", + "honey", + "orange marmalade", + "all-purpose flour", + "large eggs", + "cinnamon", + "confectioners sugar" + ] + }, + { + "id": 22674, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "provolone cheese", + "green bell pepper", + "marinara sauce", + "fontina cheese", + "grated parmesan cheese", + "polenta", + "minced garlic", + "green onions" + ] + }, + { + "id": 27098, + "cuisine": "mexican", + "ingredients": [ + "cooked brown rice", + "fresh cilantro", + "purple onion", + "cumin", + "avocado", + "minced garlic", + "chili powder", + "shredded cheese", + "black beans", + "sweet corn kernels", + "cayenne pepper", + "pico de gallo", + "tilapia fillets", + "red pepper", + "sour cream" + ] + }, + { + "id": 16609, + "cuisine": "indian", + "ingredients": [ + "jalapeno chilies", + "fresh lime juice", + "canola oil", + "sugar", + "salt", + "basmati rice", + "roasted cashews", + "peeled fresh ginger", + "onions", + "curry powder", + "mustard seeds", + "ground turmeric" + ] + }, + { + "id": 43600, + "cuisine": "chinese", + "ingredients": [ + "spring onions", + "salt", + "cabbage", + "red chili peppers", + "garlic", + "sauce", + "sugar", + "szechwan peppercorns", + "rice vinegar", + "soy sauce", + "cooking wine", + "black vinegar" + ] + }, + { + "id": 43813, + "cuisine": "italian", + "ingredients": [ + "sugar", + "lemon rind", + "vanilla extract", + "yellow corn meal", + "salt", + "reduced fat milk", + "frozen blueberries" + ] + }, + { + "id": 33933, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "dried currants", + "harissa paste", + "extra-virgin olive oil", + "ground allspice", + "chopped cilantro", + "tomato paste", + "lamb shanks", + "whole peeled tomatoes", + "dry red wine", + "grated nutmeg", + "carrots", + "mint", + "water", + "shallots", + "salt", + "ground coriander", + "onions", + "chicken stock", + "slivered almonds", + "unsalted butter", + "large garlic cloves", + "instant couscous", + "freshly ground pepper", + "ground cumin" + ] + }, + { + "id": 45023, + "cuisine": "chinese", + "ingredients": [ + "water", + "Shaoxing wine", + "garlic", + "hoisin sauce", + "sesame oil", + "corn starch", + "light soy sauce", + "chicken breasts", + "carrots", + "sugar", + "broccoli florets", + "ginger" + ] + }, + { + "id": 29748, + "cuisine": "french", + "ingredients": [ + "salt", + "water", + "bread flour", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 48696, + "cuisine": "southern_us", + "ingredients": [ + "lime zest", + "granulated sugar", + "sweetened condensed milk", + "large egg yolks", + "salt", + "lime juice", + "graham cracker crumbs", + "unsalted butter", + "heavy whipping cream" + ] + }, + { + "id": 17092, + "cuisine": "mexican", + "ingredients": [ + "cheese", + "pepper", + "salsa", + "tri-tip roast", + "salt", + "tortillas", + "sour cream" + ] + }, + { + "id": 24282, + "cuisine": "italian", + "ingredients": [ + "fresh lemon juice", + "clementine juice", + "sugar", + "light corn syrup" + ] + }, + { + "id": 5880, + "cuisine": "french", + "ingredients": [ + "semisweet chocolate", + "confectioners sugar", + "heavy cream", + "unsalted butter", + "raspberry lambic" + ] + }, + { + "id": 47397, + "cuisine": "british", + "ingredients": [ + "whole milk", + "kosher salt", + "salted butter", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 29241, + "cuisine": "russian", + "ingredients": [ + "milk", + "eggs", + "yeast", + "melted butter", + "flour", + "sugar" + ] + }, + { + "id": 35764, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "sweetened condensed milk", + "and fat free half half", + "cinnamon sticks", + "vanilla extract" + ] + }, + { + "id": 20845, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "salt", + "red bell pepper", + "ground cumin", + "soy sauce", + "red pepper flakes", + "roasted peanuts", + "boneless skinless chicken breast halves", + "chicken broth", + "green onions", + "creamy peanut butter", + "onions", + "pepper", + "garlic", + "corn starch", + "chopped cilantro fresh" + ] + }, + { + "id": 18696, + "cuisine": "french", + "ingredients": [ + "semisweet chocolate", + "large egg yolks", + "whipping cream", + "sugar", + "whipped cream", + "instant espresso powder" + ] + }, + { + "id": 34048, + "cuisine": "italian", + "ingredients": [ + "parsley leaves", + "onions", + "olive oil", + "large garlic cloves", + "white sandwich bread", + "roasted red peppers", + "anchovy fillets", + "green olives", + "dry white wine", + "spaghetti" + ] + }, + { + "id": 18672, + "cuisine": "spanish", + "ingredients": [ + "cream cheese", + "chopped fresh chives", + "ham", + "dill pickles", + "prepared mustard" + ] + }, + { + "id": 15179, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "heavy cream", + "kosher salt", + "all-purpose flour", + "baking powder" + ] + }, + { + "id": 14297, + "cuisine": "mexican", + "ingredients": [ + "hot sauce", + "avocado", + "chopped cilantro fresh", + "fresh lime juice", + "sweet onion", + "plum tomatoes" + ] + }, + { + "id": 23041, + "cuisine": "russian", + "ingredients": [ + "baking soda", + "sugar", + "vanilla extract", + "eggs", + "flour", + "granny smith apples" + ] + }, + { + "id": 25250, + "cuisine": "indian", + "ingredients": [ + "low-fat plain yogurt", + "ground cloves", + "water", + "ground black pepper", + "ground coriander", + "coconut milk", + "nutmeg", + "tumeric", + "black pepper", + "olive oil", + "garlic", + "toasted almonds", + "saffron", + "brown sugar", + "boneless chicken skinless thigh", + "curry powder", + "cinnamon", + "ground cardamom", + "cumin", + "tomatoes", + "red chili peppers", + "white onion", + "garam masala", + "salt", + "ginger root" + ] + }, + { + "id": 13549, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "tortillas", + "mole sauce", + "white onion", + "cooked chicken", + "salad", + "radishes", + "fresh cheese", + "vegetable oil" + ] + }, + { + "id": 41721, + "cuisine": "mexican", + "ingredients": [ + "water", + "oil", + "masa harina", + "eggs", + "baking powder", + "onions", + "green onions", + "enchilada sauce", + "cheddar cheese", + "salt", + "olives" + ] + }, + { + "id": 14592, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "vegetable broth", + "arborio rice", + "butternut squash", + "whipping cream", + "pepper", + "dry white wine", + "salt", + "finely chopped onion", + "butter" + ] + }, + { + "id": 10929, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "unsalted butter", + "milk", + "bread flour", + "water", + "salt", + "eggs", + "active dry yeast" + ] + }, + { + "id": 4895, + "cuisine": "mexican", + "ingredients": [ + "cumin seed", + "corn oil", + "chopped cilantro fresh", + "fat-free chicken broth", + "long grain white rice", + "scallions" + ] + }, + { + "id": 38762, + "cuisine": "british", + "ingredients": [ + "water", + "vegetable oil", + "Burgundy wine", + "chicken bouillon", + "frozen pastry puff sheets", + "salt", + "eggs", + "dried thyme", + "button mushrooms", + "onions", + "pepper", + "boneless skinless chicken breasts", + "all-purpose flour" + ] + }, + { + "id": 32238, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "rice wine", + "garlic", + "green onions", + "red pepper flakes", + "corn starch", + "water", + "vegetable oil", + "oil", + "brown sugar", + "flank steak", + "ginger", + "onions" + ] + }, + { + "id": 1497, + "cuisine": "italian", + "ingredients": [ + "eggs", + "cheese tortellini", + "pepper", + "oil", + "bread crumbs", + "salt", + "cornflake crumbs", + "dried parsley" + ] + }, + { + "id": 6083, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "sesame seeds", + "chicken fingers", + "pepper", + "garlic", + "sliced green onions", + "sweet chili sauce", + "orange marmalade", + "dried minced onion", + "lime juice", + "salt" + ] + }, + { + "id": 42763, + "cuisine": "irish", + "ingredients": [ + "water", + "carrots", + "chopped fresh thyme", + "onions", + "leeks", + "fresh parsley", + "red potato", + "lamb shoulder chops" + ] + }, + { + "id": 31562, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "cilantro", + "rice", + "peanuts", + "urad dal", + "cumin seed", + "olive oil", + "ginger", + "green chilies", + "lemon", + "salt", + "mustard seeds" + ] + }, + { + "id": 27067, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "thai basil", + "salt", + "shrimp", + "pepper", + "rice noodles", + "garlic chili sauce", + "soy sauce", + "sesame oil", + "rice", + "cucumber", + "lime juice", + "romaine lettuce leaves", + "carrots" + ] + }, + { + "id": 47490, + "cuisine": "french", + "ingredients": [ + "olive oil", + "black olives", + "crusty rolls", + "tomatoes", + "fennel bulb", + "salt", + "ground black pepper", + "wine vinegar", + "fresh parsley", + "capers", + "garlic", + "chickpeas" + ] + }, + { + "id": 45771, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "apple cider vinegar", + "salt", + "sugar", + "whole milk", + "heavy cream", + "corn starch", + "water", + "bourbon whiskey", + "fine sea salt", + "light brown sugar", + "mint leaves", + "butter", + "all-purpose flour" + ] + }, + { + "id": 46103, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "Mexican cheese blend", + "salt", + "tomatoes", + "corn", + "garlic", + "taco seasoning", + "avocado", + "lime juice", + "cilantro", + "salsa", + "black beans", + "olive oil", + "pasta shells" + ] + }, + { + "id": 41649, + "cuisine": "southern_us", + "ingredients": [ + "vanilla extract", + "liqueur", + "cookies", + "white baking bar", + "heavy cream", + "glaze", + "bittersweet baking chocolate", + "fresh raspberries" + ] + }, + { + "id": 24661, + "cuisine": "moroccan", + "ingredients": [ + "eggs", + "vegetable oil", + "orange flower water", + "almonds", + "lemon", + "powdered sugar", + "butter", + "baking powder", + "vanilla" + ] + }, + { + "id": 43782, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "shredded mozzarella cheese", + "parsley", + "grated parmesan cheese", + "chicken", + "tortellini" + ] + }, + { + "id": 48369, + "cuisine": "mexican", + "ingredients": [ + "ground round", + "salt", + "green chile", + "jalapeno chilies", + "fresh lime juice", + "tomatoes", + "Mexican cheese blend", + "chopped onion", + "40% less sodium taco seasoning", + "cooking spray", + "chopped cilantro fresh" + ] + }, + { + "id": 37579, + "cuisine": "british", + "ingredients": [ + "serrano chilies", + "water", + "vegetable oil", + "soft-boiled egg", + "basmati rice", + "ketchup", + "garam masala", + "ginger", + "black mustard seeds", + "tumeric", + "pomegranate seeds", + "cilantro", + "cumin seed", + "smoked & dried fish", + "chicken stock", + "cream", + "lemon wedge", + "garlic", + "onions" + ] + }, + { + "id": 18818, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "black pepper", + "vinegar", + "ginger", + "rice", + "coconut milk", + "cooked ham", + "curry powder", + "diced tomatoes", + "salt", + "cumin seed", + "ground turmeric", + "curry leaves", + "sugar", + "black-eyed peas", + "crushed red pepper flakes", + "fenugreek seeds", + "black mustard seeds", + "red chili powder", + "water", + "cinnamon", + "garlic", + "green chilies", + "onions" + ] + }, + { + "id": 2817, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed brown sugar", + "dark corn syrup", + "ice water", + "salt", + "chopped pecans", + "ground cinnamon", + "solid pack pumpkin", + "egg whites", + "vegetable shortening", + "all-purpose flour", + "ground ginger", + "vegetable oil cooking spray", + "ground nutmeg", + "2% reduced-fat milk", + "maple syrup", + "eggs", + "sugar", + "bourbon whiskey", + "vanilla extract", + "ground allspice" + ] + }, + { + "id": 25436, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "sesame oil", + "garlic", + "shrimp", + "white vinegar", + "Shaoxing wine", + "ground pork", + "chili bean paste", + "noodles", + "soy sauce", + "spring onions", + "ginger", + "oyster sauce", + "dumpling wrappers", + "cilantro", + "salt", + "bok choy" + ] + }, + { + "id": 45532, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "scotch bonnet chile", + "chinese five-spice powder", + "ground nutmeg", + "yellow onion", + "chicken pieces", + "dried thyme", + "salt", + "garlic cloves", + "vegetable oil", + "scallions", + "allspice" + ] + }, + { + "id": 22010, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "cinnamon", + "purple onion", + "lamb", + "fresh cilantro", + "diced tomatoes", + "cayenne pepper", + "celery", + "water", + "lemon", + "margarine", + "lentils", + "tumeric", + "vermicelli", + "ginger", + "chickpeas", + "onions" + ] + }, + { + "id": 6991, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "lemon juice", + "large garlic cloves", + "fresh ginger", + "ground cumin", + "chiles", + "roasting chickens" + ] + }, + { + "id": 20092, + "cuisine": "russian", + "ingredients": [ + "salad dressing", + "boneless skinless chicken breasts", + "onions", + "apricot preserves" + ] + }, + { + "id": 2204, + "cuisine": "russian", + "ingredients": [ + "cold water", + "pork loin", + "carrots", + "dill weed", + "potatoes", + "beets", + "celery", + "cabbage", + "pepper", + "salt", + "sour cream", + "onions", + "flour", + "garlic cloves", + "tomato soup" + ] + }, + { + "id": 6958, + "cuisine": "mexican", + "ingredients": [ + "corn tortillas", + "cream style corn", + "Velveeta", + "Ro-Tel Diced Tomatoes & Green Chilies", + "lean ground beef" + ] + }, + { + "id": 47051, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "unsalted butter", + "salami", + "heavy cream", + "sweet italian sausage", + "sweet onion", + "grated parmesan cheese", + "ice water", + "salt", + "pepperoni", + "mozzarella cheese", + "granulated sugar", + "ricotta cheese", + "cheese", + "provolone cheese", + "eggs", + "prosciutto", + "egg yolks", + "vegetable shortening", + "all-purpose flour" + ] + }, + { + "id": 22408, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "cannellini beans", + "salt", + "paella rice", + "olive oil", + "paprika", + "escarole", + "saffron threads", + "water", + "large garlic cloves", + "red bell pepper", + "chicken stock", + "fresh peas", + "artichokes", + "onions" + ] + }, + { + "id": 27507, + "cuisine": "korean", + "ingredients": [ + "mirin", + "carrots", + "noodles", + "pasta", + "salt", + "kimchi", + "pork belly", + "freshly ground pepper", + "onions", + "bread", + "potatoes", + "sliced mushrooms", + "sliced green onions" + ] + }, + { + "id": 10082, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "extra-virgin olive oil", + "fresh raspberries", + "red leaf lettuce", + "fresh mozzarella", + "salt", + "black pepper", + "balsamic vinegar", + "purple onion", + "tomatoes", + "sliced black olives", + "garlic" + ] + }, + { + "id": 13869, + "cuisine": "russian", + "ingredients": [ + "powdered sugar", + "fine sea salt", + "large egg whites", + "walnut halves", + "unsweetened cocoa powder", + "vanilla extract" + ] + }, + { + "id": 14488, + "cuisine": "japanese", + "ingredients": [ + "angel hair", + "green onions", + "white sugar", + "sesame seeds", + "balsamic vinegar", + "soy sauce", + "sesame oil", + "hot chili oil", + "red bell pepper" + ] + }, + { + "id": 47861, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "Gochujang base", + "light brown sugar", + "sesame oil", + "chicken pieces", + "honey", + "garlic cloves", + "brown rice vinegar", + "yellow onion" + ] + }, + { + "id": 7607, + "cuisine": "italian", + "ingredients": [ + "milk", + "lean ground beef", + "extra-virgin olive oil", + "kosher salt", + "large eggs", + "worcestershire sauce", + "panko breadcrumbs", + "white onion", + "ground black pepper", + "yellow mustard", + "hot sauce", + "minced garlic", + "grated parmesan cheese", + "mozzarella balls", + "garlic salt" + ] + }, + { + "id": 16497, + "cuisine": "greek", + "ingredients": [ + "baking soda", + "mint sprigs", + "syrup", + "large eggs", + "walnuts", + "sugar", + "unsalted butter", + "all-purpose flour", + "plain yogurt", + "dried apricot", + "double-acting baking powder" + ] + }, + { + "id": 37658, + "cuisine": "vietnamese", + "ingredients": [ + "daikon", + "kosher salt", + "carrots", + "sugar", + "rice vinegar", + "water" + ] + }, + { + "id": 20766, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "chicken", + "tomatoes", + "bacon", + "white bread", + "whole milk", + "ground black pepper", + "salt" + ] + }, + { + "id": 18379, + "cuisine": "moroccan", + "ingredients": [ + "boneless chicken skinless thigh", + "olive oil", + "ground coriander", + "chile paste", + "yellow bell pepper", + "ground cumin", + "kosher salt", + "cooking spray", + "greek yogurt", + "cherry tomatoes", + "garlic" + ] + }, + { + "id": 5084, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "jalapeno chilies", + "onions", + "chicken bouillon", + "garlic", + "tomatoes", + "white rice", + "cumin", + "pepper", + "salt" + ] + }, + { + "id": 46740, + "cuisine": "brazilian", + "ingredients": [ + "chicken broth", + "sea salt", + "sausages", + "water", + "rice", + "smoked ham hocks", + "dried black beans", + "hot sauce", + "onions", + "bay leaves", + "garlic cloves" + ] + }, + { + "id": 49675, + "cuisine": "indian", + "ingredients": [ + "clove", + "tomatoes", + "coriander powder", + "garlic", + "cardamom", + "ground turmeric", + "fennel seeds", + "pepper", + "cinnamon", + "cilantro leaves", + "onions", + "ground fennel", + "grated coconut", + "chili powder", + "salt", + "coconut milk", + "chicken", + "curry leaves", + "water", + "poppy seeds", + "oil", + "cashew nuts" + ] + }, + { + "id": 32240, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "olive oil", + "salt", + "water", + "flour", + "ground turmeric", + "plain yogurt", + "garam masala", + "lentils", + "red lentils", + "amchur", + "sweet potatoes", + "ground cumin" + ] + }, + { + "id": 19947, + "cuisine": "japanese", + "ingredients": [ + "cherries", + "konbu", + "sake", + "yuzu juice", + "mirin", + "soy sauce", + "dried bonito flakes" + ] + }, + { + "id": 24819, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "boneless chicken cutlet", + "fresh lemon juice", + "cherry tomatoes", + "extra-virgin olive oil", + "scallions", + "mint leaves", + "salt", + "dried oregano", + "rocket leaves", + "kirby cucumbers", + "freshly ground pepper" + ] + }, + { + "id": 34823, + "cuisine": "southern_us", + "ingredients": [ + "mint leaves", + "fresh lemon juice", + "water", + "loosely packed fresh basil leaves", + "fresh basil leaves", + "moonshine", + "cocktail cherries", + "sugar", + "lemon", + "grenadine" + ] + }, + { + "id": 3127, + "cuisine": "italian", + "ingredients": [ + "eggs", + "kale", + "lasagna noodles", + "large garlic cloves", + "water", + "low-fat cottage cheese", + "marinara sauce", + "brown mushroom", + "olive oil", + "grated parmesan cheese", + "onions", + "dried basil", + "fennel", + "low fat mozzarella" + ] + }, + { + "id": 9938, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "water", + "Mexican oregano", + "flat leaf parsley", + "fish fillets", + "jalapeno chilies", + "salt", + "onions", + "parsley sprigs", + "bay leaves", + "garlic cloves", + "capers", + "olive oil", + "manzanilla", + "fresh lime juice" + ] + }, + { + "id": 23298, + "cuisine": "jamaican", + "ingredients": [ + "melted butter", + "jamaican jerk season", + "pepper sauce", + "teriyaki sauce", + "soy sauce", + "shrimp", + "fresh basil", + "green onions" + ] + }, + { + "id": 37664, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "cardamom pods", + "ground cumin", + "boneless chicken skinless thigh", + "apricot halves", + "garlic cloves", + "clove", + "butternut squash", + "yams", + "dried thyme", + "diced tomatoes", + "onions" + ] + }, + { + "id": 920, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "zucchini", + "onions", + "pepper", + "garlic", + "white wine", + "ricotta cheese", + "pasta", + "olive oil", + "salt" + ] + }, + { + "id": 47470, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "kidney beans", + "doritos", + "tomatoes", + "grating cheese", + "catalina dressing", + "meat", + "water", + "taco seasoning" + ] + }, + { + "id": 27246, + "cuisine": "indian", + "ingredients": [ + "spinach", + "russet potatoes", + "garlic", + "juice", + "plum tomatoes", + "lime", + "paprika", + "chickpeas", + "onions", + "kosher salt", + "red pepper", + "cilantro leaves", + "bird chile", + "ground cumin", + "vegetable oil", + "ginger", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 2916, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "salt", + "fresh lemon juice", + "diced tomatoes", + "chopped onion", + "fresh parsley", + "fresh green bean", + "fresh oregano", + "feta cheese crumbles", + "pepper", + "vegetable broth", + "garlic cloves" + ] + }, + { + "id": 17818, + "cuisine": "french", + "ingredients": [ + "cream", + "raspberry sauce", + "sugar", + "large eggs", + "chocolate sauce", + "unsalted butter", + "all-purpose flour", + "water", + "salt" + ] + }, + { + "id": 6983, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "extra-virgin olive oil", + "canola oil", + "salmon fillets", + "sea salt", + "flat leaf parsley", + "pistachio nuts", + "candied lemon peel", + "sorrel", + "asiago", + "cayenne pepper" + ] + }, + { + "id": 9428, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "chili powder", + "cayenne pepper", + "ground cumin", + "cheddar cheese", + "beef stock", + "all-purpose flour", + "dried oregano", + "kosher salt", + "vegetable oil", + "corn tortillas", + "pepper", + "paprika", + "onions" + ] + }, + { + "id": 17477, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "red pepper flakes", + "salt", + "lime juice", + "garlic", + "dried oregano", + "water", + "diced tomatoes", + "onions", + "boneless chicken skinless thigh", + "white hominy", + "chicken stock cubes", + "cumin" + ] + }, + { + "id": 8185, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "green onions", + "diced yellow onion", + "garlic salt", + "black pepper", + "quinoa", + "chili powder", + "shredded mozzarella cheese", + "avocado", + "olive oil", + "chicken breasts", + "red enchilada sauce", + "shredded cheddar cheese", + "cooking spray", + "salsa", + "sour cream" + ] + }, + { + "id": 41737, + "cuisine": "indian", + "ingredients": [ + "crusty bread", + "chicken tenderloin", + "cilantro stems", + "arugula", + "curry powder", + "sea salt", + "avocado", + "mango chutney" + ] + }, + { + "id": 12565, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "salt", + "eggplant", + "eggs", + "oil" + ] + }, + { + "id": 36868, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "coconut cream", + "onions", + "tumeric", + "butter", + "cumin seed", + "plum tomatoes", + "chili powder", + "green chilies", + "chicken thighs", + "fresh coriander", + "salt", + "oil" + ] + }, + { + "id": 269, + "cuisine": "southern_us", + "ingredients": [ + "seasoning salt", + "cajun seasoning", + "hot sauce", + "kosher salt", + "self rising flour", + "cracked black pepper", + "steak", + "eggs", + "garlic powder", + "butter", + "Equal Sweetener", + "milk", + "vegetable oil", + "bacon fat", + "seasoned flour" + ] + }, + { + "id": 26005, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "center cut pork chops", + "sugar", + "shallots", + "minced garlic", + "thai chile", + "fish sauce", + "ground black pepper" + ] + }, + { + "id": 27252, + "cuisine": "french", + "ingredients": [ + "water", + "calvados", + "whole milk", + "fresh lemon juice", + "unsalted butter", + "quinces", + "salt", + "large egg whites", + "lemon zest", + "vanilla", + "confectioners sugar", + "sugar", + "granulated sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 39632, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "grated parmesan cheese", + "salt", + "onions", + "lasagna noodles", + "red pepper flakes", + "garlic cloves", + "tomato sauce", + "whole peeled tomatoes", + "ground pork", + "ground beef", + "olive oil", + "ricotta cheese", + "shredded mozzarella cheese", + "dried oregano" + ] + }, + { + "id": 19942, + "cuisine": "mexican", + "ingredients": [ + "brown rice", + "ginger", + "italian pork sausage", + "clam juice", + "garlic", + "saffron", + "vegetable oil", + "green peas", + "shrimp", + "low sodium vegetable stock", + "sea salt", + "yellow onion" + ] + }, + { + "id": 18199, + "cuisine": "spanish", + "ingredients": [ + "fava beans", + "lemon", + "ground black pepper", + "crème fraîche", + "chiffonade", + "kosher salt", + "extra-virgin olive oil" + ] + }, + { + "id": 25831, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garam masala", + "garlic", + "chicken", + "cream", + "butter", + "cilantro leaves", + "sugar", + "chili powder", + "salt", + "lime juice", + "ginger", + "coriander" + ] + }, + { + "id": 21211, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "egg noodles", + "unsalted butter" + ] + }, + { + "id": 6297, + "cuisine": "french", + "ingredients": [ + "lime", + "mayonaise", + "chopped cilantro", + "sweet potatoes", + "lime juice" + ] + }, + { + "id": 14220, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic", + "extra-virgin olive oil", + "fresh basil leaves", + "red pepper flakes", + "salt", + "grape tomatoes", + "cheese", + "spaghetti" + ] + }, + { + "id": 12686, + "cuisine": "southern_us", + "ingredients": [ + "ground nutmeg", + "salt", + "white sugar", + "ground cinnamon", + "unsalted butter", + "fresh lemon juice", + "peaches", + "all-purpose flour", + "boiling water", + "brown sugar", + "baking powder", + "corn starch" + ] + }, + { + "id": 37151, + "cuisine": "japanese", + "ingredients": [ + "large eggs", + "panko breadcrumbs", + "sweet chili sauce", + "hot sauce", + "cauliflower", + "greek style plain yogurt", + "honey", + "fresh parsley" + ] + }, + { + "id": 11754, + "cuisine": "indian", + "ingredients": [ + "pepper", + "mango chutney", + "sugar", + "crushed tomatoes", + "garlic", + "water", + "vegetable oil", + "lamb shanks", + "garam masala", + "salt" + ] + }, + { + "id": 48380, + "cuisine": "spanish", + "ingredients": [ + "calvados", + "apples", + "pears", + "sugar", + "golden raisins", + "dried fig", + "water", + "dry white wine", + "grated orange", + "prunes", + "dried apricot", + "grated lemon zest" + ] + }, + { + "id": 30412, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "chinese cabbage", + "sliced almonds", + "vegetable oil", + "ramen soup mix", + "sesame oil", + "sesame seeds", + "rice vinegar" + ] + }, + { + "id": 46582, + "cuisine": "moroccan", + "ingredients": [ + "all-purpose flour", + "vegetable oil", + "salt", + "honey", + "hot water" + ] + }, + { + "id": 43203, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "butter", + "chopped fresh sage", + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "finely chopped onion", + "sea salt", + "arborio rice", + "butternut squash", + "fatfree lowsodium chicken broth" + ] + }, + { + "id": 18008, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "ground black pepper", + "shredded mozzarella cheese", + "olive oil", + "garlic", + "dried oregano", + "bread crumbs", + "grated parmesan cheese", + "flat leaf parsley", + "eggplant", + "chopped onion" + ] + }, + { + "id": 37235, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lasagna noodles", + "1% low-fat milk", + "chopped onion", + "sausage casings", + "ground black pepper", + "grated parmesan cheese", + "salt", + "carrots", + "1% low-fat cottage cheese", + "hand", + "dry white wine", + "grated nutmeg", + "tomatoes", + "tomato juice", + "large eggs", + "chopped celery", + "juice" + ] + }, + { + "id": 39171, + "cuisine": "indian", + "ingredients": [ + "whole milk", + "clarified butter", + "ground cinnamon", + "salt", + "jaggery", + "sliced almonds", + "ground cardamom", + "raisins", + "long grain white rice" + ] + }, + { + "id": 23601, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "fresh mozzarella", + "crushed tomatoes", + "grated parmesan cheese", + "boneless, skinless chicken breast", + "ground black pepper", + "salt", + "olive oil", + "basil leaves" + ] + }, + { + "id": 7625, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "ground black pepper", + "carrots", + "parmesan cheese", + "low fat part skim ricotta chees", + "part-skim mozzarella cheese", + "egg whites", + "frozen chopped spinach", + "ground nutmeg", + "jumbo shells" + ] + }, + { + "id": 26681, + "cuisine": "mexican", + "ingredients": [ + "corn tortillas", + "cooking spray", + "canola oil", + "fresh lime juice", + "salt", + "ground cumin" + ] + }, + { + "id": 45666, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "Shaoxing wine", + "garlic", + "sambal ulek", + "ketchup", + "sesame oil", + "oyster sauce", + "soy sauce", + "marinade", + "chinese five-spice powder", + "chicken wings", + "hoisin sauce", + "ginger", + "lemon juice" + ] + }, + { + "id": 35676, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "salsa", + "black beans", + "boneless skinless chicken breasts", + "Mexican cheese", + "chip plain tortilla", + "sweet corn", + "water", + "vegetable oil" + ] + }, + { + "id": 4567, + "cuisine": "mexican", + "ingredients": [ + "fresh lime juice", + "avocado", + "serrano chile", + "chopped cilantro", + "cream cheese" + ] + }, + { + "id": 34307, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "lemon", + "flat leaf parsley", + "ground black pepper", + "purple onion", + "feta cheese", + "garlic", + "dried oregano", + "potatoes", + "salt" + ] + }, + { + "id": 40493, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "fresh parsley", + "paprika", + "cajun seasoning", + "horseradish", + "lemon juice" + ] + }, + { + "id": 20764, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "salt", + "cumin", + "black pepper", + "chili powder", + "cayenne pepper", + "green bell pepper", + "flank steak", + "yellow onion", + "garlic powder", + "onion powder", + "red bell pepper" + ] + }, + { + "id": 19002, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "sweet potatoes", + "salt", + "evaporated milk", + "butter", + "sugar", + "pastry shell", + "all-purpose flour", + "ground nutmeg", + "light corn syrup" + ] + }, + { + "id": 1254, + "cuisine": "chinese", + "ingredients": [ + "baking powder", + "large egg whites", + "cake flour", + "sugar", + "vanilla", + "large eggs" + ] + }, + { + "id": 26363, + "cuisine": "southern_us", + "ingredients": [ + "dry mustard", + "onions", + "dark corn syrup", + "pork and beans", + "yellow mustard", + "sausages", + "light brown sugar", + "sauce" + ] + }, + { + "id": 48212, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "Massaman curry paste", + "cardamom pods", + "dried red chile peppers", + "chicken", + "clove", + "vegetables", + "garlic", + "cinnamon sticks", + "onions", + "coriander seeds", + "ginger", + "cumin seed", + "bay leaf", + "fish sauce", + "lemon grass", + "grated nutmeg", + "coconut milk", + "ground turmeric" + ] + }, + { + "id": 40430, + "cuisine": "greek", + "ingredients": [ + "lemon", + "grated lemon peel", + "ground black pepper", + "chicken drumsticks", + "chopped garlic", + "new potatoes", + "yellow bell pepper", + "Country Crock® Spread", + "dri oregano leaves, crush", + "purple onion" + ] + }, + { + "id": 13084, + "cuisine": "italian", + "ingredients": [ + "hot red pepper flakes", + "fine sea salt", + "large garlic cloves", + "dandelion greens", + "extra-virgin olive oil" + ] + }, + { + "id": 31472, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "bouquet garni", + "cooked shrimp", + "brandy", + "whipping cream", + "carrots", + "tomato paste", + "butter", + "lemon juice", + "celery ribs", + "vegetable oil", + "all-purpose flour", + "onions" + ] + }, + { + "id": 46273, + "cuisine": "russian", + "ingredients": [ + "whole milk", + "unsalted butter", + "all-purpose flour", + "coarse salt", + "large eggs" + ] + }, + { + "id": 8194, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "new potatoes", + "white wine vinegar", + "fresh parsley", + "romaine lettuce", + "roma tomatoes", + "fresh green bean", + "garlic cloves", + "dijon mustard", + "shallots", + "salt", + "olives", + "anchovies", + "hard-boiled egg", + "extra-virgin olive oil", + "tuna" + ] + }, + { + "id": 15980, + "cuisine": "brazilian", + "ingredients": [ + "onion soup mix", + "chicken thighs", + "beer" + ] + }, + { + "id": 11980, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "creole seasoning", + "cayenne pepper", + "black pepper", + "italian salad dressing" + ] + }, + { + "id": 24134, + "cuisine": "indian", + "ingredients": [ + "milk", + "lemon juice", + "salt" + ] + }, + { + "id": 48642, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "basil leaves", + "rolls", + "marinara sauce", + "salt", + "provolone cheese", + "fennel seeds", + "cooking spray", + "fresh oregano", + "garlic powder", + "ground sirloin", + "Italian turkey sausage" + ] + }, + { + "id": 26823, + "cuisine": "mexican", + "ingredients": [ + "water", + "shredded lettuce", + "tomato sauce", + "kidney beans", + "salt", + "pepper", + "brown rice", + "taco seasoning mix", + "diced tomatoes" + ] + }, + { + "id": 43989, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "buttermilk", + "self rising flour", + "white sugar" + ] + }, + { + "id": 363, + "cuisine": "jamaican", + "ingredients": [ + "vegetable oil", + "scallions", + "dried thyme", + "dry bread crumbs", + "finely chopped onion", + "hot sauce", + "curry powder", + "wonton wrappers", + "ground beef" + ] + }, + { + "id": 5527, + "cuisine": "italian", + "ingredients": [ + "shallots", + "asparagus", + "heavy cream", + "smoked salmon", + "lemon", + "unsalted butter", + "dried pappardelle" + ] + }, + { + "id": 32233, + "cuisine": "korean", + "ingredients": [ + "sugar", + "kochu chang", + "sesame oil", + "cooked rice", + "toasted sesame seeds" + ] + }, + { + "id": 26971, + "cuisine": "greek", + "ingredients": [ + "grape leaves", + "olive oil", + "garlic cloves", + "long grain white rice", + "pinenuts", + "currant", + "onions", + "canned chicken broth", + "lemon wedge", + "fresh mint", + "ground cumin", + "plain yogurt", + "large garlic cloves", + "fresh parsley" + ] + }, + { + "id": 48940, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "onions", + "garlic cloves", + "poblano chiles", + "vegetable oil" + ] + }, + { + "id": 9661, + "cuisine": "spanish", + "ingredients": [ + "dough", + "pepper", + "onions", + "eggs", + "salt", + "tomatoes", + "olive oil", + "cooked ham", + "fresh parsley" + ] + }, + { + "id": 11128, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "garlic cloves", + "garlic powder", + "margarine", + "pasta sauce", + "onion powder", + "ground beef", + "medium egg noodles", + "shredded mozzarella cheese" + ] + }, + { + "id": 18807, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "roma tomatoes" + ] + }, + { + "id": 19329, + "cuisine": "french", + "ingredients": [ + "muffin mix", + "sugar", + "slivered almonds", + "orange" + ] + }, + { + "id": 20882, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "cilantro leaves", + "chili powder", + "chaat masala", + "potatoes", + "oil", + "salt" + ] + }, + { + "id": 29456, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "green onions", + "ground pork", + "sesame paste", + "black rice vinegar", + "soy sauce", + "sesame oil", + "garlic", + "pickled vegetables", + "sugar", + "szechwan peppercorns", + "ginger", + "cucumber", + "Shaoxing wine", + "chili oil", + "oil", + "noodles" + ] + }, + { + "id": 43017, + "cuisine": "british", + "ingredients": [ + "mixed spice", + "salt", + "paprika", + "butter", + "pepper", + "shrimp" + ] + }, + { + "id": 10723, + "cuisine": "brazilian", + "ingredients": [ + "black beans", + "shallots", + "kielbasa", + "ground beef", + "chipotle chile", + "green onions", + "garlic", + "flat leaf parsley", + "olive oil", + "bacon", + "yellow onion", + "oregano", + "bay leaves", + "white rice", + "sausages" + ] + }, + { + "id": 27884, + "cuisine": "spanish", + "ingredients": [ + "sherry vinegar", + "light brown sugar" + ] + }, + { + "id": 37562, + "cuisine": "brazilian", + "ingredients": [ + "black beans", + "garlic", + "onions", + "vegetable oil", + "green chilies", + "mango", + "sweet potatoes", + "salt", + "chopped cilantro fresh", + "diced tomatoes", + "red bell pepper" + ] + }, + { + "id": 234, + "cuisine": "irish", + "ingredients": [ + "butter", + "napa cabbage", + "small red potato", + "ground black pepper", + "yellow onion", + "milk", + "bacon" + ] + }, + { + "id": 37795, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "honey", + "goat cheese", + "kosher salt", + "chives", + "nutmeg", + "milk", + "butter", + "country ham", + "brewed coffee", + "grits" + ] + }, + { + "id": 49701, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "baking soda", + "peanuts", + "white sugar", + "white corn syrup" + ] + }, + { + "id": 48926, + "cuisine": "filipino", + "ingredients": [ + "pork belly", + "daikon", + "flour tortillas", + "scallions", + "sugar", + "kirby cucumbers", + "kosher salt", + "sauce" + ] + }, + { + "id": 13124, + "cuisine": "thai", + "ingredients": [ + "curry powder", + "chili powder", + "fresh ginger", + "coconut milk", + "olive oil", + "carrots", + "red lentils", + "green onions", + "broth" + ] + }, + { + "id": 26819, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "non-fat sour cream", + "taco seasoning", + "tomatoes", + "shredded lettuce", + "tortilla chips", + "extra-lean ground beef", + "salsa", + "onions", + "black beans", + "garlic", + "reduced-fat cheese" + ] + }, + { + "id": 48597, + "cuisine": "moroccan", + "ingredients": [ + "chicken stock", + "water", + "diced tomatoes", + "chickpeas", + "ground cumin", + "slivered almonds", + "dried apricot", + "garlic", + "fillets", + "ground ginger", + "peaches", + "cornflour", + "ground coriander", + "fresh coriander", + "cinnamon", + "cayenne pepper", + "onions" + ] + }, + { + "id": 7383, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "chili paste with garlic", + "corn starch", + "fresh ginger", + "garlic", + "frozen peas", + "tofu", + "dry sherry", + "cayenne pepper", + "soy sauce", + "ground pork", + "fermented black beans" + ] + }, + { + "id": 32828, + "cuisine": "brazilian", + "ingredients": [ + "mango juice", + "crushed ice", + "superfine sugar", + "cachaca", + "lime wedges" + ] + }, + { + "id": 37440, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "vegetable shortening", + "large eggs", + "chicken", + "whole milk", + "seasoning salt", + "all-purpose flour" + ] + }, + { + "id": 11562, + "cuisine": "indian", + "ingredients": [ + "chile pepper", + "carrots", + "salted peanuts", + "chopped cilantro fresh", + "salt", + "white sugar", + "lemon juice" + ] + }, + { + "id": 49115, + "cuisine": "vietnamese", + "ingredients": [ + "fresh basil", + "lime juice", + "sesame oil", + "carrots", + "sugar", + "herbs", + "boneless chicken", + "celery", + "mint", + "light soy sauce", + "daikon", + "cucumber", + "lettuce", + "soy sauce", + "seeds", + "garlic", + "rice paper" + ] + }, + { + "id": 23499, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "vegetable oil", + "enchilada sauce", + "kosher salt", + "colby jack cheese", + "garlic", + "green bell pepper", + "chicken breasts", + "diced tomatoes", + "ground cumin", + "ground black pepper", + "chili powder", + "yellow onion" + ] + }, + { + "id": 42400, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "sesame oil", + "seaweed", + "coriander", + "egg whites", + "ginger", + "shrimp", + "vegetables", + "wonton wrappers", + "garlic cloves", + "green onions", + "salt", + "minced pork" + ] + }, + { + "id": 34579, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "garlic", + "corn", + "mint leaves", + "ground cumin", + "coriander seeds", + "extra-virgin olive oil", + "kosher salt", + "harissa paste", + "juice" + ] + }, + { + "id": 14360, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "shredded cabbage", + "garlic", + "canola oil", + "fish sauce", + "lime juice", + "shallots", + "carrots", + "fresh coriander", + "cooked chicken", + "rice vinegar", + "sugar", + "sesame seeds", + "wonton wrappers", + "chillies" + ] + }, + { + "id": 37414, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "ground veal", + "freshly ground pepper", + "olive oil", + "pecorino romano cheese", + "garlic", + "water", + "lean ground beef", + "ground pork", + "bread crumb fresh", + "marinara sauce", + "sea salt", + "flat leaf parsley" + ] + }, + { + "id": 28539, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "garam masala", + "ground turmeric", + "tomatoes", + "fresh cilantro", + "onions", + "curry powder", + "cayenne pepper", + "ground cumin", + "red potato", + "olive oil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 41451, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "vegetable shortening", + "all-purpose flour", + "thyme leaves", + "tumeric", + "chili habanero pepper", + "garlic", + "ground allspice", + "onions", + "curry powder", + "paprika", + "cayenne pepper", + "ground beef", + "sugar", + "vegetable oil", + "salt", + "scallions" + ] + }, + { + "id": 39952, + "cuisine": "italian", + "ingredients": [ + "ricotta salata", + "green onions", + "olive oil", + "flat leaf parsley", + "milk", + "salt", + "pepper", + "large eggs" + ] + }, + { + "id": 31268, + "cuisine": "korean", + "ingredients": [ + "eggs", + "sesame oil", + "rice", + "olive oil", + "ginger", + "green onions", + "garlic", + "soy sauce", + "crushed red pepper flakes", + "kimchi" + ] + }, + { + "id": 25092, + "cuisine": "greek", + "ingredients": [ + "fat free less sodium chicken broth", + "sherry vinegar", + "yellow bell pepper", + "fresh lemon juice", + "pitted kalamata olives", + "feta cheese", + "sea salt", + "english cucumber", + "radicchio", + "shallots", + "grated lemon zest", + "cherry tomatoes", + "quinoa", + "extra-virgin olive oil", + "fresh mint" + ] + }, + { + "id": 40337, + "cuisine": "indian", + "ingredients": [ + "golden brown sugar", + "vanilla extract", + "bittersweet chocolate chips", + "whipping cream", + "cinnamon sticks", + "whole allspice", + "ground black pepper", + "cardamom pods", + "fresh ginger", + "1% low-fat milk" + ] + }, + { + "id": 19174, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "salt", + "garlic", + "sesame oil", + "chinkiang vinegar", + "light soy sauce", + "english cucumber" + ] + }, + { + "id": 21001, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "cooking oil", + "garlic", + "ground coriander", + "water", + "red pepper flakes", + "salt", + "onions", + "boneless, skinless chicken breast", + "water chestnuts", + "wine vinegar", + "chopped cilantro", + "tomato paste", + "cayenne", + "dry sherry", + "chinese cabbage" + ] + }, + { + "id": 34654, + "cuisine": "mexican", + "ingredients": [ + "water", + "chili powder", + "vegetarian refried beans", + "cottage cheese", + "garlic powder", + "all-purpose flour", + "reduced fat cheddar cheese", + "olive oil", + "salt", + "cider vinegar", + "flour tortillas", + "dried minced onion" + ] + }, + { + "id": 9635, + "cuisine": "spanish", + "ingredients": [ + "tomato paste", + "blanco chees queso", + "jalapeno chilies", + "salt", + "onions", + "yellow corn meal", + "minced garlic", + "conch", + "corn starch", + "olives", + "diced onions", + "sugar", + "olive oil", + "garlic", + "fresh parsley", + "green bell pepper", + "corn kernels", + "extra-virgin olive oil", + "red bell pepper", + "ground turmeric" + ] + }, + { + "id": 19531, + "cuisine": "greek", + "ingredients": [ + "pepper", + "dried dillweed", + "garlic", + "rotini", + "olive oil", + "feta cheese crumbles", + "frozen chopped spinach", + "salt" + ] + }, + { + "id": 18894, + "cuisine": "mexican", + "ingredients": [ + "corn tortilla chips", + "sauce", + "taco seasoning mix", + "ground beef", + "green bell pepper", + "sliced mushrooms", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 27154, + "cuisine": "italian", + "ingredients": [ + "dark chocolate", + "toasted slivered almonds", + "baguette", + "raspberries", + "fresh mint", + "unsalted butter" + ] + }, + { + "id": 39512, + "cuisine": "greek", + "ingredients": [ + "sugar", + "almonds", + "ground cinnamon", + "water", + "butter", + "unsalted pistachios", + "ground nutmeg", + "phyllo dough", + "honey", + "lemon juice" + ] + }, + { + "id": 48069, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "mirin", + "chile pepper", + "organic sugar", + "organic chicken broth", + "sake", + "olive oil", + "green onions", + "togarashi", + "soy", + "chicken broth", + "salmon", + "red sockeye", + "ginger", + "toasted sesame seeds", + "sugar", + "fresh ginger", + "sesame oil", + "scallions", + "buckwheat soba noodles" + ] + }, + { + "id": 37081, + "cuisine": "spanish", + "ingredients": [ + "medjool date", + "butter", + "manchego cheese", + "white sandwich bread", + "serrano" + ] + }, + { + "id": 32885, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "corn kernels", + "cooking spray", + "salt", + "boiling water", + "dried cornhusks", + "sun-dried tomatoes", + "baking powder", + "garlic cloves", + "dried oregano", + "dried porcini mushrooms", + "finely chopped onion", + "vegetable broth", + "chopped cilantro fresh", + "pasilla chiles", + "mushroom caps", + "vegetable shortening", + "fresh lime juice", + "masa harina" + ] + }, + { + "id": 46918, + "cuisine": "italian", + "ingredients": [ + "bananas", + "vegetable oil", + "chopped pecans", + "cooking spray", + "salt", + "large eggs", + "vanilla extract", + "sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 23023, + "cuisine": "mexican", + "ingredients": [ + "shredded reduced fat cheddar cheese", + "salsa", + "reduced-fat sour cream", + "iceberg lettuce", + "sliced black olives", + "taco seasoning", + "tomatoes", + "cheese" + ] + }, + { + "id": 19074, + "cuisine": "thai", + "ingredients": [ + "water", + "thai basil", + "rice vinegar", + "red jalapeno peppers", + "sugar", + "fresh cilantro", + "crushed garlic", + "english cucumber", + "fish sauce", + "lime juice", + "lime wedges", + "roasted peanuts", + "white onion", + "fresh ginger", + "salt", + "carrots" + ] + }, + { + "id": 1849, + "cuisine": "spanish", + "ingredients": [ + "capers", + "olive oil", + "salt", + "garlic cloves", + "ground cumin", + "water", + "large eggs", + "chopped onion", + "small red potato", + "tomato sauce", + "ground black pepper", + "spanish chorizo", + "ham", + "green olives", + "dried thyme", + "pimentos", + "eye of round roast", + "bay leaf" + ] + }, + { + "id": 2683, + "cuisine": "italian", + "ingredients": [ + "large garlic cloves", + "freshly ground pepper", + "dry white wine", + "extra-virgin olive oil", + "chopped fresh thyme", + "linguine", + "littleneck clams" + ] + }, + { + "id": 39499, + "cuisine": "french", + "ingredients": [ + "low-fat turkey kielbasa", + "water", + "garlic", + "dried rosemary", + "bread crumbs", + "dry white wine", + "freshly ground pepper", + "reduced sodium chicken broth", + "extra-virgin olive oil", + "onions", + "boneless chicken skinless thigh", + "dried thyme", + "white beans" + ] + }, + { + "id": 22717, + "cuisine": "brazilian", + "ingredients": [ + "chocolate sprinkles", + "unsalted butter", + "cocoa", + "unsweetened cocoa powder", + "sweetened condensed milk" + ] + }, + { + "id": 46546, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "all-purpose flour", + "granny smith apples", + "butter", + "sundae syrup", + "brown sugar", + "granulated sugar", + "corn starch", + "oats", + "pie dough", + "salt" + ] + }, + { + "id": 15999, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "crushed red pepper", + "fennel seeds", + "grated parmesan cheese", + "pancetta", + "fennel bulb", + "garlic cloves", + "fettucine", + "whipping cream" + ] + }, + { + "id": 41812, + "cuisine": "southern_us", + "ingredients": [ + "half & half", + "vanilla extract", + "firmly packed brown sugar", + "chopped pecans", + "butter" + ] + }, + { + "id": 27987, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "sweet onion", + "heavy cream", + "black pepper", + "grated parmesan cheese", + "sliced ham", + "grape tomatoes", + "olive oil", + "peas", + "kosher salt", + "butter" + ] + }, + { + "id": 44373, + "cuisine": "indian", + "ingredients": [ + "light brown sugar", + "whole wheat pita", + "mango", + "vegetable oil cooking spray", + "raisins", + "ground cumin", + "chiles", + "purple onion", + "cider vinegar", + "cayenne pepper" + ] + }, + { + "id": 20644, + "cuisine": "vietnamese", + "ingredients": [ + "green chile", + "herbs", + "rice noodles", + "star anise", + "carrots", + "asian fish sauce", + "fresh ginger", + "low sodium chicken broth", + "coarse salt", + "purple onion", + "onions", + "light brown sugar", + "ground black pepper", + "shallots", + "cinnamon", + "scallions", + "boneless skinless chicken breast halves", + "lime", + "hoisin sauce", + "vegetable oil", + "garlic", + "beansprouts", + "chile sauce" + ] + }, + { + "id": 45738, + "cuisine": "moroccan", + "ingredients": [ + "whole wheat couscous", + "pinenuts", + "flat leaf parsley", + "olive oil", + "dried cranberries", + "fat free less sodium chicken broth", + "salt" + ] + }, + { + "id": 1727, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "sharp cheddar cheese", + "black pepper", + "salt", + "chicken broth", + "whipping cream", + "grits", + "garlic powder", + "cream cheese" + ] + }, + { + "id": 38851, + "cuisine": "italian", + "ingredients": [ + "black-eyed peas", + "yellow onion", + "no-salt-added diced tomatoes", + "extra-virgin olive oil", + "whole wheat thin spaghetti", + "canned low sodium chicken broth", + "grated parmesan cheese", + "celery", + "hot italian turkey sausage links", + "garlic", + "dried oregano" + ] + }, + { + "id": 30787, + "cuisine": "thai", + "ingredients": [ + "lime rind", + "Thai fish sauce", + "galangal", + "lemongrass", + "bird chile", + "chopped cilantro fresh", + "water", + "coconut milk", + "chicken thighs", + "kaffir lime leaves", + "chicken breasts", + "fresh lime juice" + ] + }, + { + "id": 19481, + "cuisine": "greek", + "ingredients": [ + "granulated sugar", + "bread flour", + "warm water", + "extra-virgin olive oil", + "instant yeast", + "milk", + "salt" + ] + }, + { + "id": 7597, + "cuisine": "mexican", + "ingredients": [ + "onion soup mix", + "tomato sauce", + "whole kernel corn, drain", + "kidney beans", + "ground beef", + "tomatoes with juice" + ] + }, + { + "id": 11195, + "cuisine": "thai", + "ingredients": [ + "Tabasco Pepper Sauce", + "garlic", + "fresh coriander", + "ginger", + "lemon juice", + "red pepper", + "tomato ketchup", + "prawns", + "Flora Cuisine", + "onions" + ] + }, + { + "id": 19046, + "cuisine": "filipino", + "ingredients": [ + "bitter melon", + "fresh ginger root", + "carrots", + "sweet onion", + "garlic", + "water", + "chile pepper", + "white sugar", + "white vinegar", + "eggplant", + "salt" + ] + }, + { + "id": 15493, + "cuisine": "japanese", + "ingredients": [ + "butter lettuce", + "sesame seeds", + "shallots", + "edamame", + "soy sauce", + "white miso", + "salt", + "toasted sesame oil", + "honey", + "green onions", + "rice vinegar", + "beet greens", + "shiitake", + "vegetable oil", + "orange juice" + ] + }, + { + "id": 22006, + "cuisine": "southern_us", + "ingredients": [ + "bread", + "baking soda", + "cinnamon", + "pecans", + "bourbon whiskey", + "vanilla", + "eggs", + "granulated sugar", + "raisins", + "milk", + "white corn syrup", + "sauce" + ] + }, + { + "id": 12384, + "cuisine": "mexican", + "ingredients": [ + "semisweet chocolate", + "salt", + "dried oregano", + "ground round", + "diced tomatoes", + "garlic cloves", + "chili powder", + "chopped onion", + "ground cumin", + "water", + "reduced-fat sour cream", + "chopped cilantro fresh" + ] + }, + { + "id": 19428, + "cuisine": "british", + "ingredients": [ + "bread crumbs", + "dried sage", + "pork butt", + "ground black pepper", + "yellow onion", + "eggs", + "pork liver", + "fresh pork fat", + "dried thyme", + "salt" + ] + }, + { + "id": 42086, + "cuisine": "indian", + "ingredients": [ + "ground cashew", + "salt", + "small red potato", + "curry powder", + "onion powder", + "rice", + "chicken thighs", + "tomato sauce", + "jalapeno chilies", + "green pepper", + "carrots", + "garlic powder", + "heavy cream", + "oil", + "frozen peas" + ] + }, + { + "id": 35186, + "cuisine": "british", + "ingredients": [ + "filet mignon", + "large eggs", + "puff pastry sheets", + "veal demi-glace", + "shallots", + "minced garlic", + "mushrooms", + "Madeira", + "unsalted butter", + "gorgonzola" + ] + }, + { + "id": 1904, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh fava bean", + "rocket leaves", + "red wine vinegar", + "fresh peas", + "plum tomatoes", + "water", + "farro" + ] + }, + { + "id": 31944, + "cuisine": "southern_us", + "ingredients": [ + "oysters", + "peanut oil", + "kosher salt", + "pickled okra", + "corn flour", + "all-purpose flour", + "ground white pepper", + "cracker meal", + "vinaigrette" + ] + }, + { + "id": 7332, + "cuisine": "italian", + "ingredients": [ + "bacon", + "grated parmesan cheese", + "cream cheese, soften", + "milk", + "bow-tie pasta", + "butter", + "italian seasoning" + ] + }, + { + "id": 18608, + "cuisine": "filipino", + "ingredients": [ + "salt", + "onions", + "chili pepper", + "shrimp", + "fish sauce", + "oil", + "garlic", + "coconut milk" + ] + }, + { + "id": 11774, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "English toffee bits", + "pecans", + "sea salt", + "ground cinnamon", + "butter", + "pure vanilla extract", + "graham crackers" + ] + }, + { + "id": 32764, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "salt", + "brown sugar", + "grated parmesan cheese", + "italian seasoning", + "ground black pepper", + "bread flour", + "warm water", + "cheese" + ] + }, + { + "id": 23384, + "cuisine": "russian", + "ingredients": [ + "sugar", + "vegetable oil", + "baking soda", + "vanilla extract", + "eggs", + "flour", + "salt", + "milk", + "butter" + ] + }, + { + "id": 28872, + "cuisine": "indian", + "ingredients": [ + "phyllo dough", + "curry powder", + "oil", + "cream", + "vegetable oil", + "chopped cilantro fresh", + "plain yogurt", + "chili powder", + "onions", + "water", + "all-purpose flour" + ] + }, + { + "id": 19208, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "ginger", + "scallions", + "soy sauce", + "chili oil", + "rice vinegar", + "sesame oil", + "salt", + "honey", + "cilantro", + "soba noodles" + ] + }, + { + "id": 12016, + "cuisine": "italian", + "ingredients": [ + "salad dressing", + "chuck roast", + "garlic", + "ground black pepper" + ] + }, + { + "id": 16168, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "lime juice", + "ground nutmeg", + "salt", + "corn starch", + "molasses", + "olive oil", + "ground rosemary", + "orange juice", + "brown sugar", + "dried thyme", + "ground sage", + "ground allspice", + "onions", + "ground ginger", + "black pepper", + "garlic powder", + "malt vinegar", + "roasting chickens" + ] + }, + { + "id": 19872, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "scallions", + "spinach leaves", + "peeled fresh ginger", + "toasted sesame oil", + "lo mein noodles", + "garlic cloves", + "cremini mushrooms", + "vegetable oil" + ] + }, + { + "id": 5156, + "cuisine": "french", + "ingredients": [ + "canned chicken broth", + "russet potatoes", + "herbes de provence", + "dry white wine", + "salt", + "minced garlic", + "whipping cream", + "shallots", + "soft fresh goat cheese" + ] + }, + { + "id": 43114, + "cuisine": "mexican", + "ingredients": [ + "lean ground beef", + "green onions", + "fajita seasoning mix", + "large eggs", + "crushed garlic", + "colby jack cheese" + ] + }, + { + "id": 13396, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "flat leaf parsley", + "baguette", + "extra-virgin olive oil", + "pecorino romano cheese", + "unsalted butter", + "garlic" + ] + }, + { + "id": 37472, + "cuisine": "cajun_creole", + "ingredients": [ + "shucked oysters", + "chopped celery", + "dri leav thyme", + "green bell pepper", + "bay leaves", + "all-purpose flour", + "andouille sausage", + "vegetable oil", + "cayenne pepper", + "chicken broth", + "roasting hen", + "salt", + "onions" + ] + }, + { + "id": 22570, + "cuisine": "vietnamese", + "ingredients": [ + "avocado", + "iceberg", + "monterey jack", + "hamburger buns", + "boneless skinless chicken breasts", + "mayonaise", + "olive oil", + "lime juice", + "chipotle chile powder" + ] + }, + { + "id": 20212, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "pork chops", + "star anise", + "pickled vegetables", + "white pepper", + "rice wine", + "rice", + "potato flour", + "eggs", + "vegetables", + "spices", + "carrots", + "soy sauce", + "spring onions", + "garlic", + "boiling water" + ] + }, + { + "id": 31344, + "cuisine": "cajun_creole", + "ingredients": [ + "white onion", + "butter", + "creole seasoning", + "cream of mushroom soup", + "cold water", + "green onions", + "crab boil", + "red bell pepper", + "lump crab meat", + "worcestershire sauce", + "cream cheese", + "gelatin", + "cilantro", + "shrimp" + ] + }, + { + "id": 24336, + "cuisine": "indian", + "ingredients": [ + "water", + "cilantro", + "green chilies", + "chili powder", + "salt", + "ghee", + "amchur", + "paneer", + "chopped cilantro", + "butter", + "all-purpose flour" + ] + }, + { + "id": 46476, + "cuisine": "spanish", + "ingredients": [ + "green bell pepper", + "yellow bell pepper", + "chopped onion", + "pepper", + "rice vinegar", + "red bell pepper", + "brown sugar", + "salt", + "cucumber", + "pepper sauce", + "pineapple", + "pineapple juice", + "chopped cilantro fresh" + ] + }, + { + "id": 44378, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "whole milk", + "salt", + "black pepper", + "vegetable oil", + "cayenne pepper", + "kosher salt", + "buttermilk", + "top round steak", + "breakfast sausages", + "all-purpose flour" + ] + }, + { + "id": 42326, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "garlic", + "crushed tomatoes", + "butter", + "sliced green olives", + "olive oil", + "diced tomatoes", + "hot cherry pepper", + "capers", + "sliced black olives", + "onions" + ] + }, + { + "id": 11271, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "chopped onion", + "couscous", + "sugar", + "vegetable broth", + "carrots", + "dried lentils", + "vegetable oil", + "garlic cloves", + "water", + "salt", + "chopped pecans" + ] + }, + { + "id": 2382, + "cuisine": "mexican", + "ingredients": [ + "white corn tortillas", + "purple onion", + "avocado", + "chili powder", + "green chilies", + "frozen whole kernel corn", + "salt", + "Pure Wesson Canola Oil", + "diced tomatoes", + "large shrimp" + ] + }, + { + "id": 4317, + "cuisine": "japanese", + "ingredients": [ + "sake", + "yellow miso", + "egg yolks", + "cilantro", + "dried chile", + "soy sauce", + "slab bacon", + "vegetable oil", + "fresh mushrooms", + "dried mushrooms", + "sugar", + "fresh ginger", + "chives", + "garlic", + "noodles", + "water", + "mirin", + "red wine vinegar", + "konbu" + ] + }, + { + "id": 21684, + "cuisine": "chinese", + "ingredients": [ + "szechwan peppercorns", + "shrimp", + "sea salt", + "vegetable oil", + "lemon wedge", + "garlic cloves" + ] + }, + { + "id": 46409, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "kirby cucumbers", + "garlic cloves", + "sherry vinegar", + "extra-virgin olive oil", + "crusty bread", + "fresh tarragon", + "red bell pepper", + "ground black pepper", + "salt" + ] + }, + { + "id": 33668, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "black pepper", + "corn", + "avocado", + "lime juice", + "cilantro", + "white onion", + "cherry tomatoes" + ] + }, + { + "id": 24531, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "peeled fresh ginger", + "garlic cloves", + "coriander seeds", + "vegetable oil", + "soy sauce", + "flank steak", + "coffee", + "cilantro leaves" + ] + }, + { + "id": 7792, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "Shaoxing wine", + "chopped onion", + "sugar", + "water", + "ground pork", + "soy sauce", + "yardlong beans", + "sauce", + "minced garlic", + "soya bean", + "corn starch" + ] + }, + { + "id": 44491, + "cuisine": "british", + "ingredients": [ + "brown sugar", + "bread machine yeast", + "ground cinnamon", + "dried cherry", + "salt", + "milk", + "raisins", + "eggs", + "butter", + "bread flour" + ] + }, + { + "id": 39749, + "cuisine": "indian", + "ingredients": [ + "red lentils", + "tumeric", + "pumpkin purée", + "paprika", + "salt", + "garlic cloves", + "chopped cilantro", + "tomato paste", + "fresh ginger", + "grapeseed oil", + "curry", + "ground coriander", + "mustard seeds", + "jaggery", + "clove", + "amchur", + "shallots", + "garlic", + "dried chickpeas", + "fresh lemon juice", + "ghee", + "frozen spinach", + "curry leaves", + "garam masala", + "legumes", + "purple onion", + "cumin seed", + "cinnamon sticks", + "ground cumin" + ] + }, + { + "id": 1911, + "cuisine": "indian", + "ingredients": [ + "sugar", + "salt", + "cumin seed", + "cracked black pepper", + "chickpeas", + "rice flour", + "coriander powder", + "cilantro leaves", + "oil", + "asafoetida", + "ginger", + "green chilies", + "onions" + ] + }, + { + "id": 446, + "cuisine": "french", + "ingredients": [ + "sea salt", + "flat leaf parsley", + "garlic cloves", + "extra-virgin olive oil", + "wild mushrooms", + "Italian parsley leaves", + "fresh lemon juice" + ] + }, + { + "id": 10046, + "cuisine": "cajun_creole", + "ingredients": [ + "barbecue sauce", + "salad dressing", + "boneless skinless chicken breasts" + ] + }, + { + "id": 12730, + "cuisine": "italian", + "ingredients": [ + "pepper", + "pizza doughs", + "tomatoes", + "garlic", + "basil", + "mozzarella cheese", + "salt" + ] + }, + { + "id": 35951, + "cuisine": "italian", + "ingredients": [ + "1% low-fat milk", + "processed cheese", + "all-purpose flour", + "shredded extra sharp cheddar cheese", + "salt", + "cooking spray", + "elbow macaroni" + ] + }, + { + "id": 32721, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "olive oil", + "fusilli", + "fresh lime juice", + "corn kernels", + "meat", + "carrots", + "cooked turkey", + "dijon mustard", + "chili powder", + "ground cumin", + "fresh cilantro", + "jalapeno chilies", + "purple onion" + ] + }, + { + "id": 20059, + "cuisine": "mexican", + "ingredients": [ + "unsalted butter", + "cinnamon", + "sugar", + "flour", + "cayenne pepper", + "large eggs", + "vanilla extract", + "kosher salt", + "baking powder", + "unsweetened cocoa powder" + ] + }, + { + "id": 48344, + "cuisine": "italian", + "ingredients": [ + "raw pistachios", + "parmagiano reggiano", + "basil", + "olive oil", + "lemon juice", + "salt" + ] + }, + { + "id": 46089, + "cuisine": "moroccan", + "ingredients": [ + "eggs", + "milk", + "baking powder", + "warm water", + "semolina", + "salt", + "sugar", + "honey", + "butter", + "water", + "dry yeast", + "all-purpose flour" + ] + }, + { + "id": 42507, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "unsalted butter", + "bittersweet chocolate", + "raspberries", + "light corn syrup", + "tartlet shells" + ] + }, + { + "id": 3984, + "cuisine": "cajun_creole", + "ingredients": [ + "capers", + "honey", + "extra-virgin olive oil", + "provolone cheese", + "mayonaise", + "pitted green olives", + "vinaigrette", + "olive tapenade", + "pitted kalamata olives", + "roasted red peppers", + "mortadella", + "chopped garlic", + "genoa salami", + "mozzarella cheese", + "cracked black pepper", + "rolls" + ] + }, + { + "id": 21374, + "cuisine": "southern_us", + "ingredients": [ + "water", + "baking powder", + "sugar", + "peaches", + "salt", + "cream", + "flour", + "vanilla bean paste", + "milk", + "butter" + ] + }, + { + "id": 4424, + "cuisine": "mexican", + "ingredients": [ + "juice", + "table salt", + "white vinegar", + "whole milk" + ] + }, + { + "id": 3740, + "cuisine": "greek", + "ingredients": [ + "roasted red peppers", + "feta cheese crumbles", + "pepper", + "greek style plain yogurt", + "paprika", + "hummus", + "pita chips", + "Mezzetta Sliced Greek Kalamata Olives" + ] + }, + { + "id": 3008, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "light soy sauce", + "sesame oil", + "garlic", + "chinese rice wine", + "fresh coriander", + "spring onions", + "ginger", + "chicken-flavored soup powder", + "pork", + "mushrooms", + "frozen garden peas", + "oyster sauce", + "chiles", + "water", + "seeds", + "cornflour", + "cashew nuts" + ] + }, + { + "id": 48639, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "sunflower oil", + "burger rolls", + "boneless chicken skinless thigh", + "cornflour", + "soy sauce", + "ginger", + "lettuce", + "mirin", + "garlic cloves" + ] + }, + { + "id": 3295, + "cuisine": "italian", + "ingredients": [ + "fresh orange juice", + "red wine vinegar", + "fresh lemon juice", + "olive oil", + "oyster mushrooms", + "sea salt" + ] + }, + { + "id": 7121, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "picante sauce", + "ground black pepper", + "jalapeno chilies", + "red pepper", + "cream cheese", + "brown sugar", + "minced garlic", + "Mexican cheese blend", + "green onions", + "shredded sharp cheddar cheese", + "dried parsley", + "tomato sauce", + "water", + "minced onion", + "boneless skinless chicken breasts", + "purple onion", + "canola oil", + "black beans", + "dark chocolate chip", + "roma tomatoes", + "chili powder", + "salt", + "ground cumin" + ] + }, + { + "id": 8115, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "scallions", + "fish sauce", + "salt", + "dried shrimp", + "napa cabbage", + "medium shrimp", + "white pepper", + "yellow onion", + "canola oil" + ] + }, + { + "id": 23037, + "cuisine": "indian", + "ingredients": [ + "semolina", + "green chilies", + "chopped cilantro", + "purple onion", + "oil", + "nonfat yogurt", + "cumin seed", + "water", + "salt", + "carrots" + ] + }, + { + "id": 15585, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "lemon juice", + "canola oil", + "salt", + "onions", + "cilantro", + "ground cayenne pepper", + "ground cumin", + "tomatoes", + "okra", + "ground turmeric" + ] + }, + { + "id": 32470, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "olive oil", + "garlic", + "flat leaf parsley", + "eggs", + "paprika", + "cayenne pepper", + "ground paprika", + "cilantro", + "ground turkey", + "ground cinnamon", + "harissa", + "yellow onion", + "ground cumin" + ] + }, + { + "id": 48326, + "cuisine": "moroccan", + "ingredients": [ + "dried apricot", + "fresh mint", + "dried currants", + "extra-virgin olive oil", + "natural pistachios", + "coarse salt", + "couscous", + "water", + "cinnamon sticks", + "ground cumin" + ] + }, + { + "id": 10884, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "lemon", + "garlic", + "green chilies", + "cumin", + "amchur", + "cilantro", + "cayenne pepper", + "onions", + "water", + "paprika", + "salt", + "oil", + "tomatoes", + "garam masala", + "ginger", + "chickpeas", + "coriander" + ] + }, + { + "id": 24674, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "boneless skinless chicken breasts", + "salsa", + "corn tortillas", + "sliced black olives", + "garlic", + "cayenne pepper", + "jalapeno chilies", + "low-fat monterey jack", + "enchilada sauce", + "vegetable oil cooking spray", + "shredded low-fat cheddar", + "hot sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 17418, + "cuisine": "jamaican", + "ingredients": [ + "lime juice", + "jalapeno chilies", + "purple onion", + "pork tenderloin", + "extra-virgin olive oil", + "jamaican jerk season", + "pork loin", + "mango", + "bananas", + "any", + "cilantro leaves" + ] + }, + { + "id": 5493, + "cuisine": "indian", + "ingredients": [ + "sugar", + "baking soda", + "salt", + "water", + "yoghurt", + "oil", + "warm water", + "herbs", + "all-purpose flour", + "active dry yeast", + "spices", + "ghee" + ] + }, + { + "id": 30642, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "pineapple chunks", + "margarine", + "sugar", + "sharp cheddar cheese", + "cracker crumbs" + ] + }, + { + "id": 42262, + "cuisine": "southern_us", + "ingredients": [ + "chopped nuts", + "flaked coconut", + "vanilla extract", + "white sugar", + "milk", + "buttermilk", + "all-purpose flour", + "white vinegar", + "baking soda", + "red food coloring", + "butter extract", + "eggs", + "vegetable shortening", + "salt", + "unsweetened cocoa powder" + ] + }, + { + "id": 41169, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "large eggs", + "powdered sugar", + "water", + "salt", + "shortening", + "active dry yeast", + "bread flour", + "warm water", + "strawberry preserves" + ] + }, + { + "id": 39062, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "coriander seeds", + "cumin seed", + "nutmeg", + "ginger", + "peppercorns", + "clove", + "bay leaves", + "cinnamon sticks", + "chiles", + "star anise" + ] + }, + { + "id": 5969, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "pepper jack", + "cilantro", + "plum tomatoes", + "ground pepper", + "coarse salt", + "steak", + "avocado", + "cayenne", + "reduced-fat sour cream", + "fresh lime juice", + "olive oil", + "flour tortillas", + "purple onion", + "dried oregano" + ] + }, + { + "id": 29353, + "cuisine": "cajun_creole", + "ingredients": [ + "russet potatoes", + "corn flour", + "salt", + "cajun seasoning", + "cornmeal", + "oil" + ] + }, + { + "id": 43636, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "mole sauce", + "lime wedges", + "corn tortillas", + "chopped tomatoes", + "swordfish", + "green cabbage", + "salt" + ] + }, + { + "id": 11346, + "cuisine": "southern_us", + "ingredients": [ + "mini marshmallows", + "all-purpose flour", + "unsweetened cocoa powder", + "eggs", + "vanilla extract", + "confectioners sugar", + "butter", + "chopped walnuts", + "milk", + "salt", + "white sugar" + ] + }, + { + "id": 27625, + "cuisine": "southern_us", + "ingredients": [ + "cornbread", + "bibb lettuce", + "purple onion", + "plum tomatoes", + "pepper", + "butter", + "lemon juice", + "mayonaise", + "chopped fresh chives", + "salt", + "celery ribs", + "water", + "fresh tarragon", + "shrimp" + ] + }, + { + "id": 33169, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "all-purpose flour", + "unsalted butter", + "salt", + "boiling potatoes", + "olive oil", + "fresh tarragon", + "flat leaf parsley", + "black pepper", + "chopped fresh chives", + "dry bread crumbs" + ] + }, + { + "id": 13297, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "boneless chicken breast", + "chop green chilies, undrain", + "avocado", + "cheese", + "chopped cilantro fresh", + "diced onions", + "vegetable oil", + "corn tortillas", + "tomatoes", + "taco seasoning" + ] + }, + { + "id": 43033, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "jicama", + "scallions", + "dumpling wrappers", + "salt", + "ground chicken", + "sesame oil", + "chinkiang vinegar", + "sugar", + "olive oil", + "dried shiitake mushrooms" + ] + }, + { + "id": 24581, + "cuisine": "italian", + "ingredients": [ + "coarse salt", + "dried oregano", + "olive oil", + "juice", + "tomatoes", + "garlic", + "ground pepper", + "onions" + ] + }, + { + "id": 31906, + "cuisine": "chinese", + "ingredients": [ + "rock sugar", + "peanuts", + "ginger", + "water", + "pandanus leaf", + "white sesame seeds", + "sugar", + "egg yolks", + "glutinous rice flour", + "winter melon", + "coconut", + "butter" + ] + }, + { + "id": 48614, + "cuisine": "british", + "ingredients": [ + "whitefish", + "salt", + "large eggs", + "crushed cornflakes", + "all-purpose flour", + "yukon gold potatoes" + ] + }, + { + "id": 37693, + "cuisine": "italian", + "ingredients": [ + "eggs", + "white sugar", + "ricotta cheese", + "vanilla extract", + "ditalini pasta" + ] + }, + { + "id": 7291, + "cuisine": "italian", + "ingredients": [ + "smoked gouda", + "white pepper", + "frozen cheese ravioli", + "fresh parsley", + "cream" + ] + }, + { + "id": 6953, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "green pepper", + "frozen corn", + "oil", + "chicken broth", + "rice", + "salsa", + "Mexican cheese" + ] + }, + { + "id": 29082, + "cuisine": "southern_us", + "ingredients": [ + "water", + "orange juice", + "tea bags", + "mint sprigs", + "clove", + "orange", + "fresh lemon juice", + "sugar", + "pineapple juice" + ] + }, + { + "id": 12438, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "chorizo sausage", + "chicken stock", + "baking powder", + "cornmeal", + "corn husks", + "frozen corn", + "chipotle chile", + "vegetable shortening", + "adobo sauce" + ] + }, + { + "id": 27148, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "cheddar cheese", + "black beans", + "olive oil", + "grated parmesan cheese", + "cilantro", + "yellow onion", + "sour cream", + "onions", + "chicken stock", + "ground chicken", + "lime", + "zucchini", + "chili powder", + "salt", + "garlic cloves", + "corn tortillas", + "cumin", + "avocado", + "granulated garlic", + "fresh cilantro", + "radishes", + "jalapeno chilies", + "crushed red pepper flakes", + "ear of corn", + "chayotes", + "dried oregano", + "tomato paste", + "black pepper", + "yellow squash", + "large eggs", + "onion powder", + "plain breadcrumbs", + "red bell pepper", + "roasted tomatoes", + "canola oil" + ] + }, + { + "id": 32771, + "cuisine": "southern_us", + "ingredients": [ + "chipotle chile", + "salt", + "mustard greens", + "olive oil", + "adobo", + "bacon slices" + ] + }, + { + "id": 5848, + "cuisine": "thai", + "ingredients": [ + "bell pepper", + "coconut milk", + "boneless chicken skinless thigh", + "red curry paste", + "fish sauce", + "pineapple", + "onions", + "palm sugar", + "extra virgin coconut oil" + ] + }, + { + "id": 44193, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt and ground black pepper", + "white vinegar", + "lime juice", + "chopped onion", + "water", + "garlic", + "tomatoes", + "olive oil", + "carrots" + ] + }, + { + "id": 39306, + "cuisine": "british", + "ingredients": [ + "ground black pepper", + "ground pork", + "ground beef", + "water", + "green onions", + "frozen broccoli", + "olive oil", + "butter", + "carrots", + "steak sauce", + "potatoes", + "low sodium beef bouillon granules", + "onions" + ] + }, + { + "id": 48496, + "cuisine": "mexican", + "ingredients": [ + "tilapia fillets", + "cilantro leaves", + "salt and ground black pepper", + "olive oil", + "fresh lime juice", + "tomatoes", + "jalapeno chilies" + ] + }, + { + "id": 9424, + "cuisine": "italian", + "ingredients": [ + "toasted pecans", + "ravioli", + "olive oil", + "salt", + "grated parmesan cheese", + "garlic cloves", + "watercress leaves", + "cheese" + ] + }, + { + "id": 38017, + "cuisine": "vietnamese", + "ingredients": [ + "lettuce", + "brown sugar", + "peanuts", + "basil", + "peanut butter", + "cucumber", + "mint", + "water", + "green onions", + "rice vermicelli", + "carrots", + "beansprouts", + "dressing", + "chiles", + "hoisin sauce", + "cilantro", + "oil", + "red bell pepper", + "fish sauce", + "lime juice", + "shallots", + "garlic", + "shrimp", + "bird chile" + ] + }, + { + "id": 49137, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "unsalted butter", + "all-purpose flour", + "honey", + "chocolate", + "cream sweeten whip", + "large egg yolks", + "salt", + "pinenuts", + "large eggs", + "heavy whipping cream" + ] + }, + { + "id": 26302, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "crushed red pepper", + "fresh parsley", + "chicken broth", + "pecorino romano cheese", + "ricotta", + "butter", + "salt", + "pinenuts", + "kalamata", + "garlic cloves" + ] + }, + { + "id": 2223, + "cuisine": "irish", + "ingredients": [ + "Guinness Beer", + "white sugar", + "butter", + "self rising flour", + "molasses", + "salt" + ] + }, + { + "id": 34862, + "cuisine": "brazilian", + "ingredients": [ + "sausage casings", + "orange", + "garlic", + "pork shoulder", + "black beans", + "bay leaves", + "salt", + "thick-cut bacon", + "water", + "beef stock cubes", + "hot sauce", + "smoked ham hocks", + "black pepper", + "olive oil", + "smoked sausage", + "onions" + ] + }, + { + "id": 28444, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "low salt chicken broth", + "sake", + "large garlic cloves", + "sugar", + "fryer chickens", + "peeled fresh ginger" + ] + }, + { + "id": 7248, + "cuisine": "italian", + "ingredients": [ + "black peppercorns", + "cannellini beans", + "plum tomatoes", + "sage leaves", + "olive oil", + "garlic", + "kosher salt", + "red pepper flakes", + "tomato purée", + "ground black pepper", + "sweet italian sausage" + ] + }, + { + "id": 2062, + "cuisine": "chinese", + "ingredients": [ + "water", + "cooking wine", + "baby bok choy", + "sesame oil", + "corn starch", + "sugar", + "shiitake", + "oyster sauce", + "soy sauce", + "garlic" + ] + }, + { + "id": 35288, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "heavy cream", + "unsalted butter", + "fresh parsley", + "olive oil", + "all-purpose flour", + "mustard", + "veal cutlets" + ] + }, + { + "id": 42815, + "cuisine": "cajun_creole", + "ingredients": [ + "crab meat", + "dried basil", + "shrimp heads", + "all-purpose flour", + "okra", + "onions", + "black pepper", + "bay leaves", + "worcestershire sauce", + "cayenne pepper", + "celery", + "green bell pepper", + "dried thyme", + "vegetable oil", + "hot sauce", + "lemon juice", + "dried oregano", + "shrimp stock", + "crab", + "green onions", + "salt", + "creole seasoning", + "fresh parsley" + ] + }, + { + "id": 38741, + "cuisine": "italian", + "ingredients": [ + "strawberries", + "merlot", + "juice concentrate" + ] + }, + { + "id": 6038, + "cuisine": "vietnamese", + "ingredients": [ + "jicama", + "salt", + "canola oil", + "garlic sauce", + "ground beef", + "butter", + "sausages", + "rice paper", + "eggs", + "garlic", + "dried shrimp" + ] + }, + { + "id": 34988, + "cuisine": "southern_us", + "ingredients": [ + "pork", + "barbecue sauce", + "sauce", + "chicken broth", + "Texas Pete Hot Sauce", + "red pepper", + "chicken", + "bacon drippings", + "baby lima beans", + "baking potatoes", + "ham", + "tomato sauce", + "corn", + "diced tomatoes" + ] + }, + { + "id": 23585, + "cuisine": "vietnamese", + "ingredients": [ + "turbinado", + "fish sauce", + "coriander seeds", + "chicken parts", + "sea salt", + "Saigon cinnamon", + "scallions", + "mint", + "lime", + "leaves", + "shallots", + "cheese", + "soybean sprouts", + "serrano chile", + "black peppercorns", + "water", + "thai basil", + "cooked chicken", + "star anise", + "sauce", + "chopped cilantro fresh", + "clove", + "stock", + "fresh ginger", + "Sriracha", + "rice noodles", + "yellow onion", + "cardamom pods", + "chicken" + ] + }, + { + "id": 23369, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "boneless skinless chicken breasts", + "heavy whipping cream", + "dried basil", + "ground black pepper", + "butter", + "parmesan cheese", + "cajun seasoning", + "linguini", + "sun-dried tomatoes", + "green onions", + "salt" + ] + }, + { + "id": 33213, + "cuisine": "mexican", + "ingredients": [ + "chopped bell pepper", + "cilantro leaves", + "white onion", + "garlic", + "tomatoes", + "chile pepper", + "fresh lime juice", + "pepper", + "salt" + ] + }, + { + "id": 17071, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "sea salt", + "green beans" + ] + }, + { + "id": 15032, + "cuisine": "jamaican", + "ingredients": [ + "tomatoes", + "curry powder", + "oil", + "pepper", + "sweet pepper", + "onions", + "black pepper", + "garlic", + "shrimp", + "water", + "salt" + ] + }, + { + "id": 12539, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "finely chopped onion", + "red bell pepper", + "dried thyme", + "ground red pepper", + "kosher salt", + "olive oil", + "diced tomatoes", + "minced garlic", + "dry white wine", + "dried oregano" + ] + }, + { + "id": 9385, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "linguine", + "grated lemon peel", + "reduced fat coconut milk", + "beef", + "corn starch", + "fresh cilantro", + "beef broth", + "firmly packed brown sugar", + "Thai red curry paste", + "toasted sesame oil" + ] + }, + { + "id": 30110, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "red wine", + "pinenuts", + "garlic", + "pasta", + "olive oil", + "anchovy fillets", + "bread crumbs", + "raisins" + ] + }, + { + "id": 17678, + "cuisine": "italian", + "ingredients": [ + "wheat cereal", + "salt", + "sausage casings", + "milk", + "onions", + "eggs", + "pepper", + "ground beef", + "green bell pepper", + "worcestershire sauce" + ] + }, + { + "id": 33628, + "cuisine": "indian", + "ingredients": [ + "water", + "jalapeno chilies", + "salt", + "cumin seed", + "quinoa", + "cilantro stems", + "chickpeas", + "ghee", + "fresh ginger", + "bay leaves", + "yellow onion", + "coconut milk", + "frozen spinach", + "garam masala", + "garlic", + "ground coriander", + "roasted tomatoes" + ] + }, + { + "id": 21819, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "chillies", + "avocado", + "fresh cheese", + "lime", + "onions", + "tomatoes", + "tortilla chips" + ] + }, + { + "id": 43808, + "cuisine": "southern_us", + "ingredients": [ + "rump roast", + "salt", + "dried thyme", + "dried rosemary", + "pepper", + "spanish paprika", + "garlic" + ] + }, + { + "id": 21900, + "cuisine": "italian", + "ingredients": [ + "fillet red snapper", + "fennel bulb", + "radish sprouts", + "sugar", + "olive oil", + "purple onion", + "cider vinegar", + "golden raisins", + "potato starch", + "halibut fillets", + "balsamic vinegar" + ] + }, + { + "id": 14187, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "chipotles in adobo", + "jack cheese", + "shredded lettuce", + "sour cream", + "avocado", + "crushed tomatoes", + "fat", + "onions", + "pepper", + "garlic", + "corn tortillas" + ] + }, + { + "id": 7820, + "cuisine": "cajun_creole", + "ingredients": [ + "brown sugar", + "chopped green chilies", + "leeks", + "salt", + "carrots", + "fresh parsley", + "great northern beans", + "water", + "potatoes", + "garlic", + "ham", + "celery", + "white pepper", + "artichoke hearts", + "chopped fresh thyme", + "cayenne pepper", + "sliced mushrooms", + "fresh rosemary", + "black beans", + "ground black pepper", + "dry red wine", + "creole seasoning", + "baby corn" + ] + }, + { + "id": 3975, + "cuisine": "greek", + "ingredients": [ + "pitas", + "feta cheese crumbles", + "fat free yogurt", + "poblano chiles", + "fresh lemon juice" + ] + }, + { + "id": 42323, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "hot sauce", + "white vinegar", + "no-salt-added diced tomatoes", + "rotisserie chicken", + "tomato paste", + "lima beans", + "light brown sugar", + "frozen whole kernel corn" + ] + }, + { + "id": 19235, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salt", + "plum tomatoes", + "chili powder", + "noodles", + "water", + "onions", + "ground cumin", + "pepper", + "vegetable oil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 20495, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "avocado", + "habanero pepper", + "lime", + "chopped cilantro fresh", + "tomatoes", + "purple onion" + ] + }, + { + "id": 36472, + "cuisine": "cajun_creole", + "ingredients": [ + "whole allspice", + "whole cloves", + "salt", + "celery ribs", + "water", + "ground red pepper", + "mustard seeds", + "black peppercorns", + "coriander seeds", + "red pepper flakes", + "onions", + "garlic bulb", + "crawfish", + "bay leaves", + "dill seed" + ] + }, + { + "id": 39272, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "cooking spray", + "shredded cheese", + "cumin", + "tortillas", + "salt", + "onions", + "garlic powder", + "garlic", + "oil", + "mango salsa", + "bell pepper", + "skinless chicken breasts", + "oregano" + ] + }, + { + "id": 8467, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "orange juice", + "cumin", + "pepper", + "garlic", + "pork butt", + "chili powder", + "oil", + "water", + "salt", + "oregano" + ] + }, + { + "id": 45216, + "cuisine": "italian", + "ingredients": [ + "penne", + "shallots", + "rice vinegar", + "fresh basil", + "ground black pepper", + "extra-virgin olive oil", + "ripe olives", + "fat free less sodium chicken broth", + "asiago", + "garlic cloves", + "spinach", + "cooking spray", + "salt", + "shiitake mushroom caps" + ] + }, + { + "id": 6768, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "rice vinegar", + "wasabi", + "tahini", + "sesame seeds", + "scallions", + "tomatoes", + "light mayonnaise" + ] + }, + { + "id": 32711, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "cherry tomatoes", + "red pepper", + "onions", + "fresh corn", + "fresh cilantro", + "quinoa", + "salsa", + "avocado", + "water", + "olive oil", + "salt", + "cumin", + "black beans", + "lime", + "tempeh", + "cayenne pepper" + ] + }, + { + "id": 16271, + "cuisine": "mexican", + "ingredients": [ + "crema mexican", + "poblano chiles", + "salsa verde", + "salt", + "masa", + "chicken broth", + "baking powder", + "lard", + "corn husks", + "shredded cheese" + ] + }, + { + "id": 13595, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chopped fresh chives", + "garlic cloves", + "roasted red peppers", + "salt", + "ground black pepper", + "green onions", + "large egg whites", + "large eggs", + "goat cheese" + ] + }, + { + "id": 20951, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "instant yeast", + "salt", + "powdered sugar", + "vegetable oil spray", + "vegetable oil", + "powdered buttermilk", + "whole milk", + "bread flour", + "sugar", + "baking soda", + "vanilla extract" + ] + }, + { + "id": 10473, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "half & half", + "corn starch", + "pure vanilla extract", + "granulated sugar", + "fine sea salt", + "unsalted butter", + "baking powder", + "light brown sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 10174, + "cuisine": "british", + "ingredients": [ + "honey", + "baking powder", + "extra sharp cheddar cheese", + "cooked ham", + "lettuce leaves", + "all-purpose flour", + "mustard", + "whole milk", + "salt", + "unsalted butter", + "heavy cream" + ] + }, + { + "id": 202, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "boneless chicken skinless thigh", + "vegetable oil", + "purple onion", + "carrots", + "white vinegar", + "soy sauce", + "shallots", + "cilantro sprigs", + "oyster sauce", + "mayonaise", + "baguette", + "daikon", + "salt", + "five-spice powder", + "sugar", + "jalapeno chilies", + "star anise", + "garlic cloves", + "hothouse cucumber" + ] + }, + { + "id": 36359, + "cuisine": "southern_us", + "ingredients": [ + "refrigerated biscuits", + "condensed cream of potato soup", + "milk", + "poultry seasoning", + "condensed cream of broccoli soup", + "cooked chicken", + "ground black pepper", + "frozen mixed vegetables" + ] + }, + { + "id": 36563, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "fennel bulb", + "gorgonzola", + "dried currants", + "fresh lemon juice", + "apples" + ] + }, + { + "id": 2300, + "cuisine": "italian", + "ingredients": [ + "peaches", + "cracked black pepper", + "pancetta", + "balsamic vinegar", + "salt", + "baby arugula", + "extra-virgin olive oil", + "olive oil", + "crumbled ricotta salata cheese", + "fresh lemon juice" + ] + }, + { + "id": 47166, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "garlic cloves", + "penne", + "extra-virgin olive oil", + "pinenuts", + "salt", + "parmigiano reggiano cheese" + ] + }, + { + "id": 42751, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "chopped onion", + "jerusalem artichokes", + "yellow mustard seeds", + "dry mustard", + "red bell pepper", + "tumeric", + "apple cider vinegar", + "celery seed", + "sugar", + "all-purpose flour", + "coarse kosher salt" + ] + }, + { + "id": 23588, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "boiling water", + "shortening", + "buttermilk", + "confectioners sugar", + "eggs", + "baking powder", + "all-purpose flour", + "unsweetened cocoa powder", + "milk", + "vanilla extract", + "white sugar" + ] + }, + { + "id": 31504, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "green chilies", + "ground cumin", + "fresh coriander", + "black salt", + "salt", + "chutney", + "sweet potatoes", + "lemon juice" + ] + }, + { + "id": 9647, + "cuisine": "cajun_creole", + "ingredients": [ + "curly parsley", + "chopped green bell pepper", + "chopped celery", + "chopped onion", + "peeled deveined shrimp", + "white pepper", + "green onions", + "all-purpose flour", + "chicken stock", + "black pepper", + "bay leaves", + "salt", + "cooked white rice", + "andouille sausage", + "water", + "vegetable oil", + "cayenne pepper" + ] + }, + { + "id": 42831, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "taco seasoning mix", + "iceberg lettuce", + "pitted black olives", + "salad dressing", + "dried lentils", + "kidney beans", + "avocado", + "water", + "ground turkey" + ] + }, + { + "id": 3696, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lemon", + "scallions", + "pitas", + "salt", + "flat leaf parsley", + "za'atar", + "purple onion", + "sumac powder", + "pepper", + "roma tomatoes", + "english cucumber", + "sea salt flakes" + ] + }, + { + "id": 31734, + "cuisine": "indian", + "ingredients": [ + "potatoes", + "all-purpose flour", + "onions", + "water", + "green peas", + "cumin seed", + "seeds", + "green chilies", + "coriander", + "semolina", + "salt", + "oil" + ] + }, + { + "id": 35802, + "cuisine": "italian", + "ingredients": [ + "solid pack pumpkin", + "large egg yolks", + "butter", + "dry bread crumbs", + "fruit", + "grated parmesan cheese", + "all-purpose flour", + "sage leaves", + "pepper", + "amaretti", + "grated nutmeg", + "brandy", + "large eggs", + "salt" + ] + }, + { + "id": 44749, + "cuisine": "japanese", + "ingredients": [ + "green cardamom pods", + "whole milk", + "honey", + "cinnamon sticks", + "clove", + "star anise", + "fresh ginger" + ] + }, + { + "id": 32112, + "cuisine": "moroccan", + "ingredients": [ + "cinnamon", + "cayenne pepper", + "ground cumin", + "sugar", + "paprika", + "fresh parsley leaves", + "lettuce", + "raisins", + "baby carrots", + "olive oil", + "salt", + "lemon juice" + ] + }, + { + "id": 15332, + "cuisine": "mexican", + "ingredients": [ + "boneless chop pork", + "cumin", + "garlic", + "chili powder", + "taco sauce", + "onions" + ] + }, + { + "id": 7380, + "cuisine": "chinese", + "ingredients": [ + "scallions", + "cooked chicken", + "hoisin sauce", + "crepes" + ] + }, + { + "id": 33013, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "frozen hash browns", + "vegetable oil", + "cooked ham", + "chile pepper", + "shredded cheddar cheese", + "enchilada sauce" + ] + }, + { + "id": 32385, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "garam masala", + "greek yogurt", + "lime juice", + "red pepper flakes", + "chat masala", + "coriander powder", + "ground cumin", + "brussels sprouts", + "olive oil", + "salt" + ] + }, + { + "id": 34140, + "cuisine": "southern_us", + "ingredients": [ + "blackberries", + "milk", + "white sugar", + "white flour" + ] + }, + { + "id": 43779, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "shortening", + "sweet potatoes", + "self rising flour", + "sugar", + "butter" + ] + }, + { + "id": 5565, + "cuisine": "southern_us", + "ingredients": [ + "mild cheddar cheese", + "pimentos", + "sharp cheddar cheese", + "mayonaise", + "cream cheese", + "salt" + ] + }, + { + "id": 24436, + "cuisine": "french", + "ingredients": [ + "sugar", + "fresh orange juice", + "cream of tartar", + "cooking spray", + "all-purpose flour", + "large egg whites", + "salt", + "powdered sugar", + "2% reduced-fat milk", + "grated orange" + ] + }, + { + "id": 22337, + "cuisine": "mexican", + "ingredients": [ + "hot sauce", + "fresh orange juice", + "onions", + "fresh lime juice", + "salt" + ] + }, + { + "id": 739, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "fresh salmon", + "sake", + "flour", + "corn starch", + "mirin", + "oil", + "sugar", + "salt" + ] + }, + { + "id": 12534, + "cuisine": "italian", + "ingredients": [ + "orzo pasta", + "baby spinach", + "onions", + "artichoke hearts", + "balsamic vinegar", + "garlic", + "olive oil", + "cooked chicken", + "crushed red pepper flakes", + "pinenuts", + "dry white wine", + "bacon" + ] + }, + { + "id": 5755, + "cuisine": "brazilian", + "ingredients": [ + "granulated sugar", + "sweetened coconut", + "coconut", + "sweetened condensed milk" + ] + }, + { + "id": 29652, + "cuisine": "italian", + "ingredients": [ + "mushrooms", + "fresh parsley", + "ground black pepper", + "lemon juice", + "olive oil", + "salt", + "anchovy paste" + ] + }, + { + "id": 49700, + "cuisine": "indian", + "ingredients": [ + "sweet onion", + "heavy cream", + "curry powder", + "butter", + "pepper", + "mushrooms", + "shrimp", + "chicken broth", + "roma tomatoes", + "salt" + ] + }, + { + "id": 5015, + "cuisine": "russian", + "ingredients": [ + "mayonaise", + "ground pork", + "pepper", + "Italian seasoned breadcrumbs", + "ground chicken", + "salt", + "eggs", + "water", + "onions" + ] + }, + { + "id": 9785, + "cuisine": "italian", + "ingredients": [ + "water", + "cracked black pepper", + "spinach", + "cheese ravioli", + "sugar", + "diced tomatoes", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 32686, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "salt", + "pepper", + "green onions", + "lemon juice", + "mint", + "zucchini", + "dill", + "olive oil", + "garlic" + ] + }, + { + "id": 14481, + "cuisine": "spanish", + "ingredients": [ + "octopuses", + "red pepper flakes", + "pickling spices", + "fresh lemon juice", + "kosher salt" + ] + }, + { + "id": 14618, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "bacon slices", + "green cabbage", + "water", + "green beans", + "cider vinegar", + "salt", + "sugar", + "finely chopped onion" + ] + }, + { + "id": 39517, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "jam", + "biscuits", + "pork tenderloin", + "white cornmeal", + "table salt", + "vegetable oil", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 36751, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "vanilla extract", + "white sugar", + "baking soda", + "all-purpose flour", + "ground cinnamon", + "vegetable oil", + "margarine", + "water", + "sour milk", + "unsweetened cocoa powder" + ] + }, + { + "id": 49160, + "cuisine": "mexican", + "ingredients": [ + "refried black beans", + "paprika", + "purple onion", + "lemon juice", + "monterey jack", + "avocado", + "kosher salt", + "garlic", + "cayenne pepper", + "red bell pepper", + "cream", + "extra-virgin olive oil", + "salsa", + "greek yogurt", + "ground cumin", + "tomatoes", + "green onions", + "black olives", + "freshly ground pepper", + "corn tortillas" + ] + }, + { + "id": 48195, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "vegetable oil", + "salsa", + "cumin", + "chile powder", + "guacamole", + "purple onion", + "sour cream", + "flour tortillas", + "garlic", + "roasting chickens", + "shredded Monterey Jack cheese", + "green chile", + "barbecue sauce", + "frozen corn", + "smoked gouda" + ] + }, + { + "id": 22212, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "cooked white rice", + "sauce", + "soy sauce", + "salad oil", + "chicken breasts" + ] + }, + { + "id": 11969, + "cuisine": "greek", + "ingredients": [ + "pepper", + "diced tomatoes", + "green beans", + "olive oil", + "salt", + "water", + "garlic", + "beans", + "parsley", + "yellow onion" + ] + }, + { + "id": 49379, + "cuisine": "irish", + "ingredients": [ + "melted butter", + "potatoes", + "milk", + "shredded sharp cheddar cheese", + "eggs", + "paprika", + "minced onion", + "salt" + ] + }, + { + "id": 37677, + "cuisine": "indian", + "ingredients": [ + "yellow mustard seeds", + "garlic cloves", + "long grain white rice", + "roasted cashews", + "vegetable oil", + "onions", + "kosher salt", + "fresh lemon juice", + "ground turmeric", + "lemon peel", + "fresno chiles" + ] + }, + { + "id": 45276, + "cuisine": "mexican", + "ingredients": [ + "corn tortilla chips", + "salt", + "onions", + "pepper", + "cream cheese", + "green bell pepper", + "chili sauce", + "butter", + "red bell pepper" + ] + }, + { + "id": 37415, + "cuisine": "mexican", + "ingredients": [ + "lime", + "paprika", + "fresh parsley", + "avocado", + "boneless skinless chicken breasts", + "cayenne pepper", + "canola oil", + "light brown sugar", + "nonfat greek yogurt", + "garlic", + "cumin", + "kosher salt", + "chili powder", + "chipotles in adobo" + ] + }, + { + "id": 40636, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lemongrass", + "lime peel", + "boneless skinless chicken breasts", + "vegetable oil", + "garlic cloves", + "galangal", + "kaffir lime leaves", + "lime juice", + "coriander seeds", + "spring onions", + "lime wedges", + "cumin seed", + "chillies", + "chicken stock", + "red chili peppers", + "eggplant", + "palm sugar", + "shallots", + "rice", + "coconut milk", + "whole peppercorn", + "green curry paste", + "thai basil", + "shrimp paste", + "cilantro leaves", + "green beans", + "coriander" + ] + }, + { + "id": 9133, + "cuisine": "italian", + "ingredients": [ + "boneless, skinless chicken breast", + "ground black pepper", + "dried fig", + "spinach", + "olive oil", + "salt", + "fresh rosemary", + "water", + "wine vinegar", + "dried rosemary", + "walnut halves", + "radicchio", + "gorgonzola" + ] + }, + { + "id": 44457, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "bay leaves", + "button mushrooms", + "garlic cloves", + "tomato paste", + "ground black pepper", + "red wine", + "extra-virgin olive oil", + "flat leaf parsley", + "pearl onions", + "chopped fresh thyme", + "bacon slices", + "carrots", + "lower sodium chicken broth", + "finely chopped onion", + "chicken drumsticks", + "chopped celery", + "chicken thighs" + ] + }, + { + "id": 42066, + "cuisine": "chinese", + "ingredients": [ + "green cabbage", + "sesame oil", + "carrots", + "low sodium soy sauce", + "peanut oil", + "chicken broth", + "yellow onion", + "green onions", + "chow mein noodles" + ] + }, + { + "id": 3356, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "diced tomatoes", + "Italian seasoned breadcrumbs", + "eggs", + "butter", + "garlic", + "tomato paste", + "grated parmesan cheese", + "rosemary leaves", + "boneless chicken skinless thigh", + "bacon", + "chopped onion" + ] + }, + { + "id": 43630, + "cuisine": "italian", + "ingredients": [ + "shredded cheddar cheese", + "chili powder", + "sliced mushrooms", + "sugar", + "kidney beans", + "diced tomatoes", + "pepperoni slices", + "beef bouillon", + "chopped onion", + "pasta sauce", + "water", + "lean ground beef" + ] + }, + { + "id": 18088, + "cuisine": "southern_us", + "ingredients": [ + "seasoning salt", + "vegetable oil", + "self rising flour", + "oysters", + "large eggs", + "evaporated milk" + ] + }, + { + "id": 22838, + "cuisine": "irish", + "ingredients": [ + "white vinegar", + "herbs", + "English mustard", + "butter", + "black pepper", + "gherkins", + "milk" + ] + }, + { + "id": 2306, + "cuisine": "chinese", + "ingredients": [ + "baby bok choy", + "minced ginger", + "meat", + "grated carrot", + "peapods", + "white pepper", + "egg whites", + "vegetable oil", + "chicken broth", + "soy sauce", + "fresh ginger", + "sesame oil", + "garlic", + "sugar", + "minced garlic", + "green onions", + "wonton wrappers" + ] + }, + { + "id": 14674, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "salt", + "pitted kalamata olives", + "potatoes", + "chopped tomatoes", + "dried oregano", + "pepper", + "garlic" + ] + }, + { + "id": 34699, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "pork tenderloin", + "garlic cloves", + "low sodium soy sauce", + "water", + "salt", + "green cabbage", + "white pepper", + "green onions", + "corn starch", + "sugar", + "Sriracha", + "peanut oil" + ] + }, + { + "id": 23737, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "artichoke hearts", + "chopped onion", + "water", + "cheese tortellini", + "red bell pepper", + "spinach", + "fresh parmesan cheese", + "garlic cloves", + "navy beans", + "olive oil", + "vegetable broth", + "italian seasoning" + ] + }, + { + "id": 3939, + "cuisine": "thai", + "ingredients": [ + "fresh corn", + "jasmine rice", + "grilled chicken", + "red pepper", + "broccoli", + "coconut milk", + "chicken bouillon", + "lemon grass", + "green onions", + "sweet peas", + "Thai fish sauce", + "sugar", + "curry powder", + "water chestnuts", + "cilantro", + "yellow onion", + "chile sauce", + "soy sauce", + "fresh ginger", + "mushrooms", + "garlic", + "corn starch" + ] + }, + { + "id": 48235, + "cuisine": "filipino", + "ingredients": [ + "ground black pepper", + "garlic", + "soy sauce", + "cooking oil", + "beef", + "onions", + "leaves", + "kalamansi juice" + ] + }, + { + "id": 5408, + "cuisine": "irish", + "ingredients": [ + "light brown sugar", + "vanilla extract", + "milk", + "unsalted butter", + "rolled oats", + "all-purpose flour" + ] + }, + { + "id": 48273, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "cornmeal", + "pepper", + "salt", + "eggs", + "buttermilk", + "green tomatoes", + "all-purpose flour" + ] + }, + { + "id": 12006, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "bitters", + "rum", + "orange peel", + "water", + "cinnamon sticks", + "golden raisins", + "ice" + ] + }, + { + "id": 42721, + "cuisine": "mexican", + "ingredients": [ + "corn tortillas", + "salt", + "canola oil" + ] + }, + { + "id": 8158, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "panko", + "flour", + "onions", + "boneless center cut pork chops", + "pepper", + "steamed white rice", + "scallions", + "soy sauce", + "mirin", + "salt", + "eggs", + "dashi", + "large eggs", + "oil" + ] + }, + { + "id": 48353, + "cuisine": "italian", + "ingredients": [ + "salad seasoning mix", + "purple onion", + "italian salad dressing", + "red wine vinegar", + "sliced mushrooms", + "parmesan cheese", + "sausages", + "green olives", + "diced tomatoes", + "spaghetti" + ] + }, + { + "id": 34017, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "red bell pepper", + "ground black pepper", + "vegetable oil", + "chopped cilantro fresh", + "lime wedges", + "boneless skinless chicken breast halves", + "jamaican jerk season", + "pineapple" + ] + }, + { + "id": 20633, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "monterey jack", + "eggs", + "garlic", + "tomatoes", + "cilantro", + "chorizo", + "onions" + ] + }, + { + "id": 28773, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "mushrooms", + "poultry seasoning", + "dried tarragon leaves", + "sliced black olives", + "garlic", + "tomatoes", + "garlic powder", + "cannellini beans", + "shredded mozzarella cheese", + "pepper", + "flour tortillas", + "salt" + ] + }, + { + "id": 24248, + "cuisine": "french", + "ingredients": [ + "milk chocolate", + "frozen pastry puff sheets", + "large eggs", + "sugar" + ] + }, + { + "id": 40318, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "garlic cloves", + "black pepper", + "okra", + "tomatoes", + "jalapeno chilies", + "fresh lime juice", + "fresh spinach", + "salt", + "canola oil" + ] + }, + { + "id": 47063, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "vegetable oil", + "cilantro leaves", + "kosher salt", + "ginger", + "serrano chile", + "lamb shanks", + "large garlic cloves", + "cumin seed", + "leeks", + "peas" + ] + }, + { + "id": 21388, + "cuisine": "greek", + "ingredients": [ + "whole wheat pita", + "yellow bell pepper", + "lamb", + "vegetable oil cooking spray", + "ground black pepper", + "garlic", + "cucumber", + "cherry tomatoes", + "extra-virgin olive oil", + "lemon juice", + "kosher salt", + "nonfat greek yogurt", + "purple onion", + "oregano" + ] + }, + { + "id": 22768, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "crushed red pepper flakes", + "lean ground beef", + "rice", + "chili powder", + "shredded sharp cheddar cheese", + "picante sauce", + "paprika" + ] + }, + { + "id": 1365, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "cumin", + "milk", + "butter", + "American cheese", + "onion powder", + "chopped green chilies", + "cayenne pepper" + ] + }, + { + "id": 22973, + "cuisine": "southern_us", + "ingredients": [ + "Angostura bitters", + "ice", + "satsumas", + "bitters", + "club soda", + "whiskey" + ] + }, + { + "id": 1170, + "cuisine": "italian", + "ingredients": [ + "peperoncini", + "olive oil", + "red wine vinegar", + "pepperoni", + "sun-dried tomatoes in oil", + "hot red pepper flakes", + "artichok heart marin", + "yellow bell pepper", + "carrots", + "dried rosemary", + "brine-cured olives", + "fennel bulb", + "large garlic cloves", + "fresh parsley leaves", + "oregano", + "dried basil", + "balsamic vinegar", + "bocconcini", + "red bell pepper" + ] + }, + { + "id": 39150, + "cuisine": "vietnamese", + "ingredients": [ + "brown sugar", + "water", + "ground black pepper", + "salt", + "onions", + "white vinegar", + "boneless pork shoulder roast", + "pickled carrots", + "whole wheat tortillas", + "carrots", + "sugar", + "lime juice", + "chile pepper", + "mesclun", + "fish sauce", + "warm water", + "fresh cilantro", + "garlic", + "cucumber" + ] + }, + { + "id": 35826, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "garlic cloves", + "rib", + "fine sea salt" + ] + }, + { + "id": 48023, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "large eggs", + "poppy seeds", + "sugar", + "baking powder", + "orange zest", + "orange juice concentrate", + "cooking spray", + "all-purpose flour", + "baking soda", + "butter" + ] + }, + { + "id": 28664, + "cuisine": "french", + "ingredients": [ + "active dry yeast", + "bread flour", + "salt", + "water" + ] + }, + { + "id": 25494, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "garlic powder", + "ricotta", + "pasta sauce", + "parsley", + "italian seasoning", + "eggs", + "parmesan cheese", + "sour cream", + "thin spaghetti", + "mozzarella cheese", + "butter" + ] + }, + { + "id": 284, + "cuisine": "korean", + "ingredients": [ + "cold water", + "pepper", + "cane sugar", + "ketchup", + "salt", + "carrots", + "stock", + "mirin", + "scallions", + "fishcake", + "Gochujang base", + "toasted sesame seeds" + ] + }, + { + "id": 33100, + "cuisine": "british", + "ingredients": [ + "fresh spinach", + "dijon mustard", + "ground black pepper", + "kosher salt", + "crème fraîche", + "pecorino cheese", + "unsalted butter" + ] + }, + { + "id": 292, + "cuisine": "italian", + "ingredients": [ + "fresh leav spinach", + "crumbled blue cheese", + "pinenuts", + "chopped onion", + "tomatoes", + "olive oil", + "garlic cloves", + "fat free less sodium chicken broth", + "cooked rigatoni" + ] + }, + { + "id": 9031, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "kosher salt", + "old bay seasoning", + "water" + ] + }, + { + "id": 11029, + "cuisine": "italian", + "ingredients": [ + "eggs", + "ground black pepper", + "coarse sea salt", + "grated pecorino", + "dried oregano", + "kosher salt", + "ground sirloin", + "dry bread crumbs", + "fresh basil leaves", + "tomato sauce", + "grated parmesan cheese", + "extra-virgin olive oil", + "flat leaf parsley", + "water", + "large garlic cloves", + "yellow onion", + "spaghetti" + ] + }, + { + "id": 33105, + "cuisine": "vietnamese", + "ingredients": [ + "sake", + "fresh cilantro", + "lime wedges", + "cinnamon sticks", + "fish sauce", + "water", + "shallots", + "salt", + "fat free beef broth", + "black pepper", + "green onions", + "star anise", + "fresh basil leaves", + "rice stick noodles", + "chiles", + "peeled fresh ginger", + "sirloin steak", + "beansprouts" + ] + }, + { + "id": 6737, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "chili powder", + "cayenne pepper", + "taco seasoning mix", + "garlic", + "corn tortillas", + "water", + "lean ground beef", + "sour cream", + "green onions", + "salsa", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 26954, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "frozen whole kernel corn", + "fresh oregano", + "fat free less sodium chicken broth", + "dry white wine", + "medium shrimp", + "fresh basil", + "roasted red peppers", + "chopped onion", + "olive oil", + "asiago" + ] + }, + { + "id": 15197, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "baking soda", + "orange juice", + "corn starch", + "boneless chicken skinless thigh", + "ginger", + "peanut oil", + "grated orange", + "soy sauce", + "low sodium chicken broth", + "dark brown sugar", + "orange peel", + "white vinegar", + "large egg whites", + "cayenne pepper", + "garlic cloves" + ] + }, + { + "id": 8590, + "cuisine": "indian", + "ingredients": [ + "red pepper flakes", + "onions", + "minced ginger", + "garlic", + "cumin", + "diced tomatoes", + "ground turmeric", + "garam masala", + "curry paste" + ] + }, + { + "id": 21540, + "cuisine": "thai", + "ingredients": [ + "sugar", + "ginger", + "coconut milk", + "long beans", + "thai basil", + "oil", + "coriander", + "sweet chili sauce", + "red curry paste", + "fresh lime juice", + "fish sauce", + "large eggs", + "shrimp" + ] + }, + { + "id": 1894, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "cooking spray", + "chocolate", + "black pepper", + "baking powder", + "salt", + "sugar", + "ground red pepper", + "vanilla extract", + "large eggs", + "butter", + "all-purpose flour" + ] + }, + { + "id": 15238, + "cuisine": "italian", + "ingredients": [ + "red kidney beans", + "dried basil", + "ditalini pasta", + "garlic", + "green beans", + "fresh leav spinach", + "olive oil", + "diced tomatoes", + "carrots", + "onions", + "black pepper", + "dried thyme", + "parsley", + "white beans", + "celery", + "kosher salt", + "zucchini", + "vegetable broth", + "hot water", + "dried oregano" + ] + }, + { + "id": 47370, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "ancho chili ground pepper", + "ground black pepper", + "heavy cream", + "sour cream", + "kosher salt", + "olive oil", + "vegetable oil", + "yellow bell pepper", + "onions", + "ground chipotle chile pepper", + "cooked turkey", + "hot pepper sauce", + "paprika", + "corn tortillas", + "shredded cheddar cheese", + "orange bell pepper", + "butter", + "cream cheese", + "ground cumin" + ] + }, + { + "id": 21163, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "green olives", + "low sodium vegetable broth", + "diced tomatoes", + "chickpeas", + "plain whole-milk yogurt", + "tomato paste", + "dried currants", + "parsley", + "garlic", + "freshly ground pepper", + "cauliflower", + "parsnips", + "sweet potatoes", + "extra-virgin olive oil", + "ground coriander", + "ground cumin", + "turnips", + "caraway seeds", + "kosher salt", + "cinnamon", + "crushed red pepper", + "onions" + ] + }, + { + "id": 46945, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "salt", + "garlic", + "avocado", + "purple onion", + "chiles", + "chopped cilantro fresh" + ] + }, + { + "id": 40771, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "curry powder", + "jalapeno chilies", + "salt", + "onions", + "plain yogurt", + "cayenne", + "butter", + "rice", + "ground cumin", + "tumeric", + "fresh ginger", + "baking potatoes", + "cilantro leaves", + "frozen peas", + "water", + "cooking oil", + "garlic", + "carrots" + ] + }, + { + "id": 7518, + "cuisine": "italian", + "ingredients": [ + "pasta", + "shredded mozzarella cheese", + "marinara sauce", + "grated parmesan cheese", + "ricotta cheese" + ] + }, + { + "id": 9040, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "honey", + "shallots", + "cucumber", + "coriander", + "jasmine rice", + "miso paste", + "cardamom pods", + "coconut milk", + "curry powder", + "chicken breasts", + "garlic cloves", + "bay leaf", + "soy sauce", + "fresh ginger", + "rice vinegar", + "cinnamon sticks", + "ground turmeric" + ] + }, + { + "id": 2440, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "bourbon whiskey", + "hot pepper sauce", + "worcestershire sauce", + "light molasses", + "onion powder", + "ketchup", + "dijon mustard", + "paprika" + ] + }, + { + "id": 6894, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "brown rice", + "organic chicken", + "salt", + "canned chopped tomatoes", + "Tabasco Pepper Sauce", + "canned black beans", + "green onions", + "onions" + ] + }, + { + "id": 22788, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "large garlic cloves", + "flat leaf parsley", + "grated parmesan cheese", + "freshly ground pepper", + "vidalia onion", + "vegetable broth", + "vegetable oil", + "feta cheese crumbles" + ] + }, + { + "id": 37369, + "cuisine": "russian", + "ingredients": [ + "eggs", + "egg whites", + "onions", + "cottage cheese", + "sour cream", + "olive oil", + "biscuit mix", + "sugar", + "nonstick spray", + "caviar" + ] + }, + { + "id": 26426, + "cuisine": "italian", + "ingredients": [ + "grapes", + "sugar", + "wine", + "fresh lemon juice", + "water" + ] + }, + { + "id": 40528, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "purple onion", + "curry leaves", + "water", + "dried chickpeas", + "bread crumbs", + "salt", + "chili flakes", + "vegetable oil", + "cumin" + ] + }, + { + "id": 39169, + "cuisine": "thai", + "ingredients": [ + "sake", + "oyster sauce", + "brown sugar", + "vegetable oil", + "spinach", + "minced garlic", + "medium shrimp", + "Thai chili paste", + "red bell pepper" + ] + }, + { + "id": 20672, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "grated nutmeg", + "baby spinach", + "unsalted butter", + "phyllo" + ] + }, + { + "id": 30530, + "cuisine": "mexican", + "ingredients": [ + "milk", + "cream cheese", + "bacon bits", + "all-purpose flour", + "jalapeno chilies", + "oil", + "shredded cheddar cheese", + "dry bread crumbs" + ] + }, + { + "id": 17176, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "olive oil", + "salt", + "chopped fresh sage", + "fresh parsley", + "fresh rosemary", + "dry white wine", + "all-purpose flour", + "freshly ground pepper", + "parsley sprigs", + "fresh thyme leaves", + "roasted garlic", + "garlic cloves", + "sugar", + "chopped fresh thyme", + "boneless pork loin", + "fresh herbs" + ] + }, + { + "id": 22161, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "guajillo chiles", + "flour", + "sea salt", + "mole sauce", + "ground cinnamon", + "water", + "vegetable oil", + "garlic cloves", + "ancho chile pepper", + "clove", + "sugar", + "ground black pepper", + "tomatillos", + "dumplings", + "dried oregano", + "tomatoes", + "white onion", + "chicken breasts", + "hoja santa leaves", + "lard" + ] + }, + { + "id": 31011, + "cuisine": "chinese", + "ingredients": [ + "garlic", + "soy sauce", + "chinese five-spice powder", + "firmly packed light brown sugar", + "salt", + "light corn syrup", + "center cut pork chops" + ] + }, + { + "id": 27243, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "rice wine", + "tomatoes", + "white pepper", + "scallions", + "ketchup", + "salt", + "eggs", + "cooking oil", + "corn starch" + ] + }, + { + "id": 22171, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "corn starch", + "eggs", + "salt", + "white sugar", + "cold water", + "vanilla extract", + "chopped pecans", + "dark corn syrup", + "pie shell" + ] + }, + { + "id": 11043, + "cuisine": "italian", + "ingredients": [ + "aleppo pepper", + "extra-virgin olive oil", + "rolls", + "ground black pepper", + "white wine vinegar", + "arugula", + "boneless pork shoulder", + "fennel bulb", + "salt", + "minced garlic", + "fine sea salt", + "fresh lemon juice" + ] + }, + { + "id": 34361, + "cuisine": "italian", + "ingredients": [ + "pasta", + "heirloom tomatoes", + "scallions", + "fresh mozzarella balls", + "extra-virgin olive oil", + "kosher salt", + "basil", + "garlic cloves", + "ground black pepper", + "maldon sea salt" + ] + }, + { + "id": 9230, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "grated parmesan cheese", + "garlic cloves", + "reduced sodium italian style stewed tomatoes", + "butter", + "water", + "chicken breast halves", + "onions", + "large eggs", + "shredded mozzarella cheese" + ] + }, + { + "id": 35957, + "cuisine": "greek", + "ingredients": [ + "eggplant", + "salt", + "lemon", + "tahini", + "olive oil", + "garlic" + ] + }, + { + "id": 5782, + "cuisine": "british", + "ingredients": [ + "finely chopped fresh parsley", + "wild mushrooms", + "parsnips", + "whipping cream", + "chicken stock", + "butter", + "whole grain dijon mustard", + "veal rib chops" + ] + }, + { + "id": 47099, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "white vinegar", + "cayenne", + "kosher salt", + "hots" + ] + }, + { + "id": 4082, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "jalapeno chilies", + "cilantro leaves", + "fresh lime juice", + "black beans", + "radicchio", + "vegetable oil", + "goat cheese", + "romaine lettuce", + "olive oil", + "chili powder", + "salsa", + "ground cumin", + "water", + "boneless chicken breast", + "purple onion", + "corn tortillas" + ] + }, + { + "id": 38338, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "rum", + "salt", + "heavy whipping cream", + "unsalted butter", + "whipped cream", + "dark brown sugar", + "cream", + "ice water", + "all-purpose flour", + "pure maple syrup", + "large eggs", + "granulated white sugar", + "golden syrup" + ] + }, + { + "id": 33485, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "low sodium chicken broth", + "paprika", + "cayenne pepper", + "chicken thighs", + "tomato sauce", + "garlic powder", + "onion powder", + "cheese", + "sharp cheddar cheese", + "pasta", + "white onion", + "green onions", + "extra-virgin olive oil", + "creole seasoning", + "jack cheese", + "bell pepper", + "heavy cream", + "garlic", + "celery" + ] + }, + { + "id": 21067, + "cuisine": "italian", + "ingredients": [ + "jasmine rice", + "scallions", + "large shrimp", + "fresh basil", + "chili paste", + "coconut milk", + "olive oil", + "beansprouts", + "kosher salt", + "garlic", + "fresh lime juice" + ] + }, + { + "id": 45038, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "paprika", + "dried minced onion", + "water", + "chili powder", + "all-purpose flour", + "onions", + "shredded cheddar cheese", + "flour tortillas", + "salt", + "ground beef", + "refried beans", + "onion powder", + "La Victoria Red Chile Sauce" + ] + }, + { + "id": 18119, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "chopped tomatoes", + "ground red pepper", + "vegetable broth", + "smoked paprika", + "cumin", + "corn", + "jalapeno chilies", + "red wine vinegar", + "salt", + "coriander", + "black beans", + "red cabbage", + "brown rice", + "garlic", + "fresh parsley", + "tomatoes", + "olive oil", + "guacamole", + "cilantro", + "yellow onion", + "oregano" + ] + }, + { + "id": 29228, + "cuisine": "italian", + "ingredients": [ + "canned low sodium chicken broth", + "grated parmesan cheese", + "shiitake", + "salt", + "olive oil", + "garlic", + "ground black pepper", + "spaghetti" + ] + }, + { + "id": 41340, + "cuisine": "mexican", + "ingredients": [ + "cooked brown rice", + "taco seasoning", + "diced onions", + "zucchini", + "pinto beans", + "water", + "enchilada sauce", + "green chile", + "fat-free cheddar cheese", + "corn tortillas" + ] + }, + { + "id": 37506, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "honey glazed ham", + "flour", + "crushed red pepper flakes", + "oil", + "yeast", + "dough", + "warm water", + "grated parmesan cheese", + "parsley", + "hot Italian sausages", + "onions", + "sugar", + "sliced black olives", + "pizza sauce", + "salt", + "sliced mushrooms", + "oregano", + "eggs", + "mozzarella cheese", + "marinara sauce", + "basil", + "pepperoni", + "garlic salt" + ] + }, + { + "id": 47921, + "cuisine": "korean", + "ingredients": [ + "chili paste", + "daikon", + "skate", + "hard-boiled egg", + "cucumber", + "broth", + "pickles", + "burdock", + "kimchi", + "pears", + "agave nectar", + "rice vinegar", + "noodles" + ] + }, + { + "id": 2755, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "grated parmesan cheese", + "gnocchi", + "chopped parsley", + "marinara sauce" + ] + }, + { + "id": 19144, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "catfish fillets", + "onions", + "honey dijon mustard", + "parsley flakes", + "garlic salt" + ] + }, + { + "id": 3946, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "olive oil", + "tomatillos", + "sour cream", + "green bell pepper", + "flour tortillas", + "salt", + "shredded Monterey Jack cheese", + "water", + "jalapeno chilies", + "chopped onion", + "eggs", + "ground black pepper", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 21927, + "cuisine": "jamaican", + "ingredients": [ + "cold water", + "flour", + "bananas", + "salt" + ] + }, + { + "id": 22015, + "cuisine": "british", + "ingredients": [ + "vinegar", + "salt", + "whipped cream", + "egg whites", + "berries", + "sugar", + "raspberry sauce" + ] + }, + { + "id": 18597, + "cuisine": "italian", + "ingredients": [ + "vegetables", + "oven-ready lasagna noodles", + "Alfredo sauce", + "prosciutto", + "fresh basil", + "diced tomatoes" + ] + }, + { + "id": 2491, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "oil", + "mussels", + "diced tomatoes", + "large garlic cloves", + "spaghetti", + "tomato paste", + "fresh oregano" + ] + }, + { + "id": 18591, + "cuisine": "indian", + "ingredients": [ + "caraway seeds", + "coriander seeds", + "chile pepper", + "cumin seed", + "plantains", + "fresh curry leaves", + "cooking oil", + "salt", + "mustard seeds", + "water", + "flaked coconut", + "cubed potatoes", + "dried red chile peppers", + "plain yogurt", + "bengal gram", + "fresh green bean", + "carrots" + ] + }, + { + "id": 9877, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "Italian parsley leaves", + "garlic cloves", + "fat free less sodium chicken broth", + "shallots", + "chopped walnuts", + "pasta", + "butternut squash", + "salt", + "arugula", + "sage leaves", + "cooking spray", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 49100, + "cuisine": "mexican", + "ingredients": [ + "low-fat buttermilk", + "shuck corn", + "seedless red grapes", + "olive oil", + "ancho powder", + "mixed greens", + "herbs", + "paprika", + "fresh lime juice", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 2360, + "cuisine": "italian", + "ingredients": [ + "flat leaf parsley", + "unsalted butter", + "calf liver", + "water", + "onions" + ] + }, + { + "id": 36421, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "olive oil", + "fresh basil leaves", + "pinenuts", + "salt", + "garlic" + ] + }, + { + "id": 32197, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "paprika", + "dried oregano", + "onion powder", + "cayenne pepper", + "ground pepper", + "popcorn", + "melted butter", + "coarse salt", + "thyme" + ] + }, + { + "id": 29274, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "low sodium chicken broth", + "boiling potatoes", + "onions", + "watercress" + ] + }, + { + "id": 38060, + "cuisine": "indian", + "ingredients": [ + "milk", + "cardamom pods", + "yoghurt", + "chopped almonds", + "saffron", + "caster sugar", + "pistachio nuts" + ] + }, + { + "id": 16412, + "cuisine": "chinese", + "ingredients": [ + "sweet onion", + "fresh orange juice", + "red bell pepper", + "fresh basil", + "ground black pepper", + "jelly", + "large shrimp", + "olive oil", + "salt", + "fresh lime juice", + "water", + "hoisin sauce", + "corn starch" + ] + }, + { + "id": 38809, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "fat free less sodium chicken broth", + "leeks", + "fontina cheese", + "ground black pepper", + "rigatoni", + "savoy cabbage", + "olive oil", + "sweet italian sausage" + ] + }, + { + "id": 30774, + "cuisine": "italian", + "ingredients": [ + "capers", + "ground black pepper", + "flat leaf parsley", + "olive oil", + "butter", + "sage leaves", + "prosciutto", + "all-purpose flour", + "marsala wine", + "chicken cutlets" + ] + }, + { + "id": 36949, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "rice wine", + "salt", + "water", + "sirloin steak", + "chopped garlic", + "black pepper", + "sesame oil", + "scallions", + "sugar", + "sesame seeds", + "ginger" + ] + }, + { + "id": 8166, + "cuisine": "italian", + "ingredients": [ + "green onions", + "garlic", + "dried basil", + "ricotta cheese", + "plum tomatoes", + "dough", + "boneless skinless chicken breasts", + "chopped cilantro fresh", + "grated parmesan cheese", + "butter" + ] + }, + { + "id": 17963, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic cloves", + "cilantro", + "plum tomatoes", + "jalapeno chilies", + "onions", + "salt" + ] + }, + { + "id": 15320, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "salt", + "wonton wrappers", + "scallions", + "chives", + "rice vinegar", + "soy sauce", + "ground pork" + ] + }, + { + "id": 320, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "tomato ketchup", + "onions", + "green bell pepper", + "garlic", + "thyme", + "pepper sauce", + "cooking oil", + "scallions", + "chicken", + "sugar", + "salt", + "hot water" + ] + }, + { + "id": 32647, + "cuisine": "italian", + "ingredients": [ + "white wine", + "sea salt", + "salmon fillets", + "garlic powder", + "tomatoes", + "white onion", + "extra-virgin olive oil", + "black pepper", + "onion powder" + ] + }, + { + "id": 29509, + "cuisine": "japanese", + "ingredients": [ + "spinach", + "soy sauce", + "mirin", + "cayenne pepper", + "cumin", + "sake", + "water", + "garlic", + "white sesame seeds", + "brown sugar", + "mixed spice", + "sesame oil", + "ground coriander", + "ground ginger", + "salmon fillets", + "honey", + "broccoli", + "noodles" + ] + }, + { + "id": 19700, + "cuisine": "italian", + "ingredients": [ + "almond paste", + "pinenuts", + "white sugar", + "egg whites" + ] + }, + { + "id": 22863, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "sweetened coconut flakes", + "garlic cloves", + "fresh tarragon", + "fresh lime juice", + "buttermilk", + "freshly ground pepper" + ] + }, + { + "id": 17990, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "green onions", + "all-purpose flour", + "water", + "fine sea salt", + "sesame oil" + ] + }, + { + "id": 3419, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "chopped cilantro fresh", + "refried beans", + "diced tomatoes", + "tomato sauce", + "vegetable oil", + "ground cumin", + "flour tortillas", + "cheese" + ] + }, + { + "id": 49156, + "cuisine": "japanese", + "ingredients": [ + "mitsuba", + "mirin", + "japanese rice", + "light soy sauce", + "matsutake mushrooms", + "kosher salt", + "shimeji mushrooms", + "sake", + "dashi" + ] + }, + { + "id": 16425, + "cuisine": "cajun_creole", + "ingredients": [ + "crawfish", + "Tabasco Pepper Sauce", + "yellow onion", + "eggs", + "evaporated milk", + "garlic", + "seasoning salt", + "butter", + "red bell pepper", + "green bell pepper", + "flour", + "salt" + ] + }, + { + "id": 33529, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "fresh ginger", + "worcestershire sauce", + "oyster sauce", + "sugar", + "cooking oil", + "garlic", + "red bell pepper", + "chinese rice wine", + "ground black pepper", + "beef tenderloin", + "corn starch", + "soy sauce", + "sesame oil", + "salt", + "onions" + ] + }, + { + "id": 3138, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "onions", + "crushed tomatoes", + "salt", + "bacon", + "arugula", + "ground black pepper", + "cavatelli" + ] + }, + { + "id": 25966, + "cuisine": "french", + "ingredients": [ + "shallots", + "salt", + "brandy", + "dry red wine", + "fat", + "Belgian endive", + "red wine vinegar", + "tarragon leaves", + "mushrooms", + "whipping cream" + ] + }, + { + "id": 30503, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "dried thyme", + "red wine vinegar", + "mayonaise", + "prepared horseradish", + "creole mustard", + "sweet onion", + "ground red pepper", + "red potato", + "garlic powder", + "salt" + ] + }, + { + "id": 41337, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "garlic", + "gram flour", + "water", + "chili powder", + "green chilies", + "coriander", + "fenugreek leaves", + "chicken thigh fillets", + "salt", + "rapeseed oil", + "fresh ginger", + "lemon", + "cumin seed" + ] + }, + { + "id": 12414, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "white rice", + "whole peeled tomatoes", + "okra", + "bay leaves", + "chicken", + "black pepper", + "salt" + ] + }, + { + "id": 44651, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "large egg whites", + "sliced carrots", + "chopped onion", + "cinnamon sticks", + "clove", + "chipotle chile", + "cooking spray", + "chopped celery", + "fresh onion", + "green cabbage", + "fat free less sodium chicken broth", + "chili powder", + "salt", + "garlic cloves", + "ground round", + "coriander seeds", + "baking potatoes", + "cumin seed", + "long grain white rice" + ] + }, + { + "id": 29273, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "Italian turkey sausage", + "dry lasagna", + "diced tomatoes", + "fat skimmed chicken broth", + "dried oregano", + "( oz.) tomato sauce", + "reduced fat mozzarella", + "onions", + "garlic", + "chopped parsley" + ] + }, + { + "id": 16746, + "cuisine": "french", + "ingredients": [ + "red potato", + "dried thyme", + "chicken breast halves", + "oil", + "black pepper", + "italian style stewed tomatoes", + "anchovy paste", + "green beans", + "sugar", + "olive oil", + "shallots", + "garlic cloves", + "fat free less sodium chicken broth", + "dry white wine", + "all-purpose flour" + ] + }, + { + "id": 36079, + "cuisine": "japanese", + "ingredients": [ + "peeled fresh ginger", + "white rice", + "chopped cilantro fresh", + "yellow miso", + "sea bass fillets", + "sauce", + "brown sugar", + "rice wine", + "tamari soy sauce", + "sake", + "vegetable oil", + "rice vinegar" + ] + }, + { + "id": 17434, + "cuisine": "indian", + "ingredients": [ + "ice cubes", + "strawberries", + "fat free milk", + "nonfat yogurt", + "honey", + "ground cardamom" + ] + }, + { + "id": 18215, + "cuisine": "chinese", + "ingredients": [ + "crumbled blue cheese", + "cream cheese", + "wonton wrappers", + "shrimp", + "chives", + "peanut oil", + "hot sauce" + ] + }, + { + "id": 47573, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium soy sauce", + "sesame oil", + "oyster sauce", + "olive oil", + "broccoli florets", + "garlic", + "medium shrimp", + "brown sugar", + "Sriracha", + "ginger", + "corn starch", + "sesame seeds", + "green onions", + "rice vinegar" + ] + }, + { + "id": 4755, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "baking soda", + "salt", + "unsalted butter", + "all-purpose flour", + "milk", + "buttermilk" + ] + }, + { + "id": 47273, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "peach schnapps", + "salt", + "large eggs", + "heavy cream", + "unsalted butter", + "buttermilk", + "all-purpose flour", + "sugar", + "baking powder", + "vanilla extract" + ] + }, + { + "id": 44595, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "Biryani Masala", + "salt", + "brown cardamom", + "lemon juice", + "peppercorns", + "red chili powder", + "milk", + "yoghurt", + "rice", + "oil", + "bay leaf", + "saffron", + "clove", + "water", + "mint leaves", + "cilantro leaves", + "green chilies", + "cinnamon sticks", + "shahi jeera", + "garlic paste", + "mace", + "sunflower oil", + "green cardamom", + "ground cardamom", + "onions", + "chicken" + ] + }, + { + "id": 3951, + "cuisine": "korean", + "ingredients": [ + "short rib", + "scallions" + ] + }, + { + "id": 75, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "potatoes", + "green chilies", + "ground turmeric", + "fennel seeds", + "coriander powder", + "ginger", + "coconut milk", + "pepper", + "chili powder", + "mustard seeds", + "masala", + "curry leaves", + "beef", + "garlic", + "onions" + ] + }, + { + "id": 24189, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "green onions", + "yellow onion", + "ground beef", + "lettuce", + "honey", + "salt", + "garlic cloves", + "pepper", + "vegetable oil", + "chili sauce", + "ground ginger", + "hoisin sauce", + "rice vinegar", + "red bell pepper" + ] + }, + { + "id": 8491, + "cuisine": "korean", + "ingredients": [ + "green onions", + "toasted sesame oil", + "sea salt", + "toasted sesame seeds", + "yellow onion", + "cucumber" + ] + }, + { + "id": 4212, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "serrano peppers", + "white onion", + "salt", + "tomatoes", + "extra-virgin olive oil", + "lime juice" + ] + }, + { + "id": 40707, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "Nutella", + "ground cloves", + "ground cardamom", + "coconut flakes", + "cinnamon", + "unsweetened coconut milk", + "bananas", + "coconut milk yogurt" + ] + }, + { + "id": 8330, + "cuisine": "chinese", + "ingredients": [ + "baby bok choy", + "pork tenderloin", + "olive oil", + "red pepper", + "Soy Vay® Hoisin Garlic Marinade & Sauce", + "ramen noodles", + "shredded carrots", + "scallions" + ] + }, + { + "id": 23263, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "chopped walnuts", + "water", + "garlic", + "anchovies", + "salt", + "linguine", + "flat leaf parsley" + ] + }, + { + "id": 39101, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "vegetable broth", + "chickpeas", + "flat leaf parsley", + "preserved lemon", + "butternut squash", + "salt", + "garlic cloves", + "eggplant", + "ras el hanout", + "freshly ground pepper", + "ground turmeric", + "sliced almonds", + "raisins", + "yellow onion", + "fresh lemon juice" + ] + }, + { + "id": 11022, + "cuisine": "italian", + "ingredients": [ + "cannellini beans", + "salt", + "garlic cloves", + "chopped celery", + "chopped onion", + "carrots", + "crushed red pepper", + "chopped fresh sage", + "fresh parsley", + "extra-virgin olive oil", + "grated lemon zest", + "fresh lemon juice" + ] + }, + { + "id": 31171, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "turkey breast cutlets", + "ground black pepper", + "arugula", + "penne", + "balsamic vinegar", + "sun-dried tomatoes", + "salt" + ] + }, + { + "id": 40298, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "crushed red pepper", + "shrimp", + "paprika", + "all-purpose flour", + "butter", + "salt", + "celery", + "white onion", + "garlic", + "fresh mushrooms" + ] + }, + { + "id": 23426, + "cuisine": "chinese", + "ingredients": [ + "garlic chives", + "duck", + "meat", + "beansprouts", + "enokitake", + "cucumber", + "eggs", + "cilantro leaves" + ] + }, + { + "id": 48799, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "parmigiano reggiano cheese", + "salt", + "fresh lemon juice", + "plum tomatoes", + "chicken stock", + "water", + "bacon slices", + "freshly ground pepper", + "red bell pepper", + "sliced green onions", + "kosher salt", + "Tabasco Pepper Sauce", + "all-purpose flour", + "fat", + "large shrimp", + "white button mushrooms", + "unsalted butter", + "cheese", + "garlic cloves", + "grits" + ] + }, + { + "id": 47529, + "cuisine": "french", + "ingredients": [ + "active dry yeast", + "light brown sugar", + "whole milk", + "kosher salt", + "all purpose unbleached flour", + "unsalted butter" + ] + }, + { + "id": 20263, + "cuisine": "southern_us", + "ingredients": [ + "sour cream", + "bisquick", + "butter" + ] + }, + { + "id": 34060, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "extra-virgin olive oil", + "peeled fresh ginger", + "rice vinegar", + "chile paste with garlic", + "cilantro leaves", + "green onions", + "japanese eggplants" + ] + }, + { + "id": 37003, + "cuisine": "italian", + "ingredients": [ + "garlic", + "olive oil", + "tomatoes", + "salt", + "basil leaves" + ] + }, + { + "id": 9092, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "chopped cilantro fresh", + "tomatoes", + "garlic cloves", + "salt", + "vidalia onion", + "fresh lime juice" + ] + }, + { + "id": 1862, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "lemon grass", + "chili powder", + "ground coriander", + "brown sugar", + "peanuts", + "boneless skinless chicken breasts", + "tamarind paste", + "ground cumin", + "fish sauce", + "lime juice", + "muscovado sugar", + "garlic", + "curry paste", + "tomato paste", + "water", + "chunky peanut butter", + "vegetable oil", + "coconut milk" + ] + }, + { + "id": 42914, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "russet potatoes", + "ground allspice", + "coconut milk", + "curry powder", + "ginger", + "carrots", + "fresh lime juice", + "kosher salt", + "scotch bonnet chile", + "scallions", + "squash", + "coconut oil", + "ground black pepper", + "garlic", + "thyme" + ] + }, + { + "id": 37429, + "cuisine": "italian", + "ingredients": [ + "water", + "sauce", + "yellow corn meal", + "cracked black pepper", + "beef tenderloin steaks", + "cooking spray", + "garlic cloves", + "parsley sprigs", + "salt" + ] + }, + { + "id": 36805, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "butter", + "sliced mushrooms", + "black pepper", + "vegetable oil", + "ham", + "grated parmesan cheese", + "vegetable broth", + "polenta", + "cooking spray", + "1% low-fat milk" + ] + }, + { + "id": 1950, + "cuisine": "italian", + "ingredients": [ + "pepper", + "extra-virgin olive oil", + "french bread", + "shredded mozzarella cheese", + "white tuna in water", + "kalamata", + "fresh lemon juice", + "finely chopped fresh parsley", + "salt" + ] + }, + { + "id": 41516, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "bread flour", + "warm water", + "salt", + "fontina", + "baby arugula", + "olive oil", + "cake yeast" + ] + }, + { + "id": 15789, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime juice", + "diced green chilies", + "salt", + "steak seasoning", + "mayonaise", + "olive oil", + "wheat", + "medium salsa", + "green cabbage", + "lime", + "red cabbage", + "taco seasoning", + "lean chuck roast", + "Tabasco Green Pepper Sauce", + "fat free greek yogurt", + "chopped cilantro fresh" + ] + }, + { + "id": 4325, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "eggs", + "butter", + "yellow corn meal", + "baking powder", + "vegetable oil cooking spray", + "salt" + ] + }, + { + "id": 17860, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "peanuts", + "sesame oil", + "oil", + "red chili peppers", + "chicken breasts", + "ginger", + "sugar", + "green onions", + "balsamic vinegar", + "corn starch", + "chicken broth", + "light soy sauce", + "szechwan peppercorns", + "garlic" + ] + }, + { + "id": 9215, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "kosher salt", + "purple onion", + "fresh dill", + "dry yeast", + "bread flour", + "cold-smoked salmon", + "warm water", + "cooking spray", + "capers", + "olive oil", + "cream cheese, soften" + ] + }, + { + "id": 24245, + "cuisine": "french", + "ingredients": [ + "light cream", + "salt", + "potatoes", + "garlic cloves", + "whole milk", + "nutmeg", + "butter" + ] + }, + { + "id": 24677, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "fresh tarragon", + "fresh lemon juice", + "reduced sodium chicken broth", + "heavy cream", + "California bay leaves", + "black pepper", + "vegetable oil", + "garlic cloves", + "shallots", + "salt", + "chicken pieces" + ] + }, + { + "id": 2239, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "skinless chicken breasts", + "spring onions", + "Chinese egg noodles", + "black bean sauce", + "garlic cloves", + "soy sauce", + "sesame oil", + "beansprouts" + ] + }, + { + "id": 44235, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "onions", + "green bell pepper", + "vegetable oil", + "shredded Monterey Jack cheese", + "bacon bits", + "boneless skinless chicken breasts", + "fajita seasoning mix", + "shredded cheddar cheese", + "red bell pepper" + ] + }, + { + "id": 42453, + "cuisine": "italian", + "ingredients": [ + "crushed red pepper", + "cooking spray", + "fresh lemon juice", + "diced tomatoes", + "feta cheese crumbles", + "baguette", + "garlic cloves" + ] + }, + { + "id": 33710, + "cuisine": "moroccan", + "ingredients": [ + "parsnips", + "olive oil", + "low salt chicken broth", + "ground cumin", + "turnips", + "sweet potatoes & yams", + "chopped onion", + "boneless skinless chicken breast halves", + "dried currants", + "diced tomatoes", + "cinnamon sticks", + "rutabaga", + "curry powder", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 41332, + "cuisine": "irish", + "ingredients": [ + "eggs", + "salt", + "plain flour", + "milk", + "mashed potatoes", + "potatoes", + "pepper" + ] + }, + { + "id": 11685, + "cuisine": "indian", + "ingredients": [ + "tamarind pulp", + "green chilies", + "yoghurt", + "mint leaves", + "cumin seed", + "salt" + ] + }, + { + "id": 7065, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "water", + "all-purpose flour", + "corn starch", + "pineapple chunks", + "cider vinegar", + "large eggs", + "boneless pork loin", + "ketchup", + "fresh ginger", + "pineapple juice", + "sugar", + "minced garlic", + "worcestershire sauce", + "peanut oil" + ] + }, + { + "id": 33751, + "cuisine": "irish", + "ingredients": [ + "green onions", + "pepper", + "salt", + "red potato", + "butter", + "fat free milk", + "cabbage" + ] + }, + { + "id": 27217, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "flour", + "buttermilk", + "brewed coffee", + "butter", + "honey", + "baking powder", + "salt", + "ham steak", + "large eggs", + "vegetable shortening" + ] + }, + { + "id": 591, + "cuisine": "greek", + "ingredients": [ + "lemon", + "shrimp", + "hard-boiled egg", + "greek style plain yogurt", + "bibb lettuce", + "purple onion", + "chives", + "hot sauce" + ] + }, + { + "id": 4456, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "salt", + "large garlic cloves", + "meat", + "smoked paprika", + "extra-virgin olive oil" + ] + }, + { + "id": 10463, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "ground black pepper", + "wine vinegar", + "lemon juice", + "pinenuts", + "dijon mustard", + "salt", + "boneless chicken thighs", + "asparagus", + "purple onion", + "olive oil", + "garlic", + "rice" + ] + }, + { + "id": 25464, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "wild rice", + "andouille sausage", + "condensed cream of mushroom soup", + "chicken broth", + "sweet onion", + "minced garlic", + "fresh mushrooms" + ] + }, + { + "id": 43261, + "cuisine": "irish", + "ingredients": [ + "beef brisket", + "cabbage", + "black pepper", + "carrots", + "potatoes", + "water", + "celery" + ] + }, + { + "id": 23303, + "cuisine": "greek", + "ingredients": [ + "water", + "all-purpose flour", + "salt", + "baking powder", + "olive oil" + ] + }, + { + "id": 38116, + "cuisine": "thai", + "ingredients": [ + "green onions", + "ginger", + "chicken broth", + "lemon", + "chopped cilantro", + "cooked chicken", + "coconut milk", + "chili flakes", + "sea salt" + ] + }, + { + "id": 27150, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "large eggs", + "fresh parsley", + "crawfish", + "butter", + "green bell pepper", + "ground red pepper", + "onions", + "cornbread", + "ground black pepper", + "ground white pepper" + ] + }, + { + "id": 13917, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "salt", + "yoghurt", + "green chilies", + "sesame seeds", + "cilantro leaves", + "atta", + "chili powder", + "oil" + ] + }, + { + "id": 15938, + "cuisine": "southern_us", + "ingredients": [ + "lemon", + "mint", + "ice", + "black tea", + "sugar" + ] + }, + { + "id": 44646, + "cuisine": "indian", + "ingredients": [ + "clove", + "cooking spray", + "salt", + "semi-sweet chocolate morsels", + "granulated sugar", + "butter", + "cardamom pods", + "unsweetened cocoa powder", + "brown sugar", + "baking powder", + "all-purpose flour", + "allspice", + "large eggs", + "1% low-fat milk", + "cinnamon sticks" + ] + }, + { + "id": 792, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "butter", + "baking mix", + "pure vanilla extract", + "powdered sugar", + "raisins", + "melted butter", + "buttermilk", + "bisquick", + "light brown sugar", + "granulated sugar", + "heavy cream" + ] + }, + { + "id": 893, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "honey", + "arugula", + "baguette", + "ricotta cheese", + "olive oil" + ] + }, + { + "id": 25866, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "cooked chicken", + "cheese", + "black beans", + "diced tomatoes", + "vegetable oil cooking spray", + "whole wheat tortillas", + "enchilada sauce", + "corn", + "cilantro sprigs" + ] + }, + { + "id": 1992, + "cuisine": "irish", + "ingredients": [ + "melted butter", + "peppercorns", + "carrots", + "brisket", + "green cabbage", + "onions" + ] + }, + { + "id": 3653, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "whole milk", + "large eggs", + "refrigerated piecrusts", + "ground nutmeg", + "salami", + "fresh basil", + "grated parmesan cheese", + "sausages" + ] + }, + { + "id": 19063, + "cuisine": "southern_us", + "ingredients": [ + "grated parmesan cheese", + "dry bread crumbs", + "pepper", + "butter", + "onions", + "frozen chopped spinach", + "red wine vinegar", + "sour cream", + "yellow squash", + "salt" + ] + }, + { + "id": 38985, + "cuisine": "italian", + "ingredients": [ + "pepper", + "scape pesto", + "sea salt", + "asparagus", + "tomatoes", + "whole wheat spaghetti noodles" + ] + }, + { + "id": 20222, + "cuisine": "japanese", + "ingredients": [ + "vegetable broth", + "sea scallops", + "scallions", + "low sodium soy sauce", + "soba noodles", + "grated parmesan cheese", + "carrots" + ] + }, + { + "id": 27988, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "salt", + "onions", + "chili powder", + "cumin seed", + "ground cumin", + "moong dal", + "cilantro leaves", + "ground turmeric", + "tomatoes", + "lemon", + "oil" + ] + }, + { + "id": 27378, + "cuisine": "italian", + "ingredients": [ + "black peppercorns", + "truffle oil", + "garlic", + "ground black pepper", + "butter", + "pizza doughs", + "olive oil", + "confit", + "salt", + "wild garlic", + "parmigiano reggiano cheese", + "chees fresh mozzarella" + ] + }, + { + "id": 43770, + "cuisine": "italian", + "ingredients": [ + "chili pepper", + "red pepper flakes", + "garlic cloves", + "grated parmesan cheese", + "basil", + "dried oregano", + "cherry tomatoes", + "sea salt", + "spaghetti", + "black pepper", + "baby spinach", + "extra-virgin olive oil" + ] + }, + { + "id": 48529, + "cuisine": "british", + "ingredients": [ + "lemon", + "salt", + "long grain white rice", + "tumeric", + "ginger", + "curry paste", + "salmon", + "garlic", + "onions", + "spinach", + "cilantro", + "mustard seeds", + "canola oil" + ] + }, + { + "id": 46039, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "pepper jack", + "taco seasoning", + "shredded cheddar cheese", + "cream cheese", + "flour tortillas" + ] + }, + { + "id": 24725, + "cuisine": "mexican", + "ingredients": [ + "lime", + "nonfat plain greek yogurt", + "diced tomatoes", + "red bell pepper", + "ground cumin", + "green bell pepper", + "ground black pepper", + "chili powder", + "salt", + "onions", + "olive oil", + "boneless skinless chicken breasts", + "garlic", + "fresh lime juice", + "vegetable oil cooking spray", + "radishes", + "whole wheat tortillas", + "salsa", + "chopped cilantro fresh" + ] + }, + { + "id": 44327, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "flour", + "vanilla extract", + "granulated sugar", + "whole milk", + "vanilla wafers", + "bananas", + "egg yolks", + "salt", + "cream of tartar", + "egg whites", + "butter" + ] + }, + { + "id": 47761, + "cuisine": "mexican", + "ingredients": [ + "bay leaves", + "pinto beans", + "boiling water", + "olive oil", + "cumin seed", + "ancho chile pepper", + "salt", + "low salt chicken broth", + "ground black pepper", + "garlic cloves", + "onions" + ] + }, + { + "id": 4883, + "cuisine": "italian", + "ingredients": [ + "vodka", + "olive oil", + "salt", + "dried oregano", + "tomato paste", + "crushed tomatoes", + "heavy cream", + "onions", + "water", + "ground black pepper", + "dri leav thyme", + "tomato purée", + "rosemary", + "garlic", + "dried parsley" + ] + }, + { + "id": 42089, + "cuisine": "french", + "ingredients": [ + "capers", + "baking potatoes", + "flat leaf parsley", + "ground black pepper", + "salt", + "sea scallops", + "butter", + "celery root", + "cooking oil", + "lemon juice" + ] + }, + { + "id": 41694, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "curry powder", + "crushed red pepper flakes", + "salt", + "black mustard seeds", + "pork", + "cinnamon", + "garlic", + "cumin seed", + "ground turmeric", + "cooked rice", + "black-eyed peas", + "ginger", + "green chilies", + "onions", + "celery ribs", + "pepper", + "bacon", + "curry", + "scallions" + ] + }, + { + "id": 31364, + "cuisine": "french", + "ingredients": [ + "hazelnuts", + "shallots", + "freshly ground pepper", + "unsalted butter", + "salt", + "fresh thyme", + "chanterelle", + "minced garlic", + "balsamic vinegar" + ] + }, + { + "id": 10932, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "garlic", + "dry sherry", + "onions", + "french bread", + "salt", + "whole wheat flour", + "vegetable broth" + ] + }, + { + "id": 33153, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "tequila", + "lemon", + "fresh pineapple", + "lime", + "chopped cilantro fresh", + "chipotle chile", + "salt" + ] + }, + { + "id": 25589, + "cuisine": "italian", + "ingredients": [ + "lower sodium chicken broth", + "sauvignon blanc", + "boneless skinless chicken breast halves", + "ground black pepper", + "Meyer lemon juice", + "kosher salt", + "all-purpose flour", + "capers", + "unsalted butter", + "flat leaf parsley" + ] + }, + { + "id": 39569, + "cuisine": "indian", + "ingredients": [ + "clove", + "water", + "chili powder", + "salt", + "cardamom", + "cashew nuts", + "tomatoes", + "coriander powder", + "poppy seeds", + "curds", + "ghee", + "ground turmeric", + "pepper", + "fenugreek", + "garlic", + "oil", + "onions", + "fish", + "mustard", + "coconut", + "cinnamon", + "green chilies", + "lemon juice", + "basmati rice" + ] + }, + { + "id": 24710, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dry white wine", + "chicken broth", + "freshly grated parmesan", + "red bell pepper", + "arborio rice", + "artichoke hearts", + "fresh parsley leaves", + "white pepper", + "prosciutto", + "onions" + ] + }, + { + "id": 18293, + "cuisine": "italian", + "ingredients": [ + "stewed tomatoes", + "garlic salt", + "ground black pepper", + "ground beef", + "pasta", + "garlic", + "white sugar", + "beef stock cubes", + "onions" + ] + }, + { + "id": 3229, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "brown sugar", + "raisins", + "fresh parsley", + "chicken legs", + "curry powder", + "salt", + "tomato paste", + "pepper", + "garlic", + "onions", + "green bell pepper", + "olive oil", + "bay leaf" + ] + }, + { + "id": 11531, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "butter", + "coconut milk", + "curry powder", + "all-purpose flour", + "onions", + "minced garlic", + "red pepper", + "celery", + "peanuts", + "creamy peanut butter" + ] + }, + { + "id": 48758, + "cuisine": "chinese", + "ingredients": [ + "peeled fresh ginger", + "green beans", + "low sodium soy sauce", + "crushed red pepper", + "canola oil", + "shallots", + "chinese black vinegar", + "minced garlic", + "salt" + ] + }, + { + "id": 29564, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ginger", + "cayenne pepper", + "minced pork", + "asian eggplants", + "shallots", + "chili bean sauce", + "oyster sauce", + "chicken stock", + "Shaoxing wine", + "garlic", + "oil", + "sugar", + "sesame oil", + "salt", + "corn starch" + ] + }, + { + "id": 31272, + "cuisine": "italian", + "ingredients": [ + "biscuits", + "marsala wine", + "ice cream", + "kahlúa", + "instant espresso powder", + "hot water", + "unflavored gelatin", + "large egg yolks", + "whipping cream", + "sugar", + "mascarpone", + "unsweetened cocoa powder" + ] + }, + { + "id": 6594, + "cuisine": "italian", + "ingredients": [ + "fresh marjoram", + "olive oil", + "ricotta cheese", + "garlic cloves", + "spaghetti", + "eggs", + "bread crumb fresh", + "dry white wine", + "yellow onion", + "bay leaf", + "chicken broth", + "ground cloves", + "parmigiano reggiano cheese", + "grated nutmeg", + "juice", + "plum tomatoes", + "sausage casings", + "milk", + "shallots", + "freshly ground pepper", + "ground beef" + ] + }, + { + "id": 30966, + "cuisine": "mexican", + "ingredients": [ + "pie dough", + "olive oil", + "golden raisins", + "pimento stuffed olives", + "jalapeno chilies", + "chopped onion", + "fresh lime juice", + "ground cinnamon", + "chopped green bell pepper", + "recipe crumbles", + "garlic cloves", + "sliced almonds", + "cooking spray", + "ground allspice", + "ground cumin" + ] + }, + { + "id": 17015, + "cuisine": "mexican", + "ingredients": [ + "salt", + "cold water", + "pork shoulder butt" + ] + }, + { + "id": 24519, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "ground black pepper", + "asiago", + "water", + "dry white wine", + "chanterelle", + "fat free less sodium chicken broth", + "finely chopped onion", + "salt", + "arborio rice", + "corn kernels", + "butter", + "garlic cloves" + ] + }, + { + "id": 24676, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "garlic", + "teriyaki sauce", + "chicken broth", + "diced chicken" + ] + }, + { + "id": 48222, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "salt and ground black pepper", + "onions", + "olive oil", + "squash", + "potatoes", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 32274, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "all-purpose flour", + "cheddar cheese", + "baking powder", + "unsalted butter", + "kosher salt", + "buttermilk" + ] + }, + { + "id": 43724, + "cuisine": "spanish", + "ingredients": [ + "watermelon", + "ginger ale", + "fresh raspberries", + "strawberries", + "white wine", + "honeydew" + ] + }, + { + "id": 26132, + "cuisine": "indian", + "ingredients": [ + "white wine vinegar", + "onions", + "diced tomatoes", + "curry paste", + "olive oil", + "ground cardamom", + "chopped cilantro fresh", + "peeled fresh ginger", + "cut up chicken", + "ground cumin" + ] + }, + { + "id": 170, + "cuisine": "italian", + "ingredients": [ + "dijon mustard", + "large garlic cloves", + "orecchiette", + "olive oil", + "fresh shiitake mushrooms", + "low salt chicken broth", + "grated parmesan cheese", + "peas", + "radicchio", + "red wine vinegar", + "white mushrooms" + ] + }, + { + "id": 41458, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "tortillas", + "red", + "tomatoes", + "chili", + "sea salt", + "onions", + "black pepper", + "bay leaves", + "garlic", + "eggs", + "olive oil", + "diced tomatoes" + ] + }, + { + "id": 36656, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "olive oil", + "okra", + "salt", + "brown mustard seeds", + "asafoetida powder" + ] + }, + { + "id": 30375, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "dry white wine", + "fresh lemon juice", + "ground black pepper", + "diced tomatoes", + "olive oil", + "whole wheat spaghetti", + "fresh parsley", + "clams", + "minced onion", + "salt" + ] + }, + { + "id": 25204, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salt", + "corn starch", + "granulated sugar", + "all-purpose flour", + "chicken", + "baking powder", + "cayenne pepper", + "cold water", + "paprika", + "peanut oil" + ] + }, + { + "id": 9454, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "vegetable broth", + "fresh corn", + "whole wheat tortillas", + "whole kernel corn, drain", + "brown rice", + "salsa", + "fresh tomatoes", + "diced tomatoes", + "taco seasoning" + ] + }, + { + "id": 41159, + "cuisine": "indian", + "ingredients": [ + "asafoetida", + "garam masala", + "cumin seed", + "amchur", + "chili powder", + "lemon juice", + "cauliflower", + "fresh ginger", + "salt", + "tumeric", + "coriander powder", + "oil" + ] + }, + { + "id": 15463, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "chicken stock", + "egg noodles", + "sage leaves", + "unsalted butter", + "garlic cloves", + "rosemary", + "grated parmesan cheese" + ] + }, + { + "id": 26492, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "dry red wine", + "orange", + "cinnamon sticks" + ] + }, + { + "id": 42560, + "cuisine": "french", + "ingredients": [ + "minced garlic", + "leeks", + "unsalted butter", + "flat leaf parsley", + "sea scallops", + "canned snails", + "chopped fresh chives" + ] + }, + { + "id": 4010, + "cuisine": "southern_us", + "ingredients": [ + "shallots", + "red bell pepper", + "green onions", + "whipping cream", + "bourbon whiskey", + "garlic cloves", + "corn kernels", + "butter" + ] + }, + { + "id": 4291, + "cuisine": "italian", + "ingredients": [ + "superfine sugar", + "Amaretti Cookies", + "buttermilk", + "lemon zest", + "grape juice", + "unflavored gelatin", + "heavy cream" + ] + }, + { + "id": 24999, + "cuisine": "korean", + "ingredients": [ + "peperoncini", + "soy sauce", + "carpaccio", + "soybean sprouts", + "garlic cloves", + "brown sugar", + "zucchini", + "salt", + "rice", + "eggs", + "riso", + "crema", + "Gochujang base", + "carrots", + "fresh spinach", + "mushrooms", + "salsa", + "oil" + ] + }, + { + "id": 16915, + "cuisine": "italian", + "ingredients": [ + "dried oregano", + "crushed garlic", + "dried basil", + "butter" + ] + }, + { + "id": 41913, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cherry tomatoes", + "salt", + "chipotle chile powder", + "romaine lettuce", + "sea salt", + "fresh lime juice", + "ground cumin", + "green chile", + "olive oil", + "ground turkey", + "sliced green onions", + "minced garlic", + "cilantro", + "chopped cilantro" + ] + }, + { + "id": 30934, + "cuisine": "russian", + "ingredients": [ + "all-purpose flour", + "unsalted butter", + "large eggs", + "water", + "dill" + ] + }, + { + "id": 19260, + "cuisine": "indian", + "ingredients": [ + "tomato sauce", + "yoghurt", + "paprika", + "cayenne pepper", + "fresh ginger", + "butter", + "garlic", + "ground cumin", + "fresh cilantro", + "boneless skinless chicken breasts", + "vanilla", + "lemon juice", + "ground cinnamon", + "ground black pepper", + "heavy cream", + "salt" + ] + }, + { + "id": 37789, + "cuisine": "italian", + "ingredients": [ + "bittersweet chocolate", + "large egg yolks", + "whole milk", + "sugar", + "unsweetened cocoa powder" + ] + }, + { + "id": 34410, + "cuisine": "italian", + "ingredients": [ + "Pillsbury™ Refrigerated Crescent Dinner Rolls", + "shredded mozzarella cheese", + "tomato sauce", + "butter", + "lean ground beef", + "sour cream", + "grated parmesan cheese", + "chopped onion", + "lean ground beef", + "sour cream", + "grated parmesan cheese", + "chopped onion", + "refrigerated crescent rolls", + "shredded mozzarella cheese", + "pasta sauce", + "butter" + ] + }, + { + "id": 3576, + "cuisine": "southern_us", + "ingredients": [ + "yellow squash", + "basil leaves", + "garlic cloves", + "onions", + "water", + "bay leaves", + "salt", + "thyme sprigs", + "black pepper", + "fresh parmesan cheese", + "yellow bell pepper", + "green beans", + "tomatoes", + "olive oil", + "sliced carrots", + "small red potato" + ] + }, + { + "id": 27831, + "cuisine": "southern_us", + "ingredients": [ + "sea salt", + "water", + "apple juice" + ] + }, + { + "id": 17055, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "lime", + "red cabbage", + "yellow onion", + "pork shoulder", + "pepper", + "white hominy", + "cilantro", + "garlic cloves", + "white onion", + "olive oil", + "bay leaves", + "whole chicken", + "oregano", + "chicken stock", + "water", + "radishes", + "salt", + "corn tortillas" + ] + }, + { + "id": 34218, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "grated parmesan cheese", + "shredded mozzarella cheese", + "kale", + "extra-virgin olive oil", + "sunflower seeds", + "crushed red pepper flakes", + "garlic cloves", + "granulated sugar", + "pizza doughs" + ] + }, + { + "id": 22543, + "cuisine": "italian", + "ingredients": [ + "milk", + "sliced mushrooms", + "butter", + "chopped green bell pepper", + "red bell pepper", + "condensed cream of chicken soup", + "chopped onion" + ] + }, + { + "id": 5338, + "cuisine": "indian", + "ingredients": [ + "clove", + "ground black pepper", + "salt", + "carrots", + "ground turmeric", + "water", + "fresh green bean", + "cayenne pepper", + "onions", + "roasted cashews", + "corn oil", + "broccoli", + "red bell pepper", + "corn kernels", + "garlic", + "long-grain rice", + "chopped cilantro fresh" + ] + }, + { + "id": 12168, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "garlic", + "ground black pepper", + "fresh oregano", + "olive oil", + "salt", + "sirloin steak", + "dried oregano" + ] + }, + { + "id": 45455, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "buttermilk", + "cake flour", + "eggs", + "baking powder", + "vanilla extract", + "cream cheese", + "white vinegar", + "baking soda", + "red food coloring", + "salt", + "powdered sugar", + "butter", + "Dutch-processed cocoa powder" + ] + }, + { + "id": 29397, + "cuisine": "southern_us", + "ingredients": [ + "lemon slices", + "lemon juice", + "mint sprigs", + "apple juice", + "pineapple juice", + "apples", + "orange juice" + ] + }, + { + "id": 29774, + "cuisine": "southern_us", + "ingredients": [ + "tomato paste", + "fennel bulb", + "dry sherry", + "yellow onion", + "fresh parsley", + "olive oil", + "butter", + "salt", + "garlic cloves", + "curry powder", + "clam juice", + "fresh tarragon", + "crabmeat", + "ground turmeric", + "celery ribs", + "ground black pepper", + "heavy cream", + "all-purpose flour", + "carrots" + ] + }, + { + "id": 31778, + "cuisine": "italian", + "ingredients": [ + "corn tortilla chips", + "hot Italian sausages", + "red pepper flakes", + "sliced green onions", + "mozzarella cheese", + "ripe olives", + "tomatoes", + "cheese sauce" + ] + }, + { + "id": 4002, + "cuisine": "irish", + "ingredients": [ + "sugar", + "leeks", + "salt", + "pepper", + "red wine vinegar", + "corned beef", + "slaw", + "vegetable oil", + "small red potato", + "garlic powder", + "spicy brown mustard" + ] + }, + { + "id": 23802, + "cuisine": "mexican", + "ingredients": [ + "tomatillo salsa", + "jalapeno chilies", + "cilantro", + "oil", + "lime juice", + "tomatillos", + "garlic", + "black pepper", + "poblano peppers", + "turkey", + "salt", + "water", + "queso fresco", + "cheese", + "corn tortillas" + ] + }, + { + "id": 24398, + "cuisine": "french", + "ingredients": [ + "ground cinnamon", + "vanilla beans", + "pineapple", + "firmly packed light brown sugar", + "frozen pastry puff sheets", + "vanilla ice cream", + "unsalted butter", + "salt", + "sugar", + "dark rum" + ] + }, + { + "id": 45508, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "cayenne pepper", + "ground beef", + "eggs", + "dry red wine", + "carrots", + "lasagna noodles, cooked and drained", + "shredded mozzarella cheese", + "onions", + "pasta sauce", + "garlic", + "sliced mushrooms" + ] + }, + { + "id": 369, + "cuisine": "filipino", + "ingredients": [ + "tomato sauce", + "thai chile", + "shrimp", + "Shaoxing wine", + "salt", + "panko breadcrumbs", + "pepper", + "garlic", + "red bell pepper", + "green bell pepper", + "butter", + "oil" + ] + }, + { + "id": 3834, + "cuisine": "vietnamese", + "ingredients": [ + "peanuts", + "all-purpose flour", + "low sodium soy sauce", + "vietnamese fish sauce", + "freshly ground pepper", + "spring onions", + "root vegetables", + "eggs", + "rice vinegar", + "canola oil" + ] + }, + { + "id": 46708, + "cuisine": "mexican", + "ingredients": [ + "feta cheese", + "tomatillos", + "onions", + "jumbo shrimp", + "onion powder", + "garlic cloves", + "chiles", + "queso fresco", + "chopped cilantro", + "garlic powder", + "extra-virgin olive oil" + ] + }, + { + "id": 33025, + "cuisine": "french", + "ingredients": [ + "salt", + "shallots", + "red wine vinegar", + "black peppercorns" + ] + }, + { + "id": 33098, + "cuisine": "southern_us", + "ingredients": [ + "lettuce leaves", + "corn flour", + "shucked oysters", + "all-purpose flour", + "vegetable oil", + "Italian bread", + "dijon mustard", + "tartar sauce" + ] + }, + { + "id": 9414, + "cuisine": "french", + "ingredients": [ + "light brown sugar", + "ground cloves", + "salt", + "ground ginger", + "ground black pepper", + "cream of tartar", + "large egg whites", + "ground cinnamon", + "vanilla extract" + ] + }, + { + "id": 20740, + "cuisine": "irish", + "ingredients": [ + "firmly packed brown sugar", + "baking powder", + "all-purpose flour", + "baking soda", + "salt", + "pitted date", + "1% low-fat milk", + "margarine", + "cooking spray", + "maple syrup" + ] + }, + { + "id": 38414, + "cuisine": "indian", + "ingredients": [ + "1% low-fat milk", + "sugar", + "ground cardamom", + "greek style plain yogurt", + "pistachios", + "mango" + ] + }, + { + "id": 22924, + "cuisine": "chinese", + "ingredients": [ + "spring onions", + "basmati rice", + "Japanese soy sauce", + "oil", + "salt", + "large eggs", + "onions" + ] + }, + { + "id": 9094, + "cuisine": "greek", + "ingredients": [ + "fresh spinach", + "leeks", + "eggs", + "olive oil", + "salt", + "pastry", + "parsley", + "mint", + "feta cheese", + "dill" + ] + }, + { + "id": 37445, + "cuisine": "french", + "ingredients": [ + "Madeira", + "chopped fresh thyme", + "whipping cream", + "filet mignon steaks", + "canned beef broth", + "garlic cloves", + "olive oil", + "butter", + "shallots", + "button mushrooms" + ] + }, + { + "id": 42532, + "cuisine": "southern_us", + "ingredients": [ + "andouille sausage", + "bay leaves", + "peanut oil", + "chopped garlic", + "dried thyme", + "crushed red pepper", + "chicken livers", + "chicken broth", + "ground black pepper", + "yellow onion", + "basmati rice", + "kosher salt", + "dry white wine", + "okra" + ] + }, + { + "id": 44394, + "cuisine": "moroccan", + "ingredients": [ + "lemon", + "kosher salt", + "olive oil", + "fresh lemon juice" + ] + }, + { + "id": 15169, + "cuisine": "mexican", + "ingredients": [ + "minced onion", + "tequila", + "minced garlic", + "Mexican beer", + "chopped cilantro fresh", + "jalapeno chilies", + "fresh lime juice", + "ground black pepper", + "oil", + "ground cumin" + ] + }, + { + "id": 46061, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "peas", + "puff pastry", + "eggs", + "vegetable oil", + "freshly ground pepper", + "caraway seeds", + "fresh cilantro", + "yellow onion", + "water", + "baking potatoes", + "carrots" + ] + }, + { + "id": 31731, + "cuisine": "italian", + "ingredients": [ + "great northern beans", + "pasta shell small", + "diced tomatoes", + "red bell pepper", + "pepper", + "potatoes", + "salt", + "dried oregano", + "dried basil", + "red wine", + "beef broth", + "sausage links", + "zucchini", + "chopped celery", + "onions" + ] + }, + { + "id": 3925, + "cuisine": "mexican", + "ingredients": [ + "pickle relish", + "chipotle chile", + "chopped onion", + "mayonaise" + ] + }, + { + "id": 28423, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "cayenne pepper", + "lime zest", + "corn", + "fresh lime juice", + "kosher salt", + "sour cream", + "mayonaise", + "chili powder" + ] + }, + { + "id": 8834, + "cuisine": "mexican", + "ingredients": [ + "water", + "garlic", + "ground cumin", + "tomatoes", + "epazote", + "beer", + "guajillo chile powder", + "salt", + "pork", + "dried pinto beans", + "onions" + ] + }, + { + "id": 4368, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "lean ground beef", + "onions", + "water", + "pimentos", + "ranch dip mix", + "green chile", + "cream of chicken soup", + "cheese", + "evaporated milk", + "colby jack cheese", + "corn tortillas" + ] + }, + { + "id": 25662, + "cuisine": "italian", + "ingredients": [ + "granulated sugar", + "extra-virgin olive oil", + "grated lemon zest", + "large egg whites", + "cooking spray", + "salt", + "fat free milk", + "baking powder", + "all-purpose flour", + "powdered sugar", + "large eggs", + "non-fat sour cream", + "fresh lemon juice" + ] + }, + { + "id": 5902, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "yellow mustard", + "cornmeal", + "kosher salt", + "spices", + "okra", + "yellow corn meal", + "baking powder", + "all-purpose flour", + "vegetables", + "SYD Hot Rub", + "canola oil" + ] + }, + { + "id": 7325, + "cuisine": "indian", + "ingredients": [ + "butter", + "curry powder", + "breast", + "mustard", + "salt", + "honey" + ] + }, + { + "id": 24996, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "onions", + "pepper", + "salt", + "black-eyed peas", + "garlic cloves", + "white wine vinegar" + ] + }, + { + "id": 24066, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "serrano chile", + "garlic", + "olive oil", + "fresh cilantro" + ] + }, + { + "id": 48570, + "cuisine": "japanese", + "ingredients": [ + "green cabbage", + "large eggs", + "garlic cloves", + "sugar", + "green onions", + "beansprouts", + "udon", + "vegetable oil", + "center cut loin pork chop", + "low sodium soy sauce", + "cooking spray", + "oyster sauce" + ] + }, + { + "id": 31921, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "jalapeno chilies", + "garlic", + "onions", + "ground black pepper", + "loin pork roast", + "oil", + "ground cumin", + "fresh cilantro", + "chili powder", + "salt", + "dried oregano", + "shredded cheddar cheese", + "tortillas", + "tomato salsa", + "sour cream" + ] + }, + { + "id": 47049, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large egg yolks", + "vanilla", + "water", + "golden raisins", + "all-purpose flour", + "sliced almonds", + "large eggs", + "salt", + "grated orange peel", + "active dry yeast", + "butter", + "grated lemon peel" + ] + }, + { + "id": 31805, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "cream", + "yoghurt", + "all-purpose flour", + "lemon juice", + "baby potatoes", + "red chili powder", + "garam masala", + "cinnamon", + "green chilies", + "cashew nuts", + "black peppercorns", + "honey", + "vegetable oil", + "brown cardamom", + "onions", + "clove", + "garlic paste", + "coriander powder", + "salt", + "mustard oil", + "ground turmeric" + ] + }, + { + "id": 5483, + "cuisine": "irish", + "ingredients": [ + "ice cubes", + "cinnamon", + "irish cream liqueur", + "cold milk", + "rye whiskey" + ] + }, + { + "id": 41383, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "butter", + "zucchini", + "red bell pepper", + "corn", + "salsa", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 36529, + "cuisine": "indian", + "ingredients": [ + "yellow mustard seeds", + "garam masala", + "yellow split peas", + "ghee", + "lime juice", + "sliced leeks", + "cumin seed", + "ground turmeric", + "minced garlic", + "roma tomatoes", + "serrano", + "chopped cilantro fresh", + "minced ginger", + "vegetable broth", + "coconut milk" + ] + }, + { + "id": 31359, + "cuisine": "brazilian", + "ingredients": [ + "cachaca", + "lime", + "ice", + "granulated sugar" + ] + }, + { + "id": 9740, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "ginger", + "jalapeno chilies", + "juice", + "peaches", + "salt", + "sugar", + "shallots", + "chopped fresh mint" + ] + }, + { + "id": 46848, + "cuisine": "italian", + "ingredients": [ + "boneless chop pork", + "panko", + "salt", + "pesto", + "olive oil", + "crushed red pepper", + "brown sugar", + "sweet onion", + "balsamic vinegar", + "hot water", + "collard greens", + "pinenuts", + "golden raisins", + "garlic cloves" + ] + }, + { + "id": 29726, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "buttermilk", + "sugar", + "strawberries", + "self rising flour", + "shortening", + "whipped cream" + ] + }, + { + "id": 11998, + "cuisine": "filipino", + "ingredients": [ + "low sodium soy sauce", + "green onions", + "yellow onion", + "large eggs", + "vegetable oil", + "ground black pepper", + "rice noodles", + "loin pork chops", + "green cabbage", + "cooking spray", + "paprika" + ] + }, + { + "id": 38491, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "diced tomatoes", + "lemon juice", + "ground black pepper", + "garlic", + "white sugar", + "olive oil", + "crushed red pepper flakes", + "fresh parsley", + "tomato paste", + "red wine", + "chopped onion", + "italian seasoning" + ] + }, + { + "id": 13231, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "fresh ginger", + "scallions", + "coconut sugar", + "water", + "garlic", + "salmon", + "red pepper flakes", + "fresh lime juice", + "fish sauce", + "olive oil", + "tamarind paste" + ] + }, + { + "id": 31144, + "cuisine": "french", + "ingredients": [ + "sugar", + "vanilla extract", + "whole milk", + "large egg yolks", + "bittersweet chocolate", + "heavy cream" + ] + }, + { + "id": 27461, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "black pepper", + "sauce", + "plum tomatoes", + "chipotle chile", + "salt", + "chopped cilantro fresh", + "olive oil", + "fresh lime juice" + ] + }, + { + "id": 44735, + "cuisine": "southern_us", + "ingredients": [ + "green leaf lettuce", + "self-rising cornmeal", + "turkey bacon", + "hot sauce", + "vegetable oil cooking spray", + "green tomatoes", + "white sandwich bread", + "egg whites", + "reduced fat mozzarella" + ] + }, + { + "id": 20978, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "garlic cloves", + "onions", + "red snapper", + "vegetable oil", + "adobo sauce", + "chicken stock", + "lime wedges", + "corn tortillas", + "dried oregano", + "tomatoes", + "salt", + "medium shrimp" + ] + }, + { + "id": 31523, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "chicken broth", + "freshly grated parmesan", + "water", + "finely chopped onion", + "arborio rice", + "sun-dried tomatoes", + "fresh parsley leaves" + ] + }, + { + "id": 20824, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "olive oil", + "mayonaise", + "freshly ground pepper" + ] + }, + { + "id": 23131, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "bbq sauce", + "meat bones", + "boneless country pork ribs", + "onions", + "bacon grease" + ] + }, + { + "id": 2178, + "cuisine": "greek", + "ingredients": [ + "tomato paste", + "olive oil", + "garlic", + "white sugar", + "white onion", + "red wine vinegar", + "cinnamon sticks", + "pickling spices", + "chuck roast", + "salt", + "dried rosemary", + "pepper", + "red wine", + "bay leaf" + ] + }, + { + "id": 44012, + "cuisine": "italian", + "ingredients": [ + "rocket leaves", + "garlic cloves", + "olive oil", + "bucatini", + "bread crumbs", + "shrimp", + "red pepper flakes", + "fresh parsley" + ] + }, + { + "id": 10144, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "lime wedges", + "ham hock", + "white onion", + "radishes", + "chili powder", + "pork shoulder boston butt", + "chiles", + "white hominy", + "bay leaves", + "garlic cloves", + "cabbage", + "avocado", + "fresh cilantro", + "whole cloves", + "cumin seed", + "onions" + ] + }, + { + "id": 18636, + "cuisine": "italian", + "ingredients": [ + "plain yogurt", + "mozzarella balls", + "pesto sauce", + "mushrooms", + "garlic cloves", + "fresh basil", + "cherry tomatoes", + "pepperoni", + "mayonaise", + "red wine vinegar", + "olives" + ] + }, + { + "id": 21391, + "cuisine": "italian", + "ingredients": [ + "large garlic cloves", + "fresh basil leaves", + "sugar", + "crushed red pepper", + "extra-virgin olive oil", + "plum tomatoes", + "finely chopped onion", + "salt" + ] + }, + { + "id": 33901, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "frozen whip topping, thaw", + "salt", + "orange rind", + "large egg whites", + "vanilla extract", + "Grand Marnier", + "raspberries", + "semisweet chocolate", + "strawberries", + "grated orange", + "superfine sugar", + "mint sprigs", + "blueberries", + "blackberries" + ] + }, + { + "id": 46637, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "salt", + "chopped parsley", + "minced onion", + "whole wheat spaghetti", + "pinto beans", + "parmesan cheese", + "low sodium crushed tomatoes", + "garlic cloves", + "pepper", + "large eggs", + "turkey", + "whole wheat breadcrumbs" + ] + }, + { + "id": 26731, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "all-purpose flour", + "unsalted butter", + "shredded sharp cheddar cheese", + "milk", + "vegetable shortening", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 21886, + "cuisine": "french", + "ingredients": [ + "dried plum", + "dry red wine", + "chopped onion", + "celery root", + "black pepper", + "beef stew meat", + "less sodium beef broth", + "vanilla beans", + "salt", + "garlic cloves", + "olive oil", + "all-purpose flour", + "thyme sprigs" + ] + }, + { + "id": 20260, + "cuisine": "jamaican", + "ingredients": [ + "green bell pepper", + "garlic", + "carrots", + "vinegar", + "allspice berries", + "onions", + "black pepper", + "salt", + "red bell pepper", + "ground ginger", + "habanero", + "oil", + "fish" + ] + }, + { + "id": 49198, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "old bay seasoning", + "cream cheese", + "chicken broth", + "shelled shrimp", + "shredded sharp cheddar cheese", + "corn grits", + "garlic powder", + "bacon", + "smoked paprika", + "pepper", + "green onions", + "salt", + "italian seasoning" + ] + }, + { + "id": 5425, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "onions", + "jalapeno chilies", + "salt", + "ground cumin", + "ground black pepper", + "garlic", + "canola oil", + "mushrooms", + "pork shoulder" + ] + }, + { + "id": 21095, + "cuisine": "chinese", + "ingredients": [ + "skim milk", + "almond extract", + "unflavored gelatin", + "dried cherry", + "cold water", + "ruby port", + "sugar", + "vegetable oil" + ] + }, + { + "id": 10027, + "cuisine": "italian", + "ingredients": [ + "eggs", + "baking powder", + "cake flour", + "confectioners sugar", + "cream of tartar", + "unsalted butter", + "vanilla extract", + "light rum", + "white sugar", + "ground cinnamon", + "semisweet chocolate", + "candied lemon peel", + "heavy whipping cream", + "cold water", + "water", + "whole milk ricotta cheese", + "salt", + "bittersweet chocolate" + ] + }, + { + "id": 42694, + "cuisine": "indian", + "ingredients": [ + "curry sauce", + "yellow onion", + "potatoes", + "wonton wrappers", + "vegetable oil", + "flour", + "peas" + ] + }, + { + "id": 14112, + "cuisine": "japanese", + "ingredients": [ + "dried coconut flakes", + "matcha green tea powder", + "grissini", + "sprinkles", + "white chocolate chips", + "vegetable oil", + "black sesame seeds", + "candy" + ] + }, + { + "id": 42382, + "cuisine": "italian", + "ingredients": [ + "dressing", + "tomatoes", + "pasta", + "aged balsamic vinegar", + "arugula" + ] + }, + { + "id": 7508, + "cuisine": "mexican", + "ingredients": [ + "chili beans", + "dried basil", + "low sodium chicken broth", + "large garlic cloves", + "ground cumin", + "crushed tomatoes", + "olive oil", + "barbecue sauce", + "ground beef", + "tomato paste", + "dried thyme", + "bay leaves", + "beer", + "sweet onion", + "jalapeno chilies", + "chili powder", + "dried oregano" + ] + }, + { + "id": 12045, + "cuisine": "southern_us", + "ingredients": [ + "reduced sodium chicken broth", + "salt", + "onions", + "green bell pepper", + "unsalted butter", + "red bell pepper", + "yellow squash", + "all-purpose flour", + "white sandwich bread", + "black pepper", + "vegetable oil", + "sour cream" + ] + }, + { + "id": 46387, + "cuisine": "mexican", + "ingredients": [ + "taco shells", + "olive oil", + "queso fresco", + "salt", + "lime", + "mushrooms", + "yellow bell pepper", + "onions", + "pepper", + "zucchini", + "cilantro", + "taco seasoning", + "romaine lettuce", + "yellow squash", + "chili powder", + "crema", + "cumin" + ] + }, + { + "id": 5460, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "stout", + "cayenne pepper", + "low salt chicken broth", + "wild mushrooms", + "dried thyme", + "vegetable oil", + "all-purpose flour", + "garlic cloves", + "fresh parsley", + "bay leaves", + "chopped celery", + "chopped onion", + "red bell pepper", + "emerils original essence", + "green onions", + "salt", + "duck", + "cooked white rice" + ] + }, + { + "id": 20515, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "poultry seasoning", + "sage", + "white bread", + "butter", + "celery", + "pepper", + "thyme", + "chicken broth", + "crumbled cornbread", + "onions" + ] + }, + { + "id": 4952, + "cuisine": "indian", + "ingredients": [ + "unsalted butter", + "nigella seeds", + "whole wheat flour", + "coarse salt" + ] + }, + { + "id": 20119, + "cuisine": "italian", + "ingredients": [ + "almond extract", + "ground cardamom", + "sugar", + "1% low-fat milk", + "unflavored gelatin", + "vanilla extract", + "nonfat greek yogurt", + "blueberries" + ] + }, + { + "id": 45840, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "refrigerated piecrusts", + "all-purpose flour", + "cranberry sauce", + "dried thyme", + "bacon slices", + "chicken", + "celery ribs", + "water", + "green peas", + "carrots", + "eggs", + "green onions", + "salt" + ] + }, + { + "id": 33372, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "pineapple", + "chips", + "fresh lime juice" + ] + }, + { + "id": 6432, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "boneless skinless chicken breasts", + "olive oil cooking spray", + "pitted kalamata olives", + "feta cheese", + "purple onion", + "plum tomatoes", + "romaine lettuce", + "honey", + "extra-virgin olive oil", + "chopped fresh mint", + "seedless cucumber", + "ground black pepper", + "fresh lemon juice" + ] + }, + { + "id": 38582, + "cuisine": "chinese", + "ingredients": [ + "honey", + "sesame oil", + "toasted sesame seeds", + "hoisin sauce", + "ground white pepper", + "ground black pepper", + "rice vinegar", + "mushroom soy sauce", + "minced garlic", + "green onions", + "butterflied leg of lamb" + ] + }, + { + "id": 32109, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "dry white wine", + "sweet paprika", + "ground black pepper", + "shallots", + "curry powder", + "boneless skinless chicken breasts", + "canola oil", + "chicken stock", + "unsalted butter", + "fresh tarragon" + ] + }, + { + "id": 37377, + "cuisine": "japanese", + "ingredients": [ + "wasabi paste", + "salt", + "extra-virgin olive oil", + "scallions", + "tamari soy sauce", + "boneless chicken skinless thigh", + "sauce" + ] + }, + { + "id": 2449, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "hot sauce", + "neutral oil", + "paprika", + "dill pickles", + "buttermilk", + "cayenne pepper", + "garlic powder", + "all-purpose flour" + ] + }, + { + "id": 47459, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "purple onion", + "queso fresco", + "eggs", + "tortilla chips" + ] + }, + { + "id": 18268, + "cuisine": "french", + "ingredients": [ + "whole allspice", + "leeks", + "carrots", + "kosher salt", + "extra-virgin olive oil", + "cinnamon sticks", + "turnips", + "coriander seeds", + "bone-in chicken breasts", + "fresh parsley", + "black peppercorns", + "low sodium chicken broth", + "freshly ground pepper", + "greens" + ] + }, + { + "id": 24975, + "cuisine": "french", + "ingredients": [ + "olive oil", + "granulated sugar", + "fine sea salt", + "large egg yolks", + "large eggs", + "all-purpose flour", + "almonds", + "yolk", + "corn starch", + "unsalted butter", + "lemon", + "confectioners sugar" + ] + }, + { + "id": 46995, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "red pepper flakes", + "beef broth", + "onions", + "rump roast", + "bay leaves", + "salt", + "celery", + "tomato paste", + "olive oil", + "garlic", + "flat leaf parsley", + "pancetta", + "dried thyme", + "red wine", + "carrots", + "dried rosemary" + ] + }, + { + "id": 46402, + "cuisine": "italian", + "ingredients": [ + "bouillon", + "water", + "mixed frozen seafood", + "diced tomatoes", + "purple onion", + "shredded mozzarella cheese", + "white sugar", + "baby spinach leaves", + "zucchini", + "butter", + "dry red wine", + "cayenne pepper", + "onions", + "italian seasoning", + "cremini mushrooms", + "olive oil", + "balsamic vinegar", + "paprika", + "salt", + "fresh parsley", + "polenta", + "celery ribs", + "pepper", + "grated parmesan cheese", + "sea salt", + "garlic", + "squid", + "garlic salt" + ] + }, + { + "id": 4182, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "breakfast sausages", + "oil", + "jack cheese", + "green enchilada sauce", + "eggs", + "large flour tortillas", + "sliced green onions", + "black beans", + "cilantro leaves" + ] + }, + { + "id": 21098, + "cuisine": "indian", + "ingredients": [ + "red lentils", + "garam masala", + "chickpeas", + "onions", + "fresh ginger", + "raisins", + "green beans", + "peanuts", + "salt", + "red bell pepper", + "curry powder", + "vegetable oil", + "carrots", + "basmati rice" + ] + }, + { + "id": 34371, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "garlic", + "onions", + "frozen carrots", + "rice", + "tomatoes", + "salt", + "frozen peas", + "vegetable oil", + "chicken-flavored soup powder" + ] + }, + { + "id": 6866, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "vegetable stock", + "smoked paprika", + "ground turmeric", + "fresh coriander", + "potatoes", + "sweet paprika", + "soy", + "chopped tomatoes", + "sea salt", + "onions", + "curry powder", + "vegetable oil", + "garlic cloves", + "frozen peas" + ] + }, + { + "id": 15290, + "cuisine": "korean", + "ingredients": [ + "mushrooms", + "carrots", + "noodles", + "water", + "broccoli", + "beansprouts", + "tofu", + "salt", + "dangmyun", + "vegetables", + "scallions", + "onions" + ] + }, + { + "id": 6636, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "garlic", + "pinenuts", + "red pepper flakes", + "plum tomatoes", + "basil leaves", + "freshly ground pepper", + "kosher salt", + "extra-virgin olive oil" + ] + }, + { + "id": 13423, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "jalapeno chilies", + "chopped cilantro fresh", + "tomatillos", + "white onion", + "fresh lime juice" + ] + }, + { + "id": 10007, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "vegetable oil", + "onions", + "andouille sausage", + "scallions", + "green bell pepper", + "diced tomatoes", + "long grain white rice", + "water", + "garlic cloves" + ] + }, + { + "id": 15845, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "rice", + "frozen peas and carrots", + "eggs", + "green onions", + "shrimp", + "ground black pepper", + "oil", + "soy sauce", + "sesame oil", + "corn starch" + ] + }, + { + "id": 3862, + "cuisine": "italian", + "ingredients": [ + "eggs", + "grated parmesan cheese", + "pepper", + "pepperoni", + "pizza crust", + "butter", + "milk", + "shredded mozzarella cheese" + ] + }, + { + "id": 45926, + "cuisine": "southern_us", + "ingredients": [ + "water", + "baking powder", + "jalapeno chilies", + "fine sea salt", + "large eggs", + "garlic", + "yellow corn meal", + "corn oil", + "okra" + ] + }, + { + "id": 5347, + "cuisine": "brazilian", + "ingredients": [ + "ground black pepper", + "salt", + "crushed tomatoes", + "jalapeno chilies", + "onions", + "fresh ginger", + "garlic", + "chicken", + "unsweetened coconut milk", + "cooking oil", + "chopped cilantro" + ] + }, + { + "id": 507, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "flour tortillas", + "salt", + "shrimp", + "monterey jack", + "white onion", + "red pepper", + "cayenne pepper", + "onions", + "black pepper", + "butter", + "all-purpose flour", + "sour cream", + "garlic powder", + "whipping cream", + "green pepper", + "oregano" + ] + }, + { + "id": 39090, + "cuisine": "mexican", + "ingredients": [ + "salt free southwest chipotle seasoning", + "cooking spray", + "white hominy", + "chopped cilantro fresh", + "water", + "stewed tomatoes", + "pork tenderloin" + ] + }, + { + "id": 3960, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "cornmeal", + "salt", + "vegetable oil", + "okra" + ] + }, + { + "id": 42307, + "cuisine": "spanish", + "ingredients": [ + "fat free yogurt", + "salt", + "sugar", + "dry yeast", + "bread flour", + "green olives", + "olive oil", + "cornmeal", + "warm water", + "cooking spray", + "dried rosemary" + ] + }, + { + "id": 39948, + "cuisine": "jamaican", + "ingredients": [ + "celery ribs", + "kale", + "brown rice", + "garlic cloves", + "ketchup", + "black-eyed peas", + "vegetable broth", + "tumeric", + "Tabasco Green Pepper Sauce", + "fresh thyme leaves", + "jerk seasoning", + "fresh ginger root", + "scallions" + ] + }, + { + "id": 3450, + "cuisine": "korean", + "ingredients": [ + "green onions", + "garlic", + "fish sauce", + "napa cabbage", + "onions", + "chili pepper flakes", + "salt", + "sugar", + "ginger", + "sweet rice flour" + ] + }, + { + "id": 9081, + "cuisine": "russian", + "ingredients": [ + "active dry yeast", + "coarse salt", + "sugar", + "large eggs", + "plain whole-milk yogurt", + "warm water", + "chopped fresh chives", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 23134, + "cuisine": "vietnamese", + "ingredients": [ + "lime", + "juice", + "sugar", + "crème fraîche", + "warm water", + "garlic cloves", + "fish sauce", + "thai chile" + ] + }, + { + "id": 25403, + "cuisine": "spanish", + "ingredients": [ + "bell pepper", + "sausages", + "baguette", + "dry red wine", + "sugar", + "kalamata", + "onions", + "olive oil", + "sweet paprika" + ] + }, + { + "id": 5832, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "ground cinnamon", + "whole milk", + "salt", + "buttermilk biscuits", + "cream", + "lemon", + "walnuts", + "light brown sugar", + "powdered sugar", + "butter", + "apple pie filling", + "nutmeg", + "granulated sugar", + "apples" + ] + }, + { + "id": 37755, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "spring onions", + "carrots", + "tapioca flour", + "pineapple", + "onions", + "ketchup", + "chicken breasts", + "celery", + "pineapple chunks", + "vinegar", + "green pepper" + ] + }, + { + "id": 20393, + "cuisine": "mexican", + "ingredients": [ + "water", + "jalapeno chilies", + "chili powder", + "monterey jack", + "tomato sauce", + "salt and ground black pepper", + "beefsteak tomatoes", + "soft corn tortillas", + "ground cumin", + "fresh cilantro", + "cooking spray", + "garlic cloves", + "canola oil", + "sugar", + "extra sharp white cheddar cheese", + "boneless skinless chicken breasts", + "onions" + ] + }, + { + "id": 23955, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "2% reduced-fat milk", + "enchilada sauce", + "onions", + "chopped green chilies", + "salt", + "ripe olives", + "shredded cheddar cheese", + "paprika", + "corn tortillas", + "tomatoes", + "bean dip", + "all-purpose flour", + "ground beef" + ] + }, + { + "id": 43596, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "thai chile", + "scallions", + "fish sauce", + "fresh lime juice" + ] + }, + { + "id": 10256, + "cuisine": "japanese", + "ingredients": [ + "extract", + "jello", + "hot water", + "sugar", + "corn starch", + "mochiko" + ] + }, + { + "id": 26917, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "tomato paste", + "cilantro", + "jalapeno chilies", + "tomatoes", + "chopped onion" + ] + }, + { + "id": 33727, + "cuisine": "irish", + "ingredients": [ + "oats", + "cooking spray", + "all-purpose flour", + "granulated sugar", + "butter", + "baking soda", + "baking powder", + "nectarines", + "turbinado", + "low-fat buttermilk", + "salt" + ] + }, + { + "id": 39346, + "cuisine": "chinese", + "ingredients": [ + "syrup", + "corn syrup", + "candied orange peel", + "water", + "sliced almonds", + "almond paste", + "sugar", + "large egg whites" + ] + }, + { + "id": 14702, + "cuisine": "moroccan", + "ingredients": [ + "minced garlic", + "salt", + "cinnamon sticks", + "sugar", + "flour", + "oil", + "ground cumin", + "black pepper", + "beef stew meat", + "carrots", + "tomatoes", + "water", + "chickpeas", + "orange rind" + ] + }, + { + "id": 2259, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "Sriracha", + "red wine vinegar", + "rice vinegar", + "chicken broth", + "white pepper", + "green onions", + "garlic", + "chopped cilantro", + "tofu", + "soy sauce", + "mushrooms", + "ginger", + "corn starch", + "eggs", + "lime", + "chili powder", + "salt" + ] + }, + { + "id": 28937, + "cuisine": "russian", + "ingredients": [ + "black pepper", + "vegetable oil", + "beef", + "all-purpose flour", + "sauerkraut", + "salt", + "scallion greens", + "large eggs" + ] + }, + { + "id": 29155, + "cuisine": "korean", + "ingredients": [ + "brown rice", + "pearl barley", + "water" + ] + }, + { + "id": 18772, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "sugar", + "salt", + "warm water", + "bread flour", + "active dry yeast" + ] + }, + { + "id": 15263, + "cuisine": "british", + "ingredients": [ + "bacon", + "potatoes", + "onions", + "beef gravy", + "salt", + "meat" + ] + }, + { + "id": 28993, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "fat free less sodium beef broth", + "onions", + "brown rice", + "diced celery", + "water chestnuts", + "chinese five-spice powder", + "cashew nuts", + "low sodium soy sauce", + "sirloin steak", + "red bell pepper" + ] + }, + { + "id": 13479, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "ginger", + "half & half", + "egg yolks", + "sugar", + "matcha green tea powder" + ] + }, + { + "id": 8866, + "cuisine": "french", + "ingredients": [ + "parmigiano reggiano cheese", + "purple onion", + "red bell pepper", + "eggplant", + "cooking spray", + "all-purpose flour", + "large egg whites", + "large eggs", + "salt", + "fresh parsley", + "fat free milk", + "ground red pepper", + "fresh oregano" + ] + }, + { + "id": 20020, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "poultry seasoning", + "chicken broth", + "boneless skinless chicken breasts", + "dried parsley", + "buttermilk biscuits", + "cream of chicken soup", + "onions", + "seasoning salt", + "butter" + ] + }, + { + "id": 4576, + "cuisine": "italian", + "ingredients": [ + "biscuits", + "butter", + "ground beef", + "pepper", + "chopped onion", + "dried oregano", + "tomato sauce", + "salt", + "frozen peas", + "tomato paste", + "water", + "shredded mozzarella cheese" + ] + }, + { + "id": 43688, + "cuisine": "french", + "ingredients": [ + "watercress", + "black pepper", + "white wine vinegar", + "olive oil", + "garlic cloves", + "Belgian endive", + "fine sea salt" + ] + }, + { + "id": 1728, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "all-purpose flour", + "capers", + "shallots", + "fresh parsley", + "olive oil", + "fresh lemon juice", + "black pepper", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 43868, + "cuisine": "french", + "ingredients": [ + "almond extract", + "eggs", + "ground almonds", + "butter", + "sugar", + "puff pastry" + ] + }, + { + "id": 3454, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "sourdough bread", + "kosher salt", + "garlic cloves", + "ground black pepper" + ] + }, + { + "id": 8214, + "cuisine": "mexican", + "ingredients": [ + "crushed tomatoes", + "chile pepper", + "beef broth", + "onions", + "green bell pepper", + "zucchini", + "chili pepper flakes", + "sour cream", + "tomato paste", + "taco seasoning mix", + "vegetable oil", + "ground coriander", + "dried oregano", + "shredded cheddar cheese", + "green onions", + "salsa", + "ground turkey" + ] + }, + { + "id": 46140, + "cuisine": "indian", + "ingredients": [ + "romaine lettuce", + "garam masala", + "sherry wine vinegar", + "boneless skinless chicken breast halves", + "olive oil", + "lime wedges", + "fresh lemon juice", + "plain yogurt", + "baby greens", + "mint sprigs", + "raita", + "curry powder", + "dijon mustard", + "purple onion", + "ground cumin" + ] + }, + { + "id": 46734, + "cuisine": "mexican", + "ingredients": [ + "salt and ground black pepper", + "green onions", + "minced garlic", + "asparagus", + "greek yogurt", + "lime juice", + "jalapeno chilies", + "chopped cilantro fresh", + "tomatoes", + "hot pepper sauce", + "worcestershire sauce" + ] + }, + { + "id": 5598, + "cuisine": "indian", + "ingredients": [ + "white onion", + "peeled fresh ginger", + "cayenne pepper", + "chopped cilantro fresh", + "ground cinnamon", + "sesame seeds", + "vegetable oil", + "ground coriander", + "clove", + "water", + "chili powder", + "cardamom pods", + "japanese eggplants", + "tumeric", + "bay leaves", + "vegetable broth", + "garlic cloves" + ] + }, + { + "id": 32719, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "butter", + "ground black pepper", + "spaghetti", + "pecorino romano cheese" + ] + }, + { + "id": 233, + "cuisine": "italian", + "ingredients": [ + "baby artichokes", + "fresh lemon juice", + "shaved parmesan cheese", + "celery", + "kosher salt", + "extra-virgin olive oil", + "chopped fresh mint", + "ground black pepper", + "flat leaf parsley" + ] + }, + { + "id": 22792, + "cuisine": "spanish", + "ingredients": [ + "coffee granules", + "salt", + "whole milk", + "sweetened condensed milk", + "large eggs", + "hot water", + "sugar", + "vanilla" + ] + }, + { + "id": 28438, + "cuisine": "greek", + "ingredients": [ + "grape leaves", + "cooking oil", + "salt", + "ground black pepper", + "garlic", + "capers", + "butter", + "lemon juice", + "fillet red snapper", + "lemon", + "fresh parsley" + ] + }, + { + "id": 8456, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "paprika", + "boneless pork shoulder", + "bay leaves", + "onions", + "white vinegar", + "ground black pepper", + "garlic cloves", + "chicken stock", + "vegetable oil", + "ground turmeric" + ] + }, + { + "id": 26358, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "water", + "rice wine", + "corn syrup", + "black pepper", + "radishes", + "ginger", + "carrots", + "cold water", + "pinenuts", + "asian pear", + "garlic", + "onions", + "soy sauce", + "shiitake", + "sesame oil", + "beef rib short" + ] + }, + { + "id": 37198, + "cuisine": "thai", + "ingredients": [ + "jalapeno chilies", + "garlic", + "organic low sodium chicken broth", + "lime", + "rice noodles", + "beansprouts", + "chicken breasts", + "red bell pepper", + "fresh ginger", + "cilantro", + "coconut milk" + ] + }, + { + "id": 14606, + "cuisine": "indian", + "ingredients": [ + "coriander powder", + "salt", + "oil", + "ground turmeric", + "tomatoes", + "cinnamon", + "tamarind paste", + "coconut milk", + "curry leaves", + "chili powder", + "cilantro leaves", + "black mustard seeds", + "eggs", + "ginger", + "green chilies", + "onions" + ] + }, + { + "id": 33114, + "cuisine": "vietnamese", + "ingredients": [ + "sambal ulek", + "black pepper", + "nuoc nam", + "ham hock", + "sugar", + "fresh cilantro", + "sea salt", + "fresh mint", + "boneless sirloin", + "lemongrass", + "rice noodles", + "beansprouts", + "red chili peppers", + "lime", + "boneless pork loin", + "holy basil" + ] + }, + { + "id": 14933, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "ground black pepper", + "shallots", + "extra-virgin olive oil", + "low salt chicken broth", + "fresh sage", + "large eggs", + "sherry wine vinegar", + "salt", + "flat leaf parsley", + "pancetta", + "water", + "crimini mushrooms", + "butter", + "chicken livers", + "dried porcini mushrooms", + "grated parmesan cheese", + "russet potatoes", + "all-purpose flour", + "grated lemon peel" + ] + }, + { + "id": 42947, + "cuisine": "thai", + "ingredients": [ + "black pepper", + "crimini mushrooms", + "Thai fish sauce", + "sliced green onions", + "sugar", + "splenda", + "stevia", + "ginger root", + "minced garlic", + "shallots", + "dried chile", + "soy sauce", + "boneless skinless chicken breasts", + "peanut oil", + "fresh lime juice" + ] + }, + { + "id": 15315, + "cuisine": "greek", + "ingredients": [ + "chicken breast halves", + "garlic cloves", + "dried basil", + "kalamata", + "dried oregano", + "parsley flakes", + "diced tomatoes", + "feta cheese crumbles", + "olive oil", + "penne pasta" + ] + }, + { + "id": 2560, + "cuisine": "chinese", + "ingredients": [ + "lower sodium soy sauce", + "yellow bell pepper", + "medium shrimp", + "frozen edamame beans", + "broccoli florets", + "dark sesame oil", + "canola oil", + "sugar pea", + "peeled fresh ginger", + "red bell pepper", + "sliced green onions", + "Sriracha", + "rice vinegar", + "long grain white rice" + ] + }, + { + "id": 8217, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "brown rice", + "garlic cloves", + "chopped garlic", + "kale", + "garlic", + "ginger root", + "water", + "red pepper flakes", + "red bell pepper", + "black-eyed peas", + "salt", + "onions" + ] + }, + { + "id": 33502, + "cuisine": "italian", + "ingredients": [ + "ladyfingers", + "heavy cream", + "mascarpone", + "fresh lemon juice", + "raspberries", + "blueberries", + "granulated sugar", + "confectioners sugar" + ] + }, + { + "id": 32598, + "cuisine": "italian", + "ingredients": [ + "pepper", + "noodles", + "italian sausage", + "salt", + "marinara sauce", + "fresh basil", + "shredded parmesan cheese" + ] + }, + { + "id": 49300, + "cuisine": "chinese", + "ingredients": [ + "sake", + "water", + "rice vinegar", + "corn starch", + "sambal ulek", + "silken tofu", + "brown rice", + "carrots", + "low sodium soy sauce", + "fat free less sodium chicken broth", + "green onions", + "garlic cloves", + "sugar", + "peeled fresh ginger", + "peanut oil", + "shiitake mushroom caps" + ] + }, + { + "id": 40484, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium soy sauce", + "freshly ground pepper", + "onions", + "cremini mushrooms", + "chinese wheat noodles", + "celery", + "arrowroot", + "red bell pepper", + "soba", + "olive oil", + "broccoli", + "mung bean sprouts" + ] + }, + { + "id": 32634, + "cuisine": "french", + "ingredients": [ + "sugar", + "semisweet chocolate", + "large egg yolks", + "all-purpose flour", + "large egg whites", + "vanilla extract", + "unsalted butter" + ] + }, + { + "id": 259, + "cuisine": "japanese", + "ingredients": [ + "sake", + "water", + "napa cabbage leaves", + "garlic", + "minced pork", + "soy sauce", + "shiitake", + "chili oil", + "rice vinegar", + "sugar", + "dumpling wrappers", + "sesame oil", + "salt", + "white pepper", + "spring onions", + "ginger", + "oil" + ] + }, + { + "id": 44427, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "leg quarters", + "shallots", + "coconut milk", + "potatoes", + "oil", + "water", + "curry", + "curry paste" + ] + }, + { + "id": 33881, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "white wine vinegar", + "hot mustard", + "pork tenderloin", + "sugar", + "cilantro sprigs", + "five spice", + "hoisin sauce" + ] + }, + { + "id": 34190, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "bay leaves", + "diced tomatoes", + "yellow onion", + "dried oregano", + "andouille sausage", + "boneless skinless chicken breasts", + "cracked black pepper", + "scallions", + "green bell pepper", + "dried sage", + "paprika", + "creole seasoning", + "celery ribs", + "dried basil", + "worcestershire sauce", + "garlic", + "long-grain rice" + ] + }, + { + "id": 40940, + "cuisine": "mexican", + "ingredients": [ + "corn oil", + "hass avocado", + "lime", + "salt", + "onions", + "tomatoes", + "hot chili powder", + "medium shrimp", + "green leaf lettuce", + "corn tortillas", + "ground cumin" + ] + }, + { + "id": 8712, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "butter", + "chuck roast", + "onion soup mix", + "salt", + "pepper", + "ranch dressing" + ] + }, + { + "id": 30762, + "cuisine": "japanese", + "ingredients": [ + "sesame oil", + "vinegar", + "cucumber", + "sugar", + "salt", + "green onions", + "toasted sesame seeds" + ] + }, + { + "id": 46108, + "cuisine": "french", + "ingredients": [ + "granulated sugar", + "1% low-fat milk", + "phyllo dough", + "cooking spray", + "corn starch", + "large egg yolks", + "vanilla extract", + "semi-sweet chocolate morsels", + "powdered sugar", + "half & half", + "salt" + ] + }, + { + "id": 34448, + "cuisine": "chinese", + "ingredients": [ + "wonton wrappers", + "toasted sesame oil", + "rice vinegar", + "coarse salt", + "reduced sodium chicken broth", + "scallions" + ] + }, + { + "id": 48332, + "cuisine": "indian", + "ingredients": [ + "russet potatoes", + "chili powder", + "kosher salt", + "vegetable oil" + ] + }, + { + "id": 49341, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "chuck roast", + "garlic", + "canola oil", + "chicken broth", + "spanish onion", + "Mexican oregano", + "chipotles in adobo", + "lime juice", + "bay leaves", + "salt", + "ground cloves", + "vegetables", + "apple cider vinegar", + "cumin" + ] + }, + { + "id": 16646, + "cuisine": "japanese", + "ingredients": [ + "ground ginger", + "garlic", + "black pepper", + "white sugar", + "soy sauce", + "corn starch", + "cold water", + "cider vinegar" + ] + }, + { + "id": 2594, + "cuisine": "korean", + "ingredients": [ + "burger buns", + "cheese", + "chicken", + "sesame oil", + "kimchi", + "garlic paste", + "chilli paste", + "onions", + "soy sauce", + "Gochujang base", + "sliced chicken" + ] + }, + { + "id": 45915, + "cuisine": "russian", + "ingredients": [ + "eggs", + "vegetable oil", + "dry bread crumbs", + "garlic powder", + "lemon", + "fresh parsley", + "water", + "butter", + "dried dillweed", + "ground black pepper", + "all-purpose flour", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 12248, + "cuisine": "spanish", + "ingredients": [ + "fat free less sodium chicken broth", + "cooking spray", + "non-fat sour cream", + "onions", + "Anaheim chile", + "vegetable oil", + "garlic cloves", + "flour tortillas", + "cooked chicken", + "salt", + "jalapeno chilies", + "tomatillos", + "fresh lime juice" + ] + }, + { + "id": 41224, + "cuisine": "italian", + "ingredients": [ + "pasta", + "diced tomatoes", + "vegetable oil", + "onions", + "tomato paste", + "green beans", + "top sirloin steak", + "italian seasoning" + ] + }, + { + "id": 8788, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "boneless skinless chicken breasts", + "non-fat sour cream", + "beer", + "shredded Monterey Jack cheese", + "large egg whites", + "flour", + "1% low-fat milk", + "salt", + "onions", + "coriander seeds", + "ground red pepper", + "shredded sharp cheddar cheese", + "corn tortillas", + "ground cumin", + "chopped green chilies", + "green onions", + "garlic", + "salsa", + "olives" + ] + }, + { + "id": 41808, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "black olives", + "eggs", + "pimentos", + "garlic", + "chopped ham", + "grated parmesan cheese", + "spaghetti, cook and drain", + "fresh parsley", + "ground black pepper", + "bacon", + "salt" + ] + }, + { + "id": 14848, + "cuisine": "indian", + "ingredients": [ + "onion soup mix", + "red pepper flakes", + "carrots", + "water", + "chili powder", + "cayenne pepper", + "chopped cilantro fresh", + "green bell pepper", + "flour", + "green peas", + "red bell pepper", + "curry powder", + "russet potatoes", + "coconut cream" + ] + }, + { + "id": 49280, + "cuisine": "greek", + "ingredients": [ + "mint leaves", + "juice", + "kosher salt", + "garlic", + "ground cumin", + "lemon", + "greek yogurt", + "ground black pepper", + "cayenne pepper" + ] + }, + { + "id": 35554, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "flour tortillas", + "shredded mozzarella cheese", + "sweet onion", + "chili powder", + "cumin", + "black beans", + "sweet potatoes", + "chipotles in adobo", + "olive oil", + "garlic" + ] + }, + { + "id": 7684, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "salt", + "sour cream", + "chicken breasts", + "enchilada sauce", + "onions", + "fresh cilantro", + "green chilies", + "corn tortillas", + "avocado", + "queso fresco", + "lemon juice" + ] + }, + { + "id": 44463, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "garam masala", + "oil", + "garlic paste", + "salt", + "corn flour", + "curry leaves", + "chili powder", + "rice flour", + "tumeric", + "all-purpose flour" + ] + }, + { + "id": 46903, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "baking powder", + "gluten-free flour", + "unsalted butter", + "salt", + "pecans", + "buttermilk", + "sweet potatoes", + "maple syrup" + ] + }, + { + "id": 17450, + "cuisine": "thai", + "ingredients": [ + "light soy sauce", + "sesame oil", + "chinese five-spice powder", + "shredded carrots", + "crushed red pepper", + "cabbage", + "fresh ginger", + "dipping sauces", + "beansprouts", + "fresh cilantro", + "green onions", + "rice vinegar", + "rice paper" + ] + }, + { + "id": 48918, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "taco sauce", + "refried beans", + "water", + "ground chuck", + "bisquick" + ] + }, + { + "id": 7282, + "cuisine": "french", + "ingredients": [ + "water", + "dark muscovado sugar", + "heavy cream", + "large egg yolks", + "salt", + "demerara sugar", + "vanilla" + ] + }, + { + "id": 34557, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "kosher salt", + "cooking spray", + "crushed red pepper", + "fresh basil", + "eggplant", + "diced tomatoes", + "garlic cloves", + "penne", + "fresh parmesan cheese", + "extra-virgin olive oil", + "onions", + "fontina cheese", + "baguette", + "dry white wine", + "fresh oregano" + ] + }, + { + "id": 22191, + "cuisine": "vietnamese", + "ingredients": [ + "olive oil", + "green onions", + "cucumber", + "medium shrimp uncook", + "carrots", + "chopped cilantro fresh", + "fresh ginger", + "rolls", + "fresh mint", + "lettuce leaves", + "hot water" + ] + }, + { + "id": 8378, + "cuisine": "filipino", + "ingredients": [ + "brown sugar", + "vanilla extract", + "evaporated milk", + "ice", + "water", + "salt", + "bananas" + ] + }, + { + "id": 21661, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "squid", + "salt", + "fresh lemon juice", + "unsalted butter", + "freshly ground pepper", + "anchovy fillets" + ] + }, + { + "id": 6089, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed light brown sugar", + "butter", + "blackberries", + "white cake mix", + "large eggs", + "chopped walnuts", + "sugar", + "salt", + "ground cinnamon", + "milk", + "all-purpose flour" + ] + }, + { + "id": 22728, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "lime slices", + "corn starch", + "sugar", + "egg whites", + "butter", + "cold water", + "frozen whip topping, thaw", + "cooking spray", + "fresh lime juice", + "lime rind", + "graham cracker crumbs", + "vanilla extract" + ] + }, + { + "id": 47253, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "vegetable oil", + "garlic cloves", + "oregano", + "black beans", + "Anaheim chile", + "tortilla chips", + "poblano chiles", + "ground cumin", + "boneless chicken skinless thigh", + "ground black pepper", + "hot sauce", + "sour cream", + "shredded Monterey Jack cheese", + "white onion", + "roma tomatoes", + "cream cheese", + "serrano chile" + ] + }, + { + "id": 34799, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "ground black pepper", + "fresh basil", + "almond flour", + "ground turkey", + "eggs", + "sun-dried tomatoes", + "salt", + "mozzarella cheese", + "garlic powder" + ] + }, + { + "id": 37980, + "cuisine": "russian", + "ingredients": [ + "sugar", + "salt", + "pumpkin", + "water", + "rice", + "butter" + ] + }, + { + "id": 1168, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "self rising flour", + "chopped pecans", + "ground cinnamon", + "water", + "buttermilk", + "brown sugar", + "peaches", + "corn starch", + "sugar", + "butter" + ] + }, + { + "id": 48832, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "boneless skinless chicken breasts", + "freshly ground pepper", + "sugar", + "large eggs", + "salt", + "spaghetti", + "crushed tomatoes", + "grated parmesan cheese", + "dry bread crumbs", + "dried oregano", + "part-skim mozzarella cheese", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 25993, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh mushrooms", + "grape tomatoes", + "grated parmesan cheese", + "pinenuts", + "potato gnocchi", + "zucchini", + "fresh basil leaves" + ] + }, + { + "id": 6829, + "cuisine": "greek", + "ingredients": [ + "crushed tomatoes", + "egg whites", + "dry bread crumbs", + "chopped fresh mint", + "hot red pepper flakes", + "lean ground meat", + "salt", + "feta cheese crumbles", + "olive oil", + "orzo", + "yellow onion", + "ground cumin", + "fresh dill", + "ground black pepper", + "garlic", + "dried dill" + ] + }, + { + "id": 36806, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "regular soy sauce", + "garlic", + "carrots", + "honey", + "chicken breasts", + "broccoli", + "stir fry vegetable blend", + "pepper", + "spring onions", + "salt", + "corn starch", + "water chestnuts", + "ginger", + "yellow onion", + "canola oil" + ] + }, + { + "id": 14913, + "cuisine": "filipino", + "ingredients": [ + "water", + "salt", + "ground cumin", + "pepper", + "refrigerated piecrusts", + "shredded colby", + "cooked chicken", + "red bell pepper", + "jalapeno chilies", + "cream cheese" + ] + }, + { + "id": 22080, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "chopped tomatoes", + "boneless chicken", + "rice", + "chicken stock", + "white pepper", + "bay leaves", + "salt", + "onions", + "tasso", + "black pepper", + "unsalted butter", + "chopped celery", + "rubbed sage", + "green bell pepper", + "minced garlic", + "ground red pepper", + "dri leav thyme" + ] + }, + { + "id": 32745, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "dried basil", + "zucchini", + "red wine", + "salt", + "dried oregano", + "tomato sauce", + "yellow squash", + "bay leaves", + "tomatoes with juice", + "pork loin chops", + "pasta", + "pepper", + "olive oil", + "red pepper flakes", + "garlic", + "onions", + "green bell pepper", + "dried thyme", + "grated parmesan cheese", + "worcestershire sauce", + "fresh mushrooms" + ] + }, + { + "id": 20901, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "garlic", + "onions", + "grated parmesan cheese", + "white mushrooms", + "bread crumbs", + "shredded mozzarella cheese", + "italian seasoning", + "eggs", + "bell pepper", + "ground beef" + ] + }, + { + "id": 15471, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "cracked black pepper", + "fresh parmesan cheese", + "bacon", + "garlic cloves", + "fat free less sodium chicken broth", + "fusilli", + "chopped onion", + "roasted red peppers", + "diced tomatoes", + "flat leaf parsley" + ] + }, + { + "id": 2198, + "cuisine": "indian", + "ingredients": [ + "grated carrot", + "black mustard seeds", + "curry leaves", + "green chilies", + "salt", + "onions", + "semolina", + "oil" + ] + }, + { + "id": 14072, + "cuisine": "italian", + "ingredients": [ + "eggs", + "bacon", + "marinara sauce", + "shredded mozzarella cheese", + "anchovies", + "pizza doughs", + "mushrooms", + "olives" + ] + }, + { + "id": 34206, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "oil", + "dough", + "salt", + "baking powder", + "cornmeal", + "cold water", + "all-purpose flour" + ] + }, + { + "id": 13865, + "cuisine": "french", + "ingredients": [ + "white wine", + "swiss cheese", + "beef consomme", + "margarine", + "water", + "beef broth", + "french bread", + "onions" + ] + }, + { + "id": 11038, + "cuisine": "italian", + "ingredients": [ + "bouillon", + "all-purpose flour", + "pork tenderloin", + "capellini", + "marsala wine", + "margarine", + "salt", + "freshly ground pepper" + ] + }, + { + "id": 3733, + "cuisine": "filipino", + "ingredients": [ + "sausage links", + "ground black pepper", + "green onions", + "salt", + "okra", + "water", + "chopped green bell pepper", + "diced tomatoes", + "cayenne pepper", + "fresh parsley", + "minced garlic", + "unsalted butter", + "bacon", + "all-purpose flour", + "uncook medium shrimp, peel and devein", + "dried thyme", + "bay leaves", + "chopped celery", + "chopped onion" + ] + }, + { + "id": 45961, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "vegetable oil", + "gingerroot", + "red bell pepper", + "sugar", + "sesame oil", + "beaten eggs", + "corn starch", + "cabbage", + "won ton wrappers", + "ground pork", + "scallions", + "fresh lime juice", + "fish sauce", + "mint leaves", + "white wine vinegar", + "garlic cloves", + "coriander" + ] + }, + { + "id": 44911, + "cuisine": "greek", + "ingredients": [ + "melted butter", + "feta cheese", + "fresh spinach", + "sliced mushrooms", + "phyllo dough", + "vegetable oil", + "tomato sauce" + ] + }, + { + "id": 45237, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "all-purpose flour", + "baking powder", + "cornmeal", + "sugar", + "salt", + "large eggs", + "I Can't Believe It's Not Butter!® All Purpose Sticks" + ] + }, + { + "id": 39073, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "bittersweet chocolate", + "minced garlic", + "raisins", + "vegetable stock", + "plum tomatoes", + "sesame seeds", + "walnuts" + ] + }, + { + "id": 27886, + "cuisine": "southern_us", + "ingredients": [ + "gravy", + "paprika", + "steak", + "ground black pepper", + "Tabasco Pepper Sauce", + "all-purpose flour", + "garlic powder", + "whole milk", + "salt", + "canola oil", + "large eggs", + "cutlet", + "oil" + ] + }, + { + "id": 46427, + "cuisine": "irish", + "ingredients": [ + "olive oil", + "garlic", + "cabbage", + "brisket", + "potatoes", + "carrots", + "pepper", + "leeks", + "chopped parsley", + "water", + "bay leaves", + "yellow peppers" + ] + }, + { + "id": 23892, + "cuisine": "southern_us", + "ingredients": [ + "cooking spray", + "salt", + "low-fat buttermilk", + "chicken drumsticks", + "ground cumin", + "ground red pepper", + "all-purpose flour", + "white pepper", + "chicken breasts", + "chicken thighs" + ] + }, + { + "id": 31648, + "cuisine": "indian", + "ingredients": [ + "coriander powder", + "salt", + "ground cumin", + "chili powder", + "corn flour", + "potatoes", + "oil", + "ginger", + "chaat masala" + ] + }, + { + "id": 4878, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "dry red wine", + "carrots", + "tomato sauce", + "beef stock cubes", + "fresh mushrooms", + "onions", + "sausage casings", + "grated parmesan cheese", + "cheese", + "green beans", + "italian style stewed tomatoes", + "tortellini", + "garlic cloves", + "italian seasoning" + ] + }, + { + "id": 40852, + "cuisine": "italian", + "ingredients": [ + "capers", + "crushed red pepper flakes", + "dried oregano", + "olive oil", + "anchovy fillets", + "pitted kalamata olives", + "garlic", + "diced tomatoes", + "spaghetti" + ] + }, + { + "id": 21762, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "water", + "fresh lime juice", + "buttermilk", + "lime rind", + "corn syrup" + ] + }, + { + "id": 43551, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun remoulade", + "large eggs", + "salt", + "artichoke hearts", + "worcestershire sauce", + "red bell pepper", + "mayonaise", + "dijon mustard", + "whipping cream", + "bread crumbs", + "green onions", + "fresh lemon juice" + ] + }, + { + "id": 24470, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "part-skim ricotta cheese", + "crust", + "cornmeal" + ] + }, + { + "id": 9420, + "cuisine": "italian", + "ingredients": [ + "water", + "baking potatoes", + "tomato sauce", + "grated parmesan cheese", + "salt", + "large eggs", + "butter", + "pepper", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 31613, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "whole milk", + "half & half", + "sugar", + "vanilla extract" + ] + }, + { + "id": 4260, + "cuisine": "russian", + "ingredients": [ + "green cabbage", + "pepper", + "vegetable bouillon", + "lemon", + "sour cream", + "tomato purée", + "red beets", + "mushrooms", + "salt", + "fresh dill", + "kidney beans", + "butter", + "carrots", + "tomatoes", + "water", + "gold potatoes", + "purple onion", + "celery" + ] + }, + { + "id": 18740, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "grated parmesan cheese", + "mozzarella cheese", + "salt", + "water", + "canola oil", + "plain yogurt", + "tapioca starch" + ] + }, + { + "id": 37643, + "cuisine": "korean", + "ingredients": [ + "sugar", + "ground black pepper", + "garlic", + "white wine", + "asian pear", + "onions", + "soy sauce", + "beef", + "juice", + "honey", + "sesame oil" + ] + }, + { + "id": 36193, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "butter", + "honey", + "lemon juice", + "ground cloves", + "chopped walnuts", + "tart shells" + ] + }, + { + "id": 43130, + "cuisine": "italian", + "ingredients": [ + "eggs", + "grated parmesan cheese", + "finely chopped fresh parsley", + "jumbo shell pasta , cook and drain", + "ragu old world style pasta sauc", + "ricotta cheese", + "ground black pepper", + "shredded mozzarella cheese" + ] + }, + { + "id": 42699, + "cuisine": "southern_us", + "ingredients": [ + "large egg yolks", + "bacon slices", + "elbow macaroni", + "fontina cheese", + "grated parmesan cheese", + "all-purpose flour", + "frozen peas", + "ground black pepper", + "salt", + "flat leaf parsley", + "bread crumbs", + "whole milk", + "garlic cloves" + ] + }, + { + "id": 3507, + "cuisine": "italian", + "ingredients": [ + "tangerine", + "kumquats", + "water", + "cinnamon sticks", + "baguette", + "light corn syrup", + "sugar", + "unsalted butter" + ] + }, + { + "id": 44252, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "flour", + "oil", + "water", + "salt", + "sugar", + "butter", + "melted butter", + "dry yeast", + "all-purpose flour" + ] + }, + { + "id": 43507, + "cuisine": "indian", + "ingredients": [ + "pepper", + "garam masala", + "kasuri methi", + "oil", + "onions", + "tumeric", + "amchur", + "potatoes", + "green chilies", + "chopped cilantro", + "chaat masala", + "garlic paste", + "water", + "coriander powder", + "salt", + "lemon juice", + "frozen peas", + "white flour", + "coriander seeds", + "seeds", + "cumin seed", + "ghee", + "ground cumin" + ] + }, + { + "id": 28468, + "cuisine": "italian", + "ingredients": [ + "freshly grated parmesan", + "garlic cloves", + "water", + "grated lemon zest", + "onions", + "chicken broth", + "broccoli", + "fresh lemon juice", + "olive oil", + "rice" + ] + }, + { + "id": 33472, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "flour", + "large egg yolks", + "unsalted butter", + "kosher salt", + "ice water" + ] + }, + { + "id": 10039, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "garlic", + "green onions", + "sesame seeds", + "spinach", + "sesame oil" + ] + }, + { + "id": 36365, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "corn", + "hot bean paste", + "chicken broth", + "minced garlic", + "sesame oil", + "pork shoulder", + "kosher salt", + "peeled fresh ginger", + "scallions", + "silken tofu", + "szechwan peppercorns", + "corn starch" + ] + }, + { + "id": 40536, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "lemon", + "catfish fillets", + "chop fine pecan", + "all-purpose flour", + "large eggs", + "salt", + "black pepper", + "cracker crumbs", + "chopped fresh sage" + ] + }, + { + "id": 3688, + "cuisine": "indian", + "ingredients": [ + "peanuts", + "cilantro leaves", + "red chili powder", + "flour", + "boiling potatoes", + "sago", + "oil", + "amchur", + "salt" + ] + }, + { + "id": 6145, + "cuisine": "moroccan", + "ingredients": [ + "turnips", + "ground black pepper", + "extra-virgin olive oil", + "garlic cloves", + "bay leaf", + "ground cumin", + "swiss chard", + "ground red pepper", + "goat cheese", + "couscous", + "saffron", + "water", + "butternut squash", + "chickpeas", + "carrots", + "onions", + "ground cinnamon", + "leeks", + "salt", + "fresh lemon juice", + "chopped cilantro" + ] + }, + { + "id": 34396, + "cuisine": "moroccan", + "ingredients": [ + "stewed tomatoes", + "capers", + "ground cumin", + "hake fillets", + "extra-virgin olive oil", + "cinnamon" + ] + }, + { + "id": 5943, + "cuisine": "southern_us", + "ingredients": [ + "carbonated water", + "fresh lime juice", + "sugar syrup", + "fresh lemon juice", + "fresh orange juice" + ] + }, + { + "id": 39642, + "cuisine": "french", + "ingredients": [ + "eggs", + "orange", + "chopped almonds", + "all-purpose flour", + "fleur de sel", + "candied orange peel", + "active dry yeast", + "egg yolks", + "lima beans", + "melon", + "sugar", + "granulated sugar", + "lemon", + "jelly", + "table salt", + "unsalted butter", + "dark rum", + "orange flower water" + ] + }, + { + "id": 25776, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "cooked chicken", + "chopped onion", + "tomatoes", + "dried basil", + "chile pepper", + "chicken broth", + "water", + "chili powder", + "ground cumin", + "black pepper", + "olive oil", + "chicken flavored rice" + ] + }, + { + "id": 47389, + "cuisine": "italian", + "ingredients": [ + "eggs", + "all-purpose flour", + "baking powder", + "milk", + "salt" + ] + }, + { + "id": 39637, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "all-purpose flour", + "baking soda", + "baking powder", + "kosher salt", + "whole milk", + "cornmeal", + "unsalted butter", + "buttermilk" + ] + }, + { + "id": 10173, + "cuisine": "indian", + "ingredients": [ + "roti", + "gouda", + "masala", + "cheddar cheese", + "butter", + "feta cheese crumbles", + "potatoes", + "lemon juice", + "pepper", + "grating cheese", + "paratha" + ] + }, + { + "id": 2972, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "pumpkin seeds", + "salt", + "flat leaf parsley", + "cilantro leaves", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 3717, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "green onions", + "minced ginger", + "red pepper flakes", + "sugar", + "beef", + "toasted sesame seeds", + "minced garlic", + "sesame oil" + ] + }, + { + "id": 33792, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "chicken broth", + "oil", + "chopped onion", + "white rice" + ] + }, + { + "id": 32420, + "cuisine": "korean", + "ingredients": [ + "sugar", + "azuki bean", + "glutinous rice flour", + "raisins", + "chopped walnuts" + ] + }, + { + "id": 26757, + "cuisine": "thai", + "ingredients": [ + "tomatoes", + "fresh ginger", + "cilantro", + "beansprouts", + "light brown sugar", + "soy sauce", + "chicken breasts", + "broccoli", + "fresh lime juice", + "fish sauce", + "mushrooms", + "salt", + "coconut milk", + "chicken broth", + "lemongrass", + "vegetable oil", + "red curry paste" + ] + }, + { + "id": 29548, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "mirin", + "hot sauce", + "toasted sesame seeds", + "sugar", + "water", + "red pepper", + "onions", + "black pepper", + "flank steak", + "corn syrup", + "iceberg lettuce", + "white wine", + "sesame oil", + "garlic cloves" + ] + }, + { + "id": 19207, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "sweet potatoes", + "cayenne pepper", + "cinnamon sticks", + "onions", + "red lentils", + "olive oil", + "star anise", + "ground coriander", + "bay leaf", + "unsalted vegetable stock", + "dates", + "lemon rind", + "red bell pepper", + "ground cumin", + "tomatoes", + "fresh ginger", + "salt", + "garlic cloves", + "fresh parsley" + ] + }, + { + "id": 39173, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "garam masala", + "russet potatoes", + "water", + "baking powder", + "yellow onion", + "tumeric", + "besan (flour)", + "salt", + "frozen chopped spinach", + "amchur", + "vegetable oil", + "cumin seed" + ] + }, + { + "id": 36737, + "cuisine": "southern_us", + "ingredients": [ + "refrigerated piecrusts", + "chopped walnuts", + "eggs", + "all-purpose flour", + "vanilla", + "chocolate morsels", + "sugar", + "margarine" + ] + }, + { + "id": 6222, + "cuisine": "brazilian", + "ingredients": [ + "water", + "bay leaves", + "sausages", + "greens", + "manioc flour", + "olive oil", + "salt", + "cooked white rice", + "spareribs", + "orange", + "butter", + "carne seca", + "chopped garlic", + "black beans", + "ground black pepper", + "hot sauce", + "onions" + ] + }, + { + "id": 33878, + "cuisine": "southern_us", + "ingredients": [ + "water", + "cheese", + "ground red pepper", + "grits", + "butter", + "large eggs", + "salt" + ] + }, + { + "id": 27720, + "cuisine": "italian", + "ingredients": [ + "orange", + "almond meal", + "large egg whites", + "superfine sugar", + "confectioners sugar", + "sliced almonds", + "almond extract" + ] + }, + { + "id": 35039, + "cuisine": "mexican", + "ingredients": [ + "lump crab meat", + "pimentos", + "slivered almonds", + "flour tortillas", + "brie cheese", + "vegetable oil cooking spray", + "curry powder", + "hot sauce", + "mayonaise", + "green onions" + ] + }, + { + "id": 9108, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "kosher salt", + "tamarind pulp", + "dark brown sugar", + "arbol chile", + "coconut oil", + "minced ginger", + "whole cloves", + "garlic cloves", + "pork butt", + "black peppercorns", + "cider vinegar", + "roma tomatoes", + "cumin seed", + "chopped cilantro", + "white onion", + "cayenne", + "paprika", + "cinnamon sticks", + "cashew nuts" + ] + }, + { + "id": 8268, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "cardamon", + "cilantro", + "mustard powder", + "chicken", + "pepper", + "butter", + "garlic", + "lemon juice", + "unsweetened coconut milk", + "garam masala", + "habanero", + "yellow onion", + "cumin", + "fresh ginger", + "diced tomatoes", + "curry", + "coriander" + ] + }, + { + "id": 24200, + "cuisine": "british", + "ingredients": [ + "fresh coriander", + "spring onions", + "salt", + "basmati rice", + "tomatoes", + "fresh bay leaves", + "lemon", + "mustard seeds", + "fresh red chili", + "fresh ginger", + "haddock fillets", + "cumin seed", + "tumeric", + "large free range egg", + "garlic", + "ghee" + ] + }, + { + "id": 35059, + "cuisine": "indian", + "ingredients": [ + "nonfat italian dressing", + "peeled fresh ginger", + "boneless skinless chicken breast halves", + "curry powder", + "crushed red pepper", + "ground turmeric", + "olive oil", + "chopped onion", + "nonfat yogurt", + "low salt chicken broth" + ] + }, + { + "id": 19964, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sesame oil", + "garlic cloves", + "cooked rice", + "water chestnuts", + "angus", + "white sugar", + "sesame seeds", + "salt", + "carrots", + "butter lettuce", + "green onions", + "oil" + ] + }, + { + "id": 11393, + "cuisine": "cajun_creole", + "ingredients": [ + "Louisiana Hot Sauce", + "Uncle Ben's Original Converted Brand rice", + "Gourmet Garden garlic paste", + "Johnsonville Andouille", + "Red Gold® diced tomatoes", + "Gourmet Garden Parsley", + "onions", + "kidney beans", + "cajun seasoning", + "celery", + "chicken broth", + "bay leaves", + "Pompeian Canola Oil and Extra Virgin Olive Oil" + ] + }, + { + "id": 4737, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "fried eggs", + "oil", + "lime", + "salsa", + "pepper", + "salt", + "corn tortillas", + "avocado", + "diced red onions", + "scallions" + ] + }, + { + "id": 23939, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "chile pepper", + "salt", + "masa harina", + "shredded cabbage", + "vegetable oil", + "salsa", + "black beans", + "lime wedges", + "all-purpose flour", + "baking powder", + "garlic", + "hot water" + ] + }, + { + "id": 18467, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "Knorr® Pasta Sides™ - Chicken flavor", + "cumin", + "nonfat plain greek yogurt", + "red bell pepper", + "olive oil", + "lemon juice", + "chili powder", + "onions" + ] + }, + { + "id": 12934, + "cuisine": "italian", + "ingredients": [ + "white onion", + "fresh parmesan cheese", + "center cut bacon", + "all-purpose flour", + "sugar", + "active dry yeast", + "baby arugula", + "extra-virgin olive oil", + "warm water", + "part-skim mozzarella cheese", + "cooking spray", + "part-skim ricotta cheese", + "yellow corn meal", + "kosher salt", + "ground black pepper", + "button mushrooms" + ] + }, + { + "id": 8500, + "cuisine": "french", + "ingredients": [ + "pitted black olives", + "anchovy fillets", + "extra-virgin olive oil", + "capers", + "salt", + "pepper" + ] + }, + { + "id": 26088, + "cuisine": "thai", + "ingredients": [ + "jumbo shrimp", + "enokitake", + "purple onion", + "corn starch", + "cold water", + "lime", + "coarse salt", + "cumin seed", + "chopped cilantro fresh", + "lemongrass", + "vegetable oil", + "dried rice noodles", + "red bell pepper", + "green chile", + "coriander seeds", + "pineapple", + "low-fat canned coconut milk" + ] + }, + { + "id": 21697, + "cuisine": "cajun_creole", + "ingredients": [ + "wonton wrappers", + "chopped cilantro", + "lump crab meat", + "peanut oil", + "spicy sausage", + "cream cheese", + "Tabasco Pepper Sauce", + "rotel tomatoes" + ] + }, + { + "id": 36253, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "vanilla", + "sugar", + "brown sugar", + "salt", + "evaporated milk" + ] + }, + { + "id": 43167, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "pepper jack", + "diced tomatoes", + "cumin", + "green chile", + "garlic powder", + "chili powder", + "feta cheese crumbles", + "corn kernels", + "bell pepper", + "cilantro leaves", + "canned black beans", + "ground black pepper", + "onion powder", + "cooked quinoa" + ] + }, + { + "id": 48754, + "cuisine": "french", + "ingredients": [ + "sugar", + "salted butter", + "eggs", + "bread dough", + "water" + ] + }, + { + "id": 15566, + "cuisine": "japanese", + "ingredients": [ + "large eggs", + "shiitake", + "dashi", + "green onions", + "prawns" + ] + }, + { + "id": 43416, + "cuisine": "filipino", + "ingredients": [ + "mayonaise", + "mussels", + "lime", + "sweet chili sauce", + "cheddar cheese", + "green onions" + ] + }, + { + "id": 22431, + "cuisine": "italian", + "ingredients": [ + "sweet onion", + "basil", + "garlic", + "red pepper flakes", + "vegetable broth", + "parmesan cheese", + "extra-virgin olive oil", + "dried leaves oregano", + "diced tomatoes", + "linguine" + ] + }, + { + "id": 14693, + "cuisine": "french", + "ingredients": [ + "sole fillet", + "egg whites", + "grated nutmeg", + "sea scallops", + "heavy cream", + "black pepper", + "chopped fresh chives", + "fresh dill", + "unsalted butter", + "salt" + ] + }, + { + "id": 8821, + "cuisine": "italian", + "ingredients": [ + "pilsner", + "all-purpose flour", + "vegetable oil", + "zucchini", + "kosher salt", + "sea salt" + ] + }, + { + "id": 40109, + "cuisine": "thai", + "ingredients": [ + "pure maple syrup", + "lime", + "jalapeno chilies", + "cauliflower florets", + "carrots", + "water", + "red cabbage", + "cilantro", + "tamari soy sauce", + "cashew nuts", + "almond butter", + "zucchini", + "lime wedges", + "garlic", + "beansprouts", + "kelp noodles", + "orange", + "tahini", + "ginger", + "scallions" + ] + }, + { + "id": 3772, + "cuisine": "french", + "ingredients": [ + "fresh thyme leaves", + "cornish hens", + "lemon zest", + "lemon", + "poussins", + "sauterne", + "lavender", + "unsalted butter", + "lavender flowers", + "thyme leaves" + ] + }, + { + "id": 11689, + "cuisine": "french", + "ingredients": [ + "sour cream", + "heavy cream" + ] + }, + { + "id": 35743, + "cuisine": "japanese", + "ingredients": [ + "clove", + "cinnamon", + "oil", + "ginger paste", + "bay leaves", + "salt", + "onions", + "coconut", + "paneer", + "ghee", + "chili powder", + "green cardamom", + "ground turmeric" + ] + }, + { + "id": 523, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large egg yolks", + "dried apricot", + "cinnamon sticks", + "prunes", + "pinenuts", + "lemon peel", + "vanilla extract", + "marsala wine", + "unsalted butter", + "all purpose unbleached flour", + "grated lemon peel", + "powdered sugar", + "water", + "large eggs", + "salt" + ] + }, + { + "id": 662, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "onions", + "kosher salt", + "red bell pepper", + "soft goat's cheese", + "large eggs", + "pepper", + "flat leaf parsley" + ] + }, + { + "id": 28857, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "yellow onion", + "coarse salt", + "applewood smoked bacon", + "collard greens", + "ham", + "garlic" + ] + }, + { + "id": 24198, + "cuisine": "mexican", + "ingredients": [ + "minced onion", + "chicken stock", + "canola oil", + "vermicelli", + "bouillon" + ] + }, + { + "id": 16320, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "fresh curry leaves", + "vinegar", + "tamarind paste", + "mustard seeds", + "jaggery", + "red chili peppers", + "coriander seeds", + "ginger", + "cumin seed", + "ghee", + "tumeric", + "water", + "red wine vinegar", + "green chilies", + "cinnamon sticks", + "clove", + "pork", + "ground black pepper", + "garlic", + "black mustard seeds", + "onions" + ] + }, + { + "id": 44703, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "paprika", + "ground cumin", + "vegetable oil", + "fresh lemon juice", + "cayenne", + "salt", + "ground ginger", + "large garlic cloves", + "ground cardamom" + ] + }, + { + "id": 29138, + "cuisine": "french", + "ingredients": [ + "mussels", + "baguette", + "clam juice", + "reduced fat mayonnaise", + "fillet red snapper", + "roasted red peppers", + "chopped onion", + "plum tomatoes", + "saffron threads", + "fat free less sodium chicken broth", + "fennel bulb", + "garlic cloves", + "large shrimp", + "red potato", + "olive oil", + "littleneck clams", + "fresh parsley" + ] + }, + { + "id": 25444, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "black peppercorns", + "chicken thighs", + "bay leaves", + "white vinegar", + "garlic" + ] + }, + { + "id": 12142, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "pork loin chops", + "chopped fresh chives", + "garlic salt", + "crumbled blue cheese", + "fresh parsley", + "bacon" + ] + }, + { + "id": 18776, + "cuisine": "mexican", + "ingredients": [ + "red chili peppers", + "muscovado sugar", + "olive oil", + "paprika", + "lime", + "chicken breasts", + "lime zest", + "coriander seeds", + "garlic cloves" + ] + }, + { + "id": 26619, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "chicken bouillon", + "butter", + "cooked ham", + "black-eyed peas", + "yellow onion", + "black pepper", + "bacon" + ] + }, + { + "id": 5224, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "vegetable oil", + "scallions", + "unsalted butter", + "salt", + "boiling water", + "dried porcini mushrooms", + "beef tenderloin", + "garlic cloves", + "shallots", + "freshly ground pepper" + ] + }, + { + "id": 1799, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "chuck roast", + "apple cider vinegar", + "fresh oregano", + "white onion", + "bay leaves", + "salt", + "corn tortillas", + "black pepper", + "jalapeno chilies", + "cilantro", + "garlic cloves", + "avocado", + "lime juice", + "chili powder", + "beef broth", + "cumin" + ] + }, + { + "id": 19127, + "cuisine": "cajun_creole", + "ingredients": [ + "butter", + "white sugar", + "light brown sugar", + "salt", + "vanilla extract", + "milk", + "chopped pecans" + ] + }, + { + "id": 37480, + "cuisine": "italian", + "ingredients": [ + "whole milk ricotta cheese", + "pepper", + "salt", + "basil pesto sauce", + "chees fresh mozzarella", + "olive oil", + "spaghetti squash" + ] + }, + { + "id": 16678, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "Tabasco Pepper Sauce", + "dill", + "flat leaf parsley", + "sun-dried tomatoes", + "garlic", + "feta cheese crumbles", + "pepper", + "worcestershire sauce", + "lemon juice", + "dried oregano", + "capers", + "hard-boiled egg", + "salt", + "greek yogurt" + ] + }, + { + "id": 2044, + "cuisine": "southern_us", + "ingredients": [ + "reduced sodium chicken broth", + "red pepper flakes", + "collard greens" + ] + }, + { + "id": 26296, + "cuisine": "french", + "ingredients": [ + "mussels", + "dry white wine", + "celery", + "fresh thyme", + "salt", + "onions", + "bay leaves", + "crème fraîche", + "pepper", + "butter", + "fresh parsley" + ] + }, + { + "id": 925, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "salt", + "escarole", + "beans", + "vegetable stock", + "freshly ground pepper", + "parmigiano reggiano cheese", + "pearl barley", + "onions", + "white wine", + "extra-virgin olive oil", + "thyme" + ] + }, + { + "id": 27606, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "salted peanuts", + "scallions", + "light brown sugar", + "beef tenderloin", + "peanut oil", + "kosher salt", + "yellow onion", + "fresh lime juice", + "fish sauce", + "garlic", + "freshly ground pepper" + ] + }, + { + "id": 28062, + "cuisine": "thai", + "ingredients": [ + "clove", + "chicken breasts", + "ginger", + "Thai fish sauce", + "sugar", + "rice noodles", + "cilantro leaves", + "onions", + "peanuts", + "vegetable oil", + "tamarind paste", + "eggs", + "chili powder", + "salt", + "beansprouts" + ] + }, + { + "id": 13164, + "cuisine": "mexican", + "ingredients": [ + "shredded sharp cheddar cheese", + "taco seasoning mix", + "onions", + "ground beef", + "refrigerated crescent rolls" + ] + }, + { + "id": 38041, + "cuisine": "italian", + "ingredients": [ + "Belgian endive", + "kale", + "cooking spray", + "dry bread crumbs", + "turnip greens", + "fat free milk", + "crushed red pepper", + "garlic cloves", + "yellow corn meal", + "olive oil", + "golden raisins", + "organic vegetable broth", + "pinenuts", + "fresh parmesan cheese", + "salt" + ] + }, + { + "id": 45506, + "cuisine": "chinese", + "ingredients": [ + "black peppercorns", + "red chili peppers", + "spring onions", + "star anise", + "carrots", + "onions", + "five spice", + "duck bones", + "sesame oil", + "cilantro leaves", + "duck drumsticks", + "dark soy sauce", + "egg noodles", + "seeds", + "gyoza wrappers", + "ginger root", + "chicken stock", + "fish sauce", + "leeks", + "cilantro root", + "duck", + "celery" + ] + }, + { + "id": 6211, + "cuisine": "moroccan", + "ingredients": [ + "tomato sauce", + "elbow macaroni", + "pasta sauce", + "broccoli", + "cauliflower", + "grated parmesan cheese", + "part-skim mozzarella", + "whipping cream" + ] + }, + { + "id": 41608, + "cuisine": "spanish", + "ingredients": [ + "lime", + "dry red wine", + "water", + "navel oranges", + "lemon", + "sugar", + "carbonated water" + ] + }, + { + "id": 22940, + "cuisine": "brazilian", + "ingredients": [ + "fresh ginger", + "light coconut milk", + "onions", + "pepper", + "chicken breasts", + "salt", + "cumin", + "tumeric", + "garam masala", + "garlic", + "coriander", + "olive oil", + "diced tomatoes", + "cayenne pepper" + ] + }, + { + "id": 41921, + "cuisine": "french", + "ingredients": [ + "extra-virgin olive oil", + "grape tomatoes", + "red bell pepper", + "roasted red peppers", + "ground cumin", + "white wine vinegar" + ] + }, + { + "id": 35913, + "cuisine": "japanese", + "ingredients": [ + "all purpose unbleached flour", + "water", + "fine sea salt" + ] + }, + { + "id": 46099, + "cuisine": "french", + "ingredients": [ + "crabmeat", + "fresh tarragon", + "hothouse cucumber", + "mayonaise", + "fresh lemon juice", + "purple onion" + ] + }, + { + "id": 27582, + "cuisine": "filipino", + "ingredients": [ + "salt and ground black pepper", + "yellow onion", + "mayonaise", + "green onions", + "eggs", + "garlic powder", + "chicken livers", + "pork belly", + "margarine" + ] + }, + { + "id": 29587, + "cuisine": "italian", + "ingredients": [ + "pure vanilla extract", + "cherries", + "large egg whites", + "salt", + "sugar", + "almond extract", + "almonds" + ] + }, + { + "id": 21640, + "cuisine": "italian", + "ingredients": [ + "slivered almonds", + "granulated sugar", + "semi-sweet chocolate morsels", + "graham crackers", + "large eggs", + "large egg whites", + "ricotta", + "orange zest", + "candied orange peel", + "unsalted butter", + "confectioners sugar" + ] + }, + { + "id": 31936, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "coconut", + "cinnamon", + "ground turmeric", + "curry leaves", + "beef", + "oil", + "mustard", + "coriander powder", + "salt", + "clove", + "pepper", + "chili powder", + "onions" + ] + }, + { + "id": 12030, + "cuisine": "japanese", + "ingredients": [ + "boneless chicken skinless thigh", + "toasted sesame seeds", + "brown sugar", + "garlic", + "sesame oil", + "soy sauce", + "scallions" + ] + }, + { + "id": 41844, + "cuisine": "chinese", + "ingredients": [ + "light brown sugar", + "shiitake", + "vegetable oil", + "garlic cloves", + "soy sauce", + "chenpi", + "salt", + "chinese rice wine", + "peeled fresh ginger", + "star anise", + "chicken", + "water", + "sesame oil", + "scallions" + ] + }, + { + "id": 22846, + "cuisine": "french", + "ingredients": [ + "french bread", + "salt", + "bay leaf", + "white wine", + "butter", + "beef broth", + "ground black pepper", + "paprika", + "sauce", + "shredded swiss cheese", + "all-purpose flour", + "onions" + ] + }, + { + "id": 9008, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "large garlic cloves", + "bouillon", + "cooking spray", + "all-purpose flour", + "pork tenderloin", + "salt", + "marsala wine", + "butter" + ] + }, + { + "id": 48507, + "cuisine": "mexican", + "ingredients": [ + "masa harina", + "water", + "queso fresco" + ] + }, + { + "id": 5378, + "cuisine": "thai", + "ingredients": [ + "orange", + "rice vermicelli", + "sugar", + "cooking oil", + "pressed tofu", + "fish sauce", + "tamarind", + "garlic", + "water", + "shallots", + "dried shrimp" + ] + }, + { + "id": 19653, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "pitted olives", + "chicken", + "shredded cheddar cheese", + "shredded lettuce", + "green chilies", + "avocado", + "flour tortillas", + "salsa", + "refried beans", + "cilantro", + "sour cream" + ] + }, + { + "id": 16647, + "cuisine": "french", + "ingredients": [ + "blood orange juice", + "sugar", + "fresh lemon juice", + "mint sprigs", + "water" + ] + }, + { + "id": 19499, + "cuisine": "italian", + "ingredients": [ + "large garlic cloves", + "refrigerated fettuccine", + "marinara sauce", + "crushed red pepper", + "basil leaves", + "Italian turkey sausage", + "pecorino cheese", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 8487, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "white wine", + "grated parmesan cheese", + "sea salt", + "garlic cloves", + "fresh basil", + "olive oil", + "butter", + "salt", + "tomatoes", + "pepper", + "chicken breasts", + "whipping cream", + "toasted pine nuts", + "black pepper", + "parmesan cheese", + "lemon", + "all-purpose flour" + ] + }, + { + "id": 15689, + "cuisine": "italian", + "ingredients": [ + "whole wheat french bread", + "eggplant", + "cooking spray", + "garlic cloves", + "kosher salt", + "large eggs", + "grated lemon zest", + "pinenuts", + "parmigiano reggiano cheese", + "part-skim ricotta cheese", + "tomatoes", + "ground black pepper", + "extra-virgin olive oil", + "fresh basil leaves" + ] + }, + { + "id": 42415, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "sour cream", + "green bell pepper", + "yellow bell pepper", + "iceberg lettuce", + "guacamole", + "chunky salsa", + "black beans", + "red bell pepper", + "chorizo sausage" + ] + }, + { + "id": 31636, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "penne", + "large garlic cloves", + "parmigiano reggiano cheese", + "pinenuts", + "frozen peas" + ] + }, + { + "id": 2288, + "cuisine": "italian", + "ingredients": [ + "unflavored gelatin", + "whole milk", + "granulated sugar", + "fresh orange juice", + "sugar", + "heavy cream", + "low-fat buttermilk", + "strawberries" + ] + }, + { + "id": 35768, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "coarse sea salt", + "pan drippings", + "dried chile", + "french bread", + "broccoli", + "water", + "large garlic cloves" + ] + }, + { + "id": 44273, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "salt and ground black pepper", + "raw cashews", + "fresh lemon juice", + "minced garlic", + "dried thyme", + "tapioca starch", + "all-purpose flour", + "dried oregano", + "warm water", + "dried basil", + "agave nectar", + "extra-virgin olive oil", + "hot water", + "crushed tomatoes", + "whole wheat flour", + "sea salt", + "garlic cloves" + ] + }, + { + "id": 24276, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh basil leaves", + "chopped tomatoes", + "spaghetti", + "salt", + "light brown sugar", + "garlic cloves" + ] + }, + { + "id": 27804, + "cuisine": "mexican", + "ingredients": [ + "cilantro sprigs", + "ground cumin", + "flour tortillas", + "fresh lime juice", + "smoked turkey", + "green grape", + "coarse salt", + "low fat monterey jack cheese" + ] + }, + { + "id": 22705, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "garlic", + "ground coriander", + "onions", + "water", + "vegetable oil", + "chickpeas", + "lemon juice", + "ground cumin", + "tomatoes", + "garam masala", + "salt", + "cumin seed", + "ground turmeric", + "amchur", + "paprika", + "green chilies", + "ground cayenne pepper" + ] + }, + { + "id": 21448, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "paprika", + "salt", + "pepper", + "potatoes", + "garlic", + "chicken thighs", + "sausage casings", + "garbanzo beans", + "crushed red pepper flakes", + "carrots", + "water", + "italian plum tomatoes", + "purple onion" + ] + }, + { + "id": 26209, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "finely chopped onion", + "garlic cloves", + "olive oil", + "whole milk", + "polenta", + "ground black pepper", + "pecorino romano cheese", + "water", + "marinara sauce", + "flat leaf parsley" + ] + }, + { + "id": 16871, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "chopped onion", + "chicken stock", + "meatballs", + "shredded mozzarella cheese", + "green bell pepper", + "wheat", + "olive oil", + "herb seasoning" + ] + }, + { + "id": 14850, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "corn starch", + "chinese eggplants", + "chili oil", + "soy sauce", + "red wine vinegar", + "white sugar", + "chile pepper", + "salt" + ] + }, + { + "id": 29707, + "cuisine": "french", + "ingredients": [ + "sorrel", + "new potatoes", + "chicken stock", + "half & half", + "freshly ground pepper", + "asparagus", + "salt", + "young leeks", + "vegetable oil" + ] + }, + { + "id": 41880, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "salt", + "water", + "mussels", + "brown rice", + "edamame", + "diced tomatoes", + "hot smoked paprika", + "ground black pepper", + "spanish chorizo" + ] + }, + { + "id": 7868, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "jalapeno chilies", + "long grain white rice", + "white onion", + "garlic", + "canola oil", + "kosher salt", + "fresh lime juice", + "ground cumin", + "chicken stock", + "whole peeled tomatoes", + "chopped cilantro" + ] + }, + { + "id": 15822, + "cuisine": "russian", + "ingredients": [ + "hungarian sweet paprika", + "bell pepper", + "caraway seeds", + "beef broth", + "rib eye steaks", + "olive oil", + "garlic cloves", + "tomato paste", + "balsamic vinegar" + ] + }, + { + "id": 121, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "water", + "sesame oil", + "scallions", + "chicken-flavored soup powder", + "chicken stock", + "kosher salt", + "Shaoxing wine", + "ground pork", + "carrots", + "bean curd skins", + "enokitake", + "vegetable oil", + "oyster sauce", + "wood ear mushrooms", + "sugar", + "minced garlic", + "peeled fresh ginger", + "dried shiitake mushrooms", + "corn starch" + ] + }, + { + "id": 18408, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "lean ground beef", + "sour cream", + "kosher salt", + "chipotle", + "diced tomatoes", + "unsweetened cocoa powder", + "cayenne", + "canned beef broth", + "onions", + "cider vinegar", + "chili powder", + "garlic", + "ground cumin" + ] + }, + { + "id": 11896, + "cuisine": "french", + "ingredients": [ + "bay leaves", + "water", + "onions", + "black peppercorns", + "dried salted codfish", + "fresh thyme" + ] + }, + { + "id": 8244, + "cuisine": "italian", + "ingredients": [ + "water", + "egg noodles, cooked and drained", + "onions", + "pepper", + "boneless beef chuck roast", + "corn starch", + "tomato paste", + "olive oil", + "beef broth", + "italian seasoning", + "tomato sauce", + "onion soup mix", + "fresh mushrooms" + ] + }, + { + "id": 19081, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "onions", + "salt", + "diced tomatoes", + "italian seasoning", + "pepper", + "garlic cloves" + ] + }, + { + "id": 48573, + "cuisine": "mexican", + "ingredients": [ + "lime", + "whole kernel corn, drain", + "black beans", + "green onions", + "flat leaf parsley", + "green bell pepper", + "ground black pepper", + "red bell pepper", + "kosher salt", + "extra-virgin olive oil" + ] + }, + { + "id": 19163, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "jalapeno chilies", + "non stick spray", + "olive oil", + "salt", + "whole wheat breadcrumbs", + "jack", + "chicken cutlets", + "scallions", + "lime", + "center cut bacon", + "low-fat cream cheese" + ] + }, + { + "id": 35811, + "cuisine": "cajun_creole", + "ingredients": [ + "peanuts", + "dill pickles", + "salt", + "jalapeno chilies", + "brine", + "crab boil" + ] + }, + { + "id": 7308, + "cuisine": "jamaican", + "ingredients": [ + "light coconut milk", + "thyme sprigs", + "kidney beans", + "ground allspice", + "water", + "salt", + "long grain white rice", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 24144, + "cuisine": "brazilian", + "ingredients": [ + "tapioca flour", + "queso fresco", + "olive oil", + "table salt", + "large eggs", + "milk" + ] + }, + { + "id": 11425, + "cuisine": "italian", + "ingredients": [ + "sherry vinegar", + "shallots", + "salt", + "zucchini", + "extra-virgin olive oil", + "penne rigate", + "mascarpone", + "parsley", + "green beans", + "chicken breasts", + "crushed red pepper" + ] + }, + { + "id": 27132, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "chopped onion", + "corn kernels", + "saffron threads", + "schmaltz", + "kosher salt", + "polenta" + ] + }, + { + "id": 15468, + "cuisine": "indian", + "ingredients": [ + "paprika", + "ground turmeric", + "ground cumin", + "red chili powder", + "garlic", + "canola oil", + "ginger", + "masala", + "plain yogurt", + "salt", + "chicken" + ] + }, + { + "id": 14211, + "cuisine": "french", + "ingredients": [ + "olive oil", + "cracked black pepper", + "flat leaf parsley", + "sea salt", + "white beans", + "onions", + "parmigiana-reggiano", + "diced tomatoes", + "cabernet sauvignon", + "olive tapenade", + "haddock", + "garlic", + "celery" + ] + }, + { + "id": 49206, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "salt", + "onions", + "tomato sauce", + "cajun seasoning", + "long-grain rice", + "water", + "green pepper", + "cabbage", + "sugar", + "stewed tomatoes", + "ground beef" + ] + }, + { + "id": 47299, + "cuisine": "chinese", + "ingredients": [ + "garlic chives", + "kosher salt", + "large eggs", + "ground pork", + "scallions", + "cabbage", + "sugar", + "ground black pepper", + "vegetable oil", + "rice vinegar", + "corn starch", + "soy sauce", + "Sriracha", + "clove garlic, fine chop", + "all-purpose flour", + "dried shrimp", + "chinese rice wine", + "fresh ginger", + "sesame oil", + "salt", + "oyster sauce" + ] + }, + { + "id": 49717, + "cuisine": "mexican", + "ingredients": [ + "grape tomatoes", + "lime", + "half & half", + "purple onion", + "adobo sauce", + "chile powder", + "pepper", + "garlic powder", + "onion powder", + "smoked paprika", + "boneless chicken skinless thigh", + "olive oil", + "chili powder", + "salt", + "ground cumin", + "avocado", + "fresh cilantro", + "tortillas", + "chees fresco queso", + "greek yogurt" + ] + }, + { + "id": 29245, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "red pepper flakes", + "cayenne pepper", + "onions", + "garam masala", + "cauliflower florets", + "small red potato", + "ground cumin", + "olive oil", + "diced tomatoes", + "yams", + "ground turmeric", + "water", + "butter", + "garlic", + "carrots" + ] + }, + { + "id": 29763, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "dry mustard", + "dried oregano", + "grated parmesan cheese", + "all-purpose flour", + "ground black pepper", + "salt", + "chicken wings", + "paprika", + "peanut oil" + ] + }, + { + "id": 31484, + "cuisine": "cajun_creole", + "ingredients": [ + "green onions", + "garlic", + "dry white wine", + "Lea & Perrins Worcestershire Sauce", + "salted butter", + "Tabasco Pepper Sauce", + "large shrimp", + "cayenne", + "paprika", + "canola oil" + ] + }, + { + "id": 47793, + "cuisine": "greek", + "ingredients": [ + "green bell pepper", + "feta cheese", + "salt", + "onions", + "pepper", + "raisins", + "cooked white rice", + "tomato purée", + "olive oil", + "ground pork", + "fresh parsley", + "pinenuts", + "dry white wine", + "red bell pepper" + ] + }, + { + "id": 18794, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "chicken breasts", + "cognac", + "fresh ginger", + "salt", + "blackberries", + "blackberry jam", + "cooking oil", + "rice vinegar", + "pepper", + "sea salt", + "fresh mint" + ] + }, + { + "id": 10190, + "cuisine": "italian", + "ingredients": [ + "bread crumb fresh", + "parmigiano reggiano cheese", + "flat leaf parsley", + "capers", + "olive oil", + "large garlic cloves", + "black pepper", + "beef", + "salt", + "pinenuts", + "pitted green olives", + "plum tomatoes" + ] + }, + { + "id": 14221, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "apricot preserves", + "toasted sesame seeds", + "soy sauce", + "rice vinegar", + "ground white pepper", + "canola oil", + "kosher salt", + "Gochujang base", + "ground beef", + "eggs", + "green onions", + "garlic cloves", + "panko breadcrumbs" + ] + }, + { + "id": 33479, + "cuisine": "southern_us", + "ingredients": [ + "pinenuts", + "shallots", + "garlic cloves", + "hot red pepper flakes", + "parmigiano reggiano cheese", + "salt", + "grape tomatoes", + "olive oil", + "linguine", + "collard greens", + "water", + "bacon slices", + "rib" + ] + }, + { + "id": 37739, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "water", + "beef brisket", + "lime wedges", + "canola oil", + "white onion", + "thai basil", + "shrimp paste", + "red pepper flakes", + "sugar", + "lemongrass", + "oxtails", + "rice noodles", + "sliced green onions", + "minced garlic", + "annatto seeds", + "shallots", + "meat bones" + ] + }, + { + "id": 3588, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "grated parmesan cheese", + "freshly ground pepper", + "unsalted butter", + "dry bread crumbs", + "asparagus", + "extra-virgin olive oil", + "gray salt", + "minced garlic", + "finely chopped fresh parsley", + "grated lemon zest" + ] + }, + { + "id": 45997, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "cayenne pepper", + "bell pepper", + "skinless chicken breasts", + "broccoli florets", + "smoked paprika", + "chili powder", + "cumin" + ] + }, + { + "id": 48761, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "tilapia", + "lettuce", + "paprika", + "thousand island dressing", + "chili powder", + "taco seasoning", + "tomatoes", + "salsa", + "corn tortillas" + ] + }, + { + "id": 10402, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "egg whites", + "garlic", + "raw almond", + "boiling water", + "soy sauce", + "vegetable oil", + "shrimp", + "mung bean sprouts", + "rock shrimp", + "water chestnuts", + "salt", + "celery", + "asian wheat noodles", + "dry sherry", + "corn starch", + "onions" + ] + }, + { + "id": 17324, + "cuisine": "cajun_creole", + "ingredients": [ + "lean ground meat", + "ginger", + "garlic cloves", + "beef stock", + "chopped celery", + "mustard seeds", + "red pepper flakes", + "rice", + "ground cumin", + "cooking oil", + "peas", + "carrots" + ] + }, + { + "id": 16272, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "tomato sauce", + "cheese", + "fresh mushrooms", + "onions", + "fresh basil", + "chopped fresh thyme", + "beef broth", + "carrots", + "tomato paste", + "pepper", + "salt", + "garlic cloves", + "tomato purée", + "ground pork", + "fresh oregano", + "ground beef" + ] + }, + { + "id": 4893, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "epazote", + "lime juice", + "chopped cilantro fresh", + "kosher salt", + "garlic cloves", + "avocado", + "tomatillos", + "serrano chile" + ] + }, + { + "id": 10348, + "cuisine": "chinese", + "ingredients": [ + "chili oil", + "rice vinegar", + "soy sauce" + ] + }, + { + "id": 8334, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "red pepper", + "celery", + "red kidney beans", + "bay leaves", + "salt", + "onions", + "cooked rice", + "Tabasco Pepper Sauce", + "thyme", + "oregano", + "liquid smoke", + "bell pepper", + "garlic", + "chipotle peppers" + ] + }, + { + "id": 10133, + "cuisine": "italian", + "ingredients": [ + "chives", + "thyme", + "extra-virgin olive oil", + "penne", + "ricotta", + "basil", + "flat leaf parsley" + ] + }, + { + "id": 22829, + "cuisine": "filipino", + "ingredients": [ + "pork tenderloin", + "cabbage", + "soy sauce", + "carrots", + "chicken broth", + "garlic", + "canton noodles", + "onions" + ] + }, + { + "id": 25809, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "ground allspice", + "pork shoulder boston butt", + "thyme sprigs", + "chopped fresh thyme", + "garlic cloves", + "lard", + "rosemary sprigs", + "chopped fresh sage", + "fat", + "herbes de provence", + "bay leaves", + "ground coriander", + "coarse kosher salt", + "onions" + ] + }, + { + "id": 14102, + "cuisine": "italian", + "ingredients": [ + "reduced sodium chicken broth", + "lean ground beef", + "fresh oregano", + "pasta", + "finely chopped onion", + "salt", + "escarole", + "ground black pepper", + "vegetable oil", + "carrots", + "eggs", + "grated parmesan cheese", + "dry bread crumbs", + "flat leaf parsley" + ] + }, + { + "id": 17444, + "cuisine": "spanish", + "ingredients": [ + "cracked black pepper", + "french baguette", + "garlic cloves", + "tomatoes", + "extra-virgin olive oil", + "kosher salt" + ] + }, + { + "id": 42567, + "cuisine": "korean", + "ingredients": [ + "vegetable oil", + "scallions", + "salt", + "large eggs", + "carrots" + ] + }, + { + "id": 38474, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "Marcona almonds", + "sherry vinegar", + "garlic cloves", + "olive oil", + "salt", + "head cauliflower", + "red bell pepper" + ] + }, + { + "id": 43133, + "cuisine": "italian", + "ingredients": [ + "fettuccine pasta", + "fresh mushrooms", + "butter", + "grated parmesan cheese", + "medium shrimp", + "heavy cream" + ] + }, + { + "id": 17632, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "flour", + "garlic", + "chopped cilantro", + "fresh ginger", + "vegetable oil", + "chickpeas", + "green chile", + "lemon wedge", + "salt", + "onions", + "garam masala", + "butter", + "fresh lemon juice" + ] + }, + { + "id": 4730, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "parmigiano reggiano cheese", + "spaghetti", + "water", + "salt", + "fresh basil", + "extra-virgin olive oil", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 49067, + "cuisine": "mexican", + "ingredients": [ + "light brown sugar", + "butter", + "semisweet chocolate", + "salt", + "ground cinnamon", + "whipping cream", + "almond extract" + ] + }, + { + "id": 26622, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "dried basil", + "instant yeast", + "salt", + "italian tomatoes", + "freshly grated parmesan", + "large garlic cloves", + "oregano", + "sugar", + "olive oil", + "artichok heart marin", + "hot water", + "yellow corn meal", + "mozzarella cheese", + "finely chopped onion", + "all purpose unbleached flour" + ] + }, + { + "id": 45010, + "cuisine": "korean", + "ingredients": [ + "garlic chives", + "salt", + "canola oil", + "eggs", + "chili paste", + "scallions", + "cooked rice", + "sesame oil", + "kimchi", + "scallion greens", + "soy sauce", + "seaweed", + "chicken" + ] + }, + { + "id": 14961, + "cuisine": "japanese", + "ingredients": [ + "tumeric", + "whole wheat flour", + "seeds", + "butter oil", + "plain flour", + "amchur", + "coriander powder", + "cornflour", + "lentils", + "water", + "garam masala", + "chili powder", + "oil", + "red chili powder", + "semolina", + "yoghurt", + "salt" + ] + }, + { + "id": 47804, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "lamb loin chops", + "olive oil", + "canned tomatoes", + "dried rosemary", + "dried thyme", + "baking potatoes", + "onions", + "ground black pepper", + "salt" + ] + }, + { + "id": 23454, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "diced tomatoes", + "ground beef", + "pepper", + "garlic powder", + "whole kernel corn, drain", + "taco seasoning mix", + "salt", + "onions", + "corn mix muffin", + "sliced black olives", + "hot water" + ] + }, + { + "id": 8603, + "cuisine": "russian", + "ingredients": [ + "veal tongue", + "hot red pepper flakes", + "beef broth", + "clove", + "horseradish", + "large garlic cloves", + "sour cream", + "sweet gherkin", + "lettuce leaves", + "California bay leaves", + "cold water", + "unflavored gelatin", + "vegetable oil", + "fresh lemon juice" + ] + }, + { + "id": 43810, + "cuisine": "french", + "ingredients": [ + "olive oil", + "toasted baguette", + "chopped cilantro fresh", + "edible flowers", + "chopped fresh thyme", + "chopped fresh mint", + "fresh rosemary", + "vegetables", + "soft fresh goat cheese", + "plain yogurt", + "chopped fresh chives", + "flat leaf parsley" + ] + }, + { + "id": 21402, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "garlic cloves", + "salt", + "cashew nuts", + "ginger", + "coriander", + "bird pepper", + "oil" + ] + }, + { + "id": 13350, + "cuisine": "japanese", + "ingredients": [ + "firm tofu", + "soy sauce", + "nori", + "green onions", + "frozen edamame beans", + "red miso" + ] + }, + { + "id": 23881, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "juice", + "vodka", + "crushed red pepper", + "fresh basil", + "diced tomatoes", + "chicken", + "grated parmesan cheese", + "penne pasta" + ] + }, + { + "id": 37338, + "cuisine": "mexican", + "ingredients": [ + "vanilla extract", + "milk chocolate chips", + "cayenne pepper", + "cinnamon", + "sweetened condensed milk" + ] + }, + { + "id": 2446, + "cuisine": "filipino", + "ingredients": [ + "oil", + "meat", + "water", + "salt" + ] + }, + { + "id": 30570, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "chili sauce", + "chicken wings", + "lime juice", + "water", + "fish sauce", + "garlic" + ] + }, + { + "id": 17873, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "lemongrass", + "ginger", + "green chilies", + "onions", + "fish sauce", + "sweet potatoes", + "cilantro leaves", + "oil", + "ground cumin", + "fresh basil", + "bell pepper", + "garlic", + "ground coriander", + "chicken", + "lime zest", + "fresh coriander", + "soft tofu", + "broccoli", + "green beans" + ] + }, + { + "id": 37921, + "cuisine": "irish", + "ingredients": [ + "shallots", + "mayonaise", + "fresh lemon juice", + "ground pepper", + "fresh dill", + "salt" + ] + }, + { + "id": 21370, + "cuisine": "french", + "ingredients": [ + "water", + "dry mustard", + "veal stock", + "shallots", + "purple onion", + "haricots verts", + "vegetable oil", + "leeks", + "white wine vinegar" + ] + }, + { + "id": 3642, + "cuisine": "italian", + "ingredients": [ + "pasta", + "cannellini beans", + "olive oil", + "oil", + "pesto sauce", + "dry white wine", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 29751, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "butter", + "hot sauce", + "fresh parsley", + "cooked rice", + "salt", + "cayenne pepper", + "onions", + "celery ribs", + "crawfish", + "onion tops", + "shrimp", + "lump crab meat", + "all-purpose flour", + "lemon juice" + ] + }, + { + "id": 10395, + "cuisine": "thai", + "ingredients": [ + "sweet chili sauce", + "garlic", + "onions", + "fish sauce", + "lime juice", + "oil", + "roasted cashews", + "ground chicken", + "cilantro leaves", + "butter lettuce", + "sweet soy sauce", + "white sesame seeds" + ] + }, + { + "id": 11152, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "salt", + "baking powder", + "all-purpose flour", + "serrano peppers", + "yellow split peas", + "garlic", + "oil" + ] + }, + { + "id": 39606, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "extra-virgin olive oil", + "fresh lime juice", + "chopped tomatoes", + "rice", + "corn kernel whole", + "minced garlic", + "salt", + "chopped cilantro fresh", + "chicken broth", + "shallots", + "carrots" + ] + }, + { + "id": 25765, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "paprika", + "ground ginger", + "curry powder", + "ground turmeric", + "water", + "boneless skinless chicken breast halves", + "ground cinnamon", + "red pepper flakes" + ] + }, + { + "id": 28654, + "cuisine": "thai", + "ingredients": [ + "splenda", + "chili garlic paste", + "minced garlic", + "salt", + "toasted sesame seeds", + "soy sauce", + "sesame oil", + "cucumber", + "thai basil", + "rice vinegar" + ] + }, + { + "id": 19049, + "cuisine": "greek", + "ingredients": [ + "water", + "balsamic vinegar", + "garlic cloves", + "fresh dill", + "finely chopped onion", + "chopped celery", + "feta cheese crumbles", + "dried lentils", + "ground black pepper", + "extra-virgin olive oil", + "carrots", + "tomato sauce", + "bay leaves", + "salt", + "dried red chile peppers" + ] + }, + { + "id": 4953, + "cuisine": "mexican", + "ingredients": [ + "frozen whole kernel corn", + "chopped onion", + "vegetable oil", + "corn tortillas", + "zucchini", + "enchilada sauce", + "fresh spinach", + "cilantro leaves", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 44412, + "cuisine": "japanese", + "ingredients": [ + "milk", + "ghee", + "raisins", + "bottle gourd", + "palm sugar", + "cashew nuts", + "ground cardamom" + ] + }, + { + "id": 5494, + "cuisine": "filipino", + "ingredients": [ + "black pepper", + "shredded cabbage", + "scallions", + "soy sauce", + "rice sticks", + "garlic", + "snow peas", + "lime", + "sesame oil", + "shrimp", + "aleppo pepper", + "shredded carrots", + "chopped onion", + "chicken" + ] + }, + { + "id": 32032, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "crème fraîche", + "vanilla ice cream", + "golden delicious apples", + "ground allspice", + "sugar", + "salt", + "pomegranate juice", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 20741, + "cuisine": "mexican", + "ingredients": [ + "pomegranate seeds", + "serrano chile", + "red grape", + "peaches", + "avocado", + "purple onion" + ] + }, + { + "id": 25854, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "shallots", + "white rice", + "coconut milk", + "fresh red chili", + "lime", + "banana leaves", + "tilapia", + "coconut juice", + "shredded coconut", + "chili powder", + "garlic", + "kaffir lime leaves", + "basil leaves", + "ginger", + "ground coriander" + ] + }, + { + "id": 10156, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "white rice", + "smoked paprika", + "tomato sauce", + "chili powder", + "salt", + "chicken broth", + "poblano peppers", + "garlic", + "ground cumin", + "pepper", + "diced tomatoes", + "yellow onion" + ] + }, + { + "id": 25305, + "cuisine": "southern_us", + "ingredients": [ + "Japanese turnips", + "crushed red pepper", + "fresh dill", + "extra-virgin olive oil", + "carrots", + "ground black pepper", + "garlic cloves", + "kosher salt", + "white wine vinegar", + "ground cumin" + ] + }, + { + "id": 15679, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "jelly", + "sweet potatoes or yams", + "red wine vinegar", + "lime juice", + "salt" + ] + }, + { + "id": 48443, + "cuisine": "indian", + "ingredients": [ + "water", + "cilantro leaves", + "lemon", + "halibut steak", + "chile pepper", + "fresh lemon juice", + "salt", + "fresh mint" + ] + }, + { + "id": 36816, + "cuisine": "cajun_creole", + "ingredients": [ + "salt", + "spices", + "long grain white rice", + "salad oil", + "vegetable broth" + ] + }, + { + "id": 29261, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "cinnamon sticks", + "vanilla extract", + "milk", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 45164, + "cuisine": "italian", + "ingredients": [ + "anchovies", + "crushed red pepper", + "tomatoes", + "grated parmesan cheese", + "garlic cloves", + "broccoli rabe", + "penne pasta", + "fresh basil", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 39939, + "cuisine": "italian", + "ingredients": [ + "lower sodium chicken broth", + "kosher salt", + "pearl barley", + "boiling water", + "dried porcini mushrooms", + "pecorino romano cheese", + "flat leaf parsley", + "brandy", + "olive oil", + "garlic cloves", + "cremini mushrooms", + "water", + "chopped onion" + ] + }, + { + "id": 3214, + "cuisine": "indian", + "ingredients": [ + "ground chicken", + "jalapeno chilies", + "garlic", + "cumin seed", + "mint", + "garam masala", + "vegetable oil", + "dry bread crumbs", + "chopped cilantro", + "fresh ginger", + "mango chutney", + "salt", + "ground cardamom", + "cheddar cheese", + "large eggs", + "paprika", + "chopped onion" + ] + }, + { + "id": 15601, + "cuisine": "french", + "ingredients": [ + "fresh thyme", + "bacon", + "bone in skin on chicken thigh", + "chicken broth", + "butter", + "all-purpose flour", + "kosher salt", + "red wine", + "yellow onion", + "shallots", + "button mushrooms" + ] + }, + { + "id": 40785, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "sugar", + "baking powder", + "unsalted butter", + "all-purpose flour", + "whole wheat pastry flour", + "buttermilk" + ] + }, + { + "id": 15297, + "cuisine": "mexican", + "ingredients": [ + "honey", + "cranberries", + "jalapeno chilies", + "fresh lime juice", + "triple sec", + "tequila", + "cilantro leaves" + ] + }, + { + "id": 12463, + "cuisine": "italian", + "ingredients": [ + "Italian bread", + "part-skim mozzarella cheese", + "prepar pesto", + "plum tomatoes", + "basil leaves" + ] + }, + { + "id": 37397, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "russet potatoes", + "cayenne pepper", + "evaporated milk", + "garlic", + "seasoning salt", + "butter", + "dried parsley", + "ground black pepper", + "purple onion" + ] + }, + { + "id": 6257, + "cuisine": "italian", + "ingredients": [ + "pesto", + "non-fat sour cream", + "flat leaf parsley", + "fat-free cottage cheese", + "lemon juice", + "snow peas", + "cracked black pepper", + "hot water", + "kosher salt", + "bow-tie pasta", + "frozen peas" + ] + }, + { + "id": 21796, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "green onions", + "corn starch", + "fresh ginger", + "oyster sauce", + "fresh cilantro", + "garlic cloves", + "cooking oil", + "shrimp" + ] + }, + { + "id": 44282, + "cuisine": "italian", + "ingredients": [ + "water", + "chardonnay", + "hot red pepper flakes", + "squid", + "tomatoes", + "olive oil", + "juice", + "parsley sprigs", + "garlic cloves" + ] + }, + { + "id": 2495, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "seeds", + "coriander", + "papad", + "oil", + "chili powder" + ] + }, + { + "id": 27393, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "fresh lemon juice", + "black pepper", + "salt", + "orange zest", + "saffron threads", + "fresh orange juice", + "hot water", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 35357, + "cuisine": "french", + "ingredients": [ + "whipping cream", + "unsweetened cocoa powder", + "semisweet chocolate", + "calimyrna figs", + "unsalted butter", + "toasted walnuts", + "light corn syrup", + "cognac" + ] + }, + { + "id": 239, + "cuisine": "moroccan", + "ingredients": [ + "egg whites", + "sugar", + "sweet potatoes", + "sliced almonds", + "vanilla extract", + "cooking spray" + ] + }, + { + "id": 33413, + "cuisine": "southern_us", + "ingredients": [ + "bread crumbs", + "salt", + "green tomatoes", + "ground black pepper", + "white sugar", + "vegetable oil" + ] + }, + { + "id": 32511, + "cuisine": "french", + "ingredients": [ + "dried tarragon leaves", + "cooking spray", + "garlic cloves", + "ground black pepper", + "shallots", + "dried parsley", + "pernod", + "dry white wine", + "fresh lemon juice", + "tomatoes", + "french bread", + "butter", + "large shrimp" + ] + }, + { + "id": 11655, + "cuisine": "italian", + "ingredients": [ + "soup pasta", + "olive oil", + "zucchini", + "red wine", + "green beans", + "pepper", + "garbanzo beans", + "cannellini beans", + "salt", + "onions", + "fresh rosemary", + "chopped tomatoes", + "fresh thyme", + "garlic", + "bay leaf", + "water", + "parmesan cheese", + "napa cabbage", + "fresh oregano" + ] + }, + { + "id": 44701, + "cuisine": "southern_us", + "ingredients": [ + "bread crumb fresh", + "salt", + "vegetable oil", + "boneless skinless chicken breast halves", + "black pepper", + "buttermilk", + "cayenne", + "hot sauce" + ] + }, + { + "id": 1366, + "cuisine": "mexican", + "ingredients": [ + "fat free less sodium chicken broth", + "chopped onion", + "cider vinegar", + "garlic cloves", + "cooking spray", + "pork shoulder boston butt", + "chiles", + "salt", + "dried oregano" + ] + }, + { + "id": 27969, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "parmesan cheese", + "butter", + "red bell pepper", + "tomatoes", + "white wine", + "parsley", + "garlic", + "jumbo shrimp", + "low sodium chicken broth", + "heavy cream", + "steak", + "fettucine", + "olive oil", + "cajun seasoning", + "purple onion" + ] + }, + { + "id": 21486, + "cuisine": "italian", + "ingredients": [ + "low sodium broth", + "olive oil", + "baby spinach", + "pepper", + "boneless skinless chicken breasts", + "salt", + "penne", + "dry white wine", + "garlic", + "grape tomatoes", + "parmesan cheese", + "butter" + ] + }, + { + "id": 4476, + "cuisine": "southern_us", + "ingredients": [ + "crisps", + "lemon zest", + "sweet potatoes", + "cardamom", + "brown sugar", + "milk", + "potatoes", + "salt", + "cinnamon sticks", + "sugar", + "granulated sugar", + "flour", + "grated nutmeg", + "water", + "large eggs", + "butter", + "lemon juice" + ] + }, + { + "id": 39219, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "salt", + "daikon", + "ground black pepper", + "rice vinegar" + ] + }, + { + "id": 3563, + "cuisine": "japanese", + "ingredients": [ + "peeled fresh ginger", + "scallions", + "tomatoes", + "sesame oil", + "soy sauce", + "cilantro leaves", + "seedless cucumber", + "sushi grade tuna" + ] + }, + { + "id": 45492, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "cassia cinnamon", + "star anise", + "pork belly", + "spring onions", + "greens", + "sugar", + "Shaoxing wine", + "salt", + "chicken stock", + "cooking oil", + "ginger" + ] + }, + { + "id": 21570, + "cuisine": "mexican", + "ingredients": [ + "water", + "all-purpose flour", + "butter", + "white sugar", + "chopped almonds", + "confectioners sugar", + "vanilla extract" + ] + }, + { + "id": 37237, + "cuisine": "vietnamese", + "ingredients": [ + "chiles", + "lemongrass", + "salt", + "water", + "boneless skinless chicken breasts", + "garlic cloves", + "sugar", + "cooking oil", + "scallions", + "fish sauce", + "curry powder", + "shallots" + ] + }, + { + "id": 22090, + "cuisine": "british", + "ingredients": [ + "cheddar cheese", + "worcestershire sauce", + "onions", + "white bread", + "ground nutmeg", + "dry sherry", + "milk", + "bacon", + "eggs", + "dijon mustard", + "softened butter" + ] + }, + { + "id": 8101, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "roma tomatoes", + "salt", + "olive oil", + "cilantro", + "cumin", + "lime", + "jalapeno chilies", + "yellow onion", + "poblano peppers", + "garlic" + ] + }, + { + "id": 32020, + "cuisine": "italian", + "ingredients": [ + "baby portobello mushrooms", + "boneless skinless chicken breasts", + "sharp cheddar cheese", + "spinach", + "grated parmesan cheese", + "salt", + "pepper", + "butter", + "cream of mushroom soup", + "lasagna noodles", + "reduced-fat sour cream" + ] + }, + { + "id": 7586, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "salt", + "minced garlic", + "pinenuts", + "perilla", + "extra-virgin olive oil" + ] + }, + { + "id": 10742, + "cuisine": "russian", + "ingredients": [ + "sugar", + "yeast", + "rye bread", + "water", + "raisins" + ] + }, + { + "id": 34844, + "cuisine": "moroccan", + "ingredients": [ + "fennel seeds", + "white peppercorns", + "coriander seeds", + "kosher salt", + "canola oil", + "sea scallops" + ] + }, + { + "id": 36319, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "butter", + "lard", + "baking powder", + "all-purpose flour", + "buttermilk" + ] + }, + { + "id": 2059, + "cuisine": "mexican", + "ingredients": [ + "topping", + "flour tortillas", + "vegetable oil", + "lemon juice", + "monterey jack", + "chicken broth", + "refried beans", + "chicken breasts", + "long-grain rice", + "chopped cilantro", + "avocado", + "shredded cheddar cheese", + "green onions", + "shredded lettuce", + "sour cream", + "tomatoes", + "sliced black olives", + "chile pepper", + "enchilada sauce", + "onions" + ] + }, + { + "id": 14364, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "hoisin sauce", + "honey", + "garlic", + "pork belly", + "rice wine", + "granulated sugar", + "chinese five-spice powder" + ] + }, + { + "id": 30509, + "cuisine": "french", + "ingredients": [ + "half & half", + "fresh lemon juice", + "sugar", + "salt", + "butter", + "corn starch", + "egg yolks", + "grated lemon zest" + ] + }, + { + "id": 48155, + "cuisine": "cajun_creole", + "ingredients": [ + "large eggs", + "confectioners sugar", + "unsalted butter", + "fine sea salt", + "canola oil", + "heavy cream", + "yeast", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 15582, + "cuisine": "italian", + "ingredients": [ + "sugar", + "instant yeast", + "eggs", + "milk", + "bread flour", + "water", + "salt", + "nonpareils", + "unsalted butter" + ] + }, + { + "id": 38482, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "celery seed", + "mayonaise", + "salt", + "cider vinegar", + "sugar", + "creole seasoning" + ] + }, + { + "id": 21118, + "cuisine": "italian", + "ingredients": [ + "pasta", + "water", + "grated parmesan cheese", + "cream", + "artichoke hearts", + "flat leaf parsley", + "marsala wine", + "olive oil", + "mushrooms", + "kosher salt", + "ground black pepper", + "onions" + ] + }, + { + "id": 47723, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "pineapple", + "fresh ginger", + "dark rum", + "water" + ] + }, + { + "id": 8557, + "cuisine": "japanese", + "ingredients": [ + "white rice", + "cucumber", + "sugar", + "sushi nori", + "smoked salmon", + "rice vinegar", + "kosher salt", + "cream cheese" + ] + }, + { + "id": 40231, + "cuisine": "mexican", + "ingredients": [ + "bacon", + "onions", + "beans", + "garlic", + "chopped green bell pepper", + "enchilada sauce", + "firmly packed brown sugar", + "dry mustard", + "( oz.) tomato paste" + ] + }, + { + "id": 6854, + "cuisine": "jamaican", + "ingredients": [ + "chicken stock", + "coriander seeds", + "peanut oil", + "spanish onion", + "heavy cream", + "coconut milk", + "bottled clam juice", + "seeds", + "garlic cloves", + "frozen chopped spinach", + "lime", + "salt", + "ground cumin" + ] + }, + { + "id": 30799, + "cuisine": "mexican", + "ingredients": [ + "frozen corn", + "ground beef", + "tortilla chips", + "ground cumin", + "salsa", + "monterey jack", + "chili powder", + "sour cream" + ] + }, + { + "id": 15635, + "cuisine": "italian", + "ingredients": [ + "spinach leaves", + "parmesan cheese", + "diced tomatoes", + "carrots", + "dried basil", + "cannellini beans", + "salt", + "pepper", + "low sodium chicken broth", + "garlic", + "italian chicken sausage", + "shell pasta", + "yellow onion" + ] + }, + { + "id": 13208, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "vanilla extract", + "sugar", + "whole milk", + "all-purpose flour", + "vanilla ice cream", + "large eggs", + "salt", + "golden brown sugar", + "baking powder" + ] + }, + { + "id": 9371, + "cuisine": "italian", + "ingredients": [ + "pepper", + "ricotta cheese", + "grated romano cheese", + "chopped parsley", + "water", + "salt", + "eggs", + "flour" + ] + }, + { + "id": 21560, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "cheese tortellini", + "green onions", + "red bell pepper", + "butter", + "heavy whipping cream", + "ground walnuts", + "garlic" + ] + }, + { + "id": 28949, + "cuisine": "french", + "ingredients": [ + "honey", + "baking powder", + "all-purpose flour", + "eggs", + "dark rum", + "raisins", + "white sugar", + "light cream", + "butter", + "chopped walnuts", + "candied orange peel", + "golden raisins", + "vanilla extract" + ] + }, + { + "id": 39411, + "cuisine": "korean", + "ingredients": [ + "hamburger buns", + "napa cabbage", + "sliced green onions", + "minced garlic", + "garlic chili sauce", + "soy sauce", + "seasoned rice wine vinegar", + "chuck", + "mayonaise", + "fresh ginger", + "toasted sesame oil" + ] + }, + { + "id": 32930, + "cuisine": "british", + "ingredients": [ + "pure vanilla extract", + "large eggs", + "sauce", + "pitted date", + "salt", + "sugar", + "baking powder", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 23243, + "cuisine": "italian", + "ingredients": [ + "sweet onion", + "salt", + "small red potato", + "dough", + "olive oil", + "provolone cheese", + "vegetable oil cooking spray", + "balsamic vinegar", + "garlic cloves", + "yellow squash", + "dri leav thyme", + "red bell pepper" + ] + }, + { + "id": 4851, + "cuisine": "mexican", + "ingredients": [ + "jalape", + "bay leaf", + "chorizo sausage", + "olive oil", + "sour cream", + "chopped cilantro fresh", + "hot pepper sauce", + "fresh lime juice", + "dried oregano", + "dried black beans", + "garlic cloves", + "onions", + "ground cumin" + ] + }, + { + "id": 49697, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "bread crumbs", + "salt", + "eggs", + "crushed red pepper flakes", + "double crust pie", + "asiago", + "pastry", + "ground pork" + ] + }, + { + "id": 13912, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "bay leaves", + "diced tomatoes", + "creole seasoning", + "celery", + "cayenne", + "dry white wine", + "salt", + "shrimp", + "shrimp stock", + "bell pepper", + "worcestershire sauce", + "hot sauce", + "thyme", + "pepper", + "green onions", + "garlic", + "oil", + "onions" + ] + }, + { + "id": 25516, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "basil pesto sauce", + "parmesan cheese" + ] + }, + { + "id": 9725, + "cuisine": "indian", + "ingredients": [ + "jasmine rice", + "butter", + "bay leaf", + "curry powder", + "light coconut milk", + "water", + "vegetable broth", + "onions", + "golden raisins", + "salt" + ] + }, + { + "id": 44233, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "cilantro", + "pickles", + "ground cumin", + "mayonaise", + "salt", + "prepared mustard" + ] + }, + { + "id": 9168, + "cuisine": "french", + "ingredients": [ + "reduced sodium chicken broth", + "extra-virgin olive oil", + "onions", + "oil-cured black olives", + "California bay leaves", + "lamb shoulder chops", + "thyme sprigs", + "dry white wine", + "garlic cloves", + "boiling potatoes" + ] + }, + { + "id": 40568, + "cuisine": "mexican", + "ingredients": [ + "slaw mix", + "chopped cilantro fresh", + "Kraft Mayonnaise", + "corn tortillas", + "tilapia fillets", + "KRAFT Mexican Style Finely Shredded Four Cheese", + "Taco Bell Taco Seasoning Mix", + "fresh lime juice" + ] + }, + { + "id": 43510, + "cuisine": "greek", + "ingredients": [ + "alfalfa sprouts", + "sliced turkey", + "hummus", + "cucumber", + "whole wheat pita pockets", + "plum tomatoes" + ] + }, + { + "id": 10289, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "chinese sausage", + "giblet", + "freshly ground pepper", + "chestnuts", + "shiitake", + "vegetable oil", + "edamame", + "boiling water", + "soy sauce", + "Shaoxing wine", + "sticky rice", + "toasted sesame oil", + "chicken stock", + "light soy sauce", + "rice wine", + "salt", + "dried shrimp" + ] + }, + { + "id": 48672, + "cuisine": "british", + "ingredients": [ + "pure vanilla extract", + "unsalted butter", + "all-purpose flour", + "pitted date", + "baking powder", + "ground allspice", + "light brown sugar", + "large eggs", + "sauce", + "baking soda", + "coarse salt" + ] + }, + { + "id": 12012, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "vegetable stock", + "green pepper", + "bay leaf", + "cumin", + "ground cinnamon", + "fresh ginger", + "ginger", + "lamb", + "coriander", + "tomatoes", + "honey", + "red pepper", + "sour cherries", + "fresh parsley", + "white onion", + "vinegar", + "salt", + "carrots", + "chopped cilantro fresh" + ] + }, + { + "id": 37093, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "low-sodium fat-free chicken broth", + "frozen corn", + "cumin", + "green chile", + "salsa verde", + "cilantro", + "onions", + "olive oil", + "diced tomatoes", + "sauce", + "tomato sauce", + "boneless skinless chicken breasts", + "garlic", + "oregano" + ] + }, + { + "id": 19731, + "cuisine": "moroccan", + "ingredients": [ + "minced garlic", + "cayenne", + "salt", + "greek yogurt", + "fresh parsley", + "ground ginger", + "curry powder", + "nonfat powdered milk", + "freshly ground pepper", + "fresh mint", + "chopped fresh mint", + "warm water", + "ground black pepper", + "purple onion", + "lemon juice", + "ground beef", + "ground cumin", + "pita bread", + "olive oil", + "paprika", + "english cucumber", + "couscous", + "chopped cilantro fresh" + ] + }, + { + "id": 23666, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "pepper", + "chili powder", + "corn starch", + "soy sauce", + "fresh ginger", + "salt", + "onions", + "sugar", + "olive oil", + "garlic", + "red bell pepper", + "chicken broth", + "white wine", + "pork tenderloin", + "hot sauce" + ] + }, + { + "id": 8951, + "cuisine": "french", + "ingredients": [ + "skim milk", + "agar", + "strawberries", + "fresh basil", + "honey", + "balsamic vinegar", + "confectioners sugar", + "vanilla beans", + "half & half", + "goat cheese", + "lemon thyme", + "ground black pepper", + "vanilla extract" + ] + }, + { + "id": 43227, + "cuisine": "french", + "ingredients": [ + "chicken stock", + "zucchini", + "garlic", + "celery", + "pancetta", + "kosher salt", + "basil", + "yellow onion", + "plum tomatoes", + "beans", + "grated parmesan cheese", + "canned tomatoes", + "spaghetti", + "savoy cabbage", + "ground black pepper", + "extra-virgin olive oil", + "carrots" + ] + }, + { + "id": 36432, + "cuisine": "italian", + "ingredients": [ + "brown rice syrup", + "whole wheat pastry flour", + "sea salt", + "avocado", + "erythritol", + "almond extract", + "unsweetened almond milk", + "pignolis", + "almond meal", + "semolina flour", + "baking powder" + ] + }, + { + "id": 13795, + "cuisine": "french", + "ingredients": [ + "caraway seeds", + "pepper", + "bacon slices", + "canola oil", + "wine", + "pork tenderloin", + "chopped onion", + "lower sodium chicken broth", + "sauerkraut", + "salt", + "juniper berries", + "butter", + "cabbage" + ] + }, + { + "id": 12127, + "cuisine": "southern_us", + "ingredients": [ + "lemon", + "boiling water", + "sugar" + ] + }, + { + "id": 45740, + "cuisine": "mexican", + "ingredients": [ + "ground chuck", + "chili powder", + "onions", + "large eggs", + "cheese", + "bread crumbs", + "bacon", + "chorizo sausage", + "jalapeno chilies", + "taco seasoning" + ] + }, + { + "id": 28074, + "cuisine": "brazilian", + "ingredients": [ + "cachaca", + "sugar", + "ice", + "lime" + ] + }, + { + "id": 17299, + "cuisine": "italian", + "ingredients": [ + "egg substitute", + "chopped fresh thyme", + "salt", + "thyme sprigs", + "cooking spray", + "bacon slices", + "reduced fat swiss cheese", + "mushrooms", + "1% low-fat milk", + "chopped onion", + "ground black pepper", + "butter", + "ciabatta" + ] + }, + { + "id": 19224, + "cuisine": "southern_us", + "ingredients": [ + "muscadine grapes", + "boiling water", + "chambord", + "red raspberries", + "granulated sugar", + "vodka", + "navel oranges" + ] + }, + { + "id": 13622, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "serrano chile", + "fresh lime juice", + "salt", + "plum tomatoes", + "ground black pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 36875, + "cuisine": "italian", + "ingredients": [ + "honey", + "garlic", + "marsala wine" + ] + }, + { + "id": 20281, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "cajun seasoning", + "hot sauce", + "shrimp", + "celery ribs", + "flour", + "shellfish", + "peanut oil", + "file powder", + "worcestershire sauce", + "green pepper", + "onions", + "andouille sausage", + "green onions", + "salt", + "garlic cloves" + ] + }, + { + "id": 7845, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "green onions", + "reduced sodium soy sauce", + "purple onion", + "cayenne", + "garlic", + "white vinegar", + "roma tomatoes", + "cucumber" + ] + }, + { + "id": 22965, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "baby arugula", + "extra-virgin olive oil", + "large shrimp", + "homemade chicken stock", + "shallots", + "garlic cloves", + "parmigiano-reggiano cheese", + "dry white wine", + "salt", + "ground black pepper", + "butter", + "carnaroli rice" + ] + }, + { + "id": 23351, + "cuisine": "russian", + "ingredients": [ + "mayonaise", + "salt", + "black pepper", + "pomegranate juice", + "red wine vinegar", + "pork", + "onions" + ] + }, + { + "id": 21827, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "taco seasoning", + "cream of chicken soup", + "sour cream", + "milk", + "shredded cheese", + "cooked chicken", + "doritos" + ] + }, + { + "id": 45162, + "cuisine": "italian", + "ingredients": [ + "baby spinach leaves", + "dry white wine", + "garlic", + "grape tomatoes", + "french bread", + "red pepper flakes", + "thyme", + "chicken broth", + "olive oil", + "red wine vinegar", + "salt", + "sugar", + "leeks", + "bacon", + "noodles" + ] + }, + { + "id": 42907, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "freshly ground pepper", + "garam masala", + "fish", + "garlic paste", + "ghee", + "curry leaves", + "salt" + ] + }, + { + "id": 47758, + "cuisine": "spanish", + "ingredients": [ + "spanish onion", + "smoked paprika", + "eggs", + "potatoes", + "olive oil", + "fresh parsley", + "pepper", + "salt" + ] + }, + { + "id": 10193, + "cuisine": "indian", + "ingredients": [ + "fresh curry leaves", + "chile pepper", + "dried red chile peppers", + "split black lentils", + "mustard seeds", + "cabbage", + "bengal gram", + "salt", + "frozen peas", + "grated coconut", + "cooking oil", + "asafoetida powder" + ] + }, + { + "id": 29840, + "cuisine": "thai", + "ingredients": [ + "pot stickers", + "soy sauce", + "salted peanuts", + "napa cabbage", + "olive oil", + "carrots" + ] + }, + { + "id": 414, + "cuisine": "mexican", + "ingredients": [ + "fresh lime", + "salt", + "jalapeno chilies", + "fresh blueberries", + "red bell pepper", + "purple onion" + ] + }, + { + "id": 11055, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "crushed tomatoes", + "salt", + "spinach", + "grated parmesan cheese", + "nonfat ricotta cheese", + "part-skim mozzarella", + "olive oil", + "olive oil cooking spray", + "pasta", + "pepper", + "garlic", + "oregano" + ] + }, + { + "id": 32637, + "cuisine": "japanese", + "ingredients": [ + "black peppercorns", + "sun-dried tomatoes", + "garlic", + "pak choi", + "soy sauce", + "miso paste", + "oyster mushrooms", + "chili flakes", + "coriander seeds", + "buckwheat noodles", + "oil", + "water", + "pink peppercorns", + "dried shiitake mushrooms" + ] + }, + { + "id": 24925, + "cuisine": "french", + "ingredients": [ + "green onions", + "cheese", + "coarse salt", + "russet potatoes", + "vegetable oil" + ] + }, + { + "id": 47271, + "cuisine": "southern_us", + "ingredients": [ + "soy sauce", + "cajun seasoning", + "beef stock", + "spaghetti", + "hard-boiled egg", + "cooked meat", + "green onions" + ] + }, + { + "id": 34246, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "garlic cloves", + "extra-virgin olive oil", + "orecchiette", + "broccoli", + "parmesan cheese", + "dried chile" + ] + }, + { + "id": 10765, + "cuisine": "indian", + "ingredients": [ + "paprika", + "serrano chile", + "cauliflower", + "ground coriander", + "plum tomatoes", + "peanut oil", + "ground turmeric", + "kosher salt", + "black mustard seeds" + ] + }, + { + "id": 6304, + "cuisine": "mexican", + "ingredients": [ + "bread crumb fresh", + "heavy cream", + "orange liqueur", + "sugar", + "unsalted butter", + "blanched almonds", + "coconut", + "vanilla", + "fresh lime juice", + "large egg yolks", + "crema", + "pears" + ] + }, + { + "id": 23949, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "sugar", + "milk chocolate kisses", + "evaporated milk", + "pecan halves", + "marshmallow creme" + ] + }, + { + "id": 11231, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "stewed tomatoes", + "garlic salt", + "honey", + "ground beef", + "shredded cheddar cheese", + "salt", + "celery salt", + "brown rice", + "onions" + ] + }, + { + "id": 31852, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "chopped green bell pepper", + "chopped celery", + "chopped onion", + "dried oregano", + "tomatoes", + "dried thyme", + "vegetable oil", + "all-purpose flour", + "rustic rub", + "dried basil", + "bay leaves", + "salt", + "scallions", + "chopped garlic", + "top round steak", + "cayenne", + "dry red wine", + "beef broth", + "fresh parsley" + ] + }, + { + "id": 38967, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "flank steak", + "minced garlic", + "ginger", + "black pepper", + "sesame oil", + "sesame seeds", + "cooking wine" + ] + }, + { + "id": 43624, + "cuisine": "korean", + "ingredients": [ + "white onion", + "garlic", + "ground ginger", + "napa cabbage", + "fish sauce", + "sea salt", + "chile powder", + "green onions", + "white sugar" + ] + }, + { + "id": 19346, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "green onions", + "ginger root", + "honey", + "boneless skinless chicken breasts", + "chopped garlic", + "brown sugar", + "olive oil", + "salt", + "soy sauce", + "flour", + "hot sauce" + ] + }, + { + "id": 1765, + "cuisine": "brazilian", + "ingredients": [ + "heavy cream", + "chocolate sprinkles", + "milk chocolate chips", + "unsalted butter", + "sweetened condensed milk", + "light corn syrup", + "unsweetened cocoa powder" + ] + }, + { + "id": 36559, + "cuisine": "italian", + "ingredients": [ + "pepper", + "fresh thyme leaves", + "onions", + "fresh basil", + "Dungeness crabs", + "salt", + "fresh oregano leaves", + "dry white wine", + "fat skimmed chicken broth", + "tomato paste", + "olive oil", + "garlic", + "fresh basil leaves" + ] + }, + { + "id": 31387, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "bacon", + "green onions", + "shredded colby" + ] + }, + { + "id": 43251, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "vegetable oil", + "avocado", + "chili", + "shrimp", + "fresh cilantro", + "orange juice", + "white onion", + "lime wedges", + "fresh lime juice" + ] + }, + { + "id": 26947, + "cuisine": "korean", + "ingredients": [ + "gochugaru", + "ginger", + "ground beef", + "sugar pea", + "rice cakes", + "scallions", + "black bean sauce", + "napa cabbage", + "white sesame seeds", + "sweet soy sauce", + "garlic" + ] + }, + { + "id": 29626, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "large eggs", + "yellow onion", + "shiitake", + "green onions", + "kosher salt", + "whole milk", + "carrots", + "white vinegar", + "asparagus", + "virgin coconut oil" + ] + }, + { + "id": 14734, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "sliced black olives", + "avocado", + "taco seasoning mix", + "lemon juice", + "refried beans", + "onion tops", + "tomatoes", + "Mexican cheese blend", + "sour cream" + ] + }, + { + "id": 23184, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "garlic", + "ground cayenne pepper", + "chicken stock", + "green onions", + "salt", + "olives", + "bay leaves", + "smoked sausage", + "onions", + "green bell pepper", + "head cauliflower", + "creole seasoning", + "chicken" + ] + }, + { + "id": 30730, + "cuisine": "mexican", + "ingredients": [ + "salt and ground black pepper", + "american cheese slices", + "chayotes", + "butter", + "eggs", + "onions" + ] + }, + { + "id": 11742, + "cuisine": "japanese", + "ingredients": [ + "sushi rice", + "ground black pepper", + "cucumber", + "grape tomatoes", + "kosher salt", + "sesame oil", + "salmon", + "green onions", + "mayonaise", + "lime juice", + "orange juice" + ] + }, + { + "id": 12879, + "cuisine": "italian", + "ingredients": [ + "baby spinach", + "chopped walnuts", + "grated parmesan cheese", + "crushed red pepper", + "garlic cloves", + "extra-virgin olive oil", + "oil", + "ricotta cheese", + "bow-tie pasta" + ] + }, + { + "id": 29078, + "cuisine": "moroccan", + "ingredients": [ + "grated carrot", + "ground cumin", + "extra-virgin olive oil", + "green olives", + "lemon juice", + "clove garlic, fine chop", + "chopped cilantro fresh" + ] + }, + { + "id": 28127, + "cuisine": "southern_us", + "ingredients": [ + "shredded lettuce", + "baguette", + "sauce", + "avocado", + "cooked bacon", + "green tomatoes" + ] + }, + { + "id": 42480, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "olive oil", + "diced tomatoes", + "chickpeas", + "capers", + "minced garlic", + "salami", + "purple onion", + "rotini", + "mustard", + "pepper", + "grated parmesan cheese", + "pitted olives", + "thyme leaves", + "pinenuts", + "honey", + "balsamic vinegar", + "salt" + ] + }, + { + "id": 35275, + "cuisine": "irish", + "ingredients": [ + "yellow corn meal", + "nonfat yogurt", + "extract", + "all-purpose flour", + "sugar", + "baking powder", + "vanilla extract", + "boiling water", + "skim milk", + "dried tart cherries", + "salt", + "vegetable oil cooking spray", + "egg whites", + "vegetable shortening", + "margarine" + ] + }, + { + "id": 42849, + "cuisine": "mexican", + "ingredients": [ + "butter", + "onions", + "cream", + "shrimp", + "garlic salt", + "colby cheese", + "crabmeat", + "dried parsley", + "flour tortillas", + "sour cream" + ] + }, + { + "id": 5744, + "cuisine": "greek", + "ingredients": [ + "phyllo dough", + "sun-dried tomatoes", + "part-skim ricotta cheese", + "garlic cloves", + "large egg whites", + "ground black pepper", + "dry bread crumbs", + "boiling water", + "frozen chopped spinach", + "olive oil", + "cooking spray", + "chopped onion", + "dried oregano", + "dried basil", + "fresh parmesan cheese", + "salt", + "nonfat ricotta cheese" + ] + }, + { + "id": 35879, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "yellow onion", + "olive oil", + "salt", + "spinach", + "ground black pepper", + "dried navy beans", + "pitted black olives", + "chees fresh mozzarella", + "italian vinaigrette" + ] + }, + { + "id": 15983, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "broccoli", + "black pepper", + "salt", + "sugar", + "extra-virgin olive oil", + "spaghetti", + "hot red pepper flakes", + "red wine", + "garlic cloves" + ] + }, + { + "id": 25331, + "cuisine": "thai", + "ingredients": [ + "peeled fresh ginger", + "red bell pepper", + "sesame oil", + "shiitake", + "large garlic cloves", + "green onions", + "bok choy" + ] + }, + { + "id": 26439, + "cuisine": "japanese", + "ingredients": [ + "wasabi paste", + "leeks", + "sesame oil", + "garlic", + "konbu", + "chicken feet", + "fresh shiitake mushrooms", + "vegetable oil", + "soft-boiled egg", + "chicken wings", + "black sesame seeds", + "ramen noodles", + "chicken stock cubes", + "onions", + "kosher salt", + "shallots", + "ginger", + "scallions" + ] + }, + { + "id": 47464, + "cuisine": "indian", + "ingredients": [ + "clove", + "fresh coriander", + "cumin seed", + "tumeric", + "salt", + "carrots", + "canola oil", + "ginger root", + "min", + "coriander seeds", + "garlic cloves", + "onions", + "green cardamom pods", + "pepper", + "lamb", + "cinnamon sticks" + ] + }, + { + "id": 29124, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "garlic", + "crushed tomatoes", + "bay leaf", + "pepper", + "salt", + "olive oil", + "oregano" + ] + }, + { + "id": 13916, + "cuisine": "italian", + "ingredients": [ + "wine", + "bay leaves", + "ground beef", + "olive oil", + "salt", + "prepared lasagne", + "pasta sauce", + "grated parmesan cheese", + "shredded mozzarella cheese", + "pepper", + "ricotta cheese", + "onions" + ] + }, + { + "id": 13918, + "cuisine": "cajun_creole", + "ingredients": [ + "salted butter", + "pure vanilla extract", + "granulated sugar", + "baking soda", + "pecans", + "half & half" + ] + }, + { + "id": 34821, + "cuisine": "vietnamese", + "ingredients": [ + "Sriracha", + "creamy peanut butter", + "hot water", + "soy sauce", + "vegetable oil", + "scallions", + "fish sauce", + "flank steak", + "dark brown sugar", + "lime juice", + "cilantro leaves", + "garlic cloves" + ] + }, + { + "id": 37265, + "cuisine": "japanese", + "ingredients": [ + "mustard", + "canola", + "ginger", + "garlic cloves", + "soy sauce", + "yuzu juice", + "squid", + "hot water", + "mayonaise", + "egg yolks", + "rice vinegar", + "lemon juice", + "dashi powder", + "sea salt", + "peanut oil", + "potato flour" + ] + }, + { + "id": 26582, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "olive oil", + "salt", + "pepper", + "tomatillos", + "onions", + "tomatoes", + "lime", + "poblano", + "jack cheese", + "serrano peppers", + "red bell pepper" + ] + }, + { + "id": 38416, + "cuisine": "italian", + "ingredients": [ + "salt", + "tomato sauce", + "grated nutmeg", + "eggs", + "all-purpose flour", + "russet potatoes", + "ground white pepper" + ] + }, + { + "id": 39529, + "cuisine": "indian", + "ingredients": [ + "boneless skinless chicken breasts", + "passata", + "masala", + "minced garlic", + "butter", + "cayenne pepper", + "vegetable oil", + "salt", + "garam masala", + "double cream", + "onions" + ] + }, + { + "id": 2370, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "paprika", + "ground red pepper", + "dried oregano", + "garlic powder", + "salt", + "pepper", + "vegetable oil", + "large shrimp" + ] + }, + { + "id": 42910, + "cuisine": "filipino", + "ingredients": [ + "granulated sugar", + "vanilla extract", + "bread flour", + "cream of tartar", + "vegetable oil", + "salt", + "baking powder", + "cake flour", + "sweetened condensed milk", + "warm water", + "yellow food coloring", + "softened butter" + ] + }, + { + "id": 43150, + "cuisine": "italian", + "ingredients": [ + "brown sugar", + "cherry tomatoes", + "red pepper flakes", + "italian seasoning", + "tomato paste", + "water", + "parmesan cheese", + "garlic cloves", + "pepper", + "olive oil", + "yellow onion", + "fresh basil", + "crushed tomatoes", + "balsamic vinegar", + "garlic salt" + ] + }, + { + "id": 33914, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salsa", + "onion powder", + "sour cream", + "ground black pepper", + "cream cheese", + "salt", + "garlic salt" + ] + }, + { + "id": 12442, + "cuisine": "southern_us", + "ingredients": [ + "green tomatoes", + "red bell pepper", + "green bell pepper", + "mustard seeds", + "white sugar", + "salt", + "onions", + "cider vinegar", + "celery seed" + ] + }, + { + "id": 48026, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "sherry vinegar", + "salt", + "cornmeal", + "minced garlic", + "yellow bell pepper", + "pizza doughs", + "black pepper", + "cooking spray", + "fresh oregano", + "fontina cheese", + "fresh parmesan cheese", + "purple onion", + "escarole" + ] + }, + { + "id": 6842, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "cheese", + "fresh mozzarella", + "pesto" + ] + }, + { + "id": 24992, + "cuisine": "russian", + "ingredients": [ + "vegetable oil", + "onions", + "warm water", + "salt", + "eggs", + "baking potatoes", + "pepper", + "all-purpose flour" + ] + }, + { + "id": 40400, + "cuisine": "french", + "ingredients": [ + "butter", + "cooking sherry", + "mace", + "chopped onion", + "water", + "salt", + "onions", + "ground black pepper", + "chicken livers" + ] + }, + { + "id": 18290, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "large eggs", + "sauce", + "fresh cilantro", + "butter", + "soy sauce", + "green onions", + "lo mein noodles", + "crushed red pepper" + ] + }, + { + "id": 34157, + "cuisine": "mexican", + "ingredients": [ + "fresh lime", + "salt", + "tomatoes", + "extra-virgin olive oil", + "cucumber", + "black pepper", + "purple onion", + "garlic salt", + "avocado", + "jalapeno chilies", + "whole kernel corn, drain" + ] + }, + { + "id": 3112, + "cuisine": "southern_us", + "ingredients": [ + "heavy cream", + "chopped pecans", + "honey", + "all-purpose flour", + "salt", + "unsalted butter", + "dark brown sugar" + ] + }, + { + "id": 39839, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "shredded sharp cheddar cheese", + "ground black pepper", + "elbow macaroni", + "evaporated milk", + "salt", + "milk", + "butter" + ] + }, + { + "id": 9525, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "Italian bread", + "extra-virgin olive oil", + "garlic cloves", + "mozzarella cheese", + "arugula" + ] + }, + { + "id": 19026, + "cuisine": "irish", + "ingredients": [ + "olive oil", + "leeks", + "all-purpose flour", + "carrots", + "stew meat", + "unsalted butter", + "russet potatoes", + "beer", + "onions", + "tomato paste", + "ground black pepper", + "fresh thyme leaves", + "beef broth", + "bay leaf", + "kosher salt", + "half & half", + "garlic", + "fresh parsley leaves", + "frozen peas" + ] + }, + { + "id": 11905, + "cuisine": "indian", + "ingredients": [ + "store bought low sodium chicken broth", + "coriander seeds", + "crushed red pepper flakes", + "carrots", + "onions", + "celery ribs", + "curry powder", + "sweet potatoes", + "cumin seed", + "greek yogurt", + "plum tomatoes", + "kosher salt", + "ground black pepper", + "apples", + "mustard seeds", + "chicken thighs", + "red lentils", + "fresh ginger", + "vegetable oil", + "garlic cloves", + "chopped cilantro" + ] + }, + { + "id": 14222, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "water", + "bay leaves", + "white rice", + "ground coriander", + "onions", + "chicken", + "granny smith apples", + "whole cloves", + "cilantro", + "cardamom pods", + "cinnamon sticks", + "cumin", + "serrano chilies", + "coconut", + "vegetable oil", + "salt", + "garlic cloves", + "chopped cilantro fresh", + "ground cumin", + "black peppercorns", + "fresh ginger", + "large garlic cloves", + "cayenne pepper", + "fresh lemon juice", + "ground turmeric" + ] + }, + { + "id": 46496, + "cuisine": "cajun_creole", + "ingredients": [ + "cayenne pepper", + "pepper", + "oil", + "catfish", + "salt", + "corn flour" + ] + }, + { + "id": 34643, + "cuisine": "mexican", + "ingredients": [ + "manicotti shells", + "garlic", + "cream cheese", + "shredded Monterey Jack cheese", + "cooked chicken", + "shredded parmesan cheese", + "sour cream", + "jalapeno chilies", + "shredded sharp cheddar cheese", + "enchilada sauce", + "butter", + "salsa", + "onions" + ] + }, + { + "id": 48907, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "refrigerated pizza dough", + "turkey bacon", + "rosemary", + "new potatoes", + "grated parmesan cheese" + ] + }, + { + "id": 41417, + "cuisine": "southern_us", + "ingredients": [ + "simple syrup", + "branca menta", + "mint", + "bourbon whiskey" + ] + }, + { + "id": 42951, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "refried black beans", + "boneless chicken thighs", + "unsalted butter", + "jalapeno chilies", + "ground thyme", + "salt", + "yellow onion", + "lemon juice", + "tomatoes", + "cotija", + "fresh cilantro", + "radishes", + "apple cider vinegar", + "buttermilk", + "all-purpose flour", + "ground coriander", + "dried oregano", + "ground cinnamon", + "ground cloves", + "baking soda", + "large eggs", + "vegetable oil", + "ancho powder", + "hot sauce", + "garlic cloves", + "ground cumin", + "avocado", + "granulated garlic", + "black pepper", + "boneless chicken breast", + "baking powder", + "guajillo", + "maple syrup", + "cayenne pepper", + "cornmeal" + ] + }, + { + "id": 16918, + "cuisine": "greek", + "ingredients": [ + "green bell pepper", + "ground black pepper", + "salt", + "olive oil", + "kalamata", + "oregano", + "cherry tomatoes", + "lemon", + "english cucumber", + "feta cheese", + "purple onion" + ] + }, + { + "id": 43127, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "lemon juice", + "garlic puree", + "fresh mint", + "english cucumber", + "salt", + "greek yogurt" + ] + }, + { + "id": 2161, + "cuisine": "japanese", + "ingredients": [ + "salt and ground black pepper", + "cayenne pepper", + "shucked oysters", + "pickle spears", + "eggs", + "panko", + "canola oil", + "mayonaise", + "lemon" + ] + }, + { + "id": 9700, + "cuisine": "italian", + "ingredients": [ + "ground fennel", + "roasted red peppers", + "onions", + "dried thyme", + "brown lentils", + "homemade chicken stock", + "turkey", + "olive oil", + "rubbed sage" + ] + }, + { + "id": 15360, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "fresh basil leaves", + "cherry tomatoes", + "herbed goat cheese", + "black pepper", + "salt", + "crostini", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 38499, + "cuisine": "filipino", + "ingredients": [ + "light soy sauce", + "oil", + "crushed garlic", + "minced pork", + "ground black pepper", + "shao hsing wine", + "brown sugar", + "paprika" + ] + }, + { + "id": 25418, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "shredded mozzarella cheese", + "fresh basil", + "crushed red pepper flakes", + "boneless skinless chicken breasts", + "croutons", + "pasta sauce", + "garlic" + ] + }, + { + "id": 34306, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "garlic cloves", + "pitted kalamata olives", + "salt", + "arugula", + "crushed red pepper", + "gemelli", + "fresh parmesan cheese", + "freshly ground pepper", + "plum tomatoes" + ] + }, + { + "id": 30379, + "cuisine": "cajun_creole", + "ingredients": [ + "creole mustard", + "sweet onion", + "ground red pepper", + "mustard seeds", + "sliced green onions", + "kosher salt", + "olive oil", + "white wine vinegar", + "bay leaf", + "ketchup", + "dried thyme", + "worcestershire sauce", + "reduced fat mayonnaise", + "water", + "baby arugula", + "hot sauce", + "medium shrimp" + ] + }, + { + "id": 3300, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "sea scallops", + "butter", + "pepper", + "dry white wine", + "kosher salt", + "vermicelli", + "olive oil", + "grapefruit juice" + ] + }, + { + "id": 31152, + "cuisine": "greek", + "ingredients": [ + "cucumber", + "garlic", + "greek yogurt", + "dill" + ] + }, + { + "id": 11463, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "sesame oil", + "low sodium soy sauce", + "enokitake", + "glass noodles", + "rib eye steaks", + "water", + "garlic", + "brown sugar", + "green onions", + "kiwi" + ] + }, + { + "id": 29011, + "cuisine": "chinese", + "ingredients": [ + "water", + "rice vinegar", + "stir fry vegetable blend", + "sugar", + "vegetable oil", + "corn starch", + "thin spaghetti", + "sesame oil", + "orange juice", + "chicken", + "soy sauce", + "red pepper", + "chicken base" + ] + }, + { + "id": 7164, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "water", + "garlic", + "corn starch", + "eggs", + "white pepper", + "red pepper", + "oyster sauce", + "glass noodles", + "brown sugar", + "fresh cilantro", + "salt", + "beansprouts", + "soy sauce", + "flank steak", + "oil", + "onions" + ] + }, + { + "id": 5542, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "fresh lime juice", + "large garlic cloves", + "jalapeno chilies", + "chopped cilantro", + "avocado", + "salt" + ] + }, + { + "id": 42874, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed garlic", + "dried oregano", + "grated parmesan cheese", + "cream cheese", + "ground black pepper", + "salt", + "dried basil", + "french bread", + "fresh parsley" + ] + }, + { + "id": 8498, + "cuisine": "southern_us", + "ingredients": [ + "margarine", + "red pepper flakes", + "Rice Krispies Cereal", + "Kraft Extra Sharp Cheddar Cheese", + "all-purpose flour" + ] + }, + { + "id": 37842, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "long-grain rice", + "Jonshonville® Cajun Style Chicken Sausage", + "garlic", + "onions", + "diced tomatoes", + "celery", + "water", + "green pepper", + "canola oil" + ] + }, + { + "id": 49439, + "cuisine": "southern_us", + "ingredients": [ + "low-fat buttermilk", + "butter", + "honey", + "jalapeno chilies", + "all-purpose flour", + "yellow corn meal", + "large eggs", + "salt", + "granulated sugar", + "baking powder" + ] + }, + { + "id": 16955, + "cuisine": "indian", + "ingredients": [ + "butter", + "salt", + "ground turmeric", + "green bell pepper", + "garlic", + "cumin seed", + "tomatoes", + "kasuri methi", + "green chilies", + "masala", + "coriander powder", + "paneer", + "onions" + ] + }, + { + "id": 17702, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "semolina flour", + "warm water" + ] + }, + { + "id": 7910, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "curry powder", + "vegetable oil", + "gingerroot", + "ground cloves", + "mango chutney", + "salt", + "boiling potatoes", + "eggs", + "minced onion", + "cinnamon", + "coriander", + "plain yogurt", + "chili powder", + "green chilies", + "ground cumin" + ] + }, + { + "id": 222, + "cuisine": "italian", + "ingredients": [ + "bread", + "ground black pepper", + "purple onion", + "italian seasoning", + "garlic powder", + "shredded sharp cheddar cheese", + "boneless skinless chicken breast halves", + "olive oil", + "green onions", + "red bell pepper", + "water", + "cooking spray", + "salt" + ] + }, + { + "id": 9528, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "water", + "ricotta cheese", + "dried oregano", + "tomato sauce", + "grated parmesan cheese", + "rubbed sage", + "eggs", + "olive oil", + "large garlic cloves", + "fennel seeds", + "mozzarella cheese", + "ziti", + "onions" + ] + }, + { + "id": 19668, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "garlic cloves", + "water", + "chopped onion", + "chayotes", + "salt", + "carrots", + "corn kernels", + "long-grain rice" + ] + }, + { + "id": 6840, + "cuisine": "mexican", + "ingredients": [ + "corn chips", + "sour cream", + "taco sauce", + "taco seasoning", + "beaten eggs", + "ground beef", + "shredded cheddar cheese", + "scallions" + ] + }, + { + "id": 25279, + "cuisine": "irish", + "ingredients": [ + "pickles", + "mustard", + "butter", + "rye bread", + "cheddar cheese" + ] + }, + { + "id": 12893, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "salt", + "white sugar", + "chicken broth", + "mushrooms", + "coconut milk", + "fresh ginger", + "fresh lemon juice", + "kaffir lime leaves", + "lemon", + "onions" + ] + }, + { + "id": 9966, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "marinara sauce", + "lasagna noodles", + "ground beef", + "water", + "salt", + "cottage cheese", + "grated parmesan cheese" + ] + }, + { + "id": 9874, + "cuisine": "italian", + "ingredients": [ + "mussels", + "red pepper flakes", + "toast", + "olive oil", + "canned tomatoes", + "onions", + "dried thyme", + "garlic", + "fresh parsley", + "ground black pepper", + "salt" + ] + }, + { + "id": 43140, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime", + "oil", + "whitefish", + "water", + "garlic", + "onions", + "red chili peppers", + "ginger", + "coconut milk", + "tomato purée", + "lemongrass", + "salt", + "coriander" + ] + }, + { + "id": 43760, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "low salt chicken broth", + "grated orange peel", + "dry white wine", + "arborio rice", + "green onions", + "mascarpone", + "butter" + ] + }, + { + "id": 32433, + "cuisine": "mexican", + "ingredients": [ + "shredded cabbage", + "cilantro", + "water", + "red wine vinegar", + "cumin", + "broccoli slaw", + "Himalayan salt", + "purple onion", + "lime", + "red pepper" + ] + }, + { + "id": 22650, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "lasagna noodles", + "salt", + "onions", + "pepper", + "onion powder", + "garlic cloves", + "cottage cheese", + "grated parmesan cheese", + "shredded mozzarella cheese", + "garlic powder", + "ground pork", + "ground beef" + ] + }, + { + "id": 44799, + "cuisine": "cajun_creole", + "ingredients": [ + "dressing", + "red pepper", + "celery", + "large shrimp", + "sun-dried tomatoes", + "garlic", + "fresh parsley", + "finely chopped onion", + "smoked turkey sausage", + "long grain white rice", + "25% less sodium chicken broth", + "diced tomatoes", + "bay leaf" + ] + }, + { + "id": 35289, + "cuisine": "italian", + "ingredients": [ + "ground pepper", + "whipping cream", + "pancetta", + "grated parmesan cheese", + "chopped parsley", + "fresh peas", + "salt", + "large egg yolks", + "leeks", + "spaghetti" + ] + }, + { + "id": 40824, + "cuisine": "southern_us", + "ingredients": [ + "almond filling", + "baking powder", + "currant", + "salt", + "sliced almonds", + "granulated sugar", + "almond extract", + "whipping cream", + "coconut milk", + "light brown sugar", + "unsalted butter", + "kumquats", + "mint sprigs", + "all-purpose flour", + "cream cheese frosting", + "large eggs", + "sweetened coconut flakes", + "vanilla extract" + ] + }, + { + "id": 38524, + "cuisine": "british", + "ingredients": [ + "ground black pepper", + "all-purpose flour", + "shredded cheddar cheese", + "chives", + "cauliflower", + "unsalted butter", + "mustard powder", + "milk", + "salt" + ] + }, + { + "id": 8636, + "cuisine": "italian", + "ingredients": [ + "dough", + "garlic cloves", + "extra-virgin olive oil", + "salt", + "fresh rosemary" + ] + }, + { + "id": 3706, + "cuisine": "japanese", + "ingredients": [ + "hand", + "water", + "oil", + "soy sauce", + "salt", + "short-grain rice" + ] + }, + { + "id": 23060, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "shirataki", + "sugar", + "mirin", + "carrots", + "sake", + "sesame seeds", + "edamame beans", + "soy sauce", + "zucchini" + ] + }, + { + "id": 42492, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "beef bouillon granules", + "pepper flakes", + "garlic powder", + "long-grain rice", + "dried thyme", + "crushed red pepper", + "parsley flakes", + "minced onion", + "bay leaf" + ] + }, + { + "id": 27755, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "file powder", + "large shrimp", + "lump crab meat", + "hot sauce", + "green bell pepper", + "all-purpose flour", + "shrimp stock", + "unsalted butter", + "onions" + ] + }, + { + "id": 39741, + "cuisine": "indian", + "ingredients": [ + "diced tomatoes", + "fresh lemon juice", + "ground turmeric", + "chili powder", + "salt", + "onions", + "vegetable oil", + "cumin seed", + "boneless skinless chicken breast halves", + "fresh ginger", + "paprika", + "sour cream" + ] + }, + { + "id": 21073, + "cuisine": "greek", + "ingredients": [ + "white rice", + "water", + "condensed cream of chicken soup", + "lemon juice", + "milk" + ] + }, + { + "id": 19051, + "cuisine": "thai", + "ingredients": [ + "cilantro stems", + "chicken wings", + "garlic cloves", + "cold water", + "salt", + "fresh ginger" + ] + }, + { + "id": 40892, + "cuisine": "italian", + "ingredients": [ + "cremini mushrooms", + "salt", + "oregano", + "tomatoes", + "red wine", + "thyme", + "ground black pepper", + "garlic cloves", + "chicken", + "green bell pepper", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 16084, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "vegetable shortening", + "masa harina", + "firmly packed brown sugar", + "ground nutmeg", + "salt", + "ground cinnamon", + "corn husks", + "vanilla", + "brown sugar", + "baking powder", + "chopped pecans" + ] + }, + { + "id": 29518, + "cuisine": "moroccan", + "ingredients": [ + "fresh dill", + "large eggs", + "english cucumber", + "chopped cilantro fresh", + "panko", + "vegetable oil", + "fresh lemon juice", + "kosher salt", + "lean ground beef", + "garlic cloves", + "ground cumin", + "ground black pepper", + "ground allspice", + "whole milk greek yogurt" + ] + }, + { + "id": 43714, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "olive oil", + "chickpeas", + "fat free less sodium chicken broth", + "curry powder", + "salt", + "plum tomatoes", + "fresh spinach", + "water", + "lemon wedge", + "chile sauce", + "chicken breast tenders", + "cooking spray", + "couscous" + ] + }, + { + "id": 20973, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "ginger", + "asian eggplants", + "vegetable oil", + "chives", + "soy sauce", + "spices" + ] + }, + { + "id": 45200, + "cuisine": "french", + "ingredients": [ + "olive oil", + "salt", + "carrots", + "chicken", + "ground black pepper", + "flour for dusting", + "onions", + "artichoke hearts", + "garlic cloves", + "celery", + "chicken stock", + "button mushrooms", + "lemon juice", + "italian seasoning" + ] + }, + { + "id": 4909, + "cuisine": "british", + "ingredients": [ + "water", + "ground nutmeg", + "butter", + "chocolate covered english toffee", + "large egg yolks", + "semisweet chocolate", + "whipping cream", + "dark corn syrup", + "instant espresso powder", + "cookies", + "sugar", + "almonds", + "coffee liqueur", + "vanilla extract" + ] + }, + { + "id": 9572, + "cuisine": "spanish", + "ingredients": [ + "large garlic cloves", + "olive oil", + "red bell pepper", + "chili", + "oyster mushrooms", + "medium shrimp uncook", + "fresh parsley" + ] + }, + { + "id": 6410, + "cuisine": "cajun_creole", + "ingredients": [ + "yellow corn meal", + "large eggs", + "all-purpose flour", + "mayonaise", + "cajun seasoning", + "fresh lemon juice", + "capers", + "vegetable oil", + "hot sauce", + "catfish fillets", + "prepared horseradish", + "salt", + "pickle relish" + ] + }, + { + "id": 12298, + "cuisine": "chinese", + "ingredients": [ + "glutinous rice", + "leaves", + "soy sauce", + "pork", + "salt", + "msg" + ] + }, + { + "id": 553, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "green onions", + "asian fish sauce", + "serrano chilies", + "lemon grass", + "green beans", + "sugar", + "large eggs", + "ground turkey", + "olive oil", + "corn starch" + ] + }, + { + "id": 41107, + "cuisine": "japanese", + "ingredients": [ + "large egg whites", + "reduced sodium soy sauce", + "freshly ground pepper", + "panko breadcrumbs", + "ground chicken", + "fresh ginger", + "salt", + "lemon juice", + "brown sugar", + "honey", + "mirin", + "scallions", + "minced garlic", + "sesame seeds", + "dried shiitake mushrooms", + "corn starch" + ] + }, + { + "id": 3260, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "pinenuts", + "extra-virgin olive oil", + "fresh dill", + "red wine vinegar", + "golden beets", + "water", + "purple onion" + ] + }, + { + "id": 42984, + "cuisine": "mexican", + "ingredients": [ + "half & half", + "frozen corn kernels", + "olive oil", + "salt", + "ground black pepper", + "all-purpose flour", + "chihuahua cheese", + "yukon gold potatoes", + "poblano chiles" + ] + }, + { + "id": 28459, + "cuisine": "irish", + "ingredients": [ + "ice cream", + "Baileys Irish Cream Liqueur", + "espresso" + ] + }, + { + "id": 30545, + "cuisine": "chinese", + "ingredients": [ + "chili", + "sesame oil", + "tamari soy sauce", + "corn starch", + "brown sugar", + "sesame seeds", + "cracked black pepper", + "orange juice", + "fresh ginger", + "sea salt", + "rice vinegar", + "canola oil", + "orange", + "extra firm tofu", + "garlic", + "scallions" + ] + }, + { + "id": 20055, + "cuisine": "french", + "ingredients": [ + "dry vermouth", + "sea scallops", + "shallots", + "bottled clam juice", + "mushrooms", + "whipping cream", + "sugar", + "fennel bulb", + "butter", + "chicken stock", + "curry powder", + "dry white wine", + "fresh lemon juice" + ] + }, + { + "id": 30970, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "chopped fresh sage", + "diced onions", + "diced tomatoes", + "fennel seeds", + "Italian turkey sausage", + "cannellini beans", + "garlic cloves" + ] + }, + { + "id": 18997, + "cuisine": "southern_us", + "ingredients": [ + "pistachios", + "white grapefruit", + "baby leaf lettuce", + "pink grapefruit" + ] + }, + { + "id": 1615, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "Tabasco Pepper Sauce", + "scallions", + "pimentos", + "salt", + "pickle relish", + "radishes", + "fresh chevre", + "smoked cheddar cheese", + "celery ribs", + "onion powder", + "freshly ground pepper" + ] + }, + { + "id": 13035, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "taco seasoning mix", + "lemon juice", + "mayonaise", + "black olives", + "tomatoes", + "green onions", + "sour cream", + "refried beans", + "sharp cheddar cheese" + ] + }, + { + "id": 20157, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "scallions", + "large shrimp", + "grape tomatoes", + "salsa", + "fresh lime juice", + "avocado", + "lime wedges", + "corn tortillas", + "olive oil", + "grated jack cheese", + "chopped cilantro fresh" + ] + }, + { + "id": 26629, + "cuisine": "southern_us", + "ingredients": [ + "vidalia onion", + "black-eyed peas", + "english cucumber", + "flat leaf parsley", + "mustard", + "cider vinegar", + "extra-virgin olive oil", + "fresh lemon juice", + "arugula", + "tomatoes", + "pitas", + "ground sumac", + "red bell pepper", + "kosher salt", + "ground black pepper", + "garlic cloves", + "chopped fresh mint" + ] + }, + { + "id": 27007, + "cuisine": "italian", + "ingredients": [ + "pepper", + "italian seasoning", + "salt", + "olive oil flavored cooking spray", + "french bread" + ] + }, + { + "id": 10881, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "ground black pepper", + "green pepper", + "bay leaf", + "sliced green onions", + "celery ribs", + "kosher salt", + "diced tomatoes", + "garlic cloves", + "long grain white rice", + "andouille sausage", + "fresh thyme", + "chicken fingers", + "onions", + "chicken stock", + "ancho chili ground pepper", + "cayenne pepper", + "smoked paprika", + "canola oil" + ] + }, + { + "id": 46554, + "cuisine": "moroccan", + "ingredients": [ + "golden raisins", + "ground coriander", + "ground lamb", + "finely chopped onion", + "bulgur wheat", + "lemon juice", + "large egg whites", + "ground red pepper", + "pimento stuffed olives", + "ground cumin", + "cooking spray", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 17079, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "mirin", + "soy sauce", + "sake", + "chicken", + "sesame seeds" + ] + }, + { + "id": 22590, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "wonton wrappers", + "garlic", + "pepper", + "ground pork", + "oil", + "soy sauce", + "kinchay", + "salt", + "chinese sausage", + "ginger", + "large shrimp" + ] + }, + { + "id": 8080, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "diced tomatoes", + "chopped parsley", + "dried lentils", + "lemon", + "salt", + "onions", + "pepper", + "bacon", + "carrots", + "bay leaves", + "garlic", + "celery" + ] + }, + { + "id": 38501, + "cuisine": "italian", + "ingredients": [ + "crushed red pepper flakes", + "fresh rosemary", + "garlic", + "extra-virgin olive oil", + "balsamic vinegar", + "salt" + ] + }, + { + "id": 32942, + "cuisine": "southern_us", + "ingredients": [ + "diced onions", + "water", + "bourbon whiskey", + "garlic cloves", + "vegetable oil cooking spray", + "olive oil", + "all-purpose flour", + "pepper", + "pork tenderloin", + "gingerroot", + "low sodium soy sauce", + "honey", + "salt", + "lemon juice" + ] + }, + { + "id": 29894, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "baking powder", + "fresh lemon juice", + "cream sweeten whip", + "granulated sugar", + "salt", + "braeburn apple", + "firmly packed light brown sugar", + "lemon zest", + "all-purpose flour", + "ground cinnamon", + "almonds", + "butter", + "frozen cherries" + ] + }, + { + "id": 7612, + "cuisine": "mexican", + "ingredients": [ + "sesame seeds", + "butter", + "corn tortillas", + "ground cinnamon", + "semisweet chocolate", + "salt", + "chicken", + "chicken broth", + "bananas", + "garlic", + "onions", + "pinenuts", + "chili powder", + "blanched almonds" + ] + }, + { + "id": 34208, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "dry white wine", + "garlic cloves", + "flat leaf parsley", + "sherry vinegar", + "salt", + "carrots", + "chopped cilantro fresh", + "black pepper", + "extra-virgin olive oil", + "California bay leaves", + "onions", + "oxtails", + "spanish chorizo", + "smoked paprika" + ] + }, + { + "id": 47067, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "vegetable oil cooking spray" + ] + }, + { + "id": 8894, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "garlic", + "ground beef", + "tomato sauce", + "pecorino romano cheese", + "dry bread crumbs", + "white pepper", + "raisins", + "flat leaf parsley", + "bread", + "large eggs", + "fine sea salt" + ] + }, + { + "id": 41350, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "cooking spray", + "ice cubes", + "large eggs", + "grits", + "ground black pepper", + "salt", + "shredded cheddar cheese", + "chopped fresh chives" + ] + }, + { + "id": 38949, + "cuisine": "british", + "ingredients": [ + "butter", + "sugar", + "dipping chocolate", + "water", + "salt", + "ground nuts" + ] + }, + { + "id": 5646, + "cuisine": "filipino", + "ingredients": [ + "brown sugar", + "bay leaves", + "rice", + "eggs", + "ground black pepper", + "white wine vinegar", + "onions", + "low sodium soy sauce", + "water", + "garlic", + "pork shoulder", + "kosher salt", + "thai chile", + "peanut oil" + ] + }, + { + "id": 27631, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "boneless chicken breast", + "orzo", + "Velveeta", + "marinade", + "chicken broth", + "chipotle", + "seasoning", + "olive oil", + "diced tomatoes" + ] + }, + { + "id": 30675, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "freshly ground pepper", + "fresh basil", + "coarse salt", + "tomato sauce", + "extra-virgin olive oil", + "freshly grated parmesan", + "shredded mozzarella cheese" + ] + }, + { + "id": 13677, + "cuisine": "vietnamese", + "ingredients": [ + "cold water", + "daikon", + "scallions", + "chopped cilantro fresh", + "white pepper", + "garlic", + "Chinese egg noodles", + "baby bok choy", + "star anise", + "chinese five-spice powder", + "broth", + "sesame oil", + "dried shiitake mushrooms", + "duck drumsticks" + ] + }, + { + "id": 32540, + "cuisine": "indian", + "ingredients": [ + "eggs", + "salt", + "onions", + "clove", + "chili powder", + "cumin seed", + "garam masala", + "green chilies", + "ground turmeric", + "tomatoes", + "green peas", + "mustard seeds" + ] + }, + { + "id": 35999, + "cuisine": "chinese", + "ingredients": [ + "lime", + "sesame oil", + "scallions", + "soy sauce", + "mirin", + "firm tofu", + "glass noodles", + "yu choy", + "garlic", + "chinese five-spice powder", + "black bean garlic sauce", + "hoisin sauce", + "roasted peanuts" + ] + }, + { + "id": 19453, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "olive oil", + "salt", + "pepper", + "kalamata", + "fresh parsley", + "cider vinegar", + "artichoke hearts", + "garlic cloves", + "whole wheat rotini", + "dried basil", + "purple onion", + "dried oregano" + ] + }, + { + "id": 8446, + "cuisine": "japanese", + "ingredients": [ + "asparagus", + "vegetable oil", + "seaweed", + "water", + "soft tofu", + "dried shiitake mushrooms", + "garlic cloves", + "kosher salt", + "large eggs", + "shoyu", + "scallions", + "fresh ginger", + "leeks", + "soba noodles", + "toasted sesame oil" + ] + }, + { + "id": 45339, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "garlic cloves", + "ground cumin", + "eggs", + "flour tortillas", + "ground beef", + "Mexican cheese blend", + "enchilada sauce", + "cottage cheese", + "stewed tomatoes", + "onions" + ] + }, + { + "id": 28519, + "cuisine": "french", + "ingredients": [ + "sliced almonds", + "ground black pepper", + "red wine vinegar", + "goat cheese", + "salad greens", + "large eggs", + "salt", + "fresh parsley", + "egg substitute", + "fresh thyme", + "extra-virgin olive oil", + "garlic cloves", + "fat free milk", + "cooking spray", + "all-purpose flour", + "onions" + ] + }, + { + "id": 33764, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "ground coriander", + "kosher salt", + "diced tomatoes", + "ground cumin", + "baby spinach leaves", + "ground black pepper", + "ground turmeric", + "fresh cilantro", + "chickpeas" + ] + }, + { + "id": 7812, + "cuisine": "indian", + "ingredients": [ + "pepper", + "oil", + "curry leaves", + "salt", + "ground turmeric", + "coconut", + "onions", + "eggs", + "green chilies", + "cumin" + ] + }, + { + "id": 27041, + "cuisine": "italian", + "ingredients": [ + "white onion", + "italian sausage", + "rolls", + "olive oil", + "green bell pepper", + "red bell pepper" + ] + }, + { + "id": 45516, + "cuisine": "moroccan", + "ingredients": [ + "potatoes", + "paprika", + "lemon juice", + "olive oil", + "parsley", + "salt", + "pepper", + "bell pepper", + "purple onion", + "cumin", + "eggplant", + "tempeh", + "garlic cloves" + ] + }, + { + "id": 24870, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "pepper", + "green pepper", + "vegetable oil cooking spray", + "chicken breast halves", + "pinto beans", + "reduced fat monterey jack cheese", + "tomato sauce", + "red pepper", + "chopped cilantro fresh", + "green chile", + "flour tortillas", + "chopped onion" + ] + }, + { + "id": 22648, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "collard greens", + "fresh lemon juice", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 45078, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "shallots", + "fat free less sodium chicken broth", + "butternut squash", + "salt", + "ground black pepper", + "brown rice", + "olive oil", + "peeled fresh ginger" + ] + }, + { + "id": 36169, + "cuisine": "mexican", + "ingredients": [ + "water", + "dri oregano leaves, crush", + "cooked chicken", + "corn tortillas", + "Mexican cheese blend", + "Campbell's Condensed Cream of Chicken Soup", + "green chile", + "chili powder" + ] + }, + { + "id": 35571, + "cuisine": "italian", + "ingredients": [ + "french bread", + "garlic cloves", + "fresh basil", + "extra-virgin olive oil", + "tomatoes", + "balsamic vinegar", + "fresh parsley", + "ground black pepper", + "purple onion" + ] + }, + { + "id": 45036, + "cuisine": "indian", + "ingredients": [ + "fresh spinach", + "olive oil", + "chickpeas", + "water", + "diced tomatoes", + "sugar", + "fresh ginger", + "chopped onion", + "curry powder", + "salt" + ] + }, + { + "id": 45823, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "rice", + "bay leaf", + "garlic", + "ham", + "canola oil", + "crushed red pepper", + "celery", + "black-eyed peas", + "freshly ground pepper", + "onions" + ] + }, + { + "id": 48461, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "worcestershire sauce", + "pork baby back ribs", + "barbecue sauce", + "seasoning salt", + "minced garlic", + "cajun seasoning" + ] + }, + { + "id": 504, + "cuisine": "french", + "ingredients": [ + "fresh dill", + "white pepper", + "lemon wedge", + "grated lemon zest", + "mayonaise", + "whole grain dijon mustard", + "fresh tarragon", + "asparagus spears", + "soy sauce", + "hot pepper sauce", + "salt", + "salmon fillets", + "minced garlic", + "vegetable oil", + "lemon juice" + ] + }, + { + "id": 21038, + "cuisine": "british", + "ingredients": [ + "eggs", + "baking powder", + "boiling water", + "baking soda", + "heavy cream", + "light brown sugar", + "flour", + "vanilla extract", + "pitted date", + "butter" + ] + }, + { + "id": 36434, + "cuisine": "mexican", + "ingredients": [ + "butter", + "salt", + "dry red wine", + "medium shrimp", + "worcestershire sauce", + "chipotles in adobo", + "water", + "garlic", + "long grain white rice" + ] + }, + { + "id": 28806, + "cuisine": "southern_us", + "ingredients": [ + "whole wheat pastry flour", + "baking powder", + "cake flour", + "eggs", + "marzipan", + "butter", + "sugar", + "baking soda", + "meyer lemon", + "milk", + "teas", + "salt" + ] + }, + { + "id": 39132, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "slaw mix", + "egg roll wrappers", + "scallions", + "fresh ginger", + "boneless skinless chicken", + "vegetable oil", + "toasted sesame oil" + ] + }, + { + "id": 20211, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "boneless skinless chicken breasts", + "salt", + "coriander", + "cooked rice", + "garam masala", + "butter", + "and fat free half half", + "( oz.) tomato paste", + "black pepper", + "jalapeno chilies", + "garlic", + "cardamom", + "chicken broth", + "fresh ginger", + "chili powder", + "yellow onion", + "chopped cilantro fresh" + ] + }, + { + "id": 25243, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "green pepper", + "italian style stewed tomatoes", + "no salt added chicken broth", + "eggplant", + "roasting chickens", + "fresh basil", + "zucchini" + ] + }, + { + "id": 28516, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "tomato sauce", + "seasoning salt", + "parmagiano reggiano", + "marjoram", + "tomatoes", + "bread crumbs", + "bay leaves", + "ground beef", + "celery salt", + "eggs", + "minced garlic", + "buttermilk", + "onions", + "pepper flakes", + "sugar", + "olive oil", + "celery", + "italian seasoning" + ] + }, + { + "id": 46765, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "palm sugar", + "dried shrimp", + "beans", + "garlic", + "chiles", + "shredded carrots", + "green papaya", + "tomatoes", + "dry roasted peanuts", + "fresh lime juice" + ] + }, + { + "id": 28825, + "cuisine": "italian", + "ingredients": [ + "half & half", + "penne pasta", + "frozen peas", + "roasted red peppers", + "shredded parmesan cheese", + "onions", + "butter", + "shrimp", + "olive oil", + "old bay seasoning", + "sliced mushrooms" + ] + }, + { + "id": 22552, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "green onions", + "shredded Monterey Jack cheese", + "taco seasoning mix", + "sour cream", + "refried beans", + "cream cheese", + "hot pepper sauce", + "dried parsley" + ] + }, + { + "id": 43197, + "cuisine": "chinese", + "ingredients": [ + "spring roll wrappers", + "garlic", + "beansprouts", + "cooking oil", + "carrots", + "bamboo shoots", + "fresh ginger", + "dark sesame oil", + "shiitake mushroom caps", + "low sodium soy sauce", + "green onions", + "corn starch", + "cabbage" + ] + }, + { + "id": 20543, + "cuisine": "british", + "ingredients": [ + "Madeira", + "rosemary", + "sugar", + "heavy cream", + "kosher salt", + "fresh lemon juice", + "figs", + "lemon" + ] + }, + { + "id": 25974, + "cuisine": "indian", + "ingredients": [ + "sugar", + "ghee", + "raisins", + "almonds", + "cashew nuts", + "atta", + "ground cardamom" + ] + }, + { + "id": 36128, + "cuisine": "russian", + "ingredients": [ + "eggplant", + "onions", + "green bell pepper", + "red wine vinegar", + "tomatoes", + "vegetable oil", + "white sugar", + "water", + "salt" + ] + }, + { + "id": 26294, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "garlic", + "dried oregano", + "thin spaghetti", + "bell pepper", + "sweet italian sausage", + "grated parmesan cheese", + "salt", + "pepper", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 31771, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "water", + "broccoli florets", + "red pepper flakes", + "peanut oil", + "corn starch", + "ground ginger", + "soy sauce", + "Sriracha", + "marinade", + "salt", + "garlic cloves", + "chinese rice wine", + "garlic powder", + "flank steak", + "ginger", + "scallions", + "chicken broth", + "pepper", + "hoisin sauce", + "sesame oil", + "sauce", + "oyster sauce" + ] + }, + { + "id": 31730, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "herbs", + "daikon", + "roasted peanuts", + "fish sauce", + "honey", + "spring onions", + "dipping sauces", + "cucumber", + "pork neck", + "pickled carrots", + "lettuce leaves", + "rice vermicelli", + "oil", + "sugar", + "ground pepper", + "sesame oil", + "garlic", + "beansprouts" + ] + }, + { + "id": 13896, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "fresh ginger root", + "salt", + "lemon juice", + "brown sugar", + "water", + "boneless skinless chicken breasts", + "all-purpose flour", + "grated orange", + "soy sauce", + "olive oil", + "red pepper flakes", + "orange juice", + "minced garlic", + "green onions", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 24039, + "cuisine": "filipino", + "ingredients": [ + "beef stock", + "chayotes", + "water", + "beef rib short", + "onions", + "black peppercorns", + "salt", + "celery", + "potatoes", + "carrots", + "cabbage" + ] + }, + { + "id": 16768, + "cuisine": "french", + "ingredients": [ + "parsley sprigs", + "dry white wine", + "thyme sprigs", + "calvados", + "all-purpose flour", + "chopped garlic", + "curry powder", + "butter", + "bay leaf", + "tomato paste", + "lobster", + "chopped onion" + ] + }, + { + "id": 19212, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "apple cider", + "sugar", + "all-purpose flour", + "butter", + "shortening", + "salt" + ] + }, + { + "id": 1401, + "cuisine": "greek", + "ingredients": [ + "rosemary", + "yukon gold potatoes", + "lemon juice", + "olive oil", + "garlic", + "thyme", + "ground pepper", + "lamb shoulder", + "dried oregano", + "white wine", + "dijon mustard", + "salt" + ] + }, + { + "id": 11298, + "cuisine": "indian", + "ingredients": [ + "hot red pepper flakes", + "coconut", + "okra", + "fresh curry leaves", + "vegetable oil", + "fresh lemon juice", + "green chile", + "water", + "salt", + "plain yogurt", + "brown mustard seeds", + "cumin seed" + ] + }, + { + "id": 44547, + "cuisine": "spanish", + "ingredients": [ + "flavored vinegar", + "olive oil", + "chopped celery", + "garlic cloves", + "vidalia onion", + "chopped green bell pepper", + "rice vinegar", + "pepper", + "balsamic vinegar", + "hot sauce", + "tomatoes", + "low sodium tomato juice", + "salt", + "cucumber" + ] + }, + { + "id": 16489, + "cuisine": "cajun_creole", + "ingredients": [ + "red beans", + "long-grain rice", + "water", + "white wine vinegar", + "thyme sprigs", + "cajun seasoning", + "red bell pepper", + "olive oil", + "salt", + "sliced green onions" + ] + }, + { + "id": 17954, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "unsalted butter", + "vanilla extract", + "brandy", + "baking powder", + "all-purpose flour", + "vegetables", + "sunflower oil", + "grated orange", + "sugar", + "large eggs", + "fine sea salt" + ] + }, + { + "id": 13219, + "cuisine": "brazilian", + "ingredients": [ + "sweetened condensed milk", + "cocoa", + "butter", + "chocolate sprinkles" + ] + }, + { + "id": 8474, + "cuisine": "spanish", + "ingredients": [ + "rosemary sprigs", + "fresh lemon juice", + "large garlic cloves", + "cava", + "chicken breast halves", + "thyme sprigs" + ] + }, + { + "id": 13006, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "vegetable oil", + "large eggs", + "salt", + "minced onion", + "buttermilk", + "yellow corn meal", + "flour", + "freshly ground pepper" + ] + }, + { + "id": 41611, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "paprika", + "chicken breasts", + "garlic salt", + "chili powder", + "lime slices", + "salsa" + ] + }, + { + "id": 18716, + "cuisine": "french", + "ingredients": [ + "syrup", + "kumquats", + "salt", + "sugar", + "large eggs", + "cake flour", + "water", + "sauterne", + "blanched almonds", + "unsalted butter", + "vanilla", + "confectioners sugar" + ] + }, + { + "id": 47687, + "cuisine": "greek", + "ingredients": [ + "mint", + "flatbread", + "extra-virgin olive oil", + "capers", + "asian eggplants", + "red wine vinegar" + ] + }, + { + "id": 47833, + "cuisine": "french", + "ingredients": [ + "Belgian endive", + "olive oil", + "crumbled gorgonzola", + "plain yogurt", + "apple cider vinegar", + "hazelnuts", + "chopped fresh chives", + "pears", + "honey", + "sour cream" + ] + }, + { + "id": 19425, + "cuisine": "southern_us", + "ingredients": [ + "pinto beans", + "water", + "shortening", + "smoked pork neck bones" + ] + }, + { + "id": 38313, + "cuisine": "cajun_creole", + "ingredients": [ + "boneless chicken skinless thigh", + "all-purpose flour", + "low salt chicken broth", + "bay scallops", + "okra", + "long grain white rice", + "olive oil", + "cayenne pepper", + "onions", + "green bell pepper", + "diced tomatoes", + "sausages", + "large shrimp" + ] + }, + { + "id": 39949, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "baking potatoes", + "vegetable oil", + "salt", + "pepper", + "butter", + "catfish fillets", + "instant potato flakes" + ] + }, + { + "id": 48249, + "cuisine": "mexican", + "ingredients": [ + "corn", + "green chilies", + "chicken broth", + "chili powder", + "greens", + "olive oil", + "chopped parsley", + "black beans", + "diced tomatoes", + "chicken" + ] + }, + { + "id": 30344, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "baking soda", + "buttermilk", + "eggs", + "cream style corn", + "all-purpose flour", + "kosher salt", + "baking powder", + "hot sauce", + "honey", + "butter", + "white sugar" + ] + }, + { + "id": 9009, + "cuisine": "italian", + "ingredients": [ + "sugar", + "butter", + "orange liqueur", + "baking powder", + "sour cream", + "baking soda", + "all-purpose flour", + "unsweetened cocoa powder", + "large eggs", + "unsweetened chocolate" + ] + }, + { + "id": 43055, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "stewed tomatoes", + "pepper", + "frozen green beans", + "boneless skinless chicken breast halves", + "italian style seasoning", + "crushed red pepper flakes", + "crushed garlic", + "salt" + ] + }, + { + "id": 32901, + "cuisine": "thai", + "ingredients": [ + "hamburger buns", + "hot pepper sauce", + "garlic", + "chopped fresh mint", + "ground chicken", + "flaked coconut", + "lemon juice", + "soy sauce", + "green onions", + "red curry paste", + "panko breadcrumbs", + "mayonaise", + "lime juice", + "peanut sauce", + "fresh parsley" + ] + }, + { + "id": 5728, + "cuisine": "moroccan", + "ingredients": [ + "eggs", + "olive oil", + "cooked chicken", + "pimento stuffed olives", + "ground cinnamon", + "reduced sodium chicken broth", + "cooking spray", + "ground coriander", + "ground cumin", + "phyllo dough", + "fresh ginger", + "dates", + "confectioners sugar", + "slivered almonds", + "ground black pepper", + "salt", + "onions" + ] + }, + { + "id": 43725, + "cuisine": "mexican", + "ingredients": [ + "almond flour", + "salsa", + "ground beef", + "cilantro", + "mexican chorizo", + "ground pepper", + "oil", + "ground cumin", + "eggs", + "salt", + "ground cayenne pepper" + ] + }, + { + "id": 28861, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "garlic cloves", + "olive oil", + "baguette", + "red bell pepper", + "large garlic cloves" + ] + }, + { + "id": 23350, + "cuisine": "french", + "ingredients": [ + "all-purpose flour", + "shortening", + "eggs", + "boiling water", + "salt" + ] + }, + { + "id": 23545, + "cuisine": "southern_us", + "ingredients": [ + "dried currants", + "butter", + "green pepper", + "ground black pepper", + "garlic", + "toasted almonds", + "curry powder", + "stewed tomatoes", + "thyme", + "diced onions", + "flour", + "salt", + "chicken" + ] + }, + { + "id": 25804, + "cuisine": "italian", + "ingredients": [ + "cheese", + "large garlic cloves", + "freshly ground pepper", + "baby spinach", + "salt", + "extra-virgin olive oil", + "polenta" + ] + }, + { + "id": 8091, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "frangipane", + "kosher salt", + "large eggs", + "vanilla beans", + "pastry dough", + "granulated sugar", + "apples" + ] + }, + { + "id": 42901, + "cuisine": "indian", + "ingredients": [ + "lime", + "large garlic cloves", + "onions", + "reduced sodium chicken broth", + "zucchini", + "salt", + "chopped cilantro fresh", + "black pepper", + "unsalted butter", + "heavy cream", + "boneless skinless chicken breast halves", + "curry powder", + "vegetable oil", + "couscous" + ] + }, + { + "id": 20197, + "cuisine": "mexican", + "ingredients": [ + "low sodium chicken broth", + "yellow onion", + "chicken", + "salsa verde", + "shredded sharp cheddar cheese", + "chopped cilantro", + "chili", + "garlic", + "corn tortillas", + "vegetable oil", + "green chilies" + ] + }, + { + "id": 8881, + "cuisine": "cajun_creole", + "ingredients": [ + "vanilla ice cream", + "granulated sugar", + "butter", + "salt", + "firmly packed brown sugar", + "bananas", + "baking powder", + "vanilla extract", + "shortening", + "large eggs", + "buttermilk", + "all-purpose flour", + "ground cinnamon", + "baking soda", + "rum", + "whipped cream", + "creme de cacao" + ] + }, + { + "id": 15322, + "cuisine": "french", + "ingredients": [ + "plain yogurt", + "cream cheese", + "mascarpone", + "fruit", + "crème fraîche", + "superfine sugar", + "confectioners sugar" + ] + }, + { + "id": 28341, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "butter", + "garlic cloves", + "fresh parmesan cheese", + "linguine", + "egg substitute", + "bacon", + "black pepper", + "dry white wine", + "salt" + ] + }, + { + "id": 8640, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "cooking spray", + "all-purpose flour", + "fat free milk", + "large eggs", + "salt", + "dark chocolate chip", + "butter", + "sugar", + "dry yeast", + "vanilla extract" + ] + }, + { + "id": 41933, + "cuisine": "british", + "ingredients": [ + "clove", + "golden delicious apples", + "water", + "white sandwich bread", + "unflavored gelatin", + "cranberries", + "sugar", + "cinnamon sticks" + ] + }, + { + "id": 7878, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "ramen noodles", + "iceberg lettuce", + "low sodium soy sauce", + "shredded carrots", + "red wine vinegar", + "honey", + "green onions", + "cooked chicken breasts", + "slivered almonds", + "peeled fresh ginger", + "dark sesame oil" + ] + }, + { + "id": 39593, + "cuisine": "filipino", + "ingredients": [ + "spinach", + "frogs legs", + "oil", + "pepper", + "garlic", + "onions", + "fish sauce", + "ginger", + "chayotes", + "water", + "salt" + ] + }, + { + "id": 32555, + "cuisine": "thai", + "ingredients": [ + "clams", + "bay scallops", + "shrimp", + "lime juice", + "white rice", + "asian fish sauce", + "firmly packed brown sugar", + "Thai red curry paste", + "coconut milk", + "asparagus", + "fat skimmed chicken broth" + ] + }, + { + "id": 1510, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "lemon", + "ice cubes", + "bourbon whiskey", + "Angostura bitters", + "orange", + "cocktail cherries" + ] + }, + { + "id": 16142, + "cuisine": "southern_us", + "ingredients": [ + "white bread", + "fresh parmesan cheese", + "chili powder", + "fresh onion", + "fresh parsley", + "lean ground pork", + "cooking spray", + "worcestershire sauce", + "rubbed sage", + "black pepper", + "ground sirloin", + "1% low-fat milk", + "carrots", + "ketchup", + "large eggs", + "red wine vinegar", + "garlic cloves" + ] + }, + { + "id": 41539, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "beans", + "sour cream", + "shredded cheddar cheese", + "salsa" + ] + }, + { + "id": 23882, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "black olives", + "tomatoes", + "green onions", + "lemon juice", + "small curd cottage cheese", + "cream cheese", + "shredded cheddar cheese", + "shredded lettuce" + ] + }, + { + "id": 23278, + "cuisine": "mexican", + "ingredients": [ + "water", + "beef bouillon", + "diced tomatoes", + "ground cumin", + "ground black pepper", + "ground red pepper", + "red bell pepper", + "pork stew meat", + "yellow hominy", + "garlic", + "green bell pepper", + "white hominy", + "vegetable oil", + "onions" + ] + }, + { + "id": 24121, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "water", + "large eggs", + "vanilla extract", + "sour cream", + "sugar", + "golden brown sugar", + "baking powder", + "salt", + "cream of tartar", + "brandy", + "light molasses", + "light corn syrup", + "all-purpose flour", + "ground ginger", + "fruit", + "unsalted butter", + "whipping cream", + "ground allspice" + ] + }, + { + "id": 42362, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "extra-virgin olive oil", + "garlic cloves", + "black pepper", + "dry red wine", + "dried pappardelle", + "celery ribs", + "beef brisket", + "purple onion", + "carrots", + "veal stock", + "bay leaves", + "salt" + ] + }, + { + "id": 19418, + "cuisine": "indian", + "ingredients": [ + "water", + "cilantro", + "lemon juice", + "basmati rice", + "plain yogurt", + "jalapeno chilies", + "salt", + "chopped cilantro", + "black pepper", + "lemon zest", + "garlic", + "ginger root", + "ground cumin", + "pepper", + "red pepper flakes", + "ground coriander", + "chicken thighs" + ] + }, + { + "id": 32454, + "cuisine": "mexican", + "ingredients": [ + "lime", + "chili powder", + "yellow onion", + "garlic powder", + "paprika", + "honey", + "vegetable oil", + "green pepper", + "brown sugar", + "boneless skinless chicken breasts", + "salt" + ] + }, + { + "id": 6345, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "ground black pepper", + "extra-virgin olive oil", + "chopped parsley", + "cooked rice", + "dried thyme", + "worcestershire sauce", + "ground cayenne pepper", + "white onion", + "bay leaves", + "beef broth", + "celery", + "filé", + "dried basil", + "green onions", + "garlic cloves", + "dried kidney beans" + ] + }, + { + "id": 6086, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "kosher salt", + "garlic", + "serrano chilies", + "cilantro", + "lime", + "onions" + ] + }, + { + "id": 35322, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vinegar", + "brown sugar", + "water", + "garlic", + "fish sauce", + "chili pepper", + "vegetable oil", + "baby bok choy", + "minced ginger", + "squid" + ] + }, + { + "id": 48388, + "cuisine": "thai", + "ingredients": [ + "salt", + "palm sugar", + "mango", + "mint", + "coconut milk", + "sticky rice" + ] + }, + { + "id": 17977, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "carrots", + "dried lentils", + "peppermint", + "onions", + "fresh basil", + "olive oil", + "low salt chicken broth", + "plain yogurt", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 22299, + "cuisine": "moroccan", + "ingredients": [ + "orange", + "fresh orange juice", + "fresh lemon juice", + "ricotta salata", + "red wine vinegar", + "orange flower water", + "grated orange peel", + "shallots", + "purple onion", + "arugula", + "oil-cured black olives", + "extra-virgin olive oil", + "fresh mint" + ] + }, + { + "id": 22702, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "buttermilk", + "flour", + "pepper", + "butter", + "potatoes", + "salt" + ] + }, + { + "id": 13691, + "cuisine": "french", + "ingredients": [ + "water", + "whole milk", + "large egg yolks", + "sugar", + "whipping cream" + ] + }, + { + "id": 49004, + "cuisine": "indian", + "ingredients": [ + "chicken stock", + "fresh ginger", + "sea salt", + "garlic cloves", + "basmati rice", + "fresh coriander", + "ground black pepper", + "green chilies", + "onions", + "tumeric", + "garam masala", + "cilantro leaves", + "lamb leg", + "ground cumin", + "olive oil", + "yoghurt", + "cumin seed", + "chopped fresh mint" + ] + }, + { + "id": 15609, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "vegetable oil", + "cumin", + "whole peeled tomatoes", + "chopped cilantro", + "ground black pepper", + "black olives", + "chorizo sausage", + "capers", + "chili powder", + "onions" + ] + }, + { + "id": 43850, + "cuisine": "japanese", + "ingredients": [ + "cremini mushrooms", + "ramen noodles", + "vegetable broth", + "chopped cilantro", + "eggs", + "Sriracha", + "large garlic cloves", + "scallions", + "spinach", + "sesame oil", + "ginger", + "red bell pepper", + "curry powder", + "vegetable oil", + "ground coriander" + ] + }, + { + "id": 30829, + "cuisine": "italian", + "ingredients": [ + "soft goat's cheese", + "extra-virgin olive oil", + "walnut pieces", + "garlic cloves", + "baguette", + "picholine olives", + "anchovy fillets" + ] + }, + { + "id": 48088, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "pepper jack", + "canola oil", + "milk", + "jalapeno chilies", + "American cheese", + "roma tomatoes", + "poblano peppers", + "chopped cilantro" + ] + }, + { + "id": 14097, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "zucchini", + "green pepper", + "red bell pepper", + "sugar", + "boneless chicken breast", + "pineapple juice", + "corn starch", + "ketchup", + "vegetable oil", + "lemon juice", + "onions", + "cooked rice", + "pepper", + "pineapple", + "carrots" + ] + }, + { + "id": 22955, + "cuisine": "korean", + "ingredients": [ + "garlic powder", + "low sodium soy sauce", + "sesame oil", + "onion powder", + "brown sugar", + "london broil" + ] + }, + { + "id": 19282, + "cuisine": "chinese", + "ingredients": [ + "lily flowers", + "Shaoxing wine", + "scallions", + "light soy sauce", + "salt", + "corn starch", + "minced ginger", + "vegetable oil", + "shrimp", + "tomatoes", + "pork tenderloin", + "dried shiitake mushrooms", + "noodles" + ] + }, + { + "id": 46620, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "lemongrass", + "lime wedges", + "thai chile", + "cinnamon sticks", + "wide rice noodles", + "kosher salt", + "shallots", + "star anise", + "carrots", + "light brown sugar", + "coconut flakes", + "reduced sodium soy sauce", + "ginger", + "scallions", + "fish sauce", + "ground black pepper", + "vegetable oil", + "garlic", + "chuck" + ] + }, + { + "id": 36005, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "swiss chard", + "dri leav thyme", + "olive oil", + "butter", + "onions", + "water", + "bay leaves", + "garlic cloves", + "black-eyed peas", + "salt" + ] + }, + { + "id": 3644, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "garlic shoots", + "asiago", + "pinenuts", + "extra-virgin olive oil", + "grated parmesan cheese", + "fresh lemon juice" + ] + }, + { + "id": 47219, + "cuisine": "italian", + "ingredients": [ + "pepper", + "heavy cream", + "thyme", + "fresh spinach", + "chicken tenderloin", + "carrots", + "olive oil", + "salt", + "celery", + "chicken stock", + "potato gnocchi", + "garlic cloves", + "onions" + ] + }, + { + "id": 30930, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "fresh lemon juice", + "sugar", + "cooking spray", + "vidalia onion", + "ground black pepper", + "dried rosemary", + "ground cloves", + "dry red wine" + ] + }, + { + "id": 30795, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "dry white wine", + "lump crab meat", + "finely chopped onion", + "fresh parsley", + "arborio rice", + "olive oil", + "low salt chicken broth", + "water", + "grated parmesan cheese" + ] + }, + { + "id": 46202, + "cuisine": "greek", + "ingredients": [ + "grated orange peel", + "bourbon whiskey", + "maple syrup", + "phyllo dough", + "chopped almonds", + "bacon", + "water", + "dates", + "sugar", + "butter" + ] + }, + { + "id": 49365, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "leeks", + "apple cider", + "tart apples", + "unsalted butter", + "bay leaves", + "crème fraîche", + "chicken", + "olive oil", + "low sodium chicken broth", + "shallots", + "thyme", + "kosher salt", + "calvados", + "crimini mushrooms", + "freshly ground pepper" + ] + }, + { + "id": 17837, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "extra firm tofu", + "rice vinegar", + "hoisin sauce", + "sesame oil", + "garlic cloves", + "fresh ginger root", + "crimini mushrooms", + "peanut oil", + "agave nectar", + "red pepper flakes", + "sliced green onions" + ] + }, + { + "id": 39765, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "garlic", + "pasta", + "bacon", + "onions", + "heavy cream", + "salt", + "eggs", + "peas" + ] + }, + { + "id": 4361, + "cuisine": "irish", + "ingredients": [ + "chicken bouillon", + "margarine", + "baking potatoes", + "eggs", + "onions" + ] + }, + { + "id": 11105, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "salsa", + "corn", + "cumin", + "black beans", + "gluten-free pasta", + "chili powder" + ] + }, + { + "id": 49620, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "pizza doughs", + "vidalia onion", + "pizza sauce", + "cooking spray", + "red bell pepper", + "hot italian turkey sausage links", + "yellow bell pepper" + ] + }, + { + "id": 46850, + "cuisine": "brazilian", + "ingredients": [ + "ice", + "sugar cubes", + "strawberries", + "cachaca" + ] + }, + { + "id": 7522, + "cuisine": "irish", + "ingredients": [ + "dried currants", + "baking powder", + "all-purpose flour", + "fat free milk", + "vanilla extract", + "turbinado", + "granulated sugar", + "salt", + "large egg whites", + "butter" + ] + }, + { + "id": 12320, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "balsamic vinegar", + "fresh basil", + "zucchini", + "salt", + "ground black pepper", + "purple onion", + "olive oil", + "ziti", + "plum tomatoes" + ] + }, + { + "id": 38850, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "butter", + "long-grain rice", + "dried oregano", + "cold water", + "bay leaves", + "salt", + "red bell pepper", + "chicken", + "celery ribs", + "jalapeno chilies", + "smoked sausage", + "garlic cloves", + "canola oil", + "tomato paste", + "spices", + "scallions", + "onions" + ] + }, + { + "id": 9908, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "baking powder", + "cake flour", + "mint", + "large eggs", + "buttermilk", + "light brown sugar", + "granulated sugar", + "bourbon whiskey", + "fresh mint", + "baking soda", + "cake", + "fine sea salt" + ] + }, + { + "id": 34417, + "cuisine": "greek", + "ingredients": [ + "mozzarella cheese", + "roasted red peppers", + "garlic cloves", + "tomatoes", + "artichoke hearts", + "purple onion", + "olive oil", + "kalamata", + "fresh dill", + "feta cheese", + "pizza doughs" + ] + }, + { + "id": 26593, + "cuisine": "southern_us", + "ingredients": [ + "heavy cream", + "coffee ice cream", + "Heath Candy Bars", + "sugar", + "chocolate graham cracker crumbs", + "unsalted butter", + "bittersweet chocolate" + ] + }, + { + "id": 36409, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "all-purpose flour", + "unsalted butter", + "water", + "salt" + ] + }, + { + "id": 6097, + "cuisine": "spanish", + "ingredients": [ + "water", + "flour", + "scallions", + "ground pepper", + "paprika", + "olive oil", + "parsley", + "shrimp", + "large eggs", + "salt" + ] + }, + { + "id": 14612, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "chili powder", + "corn tortillas", + "low sodium black beans", + "sweet potatoes", + "scallions", + "onions", + "fresh cilantro", + "brown rice", + "enchilada sauce", + "ground cumin", + "ground chipotle chile pepper", + "roasted red peppers", + "frozen corn", + "lowfat pepper jack cheese" + ] + }, + { + "id": 35979, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "extra-virgin olive oil", + "ground black pepper", + "burrata", + "fresh lemon juice", + "Belgian endive", + "fennel bulb" + ] + }, + { + "id": 14981, + "cuisine": "chinese", + "ingredients": [ + "water", + "ginger", + "flank steak", + "dark brown sugar", + "green onions", + "garlic", + "soy sauce", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 42427, + "cuisine": "russian", + "ingredients": [ + "flour", + "sugar", + "oil", + "milk", + "eggs", + "salt" + ] + }, + { + "id": 32475, + "cuisine": "mexican", + "ingredients": [ + "water", + "diced tomatoes", + "garlic cloves", + "canola oil", + "cooking spray", + "goat cheese", + "corn tortillas", + "jalapeno chilies", + "salt", + "cream cheese, soften", + "tomato sauce", + "Mexican oregano", + "cumin seed", + "onions" + ] + }, + { + "id": 41411, + "cuisine": "french", + "ingredients": [ + "hazelnuts", + "salt", + "vanilla ice cream", + "unsalted butter", + "bartlett pears", + "sugar", + "ice water", + "bread flour", + "golden brown sugar", + "all-purpose flour" + ] + }, + { + "id": 45949, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "salsa", + "Sargento® Traditional Cut Shredded 4 Cheese Mexican", + "black beans", + "yellow rice" + ] + }, + { + "id": 19901, + "cuisine": "italian", + "ingredients": [ + "beefsteak tomatoes", + "prosciutto", + "olive oil", + "arugula", + "refrigerated pizza dough" + ] + }, + { + "id": 8714, + "cuisine": "indian", + "ingredients": [ + "bread", + "salt", + "onions", + "chat masala", + "green chilies", + "chili flakes", + "cilantro leaves", + "boiling potatoes", + "garam masala", + "oil" + ] + }, + { + "id": 7386, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic", + "jalapeno chilies", + "salt", + "roma tomatoes", + "purple onion", + "cilantro stems" + ] + }, + { + "id": 43685, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "onions", + "salt", + "cilantro", + "plum tomatoes", + "garlic cloves" + ] + }, + { + "id": 13927, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "whole cloves", + "cinnamon sticks", + "black peppercorns", + "cardamom seeds", + "nutmeg", + "bay leaves", + "coriander seeds", + "cumin seed" + ] + }, + { + "id": 37869, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "green onions", + "garlic cloves", + "chopped cilantro fresh", + "sweet potatoes", + "light coconut milk", + "red bell pepper", + "cooked chicken breasts", + "olive oil", + "lime wedges", + "garlic chili sauce", + "snow peas", + "fat free less sodium chicken broth", + "peeled fresh ginger", + "chopped celery", + "fresh lime juice" + ] + }, + { + "id": 33520, + "cuisine": "french", + "ingredients": [ + "gruyere cheese", + "large eggs", + "unsalted butter", + "sea salt" + ] + }, + { + "id": 11202, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "water", + "chocolate", + "ground almonds", + "sugar", + "pistachios", + "cake flour", + "powdered sugar", + "large eggs", + "vanilla extract", + "cocoa", + "mushrooms", + "salt" + ] + }, + { + "id": 46473, + "cuisine": "thai", + "ingredients": [ + "parmesan cheese", + "garlic", + "large shrimp", + "pepper", + "thai basil", + "salt", + "dried pasta", + "chili powder", + "toasted walnuts", + "olive oil", + "heavy cream", + "lemon juice" + ] + }, + { + "id": 9213, + "cuisine": "mexican", + "ingredients": [ + "shredded lettuce", + "shredded cheddar cheese", + "cream cheese", + "salsa", + "taco seasoning mix", + "sour cream" + ] + }, + { + "id": 49578, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "baby spinach", + "garlic cloves", + "rosemary", + "cooking spray", + "provolone cheese", + "roasted red peppers", + "salt", + "ground black pepper", + "red wine vinegar", + "cooked chicken breasts" + ] + }, + { + "id": 19994, + "cuisine": "british", + "ingredients": [ + "cream of tartar", + "large eggs", + "salt", + "baking soda", + "vegetable oil", + "sugar", + "baking powder", + "all-purpose flour", + "unsalted butter", + "buttermilk" + ] + }, + { + "id": 39545, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "paneer", + "ghee", + "garam masala", + "green chilies", + "fresh spinach", + "salt", + "onions", + "ginger", + "garlic cloves" + ] + }, + { + "id": 21019, + "cuisine": "japanese", + "ingredients": [ + "sake", + "short-grain rice", + "water", + "mixed mushrooms", + "soy sauce", + "mirin", + "dashi", + "dried shiitake mushrooms" + ] + }, + { + "id": 34022, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "sugar", + "coconut", + "green chilies", + "cinnamon sticks", + "white vinegar", + "eggs", + "water", + "salt", + "oil", + "tomatoes", + "red chili peppers", + "ginger", + "cumin seed", + "onions", + "clove", + "black peppercorns", + "steamer", + "cilantro leaves", + "rice flour" + ] + }, + { + "id": 35588, + "cuisine": "italian", + "ingredients": [ + "shredded mozzarella cheese", + "seasoned bread crumbs", + "boneless skinless chicken breast halves", + "black pepper", + "asparagus spears", + "salt" + ] + }, + { + "id": 41032, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "diced tomatoes", + "sharp cheddar cheese", + "chorizo", + "guacamole", + "salsa", + "monterey jack", + "sausage casings", + "jalapeno chilies", + "cheese", + "sour cream", + "fresh cilantro", + "vegetable oil", + "tortilla chips" + ] + }, + { + "id": 30444, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "vegetable oil", + "lemon juice", + "minced ginger", + "salt", + "ground turmeric", + "tandoori spices", + "garlic", + "ground cayenne pepper", + "chicken breasts", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 32844, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "vegetable oil", + "shredded Monterey Jack cheese", + "chili", + "corn tortillas", + "pepper", + "salt", + "tomatoes", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 13194, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "ground cloves", + "butter", + "all-purpose flour", + "corn starch", + "fresh marjoram", + "boneless chuck roast", + "cubed pancetta", + "garlic cloves", + "canola oil", + "parsnips", + "water", + "fat free less sodium beef broth", + "chopped onion", + "bay leaf", + "ground cinnamon", + "Chianti", + "ground black pepper", + "salt", + "carrots" + ] + }, + { + "id": 2007, + "cuisine": "italian", + "ingredients": [ + "vegetable oil spray", + "cumin seed", + "grated parmesan cheese" + ] + }, + { + "id": 23990, + "cuisine": "french", + "ingredients": [ + "sugar", + "unsalted butter", + "all-purpose flour", + "milk", + "vanilla extract", + "grated lemon peel", + "hazelnuts", + "baking powder", + "corn starch", + "ground cinnamon", + "large egg yolks", + "salt" + ] + }, + { + "id": 14513, + "cuisine": "indian", + "ingredients": [ + "asafoetida", + "potatoes", + "cilantro leaves", + "mustard seeds", + "coconut", + "green peas", + "oil", + "ground turmeric", + "curry leaves", + "peanuts", + "salt", + "lemon juice", + "sugar", + "poha", + "green chilies", + "onions" + ] + }, + { + "id": 19263, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "boiling water", + "red chili peppers", + "masa harina", + "vegetable oil" + ] + }, + { + "id": 28968, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "whipping cream", + "green onions", + "toasted pine nuts", + "grated parmesan cheese", + "linguine", + "dry white wine", + "red bell pepper" + ] + }, + { + "id": 46638, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "cooking spray", + "Niçoise olives", + "haricots verts", + "dijon mustard", + "red wine vinegar", + "ground black pepper", + "tuna steaks", + "small red potato", + "grape tomatoes", + "large eggs", + "extra-virgin olive oil" + ] + }, + { + "id": 22910, + "cuisine": "french", + "ingredients": [ + "Belgian endive", + "olive oil", + "shallots", + "Boston lettuce", + "field lettuce", + "salt", + "chervil", + "whole grain mustard", + "fresh tarragon", + "black pepper", + "chopped fresh chives", + "champagne vinegar" + ] + }, + { + "id": 25248, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "cilantro", + "corn tortillas", + "chicken", + "queso fresca", + "salt", + "serrano chile", + "jalapeno chilies", + "garlic", + "onions", + "lettuce", + "tomatillos", + "sour cream", + "olives" + ] + }, + { + "id": 15528, + "cuisine": "italian", + "ingredients": [ + "pistachios", + "dried fig", + "bread ciabatta", + "extra-virgin olive oil", + "sugar", + "red wine vinegar", + "water", + "cheese" + ] + }, + { + "id": 24423, + "cuisine": "mexican", + "ingredients": [ + "canned black beans", + "guacamole", + "salsa", + "chopped tomatoes", + "red pepper", + "shredded cheese", + "corn", + "cooked chicken", + "rice", + "diced onions", + "flour tortillas", + "cilantro" + ] + }, + { + "id": 7835, + "cuisine": "korean", + "ingredients": [ + "pepper flakes", + "potatoes", + "ginger", + "meat bones", + "dried red chile peppers", + "shiitake", + "seeds", + "soybean paste", + "Gochujang base", + "fish sauce", + "green onions", + "garlic", + "soybean sprouts", + "onions", + "leaves", + "napa cabbage", + "cooking wine", + "chinese chives" + ] + }, + { + "id": 12842, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "crushed tomatoes", + "large eggs", + "vegetable oil", + "ground allspice", + "chopped cilantro fresh", + "yellow corn meal", + "black beans", + "cayenne", + "baking powder", + "all-purpose flour", + "onions", + "chuck", + "sugar", + "milk", + "jalapeno chilies", + "salt", + "garlic cloves", + "unsweetened cocoa powder", + "cheddar cheese", + "water", + "unsalted butter", + "chili powder", + "frozen corn", + "pimento stuffed green olives", + "ground cumin" + ] + }, + { + "id": 3902, + "cuisine": "cajun_creole", + "ingredients": [ + "red kidney beans", + "water", + "red pepper flakes", + "hot sauce", + "cooked rice", + "ground black pepper", + "garlic", + "thyme", + "seasoning", + "olive oil", + "vegetable broth", + "yellow onion", + "celery ribs", + "green bell pepper", + "bay leaves", + "salt", + "oregano" + ] + }, + { + "id": 18278, + "cuisine": "filipino", + "ingredients": [ + "bananas", + "red wine vinegar", + "pork belly", + "cooking oil", + "dark brown sugar", + "soy sauce", + "ground black pepper", + "salt", + "water", + "bay leaves", + "carrots" + ] + }, + { + "id": 13382, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "salsa", + "feta cheese", + "refried beans", + "avocado", + "tortillas" + ] + }, + { + "id": 29965, + "cuisine": "italian", + "ingredients": [ + "chives", + "sweet italian sausage", + "mozzarella cheese", + "salt", + "freshly ground pepper", + "extra-virgin olive oil", + "pizza doughs", + "freshly grated parmesan", + "ricotta", + "flat leaf parsley" + ] + }, + { + "id": 4674, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sesame seeds", + "sesame oil", + "onions", + "cooked rice", + "water", + "mushrooms", + "scallions", + "rib eye steaks", + "pepper", + "asian pear", + "garlic", + "broth", + "sugar", + "honey", + "rice wine", + "carrots" + ] + }, + { + "id": 44559, + "cuisine": "filipino", + "ingredients": [ + "cooking oil", + "minced garlic", + "salt", + "lemon", + "ground black pepper", + "chicken leg quarters" + ] + }, + { + "id": 11199, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "grated parmesan cheese", + "butter", + "yellow corn meal" + ] + }, + { + "id": 32638, + "cuisine": "french", + "ingredients": [ + "honey", + "all-purpose flour", + "large eggs", + "almonds", + "orange flower water", + "sugar", + "salt" + ] + }, + { + "id": 20008, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "jicama", + "salt", + "ground cumin", + "cooking spray", + "lime wedges", + "fresh lime juice", + "honey", + "chili powder", + "corn tortillas", + "ground red pepper", + "extra-virgin olive oil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 39436, + "cuisine": "japanese", + "ingredients": [ + "cooked rice", + "black sesame seeds", + "soy sauce", + "dried bonito flakes" + ] + }, + { + "id": 26436, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "cooking oil", + "garlic", + "soy sauce", + "fresh green bean", + "red bell pepper", + "brown sugar", + "ground sirloin", + "sweet basil", + "cooked rice", + "lime juice", + "thai chile" + ] + }, + { + "id": 39475, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "chili", + "carrots", + "soy sauce", + "large garlic cloves", + "chopped cilantro fresh", + "mayonaise", + "loin pork roast", + "cucumber", + "baguette", + "purple onion" + ] + }, + { + "id": 11627, + "cuisine": "mexican", + "ingredients": [ + "tomato purée", + "cooked chicken", + "corn tortillas", + "ground black pepper", + "garlic", + "monterey jack", + "Pure Wesson Vegetable Oil", + "Gebhardt Chili Powder", + "onions", + "cooking spray", + "salt" + ] + }, + { + "id": 35081, + "cuisine": "vietnamese", + "ingredients": [ + "cilantro sprigs", + "fresh ginger", + "steak", + "chicken stock", + "thai chile", + "ground black pepper", + "caramel sauce" + ] + }, + { + "id": 15949, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "shredded lettuce", + "cumin", + "taco sauce", + "vegetable oil", + "roast beef", + "tomatoes", + "chile pepper", + "garlic", + "shredded cheddar cheese", + "red pepper flakes", + "onions" + ] + }, + { + "id": 1008, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "peeled fresh ginger", + "less sodium beef broth", + "garlic cloves", + "chiles", + "ground nutmeg", + "salt", + "peanut oil", + "boneless sirloin steak", + "ground cinnamon", + "coriander seeds", + "light coconut milk", + "cardamom pods", + "onions", + "water", + "potatoes", + "tamarind paste", + "cumin seed" + ] + }, + { + "id": 29378, + "cuisine": "southern_us", + "ingredients": [ + "tomato paste", + "green onions", + "paprika", + "hot sauce", + "heavy whipping cream", + "pancetta", + "water", + "butter", + "salt", + "shrimp", + "minced garlic", + "cajun seasoning", + "chicken stock cubes", + "sharp cheddar cheese", + "italian seasoning", + "chicken stock", + "quickcooking grits", + "worcestershire sauce", + "all-purpose flour", + "ground white pepper" + ] + }, + { + "id": 27999, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "butter", + "white cake mix" + ] + }, + { + "id": 5507, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "cilantro", + "red bell pepper", + "water", + "boneless skinless chicken breasts", + "cayenne pepper", + "monterey jack", + "kosher salt", + "flour tortillas", + "frozen corn", + "reduced sodium black beans", + "olive oil", + "chili powder", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 11187, + "cuisine": "greek", + "ingredients": [ + "fresh thyme leaves", + "extra-virgin olive oil", + "red wine vinegar", + "green cabbage", + "feta cheese crumbles" + ] + }, + { + "id": 21773, + "cuisine": "mexican", + "ingredients": [ + "whole allspice", + "kosher salt", + "herbs", + "mulato chiles", + "chocolate", + "cinnamon sticks", + "challa", + "sugar", + "peanuts", + "whole cloves", + "raisins", + "cumin seed", + "plum tomatoes", + "chiles", + "sesame seeds", + "low sodium chicken broth", + "tomatillos", + "pumpkin seeds", + "onions", + "pecans", + "pasilla chiles", + "almonds", + "corn oil", + "anise", + "garlic cloves", + "plantains" + ] + }, + { + "id": 19028, + "cuisine": "southern_us", + "ingredients": [ + "light corn syrup", + "white frostings", + "chopped pecans", + "powdered sugar", + "boiling water", + "vanilla extract" + ] + }, + { + "id": 27588, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "ground black pepper", + "fresh parsley", + "veal loin chops", + "salt", + "lemon" + ] + }, + { + "id": 42056, + "cuisine": "italian", + "ingredients": [ + "capers", + "diced tomatoes", + "all-purpose flour", + "artichoke hearts", + "black olives", + "flat leaf parsley", + "olive oil", + "crushed red pepper flakes", + "juice", + "chicken broth", + "large garlic cloves", + "salt", + "chicken thighs" + ] + }, + { + "id": 22077, + "cuisine": "southern_us", + "ingredients": [ + "pectin", + "ground nutmeg", + "sugar", + "green tomatoes", + "water", + "lemon juice", + "ground cinnamon", + "fresh blueberries" + ] + }, + { + "id": 24316, + "cuisine": "italian", + "ingredients": [ + "ground ginger", + "paprika", + "chopped cilantro", + "olive oil", + "lemon juice", + "dried oregano", + "crushed tomatoes", + "salt", + "medium shrimp", + "ground black pepper", + "penne rigate", + "ground cumin" + ] + }, + { + "id": 4502, + "cuisine": "mexican", + "ingredients": [ + "chopped cilantro", + "salt", + "basmati rice", + "fresh lime juice" + ] + }, + { + "id": 39308, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "fresh mozzarella", + "pesto", + "puff pastry", + "tomato purée", + "fresh basil leaves", + "black pepper", + "dried oregano" + ] + }, + { + "id": 3666, + "cuisine": "french", + "ingredients": [ + "light brown sugar", + "nonfat dry milk", + "salt", + "vanilla beans", + "reduced fat milk", + "large egg yolks", + "vanilla extract", + "water", + "granulated sugar" + ] + }, + { + "id": 23945, + "cuisine": "filipino", + "ingredients": [ + "baby bok choy", + "garlic", + "fish", + "fish sauce", + "green onions", + "rice", + "cooking oil", + "salt", + "whole peppercorn", + "ginger", + "onions" + ] + }, + { + "id": 14774, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "ground black pepper", + "sausages", + "diced onions", + "ground chuck", + "paprika", + "lettuce", + "hamburger buns", + "ground red pepper", + "onions", + "mustard", + "minced garlic", + "salt" + ] + }, + { + "id": 2867, + "cuisine": "italian", + "ingredients": [ + "white vinegar", + "shortening", + "ricotta cheese", + "confectioners sugar", + "ground cinnamon", + "pistachio nuts", + "salt", + "white sugar", + "eggs", + "vegetable oil", + "all-purpose flour", + "semi-sweet chocolate morsels", + "cold water", + "egg whites", + "vanilla extract", + "citron" + ] + }, + { + "id": 33749, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "vegetable oil", + "white sugar", + "hot pepper sauce", + "cornmeal", + "ground black pepper", + "creole seasoning", + "eggs", + "paprika" + ] + }, + { + "id": 45826, + "cuisine": "southern_us", + "ingredients": [ + "soy sauce", + "garlic powder", + "apple cider", + "seasoning salt", + "apple cider vinegar", + "ketchup", + "beef brisket", + "brown sugar", + "honey", + "worcestershire sauce" + ] + }, + { + "id": 9637, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "ground black pepper", + "garlic powder", + "cream cheese", + "kosher salt", + "lean ground beef", + "chicken broth", + "parmesan cheese", + "noodles" + ] + }, + { + "id": 10269, + "cuisine": "southern_us", + "ingredients": [ + "fresh dill", + "freshly ground pepper", + "green onions", + "cream cheese, soften", + "mayonaise", + "cucumber", + "salt", + "bread slices" + ] + }, + { + "id": 9296, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "crushed red pepper", + "corn starch", + "ground ginger", + "orange", + "orange juice", + "cold water", + "water", + "rice vinegar", + "sugar", + "boneless skinless chicken breasts", + "oil" + ] + }, + { + "id": 5133, + "cuisine": "thai", + "ingredients": [ + "whitefish", + "gluten", + "extra virgin coconut oil", + "thai green curry paste", + "vegetable stock", + "garlic", + "red bell pepper", + "toasted sesame seeds", + "lime juice", + "green peas", + "gingerroot", + "onions", + "lime zest", + "fish stock", + "cilantro leaves", + "coconut milk", + "bamboo shoots" + ] + }, + { + "id": 45581, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "fresh cilantro", + "tikka paste", + "salt", + "chicken thighs", + "cream", + "garam masala", + "cinnamon", + "lemon juice", + "cumin", + "pepper", + "cayenne", + "diced tomatoes", + "onions", + "plain yogurt", + "fresh ginger", + "chili powder", + "garlic cloves", + "coriander" + ] + }, + { + "id": 17594, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "chipotle", + "purple onion", + "corn tortillas", + "fresh cilantro", + "boneless skinless chicken breasts", + "salsa", + "pepper", + "jalapeno chilies", + "salt", + "ground cumin", + "lime", + "garlic", + "green pepper" + ] + }, + { + "id": 27219, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "beer", + "brown sugar", + "salt", + "ground cumin", + "garlic", + "chopped cilantro", + "worcestershire sauce", + "fresh lime juice" + ] + }, + { + "id": 30844, + "cuisine": "cajun_creole", + "ingredients": [ + "cayenne", + "garlic", + "onions", + "canned low sodium chicken broth", + "bay leaves", + "long-grain rice", + "andouille sausage", + "boneless skinless chicken breasts", + "celery", + "green bell pepper", + "cooking oil", + "salt" + ] + }, + { + "id": 14982, + "cuisine": "greek", + "ingredients": [ + "lean minced lamb", + "feta cheese", + "onions", + "eggs", + "olive oil", + "garlic", + "fresh basil", + "chopped tomatoes", + "dried mixed herbs", + "sugar", + "red pepper", + "yellow peppers" + ] + }, + { + "id": 17993, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "beef stock", + "confit duck leg", + "chopped onion", + "thyme sprigs", + "pork", + "dry white wine", + "salt", + "goose fat", + "pork sausages", + "clove", + "black pepper", + "bacon", + "white beans", + "flat leaf parsley", + "plain dry bread crumb", + "bay leaves", + "mutton", + "garlic cloves", + "fresh parsley" + ] + }, + { + "id": 31260, + "cuisine": "vietnamese", + "ingredients": [ + "ground coffee", + "sweetened condensed milk" + ] + }, + { + "id": 16311, + "cuisine": "indian", + "ingredients": [ + "yoghurt", + "rice flour", + "all-purpose flour", + "coriander", + "salt", + "ghee", + "semolina", + "green chilies" + ] + }, + { + "id": 29090, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "garlic powder", + "sesame oil", + "pork spareribs", + "five spice", + "water", + "green onions", + "red food coloring", + "sliced green onions", + "ground ginger", + "cider vinegar", + "hoisin sauce", + "vegetable oil", + "long-grain rice", + "soy sauce", + "honey", + "onion powder", + "beets" + ] + }, + { + "id": 38978, + "cuisine": "italian", + "ingredients": [ + "penne", + "olive oil", + "salt", + "tomatoes", + "black pepper", + "balsamic vinegar", + "pitted kalamata olives", + "parmesan cheese", + "garlic cloves", + "fresh basil", + "pinenuts", + "crushed red pepper" + ] + }, + { + "id": 9907, + "cuisine": "british", + "ingredients": [ + "lean ground pork", + "lean ground beef", + "ground black pepper", + "unbaked pie shells", + "mashed potatoes", + "egg whites", + "ground nutmeg", + "salt" + ] + }, + { + "id": 23921, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "runny honey", + "clove", + "pepper", + "cilantro leaves", + "pork belly", + "salt", + "five spice", + "star anise", + "rice" + ] + }, + { + "id": 12613, + "cuisine": "greek", + "ingredients": [ + "dried basil", + "purple onion", + "dried oregano", + "garbanzo beans", + "lemon juice", + "olive oil", + "roasted garlic", + "dried sage", + "dried parsley" + ] + }, + { + "id": 15073, + "cuisine": "chinese", + "ingredients": [ + "potato starch", + "white pepper", + "wonton wrappers", + "calamari steak", + "large shrimp", + "sugar", + "Shaoxing wine", + "salt", + "oyster sauce", + "ginger juice", + "egg whites", + "napa cabbage", + "scallions", + "soy sauce", + "sesame oil", + "fresh pork fat", + "shrimp" + ] + }, + { + "id": 28484, + "cuisine": "italian", + "ingredients": [ + "smoked salmon", + "mushrooms", + "penne pasta", + "romano cheese", + "green peas", + "skim milk", + "butter", + "onions", + "garlic powder", + "all-purpose flour" + ] + }, + { + "id": 43974, + "cuisine": "japanese", + "ingredients": [ + "clove", + "fresh cilantro", + "cinnamon", + "garlic cloves", + "tumeric", + "garam masala", + "cayenne pepper", + "frozen peas", + "tomatoes", + "fresh ginger", + "salt", + "onions", + "green cardamom pods", + "cream", + "potatoes", + "cumin seed", + "canola oil" + ] + }, + { + "id": 45157, + "cuisine": "british", + "ingredients": [ + "eggs", + "oil", + "flour", + "salt", + "milk", + "sausages" + ] + }, + { + "id": 49666, + "cuisine": "spanish", + "ingredients": [ + "manchego cheese", + "salt", + "smoked paprika", + "onions", + "tomato sauce", + "large eggs", + "long-grain rice", + "ground meat", + "chicken broth", + "unsalted butter", + "freshly ground pepper", + "roast red peppers, drain", + "saffron", + "bread crumbs", + "extra-virgin olive oil", + "garlic cloves", + "Manzanilla olives" + ] + }, + { + "id": 31050, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "pinenuts", + "salt", + "olive oil", + "pomegranate", + "fresh basil", + "queso fresco" + ] + }, + { + "id": 7355, + "cuisine": "italian", + "ingredients": [ + "garlic", + "fresh basil", + "plum tomatoes", + "brie cheese", + "olive oil" + ] + }, + { + "id": 5595, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "flank steak", + "sweet corn", + "sour cream", + "grape tomatoes", + "olive oil", + "onion powder", + "beer", + "ground cumin", + "avocado", + "lime", + "chili powder", + "tortilla chips", + "monterey jack", + "pepper", + "garlic powder", + "salt", + "smoked paprika" + ] + }, + { + "id": 31542, + "cuisine": "french", + "ingredients": [ + "halibut fillets", + "fine sea salt", + "carrots", + "whitefish", + "ground black pepper", + "garlic cloves", + "fresh basil leaves", + "water", + "unsalted butter", + "fresh lemon juice", + "large egg yolks", + "crème fraîche", + "onions" + ] + }, + { + "id": 7420, + "cuisine": "spanish", + "ingredients": [ + "salt and ground black pepper", + "raisins", + "swiss chard", + "pinenuts", + "extra-virgin olive oil" + ] + }, + { + "id": 9967, + "cuisine": "thai", + "ingredients": [ + "palm sugar", + "rice noodles", + "tamarind paste", + "mung bean sprouts", + "water", + "large eggs", + "crushed red pepper", + "scallions", + "asian fish sauce", + "granulated sugar", + "vegetable oil", + "salted dry roasted peanuts", + "boiling water", + "lime", + "shallots", + "salt", + "medium shrimp", + "chopped garlic" + ] + }, + { + "id": 32785, + "cuisine": "italian", + "ingredients": [ + "pecans", + "mushrooms", + "salt", + "chicken broth", + "olive oil", + "butter", + "pepper", + "shallots", + "flat leaf parsley", + "marsala wine", + "chicken breasts", + "all-purpose flour" + ] + }, + { + "id": 43607, + "cuisine": "mexican", + "ingredients": [ + "cooked brown rice", + "diced tomatoes", + "avocado", + "shredded cheddar cheese", + "taco seasoning", + "black beans", + "cilantro", + "lean ground turkey", + "olive oil", + "onions" + ] + }, + { + "id": 790, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "orange", + "crushed red pepper", + "low sodium soy sauce", + "soy sauce", + "peeled fresh ginger", + "corn starch", + "cooked rice", + "boneless chicken skinless thigh", + "garlic", + "canola oil", + "scallion greens", + "red chili peppers", + "Shaoxing wine", + "rice vinegar" + ] + }, + { + "id": 2476, + "cuisine": "thai", + "ingredients": [ + "sugar", + "lime", + "garlic", + "sauce", + "scallions", + "pork", + "radishes", + "cilantro leaves", + "roasted peanuts", + "dried shrimp", + "warm water", + "tamarind pulp", + "salt", + "firm tofu", + "beansprouts", + "fish sauce", + "soy sauce", + "large eggs", + "dried rice noodles", + "peanut oil" + ] + }, + { + "id": 38496, + "cuisine": "mexican", + "ingredients": [ + "cold water", + "chopped green chilies", + "diced tomatoes", + "garlic cloves", + "chuck", + "shredded cheddar cheese", + "flour tortillas", + "all-purpose flour", + "onions", + "pepper", + "hot pepper sauce", + "salt", + "sour cream", + "water", + "vegetable oil", + "salsa", + "dried oregano" + ] + }, + { + "id": 561, + "cuisine": "italian", + "ingredients": [ + "penn pasta, cook and drain", + "broccoli florets", + "dri basil leaves, crush", + "garlic", + "ground black pepper", + "swanson chicken broth", + "grated parmesan cheese", + "lemon juice" + ] + }, + { + "id": 12929, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "onions", + "pepper flakes", + "coarse salt", + "sweet rice flour", + "green onions", + "cabbage", + "water", + "garlic" + ] + }, + { + "id": 45882, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "tomatoes", + "hot sauce", + "green cabbage", + "olive oil", + "meat loaf mixture", + "corn tortillas" + ] + }, + { + "id": 30727, + "cuisine": "french", + "ingredients": [ + "water", + "garlic cloves", + "canola oil", + "flageolet", + "ground black pepper", + "smoked turkey sausage", + "dried thyme", + "celery seed", + "lower sodium chicken broth", + "shallots", + "thyme sprigs" + ] + }, + { + "id": 9795, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "butternut squash", + "half & half", + "all-purpose flour", + "ground nutmeg", + "butter" + ] + }, + { + "id": 44414, + "cuisine": "italian", + "ingredients": [ + "sherry wine vinegar", + "fresh parsley", + "pepper", + "garlic", + "fresh basil", + "extra-virgin olive oil", + "shallots", + "salt" + ] + }, + { + "id": 23758, + "cuisine": "british", + "ingredients": [ + "ground ginger", + "coarse ground mustard", + "red currant jelly", + "fresh lemon juice", + "kosher salt", + "unsalted butter", + "salt", + "ruby port", + "olive oil", + "fresh orange juice", + "corn starch", + "fennel seeds", + "water", + "bay leaves", + "boneless pork loin" + ] + }, + { + "id": 7874, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "salt", + "nonfat dry milk", + "large egg yolks", + "sugar", + "reduced fat milk" + ] + }, + { + "id": 28730, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "honey", + "marinade", + "chopped garlic", + "soy sauce", + "pork tenderloin", + "sherry wine", + "sugar", + "hoisin sauce", + "chinese five-spice powder", + "pepper", + "bean paste", + "corn starch" + ] + }, + { + "id": 29050, + "cuisine": "french", + "ingredients": [ + "prepared horseradish", + "low-fat mayonnaise", + "minced garlic", + "boneless skinless chicken breasts", + "salt", + "chopped fresh chives", + "whole wheat bread", + "large egg whites", + "cajun seasoning", + "canola oil" + ] + }, + { + "id": 15912, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "garlic", + "cumin", + "chicken breasts", + "onions", + "hominy", + "carrots", + "chicken broth", + "stewed tomatoes", + "oregano" + ] + }, + { + "id": 26240, + "cuisine": "thai", + "ingredients": [ + "caster sugar", + "carrots", + "fish sauce", + "red pepper", + "coriander", + "lime juice", + "beansprouts", + "red chili peppers", + "purple onion" + ] + }, + { + "id": 43845, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "lemon", + "salt", + "eggs", + "unsalted butter", + "raisins", + "milk", + "all purpose unbleached flour", + "sugar", + "baking powder", + "extra-virgin olive oil" + ] + }, + { + "id": 37359, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "mini marshmallows", + "all-purpose flour", + "unsalted butter", + "vanilla extract", + "unsweetened cocoa powder", + "powdered sugar", + "whole milk", + "chopped pecans", + "light brown sugar", + "granulated sugar", + "salt" + ] + }, + { + "id": 18382, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "boneless skinless chicken breasts", + "panko breadcrumbs", + "grated parmesan cheese", + "poultry seasoning", + "crushed garlic" + ] + }, + { + "id": 35661, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "grated parmesan cheese", + "salt", + "pork sausages", + "chopped green bell pepper", + "garlic", + "green beans", + "zucchini", + "canned tomatoes", + "ground beef", + "ground black pepper", + "italian style seasoning", + "chopped onion" + ] + }, + { + "id": 19457, + "cuisine": "brazilian", + "ingredients": [ + "dried black beans", + "red wine vinegar", + "hot sauce", + "water", + "turkey", + "bay leaf", + "pepper", + "large garlic cloves", + "chopped onion", + "vegetable oil", + "salt", + "ground cumin" + ] + }, + { + "id": 18789, + "cuisine": "italian", + "ingredients": [ + "pepper", + "chicken breasts", + "oil", + "parmesan cheese", + "vodka sauce", + "panko breadcrumbs", + "Italian herbs", + "chees fresh mozzarella", + "whole wheat breadcrumbs", + "zucchini", + "salt" + ] + }, + { + "id": 16850, + "cuisine": "mexican", + "ingredients": [ + "ground red pepper", + "sour cream", + "rice", + "sliced green onions", + "salt", + "shredded Monterey Jack cheese", + "sweet paprika" + ] + }, + { + "id": 11163, + "cuisine": "italian", + "ingredients": [ + "sliced almonds", + "vanilla extract", + "unflavored gelatin", + "whole milk", + "almond liqueur", + "cherries", + "heavy whipping cream", + "sugar", + "almond extract" + ] + }, + { + "id": 16570, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "fresh coriander", + "tomatillos", + "avocado" + ] + }, + { + "id": 3195, + "cuisine": "mexican", + "ingredients": [ + "water", + "diced tomatoes", + "black beans", + "vegetable oil", + "ground cumin", + "colby cheese", + "chile pepper", + "chunky salsa", + "condensed cream of chicken soup", + "brown rice", + "pork loin chops" + ] + }, + { + "id": 8048, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "red pepper flakes", + "ginger root", + "baking soda", + "okra", + "kosher salt", + "garlic", + "onions", + "garam masala", + "cumin seed" + ] + }, + { + "id": 4372, + "cuisine": "italian", + "ingredients": [ + "parmigiano-reggiano cheese", + "asparagus", + "green peas", + "ham", + "arborio rice", + "water", + "dry white wine", + "whipping cream", + "fava beans", + "ground black pepper", + "butter", + "salt", + "fat free less sodium chicken broth", + "finely chopped onion", + "extra-virgin olive oil" + ] + }, + { + "id": 3877, + "cuisine": "russian", + "ingredients": [ + "light mayonnaise", + "chopped parsley", + "waxy potatoes", + "cornichons", + "frozen peas", + "carrots" + ] + }, + { + "id": 27696, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "shiitake", + "shimeji mushrooms", + "tofu", + "water", + "udon", + "Yuzukosho", + "Japanese turnips", + "mirin", + "kelp", + "sake", + "roasted sesame seeds", + "condiments" + ] + }, + { + "id": 10330, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "anchovy paste", + "boneless skinless chicken breast halves", + "capers", + "lemon", + "all-purpose flour", + "pepper", + "kalamata", + "penne pasta", + "parmesan cheese", + "salt", + "plum tomatoes" + ] + }, + { + "id": 31547, + "cuisine": "vietnamese", + "ingredients": [ + "golden caster sugar", + "lime", + "spring onions", + "cucumber", + "red chili peppers", + "pork tenderloin", + "vegetable oil", + "cabbage", + "fresh red chili", + "sesame seeds", + "sesame oil", + "coriander", + "celery ribs", + "lemongrass", + "mint leaves", + "root vegetables" + ] + }, + { + "id": 32629, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "salt", + "fermented black beans", + "chicken broth", + "sesame oil", + "corn starch", + "canola oil", + "sugar", + "garlic", + "red bell pepper", + "Shaoxing wine", + "english cucumber", + "pork butt" + ] + }, + { + "id": 14976, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "jalapeno chilies", + "garlic cloves", + "white onion", + "salt", + "chiles", + "tomatillos", + "lime juice", + "cilantro leaves" + ] + }, + { + "id": 45097, + "cuisine": "italian", + "ingredients": [ + "baguette", + "extra-virgin olive oil", + "black pepper", + "cantaloupe", + "kosher salt", + "fresh mozzarella", + "prosciutto", + "fresh mint" + ] + }, + { + "id": 19709, + "cuisine": "french", + "ingredients": [ + "white tuna in water", + "lettuce leaves", + "Niçoise olives", + "water", + "salt", + "capers", + "fresh green bean", + "fresh lemon juice", + "whole wheat pita rounds", + "extra-virgin olive oil" + ] + }, + { + "id": 14052, + "cuisine": "thai", + "ingredients": [ + "lime zest", + "lime leaves", + "lemon zest", + "lemongrass", + "soda water" + ] + }, + { + "id": 47685, + "cuisine": "greek", + "ingredients": [ + "plain yogurt", + "cucumber", + "garlic cloves" + ] + }, + { + "id": 32615, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "red pepper flakes", + "brown sugar", + "flour tortillas", + "whole kernel corn, drain", + "finely chopped onion", + "salsa", + "black beans", + "butter", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 16938, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "white sugar", + "eggs", + "minced garlic", + "rice vinegar", + "red chili peppers", + "fresh ginger", + "corn starch", + "white vinegar", + "boneless chicken skinless thigh", + "dry sherry" + ] + }, + { + "id": 24374, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "granulated sugar", + "peanuts", + "light corn syrup", + "water", + "butter", + "baking soda", + "salt" + ] + }, + { + "id": 49005, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "diced tomatoes", + "garlic cloves", + "penne", + "finely chopped onion", + "crushed red pepper", + "roasted red peppers", + "extra-virgin olive oil", + "sugar", + "cooking spray", + "salt" + ] + }, + { + "id": 33481, + "cuisine": "southern_us", + "ingredients": [ + "andouille sausage", + "fresh thyme", + "shredded monterey jack cheese", + "baked pizza crust", + "liquid", + "sour cream", + "onions", + "green bell pepper", + "corn", + "vegetable oil", + "salt", + "creole seasoning", + "red bell pepper", + "fresh parsley", + "chicken bouillon granules", + "black pepper", + "jalapeno chilies", + "butter", + "penne pasta", + "oil", + "corn tortillas", + "garlic salt", + "melted butter", + "minced garlic", + "flour", + "whipping cream", + "salt pork", + "shrimp", + "celery" + ] + }, + { + "id": 15165, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "ginger", + "onions", + "tomatoes", + "calamansi juice", + "salt", + "base", + "garlic", + "soy sauce", + "butter", + "tilapia" + ] + }, + { + "id": 19441, + "cuisine": "italian", + "ingredients": [ + "brown sugar", + "butter", + "all-purpose flour", + "eggs", + "bourbon whiskey", + "salt", + "baking powder", + "butterscotch chips", + "almonds", + "vanilla" + ] + }, + { + "id": 10919, + "cuisine": "southern_us", + "ingredients": [ + "mint leaves", + "simple syrup", + "vodka", + "bourbon whiskey", + "sugar", + "mint syrup", + "crushed ice", + "water", + "mint sprigs" + ] + }, + { + "id": 13299, + "cuisine": "russian", + "ingredients": [ + "sugar", + "vegetable oil", + "eggs", + "flour", + "salt", + "ground cinnamon", + "brandy", + "butter", + "powdered sugar", + "baking powder" + ] + }, + { + "id": 12654, + "cuisine": "chinese", + "ingredients": [ + "brown rice vinegar", + "olive oil", + "black tea leaves", + "green chilies", + "rock salt", + "duck breasts", + "spring onions", + "salt", + "garlic cloves", + "black tea", + "brown sugar", + "mushrooms", + "ginger", + "orange juice", + "cucumber", + "red chili peppers", + "szechwan peppercorns", + "cilantro leaves", + "red radishes" + ] + }, + { + "id": 2169, + "cuisine": "russian", + "ingredients": [ + "warm water", + "light molasses", + "large eggs", + "whipping cream", + "ground cinnamon", + "baking soda", + "semisweet chocolate", + "light corn syrup", + "all-purpose flour", + "ground ginger", + "golden brown sugar", + "unsalted butter", + "baking powder", + "salt", + "ground cloves", + "crystallized ginger", + "peeled fresh ginger", + "vanilla extract" + ] + }, + { + "id": 23478, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "baby spinach", + "celery", + "pernod", + "cayenne", + "bacon slices", + "bread crumb fresh", + "unsalted butter", + "flat leaf parsley", + "scallion greens", + "oysters", + "watercress" + ] + }, + { + "id": 44448, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "onion powder", + "garlic cloves", + "frozen chopped spinach", + "marinara sauce", + "salt", + "ground black pepper", + "part-skim ricotta cheese", + "dried oregano", + "large egg yolks", + "cooking spray", + "jumbo pasta shells" + ] + }, + { + "id": 5104, + "cuisine": "southern_us", + "ingredients": [ + "finely chopped onion", + "all-purpose flour", + "white cornmeal", + "baking powder", + "okra", + "large eggs", + "peanut oil", + "coarse salt", + "freshly ground pepper" + ] + }, + { + "id": 26191, + "cuisine": "italian", + "ingredients": [ + "chicken wings", + "blue cheese dressing", + "dried oregano", + "dijon mustard", + "extra-virgin olive oil", + "ground cumin", + "seasoning salt", + "sea salt", + "dried rosemary", + "fresh basil", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 20994, + "cuisine": "chinese", + "ingredients": [ + "fish sauce", + "crushed red pepper flakes", + "scallions", + "serrano chilies", + "curry powder", + "green peas", + "red bell pepper", + "soy sauce", + "ginger", + "shrimp", + "green bell pepper", + "egg noodles", + "garlic", + "onions" + ] + }, + { + "id": 5267, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "garlic", + "dried oregano", + "olive oil", + "fresh parsley", + "fresh basil", + "salt", + "tomatoes", + "ground black pepper", + "white sugar" + ] + }, + { + "id": 44309, + "cuisine": "thai", + "ingredients": [ + "water", + "chicken meat", + "ground turmeric", + "fresh ginger root", + "cayenne pepper", + "fish sauce", + "spring onions", + "coconut milk", + "fresh coriander", + "vegetable oil", + "fresh lime juice" + ] + }, + { + "id": 41092, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "salt", + "shortening", + "butter", + "powdered sugar", + "large eggs", + "all-purpose flour", + "milk", + "vanilla extract" + ] + }, + { + "id": 38757, + "cuisine": "french", + "ingredients": [ + "sugar", + "orange liqueur", + "strawberries", + "grated orange" + ] + }, + { + "id": 32104, + "cuisine": "irish", + "ingredients": [ + "eggs", + "heavy cream", + "chocolate syrup", + "sugar", + "Baileys Irish Cream Liqueur" + ] + }, + { + "id": 39761, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "fresh ginger", + "green onions", + "teriyaki sauce", + "corn starch", + "chicken", + "ground ginger", + "slaw", + "diced red onions", + "wonton wrappers", + "rice vinegar", + "chopped cilantro", + "soy sauce", + "garlic powder", + "boneless skinless chicken breasts", + "salt", + "toasted sesame oil", + "chicken broth", + "taco shells", + "shredded cabbage", + "stir fry sauce", + "oil", + "canola oil" + ] + }, + { + "id": 2626, + "cuisine": "mexican", + "ingredients": [ + "flour", + "vegetable oil", + "baking powder", + "warm water", + "salt" + ] + }, + { + "id": 5627, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "milk", + "cayenne", + "salt", + "ground cloves", + "coriander seeds", + "hot green chile", + "yellow onion", + "curry leaves", + "water", + "ground black pepper", + "garlic", + "ground cardamom", + "tumeric", + "fresh ginger", + "vegetable oil", + "boneless skinless chicken" + ] + }, + { + "id": 44678, + "cuisine": "mexican", + "ingredients": [ + "chopped green bell pepper", + "salt", + "milk", + "vegetable oil", + "cheddar cheese", + "baking powder", + "all-purpose flour", + "corn kernels", + "butter" + ] + }, + { + "id": 41543, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "ground black pepper", + "vegetable oil", + "onions", + "fish sauce", + "thai basil", + "green onions", + "garlic", + "chopped cilantro fresh", + "reduced sodium beef broth", + "fresh ginger root", + "sesame oil", + "green beans", + "sirloin tip", + "olive oil", + "reduced sodium soy sauce", + "red pepper flakes", + "chopped fresh mint" + ] + }, + { + "id": 34167, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "salt", + "onions", + "brown sugar", + "diced tomatoes", + "bay leaf", + "water", + "garlic", + "ground beef", + "tomato paste", + "dried thyme", + "green pepper", + "dried oregano" + ] + }, + { + "id": 37261, + "cuisine": "italian", + "ingredients": [ + "capers", + "boneless skinless chicken breasts", + "fresh parsley", + "pepper", + "salt", + "marsala wine", + "extra-virgin olive oil", + "flour", + "lemon juice" + ] + }, + { + "id": 47181, + "cuisine": "southern_us", + "ingredients": [ + "lime slices", + "sugar", + "boiling water", + "lime rind", + "cold water", + "fresh lime juice" + ] + }, + { + "id": 2272, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "sausages", + "guacamole", + "sour cream", + "tomatoes", + "green onions", + "monterey jack", + "large eggs", + "salsa" + ] + }, + { + "id": 25683, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "green onions", + "yellow onion", + "seasoning", + "corn husks", + "garlic", + "shrimp", + "red potato", + "asparagus", + "artichokes", + "celery", + "kosher salt", + "lemon", + "liquid" + ] + }, + { + "id": 48294, + "cuisine": "russian", + "ingredients": [ + "honey", + "yeast", + "raisins", + "white sugar", + "lemon" + ] + }, + { + "id": 28595, + "cuisine": "mexican", + "ingredients": [ + "frozen corn", + "black beans", + "corn tortillas", + "shredded cheddar cheese", + "enchilada sauce" + ] + }, + { + "id": 6509, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "shallots", + "Thai fish sauce", + "chopped fresh mint", + "sugar", + "shredded carrots", + "rice vermicelli", + "beansprouts", + "Boston lettuce", + "peanuts", + "vegetable oil", + "cucumber", + "large shrimp", + "red chili peppers", + "cooking spray", + "garlic cloves", + "fresh lime juice" + ] + }, + { + "id": 6677, + "cuisine": "brazilian", + "ingredients": [ + "chocolate sprinkles", + "cocoa powder", + "sweetened condensed milk", + "margarine" + ] + }, + { + "id": 48308, + "cuisine": "korean", + "ingredients": [ + "sugar", + "ground pepper", + "chili oil", + "green chilies", + "onions", + "boneless chicken thighs", + "chicken breasts", + "maple syrup", + "garlic cloves", + "red chili peppers", + "chili paste", + "salt", + "walnuts", + "dark soy sauce", + "white wine", + "vegetable oil", + "pineapple juice", + "corn starch" + ] + }, + { + "id": 7350, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "olive oil", + "salt", + "garlic salt", + "pepper", + "chili powder", + "red bell pepper", + "dried oregano", + "black beans", + "zucchini", + "whole kernel corn, drain", + "white sugar", + "yellow squash", + "red wine vinegar", + "onions" + ] + }, + { + "id": 17031, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "ground black pepper", + "buttermilk", + "dill pickles", + "dried oregano", + "dried thyme", + "onion powder", + "all-purpose flour", + "french rolls", + "kosher salt", + "hot pepper sauce", + "paprika", + "cornmeal", + "iceberg lettuce", + "sliced tomatoes", + "garlic powder", + "vegetable oil", + "cayenne pepper", + "medium shrimp" + ] + }, + { + "id": 611, + "cuisine": "vietnamese", + "ingredients": [ + "minced garlic", + "red pepper flakes", + "fresh basil", + "green onions", + "chopped cilantro fresh", + "chicken broth", + "minced ginger", + "peanut oil", + "fish sauce", + "boneless skinless chicken breasts", + "glass noodles" + ] + }, + { + "id": 38437, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "pistachios", + "paprika", + "ground coriander", + "flat leaf parsley", + "ground turmeric", + "coconut oil", + "lemon", + "salt", + "leg of lamb", + "couscous", + "fresh ginger", + "raisins", + "cayenne pepper", + "greek yogurt", + "onions", + "ground cinnamon", + "dried apricot", + "garlic", + "ground cardamom", + "low sodium beef broth", + "ground cumin" + ] + }, + { + "id": 10484, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "manchego cheese", + "freshly ground pepper", + "pepper", + "goat cheese", + "large garlic cloves", + "Italian bread" + ] + }, + { + "id": 43691, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "ground black pepper", + "salt", + "fresh lime juice", + "chiles", + "vegetable oil", + "garlic cloves", + "chopped cilantro fresh", + "green chile", + "boneless skinless chicken breasts", + "all-purpose flour", + "onions", + "corn kernels", + "red pepper", + "carrots", + "cumin" + ] + }, + { + "id": 24935, + "cuisine": "indian", + "ingredients": [ + "light coconut milk", + "tumeric", + "salt", + "red lentils", + "garlic", + "water" + ] + }, + { + "id": 14014, + "cuisine": "mexican", + "ingredients": [ + "dried black beans", + "water", + "diced tomatoes", + "boiling water", + "fat free yogurt", + "cooking spray", + "garlic cloves", + "ground cumin", + "reduced fat sharp cheddar cheese", + "fat free less sodium chicken broth", + "ground red pepper", + "corn tortillas", + "chipotle chile", + "olive oil", + "chopped onion", + "dried oregano" + ] + }, + { + "id": 25631, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "flaked", + "ground cumin", + "green bell pepper", + "peeled tomatoes", + "lemon juice", + "minced garlic", + "salt", + "cider vinegar", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 34942, + "cuisine": "chinese", + "ingredients": [ + "Sriracha", + "ginger", + "sugar", + "red pepper flakes", + "salt", + "green onions", + "garlic", + "soy sauce", + "fresh green bean", + "oil" + ] + }, + { + "id": 1654, + "cuisine": "thai", + "ingredients": [ + "light brown sugar", + "Thai fish sauce", + "mango", + "jalapeno chilies", + "red bell pepper", + "tomatoes", + "cucumber", + "mint leaves", + "fresh lime juice" + ] + }, + { + "id": 13505, + "cuisine": "irish", + "ingredients": [ + "potato bread", + "olive oil", + "salt" + ] + }, + { + "id": 46527, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "cooking wine", + "garlic cloves", + "red pepper", + "peanut oil", + "toasted sesame oil", + "sugar", + "unsalted dry roast peanuts", + "scallions", + "boneless skinless chicken breasts", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 39598, + "cuisine": "vietnamese", + "ingredients": [ + "dark soy sauce", + "pickled carrots", + "cracked black pepper", + "beansprouts", + "sugar", + "green onions", + "roasted peanuts", + "pork shoulder", + "fish sauce", + "fresh cilantro", + "garlic", + "fresh mint", + "thin spaghetti", + "lemongrass", + "sesame oil", + "cucumber" + ] + }, + { + "id": 21562, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "olive oil", + "garlic cloves", + "guajillo chiles", + "tomatillos", + "tomatoes", + "ground black pepper", + "ancho chile pepper", + "white onion", + "salt" + ] + }, + { + "id": 47703, + "cuisine": "japanese", + "ingredients": [ + "corn", + "spices", + "arugula", + "sugar", + "sesame oil", + "persian cucumber", + "tomatoes", + "boneless skinless chicken breasts", + "rice vinegar", + "soy sauce", + "ramen noodles", + "scallions" + ] + }, + { + "id": 18423, + "cuisine": "italian", + "ingredients": [ + "milk", + "salt", + "sun-dried tomatoes in oil", + "fresh rosemary", + "lemon zest", + "garlic cloves", + "rosemary sprigs", + "light mayonnaise", + "potato chips", + "vegetables", + "freshly ground pepper" + ] + }, + { + "id": 34016, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "spaghetti", + "olive oil", + "deveined shrimp", + "kosher salt", + "lemon", + "ground pepper", + "garlic" + ] + }, + { + "id": 21984, + "cuisine": "italian", + "ingredients": [ + "capers", + "red wine vinegar", + "okra", + "water", + "crushed red pepper", + "red bell pepper", + "baguette", + "canned tomatoes", + "garlic cloves", + "vegetable oil", + "chopped onion" + ] + }, + { + "id": 34228, + "cuisine": "jamaican", + "ingredients": [ + "lime slices", + "sugar", + "lemon slices", + "lime juice", + "orange juice", + "rum" + ] + }, + { + "id": 20886, + "cuisine": "italian", + "ingredients": [ + "dry bread crumbs", + "garlic cloves", + "anchovy fillets", + "grated lemon zest", + "linguine", + "oil" + ] + }, + { + "id": 1026, + "cuisine": "mexican", + "ingredients": [ + "scallion greens", + "pepper jack", + "salsa", + "mayonaise", + "black olives", + "fresh lime juice", + "green chile", + "chili powder", + "sour cream", + "avocado", + "refried beans", + "salt", + "ground cumin" + ] + }, + { + "id": 9392, + "cuisine": "italian", + "ingredients": [ + "ketchup", + "worcestershire sauce", + "brown sugar", + "cooked chicken", + "spaghetti", + "chopped green bell pepper", + "chopped onion", + "tomato sauce", + "chili powder" + ] + }, + { + "id": 9391, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "water", + "garlic", + "oil", + "soy sauce", + "ginger", + "Chinese rose wine", + "cinnamon sticks", + "rock sugar", + "dates", + "salt", + "chicken leg quarters", + "white pepper", + "star anise", + "scallions", + "chicken-flavored soup powder" + ] + }, + { + "id": 35877, + "cuisine": "japanese", + "ingredients": [ + "minced garlic", + "rice vinegar", + "orange juice", + "chile paste with garlic", + "shredded carrots", + "firm tofu", + "chopped cilantro fresh", + "low sodium soy sauce", + "sesame seeds", + "chinese cabbage", + "beansprouts", + "brown sugar", + "peeled fresh ginger", + "dark sesame oil", + "soba" + ] + }, + { + "id": 25720, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "garlic powder", + "chili powder", + "salt", + "chopped cilantro fresh", + "black pepper", + "lime juice", + "low sodium chicken broth", + "diced tomatoes", + "sour cream", + "avocado", + "minced garlic", + "roma tomatoes", + "vegetable oil", + "yellow onion", + "ground cumin", + "black beans", + "corn", + "boneless skinless chicken breasts", + "paprika", + "corn tortillas" + ] + }, + { + "id": 48370, + "cuisine": "indian", + "ingredients": [ + "whole cloves", + "cinnamon sticks", + "mace", + "cardamom seeds", + "coriander seeds", + "cumin seed", + "bay leaves", + "peppercorns" + ] + }, + { + "id": 19933, + "cuisine": "moroccan", + "ingredients": [ + "red wine vinegar", + "flat leaf parsley", + "eggplant", + "purple onion", + "sugar", + "extra-virgin olive oil", + "pitas", + "cumin seed" + ] + }, + { + "id": 31540, + "cuisine": "french", + "ingredients": [ + "pig", + "unsalted butter", + "garlic", + "fresh pork fat", + "water", + "bacon", + "all-purpose flour", + "brown ale", + "rustic bread", + "salt", + "freshly ground pepper", + "rosemary", + "cheese", + "yellow onion" + ] + }, + { + "id": 16459, + "cuisine": "mexican", + "ingredients": [ + "water", + "lean ground meat", + "shredded cheese", + "black pepper", + "chili", + "salt", + "ground cumin", + "romaine lettuce", + "corn", + "crushed red pepper flakes", + "sour cream", + "black beans", + "garlic powder", + "salsa" + ] + }, + { + "id": 39451, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "olive oil", + "pitted olives", + "dried oregano", + "anchovies", + "red pepper flakes", + "fresh parsley", + "capers", + "minced onion", + "salt", + "crushed tomatoes", + "garlic", + "spaghetti" + ] + }, + { + "id": 12230, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "sea salt", + "freshly ground pepper", + "ground turmeric", + "safflower oil", + "unsalted butter", + "chickpeas", + "ground cayenne pepper", + "ground cumin", + "low-fat greek yogurt", + "cilantro leaves", + "garlic cloves", + "bone in chicken thighs", + "baby spinach leaves", + "low sodium chicken broth", + "ground coriander", + "onions" + ] + }, + { + "id": 22069, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lemon", + "salt", + "frozen peas", + "ground black pepper", + "bacon", + "garlic cloves", + "large egg yolks", + "heavy cream", + "yellow onion", + "grated parmesan cheese", + "dry pasta", + "fresh basil leaves" + ] + }, + { + "id": 17959, + "cuisine": "korean", + "ingredients": [ + "water", + "garlic", + "soy sauce", + "green onions", + "onions", + "boneless chicken skinless thigh", + "ginger", + "white sugar", + "mirin", + "Gochujang base" + ] + }, + { + "id": 6892, + "cuisine": "mexican", + "ingredients": [ + "lime", + "ear of corn", + "mayonaise", + "chili powder", + "grated parmesan cheese", + "sour cream", + "pepper", + "cilantro" + ] + }, + { + "id": 14137, + "cuisine": "italian", + "ingredients": [ + "white wine", + "cream cheese", + "paprika", + "pistachio nuts", + "crumbled gorgonzola", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 14742, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "powdered sugar", + "all-purpose flour", + "vanilla", + "baking powder", + "chopped pecans" + ] + }, + { + "id": 5064, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper", + "crusty bread", + "balsamic vinegar", + "rosemary sprigs", + "prosciutto", + "purple onion", + "golden brown sugar", + "ricotta cheese" + ] + }, + { + "id": 8291, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "milk", + "plain flour", + "black treacle", + "butter", + "nutmeg", + "sugar", + "golden syrup", + "ground ginger", + "bicarbonate of soda", + "large eggs" + ] + }, + { + "id": 31589, + "cuisine": "filipino", + "ingredients": [ + "chicken stock", + "ground black pepper", + "napa cabbage", + "oil", + "ground chicken", + "green onions", + "garlic", + "glass noodles", + "soy sauce", + "water chestnuts", + "kinchay", + "carrots", + "pepper", + "shallots", + "salt" + ] + }, + { + "id": 44064, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "salt", + "thin spaghetti", + "green onions", + "chicken", + "pepper", + "hot sauce", + "chicken broth", + "garlic" + ] + }, + { + "id": 45218, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "cannellini beans", + "chopped celery", + "carrots", + "black pepper", + "chopped fresh thyme", + "garlic cloves", + "chopped fresh mint", + "salmon fillets", + "shallots", + "salt", + "fresh parsley", + "water", + "extra-virgin olive oil", + "lemon juice" + ] + }, + { + "id": 2434, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "baking potatoes", + "smoked paprika", + "tomato purée", + "chopped fresh chives", + "salt", + "pepper", + "ground red pepper", + "yellow onion", + "saffron threads", + "sherry vinegar", + "large garlic cloves", + "bay leaf" + ] + }, + { + "id": 18949, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "slaw mix", + "pepper", + "egg roll wrappers", + "garlic cloves", + "chopped cooked meat", + "salt", + "water", + "vegetable oil" + ] + }, + { + "id": 40827, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "sour cream", + "shredded Monterey Jack cheese", + "green chile", + "butter", + "boneless skinless chicken breast halves", + "chicken broth", + "vegetable oil", + "corn tortillas", + "minced onion", + "all-purpose flour", + "chopped cilantro fresh" + ] + }, + { + "id": 41039, + "cuisine": "greek", + "ingredients": [ + "red swiss chard", + "extra-virgin olive oil", + "wheat", + "garlic cloves", + "low-fat greek yogurt", + "cayenne pepper", + "coarse salt", + "fresh lemon juice" + ] + }, + { + "id": 36877, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "green onions", + "ground turkey", + "dumpling wrappers", + "salt", + "canola oil", + "water", + "sesame oil", + "cabbage", + "soy sauce", + "fresh ginger", + "carrots" + ] + }, + { + "id": 19817, + "cuisine": "british", + "ingredients": [ + "chopped fresh chives", + "radishes", + "sesame oil" + ] + }, + { + "id": 38102, + "cuisine": "southern_us", + "ingredients": [ + "red potato", + "prepared horseradish", + "salt", + "milk", + "sweet potatoes", + "ground cinnamon", + "ground nutmeg", + "butter", + "pepper", + "grated parmesan cheese", + "sour cream" + ] + }, + { + "id": 45154, + "cuisine": "japanese", + "ingredients": [ + "shredded carrots", + "seasoned rice wine vinegar", + "vegetable oil", + "red cabbage", + "napa cabbage", + "green onions", + "toasted sesame seeds" + ] + }, + { + "id": 18002, + "cuisine": "italian", + "ingredients": [ + "saffron threads", + "dry white wine", + "flat leaf parsley", + "grated parmesan cheese", + "hot Italian sausages", + "bay leaves", + "low salt chicken broth", + "arborio rice", + "butter", + "onions" + ] + }, + { + "id": 26855, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "mixed bell peppers", + "salsa", + "frozen corn", + "olives", + "yoghurt", + "corn tortillas" + ] + }, + { + "id": 12655, + "cuisine": "mexican", + "ingredients": [ + "beef brisket", + "pan drippings", + "pinto beans", + "minced garlic", + "guacamole", + "tortilla chips", + "canola oil", + "pico de gallo", + "jalapeno chilies", + "sauce", + "sour cream", + "ground black pepper", + "Tabasco Pepper Sauce", + "grated jack cheese" + ] + }, + { + "id": 14953, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "salt", + "garlic salt", + "onion powder", + "penne pasta", + "flour", + "broccoli", + "chicken", + "butter", + "and fat free half half" + ] + }, + { + "id": 31630, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "white sugar", + "self-rising cornmeal", + "oil", + "eggs", + "onions" + ] + }, + { + "id": 49533, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "onions", + "black pepper", + "ricotta", + "chili flakes", + "salt", + "parmigiano", + "olive oil", + "penne rigate" + ] + }, + { + "id": 46126, + "cuisine": "italian", + "ingredients": [ + "whipping cream", + "flat leaf parsley", + "walnuts", + "crumbled gorgonzola", + "bow-tie pasta" + ] + }, + { + "id": 44618, + "cuisine": "russian", + "ingredients": [ + "shallots", + "crackers", + "capers", + "sweet paprika", + "unsalted butter", + "cream cheese, soften", + "caraway seeds", + "anchovy fillets" + ] + }, + { + "id": 15443, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "all-purpose flour", + "granny smith apples", + "vanilla extract", + "sugar", + "cinnamon", + "sour cream", + "unsalted butter", + "salt" + ] + }, + { + "id": 26512, + "cuisine": "southern_us", + "ingredients": [ + "tea bags", + "peaches", + "water", + "simple syrup", + "sugar", + "rum", + "sweet tea" + ] + }, + { + "id": 8354, + "cuisine": "filipino", + "ingredients": [ + "garlic", + "carrots", + "firm tofu", + "onions", + "salt", + "beansprouts", + "pepper", + "oil" + ] + }, + { + "id": 9260, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "diced red onions", + "lime juice", + "salt", + "sugar", + "jalapeno chilies", + "corn kernels", + "cilantro leaves" + ] + }, + { + "id": 12575, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "garlic", + "scallions", + "flat leaf parsley", + "jalapeno chilies", + "salt", + "chicken livers", + "chopped green bell pepper", + "purple onion", + "long-grain rice", + "celery", + "ground black pepper", + "vegetable oil", + "fresh oregano", + "red bell pepper" + ] + }, + { + "id": 20866, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "fresh green bean", + "oyster sauce", + "wide rice noodles", + "ground chicken", + "rice vinegar", + "sugar", + "thai chile", + "tomatoes", + "sesame oil", + "garlic cloves" + ] + }, + { + "id": 24529, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "baking powder", + "crème fraîche", + "unsalted butter", + "whipped cream", + "blackberries", + "sugar", + "ice cream", + "all-purpose flour", + "whole milk", + "fine sea salt" + ] + }, + { + "id": 3766, + "cuisine": "korean", + "ingredients": [ + "kosher salt", + "ginger", + "pepper flakes", + "napa cabbage", + "garlic cloves", + "palm sugar", + "scallions", + "fish sauce", + "daikon" + ] + }, + { + "id": 13767, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "baking powder", + "masa harina", + "pork", + "lard", + "kosher salt", + "tamale filling", + "dried cornhusks", + "poblano chiles", + "chicken" + ] + }, + { + "id": 30426, + "cuisine": "chinese", + "ingredients": [ + "ginger", + "chicken", + "soy sauce", + "scallions", + "salt", + "minced ginger", + "oil" + ] + }, + { + "id": 2727, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "bay leaves", + "smoked paprika", + "pork", + "ground black pepper", + "white rice", + "black-eyed peas", + "base", + "onion flakes", + "baking soda", + "bacon slices" + ] + }, + { + "id": 5200, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "egg roll wrappers", + "salt", + "bamboo shoots", + "soy sauce", + "green onions", + "carrots", + "pork", + "egg whites", + "oil", + "cabbage", + "eggs", + "msg", + "vegetable oil", + "wood ear mushrooms" + ] + }, + { + "id": 29586, + "cuisine": "irish", + "ingredients": [ + "nutmeg", + "baking soda", + "cinnamon", + "margarine", + "brown sugar", + "flour", + "salt", + "eggs", + "cherries", + "dates", + "pecans", + "coffee", + "raisins" + ] + }, + { + "id": 36488, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "garlic powder", + "salsa", + "cumin", + "milk", + "chili powder", + "onions", + "pepper", + "flour", + "ground beef", + "shredded Monterey Jack cheese", + "eggs", + "olive oil", + "salt", + "dried oregano" + ] + }, + { + "id": 9671, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "vinegar", + "black-eyed peas", + "vegetable broth", + "water", + "butter", + "swiss chard", + "purple onion" + ] + }, + { + "id": 27513, + "cuisine": "southern_us", + "ingredients": [ + "egg whites", + "all-purpose flour", + "corn husks", + "vegetable oil", + "egg yolks", + "white sugar", + "ground black pepper", + "salt" + ] + }, + { + "id": 1568, + "cuisine": "mexican", + "ingredients": [ + "evaporated milk", + "green chile", + "enchilada sauce", + "eggs", + "all-purpose flour", + "shredded cheddar cheese", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 17533, + "cuisine": "mexican", + "ingredients": [ + "Herdez Salsa Casera", + "olive oil", + "green onions", + "purple onion", + "corn tortillas", + "lime juice", + "Herdez Salsa Verde", + "cilantro", + "nopales", + "honey", + "basil leaves", + "garlic", + "orange juice", + "pepper", + "carne asada", + "balsamic vinegar", + "salt" + ] + }, + { + "id": 49129, + "cuisine": "russian", + "ingredients": [ + "golden brown sugar", + "vegetable oil", + "toasted walnuts", + "dried tart cherries", + "all-purpose flour", + "applesauce", + "unsalted butter", + "vanilla extract", + "farmer cheese", + "large eggs", + "salt", + "cream cheese" + ] + }, + { + "id": 8099, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "rice", + "olive oil", + "onions", + "black beans", + "chopped parsley", + "chicken broth", + "garlic" + ] + }, + { + "id": 47564, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "peeled shrimp", + "brown sugar", + "green onions", + "chicken stock", + "fresh ginger root", + "boneless pork loin", + "chinese rice wine", + "wonton wrappers" + ] + }, + { + "id": 49354, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "dried sage", + "ground white pepper", + "garlic powder", + "cayenne pepper", + "dried thyme", + "onion powder", + "ground black pepper", + "sweet paprika" + ] + }, + { + "id": 17275, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "boneless chuck roast", + "bay leaves", + "all-purpose flour", + "fresh parsley", + "black pepper", + "dijon mustard", + "bacon", + "less sodium beef broth", + "water", + "fresh thyme", + "salt", + "dark beer", + "brown sugar", + "ground nutmeg", + "red wine vinegar", + "chopped onion", + "chopped garlic" + ] + }, + { + "id": 25290, + "cuisine": "southern_us", + "ingredients": [ + "garlic bulb", + "olive oil", + "pear tomatoes", + "balsamic vinaigrette", + "plum tomatoes", + "pepper", + "green tomatoes", + "salt", + "fresh parsley", + "fresh basil", + "large eggs", + "buttermilk", + "cornmeal", + "salad greens", + "vegetable oil", + "all-purpose flour", + "crostini" + ] + }, + { + "id": 11549, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "chili", + "salt", + "allspice", + "clove", + "chipotle chile", + "vegetable oil", + "chicken pieces", + "black peppercorns", + "peanuts", + "cinnamon sticks", + "chicken broth", + "water", + "garlic", + "onions" + ] + }, + { + "id": 24332, + "cuisine": "mexican", + "ingredients": [ + "water", + "masa", + "coarse salt", + "vegetable oil", + "shredded mozzarella cheese" + ] + }, + { + "id": 25499, + "cuisine": "italian", + "ingredients": [ + "pesto", + "salt", + "shredded cheddar cheese", + "pepper", + "eggs", + "vegetable oil" + ] + }, + { + "id": 39406, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "ricotta cheese", + "fresh parsley", + "salami", + "sliced ham", + "eggs", + "refrigerated piecrusts" + ] + }, + { + "id": 12307, + "cuisine": "southern_us", + "ingredients": [ + "lemon zest", + "poppy seeds", + "clementines", + "cookies", + "cream cheese, soften", + "sugar", + "heavy cream", + "kiwi", + "orange marmalade", + "vanilla extract" + ] + }, + { + "id": 38557, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "butter", + "water", + "vanilla extract", + "dark corn syrup", + "light corn syrup", + "baking soda", + "salted peanuts" + ] + }, + { + "id": 17164, + "cuisine": "italian", + "ingredients": [ + "fresh tomatoes", + "garlic", + "onions", + "tomato paste", + "mushrooms", + "all-purpose flour", + "dried rosemary", + "green bell pepper", + "vegetable oil", + "beef broth", + "pepper", + "salt", + "spaghetti" + ] + }, + { + "id": 25363, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "chili powder", + "salt", + "onions", + "ground cumin", + "garam masala", + "double cream", + "oil", + "ground turmeric", + "garlic paste", + "butter", + "green chilies", + "coriander", + "eggs", + "coriander powder", + "lemon", + "lemon juice", + "ground lamb" + ] + }, + { + "id": 15517, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "sesame oil", + "unsalted dry roast peanuts", + "toasted sesame seeds", + "water", + "white rice", + "fresh mushrooms", + "soy sauce", + "vegetable oil", + "rice vinegar", + "boneless skinless chicken breast halves", + "green onions", + "garlic", + "corn starch" + ] + }, + { + "id": 25947, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "large eggs", + "vanilla extract", + "cream of tartar", + "evaporated milk", + "vegetable oil", + "salt", + "melted butter", + "unsalted butter", + "white cheddar cheese", + "water", + "baking powder", + "cake flour" + ] + }, + { + "id": 27293, + "cuisine": "moroccan", + "ingredients": [ + "fresh rosemary", + "chicken", + "sherry vinegar", + "kosher salt", + "rub", + "extra-virgin olive oil" + ] + }, + { + "id": 29025, + "cuisine": "southern_us", + "ingredients": [ + "chopped pecans", + "brown sugar", + "peaches", + "ground cinnamon" + ] + }, + { + "id": 15831, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "olive oil", + "chopped fresh thyme", + "white wine", + "shallots", + "green beans", + "cremini mushrooms", + "kosher salt", + "brown rice", + "flat leaf parsley", + "black pepper", + "parmigiano reggiano cheese", + "hot water" + ] + }, + { + "id": 36839, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "baking powder", + "seasoning salt", + "corn starch", + "water", + "peanut oil", + "eggs", + "flour" + ] + }, + { + "id": 42424, + "cuisine": "french", + "ingredients": [ + "pastry dough", + "unsalted butter", + "fresh lemon juice", + "sugar", + "walnuts", + "dark rum", + "pears" + ] + }, + { + "id": 20536, + "cuisine": "indian", + "ingredients": [ + "cumin seed", + "plain yogurt", + "salt", + "seedless cucumber", + "chopped cilantro fresh" + ] + }, + { + "id": 8624, + "cuisine": "brazilian", + "ingredients": [ + "unsweetened coconut milk", + "fresh cilantro", + "salt", + "chuck", + "black beans", + "fresh ginger", + "garlic cloves", + "tomatoes", + "olive oil", + "yellow onion", + "pepper", + "red pepper flakes", + "dried oregano" + ] + }, + { + "id": 34691, + "cuisine": "greek", + "ingredients": [ + "phyllo dough", + "ground walnuts", + "ground cinnamon", + "honey", + "white sugar", + "water", + "orange juice", + "melted butter", + "ground nutmeg" + ] + }, + { + "id": 21335, + "cuisine": "thai", + "ingredients": [ + "ground red pepper", + "salt", + "shredded cabbage", + "unsalted dry roast peanuts", + "tumeric", + "shallots", + "plum tomatoes", + "ground sirloin", + "peanut oil" + ] + }, + { + "id": 23729, + "cuisine": "jamaican", + "ingredients": [ + "coconut flakes", + "curry powder", + "ground black pepper", + "ground allspice", + "ginger root", + "kosher salt", + "olive oil", + "butternut squash", + "carrots", + "onions", + "boneless chicken skinless thigh", + "chili", + "fresh thyme", + "scallions", + "coconut milk", + "white rum", + "minced garlic", + "peanuts", + "coarse salt", + "low salt chicken broth", + "mango" + ] + }, + { + "id": 10257, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "butter", + "gorgonzola", + "olive oil", + "garlic cloves", + "romano cheese", + "penne pasta", + "italian plum tomatoes", + "onions" + ] + }, + { + "id": 1279, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "garam masala", + "ginger", + "chickpeas", + "lemon juice", + "ground cumin", + "nutmeg", + "water", + "diced tomatoes", + "vegetable broth", + "garlic cloves", + "chopped cilantro fresh", + "cauliflower", + "black pepper", + "chili paste", + "raw cashews", + "ground coriander", + "onions", + "brown sugar", + "olive oil", + "paprika", + "salt", + "ground cardamom", + "basmati rice" + ] + }, + { + "id": 40813, + "cuisine": "russian", + "ingredients": [ + "olive oil", + "garlic cloves", + "tagliatelle", + "cayenne pepper", + "sour cream", + "beets", + "flat leaf parsley", + "butter", + "fresh lemon juice" + ] + }, + { + "id": 43700, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "all-purpose flour", + "melted butter", + "buttermilk", + "shortening", + "salt", + "vegetable oil" + ] + }, + { + "id": 1148, + "cuisine": "russian", + "ingredients": [ + "celery ribs", + "green bell pepper", + "russet potatoes", + "sour cream", + "caraway seeds", + "olive oil", + "garlic cloves", + "onions", + "hungarian sweet paprika", + "parsnips", + "canned beef broth", + "fresh parsley", + "tomatoes", + "beef", + "carrots" + ] + }, + { + "id": 22700, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "fresh basil", + "sherry", + "boneless skinless chicken breast halves", + "grated parmesan cheese", + "garlic", + "pinenuts", + "reduced-fat sour cream" + ] + }, + { + "id": 45382, + "cuisine": "indian", + "ingredients": [ + "sweet onion", + "peeled shrimp", + "coconut milk", + "chili powder", + "salt", + "ground turmeric", + "chopped tomatoes", + "garlic", + "chopped cilantro fresh", + "ground ginger", + "paprika", + "peanut oil", + "ground cumin" + ] + }, + { + "id": 6697, + "cuisine": "italian", + "ingredients": [ + "chicken drumsticks", + "chicken thighs", + "garlic powder", + "salt", + "pepper", + "extra-virgin olive oil", + "dried oregano", + "cooking spray", + "fresh lemon juice" + ] + }, + { + "id": 24888, + "cuisine": "italian", + "ingredients": [ + "pepper flakes", + "ground black pepper", + "escarole", + "homemade chicken stock", + "grated parmesan cheese", + "onions", + "minced garlic", + "cannellini beans", + "olive oil", + "sweet italian sausage" + ] + }, + { + "id": 48659, + "cuisine": "mexican", + "ingredients": [ + "processed cheese", + "onions", + "Ranch Style Beans", + "diced tomatoes", + "corn kernel whole", + "ground beef" + ] + }, + { + "id": 39791, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "oxtails", + "scallions", + "clove", + "olive oil", + "garlic", + "onions", + "tomatoes", + "ground pepper", + "salt", + "allspice", + "water", + "red pepper", + "thyme" + ] + }, + { + "id": 21590, + "cuisine": "indian", + "ingredients": [ + "chiles", + "milk", + "mutton", + "onions", + "garlic paste", + "black pepper", + "coriander seeds", + "ground cardamom", + "ginger paste", + "clove", + "red chili peppers", + "mace", + "salt", + "kewra essence", + "tumeric", + "cream", + "yoghurt", + "ghee" + ] + }, + { + "id": 48385, + "cuisine": "irish", + "ingredients": [ + "ground black pepper", + "gran marnier", + "strawberries", + "sugar", + "fresh raspberries", + "heavy cream" + ] + }, + { + "id": 11776, + "cuisine": "chinese", + "ingredients": [ + "tomato purée", + "prawns", + "oil", + "light soy sauce", + "ginger", + "dried chile", + "caster sugar", + "water chestnuts", + "garlic cloves", + "unsalted roasted peanuts", + "cornflour", + "Chinese rice vinegar" + ] + }, + { + "id": 32790, + "cuisine": "italian", + "ingredients": [ + "orange", + "egg yolks", + "all-purpose flour", + "water", + "large eggs", + "salt", + "powdered sugar", + "granulated sugar", + "extra-virgin olive oil", + "active dry yeast", + "cinnamon" + ] + }, + { + "id": 6879, + "cuisine": "cajun_creole", + "ingredients": [ + "smoked ham", + "salt", + "garlic cloves", + "water", + "chopped fresh thyme", + "yellow onion", + "bay leaf", + "steamed white rice", + "smoked sausage", + "freshly ground pepper", + "red kidney beans", + "vegetable oil", + "hot sauce", + "flat leaf parsley" + ] + }, + { + "id": 23284, + "cuisine": "filipino", + "ingredients": [ + "vegetable oil", + "salt", + "green beans", + "cabbage", + "soy sauce", + "medium potatoes", + "yellow onion", + "celery", + "chicken broth", + "lumpia wrappers", + "dried shiitake mushrooms", + "beansprouts", + "black pepper", + "garlic", + "carrots", + "ground beef" + ] + }, + { + "id": 2743, + "cuisine": "thai", + "ingredients": [ + "chili paste", + "sugar", + "cilantro", + "vinegar", + "peanuts", + "salt" + ] + }, + { + "id": 29885, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "butter", + "vanilla ice cream", + "baking powder", + "all-purpose flour", + "frozen peaches", + "salt", + "sugar", + "almond extract" + ] + }, + { + "id": 33797, + "cuisine": "italian", + "ingredients": [ + "russet potatoes", + "grated nutmeg", + "mascarpone", + "extra-virgin olive oil", + "boiling water", + "grated parmesan cheese", + "whipping cream", + "dried porcini mushrooms", + "butter", + "garlic cloves" + ] + }, + { + "id": 49674, + "cuisine": "mexican", + "ingredients": [ + "raspberries", + "frozen blueberries", + "orange juice", + "ice", + "triple sec", + "white sugar", + "gold tequila", + "frozen strawberries" + ] + }, + { + "id": 21111, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "rice noodles", + "garlic chili sauce", + "beansprouts", + "chinese rice wine", + "minced ginger", + "yellow onion", + "corn starch", + "minced garlic", + "vegetable oil", + "shrimp", + "sugar", + "green onions", + "roasted peanuts", + "ground white pepper" + ] + }, + { + "id": 47434, + "cuisine": "greek", + "ingredients": [ + "eggs", + "salt", + "shallots", + "greek yogurt", + "sun-dried tomatoes", + "smoked paprika", + "vegetable oil" + ] + }, + { + "id": 37316, + "cuisine": "filipino", + "ingredients": [ + "onion powder", + "ground cumin", + "ground black pepper", + "salt", + "garlic powder", + "paprika", + "chili powder", + "dried oregano" + ] + }, + { + "id": 38214, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "ground black pepper", + "chicken", + "kosher salt", + "thyme", + "unsalted butter" + ] + }, + { + "id": 41347, + "cuisine": "mexican", + "ingredients": [ + "baking powder", + "cayenne pepper", + "cotija", + "salt", + "eggs", + "chile pepper", + "monterey jack", + "milk", + "all-purpose flour" + ] + }, + { + "id": 35485, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "egg yolks", + "yeast", + "eggs", + "granulated sugar", + "salt", + "warm water", + "butter", + "shortening", + "flour", + "cocoa powder" + ] + }, + { + "id": 18257, + "cuisine": "mexican", + "ingredients": [ + "light sour cream", + "flour tortillas", + "salt", + "pepper", + "cooked chicken", + "nonstick spray", + "black beans", + "guacamole", + "shredded pepper jack cheese", + "roasted red peppers", + "chili powder", + "sliced green onions" + ] + }, + { + "id": 15092, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "cooking spray", + "ground allspice", + "sugar", + "dried thyme", + "purple onion", + "low sodium soy sauce", + "cider vinegar", + "ground red pepper", + "boneless chicken skinless thigh", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 4866, + "cuisine": "korean", + "ingredients": [ + "fishcake", + "sesame seeds", + "garlic", + "sugar", + "water", + "rice cakes", + "cabbage", + "pepper", + "chili paste", + "kelp", + "ketchup", + "anchovies", + "leeks" + ] + }, + { + "id": 3920, + "cuisine": "chinese", + "ingredients": [ + "shortening", + "light soy sauce", + "garlic", + "white sugar", + "water", + "sesame oil", + "oyster sauce", + "pork", + "green onions", + "all-purpose flour", + "boiling water", + "active dry yeast", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 25091, + "cuisine": "thai", + "ingredients": [ + "sugar", + "red wine vinegar", + "crushed red pepper", + "sliced tomatoes", + "lime wedges", + "garlic", + "bamboo shoots", + "seedless cucumber", + "cilantro", + "pineapple juice", + "boneless skinless chicken breasts", + "ginger", + "creamy peanut butter" + ] + }, + { + "id": 40407, + "cuisine": "southern_us", + "ingredients": [ + "cheese", + "refrigerated crescent rolls" + ] + }, + { + "id": 48142, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "non-fat sour cream", + "garlic cloves", + "tomato sauce", + "dry red wine", + "hot sauce", + "dried oregano", + "white vinegar", + "chopped green bell pepper", + "salt", + "chopped cilantro fresh", + "black beans", + "cilantro sprigs", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 31405, + "cuisine": "chinese", + "ingredients": [ + "tea bags", + "cinnamon", + "eggs", + "soy sauce", + "salt", + "brown sugar", + "star anise", + "black peppercorns", + "orange", + "sauce" + ] + }, + { + "id": 28758, + "cuisine": "moroccan", + "ingredients": [ + "nutmeg", + "cinnamon", + "ground mustard", + "clove", + "white pepper", + "salt", + "allspice", + "tumeric", + "star anise", + "ground coriander", + "ground ginger", + "ground black pepper", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 41021, + "cuisine": "mexican", + "ingredients": [ + "light sour cream", + "fat-free refried beans", + "jalapeno chilies", + "shredded Monterey Jack cheese", + "fresh cilantro", + "tortilla chips", + "green onions" + ] + }, + { + "id": 22577, + "cuisine": "indian", + "ingredients": [ + "chickpeas", + "basmati rice" + ] + }, + { + "id": 37173, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "vegetable oil", + "ground walnuts", + "all purpose unbleached flour", + "water", + "cinnamon", + "semolina flour", + "pareve margarine", + "confectioners sugar" + ] + }, + { + "id": 9342, + "cuisine": "moroccan", + "ingredients": [ + "fresh dill", + "sea salt", + "chopped fresh mint", + "spices", + "greek style plain yogurt", + "salmon fillets", + "extra-virgin olive oil", + "lemon", + "english cucumber" + ] + }, + { + "id": 47851, + "cuisine": "indian", + "ingredients": [ + "clove", + "fenugreek", + "cardamom", + "black peppercorns", + "cinnamon", + "ground ginger", + "chili powder", + "ground turmeric", + "coriander seeds", + "cumin seed" + ] + }, + { + "id": 12484, + "cuisine": "greek", + "ingredients": [ + "cherry tomatoes", + "lamb shoulder", + "mixed greens", + "feta cheese", + "salt", + "cucumber", + "olive oil", + "purple onion", + "lemon juice", + "pepper", + "kalamata", + "fresh oregano" + ] + }, + { + "id": 290, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "cream cheese, soften", + "refrigerated crescent rolls", + "melted butter", + "white sugar", + "vanilla extract" + ] + }, + { + "id": 49118, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "vegetable stock", + "onions", + "red kidney beans", + "chili powder", + "garlic cloves", + "ground cumin", + "sweet potatoes", + "red pepper", + "dried oregano", + "chopped tomatoes", + "vegetable oil", + "carrots" + ] + }, + { + "id": 12196, + "cuisine": "irish", + "ingredients": [ + "single crust pie", + "milk", + "salt", + "pastry", + "leeks", + "chicken", + "cooked ham", + "mace", + "onions", + "chicken stock", + "pepper", + "heavy cream" + ] + }, + { + "id": 33207, + "cuisine": "southern_us", + "ingredients": [ + "chipotle chile", + "green onions", + "coarse kosher salt", + "eggs", + "unsalted butter", + "buttermilk", + "sugar", + "large eggs", + "all-purpose flour", + "yellow corn meal", + "baking soda", + "baking powder", + "extra sharp cheddar cheese" + ] + }, + { + "id": 36447, + "cuisine": "italian", + "ingredients": [ + "capers", + "shiitake", + "dry red wine", + "bay leaf", + "sage leaves", + "olive oil", + "balsamic vinegar", + "flat leaf parsley", + "anchovies", + "shallots", + "garlic cloves", + "bone in chicken thighs", + "kosher salt", + "ground black pepper", + "all-purpose flour", + "polenta" + ] + }, + { + "id": 23628, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "cooking spray", + "salt", + "fresh lime juice", + "sugar", + "sweetened coconut flakes", + "ground coriander", + "canola oil", + "ground black pepper", + "cilantro sprigs", + "garlic cloves", + "ground cumin", + "jumbo shrimp", + "mango chutney", + "chopped onion", + "chopped cilantro fresh" + ] + }, + { + "id": 40048, + "cuisine": "thai", + "ingredients": [ + "garlic cloves", + "boneless skinless chicken breasts", + "asian fish sauce", + "toasted sesame oil", + "cilantro" + ] + }, + { + "id": 41572, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "fresh dill", + "golden raisins", + "onions", + "ground black pepper", + "hot water", + "pinenuts", + "mackerel fillets", + "spaghetti" + ] + }, + { + "id": 26037, + "cuisine": "cajun_creole", + "ingredients": [ + "granulated garlic", + "vegetable oil", + "purple onion", + "leeks", + "chopped celery", + "fresh lemon juice", + "mayonaise", + "paprika", + "dill pickles", + "celery salt", + "chili powder", + "crushed red pepper", + "shrimp" + ] + }, + { + "id": 10630, + "cuisine": "irish", + "ingredients": [ + "vegetable oil cooking spray", + "baking soda", + "all-purpose flour", + "firmly packed brown sugar", + "pitted date", + "baking powder", + "ground cinnamon", + "wheat bran", + "egg whites", + "margarine", + "vanilla lowfat yogurt", + "whole wheat flour", + "salt" + ] + }, + { + "id": 43243, + "cuisine": "indian", + "ingredients": [ + "red lentils", + "pigeon peas", + "salt", + "frozen peas", + "water", + "vegetable oil", + "carrots", + "fresh curry leaves", + "zucchini", + "yellow split peas", + "ground turmeric", + "coconut", + "crushed red pepper flakes", + "mustard seeds" + ] + }, + { + "id": 5881, + "cuisine": "southern_us", + "ingredients": [ + "soft-wheat flour", + "butter", + "flour", + "melted butter", + "buttermilk" + ] + }, + { + "id": 34981, + "cuisine": "mexican", + "ingredients": [ + "corn tortillas", + "salsa", + "chicken", + "green chile", + "monterey jack", + "sour cream" + ] + }, + { + "id": 32782, + "cuisine": "mexican", + "ingredients": [ + "clove", + "sugar", + "white rice", + "corn tortillas", + "black peppercorns", + "water", + "garlic cloves", + "canela", + "tomatoes", + "white onion", + "salt", + "chopped cilantro", + "mint", + "vegetable oil", + "ancho chile pepper", + "chicken" + ] + }, + { + "id": 9992, + "cuisine": "southern_us", + "ingredients": [ + "lime zest", + "purple onion", + "garlic cloves", + "salad greens", + "cilantro leaves", + "mayonaise", + "salt", + "fresh lime juice", + "cake", + "freshly ground pepper" + ] + }, + { + "id": 25230, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "country bread", + "olive oil", + "garlic cloves", + "prepar pesto" + ] + }, + { + "id": 37497, + "cuisine": "mexican", + "ingredients": [ + "green cabbage", + "shallots", + "pumpkin seeds", + "chopped cilantro fresh", + "roasted red peppers", + "grapefruit juice", + "corn tortillas", + "mango", + "chili", + "vegetable oil", + "garlic cloves", + "iceberg lettuce", + "jicama", + "purple onion", + "fresh lime juice" + ] + }, + { + "id": 5806, + "cuisine": "british", + "ingredients": [ + "mcintosh apples", + "liver pate", + "flour for dusting", + "brandy", + "mincemeat", + "lemon" + ] + }, + { + "id": 35101, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "shallots", + "garlic", + "roasted red peppers", + "cilantro", + "tortilla chips", + "lime juice", + "balsamic vinegar", + "fine sea salt", + "avocado", + "cooking spray", + "extra-virgin olive oil" + ] + }, + { + "id": 13984, + "cuisine": "jamaican", + "ingredients": [ + "water", + "salt", + "coconut milk", + "tomatoes", + "vinegar", + "garlic cloves", + "ground black pepper", + "scallions", + "onions", + "pepper", + "mackerel", + "thyme" + ] + }, + { + "id": 15217, + "cuisine": "thai", + "ingredients": [ + "sugar", + "reduced sodium soy sauce", + "freshly ground pepper", + "fresh lime juice", + "kosher salt", + "lime wedges", + "garlic cloves", + "fresh basil leaves", + "fish sauce", + "steamed rice", + "vegetable oil", + "carrots", + "red chili peppers", + "low sodium chicken broth", + "scallions", + "ground beef" + ] + }, + { + "id": 806, + "cuisine": "italian", + "ingredients": [ + "capers", + "pimentos", + "green pepper", + "fresh basil", + "green onions", + "black olives", + "tomatoes", + "cooked rice", + "chicken breasts", + "anchovy fillets", + "eggs", + "french dressing", + "garlic", + "olives" + ] + }, + { + "id": 5990, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "dried basil", + "cayenne", + "salt", + "red bell pepper", + "dried oregano", + "tomato paste", + "sugar", + "olive oil", + "paprika", + "fresh parsley leaves", + "medium shrimp", + "celery ribs", + "hot red pepper flakes", + "dried thyme", + "bay leaves", + "garlic cloves", + "bay leaf", + "tomatoes", + "chili", + "ground black pepper", + "dry red wine", + "ground white pepper", + "onions" + ] + }, + { + "id": 46643, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "lemon juice", + "fresh dill", + "garlic", + "ground black pepper", + "plain yogurt", + "salt" + ] + }, + { + "id": 8229, + "cuisine": "greek", + "ingredients": [ + "green bell pepper", + "baking potatoes", + "onions", + "tomatoes", + "zucchini", + "garlic cloves", + "black pepper", + "extra-virgin olive oil", + "eggplant", + "salt" + ] + }, + { + "id": 41677, + "cuisine": "vietnamese", + "ingredients": [ + "clove", + "chili pepper", + "Sriracha", + "star anise", + "onions", + "sugar", + "lime", + "chicken breasts", + "dried rice noodles", + "fish sauce", + "fresh cilantro", + "hoisin sauce", + "purple onion", + "homemade chicken stock", + "coriander seeds", + "ginger", + "beansprouts" + ] + }, + { + "id": 16284, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "jasmine rice", + "flour", + "fillets", + "brown sugar", + "ground black pepper", + "salt", + "asian fish sauce", + "canned low sodium chicken broth", + "water", + "lime wedges", + "curry paste", + "tumeric", + "cooking oil", + "cilantro leaves" + ] + }, + { + "id": 735, + "cuisine": "korean", + "ingredients": [ + "cornish hens", + "green onions", + "sweet rice", + "root vegetables", + "garlic" + ] + }, + { + "id": 22464, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "flour tortillas", + "sour cream", + "mayonaise", + "tortillas", + "sauce", + "chopped cilantro", + "garlic powder", + "salt", + "chipotles in adobo", + "lime", + "cod fillets", + "taco seasoning", + "cabbage" + ] + }, + { + "id": 94, + "cuisine": "french", + "ingredients": [ + "olive oil", + "yukon gold potatoes", + "roasting chickens", + "frozen peas", + "chicken wings", + "dry white wine", + "butter", + "low salt chicken broth", + "black truffles", + "shallots", + "bacon slices", + "thyme sprigs", + "shiitake", + "white truffle oil", + "garlic cloves" + ] + }, + { + "id": 5055, + "cuisine": "italian", + "ingredients": [ + "salt", + "water", + "butter", + "polenta" + ] + }, + { + "id": 33193, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "crushed red pepper", + "small red potato", + "fresh rosemary", + "cooking spray", + "garlic cloves", + "part-skim mozzarella cheese", + "pizza doughs", + "pitted kalamata olives", + "salt", + "cornmeal" + ] + }, + { + "id": 49540, + "cuisine": "southern_us", + "ingredients": [ + "andouille sausage links", + "white onion", + "ground black pepper", + "buttermilk", + "hot sauce", + "heavy whipping cream", + "large shrimp", + "chicken broth", + "milk", + "chives", + "salt", + "garlic cloves", + "bay leaf", + "buttermilk biscuits", + "kosher salt", + "unsalted butter", + "extra-virgin olive oil", + "cayenne pepper", + "flat leaf parsley", + "shortening", + "baking soda", + "baking powder", + "all-purpose flour", + "lemon juice", + "white cornmeal" + ] + }, + { + "id": 29163, + "cuisine": "southern_us", + "ingredients": [ + "ground ginger", + "cinnamon", + "brown sugar", + "apples", + "nutmeg", + "apple cider", + "granulated sugar" + ] + }, + { + "id": 47986, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "salt", + "tomato sauce", + "grated parmesan cheese", + "onions", + "cottage cheese", + "lean ground beef", + "dried oregano", + "tomato paste", + "lasagna noodles", + "shredded mozzarella cheese" + ] + }, + { + "id": 41590, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "crushed garlic", + "shrimp", + "avocado", + "prepared horseradish", + "purple onion", + "tomato juice", + "cilantro", + "ketchup", + "hot pepper sauce", + "salt" + ] + }, + { + "id": 20577, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "ground coriander", + "kosher salt", + "cauliflower florets", + "peeled fresh ginger", + "olive oil", + "chopped onion" + ] + }, + { + "id": 8765, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "scallions", + "water", + "scallops", + "oil", + "low sodium soy sauce", + "garlic" + ] + }, + { + "id": 27339, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "water", + "chili powder", + "green chilies", + "coriander", + "ketchup", + "unsalted butter", + "vegetable oil", + "garlic cloves", + "ginger paste", + "sugar", + "garam masala", + "parsley", + "cumin seed", + "cashew nuts", + "cream", + "chicken breasts", + "salt", + "onions" + ] + }, + { + "id": 9248, + "cuisine": "french", + "ingredients": [ + "pepper", + "veal cutlets", + "asparagus spears", + "olive oil", + "fresh mushrooms", + "Italian cheese", + "prosciutto", + "garlic cloves", + "water", + "salt" + ] + }, + { + "id": 25493, + "cuisine": "italian", + "ingredients": [ + "italian plum tomatoes", + "salt", + "flat leaf parsley", + "celery ribs", + "extra-virgin olive oil", + "garlic cloves", + "beef roast", + "red wine", + "chopped fresh sage", + "bay leaf", + "ground black pepper", + "purple onion", + "carrots" + ] + }, + { + "id": 32082, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "italian tomatoes", + "red wine vinegar", + "garlic cloves", + "capers", + "olive oil", + "yellow bell pepper", + "onions", + "fresh basil", + "black pepper", + "coarse sea salt", + "flat leaf parsley", + "celery ribs", + "sugar", + "eggplant", + "Sicilian olives" + ] + }, + { + "id": 4590, + "cuisine": "thai", + "ingredients": [ + "minced garlic", + "crushed red pepper flakes", + "coconut milk", + "dried coconut flakes", + "shallots", + "roasted peanuts", + "pomelo", + "cilantro leaves", + "fresh lime juice", + "fish sauce", + "vegetable oil", + "shrimp" + ] + }, + { + "id": 29421, + "cuisine": "chinese", + "ingredients": [ + "dough", + "sugar", + "chicken bones", + "gelatin", + "large garlic cloves", + "garlic chili sauce", + "black vinegar", + "chinese rice wine", + "white pepper", + "pork rind", + "green onions", + "ginger", + "hot water", + "cold water", + "soy sauce", + "water", + "cooking oil", + "ground pork", + "shrimp", + "country ham", + "kosher salt", + "fresh ginger", + "sesame oil", + "all-purpose flour", + "dumplings" + ] + }, + { + "id": 15557, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "crushed pineapple", + "salsa verde" + ] + }, + { + "id": 22453, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "zucchini", + "vegetable broth", + "chipotles in adobo", + "tomato sauce", + "ground pepper", + "chili powder", + "scallions", + "ground cumin", + "reduced fat Mexican cheese", + "olive oil", + "cooking spray", + "garlic", + "chopped cilantro", + "kosher salt", + "tortillas", + "cilantro", + "garlic cloves" + ] + }, + { + "id": 31995, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "chicken", + "poblano", + "queso fresco", + "cream", + "onions" + ] + }, + { + "id": 711, + "cuisine": "japanese", + "ingredients": [ + "red chili peppers", + "rice vinegar", + "olive oil", + "soy sauce", + "shiso", + "mitsuba", + "mushrooms" + ] + }, + { + "id": 46219, + "cuisine": "thai", + "ingredients": [ + "white wine", + "heavy cream", + "salt and ground black pepper", + "fresh lime juice", + "minced garlic", + "Thai chili garlic sauce", + "unsalted butter" + ] + }, + { + "id": 26204, + "cuisine": "southern_us", + "ingredients": [ + "water", + "large eggs", + "vanilla extract", + "corn starch", + "white bread", + "unsalted butter", + "bourbon whiskey", + "grated nutmeg", + "light brown sugar", + "milk", + "half & half", + "salt", + "ground cinnamon", + "granulated sugar", + "raisins", + "fresh lemon juice" + ] + }, + { + "id": 39933, + "cuisine": "indian", + "ingredients": [ + "melted butter", + "active dry yeast", + "salt", + "milk", + "poppy seeds", + "plain yogurt", + "all purpose unbleached flour", + "warm water", + "baking powder", + "white sugar" + ] + }, + { + "id": 41948, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "garlic cloves", + "extra-virgin olive oil", + "sun-dried tomatoes in oil", + "pinenuts", + "feta cheese crumbles", + "linguine" + ] + }, + { + "id": 3443, + "cuisine": "vietnamese", + "ingredients": [ + "avocado", + "baguette", + "daikon", + "oil", + "sugar", + "jalapeno chilies", + "firm tofu", + "flavoring", + "mayonaise", + "water", + "cilantro leaves", + "carrots", + "white vinegar", + "white onion", + "mint leaves", + "english cucumber" + ] + }, + { + "id": 15686, + "cuisine": "greek", + "ingredients": [ + "halloumi cheese", + "ground cumin", + "tomatoes", + "extra-virgin olive oil", + "sea salt", + "wheat", + "chopped fresh mint" + ] + }, + { + "id": 45591, + "cuisine": "italian", + "ingredients": [ + "dijon mustard", + "rice vinegar", + "extra-virgin olive oil", + "purple onion", + "yukon gold potatoes", + "fresh basil leaves" + ] + }, + { + "id": 41060, + "cuisine": "vietnamese", + "ingredients": [ + "honey", + "sesame oil", + "sauce", + "soy sauce", + "sesame seeds", + "purple onion", + "fresh ginger", + "garlic", + "canola oil", + "kosher salt", + "frozen vegetables", + "beef broth" + ] + }, + { + "id": 31064, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "onions", + "soft goat's cheese", + "grated parmesan cheese", + "salt", + "ground black pepper", + "portabello mushroom", + "sugar", + "ziti", + "fresh parsley" + ] + }, + { + "id": 40162, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "all-purpose flour", + "sour cream", + "lemon", + "cherry pie filling", + "butter", + "cream cheese", + "white sugar", + "eggs", + "vanilla extract", + "corn starch" + ] + }, + { + "id": 31537, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "grated parmesan cheese", + "minced garlic", + "Maggi", + "water", + "oyster sauce", + "fish sauce", + "unsalted butter", + "Chinese egg noodles" + ] + }, + { + "id": 9486, + "cuisine": "mexican", + "ingredients": [ + "reduced fat monterey jack cheese", + "guacamole", + "hummus", + "black beans", + "salsa", + "pico de gallo", + "fat-free refried beans", + "cherry tomatoes", + "taco seasoning" + ] + }, + { + "id": 17869, + "cuisine": "chinese", + "ingredients": [ + "coarse salt", + "freshly ground pepper", + "yardlong beans", + "extra-virgin olive oil" + ] + }, + { + "id": 39183, + "cuisine": "italian", + "ingredients": [ + "pecorino romano cheese", + "broccoli rabe", + "garlic cloves", + "extra-virgin olive oil" + ] + }, + { + "id": 32103, + "cuisine": "french", + "ingredients": [ + "wheels", + "salt", + "chicken stock", + "butter", + "yukon gold potatoes", + "onions", + "pepper", + "bacon" + ] + }, + { + "id": 3901, + "cuisine": "cajun_creole", + "ingredients": [ + "bell pepper", + "thyme sprigs", + "purple onion", + "vegetable oil cooking spray", + "turkey tenderloins", + "cajun seasoning" + ] + }, + { + "id": 6385, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "green onions", + "firm tofu", + "cucumber", + "minced ginger", + "ground pork", + "peanut oil", + "sugar", + "lo mein noodles", + "salt", + "oil", + "minced garlic", + "sesame oil", + "bean sauce" + ] + }, + { + "id": 34320, + "cuisine": "mexican", + "ingredients": [ + "guajillo chile powder", + "cucumber", + "navel oranges", + "chopped cilantro fresh", + "jicama", + "fresh lime juice", + "radishes", + "salt" + ] + }, + { + "id": 39026, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "fresh lime juice", + "salt", + "pork loin chops", + "shallots", + "asian fish sauce" + ] + }, + { + "id": 46798, + "cuisine": "mexican", + "ingredients": [ + "queso fresco", + "corn tortillas", + "cooking spray", + "pinto beans", + "frozen whole kernel corn", + "enchilada sauce", + "monterey jack", + "salsa", + "chopped cilantro fresh" + ] + }, + { + "id": 6748, + "cuisine": "indian", + "ingredients": [ + "crushed red pepper", + "fresh lemon juice", + "butter", + "garlic cloves", + "ground cumin", + "ground ginger", + "salt", + "boneless skinless chicken breast halves", + "plain yogurt", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 6808, + "cuisine": "indian", + "ingredients": [ + "melted butter", + "milk", + "salt", + "warm water", + "baking powder", + "yeast", + "sugar", + "flour", + "greek yogurt", + "fresh cilantro", + "vegetable oil" + ] + }, + { + "id": 10561, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "salt", + "poblano chiles", + "ground cumin", + "black pepper", + "cilantro", + "beef broth", + "bay leaf", + "brisket", + "red wine vinegar", + "salsa", + "corn tortillas", + "jalapeno chilies", + "garlic", + "yellow onion", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 46398, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "chicken drumsticks", + "hot sauce", + "thyme", + "cooked rice", + "bell pepper", + "paprika", + "cayenne pepper", + "oregano", + "andouille chicken sausage", + "diced tomatoes", + "yellow onion", + "marjoram", + "black pepper", + "vegetable oil", + "fine sea salt", + "scallions" + ] + }, + { + "id": 33103, + "cuisine": "italian", + "ingredients": [ + "eggs", + "buttermilk", + "all-purpose flour", + "baking powder", + "salt", + "dried oregano", + "green onions", + "shredded sharp cheddar cheese", + "white sugar", + "baking soda", + "basil dried leaves", + "sun-dried tomatoes in oil" + ] + }, + { + "id": 3767, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "ranch dressing", + "lima beans", + "water", + "ground black pepper", + "stewed tomatoes", + "onions", + "diced green chilies", + "lean ground beef", + "pinto beans", + "taco seasoning mix", + "white hominy", + "salt" + ] + }, + { + "id": 18093, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "grating cheese", + "cabbage", + "apple cider vinegar", + "carrots", + "water", + "salt", + "masa harina", + "brown sugar", + "red pepper flakes", + "dried oregano" + ] + }, + { + "id": 25041, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "granulated sugar", + "whipped topping", + "large egg whites", + "salt", + "boiling water", + "cream of tartar", + "coffee granules", + "cream cheese", + "unsweetened cocoa powder", + "chocolate syrup", + "vanilla extract", + "cacao nibs" + ] + }, + { + "id": 2373, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "oil", + "meat", + "onions", + "salt", + "curry powder", + "thyme leaves" + ] + }, + { + "id": 9883, + "cuisine": "indian", + "ingredients": [ + "fresh basil", + "light coconut milk", + "carrots", + "curry powder", + "salt", + "pineapple chunks", + "crushed red pepper", + "red bell pepper", + "reduced fat firm tofu", + "vegetable oil", + "juice" + ] + }, + { + "id": 27172, + "cuisine": "chinese", + "ingredients": [ + "pork", + "sea salt", + "wine", + "hoisin sauce", + "chinese five-spice powder", + "sugar", + "maltose", + "soy sauce", + "red food coloring" + ] + }, + { + "id": 17034, + "cuisine": "jamaican", + "ingredients": [ + "dark chocolate", + "whipping cream", + "unsalted butter", + "milk chocolate", + "cocoa powder", + "dark rum" + ] + }, + { + "id": 47835, + "cuisine": "mexican", + "ingredients": [ + "fire roasted diced tomatoes", + "shredded cheese", + "boneless skinless chicken breasts", + "green onions", + "bbq sauce", + "green chilies" + ] + }, + { + "id": 31948, + "cuisine": "irish", + "ingredients": [ + "butter", + "baking powder", + "salt", + "almond extract", + "all-purpose flour", + "powdered sugar", + "vanilla extract" + ] + }, + { + "id": 43899, + "cuisine": "korean", + "ingredients": [ + "green onions", + "cucumber", + "black pepper", + "red pepper flakes", + "white vinegar", + "vegetable oil", + "sesame seeds", + "carrots" + ] + }, + { + "id": 37389, + "cuisine": "mexican", + "ingredients": [ + "serrano chilies", + "sea salt", + "chopped cilantro fresh", + "queso fresco", + "tortilla chips", + "white onion", + "crema", + "canola oil", + "tomatillos", + "garlic cloves" + ] + }, + { + "id": 37387, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "water", + "nori", + "meat cuts", + "medium-grain rice", + "sushi rice", + "rice vinegar", + "avocado", + "kosher salt", + "cucumber" + ] + }, + { + "id": 16965, + "cuisine": "italian", + "ingredients": [ + "orange bell pepper", + "cooking spray", + "fresh oregano", + "fresh parsley", + "olive oil", + "dry yeast", + "all-purpose flour", + "cornmeal", + "warm water", + "fresh parmesan cheese", + "salt", + "red bell pepper", + "part-skim mozzarella cheese", + "crushed red pepper", + "garlic cloves" + ] + }, + { + "id": 7436, + "cuisine": "mexican", + "ingredients": [ + "pork", + "arbol chile", + "garlic", + "white onion", + "pork shoulder", + "pozole" + ] + }, + { + "id": 32139, + "cuisine": "french", + "ingredients": [ + "white chocolate", + "butter", + "cream cheese, soften", + "silver", + "semisweet chocolate", + "vanilla extract", + "bows", + "ganache", + "food paste color", + "sour cream", + "sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 2517, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "baking soda", + "apple cider vinegar", + "corn starch", + "kosher salt", + "granulated sugar", + "cream cheese", + "unsweetened cocoa powder", + "food colouring", + "unsalted butter", + "gluten free all purpose flour", + "confectioners sugar", + "pure vanilla extract", + "milk", + "baking powder", + "xanthan gum" + ] + }, + { + "id": 39923, + "cuisine": "southern_us", + "ingredients": [ + "celery salt", + "chili powder", + "oil", + "milk", + "all-purpose flour", + "garlic salt", + "eggs", + "salt", + "chuck steaks", + "beef bouillon", + "cayenne pepper" + ] + }, + { + "id": 40380, + "cuisine": "mexican", + "ingredients": [ + "salt", + "chopped tomatoes", + "sliced green onions", + "chiles", + "chopped cilantro fresh", + "fresh lime juice" + ] + }, + { + "id": 695, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "salt", + "light brown sugar", + "heavy cream", + "butter", + "chopped pecans", + "granulated sugar", + "vanilla extract" + ] + }, + { + "id": 25864, + "cuisine": "filipino", + "ingredients": [ + "whole peppercorn", + "oil", + "pork cubes", + "water", + "bay leaf", + "soy sauce", + "garlic cloves", + "brown sugar", + "vinegar" + ] + }, + { + "id": 38344, + "cuisine": "korean", + "ingredients": [ + "beef", + "garlic cloves", + "pepper", + "salt", + "soy sauce", + "sesame oil", + "water", + "seaweed" + ] + }, + { + "id": 47763, + "cuisine": "indian", + "ingredients": [ + "mayonaise", + "vinegar", + "oil", + "ghee", + "red chili powder", + "water", + "yoghurt", + "cucumber", + "ground turmeric", + "white vinegar", + "black pepper", + "flour", + "garlic chili sauce", + "onions", + "garlic paste", + "garam masala", + "salt", + "chicken fillets" + ] + }, + { + "id": 41314, + "cuisine": "mexican", + "ingredients": [ + "tomato purée", + "corn kernels", + "butter", + "carrots", + "pepper", + "pumpkin", + "garlic", + "onions", + "water", + "epazote", + "salt", + "chicken bouillon", + "zucchini", + "heavy cream", + "poblano chiles" + ] + }, + { + "id": 16725, + "cuisine": "french", + "ingredients": [ + "frozen orange juice concentrate", + "ladyfingers", + "sherbet", + "syrup", + "vanilla ice cream", + "frozen strawberries" + ] + }, + { + "id": 42286, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "water chestnuts", + "salt", + "carrots", + "frozen whole kernel corn", + "peeled fresh ginger", + "dark sesame oil", + "black pepper", + "cooking spray", + "rice vinegar", + "tofu", + "mushroom caps", + "green onions", + "garlic cloves" + ] + }, + { + "id": 43745, + "cuisine": "french", + "ingredients": [ + "eggs", + "dijon mustard", + "green beans", + "olive oil", + "fresh lemon juice", + "kosher salt", + "new potatoes", + "olives", + "salmon fillets", + "lettuce leaves", + "chopped fresh herbs" + ] + }, + { + "id": 48242, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "onions", + "black beans", + "red enchilada sauce", + "chicken", + "cheddar cheese", + "salt", + "chopped cilantro fresh", + "pepper", + "corn tortillas" + ] + }, + { + "id": 3357, + "cuisine": "chinese", + "ingredients": [ + "haricots verts", + "red chili peppers", + "egg whites", + "ginger", + "green chilies", + "toasted sesame seeds", + "chinese rice wine", + "water", + "spring onions", + "garlic", + "corn starch", + "tiger prawn", + "sugar", + "light soy sauce", + "sesame oil", + "broccoli", + "chicken-flavored soup powder", + "chicken breast fillets", + "fresh coriander", + "mushrooms", + "cornflour", + "oyster sauce", + "cashew nuts" + ] + }, + { + "id": 3839, + "cuisine": "french", + "ingredients": [ + "fennel seeds", + "striped bass", + "fennel bulb", + "olive oil", + "liqueur", + "lemon wedge" + ] + }, + { + "id": 48378, + "cuisine": "french", + "ingredients": [ + "cold water", + "salt", + "large eggs", + "cold milk", + "all-purpose flour", + "butter" + ] + }, + { + "id": 12017, + "cuisine": "italian", + "ingredients": [ + "capers", + "baby spinach", + "ciabatta", + "champagne vinegar", + "soft goat's cheese", + "dijon mustard", + "salt", + "cream cheese, soften", + "smoked salmon", + "ground black pepper", + "purple onion", + "fresh lemon juice", + "minced garlic", + "extra-virgin olive oil", + "grated lemon zest", + "sliced green onions" + ] + }, + { + "id": 5860, + "cuisine": "japanese", + "ingredients": [ + "parmesan cheese", + "salt", + "large eggs", + "zucchini", + "panko breadcrumbs", + "spices" + ] + }, + { + "id": 24789, + "cuisine": "french", + "ingredients": [ + "pork", + "shallots", + "ground allspice", + "bay leaves", + "fine sea salt", + "fresh thyme", + "extra-virgin olive oil", + "onions", + "pork liver", + "cornichons", + "peppercorns" + ] + }, + { + "id": 16392, + "cuisine": "southern_us", + "ingredients": [ + "green leaf lettuce", + "all-purpose flour", + "kosher salt", + "vegetable oil", + "mango", + "eggs", + "green tomatoes", + "cornmeal", + "sourdough bread", + "bacon" + ] + }, + { + "id": 15428, + "cuisine": "italian", + "ingredients": [ + "mayonaise", + "bacon slices", + "italian salad dressing", + "mustard", + "cheese slices", + "Italian bread", + "parmesan cheese", + "mortadella", + "plum tomatoes", + "genoa salami", + "romaine lettuce leaves", + "pimento stuffed green olives" + ] + }, + { + "id": 13736, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "cayenne pepper", + "oregano", + "chicken broth", + "bacon", + "red bell pepper", + "red kidney beans", + "jalapeno chilies", + "thyme", + "tomato purée", + "salt", + "onions" + ] + }, + { + "id": 8800, + "cuisine": "indian", + "ingredients": [ + "grated coconut", + "cumin seed", + "olive oil", + "basmati rice", + "fresh cilantro", + "curry paste", + "rock shrimp", + "curry", + "plum tomatoes" + ] + }, + { + "id": 18739, + "cuisine": "italian", + "ingredients": [ + "salt", + "warm water", + "oil", + "sugar", + "all-purpose flour", + "quick yeast" + ] + }, + { + "id": 45358, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "garlic", + "olives", + "parmesan cheese", + "anchovy filets", + "olive oil", + "purple onion", + "chicken broth", + "basil leaves", + "bucatini" + ] + }, + { + "id": 31402, + "cuisine": "chinese", + "ingredients": [ + "szechwan peppercorns", + "ground cinnamon", + "fennel seeds", + "star anise", + "whole cloves" + ] + }, + { + "id": 41929, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "kalamata", + "red bell pepper", + "ground black pepper", + "salt", + "onions", + "olive oil", + "yellow bell pepper", + "flat leaf parsley", + "cooking spray", + "fresh oregano", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 2262, + "cuisine": "mexican", + "ingredients": [ + "pure vanilla extract", + "2% reduced-fat milk", + "corn starch", + "ground cinnamon", + "cayenne pepper", + "light brown sugar", + "salt", + "bittersweet chocolate", + "egg yolks", + "fat" + ] + }, + { + "id": 35403, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "vanilla extract", + "buttermilk", + "all-purpose flour", + "butter", + "salt", + "vanilla powder", + "lard" + ] + }, + { + "id": 4813, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "dry red wine", + "onions", + "water", + "large garlic cloves", + "leg of lamb", + "feta cheese", + "beef broth", + "dried rosemary", + "cold water", + "swiss chard", + "corn starch" + ] + }, + { + "id": 43206, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "paprika", + "fresh parsley leaves", + "cayenne", + "filet", + "fish", + "vegetable oil", + "garlic cloves", + "ground cumin", + "fresh coriander", + "all-purpose flour", + "fresh lemon juice" + ] + }, + { + "id": 24154, + "cuisine": "mexican", + "ingredients": [ + "coconut", + "seasoned rice wine vinegar", + "jicama", + "fresh basil leaves", + "salt", + "watermelon", + "cucumber" + ] + }, + { + "id": 5153, + "cuisine": "chinese", + "ingredients": [ + "lettuce", + "egg noodles", + "scallions", + "slaw", + "cilantro", + "beni shoga", + "gari", + "chicken breasts", + "carrots", + "peanuts", + "peanut sauce", + "cucumber" + ] + }, + { + "id": 8650, + "cuisine": "italian", + "ingredients": [ + "vegetable oil cooking spray", + "part-skim mozzarella cheese", + "french rolls", + "pepper", + "chopped onion", + "italian seasoning", + "tomato sauce", + "green pepper", + "dried oregano", + "minced garlic", + "canadian bacon" + ] + }, + { + "id": 631, + "cuisine": "french", + "ingredients": [ + "butter", + "corn starch", + "chicken bouillon granules", + "paprika", + "heavy whipping cream", + "dry white wine", + "all-purpose flour", + "boneless skinless chicken breast halves", + "swiss cheese", + "ham" + ] + }, + { + "id": 32278, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "buttermilk", + "large eggs", + "all-purpose flour", + "unsalted butter", + "salt", + "sugar", + "baking powder", + "cornmeal" + ] + }, + { + "id": 24188, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "fresh ginger", + "vegetable broth", + "fresh lemon juice", + "fennel seeds", + "fresh cilantro", + "black-eyed peas", + "salt", + "red lentils", + "curry powder", + "eggplant", + "garlic", + "onions", + "tomato paste", + "olive oil", + "cayenne", + "brown lentils" + ] + }, + { + "id": 42486, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "orzo pasta", + "scallions", + "unsalted chicken stock", + "parmigiano reggiano cheese", + "grated lemon zest", + "white asparagus", + "unsalted butter", + "salt", + "flat leaf parsley", + "asparagus", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 42661, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "Mexican seasoning mix", + "ground meat", + "tostadas", + "shredded cheese", + "refried beans" + ] + }, + { + "id": 46962, + "cuisine": "italian", + "ingredients": [ + "cremini mushrooms", + "olive oil", + "salt", + "onions", + "black pepper", + "parmigiano reggiano cheese", + "hot water", + "dried oregano", + "chicken broth", + "bread crumb fresh", + "extra-virgin olive oil", + "flat leaf parsley", + "dried porcini mushrooms", + "unsalted butter", + "garlic cloves", + "campanelle" + ] + }, + { + "id": 15588, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "flour", + "szechwan peppercorns", + "dried shiitake mushrooms", + "ground cloves", + "green onions", + "star anise", + "onions", + "soy sauce", + "oxtails", + "ginger", + "cinnamon sticks", + "black pepper", + "corn oil", + "garlic", + "mushroom soy sauce" + ] + }, + { + "id": 26720, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "salt", + "white wine", + "broccoli", + "ground black pepper" + ] + }, + { + "id": 40202, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "dry white wine", + "all-purpose flour", + "chicken broth", + "ground black pepper", + "red wine vinegar", + "olive oil", + "shallots", + "sugar", + "center cut pork loin chops", + "butter" + ] + }, + { + "id": 24345, + "cuisine": "chinese", + "ingredients": [ + "won ton wrappers", + "sesame oil", + "rice vinegar", + "ground chicken", + "reduced sodium soy sauce", + "ginger", + "soy sauce", + "shiitake", + "vegetable oil", + "white pepper", + "green onions", + "garlic" + ] + }, + { + "id": 44826, + "cuisine": "chinese", + "ingredients": [ + "honey", + "green onions", + "ketchup", + "ground black pepper", + "sugar", + "sesame seeds", + "salt", + "white distilled vinegar", + "frozen popcorn chicken" + ] + }, + { + "id": 3918, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "scallions", + "teriyaki sauce", + "frozen peas", + "vegetable oil", + "shrimp", + "salt", + "spaghetti" + ] + }, + { + "id": 45150, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "buttermilk", + "sugar", + "peaches", + "all-purpose flour", + "low-fat greek yogurt", + "salt", + "superfine sugar", + "baking powder" + ] + }, + { + "id": 16688, + "cuisine": "mexican", + "ingredients": [ + "fresh lime juice", + "canola oil", + "salt", + "cabbage", + "jalapeno chilies", + "chopped cilantro fresh", + "onions" + ] + }, + { + "id": 4078, + "cuisine": "filipino", + "ingredients": [ + "vegetable oil", + "minced beef", + "ground cumin", + "beef", + "extra-virgin olive oil", + "smoked paprika", + "boiled eggs", + "Italian parsley leaves", + "garlic cloves", + "chili powder", + "yellow onion", + "oregano leaves" + ] + }, + { + "id": 12266, + "cuisine": "southern_us", + "ingredients": [ + "cold water", + "salt", + "active dry yeast", + "white sugar", + "shortening", + "all-purpose flour", + "vegetable oil" + ] + }, + { + "id": 36377, + "cuisine": "italian", + "ingredients": [ + "ground chuck", + "olive oil", + "grated parmesan cheese", + "garlic", + "thyme", + "tomato paste", + "minced garlic", + "unsalted butter", + "bay leaves", + "grated nutmeg", + "onions", + "kosher salt", + "ground black pepper", + "whole milk", + "all-purpose flour", + "celery", + "table salt", + "water", + "large eggs", + "red wine", + "carrots" + ] + }, + { + "id": 5147, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "fresh lemon juice", + "avocado", + "salt", + "green onions", + "fresh cilantro" + ] + }, + { + "id": 40818, + "cuisine": "indian", + "ingredients": [ + "frozen chopped spinach", + "water", + "finely chopped onion", + "cayenne pepper", + "ground cumin", + "tumeric", + "fresh ginger", + "garlic", + "greek yogurt", + "ground cinnamon", + "olive oil", + "butter", + "ground coriander", + "kosher salt", + "garam masala", + "paneer", + "serrano chile" + ] + }, + { + "id": 48979, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "vegetable oil", + "corned beef", + "roma tomatoes", + "garlic cloves", + "water", + "salt", + "jasmine rice", + "potatoes", + "onions" + ] + }, + { + "id": 34589, + "cuisine": "cajun_creole", + "ingredients": [ + "onion powder", + "paprika", + "cayenne", + "red pepper", + "shrimp", + "grass-fed butter", + "red pepper flakes", + "garlic", + "zucchini", + "sea salt", + "onions" + ] + }, + { + "id": 24185, + "cuisine": "italian", + "ingredients": [ + "sugar", + "all purpose unbleached flour", + "large egg yolks", + "grated lemon peel", + "yellow corn meal", + "unsalted butter", + "water", + "salt" + ] + }, + { + "id": 159, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "garlic", + "taco seasoning", + "pepper jack", + "salsa", + "onions", + "beef", + "salt", + "elbow macaroni", + "chips", + "green chilies" + ] + }, + { + "id": 1677, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "water", + "garlic", + "miso", + "kale" + ] + }, + { + "id": 21075, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "shiitake", + "ginger", + "canola oil", + "turnips", + "dashi", + "mirin", + "scallions", + "kosher salt", + "boneless skin on chicken thighs", + "yellow onion", + "sake", + "sesame seeds", + "yukon gold potatoes", + "carrots" + ] + }, + { + "id": 12723, + "cuisine": "indian", + "ingredients": [ + "nutmeg", + "tumeric", + "star anise", + "green cardamom", + "cinnamon sticks", + "shahi jeera", + "stone flower", + "red chili powder", + "mace", + "cilantro leaves", + "oil", + "onions", + "clove", + "tomatoes", + "water", + "salt", + "green chilies", + "bay leaf", + "chicken", + "fennel seeds", + "garlic paste", + "mint leaves", + "rice", + "cardamom", + "peppercorns" + ] + }, + { + "id": 15952, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "beef", + "noodles", + "sake", + "shiitake", + "base", + "water", + "mirin", + "regular tofu", + "shungiku", + "scallions" + ] + }, + { + "id": 42425, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "raw cashews", + "kosher salt", + "ground pepper", + "ground turmeric", + "green cabbage", + "fresh ginger", + "cumin seed", + "water", + "quinoa" + ] + }, + { + "id": 8777, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "long-grain rice", + "chorizo sausage", + "green bell pepper", + "freshly ground pepper", + "onions", + "paprika", + "garlic cloves", + "kosher salt", + "scallions", + "frozen peas" + ] + }, + { + "id": 28811, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "honey", + "jalapeno chilies", + "tomatillos", + "garlic", + "orange juice", + "sour cream", + "cumin", + "avocado", + "pork shoulder roast", + "garlic powder", + "chili powder", + "cinnamon", + "cream cheese", + "dried guajillo chiles", + "roasted tomatoes", + "water", + "olive oil", + "half & half", + "russet potatoes", + "salt", + "smoked paprika", + "chipotles in adobo", + "canola oil", + "chihuahua cheese", + "fresh cilantro", + "cayenne", + "onion powder", + "cheese", + "sharp cheddar cheese", + "tequila", + "oregano" + ] + }, + { + "id": 27842, + "cuisine": "russian", + "ingredients": [ + "eggs", + "pepper", + "carrots", + "pickles", + "salt", + "mayonaise", + "potatoes", + "frozen peas", + "granny smith apples", + "dill" + ] + }, + { + "id": 23391, + "cuisine": "southern_us", + "ingredients": [ + "frozen lemonade concentrate", + "frozen limeade concentrate", + "cocktail cherries", + "pineapple juice", + "bourbon whiskey", + "cherry juice" + ] + }, + { + "id": 10997, + "cuisine": "indian", + "ingredients": [ + "fresh spinach", + "split yellow lentils", + "salt", + "dried red chile peppers", + "water", + "chile pepper", + "mustard seeds", + "ground turmeric", + "fresh curry leaves", + "ground red pepper", + "cumin seed", + "ghee", + "fresh ginger", + "vegetable oil", + "asafoetida powder" + ] + }, + { + "id": 14334, + "cuisine": "southern_us", + "ingredients": [ + "celery salt", + "pimentos", + "cream cheese", + "mayonaise", + "salt", + "ground cayenne pepper", + "cheddar cheese", + "purple onion", + "grated jack cheese", + "black pepper", + "dill" + ] + }, + { + "id": 205, + "cuisine": "italian", + "ingredients": [ + "fennel bulb", + "thyme", + "coarse salt", + "grated parmesan cheese", + "ground pepper", + "softened butter" + ] + }, + { + "id": 39867, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "rotini", + "olive oil", + "garlic", + "dried oregano", + "dried basil", + "grated parmesan cheese", + "boneless skinless chicken breast halves", + "sun-dried tomatoes", + "salt" + ] + }, + { + "id": 6522, + "cuisine": "mexican", + "ingredients": [ + "bell pepper", + "tortilla chips", + "chili powder", + "monterey jack", + "breakfast sausages", + "onions", + "roma tomatoes", + "cilantro" + ] + }, + { + "id": 5032, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "parmigiano reggiano cheese", + "salt", + "eggplant", + "fresh mozzarella", + "fresh basil leaves", + "hot red pepper flakes", + "panko", + "large garlic cloves", + "plum tomatoes", + "olive oil", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 347, + "cuisine": "italian", + "ingredients": [ + "water", + "fresh lemon juice", + "arborio rice", + "butter", + "grated lemon peel", + "fresh basil", + "chopped onion", + "grated parmesan cheese", + "fresh parsley" + ] + }, + { + "id": 10988, + "cuisine": "vietnamese", + "ingredients": [ + "large eggs", + "all-purpose flour", + "sugar", + "vanilla extract", + "unsweetened cocoa powder", + "powdered sugar", + "coffee", + "sweetened condensed milk", + "unsalted butter", + "salt" + ] + }, + { + "id": 5958, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "jasmine rice", + "Thai red curry paste", + "red bell pepper", + "fish sauce", + "fresh ginger", + "purple onion", + "duck breasts", + "pineapple", + "hot water", + "grape tomatoes", + "olive oil", + "garlic", + "coconut milk" + ] + }, + { + "id": 33234, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "butter", + "black pepper", + "ground red pepper", + "salt", + "garlic powder", + "paprika", + "corn", + "onion powder", + "dried oregano" + ] + }, + { + "id": 41386, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "pizza sauce", + "pepperoni", + "salt and ground black pepper", + "ricotta cheese", + "onions", + "olive oil", + "ground Italian sausage", + "garlic cloves", + "eggs", + "grated parmesan cheese", + "pasta shells" + ] + }, + { + "id": 40600, + "cuisine": "italian", + "ingredients": [ + "kale", + "pecorino romano cheese", + "sausage casings", + "half & half", + "tomatoes", + "olive oil", + "garlic", + "cavatappi", + "shallots" + ] + }, + { + "id": 5397, + "cuisine": "moroccan", + "ingredients": [ + "turnips", + "olive oil", + "sweet potatoes", + "chickpeas", + "arbol chile", + "preserved lemon", + "potatoes", + "ras el hanout", + "flat leaf parsley", + "parsnips", + "low sodium chicken broth", + "salt", + "couscous", + "tomatoes", + "zucchini", + "garlic", + "carrots" + ] + }, + { + "id": 44199, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "salt", + "chopped parsley", + "parmigiano-reggiano cheese", + "low sodium crushed tomatoes", + "pinto beans", + "pepper", + "whole wheat spaghetti", + "whole wheat breadcrumbs", + "eggs", + "olive oil", + "turkey meat", + "onions" + ] + }, + { + "id": 20345, + "cuisine": "indian", + "ingredients": [ + "nutmeg", + "boiled eggs", + "star anise", + "green cardamom", + "kewra water", + "bay leaf", + "saffron", + "stone flower", + "garlic paste", + "mace", + "cilantro leaves", + "green chilies", + "cardamom", + "peppercorns", + "fennel seeds", + "tumeric", + "mint leaves", + "rice", + "curds", + "cinnamon sticks", + "shahi jeera", + "clove", + "red chili powder", + "milk", + "salt", + "brown cardamom", + "oil", + "chicken pieces" + ] + }, + { + "id": 49667, + "cuisine": "moroccan", + "ingredients": [ + "celery stick", + "lemon", + "plum tomatoes", + "frozen broad beans", + "onions", + "olive oil", + "chickpeas", + "ground cumin", + "vegetable stock", + "coriander" + ] + }, + { + "id": 48393, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "frozen corn kernels", + "butter", + "onions", + "black-eyed peas", + "ham", + "green chile", + "diced tomatoes", + "chopped cilantro fresh" + ] + }, + { + "id": 46109, + "cuisine": "irish", + "ingredients": [ + "beef", + "fat", + "petite peas", + "pearl onions", + "nonfat milk", + "corn starch", + "reduced fat sharp cheddar cheese", + "red wine vinegar", + "carrots", + "prepared horseradish", + "frozen mashed potatoes", + "marjoram" + ] + }, + { + "id": 9170, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "milk", + "salt", + "pepper", + "butter", + "fresh mushrooms", + "eggs", + "grated parmesan cheese", + "all-purpose flour", + "bread", + "cooked turkey", + "bacon" + ] + }, + { + "id": 6107, + "cuisine": "french", + "ingredients": [ + "ground nutmeg", + "leeks", + "cayenne pepper", + "grated parmesan cheese", + "whipping cream", + "large eggs", + "butter", + "water", + "frozen pastry puff sheets", + "cheese" + ] + }, + { + "id": 22242, + "cuisine": "chinese", + "ingredients": [ + "peeled fresh ginger", + "dry sherry", + "Yakisoba noodles", + "soy sauce", + "sesame oil", + "garlic cloves", + "boneless skinless chicken breast halves", + "sugar", + "green onions", + "seasoned rice wine vinegar", + "low salt chicken broth", + "tahini", + "napa cabbage", + "garlic chili sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 36516, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "salt", + "onions", + "celery ribs", + "heavy cream", + "bay leaf", + "marinara sauce", + "carrots", + "pepper", + "cheese tortellini", + "ground beef" + ] + }, + { + "id": 16973, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "potato gnocchi", + "freshly ground pepper", + "fresh marjoram", + "grated parmesan cheese", + "heavy cream", + "fresh thyme", + "white truffle oil", + "wild mushrooms", + "homemade chicken stock", + "shallots", + "salt" + ] + }, + { + "id": 19336, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "unsalted butter", + "skim milk", + "salt", + "sugar", + "bread machine yeast", + "bread crumbs", + "bread flour" + ] + }, + { + "id": 42026, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "grated parmesan cheese", + "whipping cream", + "unsalted butter", + "baking powder", + "white cornmeal", + "baking soda", + "chopped fresh chives", + "salt", + "sugar", + "large eggs", + "buttermilk" + ] + }, + { + "id": 49499, + "cuisine": "southern_us", + "ingredients": [ + "corn kernels", + "butter", + "black pepper", + "flour", + "sour cream", + "shredded cheddar cheese", + "baking powder", + "cornmeal", + "eggs", + "baking soda", + "salt" + ] + }, + { + "id": 23104, + "cuisine": "mexican", + "ingredients": [ + "lemon juice", + "hot pepper sauce", + "avocado", + "Hidden Valley® Original Ranch® Dips Mix", + "tortilla chips" + ] + }, + { + "id": 15778, + "cuisine": "jamaican", + "ingredients": [ + "water", + "scallions", + "red kidney beans", + "salt", + "coconut milk", + "garlic", + "thyme", + "butter-margarine blend", + "rice" + ] + }, + { + "id": 3166, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "vegetable broth", + "polenta", + "dried basil", + "diced tomatoes", + "shiitake mushroom caps", + "water", + "shallots", + "roasted garlic", + "sugar", + "grated parmesan cheese", + "crushed red pepper", + "dried oregano" + ] + }, + { + "id": 43702, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "water", + "salt", + "red chili peppers", + "garlic", + "flour" + ] + }, + { + "id": 1481, + "cuisine": "korean", + "ingredients": [ + "fresh spinach", + "egg yolks", + "salt", + "carrots", + "white sugar", + "rib eye steaks", + "pepper", + "sesame oil", + "chili bean paste", + "cucumber", + "soy sauce", + "green onions", + "dried shiitake mushrooms", + "hot water", + "nori", + "brown sugar", + "sesame seeds", + "white rice", + "garlic cloves", + "beansprouts" + ] + }, + { + "id": 5554, + "cuisine": "indian", + "ingredients": [ + "leaves", + "cumin seed", + "salt", + "ground turmeric", + "chili powder", + "mustard oil", + "green chilies" + ] + }, + { + "id": 32071, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "buttermilk", + "cream cheese", + "baking soda", + "vegetable oil", + "salt", + "heavy whipping cream", + "frozen whipped topping", + "Nilla Wafers", + "vanilla extract", + "vanilla instant pudding", + "bananas", + "butter", + "all-purpose flour", + "confectioners sugar" + ] + }, + { + "id": 32059, + "cuisine": "japanese", + "ingredients": [ + "red chili powder", + "cilantro leaves", + "bay leaf", + "clove", + "garam masala", + "okra", + "garlic paste", + "green chilies", + "onions", + "tomatoes", + "salt", + "oil" + ] + }, + { + "id": 27665, + "cuisine": "italian", + "ingredients": [ + "spinach", + "olive oil", + "chicken breasts", + "garlic", + "oregano", + "cottage cheese", + "parmesan cheese", + "ricotta cheese", + "crushed red pepper", + "tomatoes", + "mozzarella cheese", + "wheat", + "pasta rotel", + "garlic salt", + "black pepper", + "zucchini", + "basil", + "onions" + ] + }, + { + "id": 29948, + "cuisine": "spanish", + "ingredients": [ + "arborio rice", + "olive oil", + "sea salt", + "medium shrimp", + "saffron threads", + "fillet red snapper", + "lemon", + "fresh oregano", + "tomatoes", + "lemon zest", + "purple onion", + "lobster tails", + "mussels", + "minced garlic", + "fish stock", + "smoked paprika" + ] + }, + { + "id": 46786, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "cream of tartar", + "vegetable shortening", + "unsalted butter", + "all-purpose flour", + "melted butter", + "buttermilk" + ] + }, + { + "id": 31774, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "fresh lime juice", + "boneless skinless chicken breasts", + "green bell pepper, slice", + "onions", + "white vinegar", + "salad dressing mix" + ] + }, + { + "id": 41023, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "salt", + "harissa sauce", + "olive oil", + "cayenne pepper", + "sugar", + "all-purpose flour", + "chicken thighs", + "chicken breast halves", + "peanut oil" + ] + }, + { + "id": 18141, + "cuisine": "spanish", + "ingredients": [ + "jalapeno chilies", + "salt", + "olive oil", + "red pepper", + "chopped parsley", + "dry white wine", + "fat", + "ground pepper", + "garlic", + "onions" + ] + }, + { + "id": 30417, + "cuisine": "chinese", + "ingredients": [ + "sugar pea", + "fresh ginger", + "rice vinegar", + "red bell pepper", + "fresh udon", + "water", + "purple onion", + "carrots", + "medium shrimp", + "black peppercorns", + "minced garlic", + "butter", + "oyster sauce", + "baby corn", + "sugar", + "light soy sauce", + "salt", + "corn starch" + ] + }, + { + "id": 26599, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "calamari", + "sea scallops", + "salt", + "onions", + "green bell pepper", + "crushed tomatoes", + "peas", + "shrimp", + "clams", + "water", + "lemon", + "long-grain rice", + "chicken thighs", + "jumbo shrimp", + "olive oil", + "garlic", + "red bell pepper" + ] + }, + { + "id": 7565, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "oil-cured black olives", + "salt", + "warm water", + "sea salt", + "dry yeast", + "extra-virgin olive oil", + "sugar", + "russet potatoes", + "bread flour" + ] + }, + { + "id": 17282, + "cuisine": "indian", + "ingredients": [ + "lemon", + "greek style plain yogurt", + "naan", + "yellow heirloom tomatoes", + "garlic", + "chaat masala", + "mixed spice", + "purple onion", + "paneer cheese", + "spinach", + "ginger", + "cucumber" + ] + }, + { + "id": 6226, + "cuisine": "greek", + "ingredients": [ + "water", + "vanilla extract", + "eggs", + "baking powder", + "white sugar", + "sesame seeds", + "all-purpose flour", + "slivered almonds", + "butter" + ] + }, + { + "id": 10371, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "sour cream", + "flour", + "shredded Monterey Jack cheese", + "flour tortillas", + "chicken", + "chicken broth", + "butter" + ] + }, + { + "id": 22019, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "ginger", + "broccolini", + "quinoa", + "sliced mushrooms", + "black bean sauce", + "rice vinegar", + "olive oil", + "shallots" + ] + }, + { + "id": 49495, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "anchovy fillets", + "ricotta", + "country bread", + "extra-virgin olive oil", + "garlic cloves", + "baguette", + "fresh oregano" + ] + }, + { + "id": 42689, + "cuisine": "french", + "ingredients": [ + "green onions", + "garlic cloves", + "black pepper", + "salt", + "mayonaise", + "butter", + "chicken livers", + "white wine", + "hot sauce" + ] + }, + { + "id": 27702, + "cuisine": "italian", + "ingredients": [ + "milk", + "salt", + "dried fig", + "minced garlic", + "fresh tarragon", + "tarragon", + "black pepper", + "prosciutto", + "ricotta", + "sourdough loaf", + "crust", + "walnut oil" + ] + }, + { + "id": 303, + "cuisine": "vietnamese", + "ingredients": [ + "beef shank", + "garlic", + "potato starch", + "sesame oil", + "ground white pepper", + "baking powder", + "vietnamese fish sauce", + "sugar", + "vegetable oil" + ] + }, + { + "id": 39144, + "cuisine": "vietnamese", + "ingredients": [ + "turnips", + "red chili peppers", + "oxtails", + "top sirloin", + "scallions", + "beef bones", + "hoisin sauce", + "vegetable oil", + "yellow onion", + "beansprouts", + "kaffir lime leaves", + "fresh ginger", + "rice noodles", + "cilantro leaves", + "cinnamon sticks", + "clove", + "lime", + "shallots", + "star anise", + "sweet basil" + ] + }, + { + "id": 991, + "cuisine": "italian", + "ingredients": [ + "Angostura bitters", + "strawberries", + "raspberries", + "bananas", + "pears", + "Fuji Apple", + "honey", + "green grape", + "orange", + "dark rum" + ] + }, + { + "id": 34094, + "cuisine": "jamaican", + "ingredients": [ + "nutmeg", + "boneless skinless chicken breasts", + "hot pepper sauce", + "large garlic cloves", + "olive oil", + "cinnamon", + "green onions", + "salt" + ] + }, + { + "id": 5573, + "cuisine": "italian", + "ingredients": [ + "butter", + "val", + "kosher salt", + "cavatelli", + "extra-virgin olive oil", + "large eggs", + "thick-cut bacon" + ] + }, + { + "id": 7740, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "green chilies", + "flour", + "enchilada sauce", + "jack cheese", + "oil", + "salt" + ] + }, + { + "id": 38644, + "cuisine": "japanese", + "ingredients": [ + "salt", + "carrots", + "rice vinegar", + "sugar" + ] + }, + { + "id": 3200, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "fresh basil", + "extra-virgin olive oil", + "kosher salt", + "pizza doughs", + "tomatoes", + "ground black pepper" + ] + }, + { + "id": 17277, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "cayenne pepper", + "paprika", + "sour cream", + "cottage cheese", + "elbow macaroni", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 24713, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame seeds", + "salt", + "oil", + "white pepper", + "sesame oil", + "scallions", + "soy sauce", + "garlic powder", + "all-purpose flour", + "cumin", + "green cabbage", + "water", + "ground pork", + "chinese five-spice powder" + ] + }, + { + "id": 47020, + "cuisine": "southern_us", + "ingredients": [ + "diced onions", + "yellow squash", + "cream of mushroom soup", + "mayonaise", + "cornflake cereal", + "chicken broth", + "grated carrot", + "pepper", + "salt" + ] + }, + { + "id": 16285, + "cuisine": "indian", + "ingredients": [ + "sugar", + "ground cardamom", + "tea leaves", + "assam", + "ground ginger", + "cardamom pods", + "milk" + ] + }, + { + "id": 9582, + "cuisine": "southern_us", + "ingredients": [ + "water", + "all-purpose flour", + "fryers", + "vegetable oil", + "evaporated milk", + "pepper", + "salt" + ] + }, + { + "id": 8917, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "fresh mint", + "ice cubes", + "orange juice", + "raspberries", + "fresh lemon juice", + "fresh raspberries" + ] + }, + { + "id": 2997, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "nonfat yogurt", + "green onions", + "dried dillweed", + "minced garlic", + "lettuce leaves", + "salt", + "dried oregano", + "vegetable oil cooking spray", + "minced onion", + "cutlet", + "cucumber", + "pepper", + "pita bread rounds", + "red wine vinegar", + "fresh parsley" + ] + }, + { + "id": 28352, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "butter", + "white sugar", + "eggs", + "hot pepper sauce", + "salt", + "milk", + "deep dish pie crust", + "pork sausages", + "cheddar cheese", + "ranch dressing", + "onions" + ] + }, + { + "id": 5871, + "cuisine": "southern_us", + "ingredients": [ + "diced onions", + "brown sugar", + "baking powder", + "diced celery", + "fresh basil", + "milk", + "salt", + "fresh parsley", + "tomatoes", + "pepper", + "butter", + "bay leaf", + "green bell pepper", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 18071, + "cuisine": "southern_us", + "ingredients": [ + "tomato sauce", + "salt", + "water", + "onions", + "black pepper", + "pork country-style ribs", + "paprika", + "allspice" + ] + }, + { + "id": 13090, + "cuisine": "italian", + "ingredients": [ + "chiles", + "extra-virgin olive oil", + "chopped parsley", + "parmigiano reggiano cheese", + "garlic", + "tomatoes", + "basil", + "baby zucchini", + "kosher salt", + "linguine" + ] + }, + { + "id": 18359, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "bay leaves", + "bread crumb fresh", + "large eggs", + "ground allspice", + "ground cinnamon", + "unsalted butter", + "capon", + "lean ground pork", + "candied chestnuts", + "fine sea salt" + ] + }, + { + "id": 83, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "pineapple chunks", + "butter", + "butter crackers", + "all-purpose flour", + "syrup" + ] + }, + { + "id": 29907, + "cuisine": "southern_us", + "ingredients": [ + "corn", + "yukon gold potatoes", + "kosher salt", + "dry white wine", + "bacon", + "cherry tomatoes", + "chopped fresh thyme", + "water", + "shallots", + "smoked paprika" + ] + }, + { + "id": 16335, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "ground pork", + "scallions", + "white pepper", + "Shaoxing wine", + "salt", + "carrots", + "sugar", + "instant yeast", + "ginger", + "oil", + "water", + "sesame oil", + "all-purpose flour", + "toasted sesame seeds" + ] + }, + { + "id": 48983, + "cuisine": "italian", + "ingredients": [ + "almond flour", + "2% reduced-fat milk", + "rice", + "large eggs", + "all-purpose flour", + "sugar", + "butter", + "fresh raspberries", + "large egg yolks", + "salt", + "apricot preserves" + ] + }, + { + "id": 38549, + "cuisine": "moroccan", + "ingredients": [ + "brown sugar", + "cinnamon", + "cayenne", + "fresh lemon juice", + "water", + "salt", + "unsalted butter", + "carrots" + ] + }, + { + "id": 11127, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "garlic powder", + "vegetable oil", + "chicken pieces", + "ground cloves", + "ground red pepper", + "ground coriander", + "ground cumin", + "plain yogurt", + "lime wedges", + "fresh lime juice", + "ground cinnamon", + "jalapeno chilies", + "salt", + "ground turmeric" + ] + }, + { + "id": 35628, + "cuisine": "greek", + "ingredients": [ + "whole wheat pita", + "ground red pepper", + "ground allspice", + "chopped fresh mint", + "tomatoes", + "sherry vinegar", + "salt", + "toasted wheat germ", + "ground lamb", + "feta cheese", + "romaine lettuce leaves", + "garlic cloves", + "chopped cilantro fresh", + "fat free yogurt", + "cooking spray", + "fresh oregano", + "cucumber", + "ground cumin" + ] + }, + { + "id": 34387, + "cuisine": "british", + "ingredients": [ + "kosher salt", + "lemon", + "olive oil", + "pepper", + "salt", + "cod", + "russet potatoes" + ] + }, + { + "id": 15651, + "cuisine": "italian", + "ingredients": [ + "prunes", + "pepper", + "red wine vinegar", + "dried oregano", + "capers", + "bay leaves", + "salt", + "green olives", + "olive oil", + "garlic", + "chicken", + "brown sugar", + "dry white wine", + "fresh parsley" + ] + }, + { + "id": 12265, + "cuisine": "thai", + "ingredients": [ + "crab", + "shallots", + "cilantro leaves", + "eggs", + "boneless, skinless chicken breast", + "pineapple", + "garlic cloves", + "jasmine rice", + "vegetable oil", + "tomato ketchup", + "fish sauce", + "green onions", + "salt", + "shrimp" + ] + }, + { + "id": 2104, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "tortilla chips", + "chicken breasts", + "cherry tomatoes", + "avocado", + "salsa" + ] + }, + { + "id": 8183, + "cuisine": "korean", + "ingredients": [ + "red chili peppers", + "ground black pepper", + "jicama", + "garlic", + "Gochujang base", + "kimchi", + "brown sugar", + "kosher salt", + "shredded carrots", + "vegetable oil", + "salt", + "cucumber", + "eggs", + "soy sauce", + "mirin", + "sesame oil", + "tamari soy sauce", + "rice", + "ground beef", + "sugar", + "water", + "mushrooms", + "daikon", + "rice vinegar", + "beansprouts" + ] + }, + { + "id": 23295, + "cuisine": "french", + "ingredients": [ + "chicken broth", + "large eggs", + "carrots", + "milk", + "Bisquick Original All-Purpose Baking Mix", + "great northern beans", + "smoked sausage", + "onions", + "dried thyme", + "garlic cloves" + ] + }, + { + "id": 6082, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "finely chopped onion", + "boneless skinless chicken breast halves", + "olive oil", + "salt", + "fresh cilantro", + "cooking spray", + "plum tomatoes", + "ground black pepper", + "fresh lime juice" + ] + }, + { + "id": 48788, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "shredded mozzarella cheese", + "vegetable oil", + "guacamole", + "sour cream", + "rotisserie chicken" + ] + }, + { + "id": 15281, + "cuisine": "italian", + "ingredients": [ + "water", + "manicotti pasta", + "tomato sauce", + "ricotta cheese", + "frozen chopped spinach", + "ground black pepper", + "shredded mozzarella cheese", + "cottage cheese", + "salt" + ] + }, + { + "id": 44928, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "onions", + "marinara sauce", + "mozzarella cheese", + "dried rigatoni", + "eggplant" + ] + }, + { + "id": 20521, + "cuisine": "italian", + "ingredients": [ + "sugar pea", + "dry white wine", + "grated parmesan cheese", + "red bell pepper", + "olive oil", + "vegetable broth", + "arborio rice", + "mushrooms", + "chopped fresh mint" + ] + }, + { + "id": 18661, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "shallots", + "freshly ground pepper", + "flat leaf parsley", + "dried porcini mushrooms", + "fresh thyme", + "ricotta cheese", + "coarse semolina", + "olive oil", + "grated parmesan cheese", + "fresh mushrooms", + "hot water", + "fresh pasta", + "coarse salt", + "flour for dusting" + ] + }, + { + "id": 31002, + "cuisine": "italian", + "ingredients": [ + "cream cheese", + "pesto", + "goat cheese" + ] + }, + { + "id": 38398, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "flour tortillas", + "water", + "canned chicken", + "Campbell's Condensed Tomato Soup", + "instant white rice", + "taco seasoning mix" + ] + }, + { + "id": 44863, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "red wine vinegar", + "lemon zest", + "lemon juice", + "ground black pepper", + "garlic", + "pork sirloin chops", + "oregano" + ] + }, + { + "id": 24678, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "heirloom tomatoes", + "red bell pepper", + "kosher salt", + "red wine vinegar", + "extra-virgin olive oil", + "aged balsamic vinegar", + "Tabasco Pepper Sauce", + "yellow bell pepper", + "hothouse cucumber", + "fresh cilantro", + "lemon", + "purple onion" + ] + }, + { + "id": 7155, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "fat skimmed chicken broth", + "all-purpose flour", + "green chilies", + "butter" + ] + }, + { + "id": 39589, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "rice noodles", + "cinnamon sticks", + "canola oil", + "fish sauce", + "peeled fresh ginger", + "star anise", + "mung bean sprouts", + "clove", + "ground black pepper", + "dried Thai chili", + "fresh mint", + "reduced sodium beef broth", + "flank steak", + "scallions", + "onions" + ] + }, + { + "id": 7132, + "cuisine": "russian", + "ingredients": [ + "shallots", + "sour cream", + "hungarian hot paprika", + "bacon fat", + "onions", + "hungarian sweet paprika", + "diced tomatoes", + "lard", + "olive oil", + "veal scallops", + "marjoram" + ] + }, + { + "id": 38212, + "cuisine": "japanese", + "ingredients": [ + "Japanese Mayonnaise", + "sashimi grade tuna", + "sushi rice", + "salt", + "nori", + "sugar", + "daikon", + "cucumber", + "salmon", + "rice vinegar" + ] + }, + { + "id": 48154, + "cuisine": "mexican", + "ingredients": [ + "garbanzo beans", + "red bell pepper", + "honey", + "salt", + "onions", + "black beans", + "jalapeno chilies", + "fresh lime juice", + "olive oil", + "frozen corn kernels", + "chopped cilantro fresh" + ] + }, + { + "id": 12451, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "garlic cloves", + "tomato sauce", + "olive oil", + "onions", + "dried basil", + "fresh parsley", + "pepper", + "salt", + "dried oregano" + ] + }, + { + "id": 28963, + "cuisine": "mexican", + "ingredients": [ + "sliced black olives", + "ground beef", + "shredded cheddar cheese", + "salsa", + "refried beans", + "cream cheese", + "diced onions", + "chile pepper" + ] + }, + { + "id": 26187, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "anise", + "scallions", + "sugar", + "large garlic cloves", + "beef rib short", + "turnips", + "water", + "scotch", + "cinnamon sticks", + "hot red pepper flakes", + "egg noodles", + "gingerroot", + "toasted sesame oil" + ] + }, + { + "id": 7191, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "boneless pork loin", + "ground black pepper", + "white sugar", + "water", + "onions", + "garlic" + ] + }, + { + "id": 21006, + "cuisine": "italian", + "ingredients": [ + "sugar", + "heavy cream", + "salted pistachios", + "large egg whites", + "almond extract" + ] + }, + { + "id": 26100, + "cuisine": "italian", + "ingredients": [ + "eggs", + "all-purpose flour" + ] + }, + { + "id": 28639, + "cuisine": "italian", + "ingredients": [ + "salt", + "olive oil", + "dried oregano", + "tomato sauce", + "spaghetti", + "garlic" + ] + }, + { + "id": 6743, + "cuisine": "french", + "ingredients": [ + "large eggs", + "goat cheese", + "water", + "country style bread", + "seedless red grapes", + "pinenuts", + "vegetable oil", + "frisee", + "japanese breadcrumbs", + "vinaigrette" + ] + }, + { + "id": 49380, + "cuisine": "vietnamese", + "ingredients": [ + "fresh basil", + "crushed red pepper", + "chopped fresh mint", + "mirin", + "lemon juice", + "rice paper", + "reduced sodium soy sauce", + "orange juice", + "wild salmon", + "avocado", + "shredded carrots", + "asparagus spears" + ] + }, + { + "id": 47695, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "salt", + "cognac", + "olive oil", + "bay leaves", + "grated nutmeg", + "chicken livers", + "large egg yolks", + "shallots", + "ground allspice", + "black pepper", + "whole milk", + "all-purpose flour", + "garlic cloves" + ] + }, + { + "id": 49052, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "hoisin sauce", + "honey", + "dry sherry", + "cider vinegar", + "large garlic cloves", + "chicken wings", + "chinese plum sauce" + ] + }, + { + "id": 40533, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "fresh ginger", + "fresh thyme leaves", + "cayenne pepper", + "lime", + "ground black pepper", + "large garlic cloves", + "dark brown sugar", + "pepper", + "ground nutmeg", + "red wine vinegar", + "ground allspice", + "ground cinnamon", + "olive oil", + "shallots", + "fresh orange juice", + "scallions" + ] + }, + { + "id": 47544, + "cuisine": "spanish", + "ingredients": [ + "cider vinegar", + "jalapeno chilies", + "cinnamon sticks", + "bone-in chicken breast halves", + "olive oil", + "salt", + "onions", + "clove", + "dried thyme", + "sliced carrots", + "red bell pepper", + "fat free less sodium chicken broth", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 10200, + "cuisine": "jamaican", + "ingredients": [ + "Jamaican allspice", + "black beans", + "ground nutmeg", + "salt", + "thyme", + "ground ginger", + "ground cloves", + "water", + "shallots", + "oil", + "chicken pieces", + "light brown sugar", + "soy sauce", + "chili pepper", + "rum", + "scallions", + "coconut milk", + "ground cinnamon", + "black pepper", + "lime", + "garlic", + "long-grain rice" + ] + }, + { + "id": 29680, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "non-fat sour cream", + "fresh lime juice", + "fresh cilantro" + ] + }, + { + "id": 13728, + "cuisine": "italian", + "ingredients": [ + "butter", + "flat leaf parsley", + "pepper", + "sea salt", + "bread", + "lemon", + "medium shrimp", + "baguette", + "garlic" + ] + }, + { + "id": 2581, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "green onions", + "purple onion", + "chopped cilantro fresh", + "dried thyme", + "vegetable oil", + "tortilla chips", + "chicken broth", + "ground black pepper", + "garlic", + "boneless skinless chicken breast halves", + "lime", + "chile pepper", + "salt", + "dried oregano" + ] + }, + { + "id": 23995, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "amchur", + "salt", + "coriander", + "masala", + "cream", + "yoghurt", + "oil", + "ground turmeric", + "red chili powder", + "garam masala", + "cilantro leaves", + "boiling potatoes", + "clove", + "corn kernels", + "green peas", + "onions", + "cumin" + ] + }, + { + "id": 49506, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "salt", + "cucumber", + "salmon fillets", + "cayenne", + "long-grain rice", + "asian fish sauce", + "ground black pepper", + "scallions", + "chopped cilantro", + "sugar", + "cooking oil", + "carrots" + ] + }, + { + "id": 27891, + "cuisine": "moroccan", + "ingredients": [ + "capers", + "cooking spray", + "salt", + "ground cinnamon", + "swordfish steaks", + "paprika", + "chopped fresh mint", + "plain low-fat yogurt", + "ground black pepper", + "mint sprigs", + "ground cumin", + "ground ginger", + "minced garlic", + "ground red pepper", + "ground coriander" + ] + }, + { + "id": 3087, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "beef stock", + "ground sichuan pepper", + "chinese five-spice powder", + "ground white pepper", + "jasmine rice", + "spring onions", + "salt", + "garlic cloves", + "onions", + "red chili peppers", + "Shaoxing wine", + "cornflour", + "oil", + "baby corn", + "cold water", + "light soy sauce", + "sirloin steak", + "broccoli", + "carrots", + "snow peas" + ] + }, + { + "id": 49704, + "cuisine": "indian", + "ingredients": [ + "peas", + "oil", + "water", + "rice", + "onions", + "salt", + "mustard seeds", + "garam masala", + "cumin seed" + ] + }, + { + "id": 45278, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "pepper", + "chuck roast", + "rabbit", + "whole chicken", + "onions", + "white vinegar", + "ketchup", + "dried thyme", + "garden peas", + "salt", + "carrots", + "green bell pepper", + "water", + "potatoes", + "dry red wine", + "garlic cloves", + "cabbage", + "celery ribs", + "baby lima beans", + "frozen whole kernel corn", + "worcestershire sauce", + "beef broth", + "pork loin chops" + ] + }, + { + "id": 4288, + "cuisine": "korean", + "ingredients": [ + "ground paprika", + "mirin", + "vegetable oil", + "rice vinegar", + "ground cayenne pepper", + "cold water", + "olive oil", + "self rising flour", + "chilli paste", + "Gochujang base", + "caster sugar", + "gochugaru", + "spices", + "togarashi", + "chicken thighs", + "matzo meal", + "sesame seeds", + "onion powder", + "salt", + "cucumber" + ] + }, + { + "id": 17798, + "cuisine": "mexican", + "ingredients": [ + "salt", + "avocado", + "salsa", + "garlic powder", + "sour cream", + "ground black pepper", + "ground cumin" + ] + }, + { + "id": 40978, + "cuisine": "brazilian", + "ingredients": [ + "cachaca", + "fresh lime", + "superfine sugar" + ] + }, + { + "id": 23380, + "cuisine": "french", + "ingredients": [ + "semi-sweet chocolate morsels", + "refrigerated crescent rolls" + ] + }, + { + "id": 7767, + "cuisine": "brazilian", + "ingredients": [ + "lemon", + "lime", + "cold water", + "sweetened condensed milk", + "agave nectar" + ] + }, + { + "id": 42483, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "garlic", + "dried oregano", + "sausage links", + "green bell pepper, slice", + "red bell pepper", + "water", + "bow-tie pasta", + "marsala wine", + "diced tomatoes", + "onions" + ] + }, + { + "id": 552, + "cuisine": "italian", + "ingredients": [ + "ground nutmeg", + "dry white wine", + "all-purpose flour", + "grated parmesan cheese", + "paprika", + "margarine", + "pumpkin purée", + "cracked black pepper", + "low salt chicken broth", + "water", + "cooking spray", + "salt" + ] + }, + { + "id": 7460, + "cuisine": "spanish", + "ingredients": [ + "spanish chorizo" + ] + }, + { + "id": 3176, + "cuisine": "southern_us", + "ingredients": [ + "crumb topping", + "onion powder", + "fresh parsley", + "milk", + "large eggs", + "bacon", + "cheddar cheese", + "macaroni", + "butter", + "panko breadcrumbs", + "garlic powder", + "grated parmesan cheese", + "mustard powder" + ] + }, + { + "id": 34954, + "cuisine": "spanish", + "ingredients": [ + "water", + "salt", + "long-grain rice", + "vegetable oil" + ] + }, + { + "id": 7230, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "diced green chilies", + "cilantro leaves", + "avocado", + "corn kernels", + "flour tortillas", + "ground beef", + "shredded cheddar cheese", + "ground black pepper", + "enchilada sauce", + "canned black beans", + "olive oil", + "roma tomatoes", + "monterey jack" + ] + }, + { + "id": 8690, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "onions", + "refried beans", + "shredded sharp cheddar cheese", + "flour tortillas", + "plum tomatoes", + "taco seasoning mix", + "roasting chickens" + ] + }, + { + "id": 37437, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "flank steak", + "gingerroot", + "medium dry sherry", + "large garlic cloves", + "cucumber", + "water", + "vegetable oil", + "scallions", + "spinach leaves", + "mushrooms", + "seasoned rice wine vinegar", + "beansprouts" + ] + }, + { + "id": 14649, + "cuisine": "irish", + "ingredients": [ + "ground ginger", + "large eggs", + "custard", + "freshly ground pepper", + "molasses", + "candy bar", + "salt", + "hot water", + "baking soda", + "butter", + "dark brown sugar", + "frozen whipped topping", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 16774, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "lemon", + "salmon fillets", + "mirin", + "oil", + "sake", + "white miso", + "lemon slices", + "sugar", + "egg yolks", + "roast red peppers, drain" + ] + }, + { + "id": 46865, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "chopped tomatoes", + "worcestershire sauce", + "pinto beans", + "mozzarella cheese", + "mushrooms", + "salt", + "corn tortillas", + "cooked rice", + "guacamole", + "shredded lettuce", + "sour cream", + "pepper", + "onion powder", + "oil", + "skirt steak" + ] + }, + { + "id": 26175, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "finely chopped onion", + "salt", + "oil", + "clove", + "coconut", + "poppy seeds", + "green cardamom", + "bay leaf", + "red chili powder", + "garam masala", + "star anise", + "green chilies", + "shahi jeera", + "tumeric", + "seeds", + "tamarind paste", + "cinnamon sticks" + ] + }, + { + "id": 19646, + "cuisine": "southern_us", + "ingredients": [ + "cottage cheese", + "low-fat sharp cheddar cheese", + "pimentos", + "hot sauce", + "pepper", + "salt", + "onion powder", + "extra sharp cheddar cheese" + ] + }, + { + "id": 18603, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "jalapeno chilies", + "celery", + "black-eyed peas", + "salt", + "pepper", + "diced tomatoes", + "diced green chilies", + "diced ham" + ] + }, + { + "id": 1867, + "cuisine": "moroccan", + "ingredients": [ + "turnips", + "dry white wine", + "extra-virgin olive oil", + "fresh lemon juice", + "harissa sauce", + "kosher salt", + "baby spinach", + "all-purpose flour", + "carrots", + "chopped fresh mint", + "garbanzo beans", + "butter", + "ground coriander", + "greek yogurt", + "ground cumin", + "spring onions", + "paprika", + "garlic cloves", + "flat leaf parsley" + ] + }, + { + "id": 30615, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "linguine", + "large garlic cloves", + "whipping cream", + "butter", + "flat leaf parsley" + ] + }, + { + "id": 46149, + "cuisine": "spanish", + "ingredients": [ + "orange juice", + "sugar", + "orange zest", + "orange", + "eggs", + "lemon juice" + ] + }, + { + "id": 3891, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "salt", + "chopped cilantro fresh", + "green bell pepper", + "green onions", + "garlic cloves", + "sugar", + "tomatillos", + "fresh lime juice", + "cooking spray", + "chopped onion" + ] + }, + { + "id": 30573, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "creole seasoning", + "butter", + "sour cream", + "corn flakes", + "chicken leg quarters", + "parsley flakes", + "salt" + ] + }, + { + "id": 28684, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "active dry yeast", + "ground black pepper", + "kosher salt", + "semolina", + "all-purpose flour", + "mozzarella cheese", + "freshly grated parmesan", + "sugar", + "cherry tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 46082, + "cuisine": "italian", + "ingredients": [ + "warm water", + "yellow bell pepper", + "reduced fat ricotta cheese", + "capers", + "balsamic vinegar", + "red bell pepper", + "active dry yeast", + "salt", + "yellow corn meal", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 17862, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "baking powder", + "chopped pecans", + "large eggs", + "salt", + "cooking spray", + "all-purpose flour", + "apple brandy", + "vanilla extract", + "tart apples" + ] + }, + { + "id": 27460, + "cuisine": "filipino", + "ingredients": [ + "sugar pea", + "pancit", + "chicken broth", + "water", + "carrots", + "pepper", + "salt", + "pork", + "cooking oil", + "cabbage" + ] + }, + { + "id": 10496, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "bay leaves", + "beef broth", + "dried basil", + "lemon", + "carrots", + "white onion", + "butter", + "ham", + "ground nutmeg", + "heavy cream", + "ground beef" + ] + }, + { + "id": 20489, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "granulated sugar", + "heavy cream", + "confectioners sugar", + "light brown sugar", + "peaches", + "cinnamon", + "all-purpose flour", + "turbinado", + "unsalted butter", + "buttermilk", + "corn starch", + "pure vanilla extract", + "baking soda", + "baking powder", + "salt" + ] + }, + { + "id": 2519, + "cuisine": "italian", + "ingredients": [ + "warm water", + "bread machine yeast", + "dried oregano", + "lecithin", + "white sugar", + "olive oil", + "salt", + "grated parmesan cheese", + "bread flour" + ] + }, + { + "id": 7631, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "boneless chicken skinless thigh", + "vegetables", + "scallions", + "toasted sesame oil", + "white vinegar", + "sugar", + "fresh ginger", + "roasted peanuts", + "red bell pepper", + "chiles", + "store bought low sodium chicken stock", + "garlic", + "ground white pepper", + "green bell pepper", + "kosher salt", + "Shaoxing wine", + "corn starch", + "celery" + ] + }, + { + "id": 18993, + "cuisine": "cajun_creole", + "ingredients": [ + "yellow corn meal", + "mozzarella cheese", + "cayenne", + "large garlic cloves", + "celery ribs", + "warm water", + "olive oil", + "vegetable oil", + "onions", + "green bell pepper", + "active dry yeast", + "whole peeled tomatoes", + "salt", + "sugar", + "dried thyme", + "unbleached flour", + "shrimp" + ] + }, + { + "id": 48053, + "cuisine": "mexican", + "ingredients": [ + "fresh corn", + "vegetable oil", + "garlic cloves", + "fresh shiitake mushrooms", + "salt", + "masa harina", + "fingerling potatoes", + "vegetable broth", + "ancho chile pepper", + "white onion", + "epazote", + "green beans" + ] + }, + { + "id": 10966, + "cuisine": "italian", + "ingredients": [ + "coarse salt", + "hot red pepper flakes", + "garlic cloves", + "all-purpose flour", + "olive oil", + "dried oregano" + ] + }, + { + "id": 21644, + "cuisine": "british", + "ingredients": [ + "plain flour", + "sausages", + "milk", + "salt", + "eggs" + ] + }, + { + "id": 16773, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "garlic powder", + "onions", + "seasoning salt", + "garlic", + "curry powder", + "fresh thyme", + "chicken thighs", + "black pepper", + "fresh ginger", + "lemon pepper" + ] + }, + { + "id": 46024, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "water", + "fresh parsley", + "ground cumin", + "tomato sauce", + "garlic cloves", + "canola oil", + "cheddar cheese", + "chili powder", + "onions", + "sugar", + "corn tortillas", + "chicken" + ] + }, + { + "id": 29771, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "green onions", + "mango", + "tumeric", + "olive oil", + "chicken thighs", + "steamed rice", + "vietnamese fish sauce", + "white pepper", + "cayenne", + "fresh basil leaves" + ] + }, + { + "id": 18301, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "picante sauce", + "boneless skinless chicken breast halves", + "lemon juice", + "dijon" + ] + }, + { + "id": 48312, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "salt", + "plum tomatoes", + "white onion", + "corn oil", + "corn tortillas", + "jalapeno chilies", + "garlic cloves", + "water", + "tomatillos", + "chopped cilantro fresh" + ] + }, + { + "id": 16094, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "paneer", + "ghee", + "tomatoes", + "ginger", + "fenugreek seeds", + "chili powder", + "purple onion", + "greens", + "fresh leav spinach", + "garlic", + "cumin seed" + ] + }, + { + "id": 20217, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "guacamole", + "garlic", + "yellow onion", + "chipotles in adobo", + "ground cumin", + "pepper", + "cayenne", + "vegetable oil", + "salsa", + "greek yogurt", + "plum tomatoes", + "refried beans", + "chili powder", + "salt", + "oil", + "ground beef", + "shredded cheddar cheese", + "jalapeno chilies", + "coarse salt", + "hot sauce", + "corn tortillas", + "dried oregano" + ] + }, + { + "id": 1515, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "corn tortillas", + "cheddar cheese", + "peanut oil", + "chunky salsa", + "chopped onion", + "boneless skinless chicken breast halves", + "guacamole", + "sour cream" + ] + }, + { + "id": 2152, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "ice", + "bananas", + "plain yogurt", + "mango" + ] + }, + { + "id": 19278, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "chili powder", + "green chilies", + "ground turmeric", + "tomato paste", + "yoghurt", + "paneer", + "oil", + "asafoetida", + "soda", + "salt", + "gram flour", + "coriander powder", + "ginger", + "cumin seed" + ] + }, + { + "id": 41034, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "red pepper flakes", + "ginger root", + "sugar", + "splenda", + "stevia", + "minced garlic", + "fresh green bean", + "soy sauce", + "vegetable oil", + "rice vinegar" + ] + }, + { + "id": 13169, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "onions", + "arborio rice", + "cognac", + "dried porcini mushrooms", + "low salt chicken broth", + "butter" + ] + }, + { + "id": 43686, + "cuisine": "thai", + "ingredients": [ + "green chile", + "fresh cilantro", + "scallions", + "pork", + "lime wedges", + "bok choy", + "fish sauce", + "fresh ginger", + "cucumber", + "neutral oil", + "jasmine rice", + "garlic" + ] + }, + { + "id": 5851, + "cuisine": "italian", + "ingredients": [ + "sesame seeds", + "shortening", + "all-purpose flour", + "anise oil", + "milk", + "white sugar" + ] + }, + { + "id": 17082, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "grated parmesan cheese", + "red bell pepper", + "minced garlic", + "extra-virgin olive oil", + "dried oregano", + "pepper", + "asiago", + "fresh parsley", + "fresh basil", + "cherry tomatoes", + "salt", + "rigatoni" + ] + }, + { + "id": 11883, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "green onions", + "white rice", + "onions", + "dried thyme", + "bacon", + "smoked paprika", + "pork", + "Tabasco Pepper Sauce", + "salt", + "pork sausages", + "chicken broth", + "bell pepper", + "crushed red pepper flakes", + "celery" + ] + }, + { + "id": 38623, + "cuisine": "indian", + "ingredients": [ + "large eggs", + "greek style plain yogurt", + "water", + "vegetable oil", + "sugar", + "flour", + "active dry yeast", + "salt" + ] + }, + { + "id": 41813, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "iceberg lettuce", + "whitefish fillets", + "tzatziki", + "lime", + "oil", + "bread crumb fresh", + "egg whites" + ] + }, + { + "id": 12372, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "vegetables", + "salt", + "hot water", + "coriander", + "clove", + "garlic paste", + "paprika", + "cumin seed", + "bay leaf", + "chicken", + "tomato paste", + "coriander seeds", + "cilantro", + "juice", + "onions", + "ginger paste", + "black peppercorns", + "jalapeno chilies", + "cardamom pods", + "cinnamon sticks", + "ground turmeric" + ] + }, + { + "id": 48328, + "cuisine": "spanish", + "ingredients": [ + "prunes", + "large egg yolks", + "corn starch", + "milk", + "dry sherry", + "sugar", + "large eggs", + "sliced almonds", + "heavy cream" + ] + }, + { + "id": 8184, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "yellow bell pepper", + "ground cayenne pepper", + "ground cumin", + "red potato", + "lemon", + "salt", + "celery", + "tomatoes", + "red wine vinegar", + "garlic", + "chopped parsley", + "green bell pepper", + "paprika", + "red bell pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 3347, + "cuisine": "italian", + "ingredients": [ + "parmigiano-reggiano cheese", + "dry white wine", + "extra-virgin olive oil", + "carnaroli rice", + "ground black pepper", + "butter", + "grated lemon zest", + "fresh green peas", + "leeks", + "fresh tarragon", + "fresh lemon juice", + "homemade chicken stock", + "shallots", + "salt" + ] + }, + { + "id": 31951, + "cuisine": "russian", + "ingredients": [ + "lemon extract", + "heavy cream", + "ground almonds", + "cottage cheese", + "golden raisins", + "candied fruit", + "sugar", + "egg yolks", + "vanilla extract", + "vanilla beans", + "lemon", + "cream cheese" + ] + }, + { + "id": 27325, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "curry powder", + "zucchini", + "yellow onion", + "frozen peas", + "basmati rice", + "lite coconut milk", + "garam masala", + "garlic", + "chickpeas", + "cashew nuts", + "slivered almonds", + "fresh ginger", + "vegetable broth", + "cayenne pepper", + "panko breadcrumbs", + "ground cumin", + "tomato paste", + "fresh coriander", + "ground black pepper", + "salt", + "cumin seed", + "chopped cilantro fresh" + ] + }, + { + "id": 22608, + "cuisine": "greek", + "ingredients": [ + "mahlab", + "unsalted butter", + "all-purpose flour", + "eggs", + "honey", + "baking powder", + "candy", + "slivered almonds", + "baking soda", + "vanilla extract", + "light brown sugar", + "milk", + "granulated sugar", + "lemon juice" + ] + }, + { + "id": 12783, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "cooking spray", + "all-purpose flour", + "unsalted butter", + "buttermilk", + "baking soda", + "baking powder", + "yellow corn meal", + "large eggs", + "salt" + ] + }, + { + "id": 8144, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "lime wedges", + "rice vinegar", + "dark sesame oil", + "corn starch", + "pork tenderloin", + "crushed red pepper", + "chopped onion", + "garlic cloves", + "unsalted chicken stock", + "peeled fresh ginger", + "cilantro leaves", + "roasted peanuts", + "carrots", + "lower sodium soy sauce", + "white rice", + "chinese cabbage", + "dark brown sugar" + ] + }, + { + "id": 48567, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "chili powder", + "shredded mozzarella cheese", + "olive oil", + "salsa", + "chicken", + "pepper", + "salt", + "onions", + "Mexican cheese blend", + "pizza doughs" + ] + }, + { + "id": 49553, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "berries", + "figs", + "mint sprigs", + "sugar", + "whipped topping", + "large egg yolks" + ] + }, + { + "id": 27557, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "hot chili powder", + "garlic cloves", + "chicken stock", + "bay leaves", + "cilantro leaves", + "onions", + "cooking spray", + "ginger", + "lentils", + "chopped tomatoes", + "yoghurt", + "long-grain rice", + "chicken thighs" + ] + }, + { + "id": 17086, + "cuisine": "brazilian", + "ingredients": [ + "dried black beans", + "bacon slices", + "pork shoulder boston butt", + "white vinegar", + "ground black pepper", + "beef rib short", + "lower sodium chicken broth", + "finely chopped onion", + "garlic cloves", + "orange slices", + "salt", + "smoked ham hocks" + ] + }, + { + "id": 42045, + "cuisine": "french", + "ingredients": [ + "capers", + "dry white wine", + "fresh tarragon", + "flat leaf parsley", + "pepper", + "lemon", + "hot sauce", + "cider vinegar", + "shallots", + "cornichons", + "chicken broth", + "unsalted butter", + "heavy cream", + "fresh lemon juice" + ] + }, + { + "id": 34437, + "cuisine": "chinese", + "ingredients": [ + "fat free less sodium chicken broth", + "peeled fresh ginger", + "dark sesame oil", + "cooked rice", + "black bean sauce", + "dry sherry", + "red bell pepper", + "low sodium soy sauce", + "water", + "vegetable oil", + "corn starch", + "boneless chicken skinless thigh", + "broccoli florets", + "salt" + ] + }, + { + "id": 25632, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "chopped onion", + "olive oil", + "heavy cream", + "sun-dried tomatoes in oil", + "chicken broth", + "pork tenderloin", + "chopped fresh sage", + "prosciutto", + "salt", + "fresh parsley" + ] + }, + { + "id": 45972, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "won ton wrappers", + "red wine vinegar", + "hoisin sauce", + "white sesame seeds", + "pork", + "green onions" + ] + }, + { + "id": 28433, + "cuisine": "korean", + "ingredients": [ + "low sodium soy sauce", + "Sriracha", + "ginger", + "sauce", + "brown sugar", + "baking powder", + "rice vinegar", + "garlic cloves", + "chicken wings", + "light beer", + "salt", + "oil", + "warm water", + "sesame oil", + "all-purpose flour", + "corn starch" + ] + }, + { + "id": 38177, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "sesame oil", + "purple onion", + "hoisin sauce", + "ginger", + "white sugar", + "steamed rice", + "vegetable oil", + "free range egg", + "spring onions", + "malt vinegar", + "pork fillet" + ] + }, + { + "id": 10482, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "chili paste", + "scallions", + "kosher salt", + "crushed red pepper flakes", + "lemon juice", + "fresh ginger", + "garlic", + "fish", + "soy sauce", + "sesame oil", + "oyster sauce" + ] + }, + { + "id": 28177, + "cuisine": "italian", + "ingredients": [ + "pepper", + "watercress", + "fresh parsley", + "fresh parmesan cheese", + "salt", + "nonfat ricotta cheese", + "olive oil", + "green peas", + "spaghetti", + "pecan halves", + "basil leaves", + "garlic cloves", + "sliced green onions" + ] + }, + { + "id": 17975, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "fresh cilantro", + "ground red pepper", + "dry bread crumbs", + "farina", + "egg substitute", + "peeled fresh ginger", + "salt", + "mustard seeds", + "red potato", + "finely chopped onion", + "vegetable oil", + "garlic cloves", + "ground cumin", + "dried lentils", + "pita bread rounds", + "green peas", + "carrots" + ] + }, + { + "id": 39138, + "cuisine": "thai", + "ingredients": [ + "dark soy sauce", + "light soy sauce", + "garlic", + "sugar", + "jalapeno chilies", + "chopped garlic", + "gai lan", + "vinegar", + "salt", + "eggs", + "pork", + "rice noodles" + ] + }, + { + "id": 8954, + "cuisine": "thai", + "ingredients": [ + "coconut oil", + "shrimp paste", + "sea salt", + "galangal", + "lime zest", + "coriander seeds", + "vegetable oil", + "salt", + "white peppercorns", + "green chile", + "jalapeno chilies", + "cilantro root", + "coconut milk", + "cumin", + "lemongrass", + "shallots", + "garlic", + "serrano chile" + ] + }, + { + "id": 44196, + "cuisine": "mexican", + "ingredients": [ + "cream of chicken soup", + "sour cream", + "shredded cheddar cheese", + "green onions", + "chopped cilantro fresh", + "green chile", + "flour tortillas", + "ground beef", + "taco seasoning mix", + "salsa" + ] + }, + { + "id": 39541, + "cuisine": "vietnamese", + "ingredients": [ + "fresh ginger", + "fish sauce", + "sugar", + "fresh lime juice" + ] + }, + { + "id": 3302, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "fresh cilantro", + "fresh lime juice", + "straw mushrooms", + "coconut milk", + "homemade chicken stock", + "boneless skinless chicken breasts", + "galangal", + "kaffir lime leaves", + "lemongrass", + "bird chile" + ] + }, + { + "id": 14632, + "cuisine": "southern_us", + "ingredients": [ + "pork ribs", + "potatoes", + "honey", + "spices", + "olive oil" + ] + }, + { + "id": 15933, + "cuisine": "cajun_creole", + "ingredients": [ + "sweet onion", + "chopped celery", + "andouille sausage", + "cooked chicken", + "peanut oil", + "chicken broth", + "chopped green bell pepper", + "all-purpose flour", + "minced garlic", + "cajun seasoning", + "okra" + ] + }, + { + "id": 14091, + "cuisine": "southern_us", + "ingredients": [ + "turnips", + "sharp white cheddar cheese", + "sour cream", + "water", + "garlic", + "black pepper", + "minced onion", + "fresh parsley", + "vegetable bouillon", + "salt" + ] + }, + { + "id": 1516, + "cuisine": "japanese", + "ingredients": [ + "red chili powder", + "garam masala", + "oil", + "onions", + "red chili peppers", + "ginger", + "coconut milk", + "ground cumin", + "fresh ginger", + "green chilies", + "bay leaf", + "sugar", + "butter", + "shrimp small uncook", + "ground turmeric" + ] + }, + { + "id": 4671, + "cuisine": "southern_us", + "ingredients": [ + "lipton tea bags", + "granulated sugar", + "water" + ] + }, + { + "id": 40291, + "cuisine": "french", + "ingredients": [ + "blue cheese", + "green onions", + "chutney", + "curry powder", + "salt", + "dry sherry", + "cream cheese, soften" + ] + }, + { + "id": 48381, + "cuisine": "japanese", + "ingredients": [ + "tumeric", + "green onions", + "red pepper flakes", + "fresh ginger", + "miso", + "firm tofu", + "water", + "apple cider vinegar", + "cilantro", + "white miso", + "watercress", + "noodles" + ] + }, + { + "id": 33647, + "cuisine": "indian", + "ingredients": [ + "water", + "buttermilk", + "oil", + "curry leaves", + "sesame seeds", + "cilantro leaves", + "ground turmeric", + "coconut", + "salt", + "mustard seeds", + "asafoetida", + "besan (flour)", + "green chilies" + ] + }, + { + "id": 8212, + "cuisine": "chinese", + "ingredients": [ + "fish sauce", + "lime juice", + "cilantro leaves", + "corn starch", + "ground chicken", + "wonton wrappers", + "oil", + "white sesame seeds", + "sweet chili sauce", + "sesame oil", + "scallions", + "ground white pepper", + "water", + "salt", + "shrimp" + ] + }, + { + "id": 13438, + "cuisine": "filipino", + "ingredients": [ + "leaves", + "shrimp paste", + "squash", + "yardlong beans", + "coconut cream", + "prawns", + "salt", + "water", + "cooking oil", + "green chilies" + ] + }, + { + "id": 20401, + "cuisine": "spanish", + "ingredients": [ + "green bell pepper", + "purple onion", + "plum tomatoes", + "extra-virgin olive oil", + "garlic cloves", + "sugar", + "salt", + "white bread", + "wine vinegar", + "cucumber" + ] + }, + { + "id": 17688, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "bay leaves", + "salt", + "ground black pepper", + "tomatoes with juice", + "fresh mushrooms", + "frozen okra", + "vegetable oil", + "all-purpose flour", + "tomato paste", + "file powder", + "garlic", + "onions" + ] + }, + { + "id": 20751, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "heavy cream", + "marsala wine", + "egg yolks", + "white sugar", + "brewed coffee", + "vanilla extract", + "brandy", + "cookies", + "unsweetened cocoa powder" + ] + }, + { + "id": 2312, + "cuisine": "japanese", + "ingredients": [ + "vegetable oil", + "ginger paste", + "prawns", + "coconut milk", + "garlic paste", + "green chilies", + "teas", + "onions" + ] + }, + { + "id": 10344, + "cuisine": "southern_us", + "ingredients": [ + "light molasses", + "hoisin sauce", + "salt", + "soy sauce", + "dijon mustard", + "worcestershire sauce", + "honey", + "plum sauce", + "hot chili paste", + "pork baby back ribs", + "ground black pepper", + "bourbon whiskey", + "pineapple juice" + ] + }, + { + "id": 42566, + "cuisine": "japanese", + "ingredients": [ + "garlic", + "red miso", + "ginger", + "scallions", + "pea shoots", + "rice vinegar", + "toasted sesame oil", + "radishes", + "firm tofu", + "snow peas" + ] + }, + { + "id": 17010, + "cuisine": "french", + "ingredients": [ + "whole grain dijon mustard", + "freshly ground pepper", + "whipping cream", + "brandy", + "salt", + "dry white wine", + "fresh lemon juice" + ] + }, + { + "id": 18289, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "shredded cheddar cheese", + "salsa", + "condensed tomato soup", + "water", + "ground beef" + ] + }, + { + "id": 6268, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "cilantro", + "garlic powder", + "lime", + "sweet corn", + "mayonaise", + "chili powder" + ] + }, + { + "id": 12856, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "paprika", + "garlic", + "juice", + "ground turmeric", + "coriander seeds", + "whole peeled tomatoes", + "ginger", + "cumin seed", + "serrano chile", + "kosher salt", + "hand", + "cilantro", + "purple onion", + "dried kidney beans", + "canola oil", + "garam masala", + "cinnamon", + "chile de arbol", + "fresh lemon juice", + "basmati rice" + ] + }, + { + "id": 3508, + "cuisine": "italian", + "ingredients": [ + "kahlúa", + "large egg yolks", + "bittersweet chocolate", + "water", + "coffee", + "sugar", + "mascarpone", + "ladyfingers", + "large egg whites", + "cream cheese, soften" + ] + }, + { + "id": 33515, + "cuisine": "korean", + "ingredients": [ + "mayonaise", + "shredded cheddar cheese", + "vegetable oil", + "kimchi", + "toasted sesame seeds", + "soy sauce", + "Sriracha", + "garlic", + "toasted sesame oil", + "white vinegar", + "white onion", + "french fries", + "boneless rib eye steaks", + "onions", + "sugar", + "fresh ginger", + "cilantro", + "korean chile paste" + ] + }, + { + "id": 21535, + "cuisine": "southern_us", + "ingredients": [ + "vanilla pudding", + "nondairy whipped topping", + "bananas", + "vanilla wafers" + ] + }, + { + "id": 41656, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salted butter", + "grits", + "seasoning salt", + "cornmeal", + "red snapper", + "half & half" + ] + }, + { + "id": 4157, + "cuisine": "indian", + "ingredients": [ + "yellow mustard seeds", + "soy milk", + "red pepper flakes", + "carrots", + "curry powder", + "potatoes", + "salt", + "frozen peas", + "whole wheat pastry flour", + "agave nectar", + "garlic", + "onions", + "ground ginger", + "low sodium vegetable broth", + "vegetable oil", + "all-purpose flour", + "ground cumin" + ] + }, + { + "id": 44747, + "cuisine": "chinese", + "ingredients": [ + "water", + "peeled fresh ginger", + "salt", + "corn starch", + "sliced green onions", + "low sodium soy sauce", + "water chestnuts", + "sliced carrots", + "dark sesame oil", + "snow peas", + "short-grain rice", + "broccoli stems", + "rice vinegar", + "baby corn", + "sugar", + "broccoli florets", + "vegetable broth", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 17523, + "cuisine": "filipino", + "ingredients": [ + "water", + "bell pepper", + "onions", + "tomato sauce", + "cooking oil", + "salt", + "tomatoes", + "ground black pepper", + "garlic", + "sugar", + "potatoes", + "shrimp" + ] + }, + { + "id": 8417, + "cuisine": "italian", + "ingredients": [ + "vegetable oil cooking spray", + "fresh parmesan cheese", + "fresh oregano", + "garlic cloves", + "ground round", + "dried basil", + "lasagna noodles, cooked and drained", + "provolone cheese", + "dried oregano", + "tomato paste", + "tomato sauce", + "italian style stewed tomatoes", + "nonfat cottage cheese", + "fresh parsley", + "tomatoes", + "pepper", + "egg whites", + "chopped onion", + "nonfat ricotta cheese" + ] + }, + { + "id": 25268, + "cuisine": "italian", + "ingredients": [ + "eggs", + "dried basil", + "ground black pepper", + "balsamic vinegar", + "sweet italian sausage", + "ketchup", + "olive oil", + "onion powder", + "worcestershire sauce", + "red bell pepper", + "green bell pepper", + "Spike Seasoning", + "finely chopped onion", + "red pepper", + "whole wheat breadcrumbs", + "ground fennel", + "minced garlic", + "garlic powder", + "lean ground beef", + "salt", + "dried oregano" + ] + }, + { + "id": 36053, + "cuisine": "italian", + "ingredients": [ + "warm water", + "basil", + "dry yeast", + "oregano", + "rosemary", + "salt", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 115, + "cuisine": "french", + "ingredients": [ + "saffron threads", + "large eggs", + "shallots", + "salt", + "white bread", + "cooking spray", + "extra-virgin olive oil", + "heavy whipping cream", + "mussels", + "chopped fresh chives", + "fresh tarragon", + "garlic cloves", + "black pepper", + "dry white wine", + "white wine vinegar" + ] + }, + { + "id": 27404, + "cuisine": "french", + "ingredients": [ + "walnut halves", + "extra-virgin olive oil", + "thyme sprigs", + "capers", + "balsamic vinegar", + "calimyrna figs", + "bread", + "water", + "toasted walnuts", + "crackers", + "pitted kalamata olives", + "chopped fresh thyme", + "soft fresh goat cheese" + ] + }, + { + "id": 4007, + "cuisine": "mexican", + "ingredients": [ + "red cabbage", + "large garlic cloves", + "fresh lime juice", + "olive oil", + "watercress", + "purple onion", + "avocado", + "pomegranate molasses", + "navel oranges", + "serrano chile", + "pomegranate juice", + "green onions", + "anise", + "chopped cilantro fresh" + ] + }, + { + "id": 45893, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "cheese", + "dressing", + "chili powder", + "chunky salsa", + "extra-lean ground beef", + "mixed greens", + "tomatoes", + "whole wheat tortillas" + ] + }, + { + "id": 26801, + "cuisine": "japanese", + "ingredients": [ + "chicken stock", + "soy sauce", + "clear honey", + "apples", + "onions", + "tomato purée", + "sushi rice", + "sesame oil", + "garlic cloves", + "panko breadcrumbs", + "ground ginger", + "medium curry powder", + "egg whites", + "cornflour", + "coriander", + "tumeric", + "gari", + "vegetable oil", + "carrots", + "pork fillet" + ] + }, + { + "id": 30174, + "cuisine": "southern_us", + "ingredients": [ + "ranch dressing", + "baking mix", + "catfish fillets", + "vegetable oil", + "lemon wedge", + "yellow corn meal", + "old bay seasoning" + ] + }, + { + "id": 45198, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "diced tomatoes", + "frozen corn", + "jalapeno chilies", + "garlic", + "squash", + "pepper", + "extra-virgin olive oil", + "thyme", + "sausage links", + "chili powder", + "salt", + "onions" + ] + }, + { + "id": 17754, + "cuisine": "french", + "ingredients": [ + "milk", + "white wine vinegar", + "baking powder", + "coarse kosher salt", + "large eggs", + "all-purpose flour", + "vidalia onion", + "Tabasco Pepper Sauce", + "canola oil" + ] + }, + { + "id": 40615, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "fresh cilantro", + "vegetable broth", + "garlic cloves", + "pepper", + "cooking oil", + "salsa", + "onions", + "black beans", + "corn kernels", + "salt", + "red bell pepper", + "whole wheat pasta", + "shredded cheddar cheese", + "chili powder", + "tortilla chips", + "ground cumin" + ] + }, + { + "id": 7102, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "white wine", + "garlic", + "lobster", + "salt", + "parsley", + "spaghetti" + ] + }, + { + "id": 39311, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "olive oil", + "wonton wrappers", + "fresh oregano", + "lump crab meat", + "finely chopped onion", + "crushed red pepper", + "red bell pepper", + "no-salt-added diced tomatoes", + "panko", + "part-skim ricotta cheese", + "garlic cloves", + "clams", + "crushed tomatoes", + "chopped fresh chives", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 4274, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "cooking spray", + "parmigiano-reggiano cheese", + "parmigiano reggiano cheese", + "frozen peas", + "water", + "large eggs", + "canola oil", + "arborio rice", + "finely chopped onion", + "salt" + ] + }, + { + "id": 49521, + "cuisine": "cajun_creole", + "ingredients": [ + "colby cheese", + "diced tomatoes", + "ground white pepper", + "dried oregano", + "tomato sauce", + "vegetable oil", + "long-grain rice", + "onions", + "green bell pepper", + "ground black pepper", + "salt", + "ground beef", + "dried basil", + "garlic", + "ground cayenne pepper", + "cabbage" + ] + }, + { + "id": 34382, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "salt", + "plum tomatoes", + "green bell pepper", + "sherry wine vinegar", + "garlic cloves", + "ground black pepper", + "spaghetti squash", + "dried oregano", + "pitted kalamata olives", + "purple onion", + "cucumber" + ] + }, + { + "id": 39492, + "cuisine": "southern_us", + "ingredients": [ + "evaporated milk", + "salt", + "melted butter", + "vegetable oil", + "macaroni", + "milk", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 44466, + "cuisine": "french", + "ingredients": [ + "chicken stock", + "chicken parts", + "salt", + "flat leaf parsley", + "olive oil", + "shallots", + "fresh lemon juice", + "leeks", + "non-fat sour cream", + "carrots", + "pepper", + "dry white wine", + "small red potato", + "bay leaf" + ] + }, + { + "id": 19548, + "cuisine": "japanese", + "ingredients": [ + "water", + "salt", + "chiles", + "yellow lentils", + "ground turmeric", + "fresh spinach", + "vegetable oil", + "mustard seeds", + "shredded coconut", + "black gram", + "cumin" + ] + }, + { + "id": 34126, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "chicken fingers", + "squirt", + "jalapeno chilies", + "granulated garlic", + "lime", + "canola oil", + "white pepper", + "salt" + ] + }, + { + "id": 3173, + "cuisine": "indian", + "ingredients": [ + "chicken broth", + "potatoes", + "curry", + "lemon juice", + "onions", + "ground cumin", + "ground cloves", + "apples", + "cardamom", + "coconut milk", + "ground turmeric", + "ground cinnamon", + "chile pepper", + "ground coriander", + "carrots", + "chopped cilantro fresh", + "fresh ginger", + "garlic", + "tamarind concentrate", + "ghee", + "dhal" + ] + }, + { + "id": 36278, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "okra", + "diced tomatoes", + "water", + "red kidney beans", + "jambalaya mix" + ] + }, + { + "id": 47966, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "chicken breasts", + "oil", + "soy sauce", + "potatoes", + "salt", + "red chili powder", + "tandoori spices", + "crushed red pepper", + "eggs", + "bread crumbs", + "lemon", + "coriander" + ] + }, + { + "id": 25480, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "mustard greens", + "salt", + "red wine vinegar", + "crushed red pepper", + "large garlic cloves" + ] + }, + { + "id": 1490, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "garlic powder", + "beef steak", + "refried beans", + "onions", + "water", + "salt", + "olive oil", + "long grain white rice" + ] + }, + { + "id": 39961, + "cuisine": "italian", + "ingredients": [ + "wheat bran", + "cooking spray", + "almond extract", + "large eggs", + "vegetable oil", + "all-purpose flour", + "sliced almonds", + "baking powder", + "vanilla extract", + "sugar", + "dried apricot", + "quick-cooking oats", + "flaxseed" + ] + }, + { + "id": 34144, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "milk", + "sweetened coconut flakes", + "cake batter", + "coconut extract", + "baking powder", + "salt", + "powdered sugar", + "butter", + "all-purpose flour", + "roasted cashews", + "granulated sugar", + "vanilla", + "glaze" + ] + }, + { + "id": 15339, + "cuisine": "chinese", + "ingredients": [ + "garlic", + "soy sauce", + "chinese five-spice powder", + "egg whites", + "chicken wings", + "scallions" + ] + }, + { + "id": 38611, + "cuisine": "italian", + "ingredients": [ + "water", + "lemon", + "olive oil spray", + "olive oil", + "garlic", + "bread crumbs", + "egg whites", + "fat-free chicken broth", + "white wine", + "pecorino romano cheese", + "artichokes" + ] + }, + { + "id": 28066, + "cuisine": "chinese", + "ingredients": [ + "fat free less sodium chicken broth", + "green onions", + "salt", + "large eggs", + "vegetable oil", + "long-grain rice", + "low sodium soy sauce", + "peeled fresh ginger", + "green peas", + "medium shrimp", + "ground black pepper", + "rice wine", + "dark sesame oil" + ] + }, + { + "id": 13118, + "cuisine": "mexican", + "ingredients": [ + "lime", + "tortillas", + "salt", + "avocado", + "corn kernels", + "cilantro stems", + "cilantro leaves", + "romaine lettuce", + "cherry tomatoes", + "apple cider vinegar", + "greek style plain yogurt", + "canned black beans", + "olive oil", + "garlic" + ] + }, + { + "id": 42904, + "cuisine": "mexican", + "ingredients": [ + "dried black beans", + "carrots", + "chopped cilantro fresh", + "chicken stock", + "garlic cloves", + "onions", + "water", + "thyme sprigs", + "ground cumin", + "bacon slices", + "bay leaf" + ] + }, + { + "id": 14517, + "cuisine": "indian", + "ingredients": [ + "clove", + "lime", + "butter", + "cumin seed", + "basmati rice", + "black pepper", + "fresh ginger root", + "salt", + "coconut milk", + "chicken stock", + "coriander seeds", + "lamb shoulder", + "oil", + "ground turmeric", + "fresh coriander", + "ground black pepper", + "cardamom pods", + "onions" + ] + }, + { + "id": 13326, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cutlet", + "black pepper", + "parmigiano reggiano cheese", + "flat leaf parsley", + "water", + "large eggs", + "unsalted butter", + "salt" + ] + }, + { + "id": 38141, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "butter", + "sweet onion", + "ground pork sausage", + "milk", + "poppy seeds", + "large eggs", + "baking mix" + ] + }, + { + "id": 35532, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "ground black pepper", + "purple onion", + "corn tortillas", + "green cabbage", + "peanuts", + "light beer", + "all-purpose flour", + "cream", + "salsa verde", + "baking powder", + "corn starch", + "avocado", + "lime", + "radishes", + "cilantro leaves", + "serrano chile" + ] + }, + { + "id": 22265, + "cuisine": "greek", + "ingredients": [ + "eggs", + "macaroni", + "salt", + "ground cinnamon", + "milk", + "lean ground beef", + "onions", + "white bread", + "tomato sauce", + "grated parmesan cheese", + "all-purpose flour", + "melted butter", + "ground black pepper", + "butter" + ] + }, + { + "id": 25902, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "cayenne pepper", + "ground lamb", + "cilantro", + "fresh mint", + "ground cumin", + "paprika", + "ground coriander", + "ginger paste", + "chile paste", + "salt", + "onions" + ] + }, + { + "id": 12424, + "cuisine": "british", + "ingredients": [ + "chestnut mushrooms", + "onions", + "olive oil", + "garlic cloves", + "medium eggs", + "fillet steaks", + "puff pastry", + "prosciutto", + "fresh parsley" + ] + }, + { + "id": 2563, + "cuisine": "chinese", + "ingredients": [ + "water", + "garlic", + "juice", + "eggs", + "cooking oil", + "rice vinegar", + "chili garlic paste", + "chicken broth", + "fresh ginger", + "tamari soy sauce", + "corn starch", + "brown sugar", + "boneless skinless chicken breasts", + "zest" + ] + }, + { + "id": 2247, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "vanilla extract", + "sugar", + "salt", + "large eggs" + ] + }, + { + "id": 44996, + "cuisine": "mexican", + "ingredients": [ + "fresh raspberries", + "honeydew melon", + "sugar", + "fresh lime juice", + "strawberries" + ] + }, + { + "id": 22318, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "whipping cream", + "sugar", + "mint sprigs", + "berries", + "large eggs", + "vanilla extract", + "pure maple syrup", + "raw sugar", + "cream cheese" + ] + }, + { + "id": 8848, + "cuisine": "spanish", + "ingredients": [ + "celery salt", + "olive oil", + "crushed red pepper", + "spaghetti", + "extra lean ground beef", + "marinara sauce", + "pimento stuffed olives", + "saffron threads", + "minced garlic", + "dry sherry", + "fresh parsley", + "capers", + "ground black pepper", + "chopped onion", + "dried oregano" + ] + }, + { + "id": 27763, + "cuisine": "chinese", + "ingredients": [ + "chili flakes", + "light soy sauce", + "peanut oil", + "ground cumin", + "red chili peppers", + "sesame oil", + "short rib", + "dark soy sauce", + "Shaoxing wine", + "scallions", + "potato starch", + "minced ginger", + "salt", + "chopped garlic" + ] + }, + { + "id": 10829, + "cuisine": "italian", + "ingredients": [ + "vanilla extract", + "baking powder", + "white sugar", + "eggs", + "all-purpose flour", + "butter" + ] + }, + { + "id": 47609, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "ground black pepper", + "spring onions", + "salt", + "minced pork", + "strong white bread flour", + "lime juice", + "lemon zest", + "vegetable oil", + "garlic cloves", + "chili flakes", + "crab", + "prawns", + "sesame oil", + "pak choi", + "boiling water", + "sugar", + "fresh ginger root", + "fine salt", + "chili oil", + "oyster sauce" + ] + }, + { + "id": 21191, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "salt", + "white onion", + "jalapeno chilies", + "plum tomatoes", + "granulated sugar", + "juice", + "lime juice", + "garlic", + "ground cumin" + ] + }, + { + "id": 45863, + "cuisine": "mexican", + "ingredients": [ + "Old El Paso™ taco seasoning mix", + "ground beef", + "Pillsbury™ Refrigerated Crescent Dinner Rolls", + "jack", + "mexicorn" + ] + }, + { + "id": 18340, + "cuisine": "thai", + "ingredients": [ + "water chestnuts", + "vegetable broth", + "beansprouts", + "shiitake", + "red pepper flakes", + "scallions", + "bamboo shoots", + "low sodium soy sauce", + "napa cabbage", + "garlic", + "bok choy", + "fresh ginger root", + "cilantro", + "red bell pepper", + "snow peas" + ] + }, + { + "id": 43731, + "cuisine": "southern_us", + "ingredients": [ + "fresh basil", + "large eggs", + "all-purpose flour", + "corn kernels", + "buttermilk", + "yellow corn meal", + "unsalted butter", + "salt", + "sugar", + "baking powder" + ] + }, + { + "id": 29758, + "cuisine": "italian", + "ingredients": [ + "durum wheat flour", + "semolina flour" + ] + }, + { + "id": 46799, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "corn husks", + "butter" + ] + }, + { + "id": 22350, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dry white wine", + "boneless skinless chicken breast halves", + "penne", + "grated parmesan cheese", + "asiago", + "tomato sauce", + "italian style stewed tomatoes", + "large garlic cloves", + "dried oregano", + "mozzarella cheese", + "bay leaves", + "onions" + ] + }, + { + "id": 42104, + "cuisine": "greek", + "ingredients": [ + "burger buns", + "olive oil", + "garlic", + "coriander", + "ground lamb", + "frozen spinach", + "dried basil", + "Italian parsley leaves", + "tzatziki", + "dried oregano", + "kosher salt", + "dried mint flakes", + "yellow onion", + "marjoram", + "tomatoes", + "dried thyme", + "cracked black pepper", + "feta cheese crumbles", + "cumin" + ] + }, + { + "id": 19799, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "salt", + "medium shrimp", + "ground cumin", + "unsweetened coconut milk", + "garlic", + "tart apples", + "chopped cilantro fresh", + "fresh ginger", + "ground cayenne pepper", + "frozen peas", + "curry powder", + "ground coriander", + "onions" + ] + }, + { + "id": 30070, + "cuisine": "italian", + "ingredients": [ + "water", + "condensed cream of mushroom soup", + "chopped onion", + "mushrooms", + "spaghetti, cook and drain", + "ground beef", + "grated parmesan cheese", + "diced tomatoes", + "ripe olives", + "shredded cheddar cheese", + "butter", + "green pepper", + "dried oregano" + ] + }, + { + "id": 5967, + "cuisine": "mexican", + "ingredients": [ + "ricotta cheese", + "cream cheese", + "garlic powder", + "salt", + "smoked paprika", + "Old El Paso Enchilada Sauce", + "Old El Paso Green Chiles", + "shredded mozzarella cheese", + "large eggs", + "jumbo pasta shells" + ] + }, + { + "id": 16935, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "refried beans", + "grating cheese", + "sauce", + "ground beef", + "tomato sauce", + "guacamole", + "salt", + "green chilies", + "oregano", + "cheddar cheese", + "flour tortillas", + "garlic", + "rice", + "onions", + "pepper", + "chili powder", + "cilantro leaves", + "sour cream", + "cumin" + ] + }, + { + "id": 4498, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "smoked paprika", + "cayenne pepper", + "cumin", + "salt", + "oregano", + "black pepper", + "corn starch" + ] + }, + { + "id": 24420, + "cuisine": "italian", + "ingredients": [ + "garlic", + "olive oil", + "parsley", + "pinenuts", + "fresh basil leaves" + ] + }, + { + "id": 2032, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "oxtails", + "chinese cinnamon", + "light brown sugar", + "palm sugar", + "meat bones", + "ground white pepper", + "fresh ginger", + "star anise", + "cardamom pods", + "clove", + "beef", + "yellow onion" + ] + }, + { + "id": 11994, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "salt", + "peanuts", + "toasted sesame seeds", + "pepper", + "rice vinegar", + "green onions", + "canola oil" + ] + }, + { + "id": 23718, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "butter", + "garlic", + "grated parmesan cheese", + "lemon", + "salt", + "basil leaves", + "heavy cream", + "shrimp", + "arborio rice", + "dry white wine", + "vegetable broth", + "onions" + ] + }, + { + "id": 18525, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "onions", + "eggs", + "pink salmon", + "salt", + "ground black pepper", + "cornmeal" + ] + }, + { + "id": 13878, + "cuisine": "italian", + "ingredients": [ + "chopped fresh chives", + "chopped cilantro fresh", + "cream cheese", + "pesto" + ] + }, + { + "id": 7200, + "cuisine": "mexican", + "ingredients": [ + "chili", + "bay leaves", + "stewed tomatoes", + "ground coriander", + "lard", + "masa harina", + "clove", + "corn husks", + "Mexican oregano", + "pork stock", + "cinnamon sticks", + "toasted sesame seeds", + "honey", + "baking powder", + "garlic", + "carrots", + "onions", + "ground cumin", + "tomatoes", + "jalapeno chilies", + "vegetable oil", + "salt", + "dried guajillo chiles", + "pork butt" + ] + }, + { + "id": 34961, + "cuisine": "italian", + "ingredients": [ + "fresh lemon juice", + "heavy cream", + "whole milk", + "salt" + ] + }, + { + "id": 40939, + "cuisine": "italian", + "ingredients": [ + "egg yolks", + "garlic", + "refrigerated crescent rolls", + "grated parmesan cheese", + "oil" + ] + }, + { + "id": 27811, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "ground pepper", + "star anise", + "chinese five-spice powder", + "tomato paste", + "minced garlic", + "pineapple", + "bean sauce", + "rib", + "ketchup", + "hoisin sauce", + "salt", + "juice", + "tomato purée", + "honey", + "paprika", + "peanut oil" + ] + }, + { + "id": 26991, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "flat leaf parsley", + "capers", + "basil leaves", + "fresh lemon juice", + "canola oil", + "ground black pepper", + "purple onion", + "plum tomatoes", + "fillet red snapper", + "red pepper flakes", + "black salt" + ] + }, + { + "id": 16717, + "cuisine": "british", + "ingredients": [ + "tomato paste", + "lower sodium beef broth", + "fresh thyme leaves", + "all-purpose flour", + "cremini mushrooms", + "ground black pepper", + "paprika", + "carrots", + "mashed potatoes", + "sharp white cheddar cheese", + "butter", + "chopped onion", + "extra lean ground beef", + "cooking spray", + "salt", + "fresh parsley" + ] + }, + { + "id": 26135, + "cuisine": "irish", + "ingredients": [ + "eggs", + "candied peel", + "pumpkin pie spice", + "light brown sugar", + "golden raisins", + "porter", + "plain flour", + "baking powder", + "salt", + "ground nutmeg", + "butter" + ] + }, + { + "id": 14206, + "cuisine": "filipino", + "ingredients": [ + "lemongrass", + "garlic", + "bay leaves", + "chicken", + "leaves", + "yellow onion", + "whole peppercorn", + "coarse sea salt" + ] + }, + { + "id": 30858, + "cuisine": "spanish", + "ingredients": [ + "tomato paste", + "green onions", + "pepperoni", + "olive oil", + "peeled shrimp", + "garlic cloves", + "water", + "sherry wine vinegar", + "long-grain rice", + "bell pepper", + "salt", + "dried oregano" + ] + }, + { + "id": 16050, + "cuisine": "korean", + "ingredients": [ + "eggs", + "sesame oil", + "onions", + "ground black pepper", + "all-purpose flour", + "garlic chives", + "salt", + "enokitake", + "carrots" + ] + }, + { + "id": 6657, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "diced tomatoes", + "tomato sauce", + "lean ground beef", + "onions", + "green bell pepper", + "ranch dressing", + "pinto beans", + "taco seasoning mix", + "vegetable oil" + ] + }, + { + "id": 3466, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "scallions", + "grits", + "shredded cheddar cheese", + "garlic", + "medium shrimp", + "pepper", + "crushed red pepper flakes", + "lemon juice", + "water", + "salt", + "thick-cut bacon" + ] + }, + { + "id": 2199, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "garlic cloves", + "chickpea flour", + "salt", + "onions", + "ginger", + "dried red chile peppers", + "curry leaves", + "green chilies", + "dhal" + ] + }, + { + "id": 49313, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "lime juice", + "brown mustard seeds", + "salt", + "serrano chile", + "fresh curry leaves", + "garam masala", + "cauliflower florets", + "bay leaf", + "lite coconut milk", + "fresh ginger", + "yukon gold potatoes", + "cumin seed", + "ground turmeric", + "red lentils", + "water", + "butternut squash", + "garlic", + "onions" + ] + }, + { + "id": 28901, + "cuisine": "italian", + "ingredients": [ + "green onions", + "bay scallops", + "champagne", + "arborio rice", + "butter", + "grated parmesan cheese", + "low salt chicken broth" + ] + }, + { + "id": 39890, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "tomatillos", + "salt", + "avocado", + "chipotle peppers" + ] + }, + { + "id": 20400, + "cuisine": "indian", + "ingredients": [ + "green mango", + "red chili peppers", + "onions", + "curry leaves", + "ginger", + "grated coconut", + "cashew nuts" + ] + }, + { + "id": 11466, + "cuisine": "italian", + "ingredients": [ + "water", + "red pepper flakes", + "onions", + "grated parmesan cheese", + "coarse sea salt", + "olive oil", + "semi pearled farro", + "grape tomatoes", + "basil leaves", + "garlic" + ] + }, + { + "id": 11375, + "cuisine": "southern_us", + "ingredients": [ + "vanilla", + "sugar", + "all-purpose flour", + "eggs", + "whipping cream", + "butter" + ] + }, + { + "id": 45450, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "ginger", + "whole peppercorn", + "water", + "green beans", + "cider vinegar", + "garlic cloves", + "soy sauce", + "dark sesame oil" + ] + }, + { + "id": 14574, + "cuisine": "british", + "ingredients": [ + "eggs", + "frozen pastry puff sheets", + "beef tenderloin steaks", + "milk", + "salt", + "pepper", + "butter", + "liver pate", + "fresh mushrooms" + ] + }, + { + "id": 37962, + "cuisine": "mexican", + "ingredients": [ + "zucchini", + "epazote", + "garlic cloves", + "water", + "vegetable oil", + "cumin seed", + "cactus paddles", + "large eggs", + "fine sea salt", + "dried guajillo chiles", + "white onion", + "seeds", + "pumpkin seeds", + "ancho chile pepper" + ] + }, + { + "id": 34726, + "cuisine": "mexican", + "ingredients": [ + "blue crabs", + "olive oil", + "corn starch", + "white onion", + "salt", + "chipotle chile", + "epazote", + "corn tortillas", + "tomatoes", + "water", + "garlic cloves" + ] + }, + { + "id": 16905, + "cuisine": "filipino", + "ingredients": [ + "bay leaves", + "all-purpose flour", + "chicken broth", + "vegetable oil", + "unsweetened coconut milk", + "apple cider vinegar", + "pork meat", + "dark soy sauce", + "garlic" + ] + }, + { + "id": 42345, + "cuisine": "british", + "ingredients": [ + "vanilla beans", + "raspberry preserves", + "red currant jelly", + "cognac", + "water", + "semisweet chocolate", + "sponge cake", + "fresh raspberries", + "sugar", + "large egg yolks", + "whole milk", + "red currants", + "corn starch", + "raspberries", + "instant espresso powder", + "red grape", + "whipping cream" + ] + }, + { + "id": 1574, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "extra-virgin olive oil", + "rocket leaves", + "lemon", + "freshly ground pepper", + "pecorino cheese", + "sea salt", + "asparagus", + "white wine vinegar" + ] + }, + { + "id": 11623, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "gyoza skins", + "green onions", + "chinese cabbage", + "corn starch", + "lean ground pork", + "large egg whites", + "chile puree", + "shaoxing", + "canola oil", + "sugar", + "water", + "ground chicken breast", + "dark sesame oil", + "chinese black vinegar", + "low sodium soy sauce", + "white pepper", + "peeled fresh ginger", + "dried shiitake mushrooms", + "oyster sauce" + ] + }, + { + "id": 13185, + "cuisine": "italian", + "ingredients": [ + "lean ground beef", + "shredded mozzarella cheese", + "garlic powder", + "salt", + "seasoned bread crumbs", + "cracked black pepper", + "onions", + "marinara sauce", + "hoagie rolls" + ] + }, + { + "id": 39248, + "cuisine": "french", + "ingredients": [ + "honey", + "flour", + "crème fraîche", + "pure vanilla extract", + "unsalted butter", + "all purpose unbleached flour", + "apricots", + "almonds", + "almond extract", + "confectioners sugar", + "sugar", + "large eggs", + "fine sea salt" + ] + }, + { + "id": 27017, + "cuisine": "italian", + "ingredients": [ + "garlic", + "olive oil", + "baked pizza crust", + "salt", + "shredded Italian cheese", + "sliced green olives" + ] + }, + { + "id": 21617, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "butter", + "honey", + "baking powder", + "salt", + "sugar", + "large eggs", + "buttermilk", + "baking soda", + "vegetable oil", + "cornmeal" + ] + }, + { + "id": 45209, + "cuisine": "mexican", + "ingredients": [ + "cooked brown rice", + "corn", + "purple onion", + "romaine lettuce", + "water", + "Haas avocados", + "grape tomatoes", + "kosher salt", + "honey", + "chopped cilantro", + "chiles", + "lime juice", + "nonfat plain greek yogurt" + ] + }, + { + "id": 28165, + "cuisine": "indian", + "ingredients": [ + "flour", + "grated coconut", + "rock salt", + "ground cardamom", + "water", + "jaggery" + ] + }, + { + "id": 16370, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "corn oil", + "all-purpose flour", + "chunky salsa", + "milk", + "cheese", + "corn flour", + "sugar", + "corn chips", + "taco seasoning", + "cooking spray", + "salt", + "ground beef" + ] + }, + { + "id": 37134, + "cuisine": "vietnamese", + "ingredients": [ + "mint leaves", + "seasoned rice wine vinegar", + "cucumber", + "honey", + "boneless skinless chicken breasts", + "peanut oil", + "chile sauce", + "romaine lettuce", + "peeled fresh ginger", + "roasted peanuts", + "red bell pepper", + "hoisin sauce", + "salt", + "garlic cloves", + "rice paper" + ] + }, + { + "id": 44914, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "butter", + "arugula", + "water", + "vegetable oil", + "all-purpose flour", + "milk", + "fresh mozzarella", + "freshly ground pepper", + "kosher salt", + "baking powder", + "extra-virgin olive oil" + ] + }, + { + "id": 16431, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "onions", + "pepper", + "large garlic cloves", + "olive oil", + "salt", + "potatoes" + ] + }, + { + "id": 47605, + "cuisine": "italian", + "ingredients": [ + "egg whites", + "lemon slices", + "branzino", + "garlic", + "parsley", + "rosemary", + "fine sea salt" + ] + }, + { + "id": 36400, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "whole wheat flour", + "salt", + "milk", + "baking powder", + "bread flour", + "sugar", + "ground black pepper", + "cornmeal", + "corn kernels", + "butter" + ] + }, + { + "id": 39344, + "cuisine": "italian", + "ingredients": [ + "spinach", + "fresh tarragon", + "zucchini", + "olive oil", + "large eggs" + ] + }, + { + "id": 38217, + "cuisine": "italian", + "ingredients": [ + "butter", + "shrimp", + "olive oil", + "garlic cloves", + "pepper", + "salt", + "fresh parsley", + "dry white wine", + "lemon juice" + ] + }, + { + "id": 9664, + "cuisine": "indian", + "ingredients": [ + "neutral oil", + "butter", + "salt", + "cumin", + "plain yogurt", + "paneer", + "onions", + "green chile", + "ginger", + "hot curry powder", + "spinach", + "garlic", + "chopped cilantro" + ] + }, + { + "id": 45426, + "cuisine": "jamaican", + "ingredients": [ + "jalapeno chilies", + "ground allspice", + "vegetable oil cooking spray", + "garlic", + "fresh lime juice", + "pork tenderloin", + "salt", + "mango chutney", + "gingerroot" + ] + }, + { + "id": 19339, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "salt", + "dried oregano", + "tomato sauce", + "mushrooms", + "onions", + "pepper", + "dry white wine", + "chicken thighs", + "olive oil", + "chopped parsley" + ] + }, + { + "id": 938, + "cuisine": "chinese", + "ingredients": [ + "cooked rice", + "black pepper", + "salt", + "sugar", + "large eggs", + "oil", + "dark soy sauce", + "lean bacon", + "scallions", + "soy sauce", + "Shaoxing wine", + "onions" + ] + }, + { + "id": 28223, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "garlic", + "red bell pepper", + "coconut sugar", + "cilantro", + "scallions", + "jasmine rice", + "ginger", + "shrimp", + "unsweetened coconut milk", + "lime", + "red curry paste" + ] + }, + { + "id": 45513, + "cuisine": "japanese", + "ingredients": [ + "japanese rice", + "dried bonito flakes", + "soy sauce" + ] + }, + { + "id": 24853, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "garlic", + "ground allspice", + "roasted tomatoes", + "chipotle chile", + "pepper jack", + "yellow onion", + "sour cream", + "ground cumin", + "chicken broth", + "black-eyed peas", + "salt", + "mexican chorizo", + "oregano", + "black pepper", + "vegetable oil", + "tortilla chips", + "chopped cilantro" + ] + }, + { + "id": 41750, + "cuisine": "irish", + "ingredients": [ + "small red potato", + "cabbage", + "carrots", + "beef brisket" + ] + }, + { + "id": 27367, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "water", + "spring onions", + "glutinous rice", + "shiitake", + "sugar", + "light soy sauce", + "dried shrimp", + "eggs", + "dried scallops", + "chinese sausage" + ] + }, + { + "id": 29196, + "cuisine": "italian", + "ingredients": [ + "crushed red pepper", + "cherry tomatoes", + "tilapia", + "olive oil", + "garlic cloves", + "kalamata", + "fresh parsley" + ] + }, + { + "id": 34241, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "heavy cream", + "onions", + "eggs", + "ground nutmeg", + "penne pasta", + "pancetta", + "olive oil", + "salt", + "black pepper", + "grated parmesan cheese", + "flat leaf parsley" + ] + }, + { + "id": 43358, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "frozen whole kernel corn", + "diced tomatoes", + "okra", + "cooked rice", + "dried thyme", + "cajun seasoning", + "chopped onion", + "pepper", + "chopped green bell pepper", + "chopped celery", + "garlic cloves", + "chicken broth", + "cooked turkey", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 12433, + "cuisine": "thai", + "ingredients": [ + "minced garlic", + "nonfat yogurt", + "lemon", + "olive oil", + "mint leaves", + "large shrimp", + "chile paste", + "lemon zest", + "cucumber", + "fresh chives", + "fresh ginger", + "sesame oil", + "sliced green onions" + ] + }, + { + "id": 18701, + "cuisine": "filipino", + "ingredients": [ + "water", + "balsamic vinegar", + "all-purpose flour", + "chopped parsley", + "tomato paste", + "olive oil", + "garlic", + "yellow onion", + "boiling potatoes", + "dried thyme", + "dry red wine", + "beef broth", + "bay leaf", + "sugar", + "ground black pepper", + "salt", + "carrots", + "chuck" + ] + }, + { + "id": 13503, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "turkey kielbasa", + "yellow onion", + "no-salt-added diced tomatoes", + "bay leaves", + "salt", + "ground black pepper", + "crushed red pepper", + "organic vegetable broth", + "black-eyed peas", + "mustard greens", + "peanut oil" + ] + }, + { + "id": 9882, + "cuisine": "filipino", + "ingredients": [ + "ground pepper", + "garlic", + "frozen peas", + "water", + "chicken breasts", + "all-purpose flour", + "sugar", + "potatoes", + "salt", + "evaporated milk", + "butter", + "onions" + ] + }, + { + "id": 28547, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "chopped cilantro fresh", + "white onion", + "jalapeno chilies", + "knorr garlic minicub", + "water", + "tomatillos" + ] + }, + { + "id": 48163, + "cuisine": "spanish", + "ingredients": [ + "potatoes", + "olive oil", + "salt", + "eggs", + "cooking spray", + "ground black pepper", + "onions" + ] + }, + { + "id": 26821, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "Tabasco Pepper Sauce", + "creole seasoning", + "andouille sausage", + "green onions", + "red pepper", + "onions", + "green bell pepper", + "flour", + "vegetable oil", + "cooked white rice", + "minced garlic", + "boneless skinless chicken breasts", + "worcestershire sauce" + ] + }, + { + "id": 1402, + "cuisine": "mexican", + "ingredients": [ + "granulated sugar", + "ground cayenne pepper", + "lime juice", + "paprika", + "mayonaise", + "butter", + "popped popcorn", + "salt" + ] + }, + { + "id": 36638, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "chili powder", + "white wine vinegar", + "coleslaw", + "tomato paste", + "hot dogs", + "hot dog bun", + "yellow onion", + "ground black pepper", + "lean ground beef", + "salt", + "tomato sauce", + "bay leaves", + "yellow mustard", + "garlic salt" + ] + }, + { + "id": 33562, + "cuisine": "italian", + "ingredients": [ + "fire roasted diced tomatoes", + "coarse salt", + "shredded mozzarella cheese", + "thin spaghetti", + "flour", + "extra-virgin olive oil", + "sugar", + "basil", + "Progresso Artichoke Hearts", + "chicken breasts", + "broccoli" + ] + }, + { + "id": 18806, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "paprika", + "garlic cloves", + "ground cumin", + "coarse salt", + "cilantro leaves", + "carrots", + "raisins", + "shelled pistachios", + "ground cayenne pepper", + "ground pepper", + "extra-virgin olive oil", + "lemon juice" + ] + }, + { + "id": 13545, + "cuisine": "french", + "ingredients": [ + "whipping cream", + "sugar", + "Dutch-processed cocoa powder", + "1% low-fat milk", + "whipped cream", + "bittersweet chocolate" + ] + }, + { + "id": 20563, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "baking soda", + "salt", + "ground cinnamon", + "Truvía® Baking Blend", + "vegetable oil", + "pears", + "tea bags", + "baking powder", + "all-purpose flour", + "eggs", + "milk", + "vanilla extract" + ] + }, + { + "id": 16964, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "water chestnuts", + "scallions", + "fresh basil", + "wonton wrappers", + "low sodium soy sauce", + "sesame oil", + "medium shrimp", + "fresh ginger", + "cilantro leaves" + ] + }, + { + "id": 26848, + "cuisine": "southern_us", + "ingredients": [ + "white pepper", + "jalapeno chilies", + "garlic", + "purple onion", + "water", + "green onions", + "sweet pepper", + "garlic salt", + "shredded cheddar cheese", + "quickcooking grits", + "white wine vinegar", + "margarine", + "milk", + "parsley", + "beaten eggs" + ] + }, + { + "id": 16606, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "lime juice", + "salt", + "cilantro", + "jalapeno chilies", + "strawberries" + ] + }, + { + "id": 17005, + "cuisine": "greek", + "ingredients": [ + "plain yogurt", + "cayenne pepper", + "roasted red peppers", + "feta cheese", + "garlic" + ] + }, + { + "id": 12004, + "cuisine": "italian", + "ingredients": [ + "egg substitute", + "1% low-fat milk", + "garlic cloves", + "bacon slices", + "salt", + "black pepper", + "linguine", + "chopped onion", + "grated parmesan cheese", + "crushed red pepper" + ] + }, + { + "id": 28376, + "cuisine": "british", + "ingredients": [ + "duxelles", + "foie gras", + "flour for dusting", + "large eggs", + "beef fillet", + "olive oil", + "coarse salt", + "frozen pastry puff sheets", + "freshly ground pepper" + ] + }, + { + "id": 9034, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "sea salt", + "olive oil", + "freshly ground pepper", + "balsamic vinegar" + ] + }, + { + "id": 18549, + "cuisine": "italian", + "ingredients": [ + "eggs", + "garlic powder", + "salt", + "italian seasoning", + "bread crumbs", + "extra-virgin olive oil", + "ground beef", + "french baguette", + "garlic", + "fresh parsley", + "pasta sauce", + "grated parmesan cheese", + "provolone cheese" + ] + }, + { + "id": 38812, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "salt", + "parmigiano reggiano cheese", + "freshly ground pepper", + "unsalted butter", + "grated nutmeg", + "heavy cream", + "tagliatelle" + ] + }, + { + "id": 35017, + "cuisine": "chinese", + "ingredients": [ + "cayenne", + "garlic", + "soy sauce", + "chicken breast halves", + "corn starch", + "sugar", + "green onions", + "white wine vinegar", + "water", + "vegetable oil" + ] + }, + { + "id": 8868, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "butter", + "flour tortillas", + "bananas", + "spiced rum", + "vegetable oil" + ] + }, + { + "id": 34472, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "lemon", + "fine sea salt", + "crushed red pepper flakes", + "tomatoes", + "garlic" + ] + }, + { + "id": 21424, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "croutons", + "purple onion", + "salad", + "pepperoncini", + "black olives", + "plum tomatoes" + ] + }, + { + "id": 42125, + "cuisine": "cajun_creole", + "ingredients": [ + "zucchini", + "butter", + "shrimp", + "green bell pepper", + "green onions", + "dry bread crumbs", + "onions", + "black pepper", + "ground red pepper", + "garlic cloves", + "celery ribs", + "large eggs", + "salt", + "fresh parsley" + ] + }, + { + "id": 45261, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "baking powder", + "salt", + "onions", + "pepper", + "butter", + "thyme", + "sugar", + "chicken breast halves", + "all-purpose flour", + "frozen peas", + "ground black pepper", + "heavy cream", + "fresh parsley" + ] + }, + { + "id": 14882, + "cuisine": "southern_us", + "ingredients": [ + "lime zest", + "strawberries", + "kiwifruit", + "chopped fresh mint", + "sugar", + "fresh lime juice", + "whipping cream", + "fresh pineapple" + ] + }, + { + "id": 44413, + "cuisine": "indian", + "ingredients": [ + "jalapeno chilies", + "diced tomatoes", + "garlic cloves", + "sugar", + "ground red pepper", + "chickpeas", + "ground turmeric", + "tomato sauce", + "peeled fresh ginger", + "light coconut milk", + "chopped cilantro fresh", + "garam masala", + "brown mustard seeds", + "chopped onion", + "canola oil" + ] + }, + { + "id": 34067, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "mezcal", + "tequila", + "simple syrup", + "watermelon", + "fresh lime juice" + ] + }, + { + "id": 21264, + "cuisine": "italian", + "ingredients": [ + "granulated sugar", + "almond paste", + "large egg whites", + "vanilla extract", + "pinenuts", + "almond extract", + "confectioners sugar", + "almond flour", + "salt" + ] + }, + { + "id": 22, + "cuisine": "mexican", + "ingredients": [ + "canola", + "jalapeno chilies", + "salsa", + "onions", + "cider vinegar", + "flour tortillas", + "chili powder", + "sour cream", + "ground cumin", + "avocado", + "olive oil", + "boneless skinless chicken breasts", + "garlic cloves", + "iceberg lettuce", + "lime juice", + "bell pepper", + "salt", + "chopped cilantro" + ] + }, + { + "id": 43559, + "cuisine": "italian", + "ingredients": [ + "celtic salt", + "country white bread", + "greens", + "minced garlic", + "extra-virgin olive oil" + ] + }, + { + "id": 44972, + "cuisine": "korean", + "ingredients": [ + "chrysanthemum", + "green onions", + "jelly", + "onions", + "pepper flakes", + "sesame seeds", + "red pepper", + "cucumber", + "lettuce", + "honey", + "sesame oil", + "carrots", + "sugar", + "leaves", + "garlic", + "chinese chives" + ] + }, + { + "id": 40207, + "cuisine": "greek", + "ingredients": [ + "salad greens", + "green onions", + "bread dough", + "black pepper", + "feta cheese", + "salt", + "dried basil", + "extra-virgin olive oil", + "cider vinegar", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 27783, + "cuisine": "italian", + "ingredients": [ + "watercress", + "freshly ground pepper", + "purple onion", + "roast beef", + "extra-virgin olive oil", + "fresh lemon juice", + "red cabbage", + "salt" + ] + }, + { + "id": 19308, + "cuisine": "french", + "ingredients": [ + "water", + "all-purpose flour", + "confectioners sugar", + "butter", + "unsweetened chocolate", + "milk", + "cream cheese", + "boiling water", + "eggs", + "salt", + "vanilla instant pudding" + ] + }, + { + "id": 6094, + "cuisine": "irish", + "ingredients": [ + "yellow corn meal", + "light molasses", + "all purpose unbleached flour", + "whole wheat flour", + "baking powder", + "raisins", + "sugar", + "old-fashioned oats", + "buttermilk", + "baking soda", + "vegetable oil", + "salt" + ] + }, + { + "id": 16227, + "cuisine": "italian", + "ingredients": [ + "ricotta salata", + "grated lemon zest", + "fresh lemon juice", + "celery ribs", + "salt", + "garlic cloves", + "calamata olives", + "anchovy fillets", + "extra-virgin olive oil", + "freshly ground pepper" + ] + }, + { + "id": 47987, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "vinegar", + "salt", + "tuna", + "pepper", + "green onions", + "oil", + "salted anchovies", + "hard-boiled egg", + "green pepper", + "celery", + "radishes", + "basil", + "garlic cloves" + ] + }, + { + "id": 36356, + "cuisine": "greek", + "ingredients": [ + "melted butter", + "bread crumbs", + "ground black pepper", + "butter", + "fresh oregano", + "onions", + "plain flour", + "celery stick", + "olive oil", + "whole milk", + "salt", + "cinnamon sticks", + "pasta", + "tomato purée", + "water", + "fresh bay leaves", + "red wine", + "garlic cloves", + "dried oregano", + "nutmeg", + "ground cloves", + "chopped tomatoes", + "lean ground beef", + "free range egg", + "kefalotyri" + ] + }, + { + "id": 45202, + "cuisine": "moroccan", + "ingredients": [ + "garlic oil", + "halloumi cheese", + "merguez sausage", + "pepper" + ] + }, + { + "id": 1647, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "fresh parsley leaves", + "chicken", + "mushrooms", + "anchovy fillets", + "oregano", + "dry red wine", + "onions", + "fusilli", + "garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 34674, + "cuisine": "mexican", + "ingredients": [ + "ground pepper", + "raisins", + "corn tortillas", + "ground cinnamon", + "coarse salt", + "garlic cloves", + "plum tomatoes", + "semisweet chocolate", + "blanched almonds", + "onions", + "olive oil", + "red pepper flakes", + "ancho chile pepper" + ] + }, + { + "id": 2016, + "cuisine": "japanese", + "ingredients": [ + "water", + "ground turmeric", + "garlic paste", + "oil", + "red chili powder", + "salt", + "fish", + "pepper", + "jeera" + ] + }, + { + "id": 28542, + "cuisine": "greek", + "ingredients": [ + "potatoes", + "salt", + "ground beef", + "eggs", + "lemon wedge", + "oil", + "onions", + "ground black pepper", + "lemon", + "fresh lemon juice", + "ground cinnamon", + "dried mint flakes", + "dry bread crumbs", + "fresh parsley" + ] + }, + { + "id": 2949, + "cuisine": "korean", + "ingredients": [ + "ground ginger", + "spring onions", + "onions", + "fresh ginger", + "chinese cabbage", + "gochugaru", + "garlic cloves", + "sugar", + "sea salt" + ] + }, + { + "id": 27375, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "reduced-fat sour cream", + "iceberg lettuce", + "tomatoes", + "chicken breasts", + "salt", + "chicken", + "avocado", + "ground red pepper", + "garlic", + "canola oil", + "pepper", + "queso fresco", + "fresh lemon juice" + ] + }, + { + "id": 29936, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "szechwan peppercorns", + "garlic", + "scallions", + "cinnamon sticks", + "soy sauce", + "ginger", + "rice vinegar", + "sesame paste", + "sugar", + "crushed red pepper flakes", + "salt", + "oil", + "roasted sesame seeds", + "star anise", + "roasted peanuts", + "chicken leg quarters" + ] + }, + { + "id": 44039, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "cooking spray", + "part-skim mozzarella cheese", + "carrots", + "olive oil", + "cheese tortellini", + "zucchini" + ] + }, + { + "id": 40802, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "cream cheese", + "wonton wrappers", + "vegetable oil", + "shredded cheddar cheese", + "coarse salt" + ] + }, + { + "id": 17293, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "pork tenderloin", + "olive oil", + "onion flakes", + "dried thyme", + "cooking spray", + "seasoned bread crumbs", + "ground black pepper", + "salt" + ] + }, + { + "id": 37710, + "cuisine": "italian", + "ingredients": [ + "peeled tomatoes", + "1% low-fat milk", + "basil leaves", + "cream cheese, soften", + "low sodium tomato juice", + "salt", + "baguette", + "cracked black pepper", + "fresh basil leaves" + ] + }, + { + "id": 15584, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "dried bonito flakes", + "mirin", + "sake" + ] + }, + { + "id": 36736, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "white distilled vinegar", + "butter", + "shortening", + "half & half", + "peaches in heavy syrup", + "brown sugar", + "flour", + "salt", + "cold water", + "sugar", + "cinnamon" + ] + }, + { + "id": 34042, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "boneless rib eye steaks", + "extra-virgin olive oil", + "rosemary sprigs", + "salt", + "yukon gold potatoes" + ] + }, + { + "id": 20685, + "cuisine": "southern_us", + "ingredients": [ + "dried basil", + "garlic powder", + "paprika", + "oil", + "kosher salt", + "honey", + "onion powder", + "cayenne pepper", + "seasoning", + "large egg whites", + "baking powder", + "all-purpose flour", + "chicken", + "matzo meal", + "dried thyme", + "ground black pepper", + "salt", + "dried parsley" + ] + }, + { + "id": 30005, + "cuisine": "mexican", + "ingredients": [ + "brandy", + "lard", + "eggs", + "baking powder", + "sugar", + "salt", + "anise seed", + "flour" + ] + }, + { + "id": 23453, + "cuisine": "southern_us", + "ingredients": [ + "cauliflower", + "pepper", + "pimentos", + "paprika", + "corn starch", + "collard greens", + "olive oil", + "butter", + "garlic", + "pasta", + "milk", + "onion powder", + "almond meal", + "oregano", + "cheddar cheese", + "parmesan cheese", + "bacon", + "salt" + ] + }, + { + "id": 37148, + "cuisine": "british", + "ingredients": [ + "large egg whites", + "dry white wine", + "blue cheese", + "kosher salt", + "whole wheat flour", + "vegetable shortening", + "onions", + "dried thyme", + "unsalted butter", + "all purpose unbleached flour", + "skirt steak", + "olive oil", + "ice water", + "salt" + ] + }, + { + "id": 20778, + "cuisine": "french", + "ingredients": [ + "shiitake", + "chopped fresh thyme", + "garlic cloves", + "pepper", + "chicken breasts", + "salt", + "unsalted butter", + "whipping cream", + "champagne", + "olive oil", + "shallots", + "all-purpose flour" + ] + }, + { + "id": 23951, + "cuisine": "indian", + "ingredients": [ + "chile pepper", + "salt", + "ground cumin", + "butter", + "cumin seed", + "mustard greens", + "ground coriander", + "fresh spinach", + "garlic", + "ground turmeric" + ] + }, + { + "id": 40702, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "chicken broth", + "hot sauce", + "bacon", + "black-eyed peas", + "bay leaf" + ] + }, + { + "id": 11920, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "butter", + "lemon juice", + "ahi", + "baking powder", + "cilantro leaves", + "onions", + "eggs", + "taro", + "salt", + "corn starch", + "cream", + "shallots", + "garlic cloves" + ] + }, + { + "id": 21220, + "cuisine": "chinese", + "ingredients": [ + "dried scallops", + "salt", + "winter melon", + "peeled fresh ginger", + "ham", + "fresh ginger", + "whole chicken", + "water", + "scallions" + ] + }, + { + "id": 24260, + "cuisine": "italian", + "ingredients": [ + "cold water", + "flour", + "heavy cream", + "corn starch", + "cherry tomatoes", + "crimini mushrooms", + "all purpose seasoning", + "marsala wine", + "boneless skinless chicken breasts", + "garlic", + "fresh parsley", + "olive oil", + "butter", + "salt" + ] + }, + { + "id": 44447, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "salt", + "pork tenderloin", + "hoisin sauce", + "toasted sesame seeds", + "sugar", + "dry sherry" + ] + }, + { + "id": 44489, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "purple onion", + "pepper", + "garlic", + "fresh basil leaves", + "balsamic vinegar", + "salt", + "extra-virgin olive oil", + "red bell pepper" + ] + }, + { + "id": 43591, + "cuisine": "british", + "ingredients": [ + "ginger", + "hard-boiled egg", + "bay leaves", + "black peppercorns", + "allspice berries" + ] + }, + { + "id": 43612, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "salt", + "pinenuts", + "butter", + "grated parmesan cheese", + "shredded mozzarella cheese", + "pepper", + "heavy cream" + ] + }, + { + "id": 11193, + "cuisine": "thai", + "ingredients": [ + "ground black pepper", + "Flora Cuisine", + "mushrooms", + "onions", + "cod fillets", + "garlic", + "cherry tomatoes", + "Thai red curry paste" + ] + }, + { + "id": 17302, + "cuisine": "french", + "ingredients": [ + "pearl onions", + "lettuce leaves", + "unsalted butter", + "sea salt", + "ground black pepper", + "shallots", + "water", + "fresh peas", + "carrots" + ] + }, + { + "id": 40413, + "cuisine": "mexican", + "ingredients": [ + "cayenne", + "mayonaise", + "chicken drumsticks", + "chicken wings", + "chili powder", + "chipotle chile", + "white bread crumbs" + ] + }, + { + "id": 7711, + "cuisine": "french", + "ingredients": [ + "eggs", + "flour", + "strawberries", + "milk", + "vanilla", + "granulated sugar", + "salt", + "powdered sugar", + "butter", + "corn starch" + ] + }, + { + "id": 34581, + "cuisine": "korean", + "ingredients": [ + "eggs", + "wonton wrappers", + "scallions", + "canola oil", + "mirin", + "purple onion", + "kimchi", + "soy sauce", + "red pepper", + "coca-cola", + "extra firm tofu", + "rice vinegar", + "ground beef" + ] + }, + { + "id": 40158, + "cuisine": "italian", + "ingredients": [ + "baking soda", + "baking powder", + "sugar", + "cooking spray", + "all-purpose flour", + "roasted cashews", + "large eggs", + "vanilla extract", + "mace", + "golden raisins", + "whole nutmegs" + ] + }, + { + "id": 5626, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "large eggs", + "bread flour", + "honey", + "whole milk ricotta cheese", + "water", + "corn oil", + "grated lemon peel", + "pecorino cheese", + "unsalted butter", + "salt" + ] + }, + { + "id": 37885, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "chopped green chilies", + "white onion", + "boneless skinless chicken breast halves", + "black beans", + "salsa", + "taco seasoning mix", + "long grain white rice" + ] + }, + { + "id": 37648, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "onions", + "chicken broth", + "chopped celery", + "biscuits", + "crumbled cornbread", + "sage", + "eggs", + "margarine" + ] + }, + { + "id": 42916, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "moong dal", + "green chilies", + "dal", + "red chili powder", + "masoor dal", + "oil", + "ground turmeric", + "fenugreek leaves", + "water", + "cumin seed", + "onions", + "garlic paste", + "salt", + "lemon juice", + "ginger paste" + ] + }, + { + "id": 23670, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "extra-virgin olive oil", + "kosher salt", + "frozen lemonade concentrate", + "black tea", + "boneless skinless chicken breasts" + ] + }, + { + "id": 44214, + "cuisine": "mexican", + "ingredients": [ + "knorr chicken flavor bouillon cube", + "pimentos", + "garlic", + "tomato sauce", + "grated parmesan cheese", + "paprika", + "hellmann' or best food real mayonnais", + "green bell pepper", + "2 1/2 to 3 lb. chicken, cut into serving pieces", + "dri oregano leaves, crush", + "regular or convert rice", + "water", + "bacon, crisp-cooked and crumbled", + "green peas", + "onions" + ] + }, + { + "id": 23883, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "large eggs", + "togarashi", + "boiling water", + "shiitake", + "napa cabbage", + "garlic cloves", + "fresh ginger", + "vegetable oil", + "yellow onion", + "soy sauce", + "white miso", + "vegetable broth", + "noodles" + ] + }, + { + "id": 43496, + "cuisine": "filipino", + "ingredients": [ + "baking powder", + "sugar", + "sweet rice flour", + "coconut milk", + "shredded coconut" + ] + }, + { + "id": 24860, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "enchilada sauce", + "Hidden Valley® Original Ranch® Dressing", + "sour cream", + "flour tortillas", + "Mexican cheese", + "rotisserie chicken" + ] + }, + { + "id": 10490, + "cuisine": "thai", + "ingredients": [ + "black peppercorns", + "shallots", + "kaffir lime leaves", + "lemongrass", + "salt", + "greater galangal", + "red chili peppers", + "cilantro root", + "serrano chilies", + "coriander seeds", + "chopped garlic" + ] + }, + { + "id": 22759, + "cuisine": "brazilian", + "ingredients": [ + "green bell pepper", + "salt", + "red bell pepper", + "parsley", + "garlic cloves", + "onions", + "olive oil", + "tilapia", + "coconut milk", + "chili flakes", + "diced tomatoes", + "shrimp" + ] + }, + { + "id": 8107, + "cuisine": "italian", + "ingredients": [ + "melted butter", + "mild olive oil", + "salt", + "minced garlic", + "lean ground beef", + "baguette", + "minced onion", + "italian seasoning", + "anise seed", + "ground black pepper", + "sweet italian sausage" + ] + }, + { + "id": 845, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "yellow onion", + "tomatillos", + "cilantro leaves", + "corn husks", + "poblano chiles" + ] + }, + { + "id": 11960, + "cuisine": "italian", + "ingredients": [ + "fennel", + "deveined shrimp", + "flat leaf parsley", + "pitted kalamata olives", + "bay scallops", + "salt", + "calamari", + "red wine vinegar", + "fresh lemon juice", + "grape tomatoes", + "ground black pepper", + "Sicilian olives", + "onions" + ] + }, + { + "id": 23142, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "egg whites", + "ginger", + "oil", + "honey", + "boneless skinless chicken breasts", + "salt", + "sesame seeds", + "baking powder", + "rice vinegar", + "water", + "flour", + "garlic", + "corn starch" + ] + }, + { + "id": 7388, + "cuisine": "chinese", + "ingredients": [ + "water", + "sesame oil", + "oil", + "toasted sesame seeds", + "soy sauce", + "chinese sausage", + "salt", + "ground white pepper", + "eggs", + "honey", + "bacon", + "corn starch", + "Japanese turnips", + "flour", + "scallions", + "dried shrimp" + ] + }, + { + "id": 41746, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "olive oil", + "chopped onion", + "tomatoes", + "black pepper", + "dry white wine", + "red bell pepper", + "bone-in chicken breast halves", + "cooking spray", + "garlic cloves", + "fresh rosemary", + "fat free less sodium chicken broth", + "salt", + "chicken thighs" + ] + }, + { + "id": 3625, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "freshly ground pepper", + "orecchiette", + "broccoli rabe", + "all-purpose flour", + "broth", + "red wine vinegar", + "chickpeas", + "dried rosemary", + "salt", + "garlic cloves" + ] + }, + { + "id": 12725, + "cuisine": "spanish", + "ingredients": [ + "orange", + "lemon", + "large eggs", + "superfine sugar", + "confectioners sugar", + "whole almonds", + "almond extract" + ] + }, + { + "id": 1433, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "mayonaise", + "lime", + "shredded cabbage", + "lime wedges", + "purple onion", + "smoked paprika", + "canola oil", + "cabbage leaves", + "black pepper", + "garlic powder", + "chili powder", + "cilantro", + "cilantro leaves", + "corn tortillas", + "tomatoes", + "salmon", + "corn kernels", + "green onions", + "buttermilk", + "salt", + "greek yogurt", + "brown sugar", + "pepper", + "flour", + "onion powder", + "garlic", + "cayenne pepper", + "cumin" + ] + }, + { + "id": 22465, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "chili powder", + "salt", + "black beans", + "quinoa", + "diced tomatoes", + "cumin", + "black pepper", + "olive oil", + "vegetable stock", + "frozen corn", + "fresh cilantro", + "jalapeno chilies", + "garlic" + ] + }, + { + "id": 17871, + "cuisine": "cajun_creole", + "ingredients": [ + "ground cloves", + "crushed tomatoes", + "grated parmesan cheese", + "salt", + "tomato sauce", + "minced garlic", + "finely chopped onion", + "chopped celery", + "white sugar", + "green bell pepper", + "pepper", + "minced onion", + "white rice", + "ground beef", + "black pepper", + "olive oil", + "chili powder", + "bay leaf" + ] + }, + { + "id": 40561, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "hellmann' or best food real mayonnais", + "shredded cheddar cheese", + "hamburger", + "flour tortillas", + "chipotle peppers", + "avocado", + "purple onion" + ] + }, + { + "id": 20509, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "zucchini", + "green pepper", + "white onion", + "red pepper flakes", + "spaghetti", + "white pepper", + "butter", + "carrots", + "tomatoes", + "olive oil", + "spanish chorizo", + "oregano" + ] + }, + { + "id": 16753, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "ground red pepper", + "organic vegetable broth", + "fresh lime juice", + "tomatoes", + "jalapeno chilies", + "bulgur", + "pinto beans", + "cumin", + "olive oil", + "purple onion", + "garlic cloves", + "chopped cilantro fresh", + "green chile", + "cooking spray", + "chopped onion", + "poblano chiles", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 11703, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "fine sea salt", + "red wine vinegar", + "garlic", + "white onion", + "chipotles in adobo" + ] + }, + { + "id": 6091, + "cuisine": "indian", + "ingredients": [ + "eggs", + "boneless chicken", + "lemon juice", + "garam masala", + "cilantro leaves", + "ground turmeric", + "garlic paste", + "salt", + "onions", + "tomatoes", + "coriander powder", + "green chilies" + ] + }, + { + "id": 41561, + "cuisine": "mexican", + "ingredients": [ + "taco sauce", + "garlic powder", + "chili powder", + "salt", + "tortilla chips", + "chopped cilantro", + "chunky salsa", + "corn kernels", + "guacamole", + "cheese", + "cayenne pepper", + "corn starch", + "onions", + "ground cumin", + "black beans", + "ground black pepper", + "mild green chiles", + "salsa", + "taco seasoning", + "ground beef", + "oregano", + "chopped tomatoes", + "green onions", + "purple onion", + "chopped onion", + "sour cream", + "chopped cilantro fresh" + ] + }, + { + "id": 11979, + "cuisine": "japanese", + "ingredients": [ + "Japanese turnips", + "chives", + "avocado", + "white miso", + "toasted nori", + "delicata squash", + "water", + "lemon", + "cooked brown rice", + "tahini", + "toasted sesame seeds" + ] + }, + { + "id": 21883, + "cuisine": "british", + "ingredients": [ + "eggs", + "golden brown sugar", + "golden raisins", + "sugar", + "unsalted butter", + "grated lemon peel", + "candied orange peel", + "ground nutmeg", + "fresh lemon juice", + "dried currants", + "frozen pastry puff sheets" + ] + }, + { + "id": 9218, + "cuisine": "indian", + "ingredients": [ + "sugar", + "butter", + "herbs", + "all-purpose flour", + "milk", + "salt", + "baking powder", + "oil" + ] + }, + { + "id": 44377, + "cuisine": "french", + "ingredients": [ + "gruyere cheese", + "tenderloin", + "crème fraîche", + "unsalted butter", + "canadian bacon" + ] + }, + { + "id": 44251, + "cuisine": "cajun_creole", + "ingredients": [ + "fennel seeds", + "fresh thyme", + "sweet paprika", + "olive oil", + "salt", + "ground black pepper", + "cayenne pepper", + "halibut fillets", + "butter", + "dried oregano" + ] + }, + { + "id": 645, + "cuisine": "italian", + "ingredients": [ + "boneless skinless chicken breasts", + "mozzarella cheese", + "tomato sauce", + "pepperoni", + "parmesan cheese" + ] + }, + { + "id": 10855, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "water", + "bacon", + "dark brown sugar", + "sugar", + "unsalted butter", + "salt", + "heavy whipping cream", + "brown sugar", + "empanada dough", + "apples", + "lemon juice", + "ground cloves", + "cinnamon", + "all-purpose flour" + ] + }, + { + "id": 2279, + "cuisine": "italian", + "ingredients": [ + "half & half", + "fresh oregano", + "grape tomatoes", + "cheese", + "fresh parsley", + "chopped fresh chives", + "freshly ground pepper", + "large eggs", + "salt" + ] + }, + { + "id": 17574, + "cuisine": "vietnamese", + "ingredients": [ + "lime", + "water", + "garlic", + "powdered sugar", + "red pepper", + "nuoc nam" + ] + }, + { + "id": 35087, + "cuisine": "french", + "ingredients": [ + "extra-virgin olive oil", + "sea bass fillets", + "thyme sprigs", + "large garlic cloves", + "chopped fresh chives", + "fresh lemon juice" + ] + }, + { + "id": 32105, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "raisins", + "sugar", + "butter", + "all-purpose flour", + "vegetable oil spray", + "buttermilk", + "baking powder", + "salt" + ] + }, + { + "id": 17048, + "cuisine": "cajun_creole", + "ingredients": [ + "table salt", + "hot sauce", + "new potatoes", + "shrimp", + "corn", + "cayenne pepper", + "crawfish", + "yellow onion" + ] + }, + { + "id": 18865, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "shallots", + "pepper", + "firm tofu", + "soy sauce", + "garlic", + "fresh ginger", + "sliced green onions" + ] + }, + { + "id": 10366, + "cuisine": "moroccan", + "ingredients": [ + "dried apricot", + "salt", + "leg of lamb", + "honey", + "vegetable stock", + "garlic cloves", + "tomatoes", + "bay leaves", + "oil", + "onions", + "potatoes", + "spices", + "carrots" + ] + }, + { + "id": 1406, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "salt", + "chopped cilantro fresh", + "avocado", + "hot pepper sauce", + "sour cream", + "pepper", + "tequila", + "tomato paste", + "shallots", + "fresh lime juice" + ] + }, + { + "id": 37442, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "olive oil", + "purple onion", + "lemon juice", + "cherry tomatoes", + "fresh green bean", + "chopped walnuts", + "sugar", + "roasted red peppers", + "salt", + "honey", + "white wine vinegar", + "garlic cloves" + ] + }, + { + "id": 1271, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "sour cream", + "onions", + "black beans", + "taco seasoning", + "diced tomatoes and green chilies", + "jalapeno chilies", + "corn tortillas", + "corn", + "oil", + "ground beef" + ] + }, + { + "id": 37864, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "rice vinegar", + "chicken wings", + "vegetable oil", + "sugar", + "salt", + "Frank's® RedHot® Original Cayenne Pepper Sauce", + "black pepper", + "rice flour" + ] + }, + { + "id": 6979, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "vanilla extract", + "pumpkin pie spice", + "large eggs", + "butter", + "all-purpose flour", + "brown sugar", + "pumpkin", + "whipping cream", + "chopped pecans", + "baking soda", + "vegetable oil", + "salt" + ] + }, + { + "id": 36000, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "kosher salt", + "flour tortillas", + "reduced-fat sour cream", + "canola oil", + "black pepper", + "minced garlic", + "lean ground beef", + "ground coriander", + "taco shells", + "refried beans", + "diced tomatoes", + "iceberg lettuce", + "tomato sauce", + "pepper", + "chili powder", + "cheese", + "ground cumin" + ] + }, + { + "id": 30831, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "heavy cream", + "dijon mustard", + "shallots", + "chicken parts", + "vegetable oil", + "reduced sodium chicken broth", + "chives" + ] + }, + { + "id": 10108, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garlic", + "cumin seed", + "japanese eggplants", + "fennel seeds", + "italian eggplant", + "salt", + "nigella seeds", + "olive oil", + "ground asafetida", + "mustard seeds", + "chicken stock", + "urad dal", + "cayenne pepper", + "onions" + ] + }, + { + "id": 36761, + "cuisine": "mexican", + "ingredients": [ + "salt", + "chopped cilantro fresh", + "smoked bacon", + "rice", + "chicken broth", + "salsa", + "green onions", + "shrimp" + ] + }, + { + "id": 24043, + "cuisine": "italian", + "ingredients": [ + "eggs", + "baking potatoes", + "flour", + "fine sea salt" + ] + }, + { + "id": 25089, + "cuisine": "moroccan", + "ingredients": [ + "eggplant", + "salt", + "tahini", + "fresh lemon juice", + "ground black pepper", + "greek style plain yogurt", + "olive oil", + "paprika" + ] + }, + { + "id": 16944, + "cuisine": "italian", + "ingredients": [ + "chiles", + "bay leaves", + "escarole", + "octopuses", + "extra-virgin olive oil", + "celery ribs", + "kosher salt", + "garlic", + "beans", + "lemon" + ] + }, + { + "id": 32709, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "salt", + "vegetable oil cooking spray", + "green onions", + "garlic cloves", + "fresh basil", + "olive oil", + "freshly ground pepper", + "french baguette", + "balsamic vinegar", + "plum tomatoes" + ] + }, + { + "id": 34816, + "cuisine": "cajun_creole", + "ingredients": [ + "white onion", + "ground red pepper", + "salt", + "black pepper", + "dried thyme", + "butter", + "garlic cloves", + "lime juice", + "onion powder", + "spanish paprika", + "white pepper", + "garlic powder", + "worcestershire sauce", + "dried oregano" + ] + }, + { + "id": 34567, + "cuisine": "italian", + "ingredients": [ + "non-fat sour cream", + "grated parmesan cheese", + "freshly ground pepper", + "cheese tortellini", + "stir fry vegetable blend", + "pesto", + "salt" + ] + }, + { + "id": 42161, + "cuisine": "mexican", + "ingredients": [ + "reduced fat sharp cheddar cheese", + "corn tortillas", + "cooking spray", + "large eggs", + "sauce" + ] + }, + { + "id": 20239, + "cuisine": "korean", + "ingredients": [ + "honey", + "napa cabbage", + "rice vinegar", + "Korean chile flakes", + "spring onions", + "garlic", + "kimchi", + "tofu", + "fresh ginger", + "sea salt", + "Gochujang base", + "fish sauce", + "sesame oil", + "salt", + "onions" + ] + }, + { + "id": 37882, + "cuisine": "indian", + "ingredients": [ + "sorbet", + "plain yogurt", + "mint leaves" + ] + }, + { + "id": 25109, + "cuisine": "mexican", + "ingredients": [ + "jack", + "salsa", + "chicken", + "bread", + "basil", + "onions", + "butter", + "oil", + "cheddar cheese", + "cilantro", + "toasted sesame seeds" + ] + }, + { + "id": 7590, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "unsalted butter", + "garlic cloves", + "kosher salt", + "parmigiano reggiano cheese", + "spaghetti", + "hot red pepper flakes", + "organic tomato", + "fresh basil leaves", + "ground black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 45510, + "cuisine": "moroccan", + "ingredients": [ + "hungarian sweet paprika", + "fresh parsley", + "olive oil", + "ground cumin", + "garlic cloves", + "tomatoes", + "chopped cilantro fresh" + ] + }, + { + "id": 15562, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "fresh tarragon", + "garlic cloves", + "chopped fresh chives", + "salt", + "flat leaf parsley", + "ground black pepper", + "extra-virgin olive oil", + "fresh lemon juice", + "whole milk ricotta cheese", + "country style bread", + "chopped fresh mint" + ] + }, + { + "id": 26940, + "cuisine": "mexican", + "ingredients": [ + "cream of tartar", + "vanilla", + "chocolate-hazelnut spread", + "large egg whites", + "liqueur", + "sugar", + "whipping cream" + ] + }, + { + "id": 45345, + "cuisine": "italian", + "ingredients": [ + "pepper", + "extra-virgin olive oil", + "onions", + "tomatoes", + "active dry yeast", + "all-purpose flour", + "mozzarella cheese", + "radicchio", + "Sangiovese", + "minced garlic", + "salt", + "fresh basil leaves" + ] + }, + { + "id": 39470, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "smoked gouda", + "water", + "hot sauce", + "barbecue sauce", + "chopped cilantro", + "olive oil", + "yellow onion" + ] + }, + { + "id": 18961, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "all-purpose flour", + "milk", + "vanilla extract", + "white sugar", + "eggs", + "butter", + "confectioners sugar", + "baking soda", + "salt" + ] + }, + { + "id": 4169, + "cuisine": "southern_us", + "ingredients": [ + "vanilla extract", + "eggs", + "white sugar", + "milk", + "all-purpose flour" + ] + }, + { + "id": 449, + "cuisine": "mexican", + "ingredients": [ + "roma tomatoes", + "garlic", + "ground cumin", + "kosher salt", + "lemon", + "fresh oregano", + "chili powder", + "cayenne pepper", + "olive oil", + "cracked black pepper", + "onions" + ] + }, + { + "id": 38351, + "cuisine": "jamaican", + "ingredients": [ + "red chili peppers", + "garlic cloves", + "ground cinnamon", + "olive oil", + "sugar", + "ground allspice", + "lime juice", + "onions" + ] + }, + { + "id": 37357, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "cooking spray", + "all-purpose flour", + "garlic cloves", + "bone-in chicken breast halves", + "hot pepper sauce", + "cajun seasoning", + "okra", + "canola oil", + "lower sodium chicken broth", + "water", + "green onions", + "chopped onion", + "bay leaf", + "black pepper", + "chopped green bell pepper", + "chopped celery", + "long-grain rice" + ] + }, + { + "id": 22423, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "lime", + "roasted red peppers", + "fresh mint", + "kosher salt", + "panko", + "cilantro leaves", + "serrano chile", + "ground chicken", + "fresh ginger", + "garlic", + "fresh basil leaves", + "lemongrass", + "ground black pepper", + "red curry paste" + ] + }, + { + "id": 13054, + "cuisine": "italian", + "ingredients": [ + "pasta", + "broccoli florets", + "cucumber", + "shredded cheddar cheese", + "cauliflower florets", + "shredded carrots", + "salt", + "tomatoes", + "butter", + "salad dressing" + ] + }, + { + "id": 35527, + "cuisine": "jamaican", + "ingredients": [ + "white vinegar", + "black pepper", + "pork tenderloin", + "vegetable oil", + "garlic cloves", + "brown sugar", + "ground nutmeg", + "peeled fresh ginger", + "chopped onion", + "soy sauce", + "fresh thyme", + "green onions", + "ground allspice", + "ground cinnamon", + "kosher salt", + "cooking spray", + "scotch bonnet chile" + ] + }, + { + "id": 34892, + "cuisine": "irish", + "ingredients": [ + "green cabbage", + "water", + "thyme sprigs", + "kosher salt", + "carrots", + "mustard", + "pork shoulder roast", + "black peppercorns", + "garlic" + ] + }, + { + "id": 32680, + "cuisine": "italian", + "ingredients": [ + "water", + "zucchini", + "garlic cloves", + "tomato sauce", + "eggplant", + "yellow bell pepper", + "red bell pepper", + "table salt", + "ground black pepper", + "broccoli", + "spaghetti", + "olive oil", + "grated parmesan cheese", + "green beans" + ] + }, + { + "id": 33383, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "pies", + "salt", + "peaches", + "baking powder", + "dark brown sugar", + "eggs", + "unsalted butter", + "vanilla extract", + "water", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 21809, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "large eggs", + "all-purpose flour", + "fresh lime juice", + "ground cumin", + "plain yogurt", + "cayenne", + "russet potatoes", + "yams", + "frozen peas", + "sugar", + "fresh cilantro", + "peeled fresh ginger", + "ground coriander", + "onions", + "pepper", + "zucchini", + "salt", + "carrots", + "ground turmeric" + ] + }, + { + "id": 46079, + "cuisine": "jamaican", + "ingredients": [ + "eggs", + "butter", + "yeast", + "warm water", + "all-purpose flour", + "brown sugar", + "salt", + "honey", + "coconut milk" + ] + }, + { + "id": 605, + "cuisine": "brazilian", + "ingredients": [ + "starch", + "cheese", + "butter", + "water", + "salt" + ] + }, + { + "id": 34290, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crumbled gorgonzola", + "vegetable broth", + "dry white wine", + "pears", + "arborio rice", + "chopped fresh sage" + ] + }, + { + "id": 43467, + "cuisine": "irish", + "ingredients": [ + "lamb loin", + "yukon gold potatoes", + "chopped parsley", + "eggs", + "olive oil", + "white wine vinegar", + "kosher salt", + "garlic", + "mayonaise", + "chives", + "lamb" + ] + }, + { + "id": 25652, + "cuisine": "italian", + "ingredients": [ + "panko", + "slider buns", + "crushed red pepper", + "lean ground pork", + "large eggs", + "shallots", + "garlic cloves", + "olive oil", + "marinara sauce", + "part-skim ricotta cheese", + "fresh parsley", + "sausage casings", + "ground black pepper", + "basil leaves", + "salt" + ] + }, + { + "id": 49089, + "cuisine": "french", + "ingredients": [ + "sugar", + "butter", + "water", + "chopped walnuts", + "ground cinnamon", + "anjou pears", + "lemon juice", + "Pepperidge Farm Puff Pastry Sheets", + "salt" + ] + }, + { + "id": 29527, + "cuisine": "filipino", + "ingredients": [ + "evaporated milk", + "crushed graham crackers", + "sprinkles", + "ground cinnamon", + "condensed milk" + ] + }, + { + "id": 443, + "cuisine": "italian", + "ingredients": [ + "capers", + "olive oil", + "garlic", + "pepper", + "roma tomatoes", + "ripe olives", + "chili flakes", + "grated parmesan cheese", + "salt", + "anchovies", + "vermicelli" + ] + }, + { + "id": 43442, + "cuisine": "russian", + "ingredients": [ + "sliced almonds", + "raisins", + "dried apricot", + "salt", + "honey", + "poppy seeds", + "sugar", + "cinnamon", + "pearl barley" + ] + }, + { + "id": 19664, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "asparagus", + "cream cheese", + "arborio rice", + "parmesan cheese", + "edamame", + "olive oil", + "chopped fresh thyme", + "garlic cloves", + "lower sodium chicken broth", + "ground black pepper", + "chopped onion" + ] + }, + { + "id": 47423, + "cuisine": "indian", + "ingredients": [ + "salt", + "sour cream", + "ginger paste", + "garlic paste", + "green chilies", + "onions", + "green cardamom pods", + "serrano", + "chopped cilantro", + "tumeric", + "oil", + "large shrimp" + ] + }, + { + "id": 33611, + "cuisine": "indian", + "ingredients": [ + "jasmine rice", + "black mustard seeds", + "ground turmeric", + "plain yogurt", + "milk", + "dried red chile peppers", + "fresh curry leaves", + "salt", + "ghee", + "water", + "asafoetida powder" + ] + }, + { + "id": 21000, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "garlic cloves", + "fish sauce", + "chile pepper", + "palm sugar", + "chicken livers", + "soy sauce", + "sea salt" + ] + }, + { + "id": 31869, + "cuisine": "irish", + "ingredients": [ + "salt", + "cheddar cheese", + "corned beef", + "red potato", + "sour cream", + "butter" + ] + }, + { + "id": 38738, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "ground red pepper", + "cashew nuts", + "ground ginger", + "garam masala", + "ground coriander", + "ground turmeric", + "water", + "salt", + "basmati rice", + "salmon fillets", + "cooking spray", + "flat leaf parsley" + ] + }, + { + "id": 36379, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "red pepper flakes", + "chickpeas", + "onions", + "olive oil", + "cilantro", + "ground coriander", + "ground cinnamon", + "diced tomatoes", + "sweet paprika", + "ground cumin", + "chicken stock", + "apricot halves", + "beef stew meat", + "medjool date" + ] + }, + { + "id": 47100, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "lime", + "garlic salt", + "kosher salt", + "smoked paprika", + "ground black pepper", + "ground cumin" + ] + }, + { + "id": 31039, + "cuisine": "indian", + "ingredients": [ + "croissants", + "roasting chickens", + "whipped cream cheese", + "curry powder", + "cranberries" + ] + }, + { + "id": 29395, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "oil", + "warm water", + "sugar", + "yeast", + "self rising flour" + ] + }, + { + "id": 36317, + "cuisine": "mexican", + "ingredients": [ + "papaya", + "sugar", + "lime juice" + ] + }, + { + "id": 22875, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "melon", + "sugar" + ] + }, + { + "id": 8914, + "cuisine": "mexican", + "ingredients": [ + "french dressing", + "fritos", + "cheddar cheese", + "medium tomatoes", + "olives", + "avocado", + "taco seasoning mix", + "ground beef", + "romaine lettuce", + "purple onion" + ] + }, + { + "id": 48971, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "paprika", + "chickpeas", + "cumin", + "potatoes", + "white beans", + "bay leaf", + "olive oil", + "ginger", + "garlic cloves", + "chicken broth", + "lemon", + "yellow onion", + "coriander" + ] + }, + { + "id": 19755, + "cuisine": "mexican", + "ingredients": [ + "lime", + "corn tortillas", + "white onion", + "butter", + "serrano chile", + "kosher salt", + "shrimp", + "chopped garlic", + "vegetable oil", + "chopped cilantro fresh" + ] + }, + { + "id": 3714, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "white onion", + "butter", + "all-purpose flour", + "sausage links", + "crushed tomatoes", + "sea salt", + "chicken broth", + "water", + "heavy cream", + "black pepper", + "yukon gold potatoes", + "garlic" + ] + }, + { + "id": 5750, + "cuisine": "greek", + "ingredients": [ + "vegetable oil", + "water", + "salt", + "zucchini", + "all-purpose flour", + "plain yogurt", + "large garlic cloves" + ] + }, + { + "id": 10787, + "cuisine": "italian", + "ingredients": [ + "baby spinach", + "salt", + "fresh lemon juice", + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "blanched almonds", + "black pepper", + "large garlic cloves", + "fresh oregano", + "fresh basil leaves", + "chopped fresh thyme", + "linguine", + "organic vegetable broth" + ] + }, + { + "id": 29601, + "cuisine": "irish", + "ingredients": [ + "powdered sugar", + "warm water", + "meringue powder", + "food colouring" + ] + }, + { + "id": 44076, + "cuisine": "japanese", + "ingredients": [ + "white rice", + "rice vinegar", + "sugar", + "salt" + ] + }, + { + "id": 48451, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "fat free less sodium chicken broth", + "ground black pepper", + "confit", + "pork shoulder boston butt", + "tomatoes", + "water", + "cooking spray", + "garlic cloves", + "canola oil", + "parsley sprigs", + "chicken sausage", + "cannellini beans", + "thyme", + "white bread", + "kosher salt", + "finely chopped onion", + "sliced carrots", + "bay leaf" + ] + }, + { + "id": 33231, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "gram flour", + "oil", + "salt", + "cashew nuts", + "mint leaves", + "rice flour" + ] + }, + { + "id": 28408, + "cuisine": "mexican", + "ingredients": [ + "chicken bouillon", + "garlic", + "red bell pepper", + "onions", + "tomatoes with juice", + "ground white pepper", + "cooked white rice", + "ground cumin", + "green onions", + "frozen corn kernels", + "celery", + "chicken", + "water", + "salt", + "ground cayenne pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 31551, + "cuisine": "vietnamese", + "ingredients": [ + "tofu", + "peanuts", + "chopped garlic", + "sweet chili sauce", + "cilantro leaves", + "lime juice", + "cucumber", + "soy sauce", + "vegetable oil" + ] + }, + { + "id": 5675, + "cuisine": "mexican", + "ingredients": [ + "milk", + "all-purpose flour", + "vegetable oil", + "baking powder", + "salt" + ] + }, + { + "id": 42592, + "cuisine": "indian", + "ingredients": [ + "kaffir lime leaves", + "peanuts", + "waxy potatoes", + "red chili peppers", + "tamarind paste", + "onions", + "fish sauce", + "Massaman curry paste", + "cinnamon sticks", + "light brown sugar", + "jasmine rice", + "coconut cream", + "beef steak" + ] + }, + { + "id": 28786, + "cuisine": "italian", + "ingredients": [ + "fat free lemon curd", + "orange liqueur", + "light cream cheese", + "powdered sugar" + ] + }, + { + "id": 44617, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chili oil", + "chicken", + "spring onions", + "sichuan peppercorn oil", + "msg", + "ginger", + "sugar", + "szechwan peppercorns", + "toasted sesame seeds" + ] + }, + { + "id": 27694, + "cuisine": "chinese", + "ingredients": [ + "water", + "Shaoxing wine", + "chili bean sauce", + "Chinese egg noodles", + "brown sugar", + "beef shank", + "star anise", + "chinese five-spice powder", + "plum tomatoes", + "fresh ginger", + "green onions", + "salt", + "white radish", + "soy sauce", + "beef stock", + "thai chile", + "garlic cloves" + ] + }, + { + "id": 18644, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "vanilla extract", + "firmly packed light brown sugar", + "butter", + "all-purpose flour", + "pecans", + "egg yolks", + "salt", + "sugar", + "light corn syrup", + "cream cheese, soften" + ] + }, + { + "id": 6763, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "onions", + "lemon extract", + "chicken", + "ground black pepper", + "garlic" + ] + }, + { + "id": 16013, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "grated parmesan cheese", + "vegetable stock", + "garlic cloves", + "olive oil", + "dry white wine", + "white truffle oil", + "fresh basil", + "bay leaves", + "chopped fresh thyme", + "onions", + "shiitake", + "crimini mushrooms", + "butter" + ] + }, + { + "id": 28247, + "cuisine": "french", + "ingredients": [ + "chiles", + "salt", + "bread crumb fresh", + "fresh lemon juice", + "extra-virgin olive oil", + "red bell pepper", + "black pepper", + "garlic cloves" + ] + }, + { + "id": 23542, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "kosher salt", + "salsa", + "pork butt", + "cotija", + "cilantro", + "orange juice", + "ground cumin", + "guajillo chiles", + "garlic", + "ancho chile pepper", + "diced onions", + "flour tortillas", + "ground allspice", + "oregano" + ] + }, + { + "id": 12569, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "chopped onion", + "spinach", + "raisins", + "pinenuts", + "salt", + "ground black pepper" + ] + }, + { + "id": 43729, + "cuisine": "chinese", + "ingredients": [ + "plain flour", + "canola oil", + "salt", + "warm water", + "scallions" + ] + }, + { + "id": 27528, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "pepper", + "fresh ginger", + "green onions", + "Thai red curry paste", + "carrots", + "sambal ulek", + "coconut oil", + "pork shoulder roast", + "jalapeno chilies", + "fried eggs", + "acorn squash", + "low sodium soy sauce", + "brown sugar", + "curry powder", + "white miso", + "sesame oil", + "rice vinegar", + "wild mushrooms", + "five spice", + "black pepper", + "lime", + "low sodium chicken broth", + "cilantro", + "ramen noodles seasoning" + ] + }, + { + "id": 34091, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "water", + "heavy cream", + "corn", + "all-purpose flour", + "chopped fresh chives" + ] + }, + { + "id": 4535, + "cuisine": "mexican", + "ingredients": [ + "sweet chili sauce", + "organic tomato", + "all-purpose flour", + "sour cream", + "iceberg lettuce", + "eggs", + "garlic powder", + "coarse salt", + "oil", + "medium shrimp", + "avocado", + "coconut", + "onion powder", + "hot sauce", + "corn tortillas", + "mayonaise", + "ground black pepper", + "rice vinegar", + "corn starch", + "panko breadcrumbs" + ] + }, + { + "id": 26384, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "coarse salt", + "frozen corn", + "olive oil", + "white rice", + "black pepper", + "diced tomatoes", + "sharp cheddar cheese", + "chili powder", + "black olives" + ] + }, + { + "id": 36305, + "cuisine": "french", + "ingredients": [ + "pitted kalamata olives", + "large garlic cloves", + "fresh rosemary", + "olive oil", + "fresh lemon juice", + "baguette", + "anchovy fillets", + "capers", + "chopped fresh thyme" + ] + }, + { + "id": 28552, + "cuisine": "irish", + "ingredients": [ + "sugar", + "peppermint extract", + "low-fat milk", + "pure vanilla extract", + "color food green", + "vanilla ice cream" + ] + }, + { + "id": 16495, + "cuisine": "thai", + "ingredients": [ + "sugar", + "hot sauce", + "galangal", + "fresh basil", + "green curry paste", + "red bell pepper", + "fish", + "lemongrass", + "peanut oil", + "onions", + "fish sauce", + "fresh ginger", + "coconut milk" + ] + }, + { + "id": 12369, + "cuisine": "indian", + "ingredients": [ + "tandoori spices", + "paneer", + "corn flour", + "diced onions", + "chili powder", + "oil", + "capsicum", + "salt", + "ginger paste", + "garlic paste", + "lemon", + "gram flour" + ] + }, + { + "id": 38492, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "bay leaves", + "crushed red pepper", + "garlic cloves", + "frozen okra", + "diced tomatoes", + "yellow onion", + "celery", + "chicken sausage", + "boneless skinless chicken breasts", + "hot sauce", + "thyme", + "bell pepper", + "white rice", + "kale leaves" + ] + }, + { + "id": 35531, + "cuisine": "vietnamese", + "ingredients": [ + "green onions", + "rice", + "beansprouts", + "fresh cilantro", + "thai chile", + "garlic cloves", + "lettuce", + "rice vermicelli", + "creamy peanut butter", + "fresh mint", + "hoisin sauce", + "rice vinegar", + "shrimp" + ] + }, + { + "id": 25154, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garam masala", + "green chilies", + "garlic paste", + "bell pepper", + "onions", + "red chili powder", + "large eggs", + "oil", + "tumeric", + "cilantro leaves", + "cumin" + ] + }, + { + "id": 37083, + "cuisine": "italian", + "ingredients": [ + "garlic cloves", + "butter", + "coarse kosher salt", + "baby spinach leaves", + "low salt chicken broth", + "all-purpose flour", + "polenta" + ] + }, + { + "id": 15806, + "cuisine": "italian", + "ingredients": [ + "sugar", + "olive oil", + "green onions", + "bread flour", + "black pepper", + "dry yeast", + "salt", + "warm water", + "fresh parmesan cheese", + "balsamic vinegar", + "tomatoes", + "salad greens", + "cooking spray", + "provolone cheese" + ] + }, + { + "id": 35564, + "cuisine": "greek", + "ingredients": [ + "instant rice", + "ground black pepper", + "ground pork", + "lemon juice", + "chicken broth", + "pinenuts", + "raisins", + "chopped onion", + "tangerine juice", + "brandy", + "butter", + "salt", + "ground beef", + "chestnuts", + "salt and ground black pepper", + "turkey", + "orange juice" + ] + }, + { + "id": 775, + "cuisine": "french", + "ingredients": [ + "reduced sodium chicken broth", + "dry white wine", + "California bay leaves", + "orange zest", + "prunes", + "lemon zest", + "confit duck leg", + "rendered duck fat", + "cremini mushrooms", + "leeks", + "extra-virgin olive oil", + "armagnac", + "clove", + "water", + "yukon gold potatoes", + "thyme sprigs" + ] + }, + { + "id": 29787, + "cuisine": "indian", + "ingredients": [ + "unsweetened coconut milk", + "cider vinegar", + "coffee", + "garlic cloves", + "tumeric", + "coconut", + "salt", + "onions", + "cauliflower", + "water", + "vegetable oil", + "medium shrimp", + "chiles", + "tamarind", + "cumin seed" + ] + }, + { + "id": 47686, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "garlic cloves", + "clams", + "grated parmesan cheese", + "linguine", + "italian seasoning", + "fresh basil", + "dry white wine", + "fresh mushrooms", + "ground black pepper", + "red pepper", + "fresh parsley" + ] + }, + { + "id": 31333, + "cuisine": "greek", + "ingredients": [ + "penne", + "diced tomatoes", + "dried oregano", + "ground black pepper", + "feta cheese crumbles", + "tomato paste", + "breakfast sausages", + "fresh parsley", + "eggplant", + "garlic cloves" + ] + }, + { + "id": 11947, + "cuisine": "thai", + "ingredients": [ + "peanuts", + "garlic", + "mango", + "grape tomatoes", + "shallots", + "fresh lime juice", + "fish sauce", + "thai chile", + "dried shrimp", + "palm sugar", + "green beans" + ] + }, + { + "id": 12694, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "pineapple", + "sugar", + "ice water", + "all-purpose flour", + "semolina flour", + "large eggs", + "salt", + "pineapple preserves", + "vegetable shortening", + "fresh lemon juice" + ] + }, + { + "id": 30225, + "cuisine": "italian", + "ingredients": [ + "solid white tuna", + "feta cheese crumbles", + "pinenuts", + "linguine", + "fresh basil", + "extra-virgin olive oil", + "sun-dried tomatoes in oil", + "sliced black olives", + "garlic cloves" + ] + }, + { + "id": 23549, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "chinese five-spice powder", + "fresh ginger", + "fresh chicken stock", + "soy sauce", + "sesame oil", + "clear honey", + "duck" + ] + }, + { + "id": 18303, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "ground cumin", + "cannellini beans", + "roasted tomatoes", + "curry powder", + "garlic cloves", + "crushed red pepper", + "ground turmeric" + ] + }, + { + "id": 10487, + "cuisine": "french", + "ingredients": [ + "dried tarragon leaves", + "ground black pepper", + "extra-virgin olive oil", + "Niçoise olives", + "salad greens", + "cooking spray", + "purple onion", + "fresh parsley", + "red potato", + "cherry tomatoes", + "tuna steaks", + "salt", + "fat free less sodium chicken broth", + "dijon mustard", + "white wine vinegar", + "green beans" + ] + }, + { + "id": 34725, + "cuisine": "cajun_creole", + "ingredients": [ + "ketchup", + "green onions", + "salt", + "fresh parsley", + "mayonaise", + "dijon mustard", + "chopped celery", + "fresh lemon juice", + "cider vinegar", + "worcestershire sauce", + "hot sauce", + "capers", + "prepared horseradish", + "paprika", + "garlic cloves" + ] + }, + { + "id": 10508, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "fresh parsley", + "milk", + "herbes de provence", + "black pepper", + "orzo", + "onions", + "parmesan cheese", + "cream of mushroom soup" + ] + }, + { + "id": 30553, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "corn tortillas", + "ground cumin", + "tomatoes", + "salt", + "cooked chicken breasts", + "chicken stock", + "vegetable oil", + "onions", + "chihuahua cheese", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 31491, + "cuisine": "spanish", + "ingredients": [ + "sherry vinegar", + "garlic cloves", + "manchego cheese", + "red wine vinegar", + "cucumber", + "tomatoes", + "bell pepper", + "country bread", + "ground pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 30700, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "vanilla extract", + "unsweetened cocoa powder", + "chocolate instant pudding", + "cake mix", + "fudge cake mix", + "coca-cola", + "powdered sugar", + "heavy cream", + "chopped pecans" + ] + }, + { + "id": 3130, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "chopped cilantro fresh", + "minced garlic", + "salt", + "tomatoes", + "tomatillos", + "lime juice", + "chopped onion" + ] + }, + { + "id": 46494, + "cuisine": "indian", + "ingredients": [ + "nutmeg", + "water", + "star anise", + "rice", + "curds", + "cinnamon sticks", + "shahi jeera", + "stone flower", + "red chili powder", + "mint leaves", + "salt", + "brown cardamom", + "oil", + "onions", + "clove", + "tomatoes", + "mace", + "garlic", + "green cardamom", + "kewra water", + "bay leaf", + "chicken", + "fennel seeds", + "tumeric", + "ginger", + "cilantro leaves", + "green chilies", + "cardamom", + "peppercorns" + ] + }, + { + "id": 35107, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "basil leaves", + "red pepper flakes", + "grated parmesan cheese", + "red bell pepper" + ] + }, + { + "id": 293, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "bread crumbs", + "coriander seeds", + "salt", + "coconut milk", + "tomato paste", + "garlic paste", + "olive oil", + "white wine vinegar", + "mustard seeds", + "ground cumin", + "red chili powder", + "fresh coriander", + "worcestershire sauce", + "green chilies", + "ground turmeric", + "eggs", + "pepper", + "fresh curry", + "minced beef", + "onions" + ] + }, + { + "id": 654, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "ground sausage", + "cream style corn", + "onions", + "shredded cheddar cheese", + "self-rising cornmeal", + "chopped green bell pepper" + ] + }, + { + "id": 48889, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "cannellini beans", + "chopped cilantro fresh", + "fresh cilantro", + "enchilada sauce", + "ground cumin", + "green chile", + "cooking spray", + "corn tortillas", + "water", + "non-fat sour cream", + "sliced green onions" + ] + }, + { + "id": 5972, + "cuisine": "french", + "ingredients": [ + "fillet red snapper", + "garlic cloves", + "capers", + "anchovy fillets", + "grated lemon peel", + "chicken stock", + "olive oil", + "fresh parsley", + "tomatoes", + "fennel bulb", + "olives" + ] + }, + { + "id": 6280, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "dijon mustard", + "anchovy paste", + "boneless skinless chicken breast halves", + "kosher salt", + "ground black pepper", + "worcestershire sauce", + "olive oil cooking spray", + "romaine lettuce", + "fresh parmesan cheese", + "red wine vinegar", + "fresh lemon juice", + "fat-free croutons", + "water", + "soft tofu", + "extra-virgin olive oil" + ] + }, + { + "id": 12010, + "cuisine": "indian", + "ingredients": [ + "diced onions", + "sweet potatoes", + "peanut oil", + "chopped cilantro fresh", + "large eggs", + "salt", + "garlic cloves", + "water", + "mango chutney", + "cumin seed", + "cauliflower", + "jalapeno chilies", + "all-purpose flour", + "Madras curry powder" + ] + }, + { + "id": 3474, + "cuisine": "french", + "ingredients": [ + "mixed greens", + "vinaigrette", + "dried cranberries", + "tart", + "walnuts" + ] + }, + { + "id": 22143, + "cuisine": "southern_us", + "ingredients": [ + "warm water", + "fresh lemon juice", + "lime zest", + "large egg yolks", + "sweetened condensed milk", + "salted butter", + "fresh lime juice", + "brown sugar", + "graham cracker crumbs" + ] + }, + { + "id": 11119, + "cuisine": "southern_us", + "ingredients": [ + "cream", + "lard", + "sausages", + "shucked oysters", + "flour for dusting", + "quail" + ] + }, + { + "id": 10347, + "cuisine": "french", + "ingredients": [ + "salt", + "egg yolks", + "lemon juice", + "butter", + "cayenne pepper" + ] + }, + { + "id": 27488, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "cherry tomatoes", + "dry white wine", + "grated nutmeg", + "fresh basil", + "unsalted butter", + "whipping cream", + "garlic cloves", + "fettucine", + "asparagus", + "fresh shiitake mushrooms", + "freshly ground pepper", + "sugar pea", + "broccoli florets", + "salt" + ] + }, + { + "id": 36900, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "crushed red pepper", + "pasta", + "center cut bacon", + "oil", + "kale", + "large garlic cloves", + "fresh lemon juice", + "parmigiano reggiano cheese", + "salt" + ] + }, + { + "id": 32466, + "cuisine": "greek", + "ingredients": [ + "parsley leaves", + "lima beans", + "onions", + "pita loaves", + "carrots", + "extra-virgin olive oil", + "red bell pepper", + "large garlic cloves", + "fresh lemon juice" + ] + }, + { + "id": 5634, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "shallots", + "light coconut milk", + "fresh lemon juice", + "red chili peppers", + "Thai red curry paste", + "salt", + "chicken wings", + "water", + "salted roast peanuts", + "garlic cloves", + "sugar", + "vegetable oil", + "white wine vinegar", + "fresh lime juice" + ] + }, + { + "id": 6951, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "Bisquick Original All-Purpose Baking Mix", + "buttermilk", + "dried rosemary", + "salt", + "roasted red peppers", + "garlic cloves" + ] + }, + { + "id": 38722, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "wheat berries", + "garlic", + "fresh lemon juice", + "sugar", + "albacore", + "salt", + "capers", + "olive oil", + "purple onion", + "bay leaf", + "orange", + "hot pepper", + "fresh herbs" + ] + }, + { + "id": 20769, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "minced garlic", + "corn starch", + "fish sauce", + "vegetable oil", + "white sugar", + "cider vinegar", + "paprika", + "chicken wings", + "jalapeno chilies", + "red bell pepper" + ] + }, + { + "id": 18994, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "pancetta", + "dry white wine", + "basil leaves", + "diced tomatoes in juice", + "penne", + "whipping cream" + ] + }, + { + "id": 12330, + "cuisine": "french", + "ingredients": [ + "sugar", + "water", + "vodka", + "prosecco", + "whole cranberry sauce" + ] + }, + { + "id": 31980, + "cuisine": "jamaican", + "ingredients": [ + "goat", + "feet", + "yams", + "water", + "taro", + "salt", + "turnips", + "fresh thyme", + "scotch", + "carrots", + "bananas", + "seeds", + "scallions" + ] + }, + { + "id": 6200, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "chili powder", + "okra", + "cayenne", + "salt", + "cornmeal", + "garlic powder", + "bacon", + "oil", + "black pepper", + "potatoes", + "green pepper", + "onions" + ] + }, + { + "id": 19965, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "sugar", + "all-purpose flour", + "buttermilk", + "large eggs", + "white cornmeal" + ] + }, + { + "id": 27145, + "cuisine": "moroccan", + "ingredients": [ + "preserved lemon", + "chopped tomatoes", + "apricot halves", + "cayenne pepper", + "saffron", + "ground ginger", + "sliced almonds", + "ground black pepper", + "paprika", + "chicken pieces", + "chicken stock", + "tumeric", + "tomato juice", + "raisins", + "oil", + "ground cinnamon", + "olive oil", + "clear honey", + "garlic", + "onions" + ] + }, + { + "id": 17726, + "cuisine": "mexican", + "ingredients": [ + "baking powder", + "all-purpose flour", + "yellow squash", + "salt", + "milk", + "corn chips", + "eggs", + "chile pepper", + "monterey jack" + ] + }, + { + "id": 39615, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "ground black pepper", + "cilantro leaves", + "lemongrass", + "sea salt", + "fresh mint", + "soy sauce", + "kirby cucumbers", + "rice vinegar", + "olive oil", + "ginger" + ] + }, + { + "id": 30473, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "fresh thyme leaves", + "all-purpose flour", + "bone in skin on chicken thigh", + "kosher salt", + "bay leaves", + "Italian parsley leaves", + "celery", + "black pepper", + "unsalted butter", + "buttermilk", + "carrots", + "olive oil", + "baking powder", + "garlic", + "onions" + ] + }, + { + "id": 39772, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "palm sugar", + "red chili peppers", + "boneless skinless chicken breasts", + "fish sauce", + "cooking oil", + "panang curry paste", + "thai basil", + "coconut milk" + ] + }, + { + "id": 4200, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "salt", + "masala", + "coconut oil", + "ghee", + "eggs", + "mustard seeds", + "chicken", + "coconut", + "onions" + ] + }, + { + "id": 43620, + "cuisine": "mexican", + "ingredients": [ + "cilantro", + "taco seasoning", + "onions", + "cheese", + "corn tortillas", + "greens", + "red", + "sour cream", + "browning", + "refried beans", + "salsa", + "chillies" + ] + }, + { + "id": 12333, + "cuisine": "mexican", + "ingredients": [ + "grape tomatoes", + "salt", + "ground cumin", + "cooking spray", + "fresh lime juice", + "olive oil", + "garlic cloves", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 14327, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "all-purpose flour", + "cracked black pepper", + "russet potatoes", + "chopped onion", + "kosher salt", + "bacon fat" + ] + }, + { + "id": 38563, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "diced tomatoes", + "celery", + "dried beans", + "carrots", + "pasta", + "beef broth", + "italian seasoning", + "parmesan cheese", + "dried minced onion" + ] + }, + { + "id": 9741, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "water", + "tamarind juice", + "ground coriander", + "curry paste", + "white pepper", + "garlic powder", + "paprika", + "ground cayenne pepper", + "sugar", + "peanuts", + "sweet soy sauce", + "cucumber", + "ground turmeric", + "minced garlic", + "boneless chicken breast", + "creamy peanut butter", + "coconut milk" + ] + }, + { + "id": 26256, + "cuisine": "jamaican", + "ingredients": [ + "reduced sodium beef broth", + "dried thyme", + "hot pepper sauce", + "green onions", + "peas", + "ground allspice", + "corn starch", + "cold water", + "pepper", + "kidney beans", + "potatoes", + "top sirloin steak", + "yellow onion", + "garlic cloves", + "plum tomatoes", + "celery ribs", + "sugar", + "olive oil", + "reduced sodium soy sauce", + "vegetable oil", + "salt", + "long-grain rice", + "coconut milk", + "steak sauce", + "water", + "garlic powder", + "barbecue sauce", + "scotch bonnet chile", + "rice", + "carrots" + ] + }, + { + "id": 25758, + "cuisine": "indian", + "ingredients": [ + "fat free less sodium chicken broth", + "ground black pepper", + "ground coriander", + "chopped garlic", + "lamb shanks", + "lemongrass", + "salt", + "fresh lime juice", + "curry powder", + "cilantro stems", + "carrots", + "ground cumin", + "lime rind", + "olive oil", + "cilantro leaves", + "onions" + ] + }, + { + "id": 29401, + "cuisine": "italian", + "ingredients": [ + "sugar", + "all purpose unbleached flour", + "baking soda", + "salt", + "roasted cashews", + "large eggs", + "grated orange", + "water", + "vanilla" + ] + }, + { + "id": 5023, + "cuisine": "french", + "ingredients": [ + "parsley sprigs", + "salt", + "fresh sage", + "olive oil", + "bay leaf", + "celery ribs", + "black pepper", + "garlic cloves", + "rosemary sprigs", + "fresh thyme", + "chicken" + ] + }, + { + "id": 16139, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "large eggs", + "sugar", + "fresh ginger", + "salt", + "dashi powder", + "green onions", + "crab", + "dry sherry" + ] + }, + { + "id": 45326, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "bacon", + "Sriracha", + "eggs", + "fresh parsley", + "flour tortillas" + ] + }, + { + "id": 8910, + "cuisine": "mexican", + "ingredients": [ + "butter", + "poblano chiles", + "white onion", + "grated jack cheese", + "salt", + "milk", + "sour cream" + ] + }, + { + "id": 49637, + "cuisine": "cajun_creole", + "ingredients": [ + "whole wheat hamburger buns", + "ground red pepper", + "creole seasoning", + "crumbled blue cheese", + "onion tops", + "iceberg lettuce", + "ground turkey breast", + "paprika", + "feta cheese crumbles", + "ground round", + "cooking spray", + "dry bread crumbs" + ] + }, + { + "id": 38544, + "cuisine": "indian", + "ingredients": [ + "half & half", + "diced tomatoes", + "purple onion", + "spices", + "ginger", + "bird chile", + "boneless skinless chicken breasts", + "cilantro", + "english cucumber", + "mint", + "lemon", + "garlic", + "naan" + ] + }, + { + "id": 46647, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "cilantro", + "sour cream", + "ground cumin", + "boneless pork shoulder roast", + "jalapeno chilies", + "salt", + "marjoram", + "green chile", + "ground black pepper", + "garlic", + "onions", + "water", + "tomatillos", + "all-purpose flour", + "chopped cilantro fresh" + ] + }, + { + "id": 26123, + "cuisine": "moroccan", + "ingredients": [ + "crushed tomatoes", + "cinnamon", + "extra-virgin olive oil", + "carrots", + "red lentils", + "fresh lemon", + "cilantro", + "garlic", + "onions", + "ground black pepper", + "sea salt", + "vegetable broth", + "smoked paprika", + "tumeric", + "parsley", + "ginger", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 36781, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "green bell pepper", + "bacon slices", + "garlic cloves", + "chicken broth", + "water", + "salt", + "cooked rice", + "ground red pepper", + "salt pork", + "red kidney beans", + "black pepper", + "smoked sausage", + "onions" + ] + }, + { + "id": 38947, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "water", + "flour tortillas", + "sour cream", + "taco shells", + "refried beans", + "purple onion", + "avocado", + "shredded cheddar cheese", + "taco seasoning mix", + "salt", + "black pepper", + "fresh lime", + "shredded lettuce", + "ground beef" + ] + }, + { + "id": 45730, + "cuisine": "filipino", + "ingredients": [ + "coconut cream", + "dark brown sugar", + "corn syrup" + ] + }, + { + "id": 4068, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "sugar", + "ground coriander", + "kosher salt", + "ground cumin", + "sweet paprika" + ] + }, + { + "id": 47940, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "garlic cloves", + "sugar", + "crushed red pepper", + "tomato sauce", + "italian seasoning" + ] + }, + { + "id": 41044, + "cuisine": "southern_us", + "ingredients": [ + "bacon slices", + "kosher salt", + "collard greens", + "hot sauce", + "water" + ] + }, + { + "id": 113, + "cuisine": "italian", + "ingredients": [ + "chicken breast halves", + "grated lemon peel", + "pesto", + "chopped walnuts", + "lemon wedge", + "olive oil", + "fresh lemon juice" + ] + }, + { + "id": 3606, + "cuisine": "chinese", + "ingredients": [ + "white onion", + "jalapeno chilies", + "garlic", + "tomato paste", + "whole peeled tomatoes", + "sesame oil", + "pork spareribs", + "kosher salt", + "cane vinegar", + "dark brown sugar", + "soy sauce", + "hoisin sauce", + "ginger", + "red bell pepper" + ] + }, + { + "id": 29701, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "water", + "hot sauce", + "kosher salt", + "lemon", + "bay leaves", + "corn grits" + ] + }, + { + "id": 48882, + "cuisine": "chinese", + "ingredients": [ + "Sriracha", + "garlic", + "corn starch", + "fresh basil", + "green onions", + "peanut oil", + "plum tomatoes", + "sugar", + "brown rice", + "oyster sauce", + "cold water", + "pork tenderloin", + "salt", + "ground white pepper" + ] + }, + { + "id": 22607, + "cuisine": "korean", + "ingredients": [ + "sweet rice", + "garlic", + "boneless chicken breast", + "scallions", + "zucchini", + "carrots", + "water", + "salt" + ] + }, + { + "id": 12503, + "cuisine": "vietnamese", + "ingredients": [ + "garlic", + "scallions", + "vietnamese fish sauce", + "vegetable oil", + "japanese eggplants" + ] + }, + { + "id": 32369, + "cuisine": "vietnamese", + "ingredients": [ + "coconut juice", + "water", + "pork loin", + "oil", + "brown sugar", + "asian basil", + "salt", + "rice paper", + "fish sauce", + "pork rind", + "garlic", + "ground white pepper", + "butter lettuce", + "mint leaves", + "rice vinegar" + ] + }, + { + "id": 36836, + "cuisine": "japanese", + "ingredients": [ + "sushi rice", + "rice vinegar", + "caster sugar", + "smoked salmon" + ] + }, + { + "id": 24038, + "cuisine": "indian", + "ingredients": [ + "low sodium vegetable broth", + "diced tomatoes", + "coconut milk", + "pepper", + "extra firm tofu", + "salt", + "onions", + "fresh ginger", + "garlic", + "chopped cilantro", + "curry powder", + "vegetable oil", + "carrots", + "basmati rice" + ] + }, + { + "id": 13367, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "okra", + "corn oil", + "white sugar", + "green bell pepper", + "onions", + "white vinegar", + "bacon" + ] + }, + { + "id": 43460, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chili powder", + "frozen corn", + "sour cream", + "avocado", + "boneless skinless chicken breasts", + "diced tomatoes", + "hot sauce", + "cumin", + "green onions", + "shredded lettuce", + "salsa", + "chopped cilantro", + "chicken stock", + "brown rice", + "salt", + "shredded cheese" + ] + }, + { + "id": 36566, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame oil", + "ground white pepper", + "egg noodles", + "garlic", + "fillets", + "light soy sauce", + "cornflour", + "beansprouts", + "dark soy sauce", + "spring onions", + "oyster sauce", + "onions" + ] + }, + { + "id": 4341, + "cuisine": "russian", + "ingredients": [ + "coriander seeds", + "garlic cloves", + "cider vinegar", + "cayenne pepper", + "salt", + "onions", + "vegetable oil", + "carrots" + ] + }, + { + "id": 35810, + "cuisine": "japanese", + "ingredients": [ + "large egg whites", + "large eggs", + "sugar", + "mirin", + "scallions", + "reduced sodium soy sauce", + "boneless skinless chicken breasts", + "reduced sodium chicken broth", + "quick cooking brown rice" + ] + }, + { + "id": 17198, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chopped celery", + "chopped parsley", + "avocado", + "chicken breast halves", + "chopped onion", + "orzo pasta", + "cilantro leaves", + "chicken broth", + "garlic", + "lemon juice" + ] + }, + { + "id": 14524, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "olive oil", + "garlic", + "lime juice", + "jalapeno chilies", + "plum tomatoes", + "pita bread", + "lime", + "cilantro", + "kosher salt", + "garlic powder", + "purple onion" + ] + }, + { + "id": 5401, + "cuisine": "southern_us", + "ingredients": [ + "smoked bacon", + "dry white wine", + "salt", + "sliced green onions", + "salted butter", + "butter", + "shrimp", + "shiitake", + "shallots", + "freshly ground pepper", + "water", + "whole milk", + "garlic", + "grits" + ] + }, + { + "id": 37841, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "mirin", + "onions", + "beef", + "white sesame seeds", + "sake", + "sesame oil" + ] + }, + { + "id": 40699, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "fusilli", + "fresh basil leaves", + "roasted pistachios", + "salt", + "lemon wedge", + "garlic cloves", + "fresh parmesan cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 38713, + "cuisine": "italian", + "ingredients": [ + "kale", + "California bay leaves", + "unsalted chicken stock", + "extra-virgin olive oil", + "thyme sprigs", + "pancetta", + "unsalted butter", + "rib", + "parsley sprigs", + "garlic", + "onions" + ] + }, + { + "id": 20255, + "cuisine": "filipino", + "ingredients": [ + "saffron threads", + "lime rind", + "peeled fresh ginger", + "cilantro leaves", + "long grain white rice", + "lower sodium chicken broth", + "water", + "chicken breast halves", + "garlic cloves", + "eggs", + "white onion", + "cilantro stems", + "dark sesame oil", + "sliced green onions", + "fish sauce", + "cream sherry", + "ginger", + "carrots" + ] + }, + { + "id": 1736, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "zucchini", + "bacon", + "kimchi", + "short-grain rice", + "vegetable oil", + "garlic", + "Korean chile flakes", + "ground black pepper", + "fried eggs", + "carrots", + "shiitake", + "spring onions", + "sea salt" + ] + }, + { + "id": 28072, + "cuisine": "southern_us", + "ingredients": [ + "water", + "bay leaves", + "onions", + "ham steak", + "unsalted butter", + "carrots", + "table salt", + "fresh thyme", + "green split peas", + "celery ribs", + "ground black pepper", + "garlic cloves", + "thick-cut bacon" + ] + }, + { + "id": 9523, + "cuisine": "korean", + "ingredients": [ + "dashi", + "hot pepper", + "garlic paste", + "potatoes", + "onions", + "zucchini", + "fresh mushrooms", + "water", + "soft tofu", + "bean curd" + ] + }, + { + "id": 7873, + "cuisine": "greek", + "ingredients": [ + "pepper", + "butter", + "white sugar", + "olive oil", + "salt", + "water", + "lamb shoulder", + "ground cinnamon", + "quinces", + "onions" + ] + }, + { + "id": 22384, + "cuisine": "italian", + "ingredients": [ + "pepper", + "and fat free half half", + "baking potatoes", + "fresh rosemary", + "salt", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 15143, + "cuisine": "italian", + "ingredients": [ + "capers", + "olive oil", + "dijon mustard", + "diced tomatoes", + "garlic", + "flat leaf parsley", + "olives", + "white wine", + "sherry vinegar", + "grated parmesan cheese", + "anchovy paste", + "salt", + "truffle salt", + "fresh oregano leaves", + "radicchio", + "endive", + "crushed red pepper flakes", + "artichokes", + "whole wheat thin spaghetti", + "honey", + "ground black pepper", + "lemon", + "extra-virgin olive oil", + "garlic cloves", + "arugula" + ] + }, + { + "id": 29954, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "water", + "orzo pasta", + "all-purpose flour", + "onions", + "tomato paste", + "salt and ground black pepper", + "chicken stock cubes", + "celery", + "ground ginger", + "olive oil", + "yellow lentils", + "hot water", + "chopped cilantro fresh", + "tomatoes", + "garbanzo beans", + "beef stew meat", + "fresh parsley" + ] + }, + { + "id": 11912, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "salt", + "pepper", + "fresh mozzarella", + "boneless skinless chicken breasts", + "italian seasoning", + "roasted red peppers", + "basil" + ] + }, + { + "id": 15058, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "carrots", + "sugar", + "rice vinegar", + "savoy cabbage", + "chili paste with garlic", + "red bell pepper", + "low sodium soy sauce", + "cilantro leaves", + "somen" + ] + }, + { + "id": 49603, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "vegetable oil", + "green beans", + "curry leaves", + "fenugreek", + "tamarind paste", + "red chili peppers", + "yellow lentils", + "asafoetida", + "shallots", + "black mustard seeds" + ] + }, + { + "id": 19075, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "extra-virgin olive oil", + "grated parmesan cheese", + "spaghetti", + "kosher salt", + "garlic cloves", + "loosely packed fresh basil leaves" + ] + }, + { + "id": 9054, + "cuisine": "italian", + "ingredients": [ + "sugar", + "ground black pepper", + "red pepper flakes", + "penne pasta", + "sage", + "ground ginger", + "kosher salt", + "boneless skinless chicken breasts", + "paprika", + "cream cheese", + "black pepper", + "grated parmesan cheese", + "bacon", + "sauce", + "chicken", + "rub", + "garlic powder", + "onion powder", + "salt", + "heavy whipping cream" + ] + }, + { + "id": 2328, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "olive oil flavored cooking spray", + "baguette", + "shallots", + "fresh parsley", + "fresh basil", + "mushrooms", + "garlic cloves", + "olive oil", + "crumbled ricotta salata cheese", + "fresh basil leaves" + ] + }, + { + "id": 10218, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "green onions", + "salt", + "fat free less sodium chicken broth", + "frozen whole kernel corn", + "butter", + "chopped cilantro fresh", + "olive oil", + "brown rice", + "fresh lime juice", + "black beans", + "ground black pepper", + "diced tomatoes", + "ground cumin" + ] + }, + { + "id": 48565, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "olive oil", + "russet potatoes", + "green chilies", + "ground cumin", + "kosher salt", + "mint leaves", + "ground tumeric", + "lemon juice", + "plain yogurt", + "large eggs", + "cilantro", + "peanut oil", + "spanish onion", + "chili powder", + "purple onion", + "panko breadcrumbs" + ] + }, + { + "id": 35868, + "cuisine": "italian", + "ingredients": [ + "capers", + "pecorino romano cheese", + "olive oil", + "low salt chicken broth", + "kosher salt", + "garlic cloves", + "russet potatoes", + "onions" + ] + }, + { + "id": 28845, + "cuisine": "british", + "ingredients": [ + "vegetable shortening", + "baking soda", + "salt", + "old-fashioned oats", + "all-purpose flour", + "sugar", + "buttermilk" + ] + }, + { + "id": 31384, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "orange juice", + "shredded carrots", + "sliced green onions", + "rice vinegar", + "reduced-sodium tamari sauce", + "lemon juice" + ] + }, + { + "id": 19106, + "cuisine": "italian", + "ingredients": [ + "spanish onion", + "finely chopped fresh parsley", + "yellow bell pepper", + "kosher salt", + "ground black pepper", + "grated parmesan cheese", + "rotini", + "olive oil", + "green bell pepper, slice", + "garlic cloves", + "crushed tomatoes", + "broiler chicken", + "crimini mushrooms" + ] + }, + { + "id": 9588, + "cuisine": "irish", + "ingredients": [ + "tomato paste", + "vegetable oil", + "carrots", + "frozen peas", + "unsalted butter", + "salt", + "ground beef", + "milk", + "russet potatoes", + "flat leaf parsley", + "fresh thyme leaves", + "beef broth", + "onions" + ] + }, + { + "id": 6824, + "cuisine": "italian", + "ingredients": [ + "sliced almonds", + "leaves", + "brie cheese", + "cauliflower", + "water", + "dry white wine", + "reduced sodium chicken broth", + "unsalted butter", + "thyme sprigs", + "arborio rice", + "olive oil", + "florets" + ] + }, + { + "id": 22835, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "jasmine rice", + "vegetable stock", + "firm tofu", + "red bell pepper", + "unsweetened coconut milk", + "fish sauce", + "shallots", + "chile de arbol", + "kabocha squash", + "fresh basil", + "peanuts", + "ginger", + "tamarind concentrate", + "fresh lime juice", + "cauliflower", + "kosher salt", + "vegetable oil", + "acorn squash", + "carrots" + ] + }, + { + "id": 10120, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "salt", + "onions", + "beans", + "garam masala", + "garlic cloves", + "red chili powder", + "olive oil", + "green chilies", + "ground cumin", + "rolled oats", + "yellow bell pepper", + "fresh mint" + ] + }, + { + "id": 533, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "creole seasoning", + "minced garlic", + "worcestershire sauce", + "jumbo shrimp", + "french bread", + "fresh lemon juice", + "ground black pepper", + "cracked black pepper" + ] + }, + { + "id": 13926, + "cuisine": "french", + "ingredients": [ + "fennel bulb", + "shells", + "flat leaf parsley", + "whole peeled tomatoes", + "orange juice", + "saffron", + "olive oil", + "garlic", + "juice", + "orange zest", + "seafood stock", + "halibut", + "onions" + ] + }, + { + "id": 22763, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "sweetened condensed milk", + "vanilla extract", + "evaporated milk", + "white sugar" + ] + }, + { + "id": 49261, + "cuisine": "mexican", + "ingredients": [ + "lime", + "cilantro leaves", + "chipotle paste", + "romaine lettuce", + "garlic", + "rice", + "avocado", + "roma tomatoes", + "salsa", + "sour cream", + "black beans", + "salt", + "whole kernel corn, drain" + ] + }, + { + "id": 27028, + "cuisine": "french", + "ingredients": [ + "salt", + "sherry", + "green beans", + "shallots", + "grated orange", + "unsalted butter", + "freshly ground pepper" + ] + }, + { + "id": 37074, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "sea salt", + "onions", + "fresh basil", + "large eggs", + "extra-virgin olive oil", + "dried oregano", + "water", + "potatoes", + "flat leaf parsley", + "celery ribs", + "parmigiano reggiano cheese", + "cracked black pepper", + "plum tomatoes" + ] + }, + { + "id": 28776, + "cuisine": "irish", + "ingredients": [ + "pepper", + "salt", + "beer", + "Jameson Irish Whiskey", + "honey", + "cream cheese", + "brown mustard", + "dried thyme", + "cayenne pepper", + "onions", + "sugar", + "butter", + "sharp cheddar cheese" + ] + }, + { + "id": 27348, + "cuisine": "italian", + "ingredients": [ + "italian style stewed tomatoes", + "garlic", + "ground black pepper", + "sliced carrots", + "chopped cilantro fresh", + "sausage links", + "zucchini", + "beef broth", + "great northern beans", + "white hominy", + "salt" + ] + }, + { + "id": 2073, + "cuisine": "indian", + "ingredients": [ + "flour", + "cream", + "ghee", + "sugar", + "salt", + "water", + "yeast" + ] + }, + { + "id": 42557, + "cuisine": "thai", + "ingredients": [ + "warm water", + "scallions", + "sambal ulek", + "lime juice", + "soy sauce", + "sugar", + "chunky peanut butter" + ] + }, + { + "id": 47970, + "cuisine": "thai", + "ingredients": [ + "sake", + "cooking spray", + "salt", + "bok choy", + "canola oil", + "brown sugar", + "ground black pepper", + "light coconut milk", + "Thai fish sauce", + "basmati rice", + "water", + "green onions", + "red curry paste", + "chopped cilantro fresh", + "salmon fillets", + "peeled fresh ginger", + "seasoned rice wine vinegar", + "fresh lime juice" + ] + }, + { + "id": 43639, + "cuisine": "japanese", + "ingredients": [ + "chinese mustard", + "ramen noodles", + "white sugar", + "chicken stock", + "soy sauce", + "carrots", + "eggs", + "sesame oil", + "cucumber", + "white vinegar", + "cooked ham", + "chili oil", + "nori" + ] + }, + { + "id": 28787, + "cuisine": "southern_us", + "ingredients": [ + "unflavored gelatin", + "granulated sugar", + "heavy cream", + "pure vanilla extract", + "sugar", + "baking powder", + "cream cheese", + "pecans", + "dark rum", + "praline syrup", + "eggs", + "water", + "bourbon whiskey", + "confectioners sugar" + ] + }, + { + "id": 17684, + "cuisine": "italian", + "ingredients": [ + "hot cocoa mix", + "skim milk", + "instant espresso", + "sugar", + "crushed ice", + "water", + "boiling water" + ] + }, + { + "id": 44261, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "white cornmeal", + "butter", + "buttermilk", + "large eggs" + ] + }, + { + "id": 21039, + "cuisine": "british", + "ingredients": [ + "sugar", + "strawberries", + "heavy cream", + "chambord" + ] + }, + { + "id": 7732, + "cuisine": "southern_us", + "ingredients": [ + "red potato", + "Dungeness crabs", + "sea salt", + "sausage links", + "lemon", + "bulb", + "vidalia onion", + "Pale Ale", + "garlic", + "corn", + "old bay seasoning" + ] + }, + { + "id": 17151, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "butter", + "coconut milk", + "shredded coconut", + "salt", + "sugar", + "vanilla", + "sweet rice flour", + "baking powder", + "sour cream" + ] + }, + { + "id": 35432, + "cuisine": "southern_us", + "ingredients": [ + "salt free herb seasoning", + "salt and ground black pepper", + "oil", + "eggs", + "all-purpose flour", + "veal cutlets" + ] + }, + { + "id": 43101, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "chicken broth", + "potatoes", + "evaporated milk", + "corn kernel whole", + "white onion", + "butter" + ] + }, + { + "id": 37939, + "cuisine": "italian", + "ingredients": [ + "fettuccine pasta", + "feta cheese crumbles", + "fresh basil", + "extra-virgin olive oil", + "pitted kalamata olives", + "purple onion", + "tomatoes", + "ground black pepper" + ] + }, + { + "id": 27401, + "cuisine": "filipino", + "ingredients": [ + "water", + "salt", + "noodles", + "spring roll wrappers", + "pork sirloin", + "oil", + "cabbage", + "ground black pepper", + "all-purpose flour", + "boneless skinless chicken breast halves", + "msg", + "apple cider vinegar", + "carrots", + "chopped garlic" + ] + }, + { + "id": 2463, + "cuisine": "mexican", + "ingredients": [ + "coffee granules", + "cinnamon sticks", + "1% low-fat milk", + "sugar", + "marshmallow creme", + "vanilla extract", + "unsweetened cocoa powder" + ] + }, + { + "id": 32902, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salt", + "dried basil", + "bacon", + "cooked white rice", + "tomatoes", + "red pepper", + "okra", + "dried thyme", + "garlic", + "onions" + ] + }, + { + "id": 43590, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "vanilla extract", + "ground cinnamon", + "dry yeast", + "all-purpose flour", + "water", + "salt", + "shortening", + "pumpkin" + ] + }, + { + "id": 12982, + "cuisine": "spanish", + "ingredients": [ + "bottled clam juice", + "kalamata", + "flat leaf parsley", + "mussels", + "zucchini", + "purple onion", + "clams", + "fennel", + "extra-virgin olive oil", + "chorizo sausage", + "tomatoes", + "dry white wine", + "red bell pepper" + ] + }, + { + "id": 7517, + "cuisine": "irish", + "ingredients": [ + "sugar", + "butter", + "grated orange", + "baking soda", + "salt", + "milk", + "buttermilk", + "dried cranberries", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 37578, + "cuisine": "italian", + "ingredients": [ + "low-fat buttermilk", + "grated lemon zest", + "unflavored gelatin", + "whole milk", + "apple juice", + "sugar", + "mint sprigs", + "fresh lemon juice", + "cooking spray", + "blueberries" + ] + }, + { + "id": 5189, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "red pepper flakes", + "unsalted cashews", + "garlic", + "reduced sodium soy sauce", + "ginger", + "brown sugar", + "chicken breasts", + "rice vinegar" + ] + }, + { + "id": 10918, + "cuisine": "british", + "ingredients": [ + "salt", + "white sugar", + "cream cheese", + "heavy cream" + ] + }, + { + "id": 46304, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "lean ground beef", + "fresh parsley", + "fresh rosemary", + "grated parmesan cheese", + "Italian seasoned breadcrumbs", + "large eggs", + "cracked black pepper", + "onions", + "fresh basil", + "marinara sauce", + "garlic cloves" + ] + }, + { + "id": 19304, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "carrots", + "plain yogurt", + "peeled fresh ginger", + "onions", + "yellow mustard seeds", + "coriander seeds", + "grate lime peel", + "coconut oil", + "lime", + "low salt chicken broth" + ] + }, + { + "id": 48748, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "ground cayenne pepper", + "sugar", + "frozen corn kernels", + "salt", + "coconut milk", + "olive oil", + "corn starch" + ] + }, + { + "id": 13608, + "cuisine": "mexican", + "ingredients": [ + "sesame", + "boneless skinless chicken breasts", + "stir fry sauce", + "soy sauce", + "slaw mix", + "sauce", + "coleslaw dressing", + "wonton wrappers", + "onion tops", + "olive oil", + "cilantro" + ] + }, + { + "id": 29729, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "diced tomatoes", + "oil", + "jalapeno chilies", + "beef broth", + "cumin", + "poblano peppers", + "salt", + "oregano", + "black beans", + "chili powder", + "green chilies", + "beef roast" + ] + }, + { + "id": 25168, + "cuisine": "greek", + "ingredients": [ + "water", + "pita bread rounds", + "salt", + "olive oil", + "coarse salt", + "honey", + "tahini", + "lemon juice", + "fresh rosemary", + "garbanzo beans", + "garlic" + ] + }, + { + "id": 35718, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "sugar", + "white hominy", + "coarse salt", + "roasting chickens", + "red bell pepper", + "chopped cilantro", + "ground cumin", + "ground cinnamon", + "kale", + "flour tortillas", + "yellow onion", + "scallions", + "fresh lime juice", + "canola oil", + "chicken stock", + "chipotle chile", + "radishes", + "tomatoes with juice", + "ground coriander", + "poblano chiles", + "dried oregano", + "cremini mushrooms", + "ground black pepper", + "jalapeno chilies", + "goat cheese", + "garlic cloves", + "adobo sauce", + "orange zest" + ] + }, + { + "id": 31847, + "cuisine": "irish", + "ingredients": [ + "powdered sugar", + "all-purpose flour", + "butter", + "salt", + "baking powder" + ] + }, + { + "id": 49192, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "milk", + "salt", + "pork sausages", + "chicken broth", + "ground nutmeg", + "fresh parsley", + "cornbread", + "dried thyme", + "chopped pecans", + "pepper", + "dry sherry", + "onions" + ] + }, + { + "id": 3795, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "apples", + "brandy", + "lemon juice", + "brown sugar", + "salt", + "nutmeg", + "cinnamon", + "panko breadcrumbs" + ] + }, + { + "id": 9204, + "cuisine": "italian", + "ingredients": [ + "water", + "cinnamon", + "ricotta", + "candied orange peel", + "unsalted butter", + "fine sea salt", + "lard", + "semolina flour", + "granulated sugar", + "all-purpose flour", + "large egg yolks", + "vanilla", + "confectioners sugar" + ] + }, + { + "id": 45881, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "kosher salt", + "butter", + "white wine", + "dried basil", + "saffron", + "clams", + "bottled clam juice", + "ground black pepper", + "salmon", + "water", + "yellow onion" + ] + }, + { + "id": 36216, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "olive oil", + "pecorino romano cheese", + "mozzarella cheese", + "ricotta cheese", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 28814, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "unsalted butter", + "all-purpose flour", + "milk", + "baking powder", + "firmly packed brown sugar", + "granulated sugar", + "strawberries", + "peaches", + "salt" + ] + }, + { + "id": 33528, + "cuisine": "southern_us", + "ingredients": [ + "fresh dill", + "garlic powder", + "large eggs", + "vegetable oil", + "cayenne pepper", + "sugar", + "ground black pepper", + "baking powder", + "buttermilk", + "chicken thighs", + "kosher salt", + "unsalted butter", + "onion powder", + "all-purpose flour", + "cheddar cheese", + "baking soda", + "gravy", + "vegetable shortening", + "peanut oil" + ] + }, + { + "id": 29364, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "taco seasoning mix", + "all-purpose flour", + "shredded cheddar cheese", + "shredded lettuce", + "pinto beans", + "picante sauce", + "baking powder", + "oil", + "milk", + "salt", + "ground beef" + ] + }, + { + "id": 7826, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "butter", + "Daisy Sour Cream", + "flour", + "chopped pecans", + "granulated sugar", + "vanilla extract", + "eggs", + "sweet potatoes" + ] + }, + { + "id": 21250, + "cuisine": "thai", + "ingredients": [ + "fresh red chili", + "fish sauce", + "lime juice", + "sauce", + "fresh basil", + "red chili peppers", + "stir fry sauce", + "oyster sauce", + "eggs", + "brown sugar", + "green onions", + "oil", + "chicken stock", + "dark soy sauce", + "pork", + "garlic" + ] + }, + { + "id": 1533, + "cuisine": "indian", + "ingredients": [ + "dumpling wrappers", + "cilantro", + "cayenne pepper", + "black pepper", + "garam masala", + "garlic", + "chopped cilantro fresh", + "curry powder", + "green onions", + "salt", + "ginger paste", + "tomatoes", + "olive oil", + "ground pork", + "onions" + ] + }, + { + "id": 40379, + "cuisine": "indian", + "ingredients": [ + "curry paste", + "boneless skinless chicken breasts", + "olive oil", + "onions", + "diced tomatoes" + ] + }, + { + "id": 25359, + "cuisine": "cajun_creole", + "ingredients": [ + "corn", + "tomatoes", + "smoked sausage", + "seasoning", + "garlic", + "pepper", + "rice" + ] + }, + { + "id": 25541, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "fresh herbs", + "extra-virgin olive oil", + "ground black pepper", + "fat", + "grated lemon zest" + ] + }, + { + "id": 47301, + "cuisine": "italian", + "ingredients": [ + "eggs", + "garlic", + "onions", + "bread crumb fresh", + "fresh parsley", + "ketchup", + "ground beef", + "tomato sauce", + "carrots", + "white sugar" + ] + }, + { + "id": 484, + "cuisine": "irish", + "ingredients": [ + "chicken stock", + "leeks", + "salt", + "onions", + "pepper", + "bacon", + "thyme", + "black pepper", + "bay leaves", + "beer", + "pork sausages", + "soda bread", + "potatoes", + "garlic", + "flat leaf parsley" + ] + }, + { + "id": 19442, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "corn starch", + "salt", + "water", + "soy sauce", + "broth" + ] + }, + { + "id": 28913, + "cuisine": "british", + "ingredients": [ + "pitted date", + "large eggs", + "vanilla extract", + "baking soda", + "light corn syrup", + "all-purpose flour", + "golden brown sugar", + "baking powder", + "salt", + "sugar", + "unsalted butter", + "whipping cream", + "boiling water" + ] + }, + { + "id": 30029, + "cuisine": "greek", + "ingredients": [ + "marinara sauce", + "pepper", + "feta cheese crumbles", + "lamb steaks", + "part-skim mozzarella cheese", + "thin pizza crust" + ] + }, + { + "id": 14045, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chicken breasts", + "garlic", + "cumin", + "brown sugar", + "lime", + "vegetable oil", + "cayenne pepper", + "avocado", + "fresh cilantro", + "chili powder", + "salt", + "kosher salt", + "low-fat greek yogurt", + "paprika", + "chipotles in adobo" + ] + }, + { + "id": 28594, + "cuisine": "vietnamese", + "ingredients": [ + "lettuce", + "peanuts", + "red pepper flakes", + "beansprouts", + "white sugar", + "lime juice", + "radishes", + "garlic", + "medium shrimp", + "fish sauce", + "thai basil", + "rice vermicelli", + "chopped cilantro", + "canola oil", + "white vinegar", + "pickled carrots", + "shallots", + "english cucumber", + "chopped fresh mint" + ] + }, + { + "id": 37893, + "cuisine": "french", + "ingredients": [ + "sugar", + "unsalted butter", + "edible flowers", + "tart apples", + "pastry", + "anise", + "apple brandy" + ] + }, + { + "id": 43938, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salted butter", + "bourbon whiskey", + "buttermilk", + "corn starch", + "cold water", + "honey", + "cayenne", + "onion powder", + "cayenne pepper", + "panko breadcrumbs", + "corn", + "garlic powder", + "chili powder", + "salt", + "smoked paprika", + "soy sauce", + "whole wheat flour", + "dijon mustard", + "Tabasco Pepper Sauce", + "bbq sauce", + "chicken" + ] + }, + { + "id": 15518, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "sweetened condensed milk", + "salt and ground black pepper", + "white cheddar cheese", + "shredded cheddar cheese", + "summer squash", + "zucchini", + "onions" + ] + }, + { + "id": 12063, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "salt", + "onion powder", + "oregano", + "chili powder", + "cayenne pepper", + "pepper", + "red pepper flakes", + "cumin" + ] + }, + { + "id": 14642, + "cuisine": "italian", + "ingredients": [ + "warm water", + "salt", + "olive oil", + "bread flour", + "water", + "all-purpose flour", + "fresh rosemary", + "dry yeast" + ] + }, + { + "id": 13144, + "cuisine": "southern_us", + "ingredients": [ + "sweet potatoes", + "white sugar", + "ground cinnamon", + "vanilla extract", + "butter", + "ground nutmeg", + "salt" + ] + }, + { + "id": 13448, + "cuisine": "thai", + "ingredients": [ + "tomatoes", + "lemongrass", + "light coconut milk", + "fish sauce", + "green onions", + "chopped cilantro fresh", + "kaffir lime leaves", + "shiitake", + "fresh lime juice", + "fat free less sodium chicken broth", + "chile pepper", + "large shrimp" + ] + }, + { + "id": 7527, + "cuisine": "chinese", + "ingredients": [ + "ground turkey breast", + "green peas", + "garlic cloves", + "sugar", + "cooking spray", + "salt", + "ground white pepper", + "low sodium soy sauce", + "hoisin sauce", + "crushed red pepper", + "corn starch", + "water", + "green onions", + "rice vinegar" + ] + }, + { + "id": 15467, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "garlic", + "kosher salt", + "large eggs", + "chinese chives", + "baking soda", + "ground white pepper", + "milk", + "vegetable oil", + "medium shrimp" + ] + }, + { + "id": 39006, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken skinless thigh", + "crushed tomatoes", + "kosher salt", + "ground cumin", + "black pepper", + "salsa", + "chili pepper" + ] + }, + { + "id": 38342, + "cuisine": "chinese", + "ingredients": [ + "chicken wings", + "sesame oil", + "light soy sauce", + "water", + "crushed garlic", + "dark soy sauce", + "green onions" + ] + }, + { + "id": 29490, + "cuisine": "italian", + "ingredients": [ + "capers", + "lemon slices", + "butter", + "fresh parsley", + "chicken stock", + "Sicilian olives", + "boneless skinless chicken breast halves", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 15854, + "cuisine": "thai", + "ingredients": [ + "green onions", + "roasted peanuts", + "Italian cheese", + "baked pizza crust", + "boneless skinless chicken breast halves", + "peanut sauce", + "beansprouts", + "shredded carrots", + "peanut butter" + ] + }, + { + "id": 13406, + "cuisine": "italian", + "ingredients": [ + "blue cheese dressing", + "angel hair", + "boneless skinless chicken breast halves", + "Alfredo sauce", + "fresh tomatoes", + "steak seasoning" + ] + }, + { + "id": 18979, + "cuisine": "british", + "ingredients": [ + "pesto sauce", + "puff pastry", + "marmite", + "relish", + "sundried tomato paste", + "mature cheddar", + "flour" + ] + }, + { + "id": 28561, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "sour cream", + "lettuce", + "cream of chicken soup", + "green chilies", + "shredded cheddar cheese", + "salsa", + "corn tortillas", + "tomatoes", + "cooked chicken", + "enchilada sauce" + ] + }, + { + "id": 47475, + "cuisine": "italian", + "ingredients": [ + "white wine vinegar", + "olive oil", + "oregano", + "water", + "garlic cloves", + "eggplant" + ] + }, + { + "id": 2920, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh basil", + "salt", + "sugar", + "rice vinegar", + "tomatoes", + "purple onion" + ] + }, + { + "id": 44440, + "cuisine": "thai", + "ingredients": [ + "sugar", + "minced garlic", + "rice noodles", + "peanut butter", + "eggs", + "ketchup", + "peanuts", + "crushed red pepper flakes", + "sliced green onions", + "soy sauce", + "lime", + "cilantro", + "beansprouts", + "fish sauce", + "white onion", + "boneless skinless chicken breasts", + "salt" + ] + }, + { + "id": 48394, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "fresh ginger", + "white wine", + "scallions", + "soy sauce", + "garlic", + "sea bass", + "olive oil" + ] + }, + { + "id": 37306, + "cuisine": "chinese", + "ingredients": [ + "granulated sugar", + "boneless skinless chicken breasts", + "rice vinegar", + "chicken broth", + "green onions", + "coarse salt", + "corn starch", + "peeled fresh ginger", + "vegetable oil", + "garlic cloves", + "soy sauce", + "unsalted cashews", + "dry sherry" + ] + }, + { + "id": 41974, + "cuisine": "filipino", + "ingredients": [ + "water", + "pork spareribs", + "sweet chili sauce", + "salt and ground black pepper" + ] + }, + { + "id": 8601, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "kosher salt", + "sesame oil", + "medium shrimp", + "soy sauce", + "ground black pepper", + "frozen corn", + "frozen peas", + "cooked rice", + "olive oil", + "garlic", + "onions", + "white pepper", + "green onions", + "carrots" + ] + }, + { + "id": 950, + "cuisine": "southern_us", + "ingredients": [ + "au jus gravy mix", + "butter", + "gravy master", + "pork spare ribs", + "hot sauce", + "Jack Daniels Whiskey", + "pepperoncini", + "water", + "ranch dressing", + "corn starch" + ] + }, + { + "id": 25015, + "cuisine": "mexican", + "ingredients": [ + "guajillo chiles", + "cinnamon", + "ancho chile pepper", + "cumin", + "agave nectar", + "salt", + "boned lamb shoulder", + "water", + "garlic", + "onions", + "brewed coffee", + "carrots", + "oregano" + ] + }, + { + "id": 5437, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "spaghetti", + "bread crumb fresh", + "anchovy fillets", + "large garlic cloves", + "flat leaf parsley", + "red chili peppers", + "salt" + ] + }, + { + "id": 2093, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "water", + "deveined shrimp", + "onions", + "soy sauce", + "hot chili oil", + "roasted peanuts", + "minced garlic", + "balsamic vinegar", + "corn starch", + "pepper", + "sesame oil", + "scallions" + ] + }, + { + "id": 45221, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "sesame oil", + "bottled chili sauce", + "peeled fresh ginger", + "garlic chili sauce", + "sherry", + "chinese five-spice powder", + "pork baby back ribs", + "onion powder" + ] + }, + { + "id": 41875, + "cuisine": "mexican", + "ingredients": [ + "powdered sugar", + "light corn syrup", + "unsweetened chocolate", + "unsweetened cocoa powder", + "instant espresso powder", + "vanilla extract", + "chopped pecans", + "ground cinnamon", + "unsalted butter", + "cookie crumbs", + "boiling water", + "sugar", + "whipping cream", + "caramel ice cream" + ] + }, + { + "id": 8616, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "grated lemon peel", + "flat leaf parsley", + "garlic cloves", + "campanelle" + ] + }, + { + "id": 39838, + "cuisine": "southern_us", + "ingredients": [ + "coconut milk", + "Jell-O Gelatin", + "cream style corn", + "agar" + ] + }, + { + "id": 39322, + "cuisine": "mexican", + "ingredients": [ + "boneless, skinless chicken breast", + "radishes", + "chipotles in adobo", + "sugar", + "refried beans", + "knorr chicken flavor bouillon", + "chopped cilantro fresh", + "lime juice", + "garlic", + "onions", + "tostadas", + "olive oil", + "hellmann' or best food real mayonnais", + "mango" + ] + }, + { + "id": 23897, + "cuisine": "french", + "ingredients": [ + "butter", + "cayenne", + "lemon juice", + "dijon mustard", + "large egg yolks", + "salt" + ] + }, + { + "id": 38199, + "cuisine": "indian", + "ingredients": [ + "water", + "all-purpose flour", + "vegetable oil", + "rice flour", + "whole wheat flour", + "chapati flour", + "salt" + ] + }, + { + "id": 1548, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "lime", + "hass avocado" + ] + }, + { + "id": 21047, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "shallots", + "oleo", + "half & half", + "parmesan cheese", + "shrimp" + ] + }, + { + "id": 33428, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salt", + "tomatillos", + "habanero chile", + "onions", + "garlic" + ] + }, + { + "id": 19778, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "orange bell pepper", + "chili powder", + "cayenne pepper", + "cashew nuts", + "coconut oil", + "green lentil", + "fine sea salt", + "vegan Worcestershire sauce", + "tomato paste", + "garlic powder", + "red pepper", + "walnuts", + "ground cumin", + "water", + "tortillas", + "purple onion", + "fresh lime juice" + ] + }, + { + "id": 6513, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "mint leaves", + "daikon", + "rice vinegar", + "carrots", + "skirt steak", + "lettuce", + "lime juice", + "bawang goreng", + "cilantro sprigs", + "scallions", + "beansprouts", + "red chili peppers", + "basil leaves", + "ginger", + "roasted peanuts", + "cucumber", + "perilla", + "light brown sugar", + "lemon grass", + "vegetable oil", + "rice vermicelli", + "garlic cloves", + "bird chile" + ] + }, + { + "id": 21849, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "soy sauce", + "flour", + "lemon", + "corn starch", + "brown sugar", + "minced garlic", + "boneless skinless chicken breasts", + "purple onion", + "eggs", + "ketchup", + "green onions", + "ginger", + "canola oil", + "sake", + "cherry tomatoes", + "sesame oil", + "oyster sauce" + ] + }, + { + "id": 46002, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "coarse salt", + "water", + "garlic cloves", + "white onion", + "vine tomatoes", + "jalapeno chilies" + ] + }, + { + "id": 42939, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "steak", + "cooking oil", + "shallots", + "chili flakes", + "dark brown sugar" + ] + }, + { + "id": 7076, + "cuisine": "mexican", + "ingredients": [ + "triple sec", + "sugar", + "blackberries", + "tequila", + "lime" + ] + }, + { + "id": 16829, + "cuisine": "french", + "ingredients": [ + "orange", + "salt", + "orange marmalade", + "sugar", + "whole milk", + "short-grain rice" + ] + }, + { + "id": 26718, + "cuisine": "brazilian", + "ingredients": [ + "brazil nuts", + "berries", + "medjool date", + "sliced fresh fruit", + "seeds", + "chia seeds", + "açai", + "beets", + "coconut flakes", + "frozen mixed berries", + "coconut milk" + ] + }, + { + "id": 49274, + "cuisine": "italian", + "ingredients": [ + "ricotta salata", + "extra-virgin olive oil", + "spaghettini", + "eggplant", + "freshly ground pepper", + "cherry tomatoes", + "salt", + "basil leaves", + "garlic cloves" + ] + }, + { + "id": 13601, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "chicken gizzards", + "smoked paprika", + "black pepper", + "hot sauce", + "self rising flour", + "Everglades Seasoning" + ] + }, + { + "id": 41819, + "cuisine": "mexican", + "ingredients": [ + "lettuce leaves", + "chicken", + "salt", + "flour tortillas", + "plum tomatoes", + "avocado", + "fresh lime juice" + ] + }, + { + "id": 29664, + "cuisine": "mexican", + "ingredients": [ + "cracked black pepper", + "olive oil", + "salsa", + "salt", + "yellowtail snapper fillets" + ] + }, + { + "id": 8464, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "pearl barley", + "andouille sausage", + "garlic", + "celery", + "Tabasco Pepper Sauce", + "yellow onion", + "chicken thighs", + "green bell pepper", + "diced tomatoes", + "scallions" + ] + }, + { + "id": 20566, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "ground cumin", + "kosher salt", + "ground red pepper", + "ground black pepper", + "dried thyme", + "paprika" + ] + }, + { + "id": 45645, + "cuisine": "southern_us", + "ingredients": [ + "red potato", + "cider vinegar", + "kosher salt", + "sugar", + "salt pork", + "collard greens", + "baking soda" + ] + }, + { + "id": 2378, + "cuisine": "japanese", + "ingredients": [ + "tumeric", + "potatoes", + "methi", + "amchur", + "salt", + "water", + "vegetable oil", + "ground cumin", + "whole wheat flour", + "green chilies" + ] + }, + { + "id": 11303, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "salt", + "cumin", + "shredded cheddar cheese", + "green onions", + "Neufchâtel", + "black beans", + "ground pepper", + "shredded pepper jack cheese", + "refried beans", + "prepar salsa", + "pinto beans" + ] + }, + { + "id": 43978, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "shallots", + "white mushrooms", + "chicken broth", + "dry white wine", + "portabello mushroom", + "arborio rice", + "grated parmesan cheese", + "butter", + "olive oil", + "chives", + "sea salt" + ] + }, + { + "id": 604, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "lean ground beef", + "onions", + "tomato paste", + "eggplant", + "garlic", + "dried oregano", + "water", + "grated parmesan cheese", + "dry bread crumbs", + "dried thyme", + "diced tomatoes", + "dried parsley" + ] + }, + { + "id": 16263, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "Shaoxing wine", + "garlic", + "corn starch", + "water", + "sesame oil", + "oil", + "soy sauce", + "boneless skinless chicken breasts", + "salt", + "ground white pepper", + "chicken stock", + "egg noodles", + "choy sum", + "oyster sauce" + ] + }, + { + "id": 21309, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "bay leaves", + "thyme", + "white vinegar", + "pepper", + "salt", + "oregano", + "chicken bouillon", + "avocado leaves", + "onions", + "tomatoes", + "beef", + "garlic cloves", + "cumin" + ] + }, + { + "id": 2969, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "corn tortillas", + "sausage casings", + "hot sauce", + "green onions", + "chopped cilantro fresh", + "extra sharp white cheddar cheese", + "sour cream" + ] + }, + { + "id": 20321, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "olive oil", + "crumbled cornbread", + "andouille sausage", + "cajun seasoning", + "smoked gouda", + "diced onions", + "minced garlic", + "butter", + "sliced green onions", + "diced bell pepper", + "parsley", + "diced celery" + ] + }, + { + "id": 2836, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "butter", + "ground cinnamon", + "baking mix", + "milk" + ] + }, + { + "id": 45876, + "cuisine": "italian", + "ingredients": [ + "sugar", + "semisweet chocolate", + "salt", + "large egg yolks", + "dark rum", + "slivered almonds", + "coffee granules", + "almond extract", + "marsala wine", + "whole milk", + "corn starch" + ] + }, + { + "id": 31208, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "radishes", + "diced tomatoes", + "cilantro leaves", + "ground coriander", + "green cabbage", + "salsa verde", + "vegetable oil", + "garlic", + "tortilla chips", + "ground cumin", + "green chile", + "hominy", + "queso fresco", + "purple onion", + "rotisserie chicken", + "avocado", + "lime", + "low sodium chicken broth", + "cracked black pepper", + "yellow onion", + "dried oregano" + ] + }, + { + "id": 1267, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "olive oil", + "garlic cloves", + "ground turmeric", + "salmon fillets", + "chili powder", + "chopped cilantro fresh", + "brown sugar", + "cooking spray", + "onions", + "ground cumin", + "cider vinegar", + "salt", + "basmati rice" + ] + }, + { + "id": 17101, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "frozen corn", + "sour cream", + "fresh cilantro", + "shredded lettuce", + "Mexican cheese", + "ground cumin", + "black beans", + "lean ground beef", + "taco seasoning reduced sodium", + "italian salad dressing", + "tomatoes", + "chips", + "salsa", + "onions" + ] + }, + { + "id": 30477, + "cuisine": "cajun_creole", + "ingredients": [ + "mushroom soup", + "Tabasco Pepper Sauce", + "crabmeat", + "onions", + "cracker crumbs", + "cheese", + "celery", + "cooked rice", + "butter", + "cream cheese", + "garlic salt", + "mushrooms", + "red pepper", + "shrimp" + ] + }, + { + "id": 7131, + "cuisine": "filipino", + "ingredients": [ + "ampalaya", + "roma tomatoes", + "medium shrimp", + "pepper", + "salt", + "fish sauce", + "garlic", + "onions", + "eggs", + "water", + "oil" + ] + }, + { + "id": 44936, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "diced tomatoes", + "sour cream", + "zucchini", + "salsa", + "dried oregano", + "frozen whole kernel corn", + "sweet pepper", + "celery", + "black beans", + "chili powder", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 41398, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "pasta sauce", + "fresh parsley", + "fresh basil", + "salt", + "pepper", + "onions" + ] + }, + { + "id": 19596, + "cuisine": "irish", + "ingredients": [ + "milk", + "salt", + "mashed potatoes", + "baking powder", + "onions", + "eggs", + "butter", + "potatoes", + "all-purpose flour" + ] + }, + { + "id": 42002, + "cuisine": "southern_us", + "ingredients": [ + "winter squash", + "half & half", + "fresh thyme leaves", + "aleppo pepper", + "unsalted butter", + "baking powder", + "kosher salt", + "large eggs", + "cubed bread", + "yellow corn meal", + "ground black pepper", + "leeks", + "gruyere cheese" + ] + }, + { + "id": 33036, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime", + "Thai red curry paste", + "long grain brown rice", + "red chili peppers", + "sweet potatoes", + "purple onion", + "coconut milk", + "baby bok choy", + "fresh ginger", + "garlic", + "red bell pepper", + "safflower oil", + "boneless skinless chicken breasts", + "cilantro leaves", + "baby eggplants" + ] + }, + { + "id": 44431, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "chopped cilantro fresh", + "chicken broth", + "jalapeno chilies", + "sliced green onions", + "kaffir lime leaves", + "cilantro leaves", + "fresh ginger", + "asian fish sauce" + ] + }, + { + "id": 43719, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "oil", + "tomatoes", + "salt", + "onions", + "minced garlic", + "cilantro leaves", + "masala", + "minced ginger", + "chickpeas" + ] + }, + { + "id": 34514, + "cuisine": "italian", + "ingredients": [ + "frozen ravioli", + "pasta sauce", + "mozzarella cheese" + ] + }, + { + "id": 30520, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium soy sauce", + "carrots", + "fresh ginger", + "garlic", + "bok choy", + "lime juice", + "promise buttery spread", + "red bell pepper", + "lo mein noodles", + "edamame" + ] + }, + { + "id": 36887, + "cuisine": "korean", + "ingredients": [ + "sugar", + "sesame seeds", + "rice wine", + "ginger", + "scallions", + "kosher salt", + "gochugaru", + "vegetable oil", + "Gochujang base", + "pork shoulder", + "soy sauce", + "asian pear", + "sesame oil", + "yellow onion", + "kimchi", + "minced garlic", + "lettuce leaves", + "sticky rice", + "green chilies" + ] + }, + { + "id": 4765, + "cuisine": "brazilian", + "ingredients": [ + "boneless chicken skinless thigh", + "pimentos", + "chopped cilantro fresh", + "olive oil", + "yellow rice", + "water", + "orange juice", + "grated orange peel", + "orange slices", + "garlic cloves" + ] + }, + { + "id": 42119, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "avocado", + "fresh lime juice", + "salt", + "mayonaise", + "chopped cilantro fresh" + ] + }, + { + "id": 20294, + "cuisine": "japanese", + "ingredients": [ + "konbu", + "dried bonito flakes" + ] + }, + { + "id": 9840, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "boneless skinless chicken breasts", + "garlic", + "cayenne pepper sauce", + "plain yogurt", + "lemon", + "yellow onion", + "marsala wine", + "vegetable oil", + "salt", + "ground cumin", + "fresh ginger", + "paprika", + "ground coriander" + ] + }, + { + "id": 48723, + "cuisine": "french", + "ingredients": [ + "sugar", + "Grand Marnier", + "whole milk", + "large egg yolks", + "grated orange peel", + "whipping cream" + ] + }, + { + "id": 25904, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "garlic salt", + "green onions", + "mango", + "black beans", + "cilantro", + "corn", + "cumin" + ] + }, + { + "id": 20723, + "cuisine": "brazilian", + "ingredients": [ + "milk", + "shredded coconut", + "coconut milk", + "granulated sugar", + "coconut", + "pearl tapioca" + ] + }, + { + "id": 45969, + "cuisine": "italian", + "ingredients": [ + "white wine", + "shallots", + "fresh basil leaves", + "fresh tomatoes", + "light cream", + "beef broth", + "mussels", + "minced garlic", + "butter", + "red chili peppers", + "jalapeno chilies", + "corn starch" + ] + }, + { + "id": 348, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "ham", + "frozen hash browns", + "chopped fresh thyme", + "chopped bell pepper", + "creole seasoning", + "green onions" + ] + }, + { + "id": 4680, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cavolo nero", + "chopped cilantro fresh", + "rib", + "white onion" + ] + }, + { + "id": 18857, + "cuisine": "vietnamese", + "ingredients": [ + "eggs", + "pickled carrots", + "jicama", + "salt", + "broth", + "lettuce", + "minced garlic", + "hoisin sauce", + "daikon", + "shrimp", + "pepper", + "chinese sausage", + "vegetable oil", + "peanut butter", + "sugar", + "peanuts", + "shallots", + "fresh chili", + "rice paper" + ] + }, + { + "id": 10992, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "fresh ginger", + "red pepper flakes", + "orange juice", + "pepper", + "boneless skinless chicken breasts", + "salt", + "reduced sugar orange marmalade", + "eggs", + "low sodium chicken broth", + "garlic", + "corn starch", + "honey", + "vegetable oil", + "all-purpose flour", + "orange zest" + ] + }, + { + "id": 46272, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "coarse kosher salt", + "melted butter", + "baking powder", + "large eggs", + "cornmeal", + "sugar", + "buttermilk" + ] + }, + { + "id": 13748, + "cuisine": "mexican", + "ingredients": [ + "cooking oil", + "garlic cloves", + "water", + "salt", + "dried oregano", + "ground cloves", + "bay leaves", + "chipotle peppers", + "chuck roast", + "sauce", + "ground cumin" + ] + }, + { + "id": 4630, + "cuisine": "mexican", + "ingredients": [ + "cold water", + "fresh lime juice", + "white onion", + "serrano chile", + "kosher salt", + "avocado", + "chopped cilantro fresh" + ] + }, + { + "id": 47461, + "cuisine": "spanish", + "ingredients": [ + "sherry vinegar", + "garlic cloves", + "tomatoes", + "extra-virgin olive oil", + "cucumber", + "celery ribs", + "roasted red peppers", + "lemon juice", + "pepper", + "salt" + ] + }, + { + "id": 39496, + "cuisine": "cajun_creole", + "ingredients": [ + "genoa salami", + "grated parmesan cheese", + "Italian cheese", + "pizza doughs", + "cooked ham", + "pimentos", + "olive oil", + "pickled vegetables" + ] + }, + { + "id": 31137, + "cuisine": "japanese", + "ingredients": [ + "udon", + "peas", + "hoisin sauce", + "shallots", + "toasted sesame seeds", + "dark soy sauce", + "Shaoxing wine", + "scallions", + "sweet soy sauce", + "sesame oil", + "center cut pork chops" + ] + }, + { + "id": 39807, + "cuisine": "japanese", + "ingredients": [ + "avocado", + "carrots", + "nori", + "rice vinegar", + "tuna", + "salt", + "cucumber", + "rice", + "cooked shrimp" + ] + }, + { + "id": 43466, + "cuisine": "mexican", + "ingredients": [ + "queso fresco", + "corn tortillas", + "jalapeno chilies", + "salsa", + "large eggs", + "salt", + "chopped cilantro", + "vegetable oil", + "scallions" + ] + }, + { + "id": 47351, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "chopped cilantro fresh", + "red chili powder", + "peeled shrimp", + "onions", + "vegetable oil", + "coconut milk", + "ground turmeric", + "brown mustard seeds", + "ground coriander", + "basmati rice" + ] + }, + { + "id": 37292, + "cuisine": "thai", + "ingredients": [ + "dried apricot", + "vegetable oil", + "unsweetened coconut milk", + "shallots", + "chicken fingers", + "peeled fresh ginger", + "Thai red curry paste", + "steamed white rice", + "mango chutney", + "chopped cilantro fresh" + ] + }, + { + "id": 24349, + "cuisine": "italian", + "ingredients": [ + "semolina", + "salt", + "powdered sugar", + "large eggs", + "orange zest", + "unsalted butter", + "cornmeal", + "dried currants", + "flour" + ] + }, + { + "id": 14560, + "cuisine": "italian", + "ingredients": [ + "salt", + "romano cheese", + "dried oregano", + "ground black pepper", + "chopped garlic", + "white bread", + "flat leaf parsley" + ] + }, + { + "id": 49682, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "calamansi juice", + "sugar", + "salt", + "powdered sugar", + "butter", + "flour", + "confectioners sugar" + ] + }, + { + "id": 25905, + "cuisine": "southern_us", + "ingredients": [ + "condensed cream of mushroom soup", + "crawfish", + "onions", + "diced tomatoes", + "condensed tomato soup" + ] + }, + { + "id": 12284, + "cuisine": "italian", + "ingredients": [ + "genoa salami", + "large eggs", + "onions", + "swiss chard", + "extra-virgin olive oil", + "ground black pepper", + "garlic cloves", + "kosher salt", + "pecorino romano cheese" + ] + }, + { + "id": 3958, + "cuisine": "chinese", + "ingredients": [ + "frozen chopped spinach", + "chinese plum sauce", + "peeled fresh ginger", + "dry sherry", + "chopped cilantro", + "soy sauce", + "ground black pepper", + "green onions", + "salt", + "grated lemon peel", + "water", + "large eggs", + "vegetable oil", + "garlic chili sauce", + "ground chicken", + "egg roll wrappers", + "sesame oil", + "garlic cloves" + ] + }, + { + "id": 11290, + "cuisine": "greek", + "ingredients": [ + "dried basil", + "diced tomatoes", + "dried oregano", + "eggs", + "Spike Seasoning", + "cracked black pepper", + "cream", + "olive oil", + "garlic", + "mozzarella cheese", + "zucchini", + "feta cheese crumbles" + ] + }, + { + "id": 8504, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "sweet potatoes", + "mini marshmallows", + "ham steak", + "crushed pineapple" + ] + }, + { + "id": 41218, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "asparagus", + "boneless skinless chicken breast halves", + "chicken stock", + "olive oil", + "salt", + "dried oregano", + "white wine", + "ground black pepper", + "onions", + "dried basil", + "grated parmesan cheese", + "carnaroli rice" + ] + }, + { + "id": 45044, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "butter", + "all-purpose flour", + "eggs", + "coffee granules", + "vanilla extract", + "white sugar", + "water", + "heavy cream", + "chopped pecans", + "pecan halves", + "baking powder", + "salt", + "unsweetened cocoa powder" + ] + }, + { + "id": 1093, + "cuisine": "vietnamese", + "ingredients": [ + "light brown sugar", + "lemongrass", + "jalapeno chilies", + "cilantro leaves", + "vegan mayonnaise", + "soy sauce", + "mo hanh", + "cilantro", + "ground white pepper", + "liquid aminos", + "pickled carrots", + "vegetable oil", + "ground coriander", + "baguette", + "extra firm tofu", + "garlic", + "cucumber" + ] + }, + { + "id": 31058, + "cuisine": "chinese", + "ingredients": [ + "baby bok choy", + "green onions", + "yellow onion", + "canola oil", + "kosher salt", + "chinese wheat noodles", + "chili garlic paste", + "soy sauce", + "blade steak", + "garlic cloves", + "chicken stock", + "fresh ginger", + "star anise", + "cinnamon sticks" + ] + }, + { + "id": 17939, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "pepper", + "red pepper flakes", + "garlic", + "celery", + "italian seasoning", + "pancetta", + "fish sauce", + "grated parmesan cheese", + "heavy cream", + "beef broth", + "onions", + "tomatoes", + "parmesan cheese", + "red wine", + "salt", + "fresh parsley", + "pasta", + "dried porcini mushrooms", + "balsamic vinegar", + "basil", + "carrots", + "short rib" + ] + }, + { + "id": 47820, + "cuisine": "italian", + "ingredients": [ + "fresh orange juice", + "campari", + "chilled prosecco", + "orange rind" + ] + }, + { + "id": 29691, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salsa", + "fresh cilantro", + "boneless chicken breast", + "ground cumin", + "chicken broth", + "garlic powder", + "long grain white rice", + "lime", + "chili powder" + ] + }, + { + "id": 43448, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "white onion", + "salt", + "chicken stock", + "boneless chicken skinless thigh", + "cilantro", + "dried oregano", + "avocado", + "ground cloves", + "lime juice", + "corn tortillas", + "tomatoes", + "habanero chile", + "garlic", + "canola oil" + ] + }, + { + "id": 45048, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "pepper", + "flour", + "round steaks", + "plain yogurt", + "dried thyme", + "shallots", + "oil", + "black pepper", + "milk", + "baking powder", + "sweet paprika", + "kosher salt", + "large eggs", + "onion powder" + ] + }, + { + "id": 12616, + "cuisine": "french", + "ingredients": [ + "parsley sprigs", + "fresh lemon juice", + "cold water", + "dry white wine", + "whitefish", + "salt", + "fennel bulb", + "onions" + ] + }, + { + "id": 43000, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "ground beef", + "tomatoes", + "salt", + "onions", + "cooked rice", + "sour cream", + "cumin", + "cheddar cheese", + "chillies" + ] + }, + { + "id": 2839, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "ground black pepper", + "sea salt", + "red bell pepper", + "mango", + "lime zest", + "sweet onion", + "onion powder", + "salt", + "chipotle chile powder", + "tomatoes", + "olive oil", + "chile pepper", + "chicken breast tenderloins", + "chopped cilantro fresh", + "minced garlic", + "french bread", + "garlic", + "fresh lime juice", + "monterey jack" + ] + }, + { + "id": 33674, + "cuisine": "korean", + "ingredients": [ + "sugar", + "vegetable oil", + "salt", + "potato starch", + "sesame seeds", + "ginger", + "toasted sesame oil", + "chicken wings", + "gochugaru", + "garlic", + "soy sauce", + "liquor", + "Gochujang base" + ] + }, + { + "id": 13451, + "cuisine": "mexican", + "ingredients": [ + "McCormick Ground Cumin", + "hominy", + "cilantro", + "oregano leaves", + "avocado", + "white onion", + "shredded cabbage", + "garlic", + "chiles", + "kosher salt", + "lime wedges", + "yellow onion", + "tostadas", + "water", + "tomato salsa", + "pork shoulder" + ] + }, + { + "id": 1631, + "cuisine": "italian", + "ingredients": [ + "spinach leaves", + "low-sodium low-fat chicken broth", + "lemon zest", + "corn starch", + "water", + "salt", + "large eggs" + ] + }, + { + "id": 37702, + "cuisine": "mexican", + "ingredients": [ + "shredded cabbage", + "carrots", + "chopped cilantro fresh", + "pepper", + "salt", + "onions", + "apple cider vinegar", + "red bell pepper", + "canola oil", + "jalapeno chilies", + "cayenne pepper", + "white sugar" + ] + }, + { + "id": 3421, + "cuisine": "british", + "ingredients": [ + "eggs", + "grated parmesan cheese", + "pepper", + "cheddar cheese", + "salt", + "white bread", + "milk" + ] + }, + { + "id": 19162, + "cuisine": "italian", + "ingredients": [ + "cottage cheese", + "salt", + "ground beef", + "tomato sauce", + "grated parmesan cheese", + "shredded mozzarella cheese", + "eggs", + "ground black pepper", + "chopped onion", + "dried oregano", + "tomato paste", + "garlic powder", + "jumbo pasta shells", + "dried parsley" + ] + }, + { + "id": 13737, + "cuisine": "mexican", + "ingredients": [ + "flour", + "oregano", + "chicken broth", + "vegetable oil", + "chili powder", + "cumin", + "garlic powder", + "salt" + ] + }, + { + "id": 26448, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "boneless skinless chicken breasts", + "onions", + "flour tortillas", + "salt", + "fajita seasoning mix", + "olive oil", + "garlic", + "chopped cilantro fresh", + "chicken broth", + "bell pepper", + "enchilada sauce", + "cumin" + ] + }, + { + "id": 19333, + "cuisine": "thai", + "ingredients": [ + "fettucine", + "honey", + "rice vinegar", + "scallions", + "fish sauce", + "red pepper flakes", + "roasted peanuts", + "mung bean sprouts", + "eggs", + "napa cabbage", + "tamarind paste", + "garlic cloves", + "lime", + "peeled shrimp", + "peanut oil", + "chopped cilantro fresh" + ] + }, + { + "id": 23980, + "cuisine": "british", + "ingredients": [ + "plain flour", + "lemon", + "lager", + "cornflour", + "cod", + "potatoes", + "salt", + "black pepper", + "sunflower oil" + ] + }, + { + "id": 3072, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "radishes", + "large garlic cloves", + "ancho chile pepper", + "avocado", + "lime", + "Mexican oregano", + "salt", + "pork shoulder", + "lettuce", + "water", + "pork spare ribs", + "chile piquin", + "corn tortillas", + "white onion", + "white hominy", + "vegetable oil", + "garlic cloves", + "onions" + ] + }, + { + "id": 10766, + "cuisine": "filipino", + "ingredients": [ + "cream", + "water", + "spring roll wrappers", + "mini bananas", + "sugar", + "frying oil" + ] + }, + { + "id": 40744, + "cuisine": "french", + "ingredients": [ + "eggs", + "apples", + "jelly", + "egg yolks", + "all-purpose flour", + "apple brandy", + "salt", + "white sugar", + "cold water", + "butter", + "ground almonds" + ] + }, + { + "id": 19507, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "all-purpose flour", + "vegetable broth", + "dried oregano", + "chili powder", + "oil", + "tomato paste", + "salt", + "ground cumin" + ] + }, + { + "id": 37272, + "cuisine": "italian", + "ingredients": [ + "instant espresso powder", + "sugar", + "whipping cream", + "coffee", + "water" + ] + }, + { + "id": 47942, + "cuisine": "japanese", + "ingredients": [ + "egg noodles", + "carrots", + "white cabbage", + "worcestershire sauce", + "onions", + "soy sauce", + "sesame oil", + "steak", + "mirin", + "green pepper" + ] + }, + { + "id": 10880, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "ground black pepper", + "tuna packed in olive oil", + "orange", + "chickpeas", + "fedelini", + "cooking oil", + "fresh parsley", + "crushed tomatoes", + "salt", + "onions" + ] + }, + { + "id": 41618, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "dried oregano", + "minced garlic", + "fresh lemon juice", + "black pepper", + "salt", + "boneless chicken skinless thigh", + "cooking spray" + ] + }, + { + "id": 14791, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "salt", + "cooking oil", + "dried red chile peppers", + "fresh curry leaves", + "garlic", + "bengal gram", + "cumin seed" + ] + }, + { + "id": 25009, + "cuisine": "greek", + "ingredients": [ + "unsalted butter", + "cottage cheese", + "cream cheese, soften", + "large eggs", + "feta cheese", + "phyllo pastry" + ] + }, + { + "id": 12007, + "cuisine": "spanish", + "ingredients": [ + "coarse salt", + "shrimp", + "lemon wedge", + "crushed red pepper", + "crusty bread", + "extra-virgin olive oil", + "fresh parsley", + "chile pepper", + "garlic cloves" + ] + }, + { + "id": 31572, + "cuisine": "mexican", + "ingredients": [ + "salt", + "eggs", + "corn tortillas", + "corn oil" + ] + }, + { + "id": 43880, + "cuisine": "chinese", + "ingredients": [ + "water", + "peanut oil", + "lean ground pork", + "green onions", + "cabbage", + "low sodium soy sauce", + "cooking spray", + "corn starch", + "gyoza skins", + "sesame oil" + ] + }, + { + "id": 46867, + "cuisine": "russian", + "ingredients": [ + "cottage cheese", + "salt", + "milk", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 31109, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "country bread", + "extra-virgin olive oil", + "ground white pepper", + "zucchini", + "fleur de sel" + ] + }, + { + "id": 34403, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "red pepper", + "sauce", + "large eggs", + "worcestershire sauce", + "fresh parsley", + "pepper", + "old bay seasoning", + "crabmeat", + "saltines", + "butter", + "dry mustard" + ] + }, + { + "id": 36515, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "spaghetti", + "eggs", + "prosciutto", + "olive oil", + "pasta sauce", + "round steaks" + ] + }, + { + "id": 20131, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "cooking oil", + "corn starch", + "ground black pepper", + "broccoli", + "minced garlic", + "top sirloin steak", + "chinese black vinegar", + "chinese rice wine", + "beef", + "oyster sauce" + ] + }, + { + "id": 13465, + "cuisine": "french", + "ingredients": [ + "lettuce", + "olive oil", + "green beans", + "eggs", + "apple cider vinegar", + "tomatoes", + "dijon mustard", + "tuna", + "red potato", + "black olives" + ] + }, + { + "id": 45512, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "garam masala", + "green peas", + "oil", + "water", + "florets", + "green chilies", + "ginger paste", + "tomatoes", + "amchur", + "cilantro", + "cumin seed", + "garlic paste", + "coriander powder", + "salt", + "ground turmeric" + ] + }, + { + "id": 4013, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "sweet potatoes", + "all-purpose flour", + "unsalted butter", + "salt", + "whole milk" + ] + }, + { + "id": 18946, + "cuisine": "italian", + "ingredients": [ + "plain dry bread crumb", + "onions", + "red pepper", + "olive oil", + "top round steak", + "veggies" + ] + }, + { + "id": 21097, + "cuisine": "mexican", + "ingredients": [ + "Angostura bitters", + "fresh lime juice", + "crushed ice", + "pisco brandy", + "granulated sugar", + "ice", + "fresh lemon juice" + ] + }, + { + "id": 12894, + "cuisine": "italian", + "ingredients": [ + "angel hair", + "olive oil", + "shredded mozzarella cheese", + "minced garlic", + "butter", + "seasoned bread crumbs", + "grated parmesan cheese", + "onions", + "pasta sauce", + "green bell pepper, slice", + "steak" + ] + }, + { + "id": 36767, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "chunky", + "brine-cured olives", + "olive oil", + "tuna packed in water", + "fettucine", + "dry red wine" + ] + }, + { + "id": 7909, + "cuisine": "indian", + "ingredients": [ + "dried lentils", + "coriander seeds", + "baking powder", + "ginger", + "garlic cloves", + "curry powder", + "ground black pepper", + "red pepper flakes", + "low sodium chicken stock", + "onions", + "eggs", + "milk", + "sweet potatoes", + "cracked black pepper", + "scallions", + "kosher salt", + "garam masala", + "vegetable oil", + "all-purpose flour", + "carrots" + ] + }, + { + "id": 232, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "minced ginger", + "chili powder", + "salt", + "cream", + "garam masala", + "butter", + "onions", + "tomatoes", + "milk", + "boneless chicken", + "cilantro leaves", + "minced garlic", + "coriander powder", + "kasuri methi", + "ground turmeric" + ] + }, + { + "id": 4248, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "rice wine", + "all-purpose flour", + "corn starch", + "sugar", + "large eggs", + "napa cabbage", + "scallions", + "toasted sesame oil", + "fresh ginger", + "kirby cucumbers", + "peanut oil", + "ground white pepper", + "chinese black mushrooms", + "fresh shiitake mushrooms", + "garlic", + "oyster sauce", + "pork butt" + ] + }, + { + "id": 48956, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "ground black pepper", + "cayenne pepper", + "nutmeg", + "olive oil", + "butter", + "chopped parsley", + "chicken sausage", + "flour", + "elbow macaroni", + "bread crumb fresh", + "shredded mild cheddar cheese", + "salt" + ] + }, + { + "id": 25797, + "cuisine": "italian", + "ingredients": [ + "baking soda", + "vegetable oil", + "all-purpose flour", + "confectioners sugar", + "egg yolks", + "buttermilk", + "cream cheese", + "shortening", + "flaked coconut", + "vanilla extract", + "chopped pecans", + "egg whites", + "butter", + "margarine", + "white sugar" + ] + }, + { + "id": 49145, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "green onions", + "thai chile", + "dried shiitake mushrooms", + "mirin", + "ground pork", + "salt", + "canola oil", + "soy sauce", + "sesame oil", + "garlic", + "corn starch", + "vinegar", + "ginger", + "gyoza wrappers" + ] + }, + { + "id": 16029, + "cuisine": "italian", + "ingredients": [ + "green onions", + "sour cream", + "mayonaise", + "shredded sharp cheddar cheese", + "garlic", + "Italian bread", + "unsalted butter", + "shredded mozzarella cheese" + ] + }, + { + "id": 32119, + "cuisine": "southern_us", + "ingredients": [ + "cornbread crumbs", + "cooking spray", + "fatfree lowsodium chicken broth", + "dried thyme", + "finely chopped onion", + "chopped celery", + "carrots", + "black pepper", + "unsalted butter", + "whole wheat bread", + "chopped fresh sage", + "olive oil", + "large eggs", + "salt" + ] + }, + { + "id": 41493, + "cuisine": "cajun_creole", + "ingredients": [ + "low sodium worcestershire sauce", + "pepper", + "gumbo file", + "paprika", + "all-purpose flour", + "okra", + "vegetable oil cooking spray", + "water", + "bay leaves", + "garlic", + "hot sauce", + "long-grain rice", + "parsley flakes", + "ground cloves", + "garlic powder", + "chicken breast halves", + "salt", + "chopped onion", + "tomato paste", + "cooked ham", + "dried thyme", + "ground red pepper", + "chopped celery", + "green pepper", + "shrimp" + ] + }, + { + "id": 12952, + "cuisine": "japanese", + "ingredients": [ + "Japanese soy sauce", + "daikon", + "rice vinegar", + "watercress leaves", + "vegetable oil", + "garlic", + "fillets", + "caster sugar", + "sesame oil", + "ginger", + "white sesame seeds", + "sake", + "mirin", + "raw sugar", + "cucumber" + ] + }, + { + "id": 31624, + "cuisine": "indian", + "ingredients": [ + "red lentils", + "ground black pepper", + "carrots", + "mild curry powder", + "sea salt", + "ground turmeric", + "ground ginger", + "sweet potatoes", + "coconut milk", + "diced onions", + "coconut oil", + "vegetable broth" + ] + }, + { + "id": 45265, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "garlic powder", + "white wine vinegar", + "feta cheese crumbles", + "black pepper", + "ground red pepper", + "salt", + "dried oregano", + "tomatoes", + "minced garlic", + "extra-virgin olive oil", + "fresh lemon juice", + "fat free yogurt", + "boneless skinless chicken breasts", + "purple onion", + "cucumber" + ] + }, + { + "id": 41703, + "cuisine": "mexican", + "ingredients": [ + "pepper jack", + "oil", + "cheese", + "onions", + "diced tomatoes", + "garlic cloves", + "green chile", + "tortilla chips", + "chopped cilantro fresh" + ] + }, + { + "id": 12450, + "cuisine": "spanish", + "ingredients": [ + "chicken broth", + "olive oil", + "garlic cloves", + "kosher salt", + "pork tenderloin", + "onions", + "brown sugar", + "ground black pepper", + "corn starch", + "lime", + "chili powder", + "ground cumin" + ] + }, + { + "id": 7702, + "cuisine": "chinese", + "ingredients": [ + "lean ground pork", + "salt", + "green beans", + "low sodium soy sauce", + "garlic", + "corn starch", + "hoisin sauce", + "peanut oil", + "cooked white rice", + "sugar", + "crushed red pepper", + "ground white pepper" + ] + }, + { + "id": 21136, + "cuisine": "cajun_creole", + "ingredients": [ + "cayenne", + "worcestershire sauce", + "mayonaise", + "kaiser rolls", + "dry bread crumbs", + "large eggs", + "dry mustard", + "lump crab meat", + "vegetable oil", + "scallions" + ] + }, + { + "id": 17575, + "cuisine": "southern_us", + "ingredients": [ + "cherries", + "vanilla", + "milk", + "baking powder", + "sugar", + "flour", + "salt", + "peaches", + "butter" + ] + }, + { + "id": 720, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "extra-virgin olive oil", + "garlic cloves", + "water", + "salt", + "parmigiano reggiano cheese", + "yellow onion", + "tomato purée", + "crushed red pepper" + ] + }, + { + "id": 21630, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium soy sauce", + "peanut oil", + "chinese black vinegar", + "light brown sugar", + "shallots", + "garlic cloves", + "Shaoxing wine", + "pork spareribs", + "reduced sodium chicken broth", + "ginger", + "corn starch" + ] + }, + { + "id": 39193, + "cuisine": "italian", + "ingredients": [ + "butter", + "ground black pepper", + "salt", + "sliced green onions", + "fresh mint", + "grated parmesan cheese", + "lemon juice", + "penne", + "part-skim ricotta cheese", + "fresh parsley" + ] + }, + { + "id": 9283, + "cuisine": "jamaican", + "ingredients": [ + "cauliflower", + "scotch bonnet chile", + "carrots", + "sugar", + "ginger", + "thyme sprigs", + "black peppercorns", + "large garlic cloves", + "red bell pepper", + "white vinegar", + "kosher salt", + "allspice berries" + ] + }, + { + "id": 16839, + "cuisine": "chinese", + "ingredients": [ + "tomato paste", + "soy sauce", + "vegetables", + "rice vinegar", + "green bell pepper", + "kosher salt", + "pork loin", + "red bell pepper", + "chinese rice wine", + "water", + "sesame oil", + "cooked white rice", + "pineapple chunks", + "white onion", + "egg whites", + "corn starch" + ] + }, + { + "id": 26528, + "cuisine": "cajun_creole", + "ingredients": [ + "black peppercorns", + "corn husks", + "sea salt", + "garlic cloves", + "celery ribs", + "water", + "spices", + "cayenne pepper", + "canola oil", + "blue crabs", + "bay leaves", + "yellow onion", + "large shrimp", + "red potato", + "fresh ginger", + "lemon", + "crab boil" + ] + }, + { + "id": 9222, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "water", + "chopped celery", + "fresh mushrooms", + "onions", + "reduced fat cheddar cheese", + "garlic", + "chopped onion", + "ripe olives", + "low sodium worcestershire sauce", + "ground red pepper", + "broiler-fryers", + "carrots", + "spaghetti", + "vegetable oil cooking spray", + "stewed tomatoes", + "green pepper", + "chopped parsley", + "italian seasoning" + ] + }, + { + "id": 12724, + "cuisine": "southern_us", + "ingredients": [ + "ground pepper", + "plum tomatoes", + "salad", + "coarse salt", + "barbecue sauce", + "olive oil", + "whole chicken" + ] + }, + { + "id": 34573, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "ice", + "lime", + "water", + "sweetened condensed milk" + ] + }, + { + "id": 31907, + "cuisine": "vietnamese", + "ingredients": [ + "crab meat", + "black pepper", + "sesame oil", + "cabbage", + "sugar", + "egg whites", + "carrots", + "spring roll wrappers", + "shiitake", + "garlic", + "soy sauce", + "green onions", + "shrimp" + ] + }, + { + "id": 16767, + "cuisine": "italian", + "ingredients": [ + "shredded reduced fat cheddar cheese", + "broccoli florets", + "garlic cloves", + "part-skim mozzarella cheese", + "low-fat pasta sauce", + "olive oil", + "refrigerated pizza dough", + "ground black pepper", + "chopped onion" + ] + }, + { + "id": 39230, + "cuisine": "italian", + "ingredients": [ + "half & half", + "linguini", + "olive oil", + "butter", + "clams", + "parsley", + "parmesan cheese", + "garlic" + ] + }, + { + "id": 32065, + "cuisine": "thai", + "ingredients": [ + "lime zest", + "straw mushrooms", + "coconut milk", + "fish sauce", + "chicken breasts", + "chiles", + "cilantro leaves", + "chicken broth", + "lemon grass", + "galangal" + ] + }, + { + "id": 48949, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "ricotta cheese", + "fresh basil leaves", + "fresh basil", + "won ton wrappers", + "crushed red pepper", + "black pepper", + "parmesan cheese", + "salt", + "chicken broth", + "olive oil", + "white wine vinegar" + ] + }, + { + "id": 660, + "cuisine": "moroccan", + "ingredients": [ + "fresh cilantro", + "lemon", + "cumin", + "chicken stock", + "dried apricot", + "purple onion", + "olive oil", + "crushed red pepper flakes", + "chicken", + "pepper", + "pitted green olives", + "salt" + ] + }, + { + "id": 4891, + "cuisine": "russian", + "ingredients": [ + "chopped tomatoes", + "fresh tomatoes", + "cabbage", + "sauerkraut", + "barley", + "bacon" + ] + }, + { + "id": 39216, + "cuisine": "greek", + "ingredients": [ + "eggs", + "black olives", + "feta cheese", + "olive oil", + "purple onion", + "tomatoes", + "parsley leaves" + ] + }, + { + "id": 2457, + "cuisine": "southern_us", + "ingredients": [ + "chile paste with garlic", + "ground black pepper", + "fat free less sodium chicken broth", + "garlic cloves", + "olive oil", + "turnip greens", + "rice vinegar" + ] + }, + { + "id": 6421, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "rice wine", + "chinese five-spice powder", + "tomatoes", + "fresh ginger root", + "star anise", + "cinnamon sticks", + "chicken stock", + "light soy sauce", + "vegetable oil", + "garlic cloves", + "sugar", + "spring onions", + "plums", + "pork shoulder" + ] + }, + { + "id": 38008, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "ketchup", + "peeled fresh ginger", + "dark sesame oil", + "red bell pepper", + "green bell pepper", + "fat free less sodium chicken broth", + "boneless skinless chicken breasts", + "garlic cloves", + "canola oil", + "diced onions", + "brown sugar", + "chile paste", + "rice vinegar", + "corn starch", + "dark soy sauce", + "white pepper", + "green onions", + "shaoxing", + "fresh pineapple" + ] + }, + { + "id": 2762, + "cuisine": "irish", + "ingredients": [ + "olive oil", + "long-grain rice", + "water", + "zucchini", + "sliced mushrooms", + "fresh basil", + "beef", + "garlic cloves", + "yellow squash", + "chopped onion", + "plum tomatoes" + ] + }, + { + "id": 4444, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "salt pork", + "water", + "cider vinegar", + "white sugar", + "salt" + ] + }, + { + "id": 10885, + "cuisine": "italian", + "ingredients": [ + "pork", + "grated parmesan cheese", + "purple onion", + "arborio rice", + "vegetable oil spray", + "red wine vinegar", + "flat leaf parsley", + "tomatoes", + "large eggs", + "peas", + "olive oil", + "lettuce leaves", + "salt" + ] + }, + { + "id": 48019, + "cuisine": "indian", + "ingredients": [ + "fresh curry leaves", + "split black lentils", + "salt", + "dried red chile peppers", + "fresh ginger root", + "ravva", + "mustard seeds", + "ghee", + "tomatoes", + "bengal gram", + "chile pepper", + "asafoetida powder", + "cashew nuts", + "water", + "cooking oil", + "chopped onion", + "fresh lime juice" + ] + }, + { + "id": 13952, + "cuisine": "mexican", + "ingredients": [ + "adobo", + "kosher salt", + "vegetable oil", + "garlic", + "asian fish sauce", + "boneless pork shoulder", + "frozen orange juice concentrate", + "bay leaves", + "raisins", + "corn tortillas", + "ground cumin", + "white vinegar", + "chiles", + "store bought low sodium chicken stock", + "queso fresco", + "ancho chile pepper", + "dried oregano", + "diced onions", + "chipotle chile", + "lime wedges", + "cilantro", + "onions" + ] + }, + { + "id": 12471, + "cuisine": "italian", + "ingredients": [ + "baguette", + "shredded cheese", + "butter", + "water", + "garlic cloves", + "pepper", + "salt" + ] + }, + { + "id": 12708, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "balsamic vinegar", + "cilantro leaves", + "fresh ginger root", + "garlic", + "honey", + "extra-virgin olive oil", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 25680, + "cuisine": "indian", + "ingredients": [ + "chicken broth", + "full fat coconut milk", + "green chilies", + "onions", + "pepper", + "salt", + "garlic cloves", + "coconut oil", + "garam masala", + "cumin seed", + "tomato paste", + "fresh ginger", + "skinless chicken breasts", + "red bell pepper" + ] + }, + { + "id": 49436, + "cuisine": "french", + "ingredients": [ + "lemon juice", + "boneless skinless chicken breasts", + "grated parmesan cheese", + "butter" + ] + }, + { + "id": 28842, + "cuisine": "thai", + "ingredients": [ + "tumeric", + "lemongrass", + "ground white pepper", + "kaffir lime leaves", + "coconut", + "salt", + "dried shrimp", + "water", + "basil", + "fresh lime juice", + "jasmine rice", + "shallots", + "fresh mint" + ] + }, + { + "id": 22145, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "olive oil", + "onions", + "frozen spinach", + "kalamata", + "feta cheese" + ] + }, + { + "id": 17245, + "cuisine": "mexican", + "ingredients": [ + "vanilla extract", + "vanilla ice cream", + "heavy whipping cream", + "ground cinnamon", + "toasted pine nuts", + "coffee", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 45743, + "cuisine": "southern_us", + "ingredients": [ + "sandwich rolls", + "lettuce leaves", + "butter", + "large eggs", + "ranch dressing", + "salt", + "sweet onion", + "ground red pepper", + "bacon", + "grated parmesan cheese", + "green tomatoes", + "dry bread crumbs" + ] + }, + { + "id": 28812, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "salt", + "soy sauce", + "cooking oil", + "fish", + "sugar", + "herbs", + "garlic cloves", + "pepper", + "lemon" + ] + }, + { + "id": 33199, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "crushed red pepper", + "eggplant", + "cooking spray", + "italian seasoning", + "seasoned bread crumbs", + "fresh parmesan cheese", + "tomato basil sauce", + "large egg whites", + "large eggs", + "garlic cloves" + ] + }, + { + "id": 18117, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "green onions", + "green enchilada sauce", + "oregano", + "lime juice", + "chili powder", + "cream cheese", + "shredded Monterey Jack cheese", + "minced garlic", + "cooked chicken", + "salt", + "cumin", + "flour tortillas", + "onion powder", + "chopped cilantro" + ] + }, + { + "id": 24020, + "cuisine": "italian", + "ingredients": [ + "vegetable stock", + "pinenuts", + "penne pasta", + "tomatoes", + "garlic", + "grated parmesan cheese", + "fresh basil leaves" + ] + }, + { + "id": 18601, + "cuisine": "cajun_creole", + "ingredients": [ + "large eggs", + "creole seasoning", + "vegetable oil cooking spray", + "light mayonnaise", + "red bell pepper", + "bread crumbs", + "sauce", + "cooked chicken breasts", + "creole mustard", + "green onions", + "garlic cloves" + ] + }, + { + "id": 11656, + "cuisine": "italian", + "ingredients": [ + "capers", + "garlic", + "dried oregano", + "dried basil", + "roast red peppers, drain", + "mozzarella cheese", + "crushed red pepper", + "tomatoes", + "olive oil", + "fresh parsley" + ] + }, + { + "id": 15685, + "cuisine": "italian", + "ingredients": [ + "peeled tomatoes", + "pizza doughs", + "extra-virgin olive oil", + "dried oregano", + "capicola", + "goat cheese", + "minced garlic", + "crushed red pepper" + ] + }, + { + "id": 15820, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "chile pepper", + "beef broth", + "cooking oil", + "beef stew meat", + "ground cumin", + "water", + "garlic", + "corn starch", + "tomato paste", + "chili powder", + "salt" + ] + }, + { + "id": 43754, + "cuisine": "mexican", + "ingredients": [ + "pork tenderloin", + "garlic", + "roasted tomatoes", + "lime juice", + "ancho powder", + "red enchilada sauce", + "chicken broth", + "shredded cabbage", + "purple onion", + "onions", + "hominy", + "cilantro", + "oil" + ] + }, + { + "id": 27828, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "parmigiano reggiano cheese", + "lemon wedge", + "fresh lemon juice", + "salad greens", + "boneless skinless chicken breasts", + "all-purpose flour", + "kosher salt", + "egg whites", + "white wine vinegar", + "sugar", + "olive oil", + "shallots", + "dry bread crumbs" + ] + }, + { + "id": 1537, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "ground black pepper", + "all-purpose flour", + "cream of tartar", + "large egg yolks", + "baby spinach", + "fat free milk", + "cooking spray", + "dry bread crumbs", + "parmigiano-reggiano cheese", + "ground nutmeg", + "salt" + ] + }, + { + "id": 12187, + "cuisine": "thai", + "ingredients": [ + "spring onions", + "salted peanuts", + "coriander", + "lime juice", + "rice noodles", + "chili sauce", + "fish sauce", + "muscovado sugar", + "cayenne pepper", + "tiger prawn", + "lime", + "vegetable oil", + "beansprouts" + ] + }, + { + "id": 41816, + "cuisine": "southern_us", + "ingredients": [ + "cream of chicken soup", + "margarine", + "dried sage", + "broth", + "hard-boiled egg", + "onions", + "cornbread", + "turkey" + ] + }, + { + "id": 32122, + "cuisine": "italian", + "ingredients": [ + "fennel bulb", + "extra-virgin olive oil", + "flat leaf parsley", + "cherry tomatoes", + "oil-cured black olives", + "all-purpose flour", + "fronds", + "large garlic cloves", + "striped bass", + "dry white wine", + "purple onion" + ] + }, + { + "id": 456, + "cuisine": "mexican", + "ingredients": [ + "pinto beans", + "onion powder", + "chili powder", + "fine sea salt" + ] + }, + { + "id": 6661, + "cuisine": "mexican", + "ingredients": [ + "baking soda", + "baking powder", + "semi-sweet chocolate morsels", + "ground cinnamon", + "unsalted butter", + "salt", + "ground pepper", + "vanilla extract", + "golden brown sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 42995, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "italian seasoning", + "orzo", + "bacon", + "sliced green onions", + "seasoning salt", + "toasted pine nuts" + ] + }, + { + "id": 29452, + "cuisine": "french", + "ingredients": [ + "light brown sugar", + "egg yolks", + "raspberries", + "heavy cream", + "mint", + "caster", + "fresh ginger" + ] + }, + { + "id": 17513, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "cooking spray", + "canola oil", + "kosher salt", + "zucchini", + "chopped cilantro fresh", + "chicken breast tenders", + "flour tortillas", + "monterey jack", + "black pepper", + "salsa verde", + "purple onion", + "ground cumin" + ] + }, + { + "id": 25979, + "cuisine": "french", + "ingredients": [ + "olive oil", + "russet potatoes", + "black pepper", + "leeks", + "plum tomatoes", + "mussels", + "unsalted butter", + "garlic", + "kosher salt", + "dry white wine" + ] + }, + { + "id": 44094, + "cuisine": "japanese", + "ingredients": [ + "boneless chicken breast", + "salt", + "soy sauce", + "mushrooms", + "cooked white rice", + "large eggs", + "garlic cloves", + "ketchup", + "vegetable oil", + "onions" + ] + }, + { + "id": 1846, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "shredded lettuce", + "chunky salsa", + "avocado", + "green onions", + "rotisserie chicken", + "sliced black olives", + "reduced-fat sour cream", + "monterey jack", + "tomatoes", + "ranch dressing", + "corn tortillas" + ] + }, + { + "id": 37323, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "garlic", + "sun-dried tomatoes", + "boneless skinless chicken breast halves", + "olive oil", + "noodles", + "crumbled goat cheese", + "roasted red peppers" + ] + }, + { + "id": 12846, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "extra-virgin olive oil", + "white sandwich bread", + "red wine vinegar", + "blanched almonds", + "roasted red peppers", + "salt", + "hot red pepper flakes", + "large garlic cloves", + "fillets" + ] + }, + { + "id": 38023, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "granulated sugar", + "cooking spray", + "salt", + "turbinado", + "triple sec", + "large eggs", + "dried tart cherries", + "warm water", + "large egg yolks", + "dried apricot", + "butter", + "fat free milk", + "dry yeast", + "golden raisins", + "all-purpose flour" + ] + }, + { + "id": 3185, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "olive oil", + "white wine", + "shredded parmesan cheese", + "black pepper", + "onion flakes", + "arborio rice", + "kosher salt", + "chopped garlic" + ] + }, + { + "id": 455, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "cilantro", + "fingerling potatoes", + "masala", + "tomatoes", + "fresno pepper", + "lemon" + ] + }, + { + "id": 22620, + "cuisine": "moroccan", + "ingredients": [ + "tomato purée", + "water", + "ground black pepper", + "yellow onion", + "celery", + "tumeric", + "olive oil", + "spices", + "sweet paprika", + "dried lentils", + "fresh cilantro", + "lemon wedge", + "lima beans", + "fresh parsley", + "tomato paste", + "kosher salt", + "garbanzo beans", + "vegetable broth", + "garlic cloves" + ] + }, + { + "id": 7082, + "cuisine": "filipino", + "ingredients": [ + "rice flour", + "white sugar", + "coconut milk", + "cream style corn" + ] + }, + { + "id": 34443, + "cuisine": "mexican", + "ingredients": [ + "pork shoulder roast", + "chopped cilantro fresh", + "white onion", + "salt", + "chile pepper", + "pepper", + "salsa" + ] + }, + { + "id": 42613, + "cuisine": "british", + "ingredients": [ + "ale", + "salt", + "worcestershire sauce", + "aged cheddar cheese", + "butter", + "cayenne pepper", + "dry mustard" + ] + }, + { + "id": 22513, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "teas", + "clove", + "sugar", + "star anise", + "black peppercorns", + "cinnamon", + "fennel seeds", + "soy sauce" + ] + }, + { + "id": 15948, + "cuisine": "italian", + "ingredients": [ + "butter", + "smoked salmon", + "fresh parsley", + "tomatoes", + "heavy whipping cream", + "ground black pepper", + "onions" + ] + }, + { + "id": 8544, + "cuisine": "southern_us", + "ingredients": [ + "zucchini", + "ear of corn", + "grits", + "cheddar cheese", + "lemon", + "shrimp", + "butter", + "scallions", + "cherry tomatoes", + "garlic", + "smoked paprika" + ] + }, + { + "id": 32929, + "cuisine": "italian", + "ingredients": [ + "eggs", + "ricotta cheese", + "romano cheese", + "salt", + "pasta sauce", + "cheese ravioli", + "frozen chopped spinach", + "pepper" + ] + }, + { + "id": 39454, + "cuisine": "italian", + "ingredients": [ + "semisweet chocolate", + "salt", + "canola oil", + "sugar", + "baking powder", + "natural pistachios", + "large eggs", + "all-purpose flour", + "white chocolate", + "almond extract", + "dried raspberry" + ] + }, + { + "id": 33475, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "flat leaf parsley", + "shiitake", + "heavy cream", + "freshly ground pepper", + "asparagus", + "peas", + "penne rigate", + "shallots", + "salt" + ] + }, + { + "id": 26588, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "garam masala", + "ginger", + "green chilies", + "cinnamon sticks", + "tomatoes", + "red chili peppers", + "bay leaves", + "brown cardamom", + "lentils", + "ground turmeric", + "asafoetida", + "mint leaves", + "salt", + "oil", + "coriander", + "garlic paste", + "coriander powder", + "mutton", + "cumin seed", + "onions" + ] + }, + { + "id": 18609, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "thai chile", + "fresh mushrooms", + "chicken", + "kaffir lime leaves", + "palm sugar", + "chili sauce", + "galangal", + "lemongrass", + "cilantro leaves", + "fresh lime juice", + "water", + "salt", + "coconut milk" + ] + }, + { + "id": 8302, + "cuisine": "british", + "ingredients": [ + "shallots", + "cayenne pepper", + "mace", + "butter", + "bay leaf", + "fresh lemon", + "salt", + "black pepper", + "Tabasco Pepper Sauce", + "shrimp" + ] + }, + { + "id": 29938, + "cuisine": "french", + "ingredients": [ + "whipping cream", + "egg yolks", + "fresh mint", + "firmly packed light brown sugar", + "vanilla extract", + "sugar", + "fresh raspberries" + ] + }, + { + "id": 15754, + "cuisine": "french", + "ingredients": [ + "whitefish", + "orange", + "cayenne", + "large garlic cloves", + "fresh lemon juice", + "onions", + "hard shelled clams", + "olive oil", + "fennel bulb", + "fish stock", + "shrimp", + "cold water", + "king crab legs", + "vegetables", + "fresh thyme leaves", + "salt", + "bay leaf", + "saffron threads", + "parsley sprigs", + "sea scallops", + "dry white wine", + "canned tomatoes", + "red bell pepper" + ] + }, + { + "id": 30701, + "cuisine": "chinese", + "ingredients": [ + "sake", + "peeled fresh ginger", + "salt", + "white pepper", + "fresh orange juice", + "red bell pepper", + "red chili peppers", + "trout fillet", + "dark sesame oil", + "fish sauce", + "lemon grass", + "cilantro sprigs", + "sliced green onions" + ] + }, + { + "id": 3193, + "cuisine": "italian", + "ingredients": [ + "baking powder", + "white sugar", + "eggs", + "vanilla extract", + "butter", + "lemon zest", + "all-purpose flour" + ] + }, + { + "id": 2989, + "cuisine": "french", + "ingredients": [ + "large garlic cloves", + "sugar", + "salt", + "lemon", + "carrots", + "extra-virgin olive oil" + ] + }, + { + "id": 39142, + "cuisine": "filipino", + "ingredients": [ + "coconut milk", + "cooking oil", + "sweetened coconut flakes", + "brown sugar", + "sweet rice flour" + ] + }, + { + "id": 44645, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "light brown sugar", + "grated nutmeg", + "unsalted butter", + "vanilla ice cream", + "dry bread crumbs" + ] + }, + { + "id": 12664, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "chili powder", + "freshly ground pepper", + "skirt steak", + "fresh tomatoes", + "frozen whole kernel corn", + "salt", + "corn tortillas", + "fresh cilantro", + "jalape", + "red bell pepper", + "ground cumin", + "olive oil", + "purple onion", + "sour cream" + ] + }, + { + "id": 39074, + "cuisine": "italian", + "ingredients": [ + "salt and ground black pepper", + "butter", + "arborio rice", + "butternut squash", + "grated parmesan cheese", + "onions", + "chicken stock", + "dry white wine" + ] + }, + { + "id": 37183, + "cuisine": "indian", + "ingredients": [ + "water", + "vegetable oil", + "sugar", + "large eggs", + "active dry yeast", + "salt", + "plain yogurt", + "flour" + ] + }, + { + "id": 6848, + "cuisine": "italian", + "ingredients": [ + "water", + "zucchini", + "diced tomatoes", + "diced celery", + "olive oil", + "cannellini beans", + "chopped onion", + "dried oregano", + "ground pepper", + "ditalini", + "garlic cloves", + "dried basil", + "grated parmesan cheese", + "salt", + "carrots" + ] + }, + { + "id": 38131, + "cuisine": "cajun_creole", + "ingredients": [ + "capers", + "salt", + "fat-free mayonnaise", + "cooking spray", + "dried oregano", + "hot pepper sauce", + "fresh onion", + "catfish fillets", + "cajun seasoning", + "pickle relish" + ] + }, + { + "id": 11429, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "sweet potatoes", + "freshly grated parmesan", + "fresh oregano", + "ground black pepper", + "rigatoni", + "olive oil", + "garlic" + ] + }, + { + "id": 2030, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "sesame oil", + "rice vinegar", + "minced garlic", + "ginger", + "onions", + "soy sauce", + "ground pork", + "carrots", + "chili flakes", + "gyoza", + "salt", + "cabbage" + ] + }, + { + "id": 19558, + "cuisine": "japanese", + "ingredients": [ + "chicken breasts", + "salt", + "fresh tomatoes", + "vegetable oil", + "cabbage", + "eggs", + "lemon wedge", + "panko breadcrumbs", + "flour", + "tonkatsu sauce" + ] + }, + { + "id": 6793, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "condensed cream of mushroom soup", + "instant rice", + "diced green chilies", + "chicken", + "water", + "dried minced onion", + "shredded cheddar cheese", + "salt" + ] + }, + { + "id": 31575, + "cuisine": "italian", + "ingredients": [ + "sugar", + "tea bags", + "cranberry juice" + ] + }, + { + "id": 49428, + "cuisine": "russian", + "ingredients": [ + "low-fat plain yogurt", + "cooked beetroot", + "salt", + "dressing", + "caster sugar", + "small new potatoes", + "sour cream", + "beans", + "shallots", + "gherkins", + "tomatoes", + "fennel", + "creamed horseradish", + "arugula" + ] + }, + { + "id": 42902, + "cuisine": "italian", + "ingredients": [ + "ladyfingers", + "dark rum", + "orange rind", + "chocolate instant pudding", + "vanilla instant pudding", + "slivered almonds", + "almond extract", + "fat free frozen top whip", + "fat free milk", + "amaretto" + ] + }, + { + "id": 3289, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "large eggs", + "garlic cloves", + "ground black pepper", + "pecorino romano cheese", + "plum tomatoes", + "finely chopped onion", + "salt", + "large egg whites", + "cooking spray", + "flat leaf parsley" + ] + }, + { + "id": 29156, + "cuisine": "indian", + "ingredients": [ + "salt", + "ghee", + "oil", + "rice", + "jaggery", + "grated coconut", + "ground cardamom" + ] + }, + { + "id": 30957, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "fresh cilantro", + "chili powder", + "paprika", + "taco seasoning", + "ground cumin", + "black beans", + "garlic powder", + "baking potatoes", + "salt", + "ground beef", + "black pepper", + "chopped tomatoes", + "onion powder", + "crushed red pepper flakes", + "sour cream", + "avocado", + "pepper", + "flour", + "butter", + "salsa", + "oregano" + ] + }, + { + "id": 3874, + "cuisine": "indian", + "ingredients": [ + "fat free less sodium chicken broth", + "finely chopped onion", + "yellow split peas", + "ghee", + "fresh ginger", + "salt", + "carrots", + "minced garlic", + "jalapeno chilies", + "ground coriander", + "ground turmeric", + "water", + "brown mustard seeds", + "cumin seed" + ] + }, + { + "id": 4141, + "cuisine": "moroccan", + "ingredients": [ + "salt", + "natural pistachios", + "water", + "fresh mint", + "fresh lemon juice", + "olive oil", + "couscous" + ] + }, + { + "id": 38386, + "cuisine": "greek", + "ingredients": [ + "whole almonds", + "eggplant", + "salt", + "olive oil", + "garlic", + "white sugar", + "cherry tomatoes", + "chili powder", + "onions", + "white wine", + "mint leaves", + "fresh parsley" + ] + }, + { + "id": 45617, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "chili powder", + "garlic cloves", + "olive oil", + "salt", + "corn tortillas", + "water", + "non-fat sour cream", + "shrimp", + "avocado", + "ground red pepper", + "orange juice", + "ground cumin" + ] + }, + { + "id": 26014, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "beef", + "thai chile", + "minced garlic", + "ginger", + "chopped fresh mint", + "sugar", + "vegetable oil", + "fresh lime juice", + "asian eggplants", + "reduced sodium soy sauce", + "rice vermicelli" + ] + }, + { + "id": 38556, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "garlic", + "sugar", + "roma tomatoes", + "lime juice", + "chopped cilantro fresh", + "white onion", + "jalapeno chilies" + ] + }, + { + "id": 40258, + "cuisine": "moroccan", + "ingredients": [ + "ground pepper", + "salt", + "white mushrooms", + "ground cumin", + "steamed rice", + "paprika", + "pitted prunes", + "fresh parsley", + "tomato paste", + "sweet potatoes", + "ground coriander", + "chopped parsley", + "olive oil", + "lamb shoulder", + "garlic cloves", + "onions" + ] + }, + { + "id": 6334, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "chicken parts", + "poultry seasoning", + "adobo", + "ground black pepper", + "onion powder", + "dried oregano", + "white flour", + "large eggs", + "Tabasco Pepper Sauce", + "liquid smoke", + "garlic powder", + "corn oil", + "ground cayenne pepper" + ] + }, + { + "id": 8052, + "cuisine": "indian", + "ingredients": [ + "eggs", + "semolina", + "sugar", + "green cardamom", + "milk", + "shortening", + "dry milk powder" + ] + }, + { + "id": 1855, + "cuisine": "chinese", + "ingredients": [ + "sirloin tip", + "sesame oil", + "Maggi", + "corn starch", + "white pepper", + "ginger", + "oil", + "sugar", + "dry sherry", + "scallions", + "water", + "salt", + "oyster sauce" + ] + }, + { + "id": 6859, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "green tea bags", + "boiling water", + "fresh mint", + "mint leaves" + ] + }, + { + "id": 8032, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "cuminseed", + "caraway seeds", + "coarse salt", + "red bell pepper", + "oil-cured black olives", + "dried chile", + "coriander seeds", + "garlic cloves" + ] + }, + { + "id": 6672, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "vegetable oil", + "all-purpose flour", + "refried beans", + "turkey", + "beans", + "vegetable shortening", + "masa harina", + "baking powder", + "salt" + ] + }, + { + "id": 12223, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "hothouse cucumber", + "olive oil", + "fresh lemon juice", + "fresh dill", + "orzo", + "fennel bulb", + "green beans" + ] + }, + { + "id": 44162, + "cuisine": "british", + "ingredients": [ + "Jell-O Gelatin", + "wine", + "vanilla instant pudding", + "frozen whipped topping", + "fruit cocktail", + "sponge cake" + ] + }, + { + "id": 17460, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "snow peas", + "chinese noodles", + "carrots", + "broccoli florets", + "teriyaki sauce", + "boneless skinless chicken breasts", + "onions" + ] + }, + { + "id": 20293, + "cuisine": "greek", + "ingredients": [ + "fresh rosemary", + "boneless skinless chicken breasts", + "diced tomatoes", + "fresh parsley", + "olive oil", + "sliced kalamata olives", + "salt", + "pepper", + "chopped fresh thyme", + "garlic", + "dried oregano", + "feta cheese", + "lemon", + "lemon juice" + ] + }, + { + "id": 12605, + "cuisine": "vietnamese", + "ingredients": [ + "black pepper", + "yellow onion", + "garlic", + "ground beef", + "ground pork", + "cognac", + "eggs", + "salt", + "puff pastry" + ] + }, + { + "id": 13620, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "medium shrimp", + "parsley sprigs", + "crushed red pepper", + "olive oil", + "salt", + "cremini mushrooms", + "marinara sauce", + "spaghetti" + ] + }, + { + "id": 6632, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "large garlic cloves", + "salt", + "olive oil spray", + "mozzarella cheese", + "large eggs", + "part-skim ricotta cheese", + "oven-ready lasagna noodles", + "crushed tomatoes", + "grated parmesan cheese", + "crushed red pepper", + "fresh basil leaves", + "italian sausage", + "ground black pepper", + "diced tomatoes", + "chopped onion", + "dried oregano" + ] + }, + { + "id": 37248, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "olive oil", + "salt", + "pitted kalamata olives", + "fingerling potatoes", + "dried oregano", + "soft goat's cheese", + "cooking spray", + "red bell pepper", + "whole wheat pizza dough", + "cracked black pepper" + ] + }, + { + "id": 40382, + "cuisine": "british", + "ingredients": [ + "powdered sugar", + "mincemeat", + "light brown sugar", + "almonds", + "plain flour", + "butter", + "orange" + ] + }, + { + "id": 28794, + "cuisine": "indian", + "ingredients": [ + "sugar", + "dry mustard", + "dried red chile peppers", + "tomato paste", + "vinegar", + "oil", + "chicken", + "clove", + "fresh ginger", + "salt", + "onions", + "ground cinnamon", + "paprika", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 12793, + "cuisine": "mexican", + "ingredients": [ + "lime", + "russet potatoes", + "cilantro leaves", + "eggs", + "corn kernels", + "cracked black pepper", + "scallions", + "pie dough", + "jalapeno chilies", + "garlic", + "juice", + "kosher salt", + "vegetable oil", + "purple onion", + "onions" + ] + }, + { + "id": 10127, + "cuisine": "chinese", + "ingredients": [ + "lettuce", + "herbs", + "peanut butter", + "rice paper", + "fresh basil", + "sesame oil", + "carrots", + "avocado", + "hoisin sauce", + "turkey meat", + "mint", + "rice vinegar", + "cucumber" + ] + }, + { + "id": 38268, + "cuisine": "italian", + "ingredients": [ + "crushed red pepper flakes", + "garlic cloves", + "dry white wine", + "extra-virgin olive oil", + "littleneck clams", + "fresh parsley", + "clam juice", + "linguine" + ] + }, + { + "id": 43674, + "cuisine": "greek", + "ingredients": [ + "tomato sauce", + "dried basil", + "salt", + "dried oregano", + "pepper", + "feta cheese", + "lemon juice", + "sugar", + "dried thyme", + "garlic cloves", + "rigatoni", + "sweet onion", + "diced tomatoes", + "ground beef" + ] + }, + { + "id": 15935, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "oyster sauce", + "all-purpose flour", + "salt", + "catfish" + ] + }, + { + "id": 45217, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "rice", + "chopped cilantro", + "eggs", + "spring onions", + "carrots", + "sweet soy sauce", + "oyster sauce", + "red chili peppers", + "garlic", + "red bell pepper" + ] + }, + { + "id": 34775, + "cuisine": "italian", + "ingredients": [ + "water", + "roma tomatoes", + "cornmeal", + "fontina cheese", + "olive oil", + "bacon", + "milk", + "baby spinach", + "cremini mushrooms", + "ground black pepper", + "salt" + ] + }, + { + "id": 13975, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "Italian bread", + "fresh green peas", + "heavy cream", + "lettuce", + "leeks", + "chicken broth", + "fresh mint" + ] + }, + { + "id": 31225, + "cuisine": "chinese", + "ingredients": [ + "water chestnuts", + "ground pork", + "peanut oil", + "soy sauce", + "chives", + "fine sea salt", + "ground beef", + "cold water", + "flour", + "ginger", + "scallions", + "egg whites", + "napa cabbage", + "rice vinegar" + ] + }, + { + "id": 13186, + "cuisine": "southern_us", + "ingredients": [ + "herbs", + "salt", + "carrots", + "eggs", + "buttermilk", + "cayenne pepper", + "onions", + "chicken gizzards", + "garlic", + "oil", + "marinade", + "all-purpose flour", + "bay leaf" + ] + }, + { + "id": 13832, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "peanuts", + "allspice berries", + "canela", + "kosher salt", + "annatto seeds", + "chipotles in adobo", + "plantains", + "black peppercorns", + "sherry vinegar", + "ancho chile pepper", + "canola oil", + "chicken stock", + "roasted garlic oil", + "whole cloves", + "bittersweet chocolate" + ] + }, + { + "id": 20230, + "cuisine": "mexican", + "ingredients": [ + "hominy", + "Mexican oregano", + "chicken thighs", + "chicken broth", + "serrano peppers", + "salt", + "cabbage", + "vinegar", + "tomatillos", + "cumin", + "lime juice", + "chicken breasts", + "onions" + ] + }, + { + "id": 48673, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "egg yolks", + "graham crackers", + "sweetened condensed milk", + "unsalted butter", + "ground pecans", + "lime zest", + "granulated sugar", + "key lime juice" + ] + }, + { + "id": 43426, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "cooked chicken", + "garlic salt", + "flour tortillas", + "salsa", + "leaves", + "chili powder", + "ground cumin", + "tomatoes", + "green onions", + "sour cream" + ] + }, + { + "id": 46438, + "cuisine": "japanese", + "ingredients": [ + "pepper", + "salt", + "corn starch", + "brown sugar", + "cayenne", + "peanut oil", + "japanese eggplants", + "sesame seeds", + "rice vinegar", + "red bell pepper", + "soy sauce", + "garlic", + "long-grain rice" + ] + }, + { + "id": 20290, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "dry white wine", + "chopped onion", + "fresh basil", + "olive oil", + "crushed red pepper", + "arborio rice", + "water", + "vegetable broth", + "fresh parsley", + "cremini mushrooms", + "fresh parmesan cheese", + "salt" + ] + }, + { + "id": 38836, + "cuisine": "mexican", + "ingredients": [ + "chicken breast tenders", + "jalapeno chilies", + "salt", + "low-fat sour cream", + "shredded extra sharp cheddar cheese", + "vegetable oil", + "Balsamico Bianco", + "chopped tomatoes", + "cooking spray", + "cilantro leaves", + "black pepper", + "flour tortillas", + "shredded lettuce" + ] + }, + { + "id": 6667, + "cuisine": "vietnamese", + "ingredients": [ + "white vinegar", + "hearts of palm", + "extra-virgin olive oil", + "carrots", + "kosher salt", + "bread and butter pickles", + "cilantro leaves", + "sugar", + "lime juice", + "purple onion", + "hass avocado", + "baguette", + "jalapeno chilies", + "persian cucumber" + ] + }, + { + "id": 35977, + "cuisine": "japanese", + "ingredients": [ + "milk", + "heavy cream", + "green tea", + "honey", + "sugar", + "egg yolks" + ] + }, + { + "id": 47569, + "cuisine": "chinese", + "ingredients": [ + "peanuts", + "sirloin steak", + "onions", + "chicken broth", + "broccoli florets", + "crushed red pepper", + "water chestnuts", + "garlic", + "soy sauce", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 25490, + "cuisine": "brazilian", + "ingredients": [ + "coconut oil", + "unsalted cashews", + "vanilla bean paste", + "toasted coconut", + "pomegranate seeds", + "cashew butter", + "coconut milk", + "figs", + "vanilla extract", + "toasted almonds", + "bananas", + "salt", + "pure acai puree" + ] + }, + { + "id": 40037, + "cuisine": "italian", + "ingredients": [ + "low-fat sour cream", + "cooking spray", + "pizza doughs", + "olive oil", + "purple onion", + "cornmeal", + "black pepper", + "button mushrooms", + "crumbled gorgonzola", + "shiitake", + "salt" + ] + }, + { + "id": 10751, + "cuisine": "indian", + "ingredients": [ + "coconut", + "baby goat", + "mutton", + "onions", + "tomatoes", + "garam masala", + "lemon", + "salt", + "tumeric", + "coriander powder", + "ginger", + "green chilies", + "olive oil", + "chili powder", + "garlic" + ] + }, + { + "id": 9087, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "yoghurt", + "sunflower oil", + "green chilies", + "sugar", + "instant yeast", + "chili powder", + "garlic", + "strong white bread flour", + "salted butter", + "teas", + "ginger", + "kalonji", + "warm water", + "potatoes", + "sea salt", + "cilantro leaves" + ] + }, + { + "id": 8735, + "cuisine": "mexican", + "ingredients": [ + "cilantro leaves", + "vegetable oil", + "boneless skinless chicken breast halves", + "garlic cloves", + "salt", + "chile sauce" + ] + }, + { + "id": 38022, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "garam masala", + "garlic", + "chicken thighs", + "crushed tomatoes", + "cilantro", + "ground coriander", + "kosher salt", + "butter", + "yellow onion", + "ground cumin", + "coconut sugar", + "fresh ginger root", + "crushed red pepper flakes", + "coconut milk" + ] + }, + { + "id": 15198, + "cuisine": "cajun_creole", + "ingredients": [ + "ground red pepper", + "chopped celery", + "medium shrimp", + "minced garlic", + "old bay seasoning", + "chopped onion", + "no-salt-added diced tomatoes", + "vegetable oil", + "green pepper", + "dried oregano", + "dried thyme", + "diced tomatoes", + "long-grain rice" + ] + }, + { + "id": 12088, + "cuisine": "jamaican", + "ingredients": [ + "angel hair", + "garlic", + "coconut milk", + "meat", + "scallions", + "curry powder", + "salt", + "hot pepper", + "thyme" + ] + }, + { + "id": 14253, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "garlic", + "sugar", + "diced green chilies", + "roasted tomatoes", + "fresh cilantro", + "salt", + "black pepper", + "jalapeno chilies", + "ground cumin" + ] + }, + { + "id": 30754, + "cuisine": "cajun_creole", + "ingredients": [ + "boneless chicken skinless thigh", + "bell pepper", + "red pepper", + "thyme leaves", + "chicken stock", + "ground black pepper", + "bay leaves", + "beer", + "andouille sausage", + "parsley leaves", + "basil leaves", + "long-grain rice", + "white pepper", + "seafood seasoning", + "garlic", + "onions" + ] + }, + { + "id": 22151, + "cuisine": "southern_us", + "ingredients": [ + "refrigerated piecrusts", + "blackberries", + "sugar", + "vanilla extract", + "vanilla ice cream", + "butter", + "piecrust", + "all-purpose flour" + ] + }, + { + "id": 46267, + "cuisine": "french", + "ingredients": [ + "potatoes", + "cheese curds", + "vegetable oil", + "beef gravy" + ] + }, + { + "id": 16834, + "cuisine": "indian", + "ingredients": [ + "paprika", + "onions", + "garam masala", + "cayenne pepper", + "plain whole-milk yogurt", + "chicken breast halves", + "ground cardamom", + "ground cumin", + "tumeric", + "salt", + "chicken thighs" + ] + }, + { + "id": 40840, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "lime wedges", + "garlic cloves", + "water", + "sweet potatoes", + "chopped onion", + "fat free less sodium chicken broth", + "chopped green bell pepper", + "light coconut milk", + "basmati rice", + "curry powder", + "peeled fresh ginger", + "roasting chickens" + ] + }, + { + "id": 11327, + "cuisine": "russian", + "ingredients": [ + "unsalted butter", + "sugar", + "cream cheese", + "candied orange peel", + "ricotta cheese", + "vanilla beans" + ] + }, + { + "id": 25855, + "cuisine": "italian", + "ingredients": [ + "eggs", + "ricotta", + "salad", + "olive oil", + "cherry tomatoes", + "onions", + "spinach leaves", + "basil leaves" + ] + }, + { + "id": 47343, + "cuisine": "thai", + "ingredients": [ + "vegetable oil", + "fresh lemon juice", + "fresh coriander", + "purple onion", + "shredded cabbage", + "salt", + "sugar", + "grated carrot", + "fresh mint" + ] + }, + { + "id": 19782, + "cuisine": "japanese", + "ingredients": [ + "miso", + "safflower oil", + "rice vinegar", + "pepper" + ] + }, + { + "id": 7552, + "cuisine": "korean", + "ingredients": [ + "sugar", + "sesame oil", + "sweet paprika", + "fresh ginger", + "rice vinegar", + "toasted sesame seeds", + "sirloin", + "green onions", + "cayenne pepper", + "soy sauce", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 16316, + "cuisine": "french", + "ingredients": [ + "baguette", + "fingerling potatoes", + "purple onion", + "lacinato kale", + "fennel bulb", + "garlic", + "crushed tomatoes", + "spices", + "tangerine", + "cod fillets", + "Castelvetrano olives" + ] + }, + { + "id": 642, + "cuisine": "chinese", + "ingredients": [ + "water", + "green onions", + "garlic", + "granulated sugar", + "red wine vinegar", + "corn starch", + "soy sauce", + "boneless chicken breast", + "red pepper", + "canola oil", + "hot pepper sauce", + "sesame oil", + "roasted peanuts" + ] + }, + { + "id": 9850, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "all-purpose flour", + "sugar", + "whipping cream", + "vanilla ice cream", + "apples", + "refrigerated piecrusts", + "maple syrup" + ] + }, + { + "id": 22208, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "green onions", + "dried lavender", + "unsalted butter", + "chopped fresh thyme", + "extra-virgin olive oil", + "fresh rosemary", + "fingerling potatoes", + "large garlic cloves", + "flat leaf parsley", + "ground sage", + "shallots", + "sea salt" + ] + }, + { + "id": 40665, + "cuisine": "filipino", + "ingredients": [ + "water", + "salt", + "onions", + "brown sugar", + "bay leaves", + "liver", + "vinegar", + "sauce", + "pepper", + "garlic", + "oil" + ] + }, + { + "id": 36783, + "cuisine": "italian", + "ingredients": [ + "sugar", + "olive oil", + "salt", + "red bell pepper", + "tomato sauce", + "mozzarella cheese", + "mild Italian sausage", + "fresh oregano", + "warm water", + "parmigiano reggiano cheese", + "yellow onion", + "bread flour", + "semolina flour", + "active dry yeast", + "ricotta cheese", + "garlic cloves" + ] + }, + { + "id": 6323, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "shredded carrots", + "vegetable broth", + "chinese five-spice powder", + "fresh ginger", + "sesame oil", + "salt", + "glass noodles", + "green cabbage", + "chili paste", + "vegetable oil", + "scallions", + "pepper", + "broccoli stems", + "garlic", + "onions" + ] + }, + { + "id": 48485, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "granulated garlic", + "seasoning salt", + "breadcrumb mix", + "shrimp" + ] + }, + { + "id": 27492, + "cuisine": "thai", + "ingredients": [ + "tumeric", + "lemongrass", + "full fat coconut milk", + "vegetable broth", + "firm tofu", + "white mushrooms", + "brown sugar", + "soy sauce", + "lime", + "green onions", + "red curry paste", + "carrots", + "fresh spinach", + "fresh cilantro", + "miso paste", + "crushed red pepper", + "garlic cloves", + "snow peas", + "coconut oil", + "curry powder", + "fresh ginger", + "worcestershire sauce", + "yellow onion", + "red bell pepper" + ] + }, + { + "id": 21868, + "cuisine": "mexican", + "ingredients": [ + "sour cream", + "green enchilada sauce", + "shredded Monterey Jack cheese", + "corn tortillas", + "black olives" + ] + }, + { + "id": 32601, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "carrots", + "sugar", + "ground black pepper", + "fresh coriander", + "lemon", + "coriander seeds", + "ground cumin" + ] + }, + { + "id": 25277, + "cuisine": "italian", + "ingredients": [ + "vanilla ice cream", + "fresh mint", + "grated lemon zest", + "sorbet", + "lemon rind" + ] + }, + { + "id": 19253, + "cuisine": "thai", + "ingredients": [ + "lime wedges", + "chicken noodle soup", + "coconut milk", + "cilantro leaves", + "fresh lime juice" + ] + }, + { + "id": 4692, + "cuisine": "french", + "ingredients": [ + "chicken broth", + "ground black pepper", + "frozen green beans", + "pesto", + "potatoes", + "carrots", + "great northern beans", + "whole peeled tomatoes", + "salt", + "olive oil", + "boneless skinless chicken breasts", + "onions" + ] + }, + { + "id": 3379, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "jicama", + "salt", + "beef steak", + "sugar", + "kecap manis", + "thai chile", + "carrots", + "fish sauce", + "ground black pepper", + "shallots", + "Italian basil", + "canola oil", + "granny smith apples", + "regular soy sauce", + "garlic", + "fresh lime juice" + ] + }, + { + "id": 33801, + "cuisine": "italian", + "ingredients": [ + "orange bell pepper", + "heavy cream", + "minced garlic", + "grated parmesan cheese", + "pasta shells", + "minced onion", + "stewed tomatoes", + "bulk italian sausag", + "vegetable oil", + "fresh parsley" + ] + }, + { + "id": 35388, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "radishes", + "oil", + "asafoetida", + "salt", + "dried red chile peppers", + "tomatoes", + "yoghurt", + "black mustard seeds", + "coconut", + "cilantro leaves" + ] + }, + { + "id": 32870, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "all-purpose flour", + "sugar", + "egg whites", + "vegetable oil cooking spray", + "low-fat buttermilk", + "margarine", + "whole wheat flour", + "salt" + ] + }, + { + "id": 38679, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "roma tomatoes", + "black beans", + "salt", + "white corn", + "cilantro", + "lime juice" + ] + }, + { + "id": 21948, + "cuisine": "french", + "ingredients": [ + "liquid", + "buttermilk", + "vanilla beans" + ] + }, + { + "id": 29869, + "cuisine": "british", + "ingredients": [ + "tomato purée", + "ground sirloin", + "extra-virgin olive oil", + "half & half", + "peas", + "extra sharp cheddar cheese", + "kosher salt", + "russet potatoes", + "cayenne pepper", + "ground black pepper", + "large garlic cloves", + "onions" + ] + }, + { + "id": 22684, + "cuisine": "chinese", + "ingredients": [ + "mayonaise", + "ground black pepper", + "salt", + "medium shrimp", + "dried basil", + "onion powder", + "all-purpose flour", + "milk", + "granulated sugar", + "rice vinegar", + "panko breadcrumbs", + "eggs", + "garlic powder", + "vegetable oil", + "garlic chili sauce" + ] + }, + { + "id": 7066, + "cuisine": "italian", + "ingredients": [ + "lower sodium chicken broth", + "asparagus", + "olive oil", + "grated lemon zest", + "kosher salt", + "pecorino romano cheese", + "pasta", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 43040, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "water", + "garlic cloves", + "sugar", + "salt", + "sweet bean sauce", + "chile paste with garlic", + "egg noodles", + "fresh lime juice", + "baby bok choy", + "dark sesame oil" + ] + }, + { + "id": 14346, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "water", + "whole milk", + "vanilla extract", + "ground allspice", + "ground cinnamon", + "ground cloves", + "large eggs", + "fresh orange juice", + "cream cheese", + "grated orange peel", + "orange", + "baking powder", + "cake flour", + "sugar", + "unsalted butter", + "apple cider vinegar", + "salt" + ] + }, + { + "id": 39130, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "salt", + "chopped cilantro", + "pinenuts", + "trout fillet", + "scallions", + "preserved lemon", + "golden raisins", + "cayenne pepper", + "honey", + "extra-virgin olive oil", + "carrots" + ] + }, + { + "id": 35956, + "cuisine": "indian", + "ingredients": [ + "zucchini", + "baking potatoes", + "chickpeas", + "chopped cilantro fresh", + "ground red pepper", + "green peas", + "ground coriander", + "ground turmeric", + "vegetable oil", + "salt", + "garlic cloves", + "ground cumin", + "peeled fresh ginger", + "butter", + "chopped onion", + "serrano chile" + ] + }, + { + "id": 43154, + "cuisine": "french", + "ingredients": [ + "dried thyme", + "beef stew meat", + "carrots", + "pepper", + "vegetable oil", + "all-purpose flour", + "potatoes", + "salt", + "dijon", + "diced tomatoes", + "beef broth" + ] + }, + { + "id": 1440, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "garlic cloves", + "dried oregano", + "salt", + "sour cream", + "steamed white rice", + "ground white pepper", + "boneless pork shoulder", + "green chilies", + "chopped cilantro fresh" + ] + }, + { + "id": 2369, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "garlic", + "oil", + "fenugreek leaves", + "chili powder", + "lamb", + "onions", + "garam masala", + "salt", + "chillies", + "tumeric", + "ginger", + "cumin seed", + "plum tomatoes" + ] + }, + { + "id": 22949, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "olive oil", + "garlic", + "cumin", + "chicken stock", + "chili powder", + "scallions", + "cauliflower", + "fresh thyme", + "green pepper", + "white onion", + "red pepper", + "bay leaf" + ] + }, + { + "id": 27992, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "salt", + "red bell pepper", + "minced garlic", + "whipping cream", + "hot Italian sausages", + "fennel", + "artichokes", + "fat", + "fennel seeds", + "dry white wine", + "chopped onion", + "rigatoni" + ] + }, + { + "id": 20913, + "cuisine": "chinese", + "ingredients": [ + "scallions", + "stem ginger in syrup", + "hoisin sauce", + "duck breasts", + "glass noodles" + ] + }, + { + "id": 28751, + "cuisine": "mexican", + "ingredients": [ + "lime", + "tomatoes", + "salt", + "avocado", + "garlic", + "pepper", + "onions" + ] + }, + { + "id": 44913, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "basil", + "balsamic vinegar", + "purple onion", + "tomatoes", + "sea salt", + "chicken breasts", + "garlic" + ] + }, + { + "id": 5817, + "cuisine": "chinese", + "ingredients": [ + "sea bass", + "olive oil", + "chili pepper flakes", + "salt", + "onions", + "chili pepper", + "black bean sauce", + "ginger", + "peanut oil", + "fish", + "chicken broth", + "pepper", + "szechwan peppercorns", + "garlic", + "lotus roots", + "ground cumin", + "sugar", + "shiitake", + "cilantro", + "fermented bean paste", + "bamboo shoots" + ] + }, + { + "id": 43914, + "cuisine": "italian", + "ingredients": [ + "pepper", + "broccoli florets", + "bow-tie pasta", + "fresh parmesan cheese", + "green peas", + "red bell pepper", + "olive oil", + "sliced carrots", + "garlic cloves", + "fresh basil", + "tomato juice", + "salt", + "celery" + ] + }, + { + "id": 39352, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "plum tomatoes", + "salt", + "white onion", + "cilantro leaves", + "jalapeno chilies" + ] + }, + { + "id": 13742, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "large eggs", + "salt", + "sugar", + "crystallized ginger", + "baking powder", + "ground cinnamon", + "baking soda", + "cooking spray", + "all-purpose flour", + "ground cloves", + "semisweet chocolate", + "vanilla extract" + ] + }, + { + "id": 3917, + "cuisine": "french", + "ingredients": [ + "olive oil", + "chopped fresh thyme", + "eggplant", + "goat cheese", + "rocket leaves", + "french bread", + "arugula", + "brine-cured olives", + "zucchini", + "red bell pepper" + ] + }, + { + "id": 45564, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "tortilla chips", + "shredded cheddar cheese", + "chicken", + "salsa verde", + "green pepper" + ] + }, + { + "id": 48726, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "garlic cloves", + "fresh parsley", + "ground ginger", + "chicken breasts", + "carrots", + "chopped cilantro fresh", + "olive oil", + "lemon juice", + "onions", + "black pepper", + "salt", + "cinnamon sticks", + "saffron" + ] + }, + { + "id": 12068, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "green chilies", + "tumeric", + "vegetable oil", + "chopped cilantro fresh", + "cauliflower", + "unsalted butter", + "cumin seed", + "kosher salt", + "garlic" + ] + }, + { + "id": 30968, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "poppy seeds", + "green chilies", + "chicken", + "pepper", + "dry coconut", + "garlic", + "ground cardamom", + "anise seed", + "coriander seeds", + "ginger", + "cumin seed", + "fresh coriander", + "chili powder", + "tamarind paste", + "onions" + ] + }, + { + "id": 42038, + "cuisine": "russian", + "ingredients": [ + "olive oil", + "beef tenderloin", + "sour cream", + "cremini mushrooms", + "dijon mustard", + "all-purpose flour", + "fresh dill", + "unsalted butter", + "salt", + "black pepper", + "shallots", + "beef broth" + ] + }, + { + "id": 31740, + "cuisine": "southern_us", + "ingredients": [ + "light sour cream", + "pimentos", + "reduced fat mayonnaise", + "light butter", + "vegetable oil cooking spray", + "white cheddar cheese", + "tomatoes", + "ground red pepper", + "bread slices", + "reduced fat sharp cheddar cheese", + "worcestershire sauce", + "onions" + ] + }, + { + "id": 43658, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "green onions", + "creamy peanut butter", + "beansprouts", + "Sriracha", + "romaine lettuce leaves", + "carrots", + "soy sauce", + "hoisin sauce", + "salt", + "cucumber", + "thai basil", + "rice noodles", + "roasted peanuts", + "medium shrimp" + ] + }, + { + "id": 1318, + "cuisine": "southern_us", + "ingredients": [ + "mace", + "whole milk", + "ground allspice", + "Nielsen-Massey Vanilla Extract", + "extra large eggs", + "clover honey", + "sweet potatoes", + "fine sea salt", + "unsalted butter", + "cinnamon" + ] + }, + { + "id": 10350, + "cuisine": "italian", + "ingredients": [ + "solid pack pumpkin", + "ground nutmeg", + "wonton wrappers", + "all-purpose flour", + "fat free milk", + "cooking spray", + "salt", + "hazelnuts", + "grated parmesan cheese", + "cheese", + "sage", + "bread crumbs", + "ground black pepper", + "butter", + "corn starch" + ] + }, + { + "id": 45032, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "lime", + "sesame oil", + "seaweed", + "sushi rice", + "mirin", + "ginger", + "white sesame seeds", + "avocado", + "gari", + "red cabbage", + "rice vinegar", + "soy sauce", + "miso paste", + "wasabi powder", + "english cucumber" + ] + }, + { + "id": 22901, + "cuisine": "indian", + "ingredients": [ + "sesame seeds", + "boneless skinless chicken breast halves", + "plain low-fat yogurt", + "large garlic cloves", + "mango chutney", + "chopped cilantro fresh", + "curry powder", + "fresh lemon juice" + ] + }, + { + "id": 25222, + "cuisine": "brazilian", + "ingredients": [ + "ground black pepper", + "carrots", + "chicken stock", + "salt", + "onions", + "chicken meat", + "fresh parsley", + "tomatoes", + "ham", + "long grain white rice" + ] + }, + { + "id": 20356, + "cuisine": "indian", + "ingredients": [ + "bengal gram", + "salt", + "cooking oil", + "cumin seed", + "split black lentils", + "rice", + "water", + "split yellow lentils", + "dried red chile peppers" + ] + }, + { + "id": 43414, + "cuisine": "cajun_creole", + "ingredients": [ + "ketchup", + "shredded cabbage", + "peanut oil", + "white vinegar", + "prepared horseradish", + "creole seasoning", + "oysters", + "paprika", + "self-rising cornmeal", + "mayonaise", + "dijon mustard", + "rolls" + ] + }, + { + "id": 20585, + "cuisine": "indian", + "ingredients": [ + "sugar", + "ground cardamom", + "sesame seeds", + "milk", + "powdered milk" + ] + }, + { + "id": 46535, + "cuisine": "italian", + "ingredients": [ + "coarse salt", + "extra-virgin olive oil", + "minced garlic", + "parmagiano reggiano", + "baking potatoes" + ] + }, + { + "id": 35651, + "cuisine": "southern_us", + "ingredients": [ + "water", + "ginger", + "mustard seeds", + "garlic salt", + "nutmeg", + "cinnamon", + "salt", + "onions", + "cabbage", + "black pepper", + "bacon", + "ham hock", + "coriander", + "allspice", + "clove", + "black-eyed peas", + "crushed red pepper", + "bay leaf", + "peppercorns" + ] + }, + { + "id": 4531, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "blackberries", + "fresh raspberries", + "fresh lime", + "cachaca" + ] + }, + { + "id": 11942, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "garlic", + "sesame oil", + "cooking sherry", + "pepper", + "steak", + "sugar", + "ginger", + "onions" + ] + }, + { + "id": 42875, + "cuisine": "italian", + "ingredients": [ + "water", + "red wine vinegar", + "fresh oregano", + "brine cured green olives", + "chopped fresh mint", + "fennel bulb", + "crushed red pepper", + "squid", + "flat leaf parsley", + "broth", + "tomato paste", + "chopped fresh thyme", + "purple onion", + "garlic cloves", + "fillets", + "whole grain dijon mustard", + "extra-virgin olive oil", + "striped bass", + "country bread", + "varnish clams" + ] + }, + { + "id": 43802, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "red wine vinegar", + "fresh oregano", + "tomatoes", + "lobster", + "cayenne pepper", + "onions", + "fresh basil", + "extra-virgin olive oil", + "garlic cloves", + "pasta", + "fresh thyme", + "whipping cream", + "fresh mint" + ] + }, + { + "id": 19131, + "cuisine": "southern_us", + "ingredients": [ + "smoked sea salt", + "baking powder", + "all-purpose flour", + "chocolate chunks", + "unsalted butter", + "cracked black pepper", + "baking soda", + "buttermilk", + "dried fig", + "cheddar cheese", + "large eggs", + "salt" + ] + }, + { + "id": 32777, + "cuisine": "cajun_creole", + "ingredients": [ + "active dry yeast", + "confectioners sugar", + "shortening", + "vegetable oil", + "bread flour", + "eggs", + "evaporated milk", + "white sugar", + "warm water", + "salt" + ] + }, + { + "id": 34990, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "red pepper", + "hot sauce", + "green onions", + "bacon", + "grits", + "pepper jack", + "heavy cream", + "shrimp", + "minced garlic", + "shallots", + "beef broth" + ] + }, + { + "id": 21248, + "cuisine": "brazilian", + "ingredients": [ + "tapioca flour", + "butter", + "large eggs", + "garlic cloves", + "milk", + "salt", + "black pepper", + "grated parmesan cheese" + ] + }, + { + "id": 37346, + "cuisine": "korean", + "ingredients": [ + "mayonaise", + "white cabbage", + "spring onions", + "daikon", + "chili sauce", + "corn tortillas", + "lime", + "asian pear", + "sesame oil", + "garlic", + "smoked paprika", + "fresh ginger", + "mirin", + "vegetable oil", + "rice vinegar", + "kimchi", + "soy sauce", + "radishes", + "shichimi togarashi", + "sea salt", + "beef rib short", + "coriander" + ] + }, + { + "id": 5492, + "cuisine": "italian", + "ingredients": [ + "finely chopped fresh parsley", + "rotel pasta, cook and drain", + "Wish-Bone Italian Dressing", + "roast red peppers, drain", + "Hellmann's Dijonnaise Creamy Dijon Mustard", + "pitted olives", + "artichoke hearts", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 37300, + "cuisine": "indian", + "ingredients": [ + "clove", + "apple cider vinegar", + "pears", + "peeled fresh ginger", + "chopped onion", + "golden raisins", + "fresh lemon juice", + "golden brown sugar", + "vegetable oil" + ] + }, + { + "id": 13110, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "grated parmesan cheese", + "low salt chicken broth", + "finely chopped onion", + "dry white wine", + "fresh spinach", + "leeks", + "acini di pepe", + "green cabbage", + "zucchini", + "chopped celery" + ] + }, + { + "id": 11770, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "white onion", + "poblano chiles", + "chicken legs", + "sour cream", + "corn kernels", + "chopped cilantro" + ] + }, + { + "id": 28605, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "anchovy fillets", + "extra-virgin olive oil", + "Italian bread", + "fresh mozzarella", + "freshly ground pepper", + "salt", + "oregano" + ] + }, + { + "id": 11797, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "part-skim ricotta cheese", + "egg whites", + "black pepper", + "egg yolks" + ] + }, + { + "id": 21710, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "large egg whites", + "large eggs", + "baking powder", + "dried basil", + "sun-dried tomatoes", + "flour", + "shredded reduced fat cheddar cheese", + "fat free milk", + "cooking spray", + "pinenuts", + "olive oil", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 32378, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "flour tortillas", + "coriander", + "lime juice", + "cheese", + "tomatoes", + "cooked chicken", + "olive oil", + "sour cream" + ] + }, + { + "id": 29982, + "cuisine": "brazilian", + "ingredients": [ + "condensed milk", + "sugar", + "ice", + "water", + "lime" + ] + }, + { + "id": 47639, + "cuisine": "indian", + "ingredients": [ + "ground paprika", + "coriander powder", + "red food coloring", + "corn flour", + "tumeric", + "potatoes", + "oil", + "chaat masala", + "garlic paste", + "egg whites", + "salt", + "coriander", + "red chili peppers", + "boneless chicken", + "lemon juice", + "ground cumin" + ] + }, + { + "id": 6059, + "cuisine": "spanish", + "ingredients": [ + "bread crumb fresh", + "thyme", + "tripe", + "tomato paste", + "olive oil", + "flat leaf parsley", + "kosher salt", + "red bell pepper", + "onions", + "tomatoes", + "garlic cloves", + "bay leaf" + ] + }, + { + "id": 40435, + "cuisine": "indian", + "ingredients": [ + "low-fat plain yogurt", + "pineapple", + "dried mint flakes", + "sugar", + "salt", + "pink peppercorns" + ] + }, + { + "id": 39418, + "cuisine": "chinese", + "ingredients": [ + "honey", + "coarse salt", + "scallions", + "soy sauce", + "ground pepper", + "garlic", + "boneless skinless chicken breast halves", + "sesame seeds", + "ginger", + "corn starch", + "large egg whites", + "brown rice", + "peanut oil", + "olives" + ] + }, + { + "id": 23558, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "butter", + "dark rum", + "brown sugar" + ] + }, + { + "id": 35287, + "cuisine": "indian", + "ingredients": [ + "fresh red chili", + "fresh ginger root", + "garlic cloves", + "basmati rice", + "medium curry powder", + "chicken stock cubes", + "onions", + "tumeric", + "paprika", + "chicken fillets", + "naan", + "natural low-fat yogurt", + "fresh coriander", + "chickpeas", + "boiling water" + ] + }, + { + "id": 23019, + "cuisine": "italian", + "ingredients": [ + "penne", + "fresh mozzarella", + "canadian bacon", + "crushed tomatoes", + "garlic", + "onions", + "water", + "red pepper flakes", + "fresh parsley", + "olive oil", + "salt" + ] + }, + { + "id": 38295, + "cuisine": "greek", + "ingredients": [ + "greek-style vinaigrette", + "purple onion", + "flour tortillas", + "fresh parsley", + "feta cheese", + "hummus", + "tomatoes", + "kalamata" + ] + }, + { + "id": 3405, + "cuisine": "thai", + "ingredients": [ + "sugar", + "condensed milk", + "lemongrass", + "water", + "fresh mint", + "cold milk", + "teas" + ] + }, + { + "id": 31456, + "cuisine": "korean", + "ingredients": [ + "green leaf lettuce", + "cilantro", + "onions", + "lime", + "sesame oil", + "rice vinegar", + "soy sauce", + "boneless skinless chicken breasts", + "garlic", + "glass noodles", + "mirin", + "daikon", + "chutney" + ] + }, + { + "id": 17252, + "cuisine": "indian", + "ingredients": [ + "fat free yogurt", + "garam masala", + "garlic", + "canola oil", + "fresh cilantro", + "chili powder", + "onions", + "crushed tomatoes", + "boneless chicken breast", + "salt", + "tumeric", + "fresh ginger", + "1% low-fat milk", + "cumin" + ] + }, + { + "id": 5366, + "cuisine": "indian", + "ingredients": [ + "salt", + "wheat flour", + "oil" + ] + }, + { + "id": 9046, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "shiitake", + "firm tofu", + "toasted sesame oil", + "brandy", + "pork tenderloin", + "corn starch", + "soy sauce", + "cayenne", + "cubed potatoes", + "chopped cilantro", + "chicken stock", + "kosher salt", + "white wine vinegar", + "ground white pepper" + ] + }, + { + "id": 47227, + "cuisine": "french", + "ingredients": [ + "eggs", + "semi-sweet chocolate morsels", + "heavy whipping cream", + "egg whites", + "ladyfingers" + ] + }, + { + "id": 8969, + "cuisine": "italian", + "ingredients": [ + "chicken bouillon", + "red beans", + "carrots", + "long grain white rice", + "tomato sauce", + "dried thyme", + "salt", + "onions", + "crushed tomatoes", + "smoked sausage", + "bay leaf", + "water", + "vegetable oil", + "celery", + "cabbage" + ] + }, + { + "id": 29438, + "cuisine": "korean", + "ingredients": [ + "sirloin", + "sesame seeds", + "garlic", + "msg", + "spring onions", + "carrots", + "soy sauce", + "ground black pepper", + "salt", + "caster sugar", + "sesame oil", + "onions" + ] + }, + { + "id": 10177, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "butter", + "ham", + "ground pepper", + "all-purpose flour", + "onions", + "milk", + "white cheddar cheese", + "elbow pasta", + "coarse salt", + "cayenne pepper", + "white sandwich bread" + ] + }, + { + "id": 39910, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "extra-virgin olive oil", + "olive oil", + "russet potatoes", + "all-purpose flour", + "cold water", + "broccoli florets", + "vegetable broth", + "mozzarella cheese", + "ricotta cheese", + "salt" + ] + }, + { + "id": 41766, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "vanilla extract", + "brown sugar", + "white sugar", + "butter", + "pecan halves", + "all-purpose flour" + ] + }, + { + "id": 31625, + "cuisine": "italian", + "ingredients": [ + "sesame seeds", + "all-purpose flour", + "shortening", + "baking powder", + "white sugar", + "eggs", + "lemon extract", + "ground cardamom", + "milk", + "salt" + ] + }, + { + "id": 14889, + "cuisine": "indian", + "ingredients": [ + "fresh red chili", + "red chili peppers", + "fresh ginger root", + "sea salt", + "fenugreek seeds", + "oil", + "clove", + "black peppercorns", + "fresh coriander", + "dry coconut", + "garlic", + "ground almonds", + "fennel seeds", + "tumeric", + "coriander seeds", + "brown mustard seeds", + "cayenne pepper", + "cumin seed", + "tomato purée", + "pepper", + "garam masala", + "paprika", + "green chilies", + "smoked paprika" + ] + }, + { + "id": 17353, + "cuisine": "mexican", + "ingredients": [ + "tomato purée", + "bay leaves", + "salt", + "chicken broth", + "almonds", + "peas", + "ground beef", + "cactus", + "olive oil", + "raisins", + "carrots", + "tomatoes", + "herbs", + "garlic", + "onions" + ] + }, + { + "id": 17469, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "fresh parsley", + "zucchini", + "garlic cloves", + "salt", + "japanese eggplants", + "balsamic vinegar", + "red bell pepper" + ] + }, + { + "id": 31278, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "salt", + "fresh dill", + "large garlic cloves", + "lemon", + "country bread", + "sugar", + "cheese" + ] + }, + { + "id": 42529, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "frozen broccoli florets", + "carrots", + "reduced-sodium tamari sauce", + "extra firm tofu", + "toasted sesame oil", + "whole wheat flour", + "garlic powder", + "white sesame seeds", + "frozen shelled edamame", + "nutritional yeast", + "soba noodles" + ] + }, + { + "id": 40338, + "cuisine": "french", + "ingredients": [ + "chocolate bars", + "coffee liqueur", + "vanilla extract", + "sauce", + "milk", + "chocolate shavings", + "violets", + "sugar", + "large eggs", + "mint sprigs", + "all-purpose flour", + "chocolate mousse", + "butter", + "salt" + ] + }, + { + "id": 6325, + "cuisine": "cajun_creole", + "ingredients": [ + "ground paprika", + "poblano peppers", + "crushed red pepper flakes", + "okra", + "onions", + "black pepper", + "chicken breasts", + "salt", + "celery", + "chicken broth", + "dried thyme", + "onion powder", + "rice", + "bay leaf", + "green bell pepper", + "flour", + "garlic", + "sausages", + "canola oil" + ] + }, + { + "id": 21764, + "cuisine": "french", + "ingredients": [ + "extra-virgin olive oil", + "dijon mustard", + "white wine vinegar", + "ground black pepper", + "fine sea salt", + "shallots" + ] + }, + { + "id": 17896, + "cuisine": "southern_us", + "ingredients": [ + "oil", + "ranch dressing", + "chicken pieces", + "all-purpose flour" + ] + }, + { + "id": 22317, + "cuisine": "korean", + "ingredients": [ + "eggs", + "anchovies", + "sesame oil", + "scallions", + "soy sauce", + "beef brisket", + "garlic", + "nori", + "stock", + "sesame seeds", + "daikon", + "onions", + "pepper", + "rice cakes", + "salt" + ] + }, + { + "id": 41488, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "honey", + "garlic cloves", + "white sandwich bread", + "hazelnuts", + "extra-virgin olive oil", + "red bell pepper", + "black pepper", + "unsalted butter", + "juice", + "reduced sodium chicken broth", + "salt", + "ancho chile pepper" + ] + }, + { + "id": 49279, + "cuisine": "thai", + "ingredients": [ + "kosher salt", + "rice noodles", + "peanut oil", + "fresh lime juice", + "peeled fresh ginger", + "unsalted dry roast peanuts", + "Thai fish sauce", + "radishes", + "thai chile", + "garlic cloves", + "snow peas", + "fresh basil", + "green onions", + "cilantro leaves", + "fresh mint" + ] + }, + { + "id": 8054, + "cuisine": "thai", + "ingredients": [ + "sugar", + "corn oil", + "fresh mint", + "fish sauce", + "unsalted butter", + "fresh lemon juice", + "lemongrass", + "shallots", + "grated lemon peel", + "halibut fillets", + "hot chili paste" + ] + }, + { + "id": 8322, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "garlic cloves", + "bacon slices", + "butter beans", + "salt", + "green onions", + "fresh parsley" + ] + }, + { + "id": 20064, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "quickcooking grits", + "vegetable oil cooking spray", + "half & half", + "garlic cloves", + "chicken broth", + "olive oil", + "ground red pepper", + "vidalia onion", + "ground nutmeg", + "salt" + ] + }, + { + "id": 23032, + "cuisine": "brazilian", + "ingredients": [ + "shredded cheddar cheese", + "coarse salt", + "chopped cilantro fresh", + "cooked rice", + "lime wedges", + "scallions", + "ground pepper", + "beets", + "dried black beans", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 2709, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "dry sherry", + "eggs", + "coarse salt", + "scallions", + "steamed white rice", + "thai chile", + "white pepper", + "grapeseed oil", + "cooked shrimp" + ] + }, + { + "id": 30302, + "cuisine": "cajun_creole", + "ingredients": [ + "capers", + "all-purpose flour", + "paprika", + "low salt chicken broth", + "cajun-creole seasoning mix", + "boneless skinless chicken breast halves", + "olive oil", + "fresh lemon juice" + ] + }, + { + "id": 15915, + "cuisine": "filipino", + "ingredients": [ + "tomatoes", + "onions", + "ginger", + "hot pepper", + "fish", + "salt" + ] + }, + { + "id": 10488, + "cuisine": "mexican", + "ingredients": [ + "baking powder", + "fresh sage", + "ice water", + "coarse salt", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 36022, + "cuisine": "french", + "ingredients": [ + "brown sugar", + "heavy cream", + "strawberries", + "eggs", + "butter", + "all-purpose flour", + "ground cinnamon", + "vegetable oil", + "salt", + "semi-sweet chocolate morsels", + "unsalted butter", + "vanilla extract", + "confectioners sugar" + ] + }, + { + "id": 12538, + "cuisine": "italian", + "ingredients": [ + "water", + "grated lemon peel", + "arborio rice", + "anjou pears", + "ground nutmeg", + "sugar", + "fresh lemon juice" + ] + }, + { + "id": 34455, + "cuisine": "french", + "ingredients": [ + "light brown sugar", + "crisps", + "whole milk", + "cinnamon sticks", + "fennel seeds", + "granulated sugar", + "fresh raspberries", + "black peppercorns", + "large eggs", + "cardamom pods", + "clove", + "large egg yolks", + "heavy cream" + ] + }, + { + "id": 11325, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "margarine", + "dijon mustard", + "onions", + "honey", + "low salt chicken broth", + "sweet potatoes" + ] + }, + { + "id": 6287, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "boneless skinless chicken breast halves", + "peeled fresh ginger", + "ground turmeric", + "peanut oil", + "minced garlic", + "grated lemon peel" + ] + }, + { + "id": 41215, + "cuisine": "korean", + "ingredients": [ + "silken tofu", + "large eggs", + "carrots", + "safflower oil", + "shiitake", + "brown rice", + "korean chile paste", + "low sodium vegetable broth", + "chopped fresh chives", + "kimchi", + "white onion", + "zucchini", + "hot sauce" + ] + }, + { + "id": 13430, + "cuisine": "brazilian", + "ingredients": [ + "marshmallows", + "fresh corn", + "cheddar cheese", + "shredded coconut", + "water", + "honey", + "baking soda", + "dijon mustard", + "sweet potatoes", + "chicken breasts", + "vegetable oil", + "salt", + "condensed milk", + "candy", + "canola oil", + "eggs", + "brown sugar", + "glutinous rice", + "white onion", + "dashi", + "whole wheat flour", + "oat flour", + "flour", + "boneless skinless chicken breasts", + "fresh thyme leaves", + "sprinkles", + "grated lemon zest", + "ham", + "white sugar", + "avocado", + "chili flakes", + "coconut oil", + "skim milk", + "pepper", + "kale", + "parmesan cheese", + "unsalted butter", + "tapioca starch", + "baking powder", + "parsley", + "vanilla extract", + "cream cheese", + "coconut milk", + "chocolate chips", + "low sodium soy sauce", + "powdered sugar", + "sugar", + "muffin", + "milk", + "olive oil", + "bananas", + "large eggs", + "green onions", + "swiss cheese", + "butter", + "all-purpose flour", + "dark brown sugar", + "panko breadcrumbs", + "low-fat milk" + ] + }, + { + "id": 4071, + "cuisine": "southern_us", + "ingredients": [ + "lime rind", + "butter", + "sweetened condensed milk", + "sugar", + "lime slices", + "lemon juice", + "large eggs", + "whipping cream", + "key lime juice", + "powdered sugar", + "graham cracker crumbs", + "vanilla extract" + ] + }, + { + "id": 21663, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "baking mix", + "large eggs", + "vidalia onion", + "butter", + "milk", + "chopped pecans" + ] + }, + { + "id": 9563, + "cuisine": "southern_us", + "ingredients": [ + "ice cubes", + "rosemary sprigs", + "lemon", + "tea bags", + "pepper", + "chicken", + "vidalia onion", + "kosher salt", + "garlic cloves", + "brown sugar", + "olive oil" + ] + }, + { + "id": 15824, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "parmesan cheese", + "cannellini beans", + "lemon", + "fresh parsley leaves", + "kosher salt", + "ground black pepper", + "napa cabbage", + "extra-virgin olive oil", + "celery", + "red chili peppers", + "swiss chard", + "small pasta", + "crushed red pepper flakes", + "carrots", + "water", + "bay leaves", + "russet potatoes", + "garlic cloves", + "onions" + ] + }, + { + "id": 36392, + "cuisine": "spanish", + "ingredients": [ + "finely chopped onion", + "oil", + "chiles", + "orange juice", + "champagne vinegar", + "avocado", + "yellow bell pepper", + "garlic cloves", + "tomatoes", + "extra-virgin olive oil", + "cucumber" + ] + }, + { + "id": 47962, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "salt", + "garlic powder", + "pepper", + "pork loin chops" + ] + }, + { + "id": 46594, + "cuisine": "japanese", + "ingredients": [ + "whole wheat pastry flour", + "fine sea salt", + "leeks", + "cabbage", + "olive oil", + "toasted slivered almonds", + "eggs", + "chives" + ] + }, + { + "id": 45400, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "bay leaves", + "kosher salt", + "garlic cloves", + "fresh sage", + "dried navy beans", + "water", + "pork shoulder boston butt" + ] + }, + { + "id": 41062, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "garlic", + "ground cumin", + "chili powder", + "yellow onion", + "crushed tomatoes", + "salt", + "bacon drippings", + "lean ground beef", + "cornmeal" + ] + }, + { + "id": 10442, + "cuisine": "brazilian", + "ingredients": [ + "milk", + "chicken breasts", + "garlic cloves", + "tomato sauce", + "flour", + "salt", + "oregano", + "eggs", + "parmesan cheese", + "cilantro", + "onions", + "pepper", + "baking powder", + "oil", + "canned corn" + ] + }, + { + "id": 6132, + "cuisine": "indian", + "ingredients": [ + "fresh curry leaves", + "peeled fresh ginger", + "fenugreek seeds", + "cinnamon sticks", + "fennel seeds", + "red chile powder", + "lamb shoulder", + "cumin seed", + "chopped cilantro fresh", + "green cardamom pods", + "water", + "vegetable oil", + "ground coriander", + "onions", + "tumeric", + "dry coconut", + "salt", + "garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 31463, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "cooking spray", + "garlic cloves", + "fat free less sodium chicken broth", + "chopped onion", + "large shrimp", + "saffron threads", + "olive oil", + "goat cheese", + "arborio rice", + "dry white wine", + "chopped cilantro fresh" + ] + }, + { + "id": 15206, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "white rice", + "green onions", + "char siu", + "water", + "pork bouillon cube", + "vegetable oil" + ] + }, + { + "id": 19489, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "pilsner", + "beef rib short", + "black pepper", + "sesame oil", + "soy sauce", + "asian pear", + "onions", + "minced garlic", + "rice vinegar" + ] + }, + { + "id": 23240, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "sweet onion", + "mango", + "minced garlic", + "salt", + "pepper", + "jicama", + "lime juice", + "tortilla chips" + ] + }, + { + "id": 36269, + "cuisine": "mexican", + "ingredients": [ + "Dungeness crabs", + "clam juice", + "fat skimmed chicken broth", + "corn", + "roma tomatoes", + "epazote", + "onions", + "olive oil", + "flour", + "salt", + "lime", + "jalapeno chilies", + "garlic" + ] + }, + { + "id": 26487, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "chopped tomatoes", + "shredded lettuce", + "corn tortillas", + "tomato sauce", + "white distilled vinegar", + "lime wedges", + "Goya Ground Cumin", + "adobo", + "minced garlic", + "chicken breasts", + "Goya Hot Sauce", + "oregano", + "avocado", + "white onion", + "Goya Extra Virgin Olive Oil", + "ancho powder", + "chopped cilantro fresh" + ] + }, + { + "id": 16260, + "cuisine": "russian", + "ingredients": [ + "eggs", + "salt", + "flour", + "sour cream", + "butter", + "sugar", + "farmer cheese" + ] + }, + { + "id": 22038, + "cuisine": "italian", + "ingredients": [ + "basil", + "liquid", + "ground black pepper", + "crushed red pepper", + "garlic cloves", + "peeled tomatoes", + "extra-virgin olive oil", + "tuna packed in olive oil", + "unsalted butter", + "salt", + "spaghetti" + ] + }, + { + "id": 43851, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "thickeners", + "melted butter", + "large eggs", + "organic buttermilk", + "cornbread mix", + "gluten", + "shortening", + "cake" + ] + }, + { + "id": 28917, + "cuisine": "japanese", + "ingredients": [ + "sake", + "miso paste", + "ginger", + "shredded nori", + "sesame seeds", + "vegetable oil", + "rice vinegar", + "toasted sesame oil", + "soy sauce", + "granulated sugar", + "extra-virgin olive oil", + "carrots", + "japanese rice", + "shiitake", + "baby spinach", + "scallions", + "plum tomatoes" + ] + }, + { + "id": 1938, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "flank steak", + "basil", + "fish sauce", + "mint leaves", + "chili powder", + "cilantro leaves", + "palm sugar", + "shallots", + "garlic", + "water", + "chives", + "vegetable oil", + "mung bean sprouts" + ] + }, + { + "id": 25441, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "salt", + "fennel seeds", + "whole milk", + "polenta", + "large egg yolks", + "calimyrna figs", + "sugar", + "raisins", + "grappa" + ] + }, + { + "id": 12845, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "pumpkin seeds", + "salt", + "chopped cilantro fresh", + "garlic", + "onions", + "olive oil", + "skinless chicken breasts", + "serrano chile" + ] + }, + { + "id": 17897, + "cuisine": "korean", + "ingredients": [ + "chicken wings", + "granulated sugar", + "garlic cloves", + "fresh ginger root", + "red pepper flakes", + "kiwi", + "soy sauce", + "green onions", + "white sesame seeds", + "ground black pepper", + "rice vinegar" + ] + }, + { + "id": 38259, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "sesame seeds", + "mexican chocolate", + "garlic cloves", + "chopped cilantro", + "black peppercorns", + "almonds", + "freshly ground pepper", + "lard", + "plum tomatoes", + "anise seed", + "coriander seeds", + "salt", + "cinnamon sticks", + "onions", + "guajillo chiles", + "raisins", + "cumin seed", + "ancho chile pepper", + "chicken" + ] + }, + { + "id": 16922, + "cuisine": "thai", + "ingredients": [ + "ground ginger", + "ground black pepper", + "garlic", + "onions", + "unsweetened coconut milk", + "canned low sodium chicken broth", + "cooking oil", + "ground coriander", + "fettucine", + "cayenne", + "salt", + "asian fish sauce", + "lime zest", + "lime juice", + "boneless skinless chicken breasts", + "chopped cilantro" + ] + }, + { + "id": 31431, + "cuisine": "mexican", + "ingredients": [ + "bell pepper", + "cilantro", + "onions", + "vegetables", + "boneless skinless chicken breasts", + "hot sauce", + "jack cheese", + "jalapeno chilies", + "salsa", + "tex mex seasoning", + "flour tortillas", + "butter", + "sour cream" + ] + }, + { + "id": 47760, + "cuisine": "french", + "ingredients": [ + "white vinegar", + "minced onion", + "all-purpose flour", + "milk", + "garlic", + "white sugar", + "water", + "parsley", + "margarine", + "active dry yeast", + "salt" + ] + }, + { + "id": 12428, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "red bell pepper", + "water", + "chopped garlic", + "white wine", + "onions", + "vegetable broth" + ] + }, + { + "id": 7481, + "cuisine": "russian", + "ingredients": [ + "unsalted butter", + "vegetable oil", + "spinach leaves", + "chopped fresh chives", + "all-purpose flour", + "fresh dill", + "whole milk", + "large eggs", + "salt" + ] + }, + { + "id": 23358, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "worcestershire sauce", + "yellow onion", + "celery", + "green bell pepper", + "ground black pepper", + "all-purpose flour", + "turkey meat", + "chicken stock", + "olive oil", + "garlic", + "cayenne pepper", + "canola oil", + "andouille sausage", + "fresh thyme leaves", + "hot sauce", + "red bell pepper" + ] + }, + { + "id": 35332, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dry red wine", + "red bell pepper", + "rosemary sprigs", + "balsamic vinegar", + "salt", + "fresh basil leaves", + "pepper", + "yellow bell pepper", + "fat skimmed chicken broth", + "chicken", + "fresh rosemary", + "roma tomatoes", + "garlic", + "onions" + ] + }, + { + "id": 31957, + "cuisine": "southern_us", + "ingredients": [ + "golden raisins", + "frosting", + "white sugar", + "shortening", + "buttermilk", + "salt", + "eggs", + "butter", + "cake flour", + "orange zest", + "baking soda", + "vanilla extract", + "chopped walnuts" + ] + }, + { + "id": 32937, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "fresh parsley", + "basil", + "celery", + "tomatoes", + "carrots", + "onions", + "jumbo shrimp", + "fregola" + ] + }, + { + "id": 22507, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "green beans", + "slivered almonds", + "salt", + "garlic", + "flat leaf parsley", + "black pepper", + "parmagiano reggiano" + ] + }, + { + "id": 24255, + "cuisine": "greek", + "ingredients": [ + "2% reduced-fat milk", + "greek style plain yogurt" + ] + }, + { + "id": 37514, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "butter", + "all-purpose flour", + "water", + "candied cherries", + "sugar", + "lemon", + "eggs", + "pastry cream", + "salt" + ] + }, + { + "id": 11541, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "carrots", + "sugar", + "vegetable oil", + "sake", + "mirin", + "soy sauce", + "gobo root" + ] + }, + { + "id": 18687, + "cuisine": "british", + "ingredients": [ + "pure vanilla extract", + "baking soda", + "heavy cream", + "kosher salt", + "buttermilk", + "earl grey tea leaves", + "unsalted butter", + "all-purpose flour", + "sugar", + "baking powder" + ] + }, + { + "id": 5830, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "grits", + "pepper", + "worcestershire sauce", + "sharp cheddar cheese", + "butter", + "hot sauce", + "water", + "paprika", + "garlic cloves" + ] + }, + { + "id": 22817, + "cuisine": "jamaican", + "ingredients": [ + "orange", + "cheese", + "lettuce", + "pork tenderloin", + "sour cream", + "jamaican jerk season", + "beef broth", + "tomatoes", + "guacamole", + "corn tortillas" + ] + }, + { + "id": 31752, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "quinoa", + "cumin seed", + "fresh curry leaves", + "baby spinach", + "chopped cilantro", + "kosher salt", + "brown mustard seeds", + "lemon juice", + "olive oil", + "yellow split peas", + "serrano chile" + ] + }, + { + "id": 9554, + "cuisine": "mexican", + "ingredients": [ + "tomato salsa", + "sour cream", + "jack cheese", + "barbecued pork", + "salsa", + "corn tortillas", + "fresh cilantro", + "fat skimmed chicken broth" + ] + }, + { + "id": 22045, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "peeled fresh ginger", + "salt", + "onions", + "cauliflower", + "jalapeno chilies", + "florets", + "garlic cloves", + "cayenne", + "vegetable oil", + "cumin seed", + "water", + "yukon gold potatoes", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 35379, + "cuisine": "italian", + "ingredients": [ + "eggs", + "grated parmesan cheese", + "butter", + "oven-ready lasagna noodles", + "part-skim mozzarella cheese", + "cooking spray", + "salt", + "low-fat milk", + "ground nutmeg", + "mild Italian sausage", + "all-purpose flour", + "cremini mushrooms", + "marinara sauce", + "part-skim ricotta cheese", + "dried parsley" + ] + }, + { + "id": 9781, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "shallots", + "apricots", + "chopped green bell pepper", + "red bell pepper", + "cumin", + "habanero pepper", + "fresh lime juice", + "cherry tomatoes", + "garlic", + "fresh pineapple" + ] + }, + { + "id": 17987, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "cream style corn", + "eggs", + "corn starch", + "evaporated milk" + ] + }, + { + "id": 22544, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "fennel", + "garlic", + "lemon juice", + "pepper flakes", + "crushed tomatoes", + "cinnamon", + "cardamom pods", + "onions", + "black pepper", + "garam masala", + "salt", + "chicken pieces", + "brown sugar", + "coriander seeds", + "ginger", + "oil", + "ground cumin" + ] + }, + { + "id": 42800, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "water", + "salt", + "pepper", + "butter", + "onions", + "ketchup", + "barbecue sauce", + "pork spareribs", + "minced garlic", + "lemon" + ] + }, + { + "id": 39728, + "cuisine": "cajun_creole", + "ingredients": [ + "grated parmesan cheese", + "chopped celery", + "boneless skinless chicken breast halves", + "andouille sausage", + "Alfredo sauce", + "shredded mozzarella cheese", + "dried sage", + "chopped onion", + "chopped garlic", + "lasagna noodles", + "cajun seasoning", + "red bell pepper" + ] + }, + { + "id": 38015, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "lemon", + "chili sauce", + "shrimp", + "butter", + "hot sauce", + "lemon juice", + "ground red pepper", + "paprika", + "garlic cloves", + "oregano", + "french bread", + "worcestershire sauce", + "creole seasoning", + "chopped parsley" + ] + }, + { + "id": 18825, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "broccoli florets", + "shrimp", + "tomatoes", + "sun-dried tomatoes", + "purple onion", + "dried oregano", + "olive oil", + "garlic", + "fresh parsley", + "fresh basil", + "artichoke hearts", + "penne pasta" + ] + }, + { + "id": 30707, + "cuisine": "italian", + "ingredients": [ + "eggs", + "mozzarella cheese", + "sausages", + "cheddar cheese", + "lasagna noodles", + "onions", + "pasta sauce", + "parmesan cheese", + "ground beef", + "cottage cheese", + "ricotta cheese" + ] + }, + { + "id": 43013, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "fresh lemon juice", + "balsamic vinegar", + "sesame oil", + "salad dressing", + "sirloin", + "creamy peanut butter" + ] + }, + { + "id": 12669, + "cuisine": "mexican", + "ingredients": [ + "crema mexican", + "purple onion", + "fresh tomato salsa", + "olive oil", + "ancho powder", + "corn tortillas", + "lime", + "red wine vinegar", + "cilantro leaves", + "ground cumin", + "whitefish", + "jalapeno chilies", + "salt", + "dried oregano" + ] + }, + { + "id": 43837, + "cuisine": "italian", + "ingredients": [ + "mandarin oranges", + "sugar", + "strawberries", + "vegetable oil" + ] + }, + { + "id": 24115, + "cuisine": "french", + "ingredients": [ + "extra-virgin olive oil", + "fresh basil leaves", + "capers", + "garlic cloves", + "plum tomatoes", + "anchovy fillets", + "olives", + "dry white wine", + "chicken thighs" + ] + }, + { + "id": 34587, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "cajun seasoning", + "fresh mushrooms", + "green bell pepper", + "green onions", + "linguine", + "red bell pepper", + "half & half", + "butter", + "lemon pepper", + "dried basil", + "chicken breasts", + "salt" + ] + }, + { + "id": 2261, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "shredded cabbage", + "garlic", + "carrots", + "chinese rice wine", + "black pepper", + "sesame oil", + "rice vinegar", + "lean ground pork", + "green onions", + "salt", + "corn starch", + "sugar", + "egg roll wrappers", + "ginger", + "sauce" + ] + }, + { + "id": 23966, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "extra-virgin olive oil", + "pinenuts", + "dried fettuccine", + "baby arugula", + "salt", + "pecorino romano cheese", + "garlic cloves" + ] + }, + { + "id": 15886, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "garlic", + "grape leaves", + "shallots", + "ground beef", + "lemongrass", + "vietnamese fish sauce", + "sugar", + "vegetable oil" + ] + }, + { + "id": 25422, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "salt", + "vegetables", + "boneless steak", + "ramen noodles", + "pepper", + "oil" + ] + }, + { + "id": 41003, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "cinnamon sticks", + "clove", + "lemon", + "water", + "black peppercorns", + "star anise" + ] + }, + { + "id": 47050, + "cuisine": "southern_us", + "ingredients": [ + "pork baby back ribs", + "fresh tomato salsa", + "corn kernels", + "chili", + "chopped cilantro fresh", + "green bell pepper", + "black-eyed peas" + ] + }, + { + "id": 32141, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "sauce", + "chicken broth", + "garlic", + "peanut oil", + "tomato paste", + "chili paste", + "roasted peanuts", + "sugar", + "peanut butter" + ] + }, + { + "id": 21196, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "vegetable oil", + "dried oregano", + "ground red pepper", + "all-purpose flour", + "minced onion", + "salt", + "ground cumin", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 37968, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "salt", + "sesame oil", + "water", + "seaweed", + "soy sauce", + "top sirloin" + ] + }, + { + "id": 4051, + "cuisine": "japanese", + "ingredients": [ + "walnuts", + "barley miso", + "blanched almonds", + "warm water" + ] + }, + { + "id": 22787, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "black pepper", + "black olives", + "fresh lime juice", + "extra sharp cheddar cheese", + "sugar", + "olive oil", + "california avocado", + "chopped cilantro fresh", + "ground cumin", + "tomato sauce", + "black beans", + "salt", + "onions", + "iceberg lettuce", + "ground chuck", + "chili powder", + "garlic cloves", + "serrano chile" + ] + }, + { + "id": 45141, + "cuisine": "french", + "ingredients": [ + "salt and ground black pepper", + "crème fraîche", + "butter", + "onions", + "potatoes", + "Reblochon", + "white wine", + "bacon" + ] + }, + { + "id": 36289, + "cuisine": "cajun_creole", + "ingredients": [ + "lemon slices", + "cooking spray", + "cajun seasoning", + "catfish fillets", + "fresh lemon juice" + ] + }, + { + "id": 41129, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "salt", + "sour cream", + "chicken broth", + "chili powder", + "garlic cloves", + "hominy", + "green chilies", + "onions", + "pork shoulder butt", + "scallions", + "oregano" + ] + }, + { + "id": 16974, + "cuisine": "mexican", + "ingredients": [ + "chopped onion", + "tomato sauce", + "garlic salt", + "chicken broth", + "long-grain rice", + "vegetable oil", + "ground cumin" + ] + }, + { + "id": 43648, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "chili powder", + "scallions", + "tomato sauce", + "bell pepper", + "garlic", + "chicken broth", + "whole grain rice", + "cilantro", + "cumin", + "frozen sweet corn", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 24379, + "cuisine": "spanish", + "ingredients": [ + "green olives", + "olive oil", + "corn starch", + "ground cumin", + "saffron threads", + "black pepper", + "low sodium chicken broth", + "chopped cilantro", + "tomatoes", + "kosher salt", + "hot smoked paprika", + "onions", + "boneless chicken skinless thigh", + "sherry vinegar", + "red bell pepper" + ] + }, + { + "id": 46226, + "cuisine": "thai", + "ingredients": [ + "granulated sugar", + "coconut milk", + "sticky rice", + "jasmine", + "mango", + "leaves", + "salt" + ] + }, + { + "id": 20420, + "cuisine": "italian", + "ingredients": [ + "vanilla ice cream", + "brewed espresso" + ] + }, + { + "id": 6638, + "cuisine": "french", + "ingredients": [ + "buttermilk", + "heavy whipping cream" + ] + }, + { + "id": 14311, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "sauce", + "parmigiano reggiano cheese", + "ragu", + "provolone cheese" + ] + }, + { + "id": 23744, + "cuisine": "italian", + "ingredients": [ + "Philadelphia Cream Cheese", + "marinara sauce", + "shredded mozzarella cheese", + "pasta", + "Kraft Grated Parmesan Cheese", + "diced tomatoes", + "sour cream" + ] + }, + { + "id": 47357, + "cuisine": "italian", + "ingredients": [ + "parsley", + "spaghetti squash", + "garlic", + "butter", + "parmesan cheese", + "salt" + ] + }, + { + "id": 1509, + "cuisine": "korean", + "ingredients": [ + "sugar", + "spring onions", + "whole chicken", + "onions", + "soy sauce", + "crushed garlic", + "carrots", + "syrup", + "sesame oil", + "oyster sauce", + "glass noodles", + "potatoes", + "cooking wine", + "dried chile" + ] + }, + { + "id": 30201, + "cuisine": "french", + "ingredients": [ + "red potato", + "extra-virgin olive oil", + "flat leaf parsley", + "saffron threads", + "fennel bulb", + "red bell pepper", + "onions", + "baguette", + "garlic cloves", + "fillets", + "tomatoes", + "fish stock", + "orange peel" + ] + }, + { + "id": 28744, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "pesto", + "shredded mozzarella cheese", + "pasta sauce", + "frozen ravioli", + "grated parmesan cheese" + ] + }, + { + "id": 11245, + "cuisine": "greek", + "ingredients": [ + "sliced black olives", + "purple onion", + "feta cheese crumbles", + "pepper", + "extra-virgin olive oil", + "penne pasta", + "red bell pepper", + "green bell pepper", + "red wine vinegar", + "salt", + "cucumber", + "cherry tomatoes", + "garlic", + "lemon juice", + "dried oregano" + ] + }, + { + "id": 9827, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "garlic cloves", + "kosher salt", + "yellow onion", + "spaghetti", + "tomato paste", + "bacon slices", + "ground beef", + "milk", + "freshly ground pepper" + ] + }, + { + "id": 21730, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "plain yogurt", + "potatoes", + "paprika", + "cilantro leaves", + "garlic cloves", + "fresh mint", + "barley", + "fresh tomatoes", + "olive oil", + "shallots", + "purple onion", + "cumin seed", + "cucumber", + "ground cumin", + "green chile", + "water", + "flour", + "cilantro", + "yellow split peas", + "lentils", + "ground turmeric", + "alphabet pasta", + "sugar", + "whole wheat flour", + "brown mustard seeds", + "salt", + "oil", + "green split peas" + ] + }, + { + "id": 41517, + "cuisine": "italian", + "ingredients": [ + "baguette", + "salt", + "ground turmeric", + "sugar", + "cooking spray", + "chopped cilantro fresh", + "canola oil", + "yellow mustard seeds", + "lime juice", + "beef tenderloin steaks", + "mango", + "pepper", + "butter", + "serrano chile" + ] + }, + { + "id": 22662, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "boneless skinless chicken breasts", + "diced tomatoes", + "okra", + "chicken stock", + "flour", + "vegetable oil", + "chopped celery", + "fresh parsley", + "fresh thyme", + "Tabasco Pepper Sauce", + "garlic", + "medium shrimp", + "seasoning", + "bay leaves", + "red pepper", + "green pepper", + "onions" + ] + }, + { + "id": 24633, + "cuisine": "mexican", + "ingredients": [ + "ground red pepper", + "ground coriander", + "dried thyme", + "paprika", + "ground cumin", + "cooking spray", + "salt", + "black pepper", + "lemon wedge", + "center cut loin pork chop" + ] + }, + { + "id": 7629, + "cuisine": "mexican", + "ingredients": [ + "tomato juice", + "pepper", + "long grain white rice", + "chicken broth", + "salt", + "olive oil" + ] + }, + { + "id": 25179, + "cuisine": "italian", + "ingredients": [ + "chopped tomatoes", + "yellow bell pepper", + "fresh basil", + "sliced black olives", + "salt", + "mayonaise", + "red wine vinegar", + "rotini", + "ground black pepper", + "garlic" + ] + }, + { + "id": 31401, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chives", + "hoisin sauce", + "olive oil", + "red pepper flakes", + "extra firm tofu" + ] + }, + { + "id": 29093, + "cuisine": "italian", + "ingredients": [ + "cheddar cheese", + "ground black pepper", + "italian seasoning", + "fresh basil", + "mozzarella cheese", + "all-purpose flour", + "kosher salt", + "unsalted butter", + "green bell pepper", + "milk", + "elbow macaroni" + ] + }, + { + "id": 48472, + "cuisine": "french", + "ingredients": [ + "vegetable oil cooking spray", + "granulated sugar", + "all-purpose flour", + "powdered sugar", + "1% low-fat cottage cheese", + "salt", + "safflower oil", + "large eggs", + "grated lemon zest", + "pure vanilla extract", + "water", + "1% low-fat milk", + "fresh lemon juice" + ] + }, + { + "id": 32650, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "mushrooms", + "kosher salt", + "finely chopped onion", + "boiling water", + "fresh marjoram", + "ground black pepper", + "garlic cloves", + "fava beans", + "mascarpone", + "bow-tie pasta" + ] + }, + { + "id": 27420, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "boneless chicken breast", + "tamari soy sauce", + "water", + "crushed red pepper flakes", + "pineapple juice", + "ketchup", + "pineapple", + "rice vinegar", + "light brown sugar", + "olive oil", + "garlic", + "corn starch" + ] + }, + { + "id": 9517, + "cuisine": "southern_us", + "ingredients": [ + "seasoned bread crumbs", + "cooking spray", + "chili powder", + "chicken thighs", + "dijon mustard", + "light mayonnaise", + "paprika", + "garlic powder", + "barbecue sauce", + "chicken drumsticks", + "grated parmesan cheese", + "lemon wedge", + "fresh lemon juice" + ] + }, + { + "id": 1435, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "worcestershire sauce", + "croutons", + "romaine lettuce", + "fresh parmesan cheese", + "roasting chickens", + "red bell pepper", + "olive oil", + "salt", + "fresh lemon juice", + "sugar", + "dijon mustard", + "garlic cloves" + ] + }, + { + "id": 3544, + "cuisine": "russian", + "ingredients": [ + "sugar", + "chopped hazelnuts", + "condensed milk", + "vinegar", + "poppy seeds", + "baking soda", + "butter", + "sour cream", + "eggs", + "flour", + "salt" + ] + }, + { + "id": 34519, + "cuisine": "french", + "ingredients": [ + "bay leaves", + "low salt chicken broth", + "pearl onions", + "butter", + "dried thyme", + "all-purpose flour", + "dry white wine", + "chicken thighs" + ] + }, + { + "id": 25580, + "cuisine": "japanese", + "ingredients": [ + "olive oil", + "red chili peppers", + "rice vinegar", + "mitsuba", + "mushrooms", + "soy sauce", + "shiso" + ] + }, + { + "id": 37139, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "vegetable broth", + "kosher salt", + "Old El Paso™ chopped green chiles", + "cream cheese", + "canned black beans", + "orzo pasta", + "cilantro leaves", + "corn kernels", + "diced tomatoes", + "enchilada sauce" + ] + }, + { + "id": 35271, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "butter", + "dry coconut", + "sweetened condensed milk", + "sugar", + "vanilla extract", + "flour" + ] + }, + { + "id": 10384, + "cuisine": "italian", + "ingredients": [ + "warm water", + "dry yeast", + "all-purpose flour", + "olive oil", + "crushed red pepper", + "honey", + "sea salt", + "bread flour", + "fresh rosemary", + "whole wheat flour", + "purple onion" + ] + }, + { + "id": 28099, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "buttermilk", + "baking soda", + "whole milk", + "cayenne pepper", + "sausage casings", + "fine salt", + "all-purpose flour", + "ground black pepper", + "baking powder" + ] + }, + { + "id": 37836, + "cuisine": "vietnamese", + "ingredients": [ + "salt", + "fresh lemon juice", + "freshly ground pepper", + "unsalted butter", + "garlic cloves", + "margarine" + ] + }, + { + "id": 16099, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "crushed red pepper", + "gorgonzola", + "chicken stock", + "extra-virgin olive oil", + "oil", + "shallots", + "salt", + "prosciutto", + "linguine", + "flat leaf parsley" + ] + }, + { + "id": 10207, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "milk", + "butter", + "chocolate bars", + "baking powder", + "white chocolate", + "egg yolks", + "puff pastry", + "sugar", + "flour", + "condensed milk" + ] + }, + { + "id": 14704, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "taco seasoning", + "diced tomatoes", + "chicken stock", + "sour cream" + ] + }, + { + "id": 12170, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "basil", + "lime leaves", + "bamboo shoots", + "spring onions", + "green beans", + "thai green curry paste", + "chicken stock", + "sunflower oil", + "coconut milk", + "onions", + "lime", + "garlic cloves", + "fillets" + ] + }, + { + "id": 40299, + "cuisine": "indian", + "ingredients": [ + "green bell pepper", + "mustard seeds", + "vegetable oil", + "ground turmeric", + "chili powder", + "onions", + "chickpea flour", + "salt" + ] + }, + { + "id": 13556, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "heavy cream", + "cayenne pepper", + "onions", + "kosher salt", + "unsalted butter", + "garlic", + "ground coriander", + "ground cumin", + "fresh leav spinach", + "ground black pepper", + "paprika", + "chickpeas", + "ground turmeric", + "crushed tomatoes", + "chicken drumsticks", + "cilantro leaves", + "juice" + ] + }, + { + "id": 34125, + "cuisine": "filipino", + "ingredients": [ + "black pepper", + "vinegar", + "soy sauce", + "water", + "minced garlic", + "bay leaves", + "boneless chicken skinless thigh", + "honey" + ] + }, + { + "id": 35455, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "cumin", + "jalapeno chilies", + "onions", + "fresh cilantro", + "red bell pepper", + "garlic", + "plum tomatoes" + ] + }, + { + "id": 13315, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "salt", + "chopped cilantro", + "dark leafy greens", + "oil", + "light soy sauce", + "scallions", + "noodles", + "dark soy sauce", + "crushed red pepper flakes", + "chinese black vinegar" + ] + }, + { + "id": 39725, + "cuisine": "british", + "ingredients": [ + "parsley sprigs", + "dijon mustard", + "russet potatoes", + "meat bones", + "eggs", + "fresh chives", + "baking powder", + "malt vinegar", + "freshly ground pepper", + "ketchup", + "cod fillets", + "lemon", + "beer", + "mayonaise", + "minced garlic", + "coarse salt", + "all-purpose flour", + "canola oil" + ] + }, + { + "id": 36451, + "cuisine": "french", + "ingredients": [ + "black pepper", + "fresh parmesan cheese", + "sliced carrots", + "boneless pork loin", + "celery", + "tomato paste", + "water", + "dry white wine", + "bacon slices", + "garlic cloves", + "great northern beans", + "dried thyme", + "turkey kielbasa", + "salt", + "red bell pepper", + "fat free less sodium chicken broth", + "french bread", + "diced tomatoes", + "chopped onion" + ] + }, + { + "id": 45015, + "cuisine": "italian", + "ingredients": [ + "pepper flakes", + "white onion", + "sea salt", + "bow-tie pasta", + "tomato sauce", + "nutritional yeast", + "vegetable broth", + "fresh basil", + "pepper", + "raw cashews", + "fresh parsley", + "pinenuts", + "zucchini", + "garlic" + ] + }, + { + "id": 2475, + "cuisine": "mexican", + "ingredients": [ + "cauliflower", + "Mexican oregano", + "salt", + "queso anejo", + "onions", + "guajillo chiles", + "vegetable oil", + "garlic cloves", + "green beans", + "dried thyme", + "peas", + "carrots", + "canela", + "cider vinegar", + "queso fresco", + "waxy potatoes", + "corn tortillas" + ] + }, + { + "id": 15630, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "caster sugar", + "vegetable oil", + "sugar", + "active dry yeast", + "salt", + "shortening", + "orange", + "lemon", + "warm water", + "evaporated milk", + "all-purpose flour" + ] + }, + { + "id": 3988, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "pepper", + "herbs", + "basil", + "thyme", + "white wine", + "olive oil", + "parsley", + "garlic cloves", + "oregano", + "pitted kalamata olives", + "crushed tomatoes", + "mixed mushrooms", + "salt", + "onions", + "chicken broth", + "chicken bones", + "shiitake", + "red pepper", + "carrots" + ] + }, + { + "id": 41192, + "cuisine": "mexican", + "ingredients": [ + "condensed cream of chicken soup", + "chile pepper", + "cooked chicken breasts", + "flour tortillas", + "sour cream", + "chili powder", + "onions", + "shredded cheddar cheese", + "margarine" + ] + }, + { + "id": 14238, + "cuisine": "vietnamese", + "ingredients": [ + "chicken stock", + "tamarind pulp", + "medium shrimp", + "kosher salt", + "thai chile", + "chopped cilantro fresh", + "fish sauce", + "pineapple", + "mung bean sprouts", + "lime juice", + "garlic", + "iceberg lettuce" + ] + }, + { + "id": 16033, + "cuisine": "indian", + "ingredients": [ + "mustard", + "minced garlic", + "chili powder", + "oil", + "ground turmeric", + "tomatoes", + "eggplant", + "salt", + "coconut milk", + "curry leaves", + "water", + "vegetable oil", + "asafoetida powder", + "red chili peppers", + "garam masala", + "tamarind paste", + "onions" + ] + }, + { + "id": 15682, + "cuisine": "italian", + "ingredients": [ + "milk", + "shallots", + "fresh mushrooms", + "pepper", + "mascarpone", + "chopped fresh thyme", + "eggs", + "olive oil", + "wonton wrappers", + "minced garlic", + "chopped fresh chives", + "salt" + ] + }, + { + "id": 15928, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "fresh parsley", + "cheddar cheese", + "turkey sausage", + "tomatoes", + "cooking oil", + "grits", + "water", + "salt" + ] + }, + { + "id": 12285, + "cuisine": "greek", + "ingredients": [ + "pita bread", + "fresh lemon juice", + "pitted kalamata olives", + "cucumber", + "romaine lettuce", + "feta cheese crumbles", + "tomatoes", + "extra-virgin olive oil", + "dried oregano" + ] + }, + { + "id": 15126, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "fresh lemon juice", + "ground ginger", + "lemon wedge", + "ground coriander", + "ground cumin", + "cooking spray", + "salt", + "chopped cilantro fresh", + "swordfish steaks", + "paprika", + "garlic cloves" + ] + }, + { + "id": 22782, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "cilantro leaves", + "onions", + "fish sauce", + "butternut squash", + "shrimp", + "olive oil", + "garlic cloves", + "frozen peas", + "brown sugar", + "Thai red curry paste", + "coconut milk" + ] + }, + { + "id": 39115, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "poblano chiles", + "flour tortillas", + "manchego cheese", + "queso panela", + "purple onion" + ] + }, + { + "id": 35137, + "cuisine": "jamaican", + "ingredients": [ + "granulated sugar", + "water", + "sorrel", + "gingerroot", + "pimentos" + ] + }, + { + "id": 9590, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "all-purpose flour", + "baking soda", + "buttermilk", + "table salt", + "vegetable shortening", + "baking powder", + "cake flour" + ] + }, + { + "id": 27186, + "cuisine": "cajun_creole", + "ingredients": [ + "file powder", + "vegetable oil", + "cayenne pepper", + "fresh parsley", + "andouille sausage", + "bay leaves", + "chopped celery", + "chopped onion", + "chicken broth", + "flour", + "white rice", + "creole seasoning", + "chicken", + "chopped bell pepper", + "green onions", + "salt", + "thyme" + ] + }, + { + "id": 20005, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "green onions", + "green chilies", + "chicken broth", + "tortillas", + "purple onion", + "chopped cilantro", + "garlic powder", + "cilantro", + "enchilada sauce", + "tomatoes", + "roast", + "salt", + "ground cumin" + ] + }, + { + "id": 8118, + "cuisine": "italian", + "ingredients": [ + "pepper", + "lemon", + "fresh lemon juice", + "vegetable oil", + "salt", + "boneless skinless chicken breast halves", + "low sodium chicken broth", + "garlic", + "flat leaf parsley", + "capers", + "butter", + "all-purpose flour" + ] + }, + { + "id": 24622, + "cuisine": "italian", + "ingredients": [ + "vanilla extract", + "orange zest", + "eggs", + "all-purpose flour", + "ground cinnamon", + "salt", + "ricotta cheese", + "white sugar" + ] + }, + { + "id": 6069, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "shallots", + "fresh parsley", + "balsamic vinegar", + "french bread", + "salt" + ] + }, + { + "id": 36523, + "cuisine": "british", + "ingredients": [ + "dijon mustard", + "mint sprigs", + "shallots", + "rack of lamb", + "bread crumbs", + "canned beef broth", + "chopped fresh mint", + "sugar", + "red wine vinegar", + "corn starch" + ] + }, + { + "id": 13750, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "basil pesto sauce", + "salt", + "tomatoes", + "boneless skinless chicken breasts", + "pepper", + "reduced fat mozzarella" + ] + }, + { + "id": 49187, + "cuisine": "greek", + "ingredients": [ + "sugar", + "unsalted butter", + "orange blossom honey", + "farina", + "orange", + "dried apricot", + "orange juice", + "water", + "large eggs", + "walnuts", + "vegetables", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 26716, + "cuisine": "french", + "ingredients": [ + "ground cinnamon", + "granulated sugar", + "chopped pecans", + "pie dough", + "all-purpose flour", + "brown sugar", + "plums", + "ground nutmeg", + "lemon juice" + ] + }, + { + "id": 26295, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "all-purpose flour", + "pozole", + "fresh coriander", + "vegetable oil", + "enchilada sauce", + "pork loin", + "grated jack cheese", + "onions", + "water", + "salt", + "red bell pepper" + ] + }, + { + "id": 28918, + "cuisine": "brazilian", + "ingredients": [ + "olive oil", + "salsa", + "onions", + "tomatoes", + "mackerel", + "steak", + "potatoes", + "garlic cloves", + "fish", + "white wine", + "salt", + "bay leaf" + ] + }, + { + "id": 33817, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "chopped cilantro fresh", + "sweet onion", + "coarse salt", + "watermelon", + "garlic", + "chile pepper" + ] + }, + { + "id": 45375, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "large eggs", + "mint sprigs", + "milk", + "light corn syrup", + "all-purpose flour", + "sugar", + "vegetable oil", + "whipping cream", + "cocoa", + "chocolate shavings", + "chocolate" + ] + }, + { + "id": 33189, + "cuisine": "italian", + "ingredients": [ + "light brown sugar", + "active dry yeast", + "cornmeal", + "warm water", + "unbleached flour", + "eggs", + "olive oil", + "water", + "salt" + ] + }, + { + "id": 444, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "fresh oregano", + "fresh basil leaves", + "olive oil", + "crushed red pepper", + "onions", + "water", + "linguine", + "fresh parsley", + "tomatoes", + "butter", + "garlic cloves", + "varnish clams" + ] + }, + { + "id": 1225, + "cuisine": "irish", + "ingredients": [ + "coffee granules", + "sweetened condensed milk", + "coffee liqueur", + "half & half", + "whiskey" + ] + }, + { + "id": 20085, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "heavy cream", + "white onion", + "lasagna noodles", + "ricotta", + "swiss chard", + "crème fraîche", + "kale", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 2038, + "cuisine": "italian", + "ingredients": [ + "rolls", + "red bell pepper", + "mayonaise", + "oil", + "italian seasoning", + "ground pork", + "garlic cloves", + "sausage casings", + "provolone cheese", + "onions" + ] + }, + { + "id": 37501, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "large egg yolks", + "ground red pepper", + "bittersweet chocolate", + "large egg whites", + "coffee liqueur", + "salt", + "cream of tartar", + "fat free milk", + "cooking spray", + "all-purpose flour", + "powdered sugar", + "granulated sugar", + "vanilla extract", + "unsweetened cocoa powder" + ] + }, + { + "id": 44, + "cuisine": "irish", + "ingredients": [ + "brown sugar", + "cooking spray", + "all-purpose flour", + "caraway seeds", + "low-fat buttermilk", + "salt", + "baking soda", + "butter", + "whole wheat flour", + "baking powder" + ] + }, + { + "id": 11530, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "ground black pepper", + "bucatini", + "water", + "fine sea salt", + "guanciale", + "pecorino romano cheese" + ] + }, + { + "id": 4689, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "mushrooms", + "low-fat mozzarella cheese", + "cauliflower", + "garlic powder", + "almond meal", + "dried oregano", + "olive oil", + "pizza sauce", + "olives", + "eggs", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 4632, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime juice", + "chili powder", + "sour cream", + "iceberg lettuce", + "taco sauce", + "sliced black olives", + "cream cheese", + "ground beef", + "shredded cheddar cheese", + "green onions", + "red bell pepper", + "chopped cilantro fresh", + "fresh tomatoes", + "lime", + "garlic", + "chipotles in adobo", + "ground cumin" + ] + }, + { + "id": 7451, + "cuisine": "southern_us", + "ingredients": [ + "tilapia fillets", + "cooking spray", + "salt", + "fresh lime juice", + "mint", + "jalapeno chilies", + "sweetened coconut flakes", + "cucumber", + "ground cumin", + "lime rind", + "chopped fresh chives", + "crushed red pepper", + "mustard seeds", + "ground black pepper", + "lime wedges", + "peanut oil", + "chopped cilantro" + ] + }, + { + "id": 32698, + "cuisine": "southern_us", + "ingredients": [ + "skim milk", + "ground red pepper", + "sliced green onions", + "reduced fat sharp cheddar cheese", + "egg whites", + "dry bread crumbs", + "vegetable oil cooking spray", + "egg yolks", + "ham", + "cream of tartar", + "corn kernels", + "all-purpose flour" + ] + }, + { + "id": 45309, + "cuisine": "mexican", + "ingredients": [ + "water", + "cracked black pepper", + "green chile", + "meat", + "onions", + "red potato", + "olive oil", + "beef stew meat", + "kosher salt", + "large garlic cloves" + ] + }, + { + "id": 49488, + "cuisine": "greek", + "ingredients": [ + "garlic cloves", + "seedless cucumber", + "plain whole-milk yogurt", + "kosher salt" + ] + }, + { + "id": 34453, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "minced garlic", + "peanut butter", + "water", + "chili sauce", + "sugar", + "light soy sauce" + ] + }, + { + "id": 28555, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "worcestershire sauce", + "shredded swiss cheese", + "onions", + "french bread", + "beef broth", + "vegetable oil" + ] + }, + { + "id": 33486, + "cuisine": "greek", + "ingredients": [ + "cooked rice", + "olive oil", + "ground allspice", + "white sugar", + "fresh dill", + "garlic", + "feta cheese crumbles", + "green bell pepper", + "ground black pepper", + "fresh lemon juice", + "ground lamb", + "cold water", + "tomato sauce", + "salt", + "onions" + ] + }, + { + "id": 22366, + "cuisine": "southern_us", + "ingredients": [ + "green chile", + "dry white wine", + "bacon", + "cayenne pepper", + "grits", + "olive oil", + "coarse salt", + "chopped celery", + "scallions", + "store bought low sodium chicken stock", + "shallots", + "paprika", + "freshly ground pepper", + "unsalted butter", + "lemon", + "cilantro leaves", + "medium shrimp" + ] + }, + { + "id": 43186, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "butter", + "chopped pecans", + "bourbon whiskey", + "vanilla extract", + "flaked coconut", + "cocktail cherries", + "egg yolks", + "raisins" + ] + }, + { + "id": 28147, + "cuisine": "italian", + "ingredients": [ + "half & half", + "crushed red pepper flakes", + "sun-dried tomatoes in oil", + "chicken breast tenders", + "basil", + "penne pasta", + "sun-dried tomatoes", + "paprika", + "pasta water", + "mozzarella cheese", + "large garlic cloves", + "salt" + ] + }, + { + "id": 12683, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "chili powder", + "garlic", + "ground cumin", + "lime", + "whole wheat tortillas", + "shredded mozzarella cheese", + "chicken broth", + "queso fresco", + "mexican chocolate", + "shallots", + "cilantro", + "chicken" + ] + }, + { + "id": 9959, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "Wolf Brand Chili", + "spices", + "corn tortillas", + "fat-free shredded cheddar cheese", + "enchilada sauce", + "pepper", + "salt", + "cumin" + ] + }, + { + "id": 42401, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "salt", + "curly kale", + "hot chili powder", + "avocado", + "flour tortillas", + "oil", + "black pepper", + "garlic" + ] + }, + { + "id": 39080, + "cuisine": "japanese", + "ingredients": [ + "asparagus", + "soy sauce", + "sugar", + "dried bonito flakes", + "dashi" + ] + }, + { + "id": 30604, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "diced tomatoes", + "taco seasoning", + "shredded cheddar cheese", + "whole kernel corn, drain", + "onions", + "chili beans", + "boneless skinless chicken breasts", + "beer", + "black beans", + "tortilla chips", + "sour cream" + ] + }, + { + "id": 48505, + "cuisine": "japanese", + "ingredients": [ + "zucchini", + "turnips", + "carrots", + "white miso" + ] + }, + { + "id": 14776, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salsa", + "zucchini", + "canned black beans", + "corn tortillas" + ] + }, + { + "id": 2394, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "water", + "boneless skinless chicken breasts", + "garlic", + "toasted sesame oil", + "ground ginger", + "black pepper", + "large eggs", + "balsamic vinegar", + "corn starch", + "soy sauce", + "frozen broccoli florets", + "vegetable oil", + "oyster sauce", + "cooked rice", + "dry roasted peanuts", + "green onions", + "crushed red pepper flakes", + "red bell pepper" + ] + }, + { + "id": 2432, + "cuisine": "korean", + "ingredients": [ + "whole wheat hamburger buns", + "lettuce leaves", + "dark sesame oil", + "low sodium soy sauce", + "radishes", + "green onions", + "ground black pepper", + "peeled fresh ginger", + "garlic cloves", + "brown sugar", + "cooking spray", + "ground sirloin" + ] + }, + { + "id": 14132, + "cuisine": "chinese", + "ingredients": [ + "water", + "green onions", + "ginger", + "carrots", + "peanuts", + "rice noodles", + "rice vinegar", + "fresh lime juice", + "honey", + "sesame oil", + "garlic", + "shrimp", + "low sodium soy sauce", + "hoisin sauce", + "red pepper", + "peanut butter", + "chopped cilantro" + ] + }, + { + "id": 13384, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "shredded lettuce", + "ripe olives", + "taco sauce", + "flour tortillas", + "garlic cloves", + "onions", + "shredded cheddar cheese", + "vegetable oil", + "sour cream", + "cheddar cheese", + "chopped tomatoes", + "green pepper", + "ground beef" + ] + }, + { + "id": 30394, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "beef", + "salt", + "dashi", + "vegetable oil", + "green beans", + "soy sauce", + "yukon gold potatoes", + "carrots", + "sake", + "shiitake", + "shirataki", + "onions" + ] + }, + { + "id": 8583, + "cuisine": "russian", + "ingredients": [ + "Baileys Irish Cream Liqueur", + "vodka", + "vanilla ice cream", + "Godiva Chocolate Liqueur" + ] + }, + { + "id": 25320, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic", + "lemon-lime soda", + "chuck roast", + "salt", + "chili powder" + ] + }, + { + "id": 18204, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "chicken drumsticks", + "chicken thighs", + "chicken wings", + "fresh ginger root", + "corn starch", + "pineapple chunks", + "salt and ground black pepper", + "garlic", + "sugar", + "ground black pepper", + "onions" + ] + }, + { + "id": 37792, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "ground red pepper", + "ground black pepper", + "worcestershire sauce", + "ketchup", + "onion powder", + "white vinegar", + "prepared mustard", + "salt" + ] + }, + { + "id": 15835, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "onions", + "cayenne", + "black-eyed peas", + "fresh spinach", + "vegetable broth" + ] + }, + { + "id": 28355, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "vegetable oil", + "corn starch", + "top round steak", + "sesame oil", + "beef broth", + "peanuts", + "crushed red pepper flakes", + "red bell pepper", + "green onions", + "rice vinegar" + ] + }, + { + "id": 46828, + "cuisine": "thai", + "ingredients": [ + "water", + "green onions", + "dried rice noodles", + "celery", + "red chili peppers", + "ground black pepper", + "garlic", + "carrots", + "boneless skinless chicken breast halves", + "chicken broth", + "curry powder", + "vegetable oil", + "poultry seasoning", + "onions", + "white wine", + "dried sage", + "salt", + "ground cayenne pepper", + "dried oregano" + ] + }, + { + "id": 22655, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "leg of lamb", + "olive oil", + "fresh rosemary", + "garlic cloves", + "water", + "grated lemon peel" + ] + }, + { + "id": 26354, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "potatoes", + "cumin seed", + "plum tomatoes", + "swiss chard", + "salt", + "ground cardamom", + "olive oil", + "garlic", + "black mustard seeds", + "garam masala", + "cayenne pepper", + "chicken thighs" + ] + }, + { + "id": 28451, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "shredded cheddar cheese", + "salt", + "dried black beans", + "tortilla chips" + ] + }, + { + "id": 1842, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "sweet corn", + "tomato sauce", + "sliced black olives", + "ground beef", + "kidney beans", + "chunky mild salsa", + "taco sauce", + "egg noodles, cooked and drained" + ] + }, + { + "id": 1207, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "seasoned rice wine vinegar", + "sesame oil", + "sliced green onions" + ] + }, + { + "id": 31134, + "cuisine": "italian", + "ingredients": [ + "salt", + "olive oil", + "balsamic vinegar", + "pepper" + ] + }, + { + "id": 17712, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "eggs", + "flour", + "bacon drippings", + "unsalted butter", + "cornmeal", + "sugar", + "buttermilk" + ] + }, + { + "id": 22647, + "cuisine": "italian", + "ingredients": [ + "pasta", + "refrigerated pizza dough", + "mozzarella cheese", + "fresh basil", + "all-purpose flour", + "prosciutto" + ] + }, + { + "id": 16295, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "frozen corn kernels", + "corn tortillas", + "salt", + "scallions", + "shredded Monterey Jack cheese", + "diced tomatoes", + "green chilies", + "dried oregano", + "black beans", + "salsa", + "sour cream", + "ground cumin" + ] + }, + { + "id": 28409, + "cuisine": "greek", + "ingredients": [ + "nonfat yogurt", + "garlic cloves", + "cucumber", + "dill" + ] + }, + { + "id": 8478, + "cuisine": "italian", + "ingredients": [ + "pasta", + "white onion", + "extra-virgin olive oil", + "flat leaf parsley", + "pecorino cheese", + "dry white wine", + "carrots", + "fresh rosemary", + "peeled tomatoes", + "salt", + "celery", + "sage leaves", + "fresh marjoram", + "lamb stew meat", + "dried chile" + ] + }, + { + "id": 4645, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "milk", + "sausages", + "all-purpose flour", + "ground black pepper" + ] + }, + { + "id": 39618, + "cuisine": "french", + "ingredients": [ + "white vinegar", + "parmigiano reggiano cheese", + "salt", + "white wine", + "garlic", + "tripe", + "ground black pepper", + "bouquet garni", + "onions", + "tomatoes", + "extra-virgin olive oil", + "dried red chile peppers" + ] + }, + { + "id": 19727, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "all-purpose flour", + "unsalted butter", + "heavy cream", + "vidalia onion", + "baking powder", + "parmigiano reggiano cheese", + "salt" + ] + }, + { + "id": 14888, + "cuisine": "mexican", + "ingredients": [ + "orange", + "cilantro", + "onions", + "cumin", + "pepper", + "vegetable oil", + "garlic", + "fresh pineapple", + "lime", + "navel oranges", + "pork butt", + "water", + "sea salt", + "salsa", + "dried oregano" + ] + }, + { + "id": 48969, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "white flour", + "eggs", + "water" + ] + }, + { + "id": 41195, + "cuisine": "chinese", + "ingredients": [ + "mandarin oranges", + "fresh lemon juice", + "light pancake syrup", + "chinese five-spice powder", + "unsalted butter", + "phyllo", + "cream cheese, soften", + "granulated sugar", + "vanilla", + "confectioners sugar" + ] + }, + { + "id": 43638, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "jalapeno chilies", + "yellow bell pepper", + "yellow onion", + "fresh lime juice", + "chile powder", + "green bell pepper, slice", + "lime wedges", + "cilantro leaves", + "sour cream", + "iceberg lettuce", + "olive oil", + "guacamole", + "garlic", + "red bell pepper", + "dried oregano", + "black pepper", + "flour tortillas", + "sea salt", + "salsa", + "steak", + "ground cumin" + ] + }, + { + "id": 40284, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "orzo pasta", + "plum tomatoes", + "crushed red pepper flakes", + "fresh basil", + "chees fresh mozzarella" + ] + }, + { + "id": 21294, + "cuisine": "italian", + "ingredients": [ + "flour", + "italian seasoning", + "eggs", + "plain breadcrumbs", + "ravioli", + "water", + "garlic salt" + ] + }, + { + "id": 28146, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "flaked coconut", + "raisins", + "onions", + "cider vinegar", + "green onions", + "baking potatoes", + "roasted peanuts", + "cooked rice", + "fresh ginger", + "mango chutney", + "crushed red pepper", + "water", + "chicken breast halves", + "butter", + "garlic cloves" + ] + }, + { + "id": 47408, + "cuisine": "mexican", + "ingredients": [ + "chili", + "Mexican cheese blend", + "tortilla chips" + ] + }, + { + "id": 45699, + "cuisine": "mexican", + "ingredients": [ + "water", + "purple onion", + "ground cumin", + "black beans", + "Tabasco Green Pepper Sauce", + "oregano", + "olive oil", + "chopped cilantro fresh", + "minced garlic", + "vegetable broth", + "sazon seasoning" + ] + }, + { + "id": 36137, + "cuisine": "thai", + "ingredients": [ + "thai chile", + "fresh lime juice", + "sugar", + "cilantro leaves", + "vietnamese fish sauce", + "chopped fresh mint", + "jasmine rice", + "scallions" + ] + }, + { + "id": 13940, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "cream cheese", + "picante sauce", + "black olives", + "green onions", + "sour cream", + "chopped green chilies", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 25750, + "cuisine": "irish", + "ingredients": [ + "plain flour", + "vegetable oil", + "warm water", + "yeast", + "sugar", + "salt", + "baking powder", + "low-fat milk" + ] + }, + { + "id": 25079, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "corn-on-the-cob", + "jalapeno chilies", + "salt", + "eggs", + "cilantro", + "half & half", + "scallions" + ] + }, + { + "id": 2596, + "cuisine": "mexican", + "ingredients": [ + "lime", + "boneless pork loin", + "serrano chilies", + "salt", + "long-grain rice", + "chicken broth", + "olive oil", + "freshly ground pepper", + "fresh cilantro", + "yellow onion", + "garlic cloves" + ] + }, + { + "id": 37166, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "mushrooms", + "diced tomatoes", + "thyme", + "chicken thighs", + "green bell pepper", + "parmesan cheese", + "butter", + "salt", + "flat leaf parsley", + "pasta", + "olive oil", + "dry white wine", + "garlic", + "red bell pepper", + "tumeric", + "ground black pepper", + "red pepper flakes", + "all-purpose flour", + "onions" + ] + }, + { + "id": 4043, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "romaine lettuce leaves", + "ice cubes", + "roasted pumpkin seeds", + "salt", + "roma tomatoes", + "garlic", + "chiles", + "red wine vinegar" + ] + }, + { + "id": 11304, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "pickle relish", + "dried minced onion", + "cooked ham", + "brown mustard" + ] + }, + { + "id": 6649, + "cuisine": "japanese", + "ingredients": [ + "honey", + "lemon", + "fresh ginger root", + "dijon style mustard", + "olive oil", + "garlic", + "soy sauce", + "ground black pepper" + ] + }, + { + "id": 25495, + "cuisine": "irish", + "ingredients": [ + "eggs", + "butter", + "white sugar", + "baking soda", + "salt", + "milk", + "raisins", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 21770, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "red chili peppers", + "garam masala", + "cumin seed", + "basmati rice", + "red potato", + "water", + "green peas", + "green beans", + "canola oil", + "clove", + "kosher salt", + "ground black pepper", + "carrots", + "ground turmeric", + "black peppercorns", + "coriander seeds", + "purple onion", + "bay leaf" + ] + }, + { + "id": 21109, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "mushrooms", + "salt", + "black mustard seeds", + "eggplant", + "cilantro", + "scallions", + "olive oil", + "chili powder", + "ground coriander", + "ground cumin", + "hot chili", + "ground tumeric", + "garlic cloves" + ] + }, + { + "id": 2303, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "diced tomatoes", + "feta cheese crumbles", + "greek seasoning", + "dried thyme", + "brown lentils", + "dried oregano", + "minced garlic", + "chopped celery", + "onions", + "spinach leaves", + "vegetable stock", + "lemon juice" + ] + }, + { + "id": 4555, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "malt vinegar", + "tamarind concentrate", + "coconut flakes", + "jalapeno chilies", + "cumin seed", + "onions", + "red chili peppers", + "vegetable oil", + "garlic cloves", + "coriander seeds", + "salt", + "medium shrimp" + ] + }, + { + "id": 11954, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "bow-tie pasta", + "roma tomatoes", + "italian salad dressing", + "parmesan cheese", + "cucumber", + "kalamata" + ] + }, + { + "id": 37085, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "ground pork", + "melon", + "pepper", + "onions", + "sugar", + "salt", + "mung bean noodles", + "wood ear mushrooms" + ] + }, + { + "id": 40198, + "cuisine": "indian", + "ingredients": [ + "red lentils", + "curry powder", + "garam masala", + "yoghurt", + "sea salt", + "cumin seed", + "fresh mint", + "tomato paste", + "honey", + "pumpkin", + "butter", + "coconut cream", + "carrots", + "rice bran", + "lime", + "ground black pepper", + "vegetable stock", + "garlic", + "waxy potatoes", + "onions", + "tumeric", + "fresh ginger", + "sweet potatoes", + "lemon", + "green chilies", + "mustard seeds" + ] + }, + { + "id": 49550, + "cuisine": "moroccan", + "ingredients": [ + "hungarian sweet paprika", + "lemon", + "fresh lemon juice", + "organic chicken", + "salt", + "grated lemon peel", + "olive oil", + "ras el hanout", + "chopped fresh mint", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 13820, + "cuisine": "japanese", + "ingredients": [ + "sesame oil", + "porterhouse steaks", + "olive oil", + "garlic", + "soy sauce", + "ginger", + "ground black pepper", + "red miso" + ] + }, + { + "id": 24515, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "sour cream", + "mayonaise", + "rotisserie chicken", + "hot sauce", + "chopped cilantro fresh", + "shredded cheddar cheese", + "scallions" + ] + }, + { + "id": 1886, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chili powder", + "chicken", + "refried beans", + "onions", + "corn", + "salsa", + "chicken stock", + "garlic powder", + "cumin" + ] + }, + { + "id": 42919, + "cuisine": "indian", + "ingredients": [ + "ground cardamom", + "ground cinnamon", + "ancho powder", + "ground turmeric" + ] + }, + { + "id": 34449, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "shredded parmesan cheese", + "fat-free reduced-sodium chicken broth", + "boneless skinless chicken breasts", + "Neufchâtel", + "garlic powder", + "penne pasta", + "sun dried tomato dressing", + "Philadelphia Cream Cheese", + "fresh basil leaves" + ] + }, + { + "id": 39734, + "cuisine": "indian", + "ingredients": [ + "rose water", + "pistachios", + "ghee", + "baking soda", + "all-purpose flour", + "water", + "powdered milk", + "cardamom", + "milk", + "maple syrup", + "saffron" + ] + }, + { + "id": 24948, + "cuisine": "irish", + "ingredients": [ + "red potato", + "lamb stew meat", + "carrots", + "barley", + "minced garlic", + "yellow onion", + "celery", + "stock", + "bacon", + "ham hock", + "tomato paste", + "flour", + "bouquet", + "Irish Red ale" + ] + }, + { + "id": 45545, + "cuisine": "mexican", + "ingredients": [ + "natural peanut butter", + "lime", + "beef", + "beets", + "corn tortillas", + "avocado", + "cider vinegar", + "olive oil", + "salt", + "garlic cloves", + "ground cumin", + "chicken broth", + "fresh cilantro", + "instant espresso powder", + "cilantro leaves", + "ancho chile pepper", + "sugar", + "honey", + "purple onion", + "sweet paprika", + "onions" + ] + }, + { + "id": 5899, + "cuisine": "indian", + "ingredients": [ + "potatoes", + "ghee", + "whole wheat flour", + "cilantro leaves", + "amchur", + "salt", + "garam masala", + "green chilies" + ] + }, + { + "id": 11226, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "salt", + "ground black pepper", + "purple onion", + "olive oil", + "garlic", + "arugula", + "grape tomatoes", + "baby spinach", + "bocconcini" + ] + }, + { + "id": 19867, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "feta cheese crumbles", + "black-eyed peas", + "baby spinach", + "salt", + "finely chopped onion", + "chopped celery", + "arugula", + "swiss chard", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 26081, + "cuisine": "thai", + "ingredients": [ + "espresso", + "hot water", + "sweetened condensed milk", + "cardamom" + ] + }, + { + "id": 5346, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "cilantro leaves", + "sour cream", + "avocado", + "jalapeno chilies", + "sharp cheddar cheese", + "diced red onions", + "whole kernel corn, drain", + "corn tortilla chips", + "cooked chicken", + "red enchilada sauce" + ] + }, + { + "id": 19683, + "cuisine": "moroccan", + "ingredients": [ + "cinnamon", + "salt", + "pepper", + "ginger", + "cumin", + "cayenne", + "garlic", + "ground lamb", + "pomegranate juice", + "paprika", + "thyme" + ] + }, + { + "id": 23600, + "cuisine": "japanese", + "ingredients": [ + "light brown sugar", + "fresh lime juice", + "wasabi powder", + "mango", + "lump crab meat", + "toasted nori", + "fresh mint" + ] + }, + { + "id": 20377, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "oil-cured black olives", + "purple onion", + "ground black pepper", + "garlic", + "green pepper", + "olive oil", + "red wine vinegar", + "salt", + "hard-boiled egg", + "dried salted codfish", + "oregano" + ] + }, + { + "id": 30726, + "cuisine": "chinese", + "ingredients": [ + "cremini mushrooms", + "bacon", + "napa cabbage", + "chicken broth", + "onions" + ] + }, + { + "id": 12134, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "tomatillos", + "chopped cilantro fresh", + "grated parmesan cheese", + "chili powder", + "corn tortillas", + "black pepper", + "chicken breasts", + "salt", + "green chile", + "green onions", + "1% low-fat milk", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 7449, + "cuisine": "mexican", + "ingredients": [ + "baking powder", + "salt", + "butter", + "water", + "all-purpose flour" + ] + }, + { + "id": 10125, + "cuisine": "spanish", + "ingredients": [ + "red pepper", + "freshly ground pepper", + "sliced almonds", + "salt", + "plum tomatoes", + "vidalia onion", + "garlic sauce", + "olive oil flavored cooking spray", + "large garlic cloves", + "snapper fillets" + ] + }, + { + "id": 40948, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "salt", + "powdered sugar", + "almond extract", + "cream of tartar", + "granulated sugar", + "sliced almonds", + "vanilla extract" + ] + }, + { + "id": 43598, + "cuisine": "indian", + "ingredients": [ + "rice", + "gram dal", + "grated coconut", + "green chilies", + "salt" + ] + }, + { + "id": 28529, + "cuisine": "moroccan", + "ingredients": [ + "butter", + "carrots", + "white onion", + "cumin seed", + "plain yogurt", + "ground allspice", + "low salt chicken broth", + "honey", + "fresh lemon juice" + ] + }, + { + "id": 19910, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "broccoli florets", + "salt", + "grape tomatoes", + "parmesan cheese", + "large garlic cloves", + "sun-dried tomatoes", + "wheat", + "pasta water", + "pesto", + "ground black pepper", + "red pepper flakes" + ] + }, + { + "id": 42775, + "cuisine": "french", + "ingredients": [ + "pepper", + "salt", + "plum tomatoes", + "green onions", + "garlic cloves", + "fish fillets", + "yellow bell pepper", + "lemon juice", + "dried thyme", + "fines herbes" + ] + }, + { + "id": 12808, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "red wine vinegar", + "chickpeas", + "cucumber", + "pitted kalamata olives", + "purple onion", + "garlic cloves", + "green bell pepper", + "extra-virgin olive oil", + "spaghetti squash", + "dried oregano", + "black pepper", + "salt", + "feta cheese crumbles" + ] + }, + { + "id": 24991, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "zucchini", + "garlic", + "walnut oil", + "curry powder", + "cilantro", + "red bell pepper", + "pepper", + "meat", + "carrots", + "coriander", + "lime", + "ginger", + "toasted sesame oil" + ] + }, + { + "id": 39231, + "cuisine": "italian", + "ingredients": [ + "chili flakes", + "garlic", + "Italian turkey sausage", + "olive oil", + "nonfat milk", + "polenta", + "pepper", + "salt", + "fat skimmed chicken broth", + "mustard greens", + "Italian cheese blend" + ] + }, + { + "id": 7407, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "parsley", + "garlic", + "zucchini", + "apple cider", + "onions", + "dried basil", + "diced tomatoes", + "carrots", + "italian sausage", + "low sodium chicken broth", + "cheese tortellini", + "dried oregano" + ] + }, + { + "id": 14170, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "ground coriander", + "ground black pepper", + "salt", + "ground cumin", + "garlic", + "ground beef", + "ground pork", + "lemon juice" + ] + }, + { + "id": 1882, + "cuisine": "french", + "ingredients": [ + "warm water", + "salt", + "caster sugar", + "unsalted butter", + "plain flour", + "instant yeast" + ] + }, + { + "id": 21713, + "cuisine": "southern_us", + "ingredients": [ + "rosemary", + "unsalted butter", + "buttermilk", + "baking soda", + "half & half", + "honey", + "flour", + "thyme leaves", + "kosher salt", + "ground black pepper", + "baking powder" + ] + }, + { + "id": 18962, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "dried porcini mushrooms", + "dry white wine", + "chicken livers", + "fresh rosemary", + "bay leaves", + "hot water", + "clove", + "olive oil", + "bigoli", + "low salt chicken broth", + "tomato paste", + "grated parmesan cheese", + "duck", + "onions" + ] + }, + { + "id": 3478, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "garlic", + "butter", + "egg yolks", + "dried parsley", + "fettucine", + "heavy cream" + ] + }, + { + "id": 21394, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "large eggs", + "salt", + "okra", + "clarified butter", + "diced onions", + "andouille sausage", + "green onions", + "cayenne pepper", + "diced celery", + "tomatoes", + "ground black pepper", + "garlic", + "creole seasoning", + "shrimp", + "shrimp stock", + "green bell pepper", + "bay leaves", + "all-purpose flour", + "fresh parsley leaves" + ] + }, + { + "id": 28089, + "cuisine": "mexican", + "ingredients": [ + "poblano chilies", + "monterey jack", + "flour tortillas", + "fresh tomato salsa", + "water", + "garlic cloves", + "vegetable oil", + "chopped cilantro fresh" + ] + }, + { + "id": 19717, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "vegetable oil", + "corn tortillas", + "tomatoes", + "large eggs", + "salt", + "ground black pepper", + "garlic", + "hass avocado", + "lime juice", + "jalapeno chilies", + "scallions" + ] + }, + { + "id": 33051, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "garlic", + "angel hair" + ] + }, + { + "id": 35116, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "pepper", + "salt", + "biscuits", + "butter", + "milk", + "rolls" + ] + }, + { + "id": 33707, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "chili powder", + "sour cream", + "cumin", + "black beans", + "garlic", + "onions", + "monterey jack", + "cheddar cheese", + "red pepper flakes", + "ground beef", + "corn kernel whole", + "flour tortillas", + "green chilies", + "oregano" + ] + }, + { + "id": 36007, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "garlic powder", + "onion powder", + "cilantro leaves", + "corn tortillas", + "kosher salt", + "ground black pepper", + "paprika", + "frozen corn kernels", + "canned black beans", + "quinoa", + "diced tomatoes", + "cayenne pepper", + "cumin", + "lime", + "chili powder", + "vegetable broth", + "sour cream" + ] + }, + { + "id": 28117, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "sesame oil", + "corn starch", + "ground pepper", + "green pepper", + "celery", + "water", + "ground pork", + "lumpia skins", + "Accent Seasoning", + "shredded cabbage", + "carrots", + "onions" + ] + }, + { + "id": 7292, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "salt", + "baking powder", + "sharp cheddar cheese", + "unsalted butter", + "all-purpose flour", + "sugar", + "butter", + "apple slice" + ] + }, + { + "id": 5623, + "cuisine": "vietnamese", + "ingredients": [ + "rock sugar", + "egg whites", + "rice powder", + "garlic", + "ground black pepper", + "shell-on shrimp", + "granulated sugar", + "lard" + ] + }, + { + "id": 1531, + "cuisine": "southern_us", + "ingredients": [ + "granny smith apples", + "dark brown sugar", + "ground cinnamon", + "unsalted butter", + "rhubarb", + "ground nutmeg", + "brioche", + "lemon" + ] + }, + { + "id": 17420, + "cuisine": "filipino", + "ingredients": [ + "large egg whites", + "sesame oil", + "peanut oil", + "soy sauce", + "peeled fresh ginger", + "ground pork", + "corn starch", + "minced garlic", + "jicama", + "salt", + "white sesame seeds", + "sugar", + "black sesame seeds", + "wonton wrappers", + "scallions" + ] + }, + { + "id": 10306, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "cayenne pepper", + "oregano", + "tomatoes", + "garlic", + "thyme", + "olive oil", + "rice", + "green bell pepper", + "salt", + "onions" + ] + }, + { + "id": 25410, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "garlic cloves", + "fresh ginger", + "crushed red pepper", + "reduced sodium chicken broth", + "vegetable oil", + "large shrimp", + "reduced sodium soy sauce", + "salt" + ] + }, + { + "id": 26872, + "cuisine": "southern_us", + "ingredients": [ + "frozen peaches", + "all-purpose flour", + "light brown sugar", + "granulated sugar", + "peach preserves", + "unsalted butter", + "grated lemon zest", + "sliced almonds", + "salt", + "lemon juice" + ] + }, + { + "id": 36810, + "cuisine": "italian", + "ingredients": [ + "chopped tomatoes", + "salt", + "pepper", + "extra-virgin olive oil", + "basil leaves", + "yellow onion", + "dried pasta", + "garlic" + ] + }, + { + "id": 37585, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "tomatillos", + "tortilla chips", + "jalapeno chilies", + "salt", + "garlic cloves", + "large eggs", + "extra-virgin olive oil", + "roasting chickens", + "fresh cilantro", + "queso fresco", + "yellow onion" + ] + }, + { + "id": 20570, + "cuisine": "filipino", + "ingredients": [ + "water", + "sago pearls" + ] + }, + { + "id": 27946, + "cuisine": "italian", + "ingredients": [ + "vanilla beans", + "sprinkles", + "eggs", + "semisweet chocolate", + "confectioners sugar", + "honey", + "all-purpose flour", + "slivered almonds", + "vegetable oil" + ] + }, + { + "id": 40031, + "cuisine": "brazilian", + "ingredients": [ + "chicken stock", + "onions", + "red wine vinegar", + "collard greens", + "peppered bacon", + "cayenne pepper" + ] + }, + { + "id": 5644, + "cuisine": "italian", + "ingredients": [ + "spaghetti", + "tomato sauce", + "parmigiano reggiano cheese" + ] + }, + { + "id": 6533, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "all-purpose flour", + "sugar", + "butter", + "shallots", + "sourdough baguette", + "ground nutmeg", + "cheese" + ] + }, + { + "id": 36938, + "cuisine": "chinese", + "ingredients": [ + "sugar pea", + "sesame oil", + "all-purpose flour", + "brown sugar", + "sesame seeds", + "ginger", + "soba noodles", + "lime", + "cilantro", + "peanut butter", + "soy sauce", + "boneless skinless chicken breasts", + "garlic", + "carrots" + ] + }, + { + "id": 47353, + "cuisine": "brazilian", + "ingredients": [ + "cachaca", + "superfine sugar", + "lime", + "coco" + ] + }, + { + "id": 32772, + "cuisine": "spanish", + "ingredients": [ + "sweetened condensed milk" + ] + }, + { + "id": 46123, + "cuisine": "french", + "ingredients": [ + "water", + "garlic", + "celery", + "salt and ground black pepper", + "whole chicken", + "olive oil", + "chicken stock cubes", + "onions", + "potatoes", + "carrots" + ] + }, + { + "id": 12226, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "sweet onion", + "garlic", + "chopped ham", + "tomato sauce", + "butter", + "rice", + "green bell pepper", + "chili powder", + "salt", + "chicken broth", + "water", + "turkey sausage", + "oregano" + ] + }, + { + "id": 49240, + "cuisine": "italian", + "ingredients": [ + "sugar", + "heavy cream", + "egg yolks", + "espresso", + "whole milk", + "unsweetened cocoa powder", + "coffee", + "vanilla extract" + ] + }, + { + "id": 27719, + "cuisine": "french", + "ingredients": [ + "minced garlic", + "diced tomatoes", + "medium shrimp", + "fresh basil", + "clam juice", + "herbes de provence", + "mussels", + "olive oil", + "refrigerated fettuccine", + "halibut fillets", + "all-purpose flour", + "ground turmeric" + ] + }, + { + "id": 31123, + "cuisine": "italian", + "ingredients": [ + "ground ginger", + "ground nutmeg", + "vanilla extract", + "eggs", + "pumpkin purée", + "all-purpose flour", + "brown sugar", + "baking powder", + "white sugar", + "ground cinnamon", + "chop fine pecan", + "salt" + ] + }, + { + "id": 45943, + "cuisine": "chinese", + "ingredients": [ + "lean ground pork", + "green onions", + "red miso", + "large shrimp", + "low sodium soy sauce", + "won ton wrappers", + "dark sesame oil", + "shiitake mushroom caps", + "white pepper", + "rice vinegar", + "red bell pepper", + "sliced green onions", + "green tea bags", + "peeled fresh ginger", + "garlic cloves", + "boiling water" + ] + }, + { + "id": 21365, + "cuisine": "french", + "ingredients": [ + "swiss cheese", + "milk", + "oil", + "potatoes", + "garlic cloves", + "pepper", + "salt" + ] + }, + { + "id": 19196, + "cuisine": "french", + "ingredients": [ + "gruyere cheese", + "ground nutmeg", + "pepper", + "fat", + "potatoes" + ] + }, + { + "id": 1966, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "olive oil", + "sea salt", + "cumin", + "lettuce", + "sweetener", + "sweet potatoes", + "hot sauce", + "avocado", + "lime", + "red quinoa", + "chopped cilantro", + "water", + "jalapeno chilies", + "salsa" + ] + }, + { + "id": 45868, + "cuisine": "italian", + "ingredients": [ + "fresh tomatoes", + "french bread", + "fresh basil leaves", + "olive oil", + "salt", + "pepper", + "bacon slices", + "parmesan cheese", + "balsamic vinaigrette" + ] + }, + { + "id": 14111, + "cuisine": "japanese", + "ingredients": [ + "vegetable stock", + "spinach", + "carrots", + "shiitake", + "tofu", + "miso" + ] + }, + { + "id": 21057, + "cuisine": "southern_us", + "ingredients": [ + "bacon drippings", + "baking soda", + "butter", + "herb seasoned stuffing mix", + "sugar", + "baking powder", + "all-purpose flour", + "celery ribs", + "large eggs", + "buttermilk", + "cornmeal", + "chicken broth", + "green onions", + "salt" + ] + }, + { + "id": 13254, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "tomato basil sauce", + "fresh basil", + "grated parmesan cheese", + "garlic cloves", + "ground black pepper", + "chopped onion", + "cucuzza", + "salt", + "spaghetti" + ] + }, + { + "id": 35078, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "sugar", + "light corn syrup", + "butter", + "peanuts", + "vanilla extract" + ] + }, + { + "id": 36143, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "ginger", + "ground cardamom", + "ground cumin", + "ground cloves", + "ground black pepper", + "salt", + "onions", + "ground nutmeg", + "garlic", + "cinnamon sticks", + "crushed tomatoes", + "bay leaves", + "skinless chicken thighs", + "ground turmeric" + ] + }, + { + "id": 11225, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "heavy cream", + "granulated sugar", + "large egg yolks", + "light corn syrup", + "unsalted butter" + ] + }, + { + "id": 43616, + "cuisine": "italian", + "ingredients": [ + "roast breast of chicken", + "olive oil", + "linguine", + "chopped walnuts", + "fat free less sodium chicken broth", + "ground nutmeg", + "all-purpose flour", + "sliced mushrooms", + "black pepper", + "fat free milk", + "salt", + "garlic cloves", + "water", + "butter", + "cream cheese" + ] + }, + { + "id": 14679, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "ground black pepper", + "chili powder", + "all-purpose flour", + "shredded reduced fat cheddar cheese", + "baking powder", + "salt", + "water", + "cooking spray", + "ice water", + "sugar", + "ground turkey breast", + "butter", + "ground cumin" + ] + }, + { + "id": 6993, + "cuisine": "spanish", + "ingredients": [ + "yellow bell pepper", + "salt", + "chopped fresh mint", + "honey", + "white wine vinegar", + "cucumber", + "ground cumin", + "yellow tomato", + "extra-virgin olive oil", + "garlic cloves", + "chopped cilantro fresh", + "chopped green bell pepper", + "purple onion", + "red bell pepper" + ] + }, + { + "id": 18592, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "ground black pepper", + "garlic", + "penne", + "mushrooms", + "fresh parsley", + "canned low sodium chicken broth", + "cooking oil", + "salt", + "marsala wine", + "butter" + ] + }, + { + "id": 31925, + "cuisine": "chinese", + "ingredients": [ + "sweet onion", + "vegetable oil", + "frozen peas", + "ground ginger", + "large eggs", + "long-grain rice", + "sesame seeds", + "rice vinegar", + "soy sauce", + "sesame oil", + "shrimp" + ] + }, + { + "id": 29214, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "olive oil", + "onions", + "white wine", + "salt", + "sausage links", + "potatoes", + "italian seasoning", + "chicken stock", + "pepper", + "red bell pepper" + ] + }, + { + "id": 24196, + "cuisine": "greek", + "ingredients": [ + "fresh rosemary", + "garlic", + "chopped fresh thyme", + "chicken", + "olive oil", + "fresh oregano", + "lemon" + ] + }, + { + "id": 30212, + "cuisine": "southern_us", + "ingredients": [ + "vanilla wafers", + "powdered sugar", + "corn syrup", + "chop fine pecan", + "cocoa powder", + "bourbon whiskey" + ] + }, + { + "id": 16463, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "whole milk", + "half & half", + "sugar", + "vanilla extract" + ] + }, + { + "id": 30123, + "cuisine": "jamaican", + "ingredients": [ + "minced garlic", + "hot pepper sauce", + "shredded mozzarella cheese", + "ground cinnamon", + "fresh ginger", + "ground allspice", + "boneless skinless chicken breast halves", + "tomatoes", + "lime", + "chopped fresh thyme", + "coconut milk", + "chicken bouillon granules", + "water", + "tortillas", + "carrots" + ] + }, + { + "id": 29227, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "fresh thyme", + "ground thyme", + "smoked sausage", + "onions", + "pepper", + "onion powder", + "bacon", + "cayenne pepper", + "black pepper", + "bell pepper", + "red pepper flakes", + "salt", + "ground oregano", + "chicken broth", + "garlic powder", + "cajun seasoning", + "paprika", + "celery" + ] + }, + { + "id": 32293, + "cuisine": "irish", + "ingredients": [ + "sugar", + "low-fat buttermilk", + "baking powder", + "dried cranberries", + "large egg whites", + "dried apricot", + "all-purpose flour", + "butter-margarine blend", + "large eggs", + "salt", + "baking soda", + "cooking spray", + "grated orange" + ] + }, + { + "id": 31460, + "cuisine": "mexican", + "ingredients": [ + "black peppercorns", + "kosher salt", + "unsalted butter", + "cinnamon", + "mexican chocolate", + "ancho chile pepper", + "plantains", + "piloncillo", + "pasilla chiles", + "bolillo", + "mulato chiles", + "red rice", + "allspice berries", + "white sandwich bread", + "anise seed", + "white onion", + "coriander seeds", + "tomatillos", + "garlic", + "lard", + "plum tomatoes", + "light brown sugar", + "whole almonds", + "sesame seeds", + "whole cloves", + "raisins", + "whole chicken", + "corn tortillas" + ] + }, + { + "id": 37924, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "chili powder", + "flavored tortilla chips", + "catfish", + "black pepper", + "salt", + "cooking oil" + ] + }, + { + "id": 29873, + "cuisine": "southern_us", + "ingredients": [ + "water", + "greens", + "pork shoulder" + ] + }, + { + "id": 27309, + "cuisine": "greek", + "ingredients": [ + "white bread", + "olive oil", + "sea salt", + "dried oregano", + "picholine olives", + "lemon wedge", + "garlic cloves", + "black pepper", + "fusilli", + "feta cheese crumbles", + "spinach", + "radicchio", + "crushed red pepper" + ] + }, + { + "id": 27700, + "cuisine": "chinese", + "ingredients": [ + "egg noodles", + "napa cabbage", + "peanut oil", + "soy sauce", + "rice wine", + "ginger", + "corn starch", + "boneless chicken skinless thigh", + "sesame oil", + "salt", + "ground white pepper", + "fresh shiitake mushrooms", + "red pepper flakes", + "scallions" + ] + }, + { + "id": 28886, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "salt", + "Italian seasoned diced tomatoes", + "tomato sauce", + "boneless chuck roast", + "onions", + "tomato paste", + "olive oil", + "garlic cloves", + "dried oregano", + "sugar", + "crushed red pepper", + "spaghetti" + ] + }, + { + "id": 44349, + "cuisine": "moroccan", + "ingredients": [ + "red lentils", + "fresh cilantro", + "extra-virgin olive oil", + "ground coriander", + "ground turmeric", + "pepper", + "red pepper flakes", + "garlic", + "flat leaf parsley", + "ground cinnamon", + "lemon", + "vegetable broth", + "carrots", + "ground cumin", + "celery ribs", + "crushed tomatoes", + "sea salt", + "sweet paprika", + "onions" + ] + }, + { + "id": 32167, + "cuisine": "southern_us", + "ingredients": [ + "fresh tomatoes", + "garlic powder", + "worcestershire sauce", + "onions", + "shredded cheddar cheese", + "hot pepper sauce", + "smoked sausage", + "cooked ham", + "ground black pepper", + "bacon", + "grits", + "water", + "chopped green bell pepper", + "salt" + ] + }, + { + "id": 22977, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "green onions", + "salt", + "hoisin sauce", + "dry sherry", + "peanut oil", + "lower sodium soy sauce", + "sirloin steak", + "rice vinegar", + "chile paste with garlic", + "peeled fresh ginger", + "garlic", + "corn starch" + ] + }, + { + "id": 37238, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "sugar", + "scallions", + "sake", + "sirloin steak", + "soy sauce" + ] + }, + { + "id": 17670, + "cuisine": "southern_us", + "ingredients": [ + "cranberry juice", + "fresh orange juice", + "ice cubes", + "lime", + "fresh lime juice", + "orange", + "grenadine", + "wine", + "bourbon whiskey", + "club soda" + ] + }, + { + "id": 34485, + "cuisine": "irish", + "ingredients": [ + "egg yolks", + "applesauce", + "ground cloves", + "salt", + "ground cinnamon", + "butter", + "white sugar", + "lemon zest", + "all-purpose flour" + ] + }, + { + "id": 4596, + "cuisine": "indian", + "ingredients": [ + "salmon fillets", + "peeled fresh ginger", + "garlic cloves", + "plain whole-milk yogurt", + "kosher salt", + "vegetable oil", + "cucumber", + "ground cumin", + "ground black pepper", + "scallions", + "chopped cilantro fresh", + "garam masala", + "ground coriander", + "fresh lime juice" + ] + }, + { + "id": 48625, + "cuisine": "southern_us", + "ingredients": [ + "plain yogurt", + "chopped fresh chives", + "thyme sprigs", + "fresh thyme", + "salt", + "white cornmeal", + "corn kernels", + "butter", + "fresh parsley", + "sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 43623, + "cuisine": "chinese", + "ingredients": [ + "orange liqueur", + "simple syrup", + "mandarin orange segments", + "champagne" + ] + }, + { + "id": 7912, + "cuisine": "southern_us", + "ingredients": [ + "whipping cream", + "baking soda", + "butter", + "sugar" + ] + }, + { + "id": 38370, + "cuisine": "italian", + "ingredients": [ + "whole milk", + "extra-virgin olive oil", + "bay leaf", + "balsamic vinegar", + "crème fraîche", + "polenta", + "butter", + "low salt chicken broth", + "wild mushrooms", + "shallots", + "cheese", + "fresh parsley" + ] + }, + { + "id": 32857, + "cuisine": "french", + "ingredients": [ + "creole mustard", + "garlic cloves", + "lemon zest", + "sliced green onions", + "mayonaise", + "fresh parsley", + "ground red pepper" + ] + }, + { + "id": 24183, + "cuisine": "mexican", + "ingredients": [ + "Campbell's Condensed Cheddar Cheese Soup", + "onions", + "tortilla chips", + "jalapeno chilies", + "chunky salsa", + "tomatoes", + "ground beef" + ] + }, + { + "id": 1483, + "cuisine": "chinese", + "ingredients": [ + "egg noodles", + "napa cabbage", + "oil", + "red bell pepper", + "sugar", + "flank steak", + "salt", + "corn starch", + "bamboo shoots", + "dark soy sauce", + "Shaoxing wine", + "garlic", + "carrots", + "mung bean sprouts", + "soy sauce", + "sesame oil", + "scallions", + "sliced mushrooms", + "snow peas" + ] + }, + { + "id": 7765, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "zucchini", + "butter", + "fresh parsley", + "arborio rice", + "olive oil", + "dry white wine", + "asparagus spears", + "fontina cheese", + "parmesan cheese", + "chicken breasts", + "herbes de provence", + "pepper", + "grated parmesan cheese", + "salt", + "onions" + ] + }, + { + "id": 46549, + "cuisine": "japanese", + "ingredients": [ + "Japanese soy sauce", + "carrots", + "sugar", + "salt", + "fresh ginger", + "rice vinegar", + "daikon" + ] + }, + { + "id": 34882, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "chickpeas", + "carrots", + "frozen peas", + "saffron", + "coarse salt", + "garlic cloves", + "cinnamon sticks", + "basmati rice", + "cauliflower", + "nonfat milk", + "ground cardamom", + "onions", + "plum tomatoes", + "fresh ginger", + "cumin seed", + "green beans", + "cashew nuts", + "canola oil" + ] + }, + { + "id": 39384, + "cuisine": "italian", + "ingredients": [ + "red delicious apples", + "prepared horseradish", + "salt", + "white vinegar", + "water", + "green peas", + "pepper", + "roasted red peppers", + "plain low-fat yogurt", + "radicchio", + "purple onion" + ] + }, + { + "id": 26329, + "cuisine": "southern_us", + "ingredients": [ + "ground chuck", + "ground pepper", + "grape tomatoes", + "sweet onion", + "frozen onion rings", + "hamburger buns", + "honey", + "salt", + "biscuits", + "cider vinegar", + "lettuce leaves" + ] + }, + { + "id": 44959, + "cuisine": "italian", + "ingredients": [ + "spaghetti, cook and drain", + "eggs", + "ground beef", + "shredded mozzarella cheese", + "ragu old world style pasta sauc", + "italian seasoned dry bread crumbs" + ] + }, + { + "id": 14963, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "cider vinegar", + "butter", + "black pepper", + "ground red pepper", + "soy sauce", + "prepared mustard", + "hot sauce", + "white pepper", + "chili powder" + ] + }, + { + "id": 45873, + "cuisine": "british", + "ingredients": [ + "cauliflower", + "light cream", + "salt", + "onions", + "white pepper", + "whole milk", + "corn starch", + "chicken broth", + "unsalted butter", + "croutons", + "celery ribs", + "stilton", + "florets", + "stilton cheese" + ] + }, + { + "id": 39153, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "ground black pepper", + "cooking spray", + "fresh parsley", + "eggplant", + "zucchini", + "salt", + "fresh basil", + "part-skim mozzarella cheese", + "large eggs", + "red bell pepper", + "pesto", + "lasagna noodles", + "asiago", + "nonfat ricotta cheese" + ] + }, + { + "id": 20410, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "ricotta cheese", + "onions", + "mozzarella cheese", + "pasta shells", + "baby spinach leaves", + "garlic", + "oregano", + "eggs", + "parmesan cheese", + "sweet italian sausage" + ] + }, + { + "id": 26858, + "cuisine": "italian", + "ingredients": [ + "parsley flakes", + "grated parmesan cheese", + "meat sauce", + "lasagna noodles", + "shredded mozzarella cheese", + "eggs", + "ricotta cheese", + "italian seasoning", + "ground black pepper", + "salt" + ] + }, + { + "id": 7469, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "boneless chicken breast", + "salsa", + "salsa verde", + "jalapeno chilies", + "green pepper", + "diced green chilies", + "cheese", + "tomatoes", + "tortillas", + "shells" + ] + }, + { + "id": 21303, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "all-purpose flour", + "baking soda", + "cake flour", + "black pepper", + "buttermilk", + "baking powder", + "salt" + ] + }, + { + "id": 41529, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "Velveeta", + "rotel tomatoes", + "green chile", + "tortilla chips", + "cream of chicken soup" + ] + }, + { + "id": 22227, + "cuisine": "japanese", + "ingredients": [ + "Japanese soy sauce", + "dashi", + "mirin" + ] + }, + { + "id": 31281, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "salt", + "tomatoes", + "heavy cream", + "butter", + "cream cheese", + "ground black pepper", + "bacon" + ] + }, + { + "id": 15625, + "cuisine": "thai", + "ingredients": [ + "romaine lettuce", + "peanuts", + "spring onions", + "garlic", + "honey", + "bell pepper", + "sirloin steak", + "fresh mint", + "lime juice", + "lemon grass", + "shallots", + "cucumber", + "fish sauce", + "fresh ginger", + "jalapeno chilies", + "ginger" + ] + }, + { + "id": 7123, + "cuisine": "italian", + "ingredients": [ + "reduced-fat sour cream", + "black pepper", + "horseradish sauce", + "breadstick", + "scallions", + "roast beef deli meat" + ] + }, + { + "id": 48718, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "pepper flakes", + "salt", + "boneless skinless chicken breasts", + "olive oil", + "italian seasoning" + ] + }, + { + "id": 4529, + "cuisine": "russian", + "ingredients": [ + "fruit", + "extra light olive oil", + "sour cream", + "powdered sugar", + "large eggs", + "all-purpose flour", + "white vinegar", + "baking soda", + "salt", + "sugar", + "raisins", + "farmer cheese" + ] + }, + { + "id": 31203, + "cuisine": "indian", + "ingredients": [ + "chicken broth", + "fresh cilantro", + "light coconut milk", + "onions", + "ground cloves", + "vegetable oil", + "rotisserie chicken", + "ground ginger", + "curry powder", + "diced tomatoes", + "garlic cloves", + "ground cinnamon", + "mango chutney", + "cayenne pepper", + "basmati rice" + ] + }, + { + "id": 22859, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh chives", + "low sodium chicken broth", + "all-purpose flour", + "red bell pepper", + "chicken sausage", + "garlic", + "creole seasoning", + "fresh parsley", + "pepper", + "bay leaves", + "green pepper", + "celery", + "olive oil", + "salt", + "thyme", + "onions" + ] + }, + { + "id": 16851, + "cuisine": "southern_us", + "ingredients": [ + "shrimp and crab boil seasoning", + "dry white wine", + "shrimp", + "chips", + "lemon", + "pepper", + "butter", + "barbecue sauce", + "hot sauce" + ] + }, + { + "id": 48475, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "passata", + "ground turmeric", + "caster sugar", + "ginger", + "curry paste", + "red lentils", + "vegetable oil", + "salt", + "ground cumin", + "curry powder", + "garlic", + "onions" + ] + }, + { + "id": 48107, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "white miso", + "chili paste", + "ramen noodles", + "ground pork", + "soft-boiled egg", + "sesame paste", + "dashi", + "miso paste", + "large free range egg", + "spices", + "garlic", + "scallions", + "onions", + "water", + "soy milk", + "mirin", + "vegetable oil", + "ginger", + "dark brown sugar", + "toasted sesame oil", + "chicken stock", + "sesame seeds", + "ground black pepper", + "shallots", + "sea salt", + "dried shiitake mushrooms", + "oil", + "nori" + ] + }, + { + "id": 20500, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "salt", + "heavy cream", + "onions", + "large eggs", + "freshly ground pepper", + "red potato", + "extra-virgin olive oil" + ] + }, + { + "id": 20267, + "cuisine": "moroccan", + "ingredients": [ + "picholine olives", + "shallots", + "feta cheese crumbles", + "lettuce", + "honey", + "fresh lemon juice", + "chopped cilantro fresh", + "ground cinnamon", + "olive oil", + "carrots", + "ground cumin", + "minced garlic", + "fresh orange juice", + "ground cayenne pepper" + ] + }, + { + "id": 18200, + "cuisine": "british", + "ingredients": [ + "all-purpose flour", + "large eggs", + "milk", + "salt" + ] + }, + { + "id": 3692, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "feta cheese crumbles", + "black olives", + "baby spinach", + "thin pizza crust", + "tomato sauce", + "freshly ground pepper" + ] + }, + { + "id": 38265, + "cuisine": "japanese", + "ingredients": [ + "gingerroot", + "dijon mustard", + "fresh lemon juice", + "vegetable oil", + "red miso", + "water", + "scallions" + ] + }, + { + "id": 10315, + "cuisine": "british", + "ingredients": [ + "currant jelly", + "salt", + "bread crumbs", + "eggs", + "milk", + "sugar" + ] + }, + { + "id": 23279, + "cuisine": "cajun_creole", + "ingredients": [ + "flour", + "vanilla", + "eggs", + "butter", + "sugar pearls", + "baking powder", + "salt", + "sugar", + "sanding sugar" + ] + }, + { + "id": 32000, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "crushed red pepper", + "vegetable oil", + "salt", + "cider vinegar", + "purple onion", + "vegetable broth", + "dark brown sugar" + ] + }, + { + "id": 16061, + "cuisine": "southern_us", + "ingredients": [ + "fresh basil", + "large eggs", + "fruit", + "all-purpose flour", + "sugar", + "buttermilk", + "tart shells", + "vanilla bean paste" + ] + }, + { + "id": 34075, + "cuisine": "british", + "ingredients": [ + "large eggs", + "all-purpose flour", + "bittersweet chocolate", + "baking soda", + "vanilla", + "pitted prunes", + "stout", + "dark brown sugar", + "unsalted butter", + "salt", + "confectioners sugar" + ] + }, + { + "id": 23164, + "cuisine": "italian", + "ingredients": [ + "chili flakes", + "soppressata", + "pecorino romano cheese", + "tomato sauce", + "rigatoni", + "extra-virgin olive oil" + ] + }, + { + "id": 31433, + "cuisine": "japanese", + "ingredients": [ + "water", + "rice", + "nori", + "avocado", + "sea salt", + "cucumber", + "sushi rice", + "rice vinegar", + "white sesame seeds", + "granulated sugar", + "crabmeat" + ] + }, + { + "id": 500, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "lettuce leaves", + "scallions", + "medium shrimp", + "rice paper", + "soy sauce", + "hoisin sauce", + "english cucumber", + "toasted sesame oil", + "serrano chile", + "garlic paste", + "granulated sugar", + "creamy peanut butter", + "fresh mint", + "fresh basil leaves", + "rice stick noodles", + "lime juice", + "cilantro sprigs", + "garlic cloves", + "mung bean sprouts" + ] + }, + { + "id": 19569, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "light mayonnaise", + "chicken broth", + "shredded cabbage", + "plain low-fat yogurt", + "barbecue sauce", + "white vinegar", + "distilled vinegar", + "pork butt" + ] + }, + { + "id": 48601, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "chopped celery", + "marjoram", + "eggs", + "butter", + "thyme", + "chicken", + "chicken broth", + "dried sage", + "salt", + "dried rosemary", + "bread crumbs", + "crumbled cornbread", + "onions" + ] + }, + { + "id": 21204, + "cuisine": "indian", + "ingredients": [ + "white sugar", + "milk", + "mango", + "plain whole-milk yogurt", + "ground cardamom" + ] + }, + { + "id": 17107, + "cuisine": "mexican", + "ingredients": [ + "water", + "worcestershire sauce", + "onions", + "zucchini", + "whole kernel corn, drain", + "olive oil", + "salt", + "pepper", + "flour tortillas", + "pork roast" + ] + }, + { + "id": 1730, + "cuisine": "vietnamese", + "ingredients": [ + "chile pepper", + "chopped cilantro fresh", + "carrots", + "daikon", + "white vinegar", + "white sugar" + ] + }, + { + "id": 8442, + "cuisine": "irish", + "ingredients": [ + "ground cinnamon", + "granulated sugar", + "salt", + "dried cranberries", + "cider vinegar", + "ground red pepper", + "mustard seeds", + "brown sugar", + "peeled fresh ginger", + "ground allspice", + "ground cumin", + "peeled tomatoes", + "purple onion", + "red bell pepper" + ] + }, + { + "id": 18100, + "cuisine": "chinese", + "ingredients": [ + "butter", + "cashew nuts", + "hoisin sauce", + "all-purpose flour", + "olive oil", + "mandarin oranges", + "boneless skinless chicken breast halves", + "green onions", + "orange juice" + ] + }, + { + "id": 6872, + "cuisine": "italian", + "ingredients": [ + "whole peeled tomatoes", + "onions", + "black pepper", + "salt", + "garlic salt", + "tomato paste", + "lean ground beef", + "dried parsley", + "wide egg noodles", + "sharp cheddar cheese" + ] + }, + { + "id": 12522, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "enchilada sauce", + "water", + "taco seasoning", + "onions", + "minced garlic", + "cheese", + "ground beef", + "chopped bell pepper", + "oil" + ] + }, + { + "id": 4629, + "cuisine": "irish", + "ingredients": [ + "caraway seeds", + "salt", + "bread flour", + "active dry yeast", + "dry milk powder", + "warm water", + "margarine", + "raisins", + "white sugar" + ] + }, + { + "id": 27559, + "cuisine": "filipino", + "ingredients": [ + "tomato sauce", + "dry sherry", + "onions", + "olive oil", + "garlic", + "pepper", + "thai chile", + "mussels", + "bell pepper", + "salt" + ] + }, + { + "id": 28942, + "cuisine": "mexican", + "ingredients": [ + "salt", + "all-purpose flour", + "water", + "butter" + ] + }, + { + "id": 22096, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "sugar", + "coriander powder", + "salt", + "lemon juice", + "cumin", + "fresh coriander", + "kasuri methi", + "green chilies", + "onions", + "tomato purée", + "cream", + "mixed vegetables", + "tomato ketchup", + "ghee", + "garlic paste", + "garam masala", + "paneer", + "oil", + "ground turmeric" + ] + }, + { + "id": 33795, + "cuisine": "indian", + "ingredients": [ + "eggplant", + "onions", + "reduced fat coconut milk", + "baby spinach", + "yellow peppers", + "red lentils", + "mango chutney", + "frozen peas", + "low sodium vegetable stock", + "curry paste", + "brown basmati rice" + ] + }, + { + "id": 9351, + "cuisine": "italian", + "ingredients": [ + "orange juice", + "ice", + "tequila", + "frozen limeade concentrate", + "amaretto liqueur", + "white sugar" + ] + }, + { + "id": 836, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "olive oil", + "salt", + "minced onion", + "chopped cilantro", + "green bell pepper", + "idaho potatoes" + ] + }, + { + "id": 49695, + "cuisine": "southern_us", + "ingredients": [ + "fresh spinach", + "balsamic vinegar", + "orange juice", + "olive oil", + "leaf lettuce", + "orange zest", + "orange", + "purple onion", + "tarragon", + "shredded cabbage", + "crabmeat" + ] + }, + { + "id": 4717, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "salt", + "ground beef", + "pepper", + "carrots", + "boneless skinless chicken breast halves", + "eggs", + "dry bread crumbs", + "onions", + "frozen chopped spinach", + "dry pasta", + "celery" + ] + }, + { + "id": 8971, + "cuisine": "italian", + "ingredients": [ + "skim milk", + "salt", + "dry white wine", + "gemelli", + "grated parmesan cheese", + "all-purpose flour", + "pesto", + "cracked black pepper" + ] + }, + { + "id": 3821, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "all-purpose flour", + "sugar", + "buttermilk", + "butter", + "baking soda", + "salt" + ] + }, + { + "id": 25052, + "cuisine": "french", + "ingredients": [ + "brown sugar", + "apples", + "butter", + "puff pastry" + ] + }, + { + "id": 4775, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "smoked sausage", + "collard greens", + "black-eyed peas", + "chicken broth", + "kosher salt", + "instant rice", + "rotelle" + ] + }, + { + "id": 33082, + "cuisine": "french", + "ingredients": [ + "sugar", + "sweetened coconut flakes", + "large egg whites", + "cream of tartar", + "semisweet chocolate", + "sliced almonds", + "salt" + ] + }, + { + "id": 12548, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "large egg yolks", + "bittersweet chocolate", + "Grand Marnier", + "unsalted butter", + "orange zest" + ] + }, + { + "id": 44590, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "garden peas", + "grated lemon zest", + "scallops", + "dry white wine", + "salt", + "chicken stock", + "pearl onions", + "extra-virgin olive oil", + "freshly ground pepper", + "fresh basil", + "unsalted butter", + "pasta shells", + "flat leaf parsley" + ] + }, + { + "id": 3776, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "garlic", + "eggs", + "sea salt", + "flat leaf parsley", + "parmesan cheese", + "whole wheat breadcrumbs", + "lean ground turkey", + "crushed red pepper flakes", + "dried oregano" + ] + }, + { + "id": 13616, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "corn tortillas", + "salsa verde", + "purple onion", + "avocado", + "queso fresco", + "chopped cilantro fresh", + "meat", + "sour cream" + ] + }, + { + "id": 29076, + "cuisine": "indian", + "ingredients": [ + "coconut", + "chili powder", + "gingerroot", + "chopped cilantro fresh", + "ground ginger", + "nonfat yogurt", + "salt", + "ground cardamom", + "clove", + "baking soda", + "vegetable oil", + "small red potato", + "serrano chile", + "water", + "finely chopped onion", + "all-purpose flour", + "cinnamon sticks" + ] + }, + { + "id": 5532, + "cuisine": "thai", + "ingredients": [ + "green cabbage", + "chicken breast halves", + "freshly ground pepper", + "fish sauce", + "salt", + "iceberg lettuce", + "serrano chilies", + "sesame oil", + "chopped cilantro fresh", + "avocado", + "sugar", + "rice vinegar" + ] + }, + { + "id": 32053, + "cuisine": "indian", + "ingredients": [ + "clove", + "pepper", + "garam masala", + "salt", + "basmati rice", + "black peppercorns", + "water", + "vegetable oil", + "cinnamon sticks", + "ground cumin", + "tomatoes", + "fresh coriander", + "bay leaves", + "green chilies", + "saffron", + "green cardamom pods", + "garlic paste", + "milk", + "button mushrooms", + "onions" + ] + }, + { + "id": 45681, + "cuisine": "thai", + "ingredients": [ + "lime", + "garlic", + "red curry paste", + "fish sauce", + "butternut squash", + "salt", + "canola oil", + "lower sodium chicken broth", + "fresh ginger", + "unsalted dry roast peanuts", + "chopped onion", + "brown sugar", + "light coconut milk", + "cilantro leaves" + ] + }, + { + "id": 40319, + "cuisine": "spanish", + "ingredients": [ + "ground nutmeg", + "riesling", + "grape juice", + "powdered sugar", + "granulated sugar", + "fresh lemon juice", + "clove", + "peaches", + "grated lemon zest", + "phyllo dough", + "cooking spray", + "cinnamon sticks" + ] + }, + { + "id": 11719, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "cucumber", + "purple onion", + "ground cumin", + "fat free yogurt", + "chopped fresh mint", + "salt" + ] + }, + { + "id": 36180, + "cuisine": "british", + "ingredients": [ + "eggs", + "mixed spice", + "rum", + "cooking apples", + "nutmeg", + "sultana", + "suet", + "raisins", + "orange zest", + "self raising flour", + "brown sugar", + "almonds", + "candied peel", + "beer", + "ground cinnamon", + "bread crumbs", + "lemon zest", + "currant" + ] + }, + { + "id": 6956, + "cuisine": "indian", + "ingredients": [ + "seasoning", + "cucumber", + "salt", + "chili flakes", + "curds" + ] + }, + { + "id": 10085, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "chopped fresh thyme", + "bay leaf", + "olive oil", + "dry white wine", + "salt", + "cooking spray", + "reduced-fat sour cream", + "ground black pepper", + "boneless skinless chicken breasts", + "wild rice" + ] + }, + { + "id": 17578, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "honey", + "chees fresco queso", + "shrimp", + "corn", + "zucchini", + "salt", + "cumin", + "pepper", + "olive oil", + "garlic", + "chopped cilantro", + "lime", + "ancho powder", + "scallions" + ] + }, + { + "id": 36693, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "fresh cilantro", + "diced tomatoes", + "cream of mushroom soup", + "ground cumin", + "pepper", + "jalapeno chilies", + "enchilada sauce", + "pork sausages", + "cream of celery soup", + "garlic powder", + "salt", + "ground beef", + "avocado", + "shredded cheddar cheese", + "green onions", + "corn tortillas", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 47372, + "cuisine": "japanese", + "ingredients": [ + "honey", + "sugar", + "eggs", + "bread flour", + "milk" + ] + }, + { + "id": 16961, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "sea salt", + "purple onion", + "bay leaf", + "avocado", + "butternut squash", + "cilantro", + "red bell pepper", + "ground cumin", + "olive oil", + "diced tomatoes", + "garlic cloves", + "chipotles in adobo", + "ground cinnamon", + "chili powder", + "vegetable broth", + "corn tortillas" + ] + }, + { + "id": 32803, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "reduced fat milk", + "butter", + "cream cheese, soften", + "onions", + "parmigiano reggiano cheese", + "cooking spray", + "all-purpose flour", + "medium shrimp", + "lasagna noodles", + "half & half", + "salt", + "whole nutmegs", + "nonfat ricotta cheese", + "scallops", + "large eggs", + "chopped fresh thyme", + "garlic cloves", + "fresh parsley" + ] + }, + { + "id": 15781, + "cuisine": "moroccan", + "ingredients": [ + "diced tomatoes", + "salt", + "couscous", + "olive oil", + "vegetable broth", + "frozen mixed vegetables", + "chili flakes", + "deveined shrimp", + "ground coriander", + "ground cumin", + "chili powder", + "garlic", + "chopped parsley" + ] + }, + { + "id": 46713, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "pizza doughs", + "tomato sauce", + "olive oil", + "rotisserie chicken", + "chopped bell pepper", + "chopped onion", + "fresh oregano leaves", + "roasted red peppers", + "shredded mozzarella cheese" + ] + }, + { + "id": 32954, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "green enchilada sauce", + "chicken breasts", + "pepper cheese" + ] + }, + { + "id": 20226, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "flour", + "cornmeal", + "unsalted butter", + "buttermilk", + "sage leaves", + "large eggs", + "salt", + "baking soda", + "baking powder", + "pears" + ] + }, + { + "id": 10293, + "cuisine": "chinese", + "ingredients": [ + "onion powder", + "soy sauce", + "rice vinegar", + "ground ginger", + "sesame oil", + "garlic powder" + ] + }, + { + "id": 29195, + "cuisine": "japanese", + "ingredients": [ + "vegetable oil", + "sushi rice", + "fine sea salt", + "salmon fillets", + "furikake", + "lemon wedge", + "nori" + ] + }, + { + "id": 42723, + "cuisine": "filipino", + "ingredients": [ + "ketchup", + "Sriracha", + "sauce", + "garlic cloves", + "brown sugar", + "7 Up", + "marinade", + "scallions", + "onions", + "Frank's® RedHot® Original Cayenne Pepper Sauce", + "kosher salt", + "center cut pork loin chops", + "chili sauce", + "lemon juice", + "soy sauce", + "ground black pepper", + "spices", + "oil" + ] + }, + { + "id": 4945, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "salt", + "white pepper", + "heavy cream", + "unsalted butter", + "white wine vinegar", + "shallots" + ] + }, + { + "id": 48710, + "cuisine": "indian", + "ingredients": [ + "low fat plain yoghurt", + "spices", + "paprika", + "coriander", + "garlic powder", + "lemon", + "salt", + "dried basil", + "cinnamon", + "ginger", + "cumin", + "onion powder", + "chicken drumsticks", + "cayenne pepper" + ] + }, + { + "id": 34948, + "cuisine": "greek", + "ingredients": [ + "sundried tomato pesto", + "butter", + "sunflower kernels", + "fresh spinach", + "sliced black olives", + "basil", + "chopped parsley", + "soy sauce", + "shallots", + "extra-virgin olive oil", + "rib eye steaks", + "minced garlic", + "whole wheat penne pasta", + "feta cheese crumbles" + ] + }, + { + "id": 29699, + "cuisine": "italian", + "ingredients": [ + "sugar", + "salt", + "dried oregano", + "dried basil", + "garlic cloves", + "olive oil", + "plum tomatoes", + "pepper", + "chopped onion" + ] + }, + { + "id": 1321, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "quinoa", + "pinto beans", + "olive oil", + "natural yogurt", + "onions", + "lime", + "red pepper", + "chipotle paste", + "chicken stock", + "chopped tomatoes", + "skinless chicken breasts", + "coriander" + ] + }, + { + "id": 48054, + "cuisine": "chinese", + "ingredients": [ + "salt", + "cooking oil", + "sweet rice flour", + "light brown sugar", + "white sesame seeds", + "pumpkin" + ] + }, + { + "id": 25035, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "flour tortillas", + "chorizo sausage", + "red kidney beans", + "pepper", + "salt", + "taco sauce", + "extra-virgin olive oil", + "green chile", + "finely chopped onion", + "monterey jack" + ] + }, + { + "id": 33583, + "cuisine": "jamaican", + "ingredients": [ + "salt", + "long grain white rice", + "red kidney beans", + "garlic cloves", + "hot pepper", + "thyme", + "unsweetened coconut milk", + "scallions" + ] + }, + { + "id": 44989, + "cuisine": "italian", + "ingredients": [ + "chestnuts", + "butter", + "potatoes", + "beef broth", + "large egg yolks", + "heavy cream", + "bread", + "leeks", + "beer" + ] + }, + { + "id": 36247, + "cuisine": "italian", + "ingredients": [ + "water", + "macaroni", + "onions", + "fresh basil", + "olive oil", + "garlic", + "tomatoes", + "dried basil", + "grated parmesan cheese", + "dried oregano", + "homemade chicken stock", + "zucchini", + "links" + ] + }, + { + "id": 2508, + "cuisine": "indian", + "ingredients": [ + "pepper", + "brown rice", + "red bell pepper", + "curry powder", + "salt", + "red apples", + "golden raisins", + "lemon juice", + "water", + "heavy cream", + "asparagus tips" + ] + }, + { + "id": 4757, + "cuisine": "thai", + "ingredients": [ + "sugar", + "salt", + "green beans", + "chicken thighs", + "ground black pepper", + "rice", + "coconut milk", + "green curry paste", + "cilantro leaves", + "Thai fish sauce", + "vegetable oil", + "asparagus spears", + "lime leaves" + ] + }, + { + "id": 3430, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "mushrooms", + "paprika", + "salt", + "dried oregano", + "ground black pepper", + "chili powder", + "linguine", + "fresh parsley", + "olive oil", + "chicken breasts", + "yellow bell pepper", + "red bell pepper", + "skim milk", + "cooking spray", + "spices", + "garlic", + "onions" + ] + }, + { + "id": 8723, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "potatoes", + "onions", + "eggs", + "all-purpose flour", + "green onions", + "canola oil" + ] + }, + { + "id": 22603, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "tomato basil sauce", + "chicken breast tenders", + "fresh parmesan cheese", + "provolone cheese", + "olive oil", + "dry bread crumbs", + "dried basil", + "balsamic vinegar", + "fresh parsley" + ] + }, + { + "id": 4467, + "cuisine": "italian", + "ingredients": [ + "water", + "dry red wine", + "low sodium soy sauce", + "olive oil", + "honey", + "onions", + "rosemary sprigs", + "balsamic vinegar" + ] + }, + { + "id": 35429, + "cuisine": "french", + "ingredients": [ + "baking soda", + "baking powder", + "salt", + "unsweetened cocoa powder", + "water", + "large eggs", + "whipping cream", + "unsweetened chocolate", + "sugar", + "unsalted butter", + "all purpose unbleached flour", + "cognac", + "milk chocolate", + "semisweet chocolate", + "buttermilk", + "pitted prunes" + ] + }, + { + "id": 39315, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "lasagna noodles", + "salt", + "spinach", + "ground nutmeg", + "Alfredo sauce", + "eggs", + "olive oil", + "grated parmesan cheese", + "onions", + "pesto", + "ground black pepper", + "ricotta cheese" + ] + }, + { + "id": 33686, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "garam masala", + "tumeric", + "sea salt", + "pepper flakes", + "minced onion", + "red lentils", + "water", + "diced tomatoes" + ] + }, + { + "id": 33290, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped green bell pepper", + "vegetable oil", + "chopped onion", + "chicken broth", + "bay leaves", + "creole seasoning", + "chopped parsley", + "flour", + "chopped celery", + "smoked paprika", + "lean ground pork", + "green onions", + "rice" + ] + }, + { + "id": 39478, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "almonds", + "vanilla extract", + "confectioners sugar", + "sliced almonds", + "egg yolks", + "orange juice", + "water", + "cinnamon", + "ground cardamom", + "phyllo dough", + "unsalted butter", + "orange flower water", + "grated orange" + ] + }, + { + "id": 18656, + "cuisine": "french", + "ingredients": [ + "milk", + "large eggs", + "flour for dusting", + "finely chopped onion", + "fresh tarragon", + "unsalted butter", + "frozen pastry puff sheets", + "large shrimp", + "black pepper", + "medium dry sherry", + "salt" + ] + }, + { + "id": 545, + "cuisine": "chinese", + "ingredients": [ + "zucchini", + "chili powder", + "tomatoes", + "green onions", + "salt", + "flour", + "garlic", + "green bell pepper, slice", + "chicken breasts", + "oil" + ] + }, + { + "id": 15454, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "ground pepper", + "kale", + "grated lemon zest", + "coarse salt" + ] + }, + { + "id": 31389, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "black beans", + "cumin", + "lime", + "salad", + "green chilies" + ] + }, + { + "id": 41259, + "cuisine": "cajun_creole", + "ingredients": [ + "capers", + "red wine vinegar", + "rolls", + "giardiniera", + "roasted red peppers", + "soppressata", + "oil", + "capicola", + "extra-virgin olive oil", + "provolone cheese", + "parsley leaves", + "mortadella", + "garlic cloves" + ] + }, + { + "id": 20006, + "cuisine": "filipino", + "ingredients": [ + "evaporated milk", + "vegetable oil", + "cake flour", + "white sugar", + "cream of tartar", + "egg whites", + "butter", + "salt", + "greater yam", + "food colouring", + "egg yolks", + "red food coloring", + "corn syrup", + "milk", + "baking powder", + "vanilla extract", + "preserves" + ] + }, + { + "id": 49179, + "cuisine": "filipino", + "ingredients": [ + "dry white wine", + "yellow onion", + "heavy cream", + "sliced mushrooms", + "butter", + "bone-in pork chops", + "olive oil", + "salt" + ] + }, + { + "id": 38350, + "cuisine": "italian", + "ingredients": [ + "lemon", + "angel hair", + "garlic", + "basil", + "pepper", + "garlic salt" + ] + }, + { + "id": 27929, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "cumin", + "garlic powder", + "all-purpose flour", + "salt", + "canola oil", + "Mexican oregano", + "beef broth" + ] + }, + { + "id": 31291, + "cuisine": "southern_us", + "ingredients": [ + "cocktail sauce", + "tiger prawn", + "old bay seasoning", + "water" + ] + }, + { + "id": 14533, + "cuisine": "moroccan", + "ingredients": [ + "bell pepper", + "garlic", + "freshly ground pepper", + "coriander seeds", + "paprika", + "cayenne pepper", + "caraway seeds", + "diced tomatoes", + "salt", + "large eggs", + "extra-virgin olive oil", + "chickpeas" + ] + }, + { + "id": 32049, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "cachaca", + "lime", + "ice cubes" + ] + }, + { + "id": 35538, + "cuisine": "indian", + "ingredients": [ + "yoghurt", + "mustard seeds", + "water", + "ground coriander", + "ghee", + "tumeric", + "salt", + "ground cayenne pepper", + "potatoes", + "cumin seed", + "frozen peas" + ] + }, + { + "id": 34259, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "curry", + "onions", + "potatoes", + "oil", + "water", + "salt", + "chicken", + "garlic", + "thyme" + ] + }, + { + "id": 20976, + "cuisine": "italian", + "ingredients": [ + "eggs", + "lasagna noodles", + "shredded parmesan cheese", + "pepper", + "garlic", + "flat leaf parsley", + "pasta sauce", + "ricotta cheese", + "shredded mozzarella cheese", + "dried basil", + "salt", + "dried oregano" + ] + }, + { + "id": 16230, + "cuisine": "thai", + "ingredients": [ + "mint", + "honey", + "pak choi", + "soba", + "soy sauce", + "chicken carcass", + "beansprouts", + "red chili peppers", + "spring onions", + "garlic cloves", + "lime", + "ginger", + "peppercorns" + ] + }, + { + "id": 14075, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "sweet potatoes", + "coconut oil", + "cinnamon", + "agave nectar" + ] + }, + { + "id": 31120, + "cuisine": "french", + "ingredients": [ + "sugar", + "walnuts", + "water" + ] + }, + { + "id": 32888, + "cuisine": "italian", + "ingredients": [ + "spinach", + "apple cider vinegar", + "black olives", + "plum tomatoes", + "zucchini", + "red pepper", + "herbes de provence", + "cherry tomatoes", + "gluten-free spaghetti", + "salt", + "tomato purée", + "jalapeno chilies", + "brown rice spaghetti", + "yellow peppers" + ] + }, + { + "id": 3880, + "cuisine": "mexican", + "ingredients": [ + "water", + "radishes", + "lime wedges", + "onions", + "ground cumin", + "olive oil", + "guacamole", + "salt", + "dried oregano", + "pork sirloin roast", + "ground pepper", + "chili powder", + "corn tortillas", + "chopped garlic", + "fresh cilantro", + "jalapeno chilies", + "queso fresco", + "chopped cilantro fresh" + ] + }, + { + "id": 26438, + "cuisine": "indian", + "ingredients": [ + "light coconut milk", + "vanilla lowfat yogurt", + "ice cubes", + "crushed pineapples in juice", + "fresh ginger" + ] + }, + { + "id": 5977, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "processed cheese", + "condensed golden mushroom soup" + ] + }, + { + "id": 24525, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "dried oregano", + "capers", + "Italian seasoned breadcrumbs", + "eggs", + "kalamata", + "feta cheese", + "ground beef" + ] + }, + { + "id": 43626, + "cuisine": "indian", + "ingredients": [ + "salt", + "chicken stock", + "basmati rice", + "extra-virgin olive oil", + "saffron threads", + "yellow onion" + ] + }, + { + "id": 45451, + "cuisine": "british", + "ingredients": [ + "brandy", + "whole grain mustard", + "unsalted butter", + "fingerling potatoes", + "coarse sea salt", + "walnuts", + "puff pastry", + "white button mushrooms", + "pomegranate seeds", + "prosciutto", + "large eggs", + "shallots", + "extra-virgin olive oil", + "thyme sprigs", + "sage", + "rosemary sprigs", + "honey", + "ground black pepper", + "flour", + "balsamic vinegar", + "beef tenderloin", + "low sodium beef stock", + "green peppercorns", + "kosher salt", + "parmesan cheese", + "dijon mustard", + "chives", + "heavy cream", + "garlic cloves", + "greens" + ] + }, + { + "id": 3781, + "cuisine": "british", + "ingredients": [ + "free range egg", + "beef drippings", + "white flour", + "whole milk" + ] + }, + { + "id": 48282, + "cuisine": "mexican", + "ingredients": [ + "bouillon", + "lime juice", + "chicken breast halves", + "all-purpose flour", + "chipotles in adobo", + "white pepper", + "asadero", + "linguine", + "chopped parsley", + "low-fat sour cream", + "large egg whites", + "vegetable oil", + "hot water", + "avocado", + "seasoned bread crumbs", + "cooking spray", + "salt", + "ripe olives" + ] + }, + { + "id": 44574, + "cuisine": "southern_us", + "ingredients": [ + "molasses", + "light corn syrup", + "pecans", + "bourbon whiskey", + "salt", + "eggs", + "bittersweet chocolate chips", + "vanilla", + "brown sugar", + "butter", + "pie shell" + ] + }, + { + "id": 48109, + "cuisine": "french", + "ingredients": [ + "butter", + "water", + "salt", + "sugar", + "1% low-fat milk", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 5541, + "cuisine": "greek", + "ingredients": [ + "plain yogurt", + "fresh lemon juice", + "extra-virgin olive oil", + "pita loaves", + "cucumber", + "fresh dill", + "garlic cloves" + ] + }, + { + "id": 22314, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "sugar", + "peach slices", + "fat free ice cream", + "hazelnuts", + "bittersweet chocolate" + ] + }, + { + "id": 38006, + "cuisine": "russian", + "ingredients": [ + "tomato paste", + "kosher salt", + "red cabbage", + "chopped onion", + "sour cream", + "fresh dill", + "water", + "baking potatoes", + "garlic cloves", + "canola oil", + "parsnips", + "cider vinegar", + "light beer", + "beets", + "celery root", + "sugar", + "ground black pepper", + "button mushrooms", + "carrots" + ] + }, + { + "id": 39264, + "cuisine": "korean", + "ingredients": [ + "roasted sesame seeds", + "zucchini", + "sesame oil", + "Gochujang base", + "beansprouts", + "snow peas", + "soy sauce", + "shiitake", + "egg yolks", + "ginger", + "scallions", + "toasted sesame oil", + "sugar", + "sesame seeds", + "cress", + "vegetable oil", + "minced beef", + "kimchi", + "baby spinach leaves", + "mirin", + "black sesame seeds", + "garlic", + "carrots", + "cooked white rice" + ] + }, + { + "id": 34896, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "cooked chicken", + "yellow onion", + "fresh parsley", + "unsalted butter", + "salt", + "green beans", + "pepper", + "baking powder", + "carrots", + "whole milk", + "all-purpose flour", + "celery" + ] + }, + { + "id": 34111, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "chopped green bell pepper", + "butter", + "garlic cloves", + "grits", + "prosciutto", + "shallots", + "chopped celery", + "heavy whipping cream", + "verjuice", + "water", + "chopped fresh chives", + "cooked bacon", + "fresh lemon juice", + "large shrimp", + "chicken broth", + "ground black pepper", + "chopped fresh thyme", + "salt", + "fresh parsley" + ] + }, + { + "id": 14089, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "lemongrass", + "chopped cilantro", + "red chili peppers", + "boneless skinless chicken breasts", + "canned low sodium chicken broth", + "peeled fresh ginger", + "asian fish sauce", + "lime juice", + "long-grain rice" + ] + }, + { + "id": 44450, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "salt", + "manchego cheese", + "extra-virgin olive oil", + "serrano ham", + "roasted red peppers", + "yellow onion", + "eggs", + "russet potatoes", + "fresh parsley leaves" + ] + }, + { + "id": 2098, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "crushed ice", + "bourbon whiskey", + "mint sprigs", + "water" + ] + }, + { + "id": 33655, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "crushed red pepper", + "fresh basil", + "cooking spray", + "frozen chopped spinach", + "marinara sauce", + "polenta", + "large egg whites", + "part-skim ricotta cheese" + ] + }, + { + "id": 7613, + "cuisine": "brazilian", + "ingredients": [ + "black beans", + "bacon", + "fresh parsley", + "water", + "salt", + "tomatoes", + "olive oil", + "carrots", + "pepper", + "garlic", + "onions" + ] + }, + { + "id": 12700, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "ground pepper", + "garlic cloves", + "cider vinegar", + "fresh oregano", + "olive oil", + "mixed greens", + "fresh basil", + "salt" + ] + }, + { + "id": 27029, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "milk", + "baking powder", + "salt", + "corn starch", + "water", + "instant yeast", + "star anise", + "oil", + "pork butt", + "soy sauce", + "lime", + "vegetable oil", + "all-purpose flour", + "onions", + "steamer", + "vinegar", + "garlic", + "oyster sauce" + ] + }, + { + "id": 24866, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "chile paste", + "cumin seed", + "boneless skinless chicken breast halves", + "pepper", + "salt", + "chopped cilantro", + "brown sugar", + "vegetable oil", + "coconut milk", + "ground turmeric", + "water", + "cayenne pepper", + "onions" + ] + }, + { + "id": 32469, + "cuisine": "italian", + "ingredients": [ + "freshly grated parmesan", + "all-purpose flour", + "tomatoes", + "finely chopped onion", + "ricotta", + "frozen chopped spinach", + "large egg yolks", + "grated nutmeg", + "olive oil", + "dry red wine", + "garlic cloves" + ] + }, + { + "id": 37859, + "cuisine": "cajun_creole", + "ingredients": [ + "milk", + "butter", + "cheddar cheese", + "cooked chicken", + "garlic", + "green bell pepper", + "flour", + "dry mustard", + "penne", + "cajun seasoning" + ] + }, + { + "id": 26807, + "cuisine": "japanese", + "ingredients": [ + "wheat flour", + "jaggery", + "ghee" + ] + }, + { + "id": 49194, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "self rising flour", + "whipping cream" + ] + }, + { + "id": 28696, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "garlic cloves", + "yellow onion", + "cumin seed", + "water", + "ancho chile pepper" + ] + }, + { + "id": 45657, + "cuisine": "irish", + "ingredients": [ + "raspberry jam", + "tart shells", + "almond extract", + "sliced almonds", + "large eggs", + "orange zest", + "sugar", + "unsalted butter", + "all-purpose flour", + "large egg whites", + "chopped almonds" + ] + }, + { + "id": 6607, + "cuisine": "mexican", + "ingredients": [ + "flour", + "green chilies", + "chicken broth", + "vegetable oil", + "onions", + "chicken breasts", + "sour cream", + "flour tortillas", + "butter", + "monterey jack" + ] + }, + { + "id": 13482, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "garlic", + "lime", + "cilantro", + "ear of corn", + "pepper", + "green onions", + "salt", + "olive oil", + "yellow bell pepper" + ] + }, + { + "id": 28499, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "chickpeas", + "curry powder", + "tomatoes with juice", + "onions", + "ground chicken", + "fat free greek yogurt", + "chopped cilantro", + "olive oil", + "salt" + ] + }, + { + "id": 22743, + "cuisine": "italian", + "ingredients": [ + "crushed red pepper flakes", + "flat leaf parsley", + "kosher salt", + "penne pasta", + "pasta", + "extra-virgin olive oil", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 522, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "heavy cream", + "cider vinegar", + "golden delicious apples", + "onions", + "brown sugar", + "Turkish bay leaves", + "brats", + "unsalted butter", + "vegetable oil" + ] + }, + { + "id": 32669, + "cuisine": "british", + "ingredients": [ + "eggs", + "mustard powder", + "olive oil", + "onions", + "all-purpose flour", + "milk", + "sausages" + ] + }, + { + "id": 43113, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "salt", + "black pepper", + "baby back ribs", + "molasses", + "chopped onion", + "light brown sugar", + "cider vinegar", + "chopped garlic" + ] + }, + { + "id": 15243, + "cuisine": "cajun_creole", + "ingredients": [ + "black peppercorns", + "salt", + "boneless chicken breast", + "coriander seeds", + "thyme sprigs", + "clove", + "bay leaves" + ] + }, + { + "id": 44855, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "salt", + "tomato sauce", + "fat-free cottage cheese", + "onions", + "tomato paste", + "lasagna noodles", + "ground turkey", + "garlic powder", + "nonfat mozzarella cheese", + "oregano" + ] + }, + { + "id": 41199, + "cuisine": "brazilian", + "ingredients": [ + "kosher salt", + "purple onion", + "scotch bonnet chile", + "dried shrimp", + "black-eyed peas", + "crabmeat", + "mayonaise", + "cracked black pepper", + "canola oil" + ] + }, + { + "id": 22014, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "orange juice", + "pork butt", + "water", + "vegetable oil", + "ancho chile pepper", + "ground cumin", + "ground black pepper", + "sea salt", + "flat leaf parsley", + "white onion", + "apple cider vinegar", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 7283, + "cuisine": "chinese", + "ingredients": [ + "medium shrimp uncook", + "sesame oil", + "corn starch", + "peeled fresh ginger", + "salt", + "low salt chicken broth", + "large egg whites", + "green onions", + "peanut oil", + "Shaoxing wine", + "green peas", + "ground white pepper" + ] + }, + { + "id": 9353, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame oil", + "corn starch", + "fresh ginger", + "watercress", + "white pepper", + "wonton wrappers", + "chicken stock", + "prawns", + "salt" + ] + }, + { + "id": 962, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "unsalted butter", + "salt", + "ground cinnamon", + "whole milk", + "ground allspice", + "light brown sugar", + "sweet potatoes", + "all-purpose flour", + "water", + "baking powder", + "cane syrup" + ] + }, + { + "id": 39917, + "cuisine": "mexican", + "ingredients": [ + "instant rice", + "olive oil", + "cooked chicken", + "salt", + "ground cumin", + "chicken stock", + "black beans", + "diced green chilies", + "rotelle", + "onions", + "fresh corn", + "lime", + "bell pepper", + "crushed red pepper flakes", + "dried oregano", + "black pepper", + "garlic powder", + "chili powder", + "soft corn tortillas" + ] + }, + { + "id": 31723, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "bay leaves", + "extra-virgin olive oil", + "thyme sprigs", + "reduced sodium chicken broth", + "diced tomatoes", + "carrots", + "armagnac", + "clove", + "large garlic cloves", + "white beans", + "onions", + "water", + "confit duck leg", + "flat leaf parsley" + ] + }, + { + "id": 39376, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "onions", + "water", + "hot Italian sausages", + "chicken breasts", + "medium shrimp", + "cooked rice", + "diced tomatoes" + ] + }, + { + "id": 20365, + "cuisine": "spanish", + "ingredients": [ + "green olives", + "purple onion", + "chopped parsley", + "diced tomatoes", + "spanish paprika", + "water", + "cayenne pepper", + "bay leaf", + "red potato", + "garlic", + "oil" + ] + }, + { + "id": 28745, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "onions", + "red kidney beans", + "chili powder", + "chip plain tortilla", + "ragu old world style pasta sauc", + "ground beef" + ] + }, + { + "id": 47450, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "coconut", + "salsa", + "cooked quinoa", + "cheddar cheese", + "red pepper", + "smoked paprika", + "avocado", + "large eggs", + "taco seasoning", + "onions", + "black beans", + "garlic", + "gluten-free breadcrumbs" + ] + }, + { + "id": 47030, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "cayenne pepper", + "fresh marjoram", + "salt", + "canola oil", + "ground black pepper", + "all-purpose flour", + "chicken", + "paprika", + "ear of corn" + ] + }, + { + "id": 20456, + "cuisine": "cajun_creole", + "ingredients": [ + "crab", + "ground black pepper", + "cajun seasoning", + "yellow onion", + "long grain white rice", + "kosher salt", + "gumbo file", + "all-purpose flour", + "crabmeat", + "shrimp stock", + "minced garlic", + "bay leaves", + "onion tops", + "diced celery", + "diced bell pepper", + "oysters", + "vegetable oil", + "hot sauce", + "shrimp" + ] + }, + { + "id": 11087, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "zucchini", + "garlic", + "ancho chile pepper", + "oregano", + "bread", + "white onion", + "cinnamon", + "white mushrooms", + "unhulled sesame seeds", + "allspice", + "cocoa", + "vegetable oil", + "salt", + "corn tortillas", + "cumin", + "sugar", + "kosher salt", + "vegetable broth", + "white cheese", + "pasilla pepper" + ] + }, + { + "id": 8016, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "cilantro leaves", + "spring onions", + "green chilies", + "sesame seeds", + "sweet corn", + "shortcrust pastry", + "mature cheddar" + ] + }, + { + "id": 22484, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "condensed cheddar cheese soup", + "tortilla chips", + "cooked turkey" + ] + }, + { + "id": 20324, + "cuisine": "japanese", + "ingredients": [ + "shiro miso", + "sesame seeds", + "nori", + "spinach", + "butter", + "sliced green onions", + "eggs", + "ramen noodles", + "chicken", + "chicken stock", + "corn", + "onions" + ] + }, + { + "id": 14042, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "chopped cilantro fresh", + "onion powder", + "flavoring", + "garlic powder", + "cayenne pepper", + "vegetable oil", + "tequila" + ] + }, + { + "id": 8329, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "ground red pepper", + "beef broth", + "onions", + "water", + "worcestershire sauce", + "garlic cloves", + "green bell pepper", + "lean ground beef", + "rice", + "ground black pepper", + "salt", + "fresh parsley" + ] + }, + { + "id": 15492, + "cuisine": "moroccan", + "ingredients": [ + "capers", + "pitted green olives", + "ground coriander", + "ground cumin", + "kosher salt", + "extra-virgin olive oil", + "carrots", + "sugar", + "ginger", + "fresh parsley leaves", + "harissa", + "garlic", + "naan" + ] + }, + { + "id": 12674, + "cuisine": "french", + "ingredients": [ + "water", + "whole milk", + "all-purpose flour", + "pitted kalamata olives", + "olive oil", + "butter", + "active dry yeast", + "chopped fresh thyme", + "sugar", + "egg whites", + "salt" + ] + }, + { + "id": 395, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "red pepper flakes", + "chopped onion", + "fresh parsley", + "boneless pork shoulder", + "pork liver", + "salt", + "celery", + "hog casings", + "ground black pepper", + "white rice", + "red bell pepper", + "minced garlic", + "green onions", + "cayenne pepper", + "chopped cilantro" + ] + }, + { + "id": 39286, + "cuisine": "italian", + "ingredients": [ + "spinach leaves", + "baked pizza crust", + "olive oil", + "soft fresh goat cheese", + "fresh rosemary", + "fresh lemon juice", + "crushed red pepper", + "grated lemon peel" + ] + }, + { + "id": 35380, + "cuisine": "japanese", + "ingredients": [ + "reduced sodium soy sauce", + "lemon", + "freshly ground pepper", + "fresh chives", + "sweet soy sauce", + "beef tenderloin", + "canola oil", + "turbinado", + "mirin", + "large garlic cloves", + "fresh lemon juice", + "fresh ginger", + "green onions", + "rice vinegar" + ] + }, + { + "id": 22571, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "tortillas", + "red pepper", + "chopped cilantro", + "shredded cheddar cheese", + "sweet potatoes", + "salt", + "shredded Monterey Jack cheese", + "black beans", + "jalapeno chilies", + "purple onion", + "cumin", + "olive oil", + "chili powder", + "fresh lime juice" + ] + }, + { + "id": 5910, + "cuisine": "french", + "ingredients": [ + "frozen pastry puff sheets", + "brie cheese", + "bourbon whiskey", + "crackers", + "sliced apples", + "chopped pecans", + "sliced pears", + "Domino Light Brown Sugar" + ] + }, + { + "id": 16668, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "garlic cloves", + "kalamata", + "purple onion", + "flat leaf parsley", + "capers", + "crushed red pepper", + "fresh lemon juice", + "yellow bell pepper", + "fresh oregano", + "plum tomatoes" + ] + }, + { + "id": 3172, + "cuisine": "jamaican", + "ingredients": [ + "curry powder", + "red pepper flakes", + "garlic", + "scallions", + "unsweetened coconut milk", + "ground black pepper", + "extra-virgin olive oil", + "baby carrots", + "dried thyme", + "diced tomatoes", + "salt", + "red kidney beans", + "sweet potatoes", + "vegetable broth", + "ground allspice" + ] + }, + { + "id": 10313, + "cuisine": "italian", + "ingredients": [ + "spinach", + "parmesan cheese", + "pinenuts", + "fresh basil leaves", + "pasta sauce", + "salad leaves", + "mozzarella cheese" + ] + }, + { + "id": 29283, + "cuisine": "moroccan", + "ingredients": [ + "chicken legs", + "black pepper", + "paprika", + "saffron", + "diced onions", + "preserved lemon", + "minced garlic", + "ground coriander", + "ground cumin", + "green olives", + "kosher salt", + "cayenne pepper", + "canola oil", + "chicken stock", + "tumeric", + "minced ginger", + "chopped cilantro" + ] + }, + { + "id": 20258, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "sun-dried tomatoes in oil", + "shredded swiss cheese", + "arborio rice" + ] + }, + { + "id": 3380, + "cuisine": "greek", + "ingredients": [ + "pepper", + "lemon", + "garlic cloves", + "sugar pea", + "field lettuce", + "new york strip steaks", + "feta cheese", + "extra-virgin olive oil", + "lemon juice", + "kosher salt", + "mint leaves", + "persian cucumber" + ] + }, + { + "id": 23117, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "granulated sugar", + "vanilla beans", + "water", + "whole milk", + "large egg yolks" + ] + }, + { + "id": 42968, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "minced garlic", + "diced tomatoes", + "pork roast", + "onions", + "collard greens", + "black pepper", + "minced ginger", + "salt", + "thyme", + "red chili powder", + "cider vinegar", + "worcestershire sauce", + "poultry seasoning", + "cinnamon sticks", + "soy sauce", + "water", + "peas", + "oil", + "ground cumin" + ] + }, + { + "id": 10780, + "cuisine": "vietnamese", + "ingredients": [ + "white pepper", + "cornflour", + "vegetable oil", + "garlic", + "chicken stock", + "sirloin steak", + "onions", + "soy sauce", + "fresh green bean" + ] + }, + { + "id": 1586, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "corn chips", + "black beans", + "salad dressing", + "romaine lettuce", + "pinto beans", + "shredded cheddar cheese" + ] + }, + { + "id": 31091, + "cuisine": "russian", + "ingredients": [ + "capsicum", + "lemon juice", + "ground cumin", + "chat masala", + "salt", + "onions", + "low-fat plain yogurt", + "chili powder", + "fillets", + "olive oil", + "gingerroot", + "chopped garlic" + ] + }, + { + "id": 48371, + "cuisine": "jamaican", + "ingredients": [ + "dried thyme", + "chicken drumsticks", + "ground allspice", + "black beans", + "red pepper flakes", + "garlic", + "black pepper", + "olive oil", + "diced tomatoes", + "onions", + "curry powder", + "red wine", + "salt" + ] + }, + { + "id": 19261, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic", + "creole seasoning", + "grits", + "olive oil", + "salt", + "medium shrimp", + "reduced sodium chicken broth", + "sweet pepper", + "chopped onion", + "ground black pepper", + "all-purpose flour", + "fresh asparagus" + ] + }, + { + "id": 8388, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "sliced mushrooms", + "marsala wine", + "salt", + "boneless skinless chicken breast halves", + "olive oil", + "all-purpose flour", + "dried oregano", + "butter", + "cooking sherry" + ] + }, + { + "id": 17967, + "cuisine": "french", + "ingredients": [ + "yellow squash", + "mushrooms", + "garlic cloves", + "black pepper", + "eggplant", + "salt", + "onions", + "fresh basil", + "olive oil", + "diced tomatoes", + "couscous", + "dried basil", + "chopped green bell pepper", + "chickpeas" + ] + }, + { + "id": 29467, + "cuisine": "mexican", + "ingredients": [ + "button mushrooms", + "carrots", + "zucchini", + "broccoli", + "shredded Monterey Jack cheese", + "shredded sharp cheddar cheese", + "red bell pepper", + "flour tortillas", + "yellow onion" + ] + }, + { + "id": 19560, + "cuisine": "russian", + "ingredients": [ + "sugar", + "cream cheese", + "butter", + "eggs", + "whipped cream", + "flour", + "condensed milk" + ] + }, + { + "id": 40696, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "chickpeas", + "onions", + "butter", + "carrots", + "vegetable stock", + "lemon juice", + "pepper", + "salt", + "bay leaf" + ] + }, + { + "id": 35897, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "lemon", + "greek yogurt", + "mayonaise", + "jalapeno chilies", + "salt", + "chopped cilantro fresh", + "fresh ginger root", + "turkey", + "cashew nuts", + "olive oil", + "green onions", + "cumin seed" + ] + }, + { + "id": 38590, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "crushed ice", + "sugar cane", + "lime", + "cachaca", + "ginger" + ] + }, + { + "id": 2252, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "chopped fresh mint", + "baguette", + "shallots", + "mussels", + "dry white wine", + "curry powder", + "whipping cream" + ] + }, + { + "id": 43348, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "paprika", + "salsa", + "cumin", + "olive oil", + "purple onion", + "sour cream", + "black beans", + "cilantro", + "hot sauce", + "pepper jack", + "salt", + "corn tortillas" + ] + }, + { + "id": 5046, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "mirin", + "kosher salt", + "fish", + "sugar", + "marinade", + "dashi" + ] + }, + { + "id": 44939, + "cuisine": "moroccan", + "ingredients": [ + "water", + "lemon", + "kosher salt" + ] + }, + { + "id": 49171, + "cuisine": "greek", + "ingredients": [ + "sugar", + "balsamic vinegar", + "lemon juice", + "plum tomatoes", + "pita wedges", + "ground pepper", + "salt", + "cucumber", + "artichoke hearts", + "pitted olives", + "feta cheese crumbles", + "green bell pepper", + "green leaf lettuce", + "fresh oregano", + "onions" + ] + }, + { + "id": 19244, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "almonds", + "scallions", + "cumin", + "sugar", + "olive oil", + "salt", + "greens", + "curry powder", + "boneless chicken breast", + "pearl couscous", + "mango", + "spinach", + "honey", + "golden raisins", + "lemon juice" + ] + }, + { + "id": 46944, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "onions", + "water", + "condensed cream of mushroom soup", + "tomato sauce", + "processed cheese", + "flour tortillas", + "ground beef" + ] + }, + { + "id": 39433, + "cuisine": "spanish", + "ingredients": [ + "pimentos", + "orange juice", + "rioja", + "black pepper", + "salt", + "wild rice", + "bay leaf", + "dried thyme", + "all-purpose flour", + "pitted prunes", + "fresh parsley", + "honey", + "grated lemon zest", + "garlic cloves", + "chicken thighs" + ] + }, + { + "id": 14638, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "cutlet", + "chipotle chile powder", + "olive oil", + "salt", + "ground cumin", + "fat free less sodium chicken broth", + "stewed tomatoes", + "unsweetened cocoa powder", + "sesame seeds", + "chopped onion" + ] + }, + { + "id": 32232, + "cuisine": "indian", + "ingredients": [ + "curry paste", + "spinach", + "lamb leg steaks", + "basmati rice", + "lamb stock" + ] + }, + { + "id": 15369, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "cookies", + "marshmallow creme", + "unsweetened cocoa powder", + "coffee granules", + "corn starch", + "semi-sweet chocolate morsels", + "milk", + "cream cheese", + "white sugar", + "eggs", + "vanilla extract", + "chopped pecans" + ] + }, + { + "id": 10938, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "orange juice", + "chopped garlic", + "ground pepper", + "dried oregano", + "lime juice", + "pork shoulder", + "liquid", + "cumin" + ] + }, + { + "id": 18697, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "minced garlic", + "vegetable oil", + "cooked shrimp", + "cumin", + "plain yogurt", + "ground black pepper", + "salsa", + "garlic salt", + "shredded cheddar cheese", + "flour tortillas", + "chopped onion", + "long grain white rice", + "mayonaise", + "refried beans", + "diced tomatoes", + "chipotles in adobo" + ] + }, + { + "id": 16241, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "vanilla extract", + "baking powder", + "all-purpose flour", + "butter", + "toasted pecans", + "salt" + ] + }, + { + "id": 16569, + "cuisine": "irish", + "ingredients": [ + "cinnamon", + "confectioners sugar", + "superfine sugar", + "margarine", + "eggs", + "ginger", + "self rising flour", + "cardamom" + ] + }, + { + "id": 18228, + "cuisine": "southern_us", + "ingredients": [ + "green tomatoes", + "salt", + "sweet onion", + "crushed red pepper", + "sugar", + "dry mustard", + "white vinegar", + "tomatillos", + "garlic cloves" + ] + }, + { + "id": 38365, + "cuisine": "french", + "ingredients": [ + "flour", + "garlic", + "bay leaf", + "parsley flakes", + "meat", + "scallions", + "marjoram", + "mushrooms", + "salt", + "Burgundy wine", + "pepper", + "sliced carrots", + "oil", + "chicken" + ] + }, + { + "id": 1887, + "cuisine": "filipino", + "ingredients": [ + "red chili peppers", + "shrimp", + "water", + "onions", + "jackfruit", + "coconut milk", + "tomatoes", + "crushed garlic", + "smoked & dried fish" + ] + }, + { + "id": 27124, + "cuisine": "italian", + "ingredients": [ + "red wine vinegar", + "dried oregano", + "hot red pepper flakes", + "extra-virgin olive oil", + "capers", + "large garlic cloves", + "pitted kalamata olives", + "pimento stuffed green olives" + ] + }, + { + "id": 984, + "cuisine": "indian", + "ingredients": [ + "water", + "mushrooms", + "salt", + "ground turmeric", + "finely chopped onion", + "golden raisins", + "garlic cloves", + "ground cumin", + "ground black pepper", + "peeled fresh ginger", + "ground coriander", + "canola oil", + "plain low-fat yogurt", + "cooking spray", + "purple onion", + "basmati rice" + ] + }, + { + "id": 21638, + "cuisine": "indian", + "ingredients": [ + "rose water", + "blanched almonds", + "pistachio nuts", + "white sugar", + "half & half", + "ground cardamom", + "whole milk ricotta cheese", + "saffron" + ] + }, + { + "id": 38758, + "cuisine": "cajun_creole", + "ingredients": [ + "low sodium chicken broth", + "garlic", + "celery", + "sausage links", + "cajun seasoning", + "hot sauce", + "dried oregano", + "green bell pepper", + "brown rice", + "salt", + "onions", + "dried thyme", + "diced tomatoes", + "shrimp" + ] + }, + { + "id": 24085, + "cuisine": "italian", + "ingredients": [ + "pesto", + "grated parmesan cheese", + "lemon juice", + "green bell pepper", + "olive oil", + "garlic", + "onions", + "scallops", + "dry white wine", + "sliced mushrooms", + "fettuccine pasta", + "ground black pepper", + "salt" + ] + }, + { + "id": 12396, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "boneless skinless chicken breasts", + "reduced fat cheddar cheese", + "chipotle salsa", + "tomatoes", + "non-fat sour cream", + "flour tortillas", + "chopped cilantro fresh" + ] + }, + { + "id": 47752, + "cuisine": "british", + "ingredients": [ + "tomato purée", + "ground black pepper", + "beef stock", + "garlic cloves", + "bay leaf", + "cold water", + "brown ale", + "chestnut mushrooms", + "butter", + "celery", + "free-range eggs", + "braising steak", + "unsalted butter", + "balsamic vinegar", + "carrots", + "onions", + "plain flour", + "olive oil", + "fine salt", + "salt", + "thyme sprigs" + ] + }, + { + "id": 46263, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "baking soda", + "garlic", + "white sugar", + "tomato sauce", + "whole peeled tomatoes", + "sliced mushrooms", + "fresh basil", + "ground black pepper", + "salt", + "water", + "grated parmesan cheese", + "onions" + ] + }, + { + "id": 24768, + "cuisine": "moroccan", + "ingredients": [ + "mint leaves", + "green tea", + "water", + "whole cloves" + ] + }, + { + "id": 39826, + "cuisine": "cajun_creole", + "ingredients": [ + "hot sauce", + "green onions", + "pickle relish", + "capers", + "fresh parsley", + "mustard", + "reduced fat mayonnaise" + ] + }, + { + "id": 36905, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "baking powder", + "white sugar", + "eggs", + "all-purpose flour", + "anise seed", + "salt", + "brandy", + "lard" + ] + }, + { + "id": 43480, + "cuisine": "greek", + "ingredients": [ + "hamburger buns", + "diced tomatoes", + "chopped fresh mint", + "egg whites", + "lemon juice", + "pepper", + "sauce", + "ground lamb", + "frozen chopped spinach", + "cooking spray", + "feta cheese crumbles" + ] + }, + { + "id": 36027, + "cuisine": "mexican", + "ingredients": [ + "fresh corn", + "olive oil", + "greek style plain yogurt", + "fresh cilantro", + "chili powder", + "pepper", + "grated parmesan cheese", + "lime", + "salt" + ] + }, + { + "id": 18663, + "cuisine": "italian", + "ingredients": [ + "hungarian sweet paprika", + "olive oil", + "frozen whole kernel corn", + "non-fat sour cream", + "red bell pepper", + "water", + "fresh parmesan cheese", + "basil", + "garlic cloves", + "boiling water", + "fresh basil", + "artichoke hearts", + "butter", + "salt", + "onions", + "yellow corn meal", + "sun-dried tomatoes", + "dry white wine", + "crushed red pepper", + "ripe olives" + ] + }, + { + "id": 32430, + "cuisine": "cajun_creole", + "ingredients": [ + "seasoned bread crumbs", + "egg yolks", + "butter", + "ice cream salt", + "flour", + "shallots", + "cayenne pepper", + "chicken broth", + "grated parmesan cheese", + "dry white wine", + "salt", + "oysters", + "mushrooms", + "shells" + ] + }, + { + "id": 17742, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "ginger", + "pork belly", + "salt", + "sake", + "water", + "oil", + "sugar", + "Tokyo negi" + ] + }, + { + "id": 25442, + "cuisine": "french", + "ingredients": [ + "eggs", + "sherry", + "cognac", + "milk", + "raisins", + "sugar", + "baking powder", + "pitted prunes", + "flour", + "salt" + ] + }, + { + "id": 5950, + "cuisine": "italian", + "ingredients": [ + "cannellini beans", + "garlic cloves", + "rosemary", + "salt", + "water", + "extra-virgin olive oil", + "sage", + "pita chips", + "cayenne pepper" + ] + }, + { + "id": 25425, + "cuisine": "japanese", + "ingredients": [ + "sushi rice", + "worcestershire sauce", + "tomato ketchup", + "onions", + "fish sauce", + "chili paste", + "apples", + "oil", + "pepper", + "peas", + "cardamom pods", + "cumin", + "tumeric", + "mirin", + "salt", + "carrots" + ] + }, + { + "id": 48609, + "cuisine": "mexican", + "ingredients": [ + "capers", + "cinnamon", + "onions", + "red snapper", + "olive oil", + "fresh oregano", + "lime", + "garlic", + "peeled canned low sodium tomatoes", + "green olives", + "jalapeno chilies", + "bay leaf" + ] + }, + { + "id": 9931, + "cuisine": "southern_us", + "ingredients": [ + "cream style corn", + "green onions", + "buttermilk", + "yellow corn meal", + "unsalted butter", + "vegetable shortening", + "red bell pepper", + "hot pepper sauce", + "baking powder", + "salt", + "sugar", + "large eggs", + "all purpose unbleached flour" + ] + }, + { + "id": 19458, + "cuisine": "japanese", + "ingredients": [ + "wasabi", + "sesame seeds", + "cucumber", + "sushi rice", + "rice vinegar", + "sugar", + "sea salt", + "water", + "seaweed" + ] + }, + { + "id": 36580, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "diced tomatoes", + "fresh parsley", + "olive oil", + "celery", + "chopped garlic", + "green bell pepper", + "crushed red pepper flakes", + "onions", + "red wine", + "ground beef" + ] + }, + { + "id": 13312, + "cuisine": "southern_us", + "ingredients": [ + "cream of chicken soup", + "chicken broth", + "cooked chicken", + "refrigerated biscuits", + "pepper" + ] + }, + { + "id": 4263, + "cuisine": "french", + "ingredients": [ + "all purpose unbleached flour", + "cane sugar", + "powdered sugar", + "beaten eggs", + "apples", + "butter", + "salt" + ] + }, + { + "id": 32191, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "balsamic vinegar", + "olive oil", + "kosher salt", + "filet", + "mustard", + "baby arugula" + ] + }, + { + "id": 43368, + "cuisine": "italian", + "ingredients": [ + "Italian parsley leaves", + "tuna packed in olive oil", + "extra-virgin olive oil", + "green beans", + "anchovy paste", + "fresh lemon juice", + "water", + "brine-cured black olives" + ] + }, + { + "id": 42559, + "cuisine": "thai", + "ingredients": [ + "Sriracha", + "chopped cilantro fresh", + "soy sauce", + "garlic cloves", + "unsweetened coconut milk", + "creamy peanut butter", + "fresh ginger", + "fresh lime juice" + ] + }, + { + "id": 21877, + "cuisine": "indian", + "ingredients": [ + "bhaji", + "oil", + "wheat", + "water", + "salt" + ] + }, + { + "id": 31806, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "black pepper", + "large eggs", + "cooking spray", + "red wine", + "carrots", + "cremini mushrooms", + "lower sodium beef broth", + "french bread", + "shallots", + "salt", + "lean ground pork", + "ground black pepper", + "half & half", + "butter", + "all-purpose flour", + "tomato paste", + "kosher salt", + "reduced fat milk", + "ground sirloin", + "ground veal" + ] + }, + { + "id": 19003, + "cuisine": "italian", + "ingredients": [ + "diced tomatoes", + "garlic powder", + "ground beef", + "pasta", + "beef broth", + "grated parmesan cheese", + "italian seasoning" + ] + }, + { + "id": 44616, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "cooking spray", + "all-purpose flour", + "ground cinnamon", + "large eggs", + "butter", + "low-fat buttermilk", + "baking powder", + "sugar", + "dried apricot", + "salt" + ] + }, + { + "id": 18419, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium chicken broth", + "chilegarlic sauce", + "star anise", + "scallions", + "boneless pork shoulder", + "water", + "dry sherry", + "rice vinegar", + "cinnamon sticks", + "Japanese turnips", + "reduced sodium soy sauce", + "garlic", + "corn starch", + "brown sugar", + "fresh ginger", + "anise", + "baby carrots", + "toasted sesame seeds" + ] + }, + { + "id": 7904, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "hass avocado", + "lime", + "salt", + "pepper", + "purple onion", + "chopped cilantro", + "olive oil", + "cooked shrimp" + ] + }, + { + "id": 25068, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "roast red peppers, drain", + "extra-virgin olive oil", + "vegetable oil spray", + "fresh lemon juice", + "sea bass fillets", + "low salt chicken broth" + ] + }, + { + "id": 930, + "cuisine": "mexican", + "ingredients": [ + "baby spinach leaves", + "gouda", + "flour tortillas" + ] + }, + { + "id": 8326, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "flour", + "sanding sugar", + "grated nutmeg", + "pie dough", + "cinnamon", + "salt", + "eggs", + "egg yolks", + "vanilla extract", + "granulated sugar", + "buttermilk", + "all-purpose flour" + ] + }, + { + "id": 5855, + "cuisine": "indian", + "ingredients": [ + "zucchini", + "cumin seed", + "canola oil", + "salt", + "onions", + "brown mustard seeds", + "diced tomatoes in juice", + "ground coriander", + "serrano chile" + ] + }, + { + "id": 49253, + "cuisine": "mexican", + "ingredients": [ + "neutral oil", + "ground black pepper", + "tomatillos", + "chipotle peppers", + "ground cumin", + "kosher salt", + "Mexican oregano", + "crema", + "onions", + "pork", + "serrano peppers", + "garlic", + "adobo sauce", + "store bought low sodium chicken stock", + "queso fresco", + "cilantro leaves", + "plum tomatoes" + ] + }, + { + "id": 9023, + "cuisine": "italian", + "ingredients": [ + "pepper flakes", + "unsweetened soymilk", + "garlic cloves", + "frozen chopped spinach", + "manchego cheese", + "whole wheat linguine", + "greek yogurt", + "cottage cheese", + "blue cheese", + "corn starch", + "pasta", + "parmesan cheese", + "salt" + ] + }, + { + "id": 40487, + "cuisine": "mexican", + "ingredients": [ + "orange", + "lard", + "boneless pork shoulder", + "bay leaves", + "ground black pepper", + "onions", + "kosher salt", + "garlic cloves" + ] + }, + { + "id": 37313, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "water", + "rajma", + "red chili peppers", + "urad dal", + "lentils", + "moong dal", + "salt", + "toor dal", + "asafoetida", + "peanuts", + "rice" + ] + }, + { + "id": 26776, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "ground cinnamon", + "butter", + "sugar", + "refrigerated piecrusts" + ] + }, + { + "id": 33524, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "ginger", + "green chilies", + "ground turmeric", + "cider vinegar", + "yoghurt", + "salt", + "fresh lemon juice", + "tomatoes", + "garam masala", + "garlic", + "cumin seed", + "ground cumin", + "water", + "crushed red pepper flakes", + "chickpeas", + "onions" + ] + }, + { + "id": 28980, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "tomatillos", + "sour cream", + "canola oil", + "zucchini", + "purple onion", + "fresh lime juice", + "kosher salt", + "jalapeno chilies", + "cilantro leaves", + "monterey jack", + "corn kernels", + "chicken meat", + "corn tortillas" + ] + }, + { + "id": 40525, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "garlic cloves", + "salt", + "butter", + "onions", + "tomato sauce", + "green chilies" + ] + }, + { + "id": 32098, + "cuisine": "mexican", + "ingredients": [ + "frozen corn", + "plum tomatoes", + "fresh cilantro", + "garlic cloves", + "black beans", + "creole seasoning", + "green onions", + "fresh lime juice" + ] + }, + { + "id": 12711, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "red wine", + "broth", + "parmigiano reggiano cheese", + "all-purpose flour", + "porcini", + "extra-virgin olive oil", + "pasta", + "russet potatoes", + "yellow onion" + ] + }, + { + "id": 5197, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "all-purpose flour", + "country ham", + "buttermilk", + "lard", + "kosher salt", + "salt", + "chicken", + "cold water", + "unsalted butter", + "corn starch" + ] + }, + { + "id": 38803, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "garlic cloves", + "ground pork", + "ground black pepper", + "kosher salt", + "smoked paprika" + ] + }, + { + "id": 6530, + "cuisine": "vietnamese", + "ingredients": [ + "salt", + "minced garlic", + "white sesame seeds", + "dumpling wrappers", + "large shrimp", + "sugar", + "corn starch" + ] + }, + { + "id": 46646, + "cuisine": "thai", + "ingredients": [ + "garlic chives", + "peanuts", + "lime wedges", + "dried rice noodles", + "white vinegar", + "sugar", + "tamarind juice", + "paprika", + "beansprouts", + "fish sauce", + "radishes", + "vegetable oil", + "cayenne pepper", + "eggs", + "soy sauce", + "cake", + "garlic", + "large shrimp" + ] + }, + { + "id": 7235, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "sauce", + "cabbage", + "eggs", + "broccoli florets", + "carrots", + "udon", + "imitation crab meat", + "soy sauce", + "sesame oil", + "white sugar" + ] + }, + { + "id": 7126, + "cuisine": "french", + "ingredients": [ + "sourdough bread", + "ground black pepper", + "yellow bell pepper", + "boiling water", + "hungarian sweet paprika", + "olive oil", + "cooking spray", + "yellow onion", + "yellow squash", + "zucchini", + "salt", + "parmigiano-reggiano cheese", + "sun-dried tomatoes", + "chopped fresh thyme", + "red bell pepper" + ] + }, + { + "id": 23563, + "cuisine": "italian", + "ingredients": [ + "tomato purée", + "water", + "hard-boiled egg", + "salt", + "white sugar", + "eggs", + "black pepper", + "pig feet", + "ground pork", + "Italian bread", + "tomato paste", + "pork", + "olive oil", + "ground veal", + "garlic cloves", + "fresh basil", + "pepper", + "baking soda", + "garlic", + "ground beef" + ] + }, + { + "id": 40015, + "cuisine": "italian", + "ingredients": [ + "penne pasta", + "grated parmesan cheese", + "ground beef", + "shredded mozzarella cheese", + "garlic sauce" + ] + }, + { + "id": 48366, + "cuisine": "italian", + "ingredients": [ + "spinach", + "oil", + "purple onion", + "orecchiette", + "artichok heart marin", + "feta cheese crumbles", + "tomatoes", + "vinaigrette" + ] + }, + { + "id": 42552, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "whole wheat bread", + "albacore tuna in water", + "fresh basil", + "zucchini", + "salt", + "red bell pepper", + "pitted kalamata olives", + "red wine vinegar", + "garlic cloves", + "fresh parsley", + "tomatoes", + "ground black pepper", + "purple onion", + "cucumber" + ] + }, + { + "id": 34327, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "low salt chicken broth", + "ouzo", + "anise", + "chicken", + "olive oil", + "garlic cloves", + "brine-cured olives", + "italian plum tomatoes", + "dried oregano" + ] + }, + { + "id": 43611, + "cuisine": "italian", + "ingredients": [ + "roasted hazelnuts", + "granulated sugar", + "salt", + "instant espresso", + "whole wheat flour", + "cooking spray", + "coffee beans", + "large egg whites", + "large eggs", + "all-purpose flour", + "unsweetened cocoa powder", + "brown sugar", + "baking soda", + "vegetable oil", + "Frangelico" + ] + }, + { + "id": 13741, + "cuisine": "italian", + "ingredients": [ + "honey", + "extra-virgin olive oil", + "fennel bulb", + "champagne vinegar", + "Belgian endive", + "lettuce leaves", + "parmesan cheese", + "grapefruit" + ] + }, + { + "id": 13176, + "cuisine": "korean", + "ingredients": [ + "reduced sodium soy sauce", + "minced garlic", + "sesame oil", + "turbinado", + "peeled fresh ginger", + "ground black pepper", + "scallions" + ] + }, + { + "id": 37498, + "cuisine": "southern_us", + "ingredients": [ + "jalapeno chilies", + "freshly ground pepper", + "frozen whole kernel corn", + "cheese", + "pepper jack", + "salt", + "quickcooking grits" + ] + }, + { + "id": 14069, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "boneless skinless chicken breasts", + "dried oregano", + "cooking spray", + "salsa", + "green chile", + "green onions", + "garlic cloves", + "flour tortillas", + "chees fresco queso", + "ground cumin" + ] + }, + { + "id": 8726, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "onions", + "tomatoes", + "chickpeas", + "chile powder", + "salt", + "ground cumin", + "fresh cilantro", + "cumin seed" + ] + }, + { + "id": 102, + "cuisine": "filipino", + "ingredients": [ + "green bell pepper", + "roma tomatoes", + "oil", + "chicken", + "pepper", + "garlic", + "red bell pepper", + "fish sauce", + "potatoes", + "carrots", + "frozen sweet peas", + "water", + "salt", + "onions" + ] + }, + { + "id": 32405, + "cuisine": "mexican", + "ingredients": [ + "TACO BELL® Thick & Chunky Mild Salsa", + "ground beef", + "KRAFT Shredded Cheddar Cheese", + "flour tortillas" + ] + }, + { + "id": 32766, + "cuisine": "moroccan", + "ingredients": [ + "boiling water", + "sugar", + "spearmint", + "green tea" + ] + }, + { + "id": 32841, + "cuisine": "french", + "ingredients": [ + "whole milk", + "unsalted butter", + "sugar", + "all-purpose flour", + "large eggs" + ] + }, + { + "id": 10940, + "cuisine": "irish", + "ingredients": [ + "whole grain mustard", + "pepper", + "salt", + "red potato", + "butter", + "milk" + ] + }, + { + "id": 34512, + "cuisine": "italian", + "ingredients": [ + "italian style stewed tomatoes", + "clam juice", + "water", + "dry white wine", + "shrimp", + "arborio rice", + "bay scallops", + "garlic cloves", + "olive oil", + "shallots", + "flat leaf parsley" + ] + }, + { + "id": 2552, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "garlic powder", + "ground tumeric", + "ground coriander", + "black pepper", + "cinnamon", + "all-purpose flour", + "shrimp", + "brown sugar", + "chili powder", + "salt", + "ground cardamom", + "olive oil", + "paprika", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 20288, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "self rising flour", + "unsalted butter" + ] + }, + { + "id": 1696, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "zucchini", + "Italian parsley leaves", + "purple onion", + "green beans", + "olive oil", + "soya bean", + "cauliflower florets", + "garlic cloves", + "plum tomatoes", + "ground black pepper", + "yukon gold potatoes", + "chopped celery", + "carrots", + "fat free less sodium chicken broth", + "parmigiano reggiano cheese", + "bacon slices", + "salt", + "spaghetti" + ] + }, + { + "id": 41797, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "flour tortillas", + "salt", + "canola oil", + "chicken breast tenders", + "chili powder", + "onions", + "ground black pepper", + "reduced-fat sour cream", + "monterey jack", + "canned black beans", + "cooking spray", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 27576, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "vegetable oil", + "brown rice flour", + "large eggs", + "sea salt", + "garlic powder", + "buttermilk", + "chicken pieces", + "potato starch", + "Tabasco Pepper Sauce", + "paprika" + ] + }, + { + "id": 17291, + "cuisine": "french", + "ingredients": [ + "confectioners sugar", + "large eggs", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 39410, + "cuisine": "filipino", + "ingredients": [ + "coarse salt", + "honey", + "chicken", + "dried thyme", + "balsamic vinegar", + "ground pepper" + ] + }, + { + "id": 23967, + "cuisine": "french", + "ingredients": [ + "eggs", + "dijon mustard", + "bread crumbs", + "chicken legs", + "red pepper", + "unsalted butter" + ] + }, + { + "id": 13481, + "cuisine": "mexican", + "ingredients": [ + "water", + "diced tomatoes", + "40% less sodium taco seasoning", + "ground sirloin", + "chopped cilantro fresh", + "frozen whole kernel corn", + "reduced-fat sour cream", + "red kidnei beans, rins and drain", + "brown rice" + ] + }, + { + "id": 12506, + "cuisine": "indian", + "ingredients": [ + "oil", + "idli", + "ghee", + "cilantro leaves" + ] + }, + { + "id": 32355, + "cuisine": "japanese", + "ingredients": [ + "scallion greens", + "soy sauce", + "boneless skinless chicken breasts", + "sake", + "shredded carrots", + "boiling water", + "chicken broth", + "mirin", + "snow peas", + "sugar", + "sliced cucumber", + "somen" + ] + }, + { + "id": 28398, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "salt", + "olive oil", + "sirloin tip steak", + "Herdez Salsa Casera", + "onions", + "potatoes" + ] + }, + { + "id": 13217, + "cuisine": "greek", + "ingredients": [ + "tomato paste", + "plain yogurt", + "ground nutmeg", + "cayenne pepper", + "dried currants", + "large egg yolks", + "dry red wine", + "tomatoes", + "olive oil", + "russet potatoes", + "chopped onion", + "green bell pepper", + "eggplant", + "sea salt", + "ground lamb" + ] + }, + { + "id": 30122, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "vegetable broth", + "garlic cloves", + "boneless skinless chicken breast halves", + "butternut squash", + "cayenne pepper", + "carrots", + "garbanzo beans", + "salt", + "lemon juice", + "sugar", + "tomatoes with juice", + "ground coriander", + "onions" + ] + }, + { + "id": 23307, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "chili powder", + "salt", + "cumin", + "guacamole", + "diced tomatoes", + "onions", + "bell pepper", + "vegetable oil", + "sour cream", + "garlic powder", + "boneless skinless chicken breasts", + "cheese", + "dried oregano" + ] + }, + { + "id": 25830, + "cuisine": "korean", + "ingredients": [ + "low sodium soy sauce", + "red beets", + "hanger steak", + "seedless watermelon", + "garlic cloves", + "kosher salt", + "sesame oil", + "ginger", + "corn syrup", + "sugar", + "radishes", + "kohlrabi", + "rice vinegar", + "golden beets", + "pepper", + "daikon", + "white wine vinegar", + "black radish" + ] + }, + { + "id": 47044, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "fresh ginger", + "garlic", + "water", + "green onions", + "ground meat", + "soy sauce", + "cooking oil", + "oyster sauce", + "kale", + "wonton wrappers" + ] + }, + { + "id": 42774, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "olive oil", + "jalapeno chilies", + "cilantro", + "cayenne pepper", + "avocado", + "black beans", + "garlic powder", + "onion powder", + "purple onion", + "plain yogurt", + "chopped tomatoes", + "boneless skinless chicken breasts", + "garlic", + "taco seasoning", + "romaine lettuce", + "lime", + "tortillas", + "apple cider vinegar", + "salt" + ] + }, + { + "id": 25552, + "cuisine": "greek", + "ingredients": [ + "lemon peel", + "cucumber", + "minced garlic", + "black olives", + "low-fat plain yogurt", + "wheat", + "fresh parsley", + "feta cheese", + "purple onion" + ] + }, + { + "id": 27345, + "cuisine": "italian", + "ingredients": [ + "mushrooms", + "shredded cheese", + "italian seasoning", + "manicotti shells", + "garlic", + "onions", + "eggs", + "stewed tomatoes", + "ground beef", + "tomato sauce", + "dry bread crumbs", + "white zinfandel" + ] + }, + { + "id": 46971, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "green bell pepper", + "coriander powder", + "salt", + "onions", + "chickpea flour", + "fish fillets", + "garam masala", + "kasuri methi", + "red bell pepper", + "garlic paste", + "pepper", + "yoghurt", + "lemon juice", + "red chili powder", + "tumeric", + "Biryani Masala", + "oil" + ] + }, + { + "id": 8880, + "cuisine": "russian", + "ingredients": [ + "lemon extract", + "cream cheese", + "cottage cheese", + "currant", + "sour cream", + "unsalted butter", + "blanched almonds", + "caster sugar", + "vanilla extract" + ] + }, + { + "id": 28195, + "cuisine": "thai", + "ingredients": [ + "sugar", + "lemon grass", + "white fleshed fish", + "asian fish sauce", + "fresh ginger", + "garlic", + "coconut milk", + "tumeric", + "ground pepper", + "salt", + "thai green curry paste", + "olive oil", + "shallots", + "grate lime peel", + "sturgeon" + ] + }, + { + "id": 2678, + "cuisine": "mexican", + "ingredients": [ + "cottage cheese", + "reduced sodium black beans", + "salsa", + "corn husks", + "plum tomatoes", + "avocado", + "tortilla chips" + ] + }, + { + "id": 9629, + "cuisine": "british", + "ingredients": [ + "self rising flour", + "eggs", + "white sugar", + "butter", + "milk" + ] + }, + { + "id": 5290, + "cuisine": "japanese", + "ingredients": [ + "baking powder", + "sweetened condensed milk", + "mochiko", + "vanilla extract", + "eggs", + "butter", + "pumpkin purée", + "white sugar" + ] + }, + { + "id": 43538, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "ground nutmeg", + "salt", + "pepper", + "half & half", + "onions", + "brown sugar", + "large eggs", + "crumbled gorgonzola", + "olive oil", + "butter" + ] + }, + { + "id": 26089, + "cuisine": "french", + "ingredients": [ + "red potato", + "ham", + "all purpose seasoning", + "dried rosemary", + "milk", + "shredded colby", + "eggs", + "pie shell" + ] + }, + { + "id": 32064, + "cuisine": "southern_us", + "ingredients": [ + "parsley sprigs", + "large eggs", + "vegetable oil", + "dry bread crumbs", + "milk", + "ground red pepper", + "salt", + "lump crab meat", + "green onions", + "butter", + "rustic rub", + "saltines", + "ground black pepper", + "lemon wedge", + "all-purpose flour" + ] + }, + { + "id": 16212, + "cuisine": "mexican", + "ingredients": [ + "chili", + "fresh lemon juice", + "chopped cilantro fresh", + "garlic cloves", + "onions", + "tomato juice", + "red bell pepper", + "plum tomatoes", + "green onions", + "fresh parsley", + "hothouse cucumber" + ] + }, + { + "id": 46465, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "kosher salt", + "cake flour", + "pork belly", + "active dry yeast", + "nonfat dried milk", + "reduced sodium chicken broth", + "baking powder", + "warm water", + "water", + "canola oil" + ] + }, + { + "id": 745, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "coconut", + "baking powder", + "salt", + "sugar", + "unsalted butter", + "light corn syrup", + "cream of tartar", + "large egg whites", + "almond extract", + "water", + "whole milk", + "cake flour" + ] + }, + { + "id": 18722, + "cuisine": "southern_us", + "ingredients": [ + "bacon drippings", + "salt", + "water", + "broiler-fryers", + "pepper", + "all-purpose flour", + "vegetable oil" + ] + }, + { + "id": 2139, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "vanilla extract", + "milk", + "water", + "cocoa powder", + "sticky rice" + ] + }, + { + "id": 28498, + "cuisine": "french", + "ingredients": [ + "grated parmesan cheese", + "salt", + "dijon mustard", + "butter", + "large eggs", + "gruyere cheese", + "milk", + "ground red pepper", + "all-purpose flour" + ] + }, + { + "id": 15338, + "cuisine": "southern_us", + "ingredients": [ + "tomato sauce", + "diced tomatoes", + "butter", + "white sugar", + "ground black pepper", + "onions", + "bacon" + ] + }, + { + "id": 35728, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "sesame oil", + "greens", + "cold water", + "Shaoxing wine", + "salt", + "chicken stock", + "bean paste", + "potato flour", + "rainbow trout", + "cooking oil", + "ginger", + "chopped garlic" + ] + }, + { + "id": 14349, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "butter", + "oil", + "ground lamb", + "chili powder", + "salt", + "onions", + "garam masala", + "garlic", + "fresh lemon juice", + "water", + "chile pepper", + "all-purpose flour", + "ground turmeric" + ] + }, + { + "id": 26484, + "cuisine": "mexican", + "ingredients": [ + "water", + "salt", + "tomatoes", + "bell pepper", + "onions", + "pepper", + "chili powder", + "cumin", + "garlic powder", + "lean beef" + ] + }, + { + "id": 44929, + "cuisine": "filipino", + "ingredients": [ + "table cream", + "fruit cocktail", + "coconut", + "sugar", + "pineapple chunks", + "sweetened condensed milk" + ] + }, + { + "id": 451, + "cuisine": "indian", + "ingredients": [ + "salt", + "fresh mint", + "whole milk yoghurt" + ] + }, + { + "id": 12117, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "mushrooms", + "garlic", + "onions", + "eggs", + "pork chops", + "ground pork", + "dry bread crumbs", + "romano cheese", + "bay leaves", + "basil dried leaves", + "ground beef", + "tomato paste", + "water", + "ground veal", + "salt", + "dried parsley" + ] + }, + { + "id": 27162, + "cuisine": "italian", + "ingredients": [ + "pepper", + "baby spinach", + "garlic cloves", + "grated parmesan cheese", + "salt", + "olive oil", + "red pepper flakes", + "juice", + "fresh basil", + "boneless skinless chicken breasts", + "penne pasta" + ] + }, + { + "id": 39920, + "cuisine": "italian", + "ingredients": [ + "lemon wedge", + "lemon juice", + "chili flakes", + "salt", + "grated lemon peel", + "garlic", + "chopped cilantro fresh", + "olive oil", + "fat skimmed chicken broth", + "chicken" + ] + }, + { + "id": 47458, + "cuisine": "mexican", + "ingredients": [ + "yellow corn meal", + "corn oil", + "cheddar cheese", + "salt", + "jalapeno chilies", + "eggs", + "all purpose unbleached flour" + ] + }, + { + "id": 2215, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "all-purpose flour", + "capers", + "butter", + "fresh parsley", + "chicken stock", + "boneless chicken breast", + "fresh lemon juice", + "pepper", + "salt" + ] + }, + { + "id": 29557, + "cuisine": "greek", + "ingredients": [ + "fresh basil", + "purple onion", + "feta cheese", + "balsamic vinaigrette", + "tomatoes", + "kalamata", + "rotini", + "green bell pepper", + "freshly ground pepper" + ] + }, + { + "id": 27074, + "cuisine": "greek", + "ingredients": [ + "swordfish steaks", + "fresh basil", + "fresh lime juice", + "minced garlic", + "tomatoes", + "butter" + ] + }, + { + "id": 3346, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "paprika", + "garlic cloves", + "tomatoes", + "garam masala", + "chickpeas", + "coriander", + "olive oil", + "salt", + "lentils", + "tumeric", + "chili powder", + "chopped onion", + "cumin" + ] + }, + { + "id": 29809, + "cuisine": "british", + "ingredients": [ + "yellow onion", + "potatoes", + "cabbage" + ] + }, + { + "id": 46141, + "cuisine": "jamaican", + "ingredients": [ + "flour", + "milk", + "salt", + "bananas", + "oil", + "brown sugar", + "vanilla extract" + ] + }, + { + "id": 48837, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "red cabbage", + "rice vinegar", + "cucumber", + "dry roasted peanuts", + "cilantro", + "carrots", + "pepper", + "sesame oil", + "scallions", + "cooked chicken breasts", + "fish sauce", + "lime juice", + "salt", + "chili garlic paste" + ] + }, + { + "id": 23971, + "cuisine": "japanese", + "ingredients": [ + "miso paste", + "water", + "seaweed", + "tofu", + "green onions", + "dashi" + ] + }, + { + "id": 753, + "cuisine": "indian", + "ingredients": [ + "tomato sauce", + "crushed red pepper flakes", + "ground coriander", + "boneless skinless chicken breast halves", + "clove", + "buttermilk", + "salt", + "onions", + "vegetable oil", + "garlic", + "fresh parsley", + "warm water", + "cardamom seeds", + "cinnamon sticks", + "ground cumin" + ] + }, + { + "id": 21754, + "cuisine": "italian", + "ingredients": [ + "salt and ground black pepper", + "fresh mushrooms", + "dried rosemary", + "tomatoes with juice", + "fat", + "dry white wine", + "orange juice", + "olive oil", + "garlic", + "onions" + ] + }, + { + "id": 2356, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "wonton wrappers", + "shrimp", + "lemon grass", + "rice vinegar", + "fresh ginger", + "salt", + "soy sauce", + "sesame oil", + "garlic cloves" + ] + }, + { + "id": 43763, + "cuisine": "japanese", + "ingredients": [ + "peeled fresh ginger", + "grated lemon peel", + "olive oil", + "fresh lemon juice", + "extra large shrimp", + "bok choy", + "soy sauce", + "dry sherry" + ] + }, + { + "id": 30363, + "cuisine": "italian", + "ingredients": [ + "almond meal", + "garlic powder", + "salt", + "water", + "cauliflower florets", + "flax seeds", + "dried oregano" + ] + }, + { + "id": 48514, + "cuisine": "italian", + "ingredients": [ + "rocket leaves", + "parmesan cheese", + "garlic", + "dried thyme", + "lemon", + "kosher salt", + "ground black pepper", + "t-bone steak", + "olive oil", + "sea salt" + ] + }, + { + "id": 1629, + "cuisine": "greek", + "ingredients": [ + "honey", + "watercress", + "fresh lemon juice", + "fresh dill", + "mustard greens", + "scallions", + "baby spinach", + "salt", + "flat leaf parsley", + "dandelion greens", + "extra-virgin olive oil", + "escarole" + ] + }, + { + "id": 48798, + "cuisine": "chinese", + "ingredients": [ + "milk", + "salt", + "eggs", + "ground pork", + "white sugar", + "soy sauce", + "duck egg", + "ground black pepper", + "broccoli" + ] + }, + { + "id": 36531, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salt", + "carnitas", + "lime", + "corn tortillas", + "fresh cilantro", + "chopped onion", + "plum tomatoes", + "ground black pepper", + "fresh lime juice" + ] + }, + { + "id": 36151, + "cuisine": "filipino", + "ingredients": [ + "patis", + "rice noodles", + "onions", + "fresh green bean", + "chicken thighs", + "pepper", + "carrots" + ] + }, + { + "id": 682, + "cuisine": "irish", + "ingredients": [ + "light brown sugar", + "granulated sugar", + "vanilla", + "baking soda", + "baking powder", + "boiling water", + "pitted date", + "large eggs", + "all-purpose flour", + "unsalted butter", + "heavy cream" + ] + }, + { + "id": 26735, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "dried oregano", + "orange", + "chicken thighs", + "potatoes", + "chorizo sausage", + "purple onion" + ] + }, + { + "id": 8013, + "cuisine": "italian", + "ingredients": [ + "field lettuce", + "fine sea salt", + "extra-virgin olive oil", + "black pepper" + ] + }, + { + "id": 22486, + "cuisine": "mexican", + "ingredients": [ + "slaw", + "cilantro leaves", + "corn tortillas", + "avocado", + "jalapeno chilies", + "hot sauce", + "club soda", + "kosher salt", + "all-purpose flour", + "cabbage", + "fillet red snapper", + "vegetable oil", + "white rice flour" + ] + }, + { + "id": 33412, + "cuisine": "italian", + "ingredients": [ + "capers", + "garlic cloves", + "red pepper", + "dried oregano", + "extra-virgin olive oil", + "bell pepper", + "flat leaf parsley" + ] + }, + { + "id": 40032, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "lime wedges", + "black pepper", + "flank steak", + "corn tortillas", + "kosher salt", + "chili powder", + "ground cinnamon", + "cooking spray", + "crushed red pepper" + ] + }, + { + "id": 46769, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "water", + "chicken drumsticks", + "yellow onion", + "ground ginger", + "phyllo dough", + "fresh ginger root", + "paprika", + "fresh parsley", + "nutmeg", + "fresh coriander", + "butter", + "salt", + "saffron", + "eggs", + "olive oil", + "raisins", + "blanched almonds" + ] + }, + { + "id": 36994, + "cuisine": "thai", + "ingredients": [ + "sugar", + "salt", + "green cabbage", + "salted roast peanuts", + "chopped cilantro fresh", + "chili flakes", + "purple onion", + "asian fish sauce", + "lime juice", + "fresh mint" + ] + }, + { + "id": 30694, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "all-purpose flour", + "pie crust", + "butter", + "cream cheese", + "rolled oats", + "corn syrup", + "eggs", + "vanilla extract", + "white sugar" + ] + }, + { + "id": 2347, + "cuisine": "russian", + "ingredients": [ + "semolina flour", + "canola oil", + "all-purpose flour", + "cottage cheese", + "eggs", + "white sugar" + ] + }, + { + "id": 32907, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "white rice", + "vegetable oil", + "boneless skinless chicken breast halves", + "peanuts", + "garlic", + "soy sauce", + "mandarin oranges", + "iceberg lettuce" + ] + }, + { + "id": 10635, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "lemon", + "grated parmesan cheese", + "chopped parsley", + "tilapia fillets", + "paprika" + ] + }, + { + "id": 43478, + "cuisine": "korean", + "ingredients": [ + "low sodium soy sauce", + "cooking spray", + "garlic cloves", + "brown sugar", + "crushed red pepper", + "pork tenderloin", + "dark sesame oil", + "sambal ulek", + "peeled fresh ginger" + ] + }, + { + "id": 17904, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "onion powder", + "sour cream", + "penne", + "cream of chicken soup", + "poultry seasoning", + "parmesan cheese", + "chicken soup base", + "mozzarella cheese", + "boneless skinless chicken breasts", + "thyme" + ] + }, + { + "id": 37651, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "butter", + "heavy whipping cream", + "peaches", + "all-purpose flour", + "milk", + "salt", + "ground ginger", + "baking powder", + "chopped pecans" + ] + }, + { + "id": 10407, + "cuisine": "mexican", + "ingredients": [ + "gold tequila", + "coarse salt", + "lime slices", + "triple sec", + "sweet and sour mix", + "ice cubes", + "lime wedges" + ] + }, + { + "id": 48789, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "plum tomatoes", + "garlic", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 28115, + "cuisine": "japanese", + "ingredients": [ + "sake", + "enokitake", + "Japanese soy sauce", + "vegetable oil", + "mirin", + "sea bass fillets", + "sugar", + "chives" + ] + }, + { + "id": 46560, + "cuisine": "italian", + "ingredients": [ + "water", + "bay leaf", + "garlic", + "fresh sage", + "white beans", + "coarse sea salt" + ] + }, + { + "id": 2143, + "cuisine": "mexican", + "ingredients": [ + "reduced fat monterey jack cheese", + "pepper", + "non-fat sour cream", + "ground cumin", + "vegetable oil cooking spray", + "lime juice", + "chunky salsa", + "tomatoes", + "chicken breast tenders", + "salt", + "romaine lettuce", + "chili powder", + "sliced green onions" + ] + }, + { + "id": 13181, + "cuisine": "indian", + "ingredients": [ + "chickpea flour", + "ground cardamom", + "water", + "sugar", + "ghee", + "milk" + ] + }, + { + "id": 20221, + "cuisine": "french", + "ingredients": [ + "lemon zest", + "all-purpose flour", + "eggs", + "vanilla extract", + "butter", + "white sugar", + "granulated sugar", + "salt" + ] + }, + { + "id": 7893, + "cuisine": "british", + "ingredients": [ + "butter", + "white pepper", + "split peas", + "water", + "salt" + ] + }, + { + "id": 15801, + "cuisine": "southern_us", + "ingredients": [ + "low-fat buttermilk", + "cayenne pepper", + "coarse salt", + "vegetable oil", + "chicken", + "all-purpose flour" + ] + }, + { + "id": 24308, + "cuisine": "italian", + "ingredients": [ + "water", + "unsalted butter", + "all-purpose flour", + "active dry yeast", + "large eggs", + "milk", + "parmigiano reggiano cheese", + "honey", + "salt" + ] + }, + { + "id": 3651, + "cuisine": "italian", + "ingredients": [ + "pepper", + "chopped celery", + "yellow corn meal", + "grated parmesan cheese", + "chopped fresh sage", + "chicken broth", + "butter", + "garlic cloves", + "sweet onion", + "salt" + ] + }, + { + "id": 46380, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "crushed red pepper", + "rotini", + "dried basil", + "shredded mozzarella cheese", + "onions", + "crushed tomatoes", + "salt", + "ground beef", + "tomato paste", + "garlic powder", + "sliced mushrooms", + "dried oregano" + ] + }, + { + "id": 4349, + "cuisine": "italian", + "ingredients": [ + "pepper", + "garlic", + "flat leaf parsley", + "butter", + "salt", + "crushed tomatoes", + "pasta shells", + "extra-virgin olive oil", + "tuna packed in olive oil" + ] + }, + { + "id": 2767, + "cuisine": "chinese", + "ingredients": [ + "cream", + "hamburger", + "soup", + "celery", + "cream of celery soup", + "white rice", + "onions", + "milk", + "chow mein noodles" + ] + }, + { + "id": 9288, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "dijon mustard", + "black olives", + "carrots", + "fresh basil", + "extra-virgin olive oil", + "skinless chicken breasts", + "red bell pepper", + "red potato", + "hard-boiled egg", + "purple onion", + "green beans", + "capers", + "garlic", + "fresh lemon juice" + ] + }, + { + "id": 8342, + "cuisine": "greek", + "ingredients": [ + "romaine lettuce", + "hellmann' or best food real mayonnais", + "chopped fresh mint", + "fresh tomatoes", + "Lipton® Recipe Secrets® Onion Soup Mix", + "greek yogurt", + "chopped garlic", + "pita bread", + "dri leav rosemari", + "cucumber", + "dried leaves oregano", + "fresh dill", + "purple onion", + "ground beef", + "ground lamb" + ] + }, + { + "id": 27786, + "cuisine": "mexican", + "ingredients": [ + "spinach leaves", + "vegetable oil", + "onions", + "chicken stock", + "chile pepper", + "garlic cloves", + "lettuce", + "green tomatoes", + "pumpkin seeds", + "chicken breasts", + "salt", + "coriander" + ] + }, + { + "id": 21099, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "palm sugar", + "duck", + "jasmine rice", + "Thai red curry paste", + "fish sauce", + "basil", + "fresh pineapple", + "unsweetened coconut milk", + "cherry tomatoes", + "thai chile" + ] + }, + { + "id": 478, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "warm water", + "M&M's Candy", + "cream cheese", + "brown sugar", + "active dry yeast", + "salt", + "sugar", + "red velvet cake mix", + "all-purpose flour", + "powdered sugar", + "milk", + "vanilla extract" + ] + }, + { + "id": 23097, + "cuisine": "irish", + "ingredients": [ + "Irish whiskey", + "white chocolate", + "salt", + "sugar", + "heavy cream", + "bananas" + ] + }, + { + "id": 4308, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "reduced fat milk", + "all-purpose flour", + "low-fat buttermilk", + "butter", + "fresh lemon juice", + "large egg yolks", + "cooking spray", + "grated lemon zest", + "sugar", + "large eggs", + "salt" + ] + }, + { + "id": 9824, + "cuisine": "french", + "ingredients": [ + "olive oil", + "new york strip steaks", + "kosher salt", + "balsamic vinegar", + "shallots", + "peppercorns", + "lower sodium beef broth", + "butter" + ] + }, + { + "id": 38815, + "cuisine": "italian", + "ingredients": [ + "cannellini beans", + "fresh basil leaves", + "sugar", + "salt", + "cherry tomatoes", + "boiling onions", + "tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 41915, + "cuisine": "moroccan", + "ingredients": [ + "coconut oil", + "ginger", + "ground cumin", + "paprika", + "ground coriander", + "salmon fillets", + "salt", + "fresh orange juice", + "ground cayenne pepper" + ] + }, + { + "id": 2759, + "cuisine": "chinese", + "ingredients": [ + "pepper sauce", + "sesame oil", + "ginger root", + "lime", + "chinese five-spice powder", + "soy sauce", + "scallions", + "chicken thighs", + "neutral oil", + "ground black pepper", + "oyster sauce" + ] + }, + { + "id": 47415, + "cuisine": "southern_us", + "ingredients": [ + "1% low-fat buttermilk", + "large eggs", + "yellow corn meal", + "fat free milk", + "salt", + "large egg whites", + "butter cooking spray", + "pure maple syrup", + "frozen whole kernel corn" + ] + }, + { + "id": 42348, + "cuisine": "french", + "ingredients": [ + "sauerkraut", + "knockwurst", + "caraway seeds", + "salt", + "pork butt", + "cracked black pepper", + "pork shoulder", + "wine", + "carrots", + "peppercorns" + ] + }, + { + "id": 39324, + "cuisine": "french", + "ingredients": [ + "brie cheese", + "pecan halves", + "dough", + "honey" + ] + }, + { + "id": 33397, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "jicama", + "fresh lime juice", + "avocado", + "pomegranate seeds", + "salt", + "ground cumin", + "pomegranate juice", + "pinenuts", + "purple onion", + "chopped cilantro fresh", + "rocket leaves", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 44380, + "cuisine": "italian", + "ingredients": [ + "short pasta", + "crushed red pepper flakes", + "fresh parsley leaves", + "whole peeled tomatoes", + "garlic", + "kosher salt", + "extra-virgin olive oil", + "dried oregano", + "dry white wine", + "broccoli" + ] + }, + { + "id": 32707, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "baking soda", + "all-purpose flour", + "fat-free buttermilk", + "salt", + "unsalted butter" + ] + }, + { + "id": 13979, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "olive oil", + "fresh thyme", + "dry bread crumbs", + "red bell pepper", + "fat free less sodium chicken broth", + "ground black pepper", + "ground red pepper", + "chopped onion", + "fresh parsley", + "sugar", + "black-eyed peas", + "green onions", + "grated lemon zest", + "cornmeal", + "cider vinegar", + "dijon mustard", + "salt", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 28965, + "cuisine": "french", + "ingredients": [ + "peaches", + "mint", + "orange flower water" + ] + }, + { + "id": 18337, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "boneless skinless chicken breasts", + "cream cheese", + "chicken broth", + "mushrooms", + "fresh tarragon", + "leeks", + "heavy cream", + "celery", + "ground black pepper", + "dry white wine", + "salt" + ] + }, + { + "id": 32091, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "cooking spray", + "smoked gouda", + "ground black pepper", + "cornmeal", + "fresh basil", + "pizza doughs", + "plum tomatoes" + ] + }, + { + "id": 22445, + "cuisine": "thai", + "ingredients": [ + "tomatoes", + "lime juice", + "green papaya", + "chiles", + "roasted peanuts", + "fish sauce", + "garlic", + "sugar", + "shrimp" + ] + }, + { + "id": 21610, + "cuisine": "southern_us", + "ingredients": [ + "nutmeg", + "butter", + "milk", + "bisquick", + "sugar", + "peach slices", + "cinnamon" + ] + }, + { + "id": 12397, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "flatbread", + "creole seasoning" + ] + }, + { + "id": 16589, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "fresh ginger", + "chili oil", + "corn starch", + "dark soy sauce", + "szechwan peppercorns", + "low sodium chicken stock", + "scallion greens", + "firm silken tofu", + "chili bean paste", + "ground beef", + "wine", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 27751, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "dry white wine", + "dill tips", + "ground black pepper", + "crushed red pepper", + "dried oregano", + "peeled tomatoes", + "red wine vinegar", + "feta cheese crumbles", + "mussels", + "cooking spray", + "yellow onion" + ] + }, + { + "id": 37457, + "cuisine": "spanish", + "ingredients": [ + "unsalted butter", + "salt", + "boiling potatoes", + "black pepper", + "chopped fresh chives", + "dry bread crumbs", + "large eggs", + "all-purpose flour", + "olive oil", + "fresh tarragon", + "flat leaf parsley" + ] + }, + { + "id": 8742, + "cuisine": "southern_us", + "ingredients": [ + "brussels sprouts", + "garlic", + "olive oil", + "sauce", + "pepper", + "salt", + "boneless pork shoulder", + "cheese", + "grit quick" + ] + }, + { + "id": 25300, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "vegetable oil", + "non-fat sour cream", + "garlic cloves", + "Anaheim chile", + "dried pinto beans", + "beef broth", + "ground cumin", + "water", + "loin pork roast", + "salt", + "chopped cilantro fresh", + "tomatoes", + "chili powder", + "stewed tomatoes", + "chopped onion" + ] + }, + { + "id": 37479, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "vegetable oil", + "peanut butter", + "boneless skinless chicken breast halves", + "pitas", + "chili powder", + "salt", + "onions", + "pepper", + "green onions", + "white cheddar cheese", + "chipotle peppers", + "ground cumin", + "nonfat yogurt", + "shredded lettuce", + "red bell pepper", + "dried oregano" + ] + }, + { + "id": 33158, + "cuisine": "french", + "ingredients": [ + "haricots verts", + "unsalted butter" + ] + }, + { + "id": 47617, + "cuisine": "mexican", + "ingredients": [ + "cold water", + "ground pepper", + "coarse salt", + "all-purpose flour", + "chiles", + "baking powder", + "ground pork", + "tomatoes", + "large eggs", + "butter", + "onions", + "fresh cilantro", + "chili powder", + "salt" + ] + }, + { + "id": 46307, + "cuisine": "mexican", + "ingredients": [ + "cooked chicken", + "tortillas", + "salsa", + "kosher salt", + "baby spinach", + "pepper jack" + ] + }, + { + "id": 45479, + "cuisine": "chinese", + "ingredients": [ + "water chestnuts", + "broccoli", + "cherry tomatoes", + "green onions", + "low sodium soy sauce", + "peeled fresh ginger", + "dark sesame oil", + "honey", + "dry mustard" + ] + }, + { + "id": 20114, + "cuisine": "russian", + "ingredients": [ + "fresh dill", + "active dry yeast", + "buckwheat flour", + "caviar", + "eggs", + "milk", + "fine salt", + "clarified butter", + "sugar", + "unsalted butter", + "lemon juice", + "smoked salmon", + "water", + "lemon zest", + "cream cheese, soften" + ] + }, + { + "id": 48492, + "cuisine": "vietnamese", + "ingredients": [ + "fennel", + "vietnamese fish sauce", + "cashew nuts", + "mint leaves", + "rice vinegar", + "red cabbage", + "salt", + "serrano chile", + "sugar", + "large garlic cloves", + "carrots" + ] + }, + { + "id": 7620, + "cuisine": "french", + "ingredients": [ + "black pepper", + "garlic", + "fresh mushrooms", + "port wine", + "olive oil", + "all-purpose flour", + "cherry tomatoes", + "salt", + "onions", + "sugar pea", + "beef tenderloin", + "beef broth" + ] + }, + { + "id": 5014, + "cuisine": "chinese", + "ingredients": [ + "ground black pepper", + "chinese five-spice powder", + "chinese rice wine", + "szechwan peppercorns", + "brown sugar", + "pork spare ribs", + "light soy sauce", + "sea salt" + ] + }, + { + "id": 11556, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "granulated sugar", + "heavy cream", + "baking soda", + "baking powder", + "cake flour", + "unsalted butter", + "buttermilk", + "salt", + "light brown sugar", + "large eggs", + "light corn syrup" + ] + }, + { + "id": 127, + "cuisine": "italian", + "ingredients": [ + "ziti", + "juice", + "olive oil", + "dry red wine", + "onions", + "grated parmesan cheese", + "Italian turkey sausage", + "diced tomatoes", + "red bell pepper" + ] + }, + { + "id": 28892, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "whole wheat tortillas", + "salsa", + "fresh lime juice", + "shredded cheddar cheese", + "ranch dressing", + "chicken breast strips", + "rice", + "green bell pepper", + "ground pepper", + "cilantro", + "yellow onion", + "olive oil", + "chili powder", + "salt", + "sour cream" + ] + }, + { + "id": 17556, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "buttermilk", + "baking soda", + "vanilla extract", + "unsalted butter", + "salt", + "pecan halves", + "almond extract" + ] + }, + { + "id": 33487, + "cuisine": "mexican", + "ingredients": [ + "cream of chicken soup", + "taco seasoning", + "shredded cheddar cheese", + "salsa", + "Ranch Style Beans", + "tomatoes", + "lean ground beef", + "sour cream", + "water", + "tortilla chips", + "onions" + ] + }, + { + "id": 14671, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "flour tortillas", + "crema", + "dried oregano", + "avocado", + "chuck roast", + "vegetable oil", + "beef broth", + "ground cumin", + "ground black pepper", + "bay leaves", + "salt", + "shredded Monterey Jack cheese", + "pico de gallo", + "chipotle", + "garlic", + "fresh lime juice" + ] + }, + { + "id": 41366, + "cuisine": "southern_us", + "ingredients": [ + "cooked chicken", + "diced celery", + "green onions", + "ginger", + "curry powder", + "sweetened coconut flakes", + "cream cheese, soften", + "ground red pepper", + "salt" + ] + }, + { + "id": 46088, + "cuisine": "mexican", + "ingredients": [ + "parsley sprigs", + "ground cumin", + "eggs", + "prepared mustard", + "chile powder", + "jalapeno chilies", + "mayonaise", + "salt" + ] + }, + { + "id": 22112, + "cuisine": "spanish", + "ingredients": [ + "dry white wine", + "chicken thighs", + "olive oil", + "rice", + "minced garlic", + "paprika", + "chorizo sausage", + "cream of chicken soup", + "thyme leaves" + ] + }, + { + "id": 34325, + "cuisine": "jamaican", + "ingredients": [ + "whole allspice", + "whole cloves", + "ginger", + "coriander", + "nutmeg", + "dried thyme", + "cinnamon", + "salt", + "light brown sugar", + "black pepper", + "onion powder", + "onion flakes", + "dried chives", + "garlic powder", + "red pepper flakes", + "cayenne pepper" + ] + }, + { + "id": 36084, + "cuisine": "indian", + "ingredients": [ + "fresh curry", + "mustard seeds", + "tomatoes", + "garlic", + "white sugar", + "paprika", + "ghee", + "water", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 37982, + "cuisine": "russian", + "ingredients": [ + "eggs", + "salt", + "flour", + "potatoes", + "sour cream", + "vegetable oil" + ] + }, + { + "id": 31786, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "salt", + "brown sugar", + "pork chops", + "ground ginger", + "pepper", + "soy sauce", + "garlic" + ] + }, + { + "id": 36666, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic", + "thick-cut bacon", + "chicken broth", + "cooked bacon", + "rotini", + "grated parmesan cheese", + "salt", + "water", + "whipping cream", + "frozen peas" + ] + }, + { + "id": 9658, + "cuisine": "cajun_creole", + "ingredients": [ + "seafood seasoning", + "imitation crab meat", + "garlic powder", + "cajun seasoning", + "seasoned bread crumbs", + "crimini mushrooms", + "monterey jack", + "hot pepper sauce", + "cream cheese" + ] + }, + { + "id": 32152, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "crushed garlic", + "all-purpose flour", + "eggs", + "green onions", + "shredded sharp cheddar cheese", + "white sugar", + "baking soda", + "buttermilk", + "dried parsley", + "olive oil", + "baking powder", + "salt", + "dried rosemary" + ] + }, + { + "id": 4957, + "cuisine": "indian", + "ingredients": [ + "amchur", + "chili powder", + "cilantro leaves", + "wheat flour", + "coriander powder", + "kasuri methi", + "cumin seed", + "ground turmeric", + "garam masala", + "ginger", + "green chilies", + "onions", + "water", + "potatoes", + "salt", + "oil" + ] + }, + { + "id": 42757, + "cuisine": "russian", + "ingredients": [ + "baking soda", + "raisins", + "unsweetened applesauce", + "honey", + "baking powder", + "chopped walnuts", + "ground cloves", + "ground nutmeg", + "salt", + "oat bran", + "whole wheat flour", + "vegetable oil", + "orange juice" + ] + }, + { + "id": 39269, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "ground cumin", + "tomatoes", + "salt", + "white vinegar", + "ground black pepper", + "green chile", + "flat leaf parsley" + ] + }, + { + "id": 8109, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "garlic powder", + "shredded cheese", + "refried beans", + "jalapeno chilies", + "cayenne", + "cumin" + ] + }, + { + "id": 11100, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "salt", + "marinara sauce", + "shredded mozzarella cheese", + "grated parmesan cheese", + "ricotta", + "cheese tortellini" + ] + }, + { + "id": 980, + "cuisine": "russian", + "ingredients": [ + "pepper", + "pearl barley", + "salt", + "celery", + "chicken stock", + "gherkins", + "potatoes", + "carrots" + ] + }, + { + "id": 14573, + "cuisine": "jamaican", + "ingredients": [ + "tomatoes", + "cooking oil", + "onions", + "water", + "salt", + "black pepper", + "bacon", + "cabbage", + "hot pepper sauce", + "tomato ketchup" + ] + }, + { + "id": 12325, + "cuisine": "italian", + "ingredients": [ + "pasta", + "butter", + "salt", + "roasted red peppers", + "basil", + "pepper", + "heavy cream", + "goat cheese", + "parmigiano reggiano cheese", + "garlic" + ] + }, + { + "id": 22357, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium soy sauce", + "sweet pepper", + "celery", + "sliced green onions", + "warm water", + "hoisin sauce", + "corn starch", + "boiling water", + "wide rice noodles", + "zucchini", + "crushed red pepper", + "reduced sugar orange marmalade", + "sliced almonds", + "shredded carrots", + "toasted sesame oil", + "large shrimp" + ] + }, + { + "id": 39458, + "cuisine": "southern_us", + "ingredients": [ + "turnips", + "large eggs", + "bread crumbs", + "salt", + "pepper", + "sugar", + "butter" + ] + }, + { + "id": 38886, + "cuisine": "thai", + "ingredients": [ + "lime zest", + "new potatoes", + "garlic cloves", + "thai green curry paste", + "caster sugar", + "vegetable oil", + "Thai fish sauce", + "kaffir lime leaves", + "boneless skinless chicken breasts", + "green beans", + "basil leaves", + "rice", + "coconut milk" + ] + }, + { + "id": 19065, + "cuisine": "italian", + "ingredients": [ + "pizza crust", + "focaccia", + "prosciutto", + "arugula", + "pepper", + "purple onion", + "fontina cheese", + "balsamic vinegar" + ] + }, + { + "id": 13319, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "Dole Seven Lettuces", + "tomatoes", + "chopped fresh thyme", + "all-purpose flour", + "vegetable oil", + "garlic", + "bottled clam juice", + "cajun seasoning", + "shrimp" + ] + }, + { + "id": 40096, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "flour", + "all-purpose flour", + "peaches", + "buttermilk", + "dark brown sugar", + "stone-ground cornmeal", + "baking powder", + "blueberries", + "unsalted butter", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 15792, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chopped onion", + "chopped cilantro fresh", + "reduced-fat sour cream", + "garlic cloves", + "ground cumin", + "diced tomatoes", + "baked tortilla chips", + "shredded Monterey Jack cheese", + "salt", + "pinto beans" + ] + }, + { + "id": 30820, + "cuisine": "indian", + "ingredients": [ + "water", + "yukon gold potatoes", + "salt", + "serrano chile", + "plain low-fat yogurt", + "zucchini", + "paprika", + "onions", + "tomatoes", + "garam masala", + "vegetable oil", + "garlic cloves", + "ground turmeric", + "salmon fillets", + "peeled fresh ginger", + "Bengali 5 Spice", + "chopped cilantro fresh" + ] + }, + { + "id": 16458, + "cuisine": "indian", + "ingredients": [ + "water", + "cilantro leaves", + "cashew nuts", + "curry leaves", + "light coconut milk", + "green chilies", + "coconut", + "rice", + "coconut oil", + "salt", + "cumin seed" + ] + }, + { + "id": 40799, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "non-fat sour cream", + "ground turkey", + "canned black beans", + "low sodium taco seasoning", + "scallions", + "zucchini", + "frozen corn kernels", + "canola oil", + "finely chopped onion", + "salsa", + "corn tortillas" + ] + }, + { + "id": 46551, + "cuisine": "french", + "ingredients": [ + "salad greens", + "yellow bell pepper", + "garlic cloves", + "olives", + "green bell pepper", + "chicken breast halves", + "extra-virgin olive oil", + "herbes de provence", + "green onions", + "sprinkles", + "red bell pepper", + "black pepper", + "balsamic vinegar", + "salt", + "olive oil flavored cooking spray" + ] + }, + { + "id": 37492, + "cuisine": "japanese", + "ingredients": [ + "vegetable oil", + "shichimi togarashi", + "unsalted butter", + "toasted sesame oil", + "popcorn kernels", + "garlic cloves" + ] + }, + { + "id": 25985, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "jack", + "salsa", + "iceberg lettuce", + "canola", + "grapeseed oil", + "corn tortillas", + "tomatoes", + "cooking oil", + "other", + "refried beans", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 31559, + "cuisine": "italian", + "ingredients": [ + "ground pepper", + "deveined shrimp", + "fresh chives", + "lemon wedge", + "capellini", + "fennel seeds", + "dry white wine", + "salt", + "coriander seeds", + "lemon", + "fat skimmed chicken broth" + ] + }, + { + "id": 20621, + "cuisine": "british", + "ingredients": [ + "beef drippings", + "plain flour", + "salt", + "eggs", + "milk" + ] + }, + { + "id": 29976, + "cuisine": "indian", + "ingredients": [ + "low-fat plain yogurt", + "garlic", + "gingerroot", + "ground turmeric", + "Nakano Seasoned Rice Vinegar", + "yellow onion", + "chicken fingers", + "ground nutmeg", + "salt", + "ground coriander", + "ground cumin", + "ground cinnamon", + "paprika", + "cayenne pepper", + "ground cardamom" + ] + }, + { + "id": 13152, + "cuisine": "cajun_creole", + "ingredients": [ + "black beans", + "chopped celery", + "chopped garlic", + "white corn", + "red pepper", + "chopped onion", + "chicken broth", + "brown rice", + "green pepper", + "white wine", + "stewed tomatoes", + "shrimp" + ] + }, + { + "id": 13106, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "boneless chicken breast halves", + "marsala wine", + "cheese", + "fresh basil", + "butter", + "prosciutto", + "low salt chicken broth" + ] + }, + { + "id": 11777, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper", + "fresh basil", + "large garlic cloves", + "flat leaf parsley", + "mozzarella cheese", + "diced tomatoes", + "dried oregano", + "veal cutlets", + "all-purpose flour" + ] + }, + { + "id": 19091, + "cuisine": "irish", + "ingredients": [ + "large eggs", + "grated carrot", + "confectioners sugar", + "irish cream liqueur", + "raisins", + "all-purpose flour", + "grated orange", + "firmly packed brown sugar", + "cinnamon", + "salt", + "double-acting baking powder", + "unsalted butter", + "fresh orange juice", + "grated nutmeg", + "allspice" + ] + }, + { + "id": 43412, + "cuisine": "italian", + "ingredients": [ + "granulated sugar", + "confectioners sugar", + "large eggs", + "pure vanilla extract", + "ricotta cheese", + "orange", + "heavy cream" + ] + }, + { + "id": 28154, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "wieners", + "margarine", + "noodles" + ] + }, + { + "id": 13501, + "cuisine": "british", + "ingredients": [ + "sugar", + "suet", + "vanilla", + "oleo", + "cinnamon", + "sour milk", + "molasses", + "flour", + "salt", + "nutmeg", + "baking soda", + "raisins", + "boiling water" + ] + }, + { + "id": 6349, + "cuisine": "korean", + "ingredients": [ + "hot red pepper flakes", + "fresh ginger", + "scallions", + "water", + "large garlic cloves", + "toasted sesame seeds", + "honey", + "beef rib short", + "soy sauce", + "sesame oil", + "sherry wine" + ] + }, + { + "id": 27977, + "cuisine": "irish", + "ingredients": [ + "sliced tomatoes", + "lettuce leaves", + "prepared horseradish", + "cheese", + "low-fat sour cream", + "beef deli roast slice thinli", + "rye bread", + "fat-free mayonnaise" + ] + }, + { + "id": 38326, + "cuisine": "irish", + "ingredients": [ + "irish cream liqueur", + "large eggs", + "vanilla extract", + "pecan halves", + "baking soda", + "buttermilk", + "chopped pecans", + "cream cheese frosting", + "butter", + "all-purpose flour", + "shortening", + "granulated sugar", + "butterscotch filling" + ] + }, + { + "id": 19198, + "cuisine": "cajun_creole", + "ingredients": [ + "green onions", + "crabmeat", + "creole mustard", + "yellow mustard", + "mayonaise", + "worcestershire sauce", + "Tabasco Pepper Sauce" + ] + }, + { + "id": 22844, + "cuisine": "french", + "ingredients": [ + "chicken stock", + "shiitake", + "large eggs", + "Italian parsley leaves", + "garlic cloves", + "olive oil", + "unsalted butter", + "heavy cream", + "salt", + "dried porcini mushrooms", + "almonds", + "shallots", + "dry sherry", + "fresh lemon juice", + "bread crumb fresh", + "ground black pepper", + "chopped fresh thyme", + "oyster mushrooms", + "flat leaf parsley" + ] + }, + { + "id": 42744, + "cuisine": "italian", + "ingredients": [ + "salt", + "olive oil", + "spaghetti", + "broccoli rabe", + "hot red pepper flakes", + "garlic cloves" + ] + }, + { + "id": 37392, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "vegetable oil", + "unsweetened coconut milk", + "pumpkin", + "garlic", + "lemon grass", + "butter", + "chicken stock", + "shallots", + "fresh basil leaves" + ] + }, + { + "id": 31241, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "lime slices", + "teriyaki sauce", + "hibiscus flowers", + "filet mignon", + "lime peel", + "banana leaves", + "garlic cloves", + "skirt steak", + "soy sauce", + "peeled fresh ginger", + "crushed red pepper", + "shrimp", + "chicken broth", + "fresh ginger", + "boneless skinless chicken breasts", + "creamy peanut butter", + "fresh lime juice" + ] + }, + { + "id": 26888, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "avocado", + "chopped cilantro fresh", + "fresh lime juice" + ] + }, + { + "id": 27130, + "cuisine": "greek", + "ingredients": [ + "white wine", + "garlic powder", + "tomatoes", + "sun-dried tomatoes", + "black olives", + "olive oil", + "chicken breasts", + "fresh spinach", + "feta cheese", + "penne pasta" + ] + }, + { + "id": 25463, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "olive oil", + "anchovy fillets", + "green bell pepper", + "dried basil", + "chopped onion", + "dried oregano", + "grape tomatoes", + "minced garlic", + "salt", + "bay leaf", + "white wine", + "tomatoes with juice", + "chopped parsley" + ] + }, + { + "id": 29655, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "garlic", + "onions", + "brown sugar", + "green onions", + "Gochujang base", + "chili flakes", + "vinegar", + "salt", + "pork", + "ginger", + "oil" + ] + }, + { + "id": 7484, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "all-purpose flour", + "sugar", + "beaten eggs", + "canola oil", + "yellow corn meal", + "baking powder", + "soft fresh goat cheese", + "chiles", + "buttermilk", + "coarse kosher salt" + ] + }, + { + "id": 29696, + "cuisine": "thai", + "ingredients": [ + "ice cubes", + "whipped cream", + "seeds", + "cardamom seeds", + "water", + "star anise", + "teas", + "condensed milk" + ] + }, + { + "id": 7525, + "cuisine": "thai", + "ingredients": [ + "muscovado sugar", + "cucumber", + "red chili peppers", + "rice vinegar", + "fish sauce", + "cilantro leaves", + "beansprouts", + "mint leaves", + "baby gem lettuce" + ] + }, + { + "id": 30708, + "cuisine": "italian", + "ingredients": [ + "top loin steaks", + "watercress", + "lemon juice", + "ground pepper", + "artichokes", + "rocket leaves", + "balsamic vinegar", + "salt", + "parmesan cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 42105, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "pepper", + "long-grain rice", + "tomatoes", + "salt", + "canola oil", + "chicken broth", + "water", + "onions", + "pork", + "green pepper", + "ground cumin" + ] + }, + { + "id": 47381, + "cuisine": "moroccan", + "ingredients": [ + "pomegranate juice", + "salt", + "olive oil", + "cinnamon sticks", + "black pepper", + "carrots", + "coriander seeds" + ] + }, + { + "id": 24358, + "cuisine": "southern_us", + "ingredients": [ + "lump crab meat", + "ground red pepper", + "sauce", + "bread crumbs", + "egg whites", + "lemon slices", + "fresh parsley", + "mayonaise", + "unsalted butter", + "dry mustard", + "fresh lemon juice", + "cracker meal", + "old bay seasoning", + "peanut oil" + ] + }, + { + "id": 17065, + "cuisine": "jamaican", + "ingredients": [ + "ground black pepper", + "ground allspice", + "oregano", + "ground cinnamon", + "hot pepper", + "thyme", + "brown sugar", + "salt", + "onions", + "vinegar", + "garlic cloves", + "chicken" + ] + }, + { + "id": 5752, + "cuisine": "italian", + "ingredients": [ + "dijon mustard", + "extra-virgin olive oil", + "ground black pepper", + "lemon", + "kosher salt", + "dry white wine", + "bass fillets", + "tentacles", + "leeks", + "squid" + ] + }, + { + "id": 14919, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil", + "halibut", + "ground pepper", + "chopped celery", + "long-grain rice", + "cooked ham", + "stewed tomatoes", + "creole seasoning", + "finely chopped onion", + "green pepper", + "no salt added chicken broth" + ] + }, + { + "id": 8720, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "garlic", + "chopped cilantro fresh", + "tomatoes", + "grapeseed oil", + "shrimp", + "ground cumin", + "jalapeno chilies", + "garlic cloves", + "chicken", + "sweet onion", + "sea salt", + "corn tortillas" + ] + }, + { + "id": 21207, + "cuisine": "chinese", + "ingredients": [ + "flour", + "ginger", + "apricot jam", + "cider vinegar", + "sesame oil", + "long-grain rice", + "cashew nuts", + "pepper", + "paprika", + "carrots", + "snow peas", + "soy sauce", + "chicken breasts", + "scallions", + "baby corn" + ] + }, + { + "id": 9775, + "cuisine": "southern_us", + "ingredients": [ + "diced onions", + "garlic powder", + "butter", + "roasting chickens", + "milk", + "baking powder", + "all-purpose flour", + "chicken stock", + "ground pepper", + "salt", + "frozen peas", + "dried thyme", + "sliced carrots", + "dried dillweed" + ] + }, + { + "id": 41106, + "cuisine": "italian", + "ingredients": [ + "pesto", + "oil", + "littleneck clams", + "dry white wine", + "tagliatelle", + "mussels", + "crushed red pepper" + ] + }, + { + "id": 43062, + "cuisine": "indian", + "ingredients": [ + "fresh mint", + "cumin", + "garlic", + "chopped cilantro fresh", + "lime juice", + "onions", + "salt", + "serrano chile" + ] + }, + { + "id": 19598, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "flour tortillas", + "cumin", + "chicken breast fillets", + "shredded cheese", + "garlic powder", + "sour cream", + "tomatoes", + "salsa" + ] + }, + { + "id": 14307, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "garlic cloves", + "baguette", + "extra-virgin olive oil", + "chicken", + "fat free less sodium chicken broth", + "butter", + "flat leaf parsley", + "ground black pepper", + "salt" + ] + }, + { + "id": 20595, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "diced tomatoes", + "ground lamb", + "dried basil", + "cooking spray", + "chopped onion", + "uncooked ziti", + "grated parmesan cheese", + "crushed red pepper", + "olive oil", + "balsamic vinegar", + "garlic cloves" + ] + }, + { + "id": 7923, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "heavy cream", + "fresh lemon juice", + "water", + "mushrooms", + "garlic cloves", + "black pepper", + "parmigiano reggiano cheese", + "salt", + "grits", + "unsalted butter", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 29372, + "cuisine": "spanish", + "ingredients": [ + "baby leaf lettuce", + "sherry wine vinegar", + "grated orange peel", + "olive oil", + "cooked shrimp", + "orange", + "garlic cloves", + "sugar", + "green onions", + "sliced green olives" + ] + }, + { + "id": 1009, + "cuisine": "japanese", + "ingredients": [ + "liquid smoke", + "gari", + "sesame oil", + "toasted sesame seeds", + "soy sauce", + "extra firm tofu", + "rice vinegar", + "canola oil", + "sushi rice", + "chives", + "carrots", + "wasabi", + "water", + "salt", + "nori" + ] + }, + { + "id": 31502, + "cuisine": "korean", + "ingredients": [ + "fresh spinach", + "Gochujang base", + "cauliflower", + "sesame oil", + "white mushrooms", + "zucchini", + "carrots", + "eggs", + "red pepper", + "beansprouts" + ] + }, + { + "id": 10086, + "cuisine": "italian", + "ingredients": [ + "cheese", + "boneless skinless chicken breasts", + "condensed cream of mushroom soup", + "dry white wine", + "stuffing mix" + ] + }, + { + "id": 41896, + "cuisine": "jamaican", + "ingredients": [ + "nutmeg", + "pimentos", + "scallions", + "soy sauce", + "ground thyme", + "brown sugar", + "cinnamon", + "garlic cloves", + "pepper", + "salt" + ] + }, + { + "id": 47961, + "cuisine": "korean", + "ingredients": [ + "water", + "ginger", + "honey", + "pinenuts", + "cinnamon sticks" + ] + }, + { + "id": 42553, + "cuisine": "greek", + "ingredients": [ + "bread", + "chopped tomatoes", + "Italian seasoned breadcrumbs", + "pepper", + "purple onion", + "flat leaf parsley", + "ground chuck", + "large eggs", + "cucumber", + "minced garlic", + "salt", + "cumin" + ] + }, + { + "id": 40102, + "cuisine": "japanese", + "ingredients": [ + "tomatoes", + "garam masala", + "ginger", + "cilantro leaves", + "oil", + "coriander seeds", + "red pepper", + "salt", + "cumin seed", + "tomato purée", + "potatoes", + "green peas", + "green chilies", + "garlic cloves", + "tumeric", + "bay leaves", + "garlic", + "gingerroot", + "onions" + ] + }, + { + "id": 10583, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "green onions", + "tortillas", + "ground beef", + "refried beans", + "taco seasoning", + "roma tomatoes" + ] + }, + { + "id": 7103, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "pesto", + "butter lettuce", + "fontina cheese", + "bread ciabatta" + ] + }, + { + "id": 8930, + "cuisine": "thai", + "ingredients": [ + "ground ginger", + "flank steak", + "chili sauce", + "orange", + "garlic", + "soy sauce", + "sesame oil", + "coriander", + "honey", + "seasoned rice wine vinegar" + ] + }, + { + "id": 10763, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "olive oil", + "butternut squash", + "large garlic cloves", + "cayenne pepper", + "plum tomatoes", + "chicken stock", + "baby lima beans", + "leeks", + "red wine vinegar", + "purple onion", + "chopped cilantro fresh", + "tomato paste", + "yellow crookneck squash", + "green onions", + "raisins", + "couscous", + "tumeric", + "zucchini", + "lemon wedge", + "crushed red pepper", + "frozen peas" + ] + }, + { + "id": 40234, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "onions", + "pepper", + "salt", + "dried basil", + "garlic cloves", + "sugar", + "diced tomatoes", + "dried oregano" + ] + }, + { + "id": 23829, + "cuisine": "chinese", + "ingredients": [ + "scallions", + "soy sauce", + "lamb", + "lard" + ] + }, + { + "id": 44490, + "cuisine": "italian", + "ingredients": [ + "pepper", + "balsamic vinegar", + "grated parmesan cheese", + "smoked paprika", + "olive oil", + "garlic cloves", + "pitted kalamata olives", + "pimentos", + "olives" + ] + }, + { + "id": 35449, + "cuisine": "mexican", + "ingredients": [ + "hominy", + "salt", + "dried oregano", + "chicken stock", + "tomatillos", + "poblano chiles", + "boneless pork shoulder", + "jalapeno chilies", + "cilantro leaves", + "canola oil", + "pepper", + "garlic", + "onions" + ] + }, + { + "id": 10990, + "cuisine": "chinese", + "ingredients": [ + "water", + "dry sherry", + "fresh mushrooms", + "chicken bouillon granules", + "green onions", + "sweet pepper", + "toasted sesame oil", + "soy sauce", + "chicken breasts", + "pea pods", + "cooking oil", + "linguine", + "corn starch" + ] + }, + { + "id": 49531, + "cuisine": "vietnamese", + "ingredients": [ + "sake", + "vegetable oil", + "spring onions", + "soy sauce", + "minced pork", + "fresh shiitake mushrooms" + ] + }, + { + "id": 13700, + "cuisine": "greek", + "ingredients": [ + "vegetable oil cooking spray", + "bay leaves", + "salt", + "tomatoes", + "pepper", + "baking potatoes", + "fresh lemon juice", + "snappers", + "dry white wine", + "chopped onion", + "green bell pepper", + "olive oil", + "large garlic cloves", + "fresh parsley" + ] + }, + { + "id": 23415, + "cuisine": "italian", + "ingredients": [ + "whole peeled tomatoes", + "garlic", + "kosher salt", + "basil", + "tomato paste", + "red pepper flakes", + "dried oregano", + "unsalted butter", + "extra-virgin olive oil" + ] + }, + { + "id": 19649, + "cuisine": "french", + "ingredients": [ + "chocolate", + "large egg yolks", + "cognac", + "large egg whites", + "salt", + "granulated sugar", + "unsweetened cocoa powder" + ] + }, + { + "id": 18618, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "chopped tomatoes", + "green chilies", + "pepper", + "salt", + "cumin", + "boiled eggs", + "garlic", + "onions", + "red chili powder", + "garam masala", + "oil" + ] + }, + { + "id": 30001, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "yellow onion", + "pepper", + "whipping cream", + "cornmeal", + "chicken stock", + "extra-virgin olive oil", + "carrots", + "chives", + "salt", + "large shrimp" + ] + }, + { + "id": 49359, + "cuisine": "mexican", + "ingredients": [ + "savoy cabbage", + "safflower oil", + "white hominy", + "freshly ground pepper", + "fresh oregano leaves", + "water", + "tortilla chips", + "chicken broth", + "minced garlic", + "coarse salt", + "bone in skin on chicken thigh", + "tomato paste", + "white onion", + "lime wedges", + "chopped cilantro" + ] + }, + { + "id": 32375, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "red wine vinegar", + "medium shrimp", + "water", + "apricot nectar", + "ketchup", + "vanilla wafers", + "eggs", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 394, + "cuisine": "italian", + "ingredients": [ + "capers", + "lemon", + "anchovy fillets", + "zucchini", + "garlic", + "flat leaf parsley", + "parsley leaves", + "salt", + "yellow squash", + "extra-virgin olive oil", + "freshly ground pepper" + ] + }, + { + "id": 35797, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "peanuts", + "ground cumin", + "curry powder", + "ground turmeric", + "chili powder" + ] + }, + { + "id": 20614, + "cuisine": "russian", + "ingredients": [ + "olive oil", + "paprika", + "Mrs. Dash", + "pepper", + "large garlic cloves", + "salt", + "soy sauce", + "butter", + "whipping cream", + "water", + "sirloin steak", + "all-purpose flour" + ] + }, + { + "id": 334, + "cuisine": "italian", + "ingredients": [ + "milk", + "garlic", + "grated parmesan cheese", + "ground white pepper", + "butter", + "fresh basil leaves", + "mushroom caps", + "cream cheese" + ] + }, + { + "id": 39226, + "cuisine": "mexican", + "ingredients": [ + "evaporated milk", + "all-purpose flour", + "shredded cheddar cheese", + "green onions", + "eggs", + "jalapeno chilies", + "margarine", + "water", + "baking powder" + ] + }, + { + "id": 22660, + "cuisine": "filipino", + "ingredients": [ + "vanilla extract", + "granulated sugar", + "confectioners sugar", + "cream of tartar", + "condensed milk", + "egg yolks" + ] + }, + { + "id": 12598, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "green onions", + "low sodium soy sauce", + "cooking spray", + "garlic cloves", + "boneless chicken skinless thigh", + "crushed red pepper", + "sake", + "peeled fresh ginger" + ] + }, + { + "id": 48600, + "cuisine": "irish", + "ingredients": [ + "mint chocolate chip ice cream", + "whipped cream", + "chocolate syrup", + "cream", + "OREO® Cookies", + "jimmies", + "milk" + ] + }, + { + "id": 24810, + "cuisine": "mexican", + "ingredients": [ + "salt", + "water", + "garlic", + "green chilies" + ] + }, + { + "id": 9788, + "cuisine": "moroccan", + "ingredients": [ + "ground black pepper", + "couscous", + "water", + "cayenne pepper", + "chopped cilantro fresh", + "ground cinnamon", + "lean ground beef", + "onions", + "olive oil", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 42010, + "cuisine": "cajun_creole", + "ingredients": [ + "melted butter", + "sauce", + "tortillas", + "catfish", + "pico de gallo", + "creole seasoning", + "lettuce", + "hot sauce" + ] + }, + { + "id": 42760, + "cuisine": "italian", + "ingredients": [ + "warm water", + "salt", + "olive oil", + "active dry yeast", + "bread flour", + "granulated sugar" + ] + }, + { + "id": 9475, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "self-rising cornmeal", + "chile pepper", + "cream style corn", + "milk", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 46748, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "extra-virgin olive oil", + "avocado", + "ground black pepper", + "kosher salt", + "garlic cloves", + "pasta", + "lemon" + ] + }, + { + "id": 23868, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "cinnamon", + "cane sugar", + "pure vanilla extract", + "large eggs", + "salt", + "salted butter", + "heavy cream", + "ground coriander", + "pie crust", + "sweet potatoes", + "grated nutmeg" + ] + }, + { + "id": 42328, + "cuisine": "cajun_creole", + "ingredients": [ + "milk", + "chopped fresh chives", + "heavy cream", + "small red potato", + "pork tenderloin", + "butter", + "cream cheese", + "corn", + "onion powder", + "bacon", + "sour cream", + "spanish onion", + "cajun seasoning", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 44369, + "cuisine": "japanese", + "ingredients": [ + "salmon fillets", + "ground black pepper", + "somen", + "fresh cilantro", + "ponzu", + "kosher salt", + "daikon", + "canola oil", + "cherry tomatoes", + "cucumber" + ] + }, + { + "id": 1565, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "diced tomatoes", + "shredded cheese", + "seedless cucumber", + "corn kernels", + "purple onion", + "large shrimp", + "romaine lettuce", + "lime", + "cilantro", + "hass avocado", + "black beans", + "chili powder", + "salt" + ] + }, + { + "id": 46553, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "olive oil", + "sea salt", + "carrots", + "white wine", + "potatoes", + "garlic", + "bay leaf", + "black pepper", + "green lentil", + "paprika", + "smoked paprika", + "dried thyme", + "vegetable stock", + "green pepper", + "onions" + ] + }, + { + "id": 31439, + "cuisine": "southern_us", + "ingredients": [ + "hot pepper sauce", + "ground mustard", + "shredded cheddar cheese", + "salt", + "pepper", + "butter", + "elbow macaroni", + "milk", + "all-purpose flour" + ] + }, + { + "id": 10204, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "olive oil", + "egg whites", + "dried oregano", + "pepper", + "part-skim mozzarella cheese", + "1% low-fat milk", + "tomato sauce", + "won ton wrappers", + "asiago", + "1% low-fat cottage cheese", + "ground nutmeg", + "garlic cloves" + ] + }, + { + "id": 4648, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "large eggs", + "baking powder", + "salt", + "yellow corn meal", + "cream style corn", + "green onions", + "cajun seasoning", + "onions", + "baking soda", + "jalapeno chilies", + "vegetable oil", + "shrimp", + "cheddar cheese", + "chopped green bell pepper", + "ground red pepper", + "butter" + ] + }, + { + "id": 47889, + "cuisine": "korean", + "ingredients": [ + "sugar", + "anchovy fillets", + "radishes", + "fresh ginger root", + "coarse kosher salt", + "Korean chile flakes", + "large garlic cloves" + ] + }, + { + "id": 22555, + "cuisine": "italian", + "ingredients": [ + "french bread", + "herb seasoning", + "cheese", + "butter", + "garlic cloves", + "salt" + ] + }, + { + "id": 28471, + "cuisine": "french", + "ingredients": [ + "olive oil", + "garlic cloves", + "fresh basil leaves", + "leeks", + "low salt chicken broth", + "zucchini", + "carrots", + "boneless skinless chicken breast halves", + "cherry tomatoes", + "chopped fresh thyme", + "celery" + ] + }, + { + "id": 42315, + "cuisine": "thai", + "ingredients": [ + "lime", + "salted peanuts", + "fish sauce", + "mint leaves", + "chinese leaf", + "sugar", + "spring onions", + "cooked chicken breasts", + "red chili peppers", + "sesame oil", + "mango" + ] + }, + { + "id": 4731, + "cuisine": "mexican", + "ingredients": [ + "green cabbage", + "chopped onion", + "bacon slices", + "mexican chorizo", + "tomatoes", + "garlic cloves", + "chicken stock", + "chickpeas", + "fresh parsley" + ] + }, + { + "id": 35846, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "eggplant", + "whole milk ricotta cheese", + "chopped celery", + "chopped garlic", + "olive oil", + "grated parmesan cheese", + "dry red wine", + "onions", + "fresh basil", + "ground nutmeg", + "baby spinach", + "cayenne pepper", + "crushed tomatoes", + "large eggs", + "asiago", + "carrots" + ] + }, + { + "id": 26210, + "cuisine": "irish", + "ingredients": [ + "light brown sugar", + "dijon mustard", + "beef broth", + "red potato", + "apple cider vinegar", + "carrots", + "green cabbage", + "beef brisket", + "dark beer", + "sweet onion", + "large garlic cloves", + "bay leaf" + ] + }, + { + "id": 29422, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "tupelo honey", + "olive oil", + "beets", + "sea salt", + "ground white pepper", + "vidalia onion", + "garlic" + ] + }, + { + "id": 1015, + "cuisine": "indian", + "ingredients": [ + "milk", + "baking powder", + "all-purpose flour", + "sugar", + "baking soda", + "salt", + "jeera", + "red chile powder", + "paneer", + "oil", + "plain yogurt", + "mint leaves", + "cilantro leaves", + "ghee" + ] + }, + { + "id": 48271, + "cuisine": "spanish", + "ingredients": [ + "fennel bulb", + "carrots", + "hazelnuts", + "paprika", + "vinegar", + "olive oil", + "salt" + ] + }, + { + "id": 29216, + "cuisine": "italian", + "ingredients": [ + "eggs", + "warm water", + "pepper", + "dried basil", + "unsalted butter", + "cooking oil", + "baking powder", + "butter", + "all-purpose flour", + "ground beef", + "dried oregano", + "bread", + "tomato sauce", + "kosher salt", + "chorizo", + "garlic powder", + "dry yeast", + "potatoes", + "ricotta cheese", + "vanilla extract", + "cayenne pepper", + "white sugar", + "fresh spinach", + "black pepper", + "minced garlic", + "olive oil", + "finely chopped onion", + "grated parmesan cheese", + "vegetable oil", + "buttermilk", + "jumbo pasta shells", + "onions", + "ground cinnamon", + "sugar", + "mozzarella cheese", + "milk", + "ground black pepper", + "large eggs", + "flour", + "cajun seasoning", + "salt", + "thyme", + "oregano" + ] + }, + { + "id": 15462, + "cuisine": "italian", + "ingredients": [ + "capers", + "unsalted butter", + "lemon", + "olive oil", + "dry white wine", + "chopped parsley", + "kosher salt", + "flour", + "fresh lemon juice", + "chicken stock", + "ground black pepper", + "veal cutlets" + ] + }, + { + "id": 18144, + "cuisine": "cajun_creole", + "ingredients": [ + "lemonade", + "candy", + "silver", + "gelatin", + "sweetened condensed milk", + "food colouring", + "decorating sugars", + "vanilla frosting", + "flavored vodka" + ] + }, + { + "id": 54, + "cuisine": "thai", + "ingredients": [ + "eggs", + "light soy sauce", + "chicken breasts", + "roasted peanuts", + "beansprouts", + "fish sauce", + "white cabbage", + "cilantro leaves", + "lemon juice", + "min", + "fresh ginger", + "rice noodles", + "scallions", + "tofu", + "soybean oil", + "palm sugar", + "sauce", + "carrots" + ] + }, + { + "id": 18766, + "cuisine": "british", + "ingredients": [ + "warm water", + "salt", + "instant yeast", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 38113, + "cuisine": "indian", + "ingredients": [ + "yellow onion", + "hot water", + "ground turmeric", + "fresh ginger", + "cumin seed", + "chopped cilantro fresh", + "cauliflower", + "ground coriander", + "green beans", + "canola oil", + "salt", + "garlic cloves", + "boiling potatoes" + ] + }, + { + "id": 5834, + "cuisine": "italian", + "ingredients": [ + "heavy cream", + "spaghetti", + "ground black pepper", + "basil", + "large egg yolks", + "bacon", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 35201, + "cuisine": "italian", + "ingredients": [ + "avocado", + "hearts of palm", + "salt", + "rocket leaves", + "grated parmesan cheese", + "tomatoes", + "ground black pepper", + "fresh lemon juice", + "pinenuts", + "extra-virgin olive oil" + ] + }, + { + "id": 8717, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "all-purpose flour", + "baking powder", + "shredded cheese", + "milk", + "greek style plain yogurt", + "butter", + "diced ham" + ] + }, + { + "id": 29056, + "cuisine": "chinese", + "ingredients": [ + "fennel seeds", + "chili pepper", + "szechwan peppercorns", + "plums", + "brown sugar", + "fresh ginger", + "star anise", + "onions", + "black peppercorns", + "water", + "red wine vinegar", + "cinnamon sticks", + "soy sauce", + "whole cloves", + "garlic" + ] + }, + { + "id": 44308, + "cuisine": "chinese", + "ingredients": [ + "water", + "flank steak", + "corn starch", + "brown sugar", + "flour", + "garlic", + "low sodium soy sauce", + "baking soda", + "vegetable oil", + "sugar", + "sherry", + "broccoli" + ] + }, + { + "id": 7337, + "cuisine": "italian", + "ingredients": [ + "peeled tomatoes", + "finely chopped onion", + "salt", + "fresh basil", + "part-skim mozzarella cheese", + "lasagna noodles, cooked and drained", + "olive oil", + "cooking spray", + "garlic cloves", + "black pepper", + "fresh parmesan cheese", + "part-skim ricotta cheese" + ] + }, + { + "id": 28920, + "cuisine": "mexican", + "ingredients": [ + "capers", + "cod fillets", + "all-purpose flour", + "corn starch", + "cabbage", + "plain yogurt", + "baking powder", + "dried dillweed", + "corn tortillas", + "eggs", + "lime", + "salt", + "oil", + "dried oregano", + "mayonaise", + "jalapeno chilies", + "beer", + "ground cayenne pepper", + "ground cumin" + ] + }, + { + "id": 6541, + "cuisine": "irish", + "ingredients": [ + "honey", + "baking powder", + "grated lemon zest", + "large egg whites", + "pistachios", + "all-purpose flour", + "fat-free buttermilk", + "large eggs", + "salt", + "turbinado", + "granulated sugar", + "butter", + "dried cranberries" + ] + }, + { + "id": 36848, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "ground black pepper", + "mushrooms", + "orange juice", + "tomato sauce", + "cod fillets", + "diced tomatoes", + "onions", + "fennel seeds", + "dried basil", + "bay leaves", + "garlic", + "green bell pepper", + "sliced black olives", + "dry white wine", + "medium shrimp" + ] + }, + { + "id": 43968, + "cuisine": "british", + "ingredients": [ + "eggs", + "butter", + "croissants", + "apples", + "granulated sugar", + "heavy cream", + "golden raisins", + "vanilla extract" + ] + }, + { + "id": 12300, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic", + "dry sherry", + "honey", + "peanut oil", + "chicken wings", + "ginger" + ] + }, + { + "id": 49105, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "large eggs", + "all-purpose flour", + "evaporated milk", + "whipping cream", + "milk", + "baking powder", + "sweetened condensed milk", + "powdered sugar", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 3211, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "sea salt", + "cayenne pepper", + "dried thyme", + "green onions", + "vegetable broth", + "long grain brown rice", + "olive oil", + "Tabasco Pepper Sauce", + "yellow onion", + "celery", + "green bell pepper", + "ground black pepper", + "diced tomatoes", + "smoked paprika" + ] + }, + { + "id": 38479, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "plum tomatoes", + "ground black pepper", + "salt", + "prosciutto", + "garlic", + "tomato paste", + "lean ground beef", + "onions" + ] + }, + { + "id": 34918, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "zucchini", + "dry sherry", + "heavy whipping cream", + "pepper", + "roasted red peppers", + "ricotta cheese", + "sliced mushrooms", + "dried oregano", + "eggplant", + "shallots", + "salt", + "noodles", + "olive oil", + "grated parmesan cheese", + "garlic", + "onions" + ] + }, + { + "id": 18248, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "whole wheat flour", + "all-purpose flour", + "ground cloves", + "baking powder", + "eggs", + "ground nutmeg", + "white sugar", + "ground ginger", + "molasses", + "vegetable oil" + ] + }, + { + "id": 1892, + "cuisine": "indian", + "ingredients": [ + "saffron threads", + "poppy seeds", + "water", + "ground cardamom", + "grated coconut", + "white rice", + "almonds", + "jaggery" + ] + }, + { + "id": 26726, + "cuisine": "italian", + "ingredients": [ + "milk", + "fresh basil leaves", + "tomatoes", + "grated parmesan cheese", + "water", + "butter", + "salt and ground black pepper", + "polenta" + ] + }, + { + "id": 26320, + "cuisine": "british", + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "grated lemon zest", + "milk", + "salt", + "white sugar", + "active dry yeast", + "all-purpose flour", + "saffron", + "eggs", + "butter", + "hot water" + ] + }, + { + "id": 1198, + "cuisine": "thai", + "ingredients": [ + "Thai red curry paste", + "coconut milk", + "chicken breasts", + "chickpeas", + "basil", + "red bell pepper", + "sweet potatoes", + "beef broth" + ] + }, + { + "id": 41822, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "lime wedges", + "english cucumber", + "ice", + "diced onions", + "tomato juice", + "hot sauce", + "medium shrimp", + "fat free less sodium chicken broth", + "salt", + "fresh lime juice", + "avocado", + "ground black pepper", + "fresh oregano", + "chopped cilantro fresh" + ] + }, + { + "id": 7331, + "cuisine": "french", + "ingredients": [ + "granulated sugar", + "all-purpose flour", + "confectioners sugar", + "light brown sugar", + "baking powder", + "ground allspice", + "large eggs", + "grated nutmeg", + "unsalted butter", + "cinnamon", + "ground coriander" + ] + }, + { + "id": 48061, + "cuisine": "italian", + "ingredients": [ + "white bread", + "crushed tomatoes", + "ricotta cheese", + "pork shoulder", + "eggs", + "prosciutto", + "sweet italian sausage", + "dried oregano", + "kosher salt", + "grated parmesan cheese", + "flat leaf parsley", + "fennel seeds", + "olive oil", + "red pepper flakes", + "fresh basil leaves" + ] + }, + { + "id": 23768, + "cuisine": "italian", + "ingredients": [ + "corn husks", + "dry white wine", + "wild mushrooms", + "chicken stock", + "finely chopped onion", + "chopped fresh thyme", + "arborio rice", + "unsalted butter", + "chives", + "olive oil", + "grated parmesan cheese", + "baby spinach" + ] + }, + { + "id": 18659, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "rigatoni", + "Johnsonville Mild Italian Sausage Links", + "garlic", + "red pepper", + "pasta sauce", + "chopped parsley" + ] + }, + { + "id": 28577, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "chili powder", + "kha", + "dried lentils", + "garlic", + "coconut milk", + "olive oil", + "cayenne pepper", + "green cabbage", + "peanuts", + "kabocha squash" + ] + }, + { + "id": 46279, + "cuisine": "japanese", + "ingredients": [ + "green tea bags", + "salmon", + "mirin", + "shrimp", + "soy sauce", + "green tea", + "rice vinegar", + "wasabi paste", + "sushi rice", + "granulated sugar", + "english cucumber", + "salmon fillets", + "water", + "sea salt", + "green tea leaves" + ] + }, + { + "id": 5042, + "cuisine": "moroccan", + "ingredients": [ + "food colouring", + "olive oil", + "lemon juice", + "ground ginger", + "water", + "roasting chickens", + "cumin", + "pepper", + "salt", + "onions", + "green olives", + "fresh cilantro", + "garlic cloves", + "saffron" + ] + }, + { + "id": 31079, + "cuisine": "french", + "ingredients": [ + "sugar", + "large egg yolks", + "large egg whites", + "vanilla beans", + "salt", + "water", + "whole milk" + ] + }, + { + "id": 24304, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "cilantro", + "flour tortillas", + "sour cream", + "refried beans", + "enchilada sauce", + "avocado", + "green onions", + "monterey jack" + ] + }, + { + "id": 43362, + "cuisine": "italian", + "ingredients": [ + "water", + "pecorino romano cheese", + "fresh basil", + "cooking spray", + "salt", + "tomatoes", + "ground black pepper", + "extra-virgin olive oil", + "fresh marjoram", + "shallots", + "cornmeal" + ] + }, + { + "id": 33885, + "cuisine": "greek", + "ingredients": [ + "grape tomatoes", + "ground black pepper", + "zest", + "flat leaf parsley", + "kosher salt", + "garlic", + "juice", + "large shrimp", + "olive oil", + "sweet pepper", + "feta cheese crumbles", + "dry vermouth", + "mint leaves", + "fresh oregano", + "onions" + ] + }, + { + "id": 21003, + "cuisine": "mexican", + "ingredients": [ + "dried pinto beans", + "ground cumin", + "water", + "chopped onion", + "pepper", + "salt", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 44364, + "cuisine": "moroccan", + "ingredients": [ + "fresh basil", + "zucchini", + "couscous", + "tomato paste", + "kosher salt", + "ground red pepper", + "ground cumin", + "ground cinnamon", + "olive oil", + "chopped onion", + "chicken stock", + "boneless chicken skinless thigh", + "butternut squash", + "grated orange" + ] + }, + { + "id": 47738, + "cuisine": "thai", + "ingredients": [ + "water", + "vegetable oil", + "fresh lime juice", + "sugar pea", + "mint leaves", + "roasted peanuts", + "brown sugar", + "reduced sodium soy sauce", + "sirloin steak", + "red jalapeno peppers", + "kosher salt", + "cooking spray", + "freshly ground pepper" + ] + }, + { + "id": 11663, + "cuisine": "southern_us", + "ingredients": [ + "colby cheese", + "onion powder", + "juice", + "diced pimentos", + "ground black pepper", + "shredded sharp cheddar cheese", + "garlic powder", + "worcestershire sauce", + "shredded Monterey Jack cheese", + "mayonaise", + "half & half", + "salt" + ] + }, + { + "id": 27650, + "cuisine": "chinese", + "ingredients": [ + "honey", + "garlic", + "scallions", + "baby bok choy", + "flour", + "safflower", + "Sriracha", + "salt", + "lemon juice", + "soy sauce", + "ginger", + "firm tofu" + ] + }, + { + "id": 45602, + "cuisine": "mexican", + "ingredients": [ + "light sour cream", + "boneless skinless chicken breasts", + "grated parmesan cheese", + "whole wheat breadcrumbs", + "shredded cheddar cheese", + "cheese", + "Anaheim chile" + ] + }, + { + "id": 15621, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "orange", + "bay leaves", + "garlic cloves", + "white vinegar", + "stock", + "fresh thyme", + "old bay seasoning", + "cooked rice", + "black-eyed peas", + "green onions", + "carrots", + "celery ribs", + "cheddar cheese", + "jalapeno chilies", + "yellow onion" + ] + }, + { + "id": 39609, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "chicken breasts", + "ground coriander", + "minced ginger", + "cilantro", + "minced garlic", + "paprika", + "juice", + "yoghurt", + "salt" + ] + }, + { + "id": 25417, + "cuisine": "greek", + "ingredients": [ + "greek seasoning", + "zucchini", + "fresh lemon juice", + "mashed potatoes", + "lean ground beef", + "onions", + "feta cheese", + "garlic cloves", + "pasta sauce", + "grated lemon zest" + ] + }, + { + "id": 26734, + "cuisine": "southern_us", + "ingredients": [ + "reduced fat sharp cheddar cheese", + "quickcooking grits", + "dried thyme", + "salt", + "water", + "butter", + "garlic powder" + ] + }, + { + "id": 47163, + "cuisine": "mexican", + "ingredients": [ + "lemon pepper seasoning", + "garlic salt", + "green bell pepper", + "beer", + "key lime juice", + "onion powder", + "skirt steak", + "garlic powder", + "onions" + ] + }, + { + "id": 31674, + "cuisine": "mexican", + "ingredients": [ + "water", + "onions", + "top round steak", + "chili powder", + "bell pepper", + "ground cumin", + "tomato sauce", + "garlic" + ] + }, + { + "id": 25488, + "cuisine": "indian", + "ingredients": [ + "yellow squash", + "serrano peppers", + "carrots", + "mango", + "curry powder", + "ground black pepper", + "garlic", + "coriander", + "olive oil", + "ginger", + "coconut milk", + "seitan", + "sweet onion", + "zucchini", + "cardamom", + "cumin" + ] + }, + { + "id": 46049, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "green onions", + "fresh lime juice", + "lime juice", + "extra-virgin olive oil", + "romaine lettuce", + "apple cider vinegar", + "plum tomatoes", + "salt and ground black pepper", + "tequila" + ] + }, + { + "id": 45085, + "cuisine": "mexican", + "ingredients": [ + "canned black beans", + "cayenne pepper", + "white rice", + "ground cumin", + "olive oil", + "onions", + "low sodium low fat vegetable broth", + "garlic" + ] + }, + { + "id": 27498, + "cuisine": "greek", + "ingredients": [ + "honey", + "walnuts", + "whole milk yoghurt", + "phyllo pastry", + "unsalted butter", + "medjool date", + "grated orange peel", + "cardamom seeds" + ] + }, + { + "id": 14771, + "cuisine": "french", + "ingredients": [ + "sugar", + "chili powder", + "milk", + "liver sausage", + "minced garlic", + "worcestershire sauce", + "finely chopped onion", + "cream cheese" + ] + }, + { + "id": 28996, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "grated parmesan cheese", + "summer squash", + "low-fat goat cheese", + "roasted red peppers", + "prepared pasta sauce", + "pitted black olives", + "ground black pepper", + "wheat", + "dried oregano", + "minced garlic", + "zucchini", + "chopped fresh thyme" + ] + }, + { + "id": 26664, + "cuisine": "spanish", + "ingredients": [ + "clams", + "white rice", + "olives", + "chicken", + "fresh peas", + "shrimp", + "saffron", + "chicken broth", + "garlic", + "oregano", + "red pepper", + "onions", + "chorizo sausage" + ] + }, + { + "id": 5991, + "cuisine": "southern_us", + "ingredients": [ + "seasoning", + "pepper", + "sugar", + "chicken broth", + "vegetable oil", + "chopped cooked ham", + "turnip greens" + ] + }, + { + "id": 9730, + "cuisine": "chinese", + "ingredients": [ + "water", + "ginger", + "oyster sauce", + "lettuce", + "water chestnuts", + "cooking wine", + "oysters", + "garlic", + "ground white pepper", + "sugar", + "ground pork", + "salt" + ] + }, + { + "id": 9363, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "asparagus", + "peanut oil", + "boneless skinless chicken breast halves", + "fresh ginger", + "sea salt", + "red bell pepper", + "lime", + "low sodium chicken broth", + "garlic cloves", + "asian fish sauce", + "thai basil", + "yellow onion", + "thai green curry paste" + ] + }, + { + "id": 48995, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "milk", + "sugar", + "butter" + ] + }, + { + "id": 44300, + "cuisine": "southern_us", + "ingredients": [ + "lard", + "self rising flour", + "milk", + "softened butter" + ] + }, + { + "id": 16831, + "cuisine": "chinese", + "ingredients": [ + "crushed red pepper", + "kosher salt", + "scallions", + "seedless cucumber", + "rice vinegar", + "sesame seeds", + "toasted sesame oil" + ] + }, + { + "id": 8847, + "cuisine": "mexican", + "ingredients": [ + "soy sauce", + "apple cider vinegar", + "bay leaf", + "beef round", + "ancho", + "chile negro", + "canned chipotles", + "onions", + "allspice", + "kosher salt", + "vegetable oil", + "adobo sauce", + "cumin", + "chicken broth", + "seeds", + "garlic cloves", + "oregano" + ] + }, + { + "id": 35602, + "cuisine": "thai", + "ingredients": [ + "ketchup", + "Tabasco Pepper Sauce", + "peanut butter", + "canola oil", + "brown sugar", + "minced ginger", + "garlic", + "lemon juice", + "pepper", + "red wine vinegar", + "ground coriander", + "soy sauce", + "sesame oil", + "purple onion", + "hot water" + ] + }, + { + "id": 47069, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "salt", + "ground cumin", + "ground ginger", + "butter", + "onions", + "red lentils", + "potatoes", + "green pepper", + "tomatoes", + "garlic", + "Madras curry powder" + ] + }, + { + "id": 2351, + "cuisine": "filipino", + "ingredients": [ + "salmon", + "ground black pepper", + "dry white wine", + "purple onion", + "water", + "steamed white rice", + "calamansi juice", + "kosher salt", + "radishes", + "vegetable oil", + "garlic cloves", + "fish sauce", + "white miso", + "roma tomatoes", + "mustard greens" + ] + }, + { + "id": 2364, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "salt", + "onions", + "white bread", + "lemon", + "shrimp", + "tomatoes", + "paprika", + "fillets", + "dry white wine", + "squid" + ] + }, + { + "id": 37012, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "chickpeas", + "onions", + "sea salt", + "lemon juice", + "olive oil", + "ground coriander", + "cumin", + "cayenne pepper", + "chopped cilantro" + ] + }, + { + "id": 30169, + "cuisine": "thai", + "ingredients": [ + "serrano chilies", + "fresh cilantro", + "low sodium chicken stock", + "galangal", + "brown sugar", + "thai basil", + "shrimp", + "chopped cilantro fresh", + "fish sauce", + "shiitake", + "garlic cloves", + "peppercorns", + "lime zest", + "lemongrass", + "shallots", + "fresh lime juice", + "canola oil" + ] + }, + { + "id": 37910, + "cuisine": "british", + "ingredients": [ + "water", + "large eggs", + "heavy cream", + "brandy", + "granulated sugar", + "dates", + "butterscotch sauce", + "baking soda", + "half & half", + "vanilla extract", + "light brown sugar", + "unsalted butter", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 36884, + "cuisine": "japanese", + "ingredients": [ + "beet juice", + "water", + "all-purpose flour", + "potato starch", + "salt", + "flour", + "beets" + ] + }, + { + "id": 6216, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "ground black pepper", + "acini di pepe", + "olive oil", + "grated lemon zest", + "unsalted butter" + ] + }, + { + "id": 16975, + "cuisine": "italian", + "ingredients": [ + "Pillsbury™ classic pizza crust", + "pepperoni", + "olive oil", + "salami", + "italian seasoning", + "mozzarella cheese", + "marinara sauce", + "ham", + "parmesan cheese", + "provolone cheese" + ] + }, + { + "id": 41552, + "cuisine": "korean", + "ingredients": [ + "neutral oil", + "bean paste", + "sherry vinegar", + "kochujang" + ] + }, + { + "id": 7258, + "cuisine": "chinese", + "ingredients": [ + "cremini mushrooms", + "udon", + "ginger", + "carrots", + "olive oil", + "sesame oil", + "filet", + "soy sauce", + "broccoli florets", + "garlic", + "brown sugar", + "ground black pepper", + "crushed red pepper flakes", + "oyster sauce" + ] + }, + { + "id": 6587, + "cuisine": "italian", + "ingredients": [ + "white chocolate", + "cooking spray", + "grated lemon zest", + "lemon extract", + "salt", + "baking soda", + "vanilla extract", + "sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 4923, + "cuisine": "french", + "ingredients": [ + "cherry tomatoes", + "lemon slices", + "capers", + "extra-virgin olive oil", + "black sea bass", + "fresh thyme", + "garlic cloves", + "black pepper", + "salt" + ] + }, + { + "id": 23553, + "cuisine": "chinese", + "ingredients": [ + "chili flakes", + "chicken breast halves", + "salt", + "soy sauce", + "ginger", + "corn starch", + "sugar", + "rice wine", + "scallions", + "light soy sauce", + "garlic", + "toasted sesame seeds" + ] + }, + { + "id": 14402, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "olive oil", + "butter", + "mozzarella cheese", + "ground black pepper", + "fresh parsley", + "canned low sodium chicken broth", + "radicchio", + "salt", + "water", + "dry white wine", + "onions" + ] + }, + { + "id": 35871, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "salt", + "stewed tomatoes", + "onions", + "dried salted codfish", + "ackee", + "oil" + ] + }, + { + "id": 2264, + "cuisine": "chinese", + "ingredients": [ + "ginger", + "garlic chili sauce", + "soy sauce", + "rice vinegar", + "boiling water", + "sugar", + "salt", + "ramps", + "sesame oil", + "all-purpose flour", + "canola oil" + ] + }, + { + "id": 44321, + "cuisine": "indian", + "ingredients": [ + "sugar", + "salt", + "plain yogurt", + "ghee", + "warm water", + "all-purpose flour", + "melted butter", + "active dry yeast" + ] + }, + { + "id": 26381, + "cuisine": "indian", + "ingredients": [ + "serrano chilies", + "cumin seed", + "coriander", + "ginger", + "mustard seeds", + "grated coconut", + "lemon juice", + "salt", + "onions" + ] + }, + { + "id": 3618, + "cuisine": "southern_us", + "ingredients": [ + "cooked rice", + "large egg whites", + "all-purpose flour", + "butter-margarine blend", + "baking powder", + "sugar", + "frozen whole kernel corn", + "black pepper", + "salt" + ] + }, + { + "id": 3603, + "cuisine": "british", + "ingredients": [ + "light brown sugar", + "baking powder", + "self rising flour", + "custard", + "black treacle", + "butter", + "large eggs", + "golden syrup" + ] + }, + { + "id": 14216, + "cuisine": "mexican", + "ingredients": [ + "lime", + "serrano peppers", + "vegetable broth", + "carrots", + "roasted tomatoes", + "black beans", + "poblano peppers", + "ancho powder", + "yellow onion", + "ancho chile pepper", + "ground oregano", + "hominy", + "cinnamon", + "avocado oil", + "red bell pepper", + "cumin", + "fresh cilantro", + "radishes", + "paprika", + "garlic cloves", + "arbol chile" + ] + }, + { + "id": 44531, + "cuisine": "thai", + "ingredients": [ + "sweet chili sauce", + "egg whites", + "salt", + "corn starch", + "lime juice", + "baking powder", + "all-purpose flour", + "water", + "boneless skinless chicken breasts", + "cilantro leaves", + "sesame", + "cooking oil", + "garlic", + "oil" + ] + }, + { + "id": 36275, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "carrots", + "turnips", + "garlic", + "potatoes", + "onions", + "chicken legs", + "salt" + ] + }, + { + "id": 43828, + "cuisine": "southern_us", + "ingredients": [ + "gelatin", + "mayonaise", + "chopped pecans", + "crushed pineapple", + "raspberries", + "applesauce" + ] + }, + { + "id": 39243, + "cuisine": "mexican", + "ingredients": [ + "cider vinegar", + "Mexican oregano", + "garlic", + "cooked white rice", + "chicken stock", + "tortillas", + "tomatillos", + "bacon grease", + "russet", + "ground black pepper", + "chile pepper", + "yellow onion", + "ground cumin", + "kosher salt", + "bay leaves", + "cilantro sprigs", + "pork shoulder" + ] + }, + { + "id": 1780, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "fresh chives", + "leeks", + "fresh parsley", + "minced onion", + "sliced mushrooms", + "olive oil", + "salt" + ] + }, + { + "id": 34460, + "cuisine": "filipino", + "ingredients": [ + "sweet chili sauce", + "salt", + "flour", + "panko breadcrumbs", + "pepper", + "oil", + "eggs", + "sweetened coconut flakes", + "large shrimp" + ] + }, + { + "id": 38494, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "spring onions", + "lower sodium chicken broth", + "panko", + "fusilli", + "olive oil", + "dry white wine", + "kosher salt", + "ground black pepper" + ] + }, + { + "id": 17232, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "fresh basil", + "chunky tomato sauce", + "extra-virgin olive oil", + "mozzarella cheese", + "rolls" + ] + }, + { + "id": 20898, + "cuisine": "chinese", + "ingredients": [ + "cider vinegar", + "chinese noodles", + "salt", + "carrots", + "celery", + "dark soy sauce", + "tahini", + "szechwan peppercorns", + "Chinese sesame paste", + "beansprouts", + "hand", + "green onions", + "pressed tofu", + "chinkiang vinegar", + "sugar", + "regular soy sauce", + "balsamic vinegar", + "oil", + "toasted sesame oil" + ] + }, + { + "id": 47425, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chile pepper", + "corn tortillas", + "sliced black olives", + "garlic", + "shredded cheddar cheese", + "tempeh", + "onions", + "jalapeno chilies", + "enchilada sauce" + ] + }, + { + "id": 5201, + "cuisine": "british", + "ingredients": [ + "large eggs", + "salt", + "milk", + "all purpose unbleached flour", + "unsalted butter", + "poppy seeds", + "sugar", + "baking powder" + ] + }, + { + "id": 39769, + "cuisine": "indian", + "ingredients": [ + "semolina flour", + "vegetable oil", + "black mustard seeds", + "kosher salt", + "urad dal", + "onions", + "sugar", + "green peas", + "carrots", + "chile powder", + "water", + "curry", + "greens" + ] + }, + { + "id": 48379, + "cuisine": "french", + "ingredients": [ + "carrots", + "diced onions", + "beef broth", + "navy beans", + "bay leaf" + ] + }, + { + "id": 6551, + "cuisine": "mexican", + "ingredients": [ + "potatoes", + "carrots", + "water", + "salsa", + "onions", + "beef stock cubes", + "ground beef", + "milk", + "dry bread crumbs", + "chopped cilantro fresh" + ] + }, + { + "id": 1268, + "cuisine": "russian", + "ingredients": [ + "milk", + "heavy cream", + "sour cream", + "unsalted butter", + "buckwheat flour", + "active dry yeast", + "salt", + "caviar", + "sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 25841, + "cuisine": "italian", + "ingredients": [ + "red pepper flakes", + "lemon juice", + "olive oil", + "salt", + "dried thyme", + "garlic", + "ground black pepper", + "bone-in chicken breasts" + ] + }, + { + "id": 48607, + "cuisine": "thai", + "ingredients": [ + "white vinegar", + "soy sauce", + "crushed garlic", + "oil", + "fish sauce", + "chili powder", + "soybean sprouts", + "carrots", + "eggs", + "spring onions", + "salt", + "juice", + "sugar", + "rice noodles", + "roasted peanuts", + "chicken" + ] + }, + { + "id": 8562, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "ground red pepper", + "purple onion", + "boneless skinless chicken breast halves", + "avocado", + "garlic powder", + "paprika", + "corn tortillas", + "ground cumin", + "dried thyme", + "bottled low sodium salsa", + "salt", + "dried oregano", + "romaine lettuce", + "cooking spray", + "non-fat sour cream", + "fresh lime juice" + ] + }, + { + "id": 5639, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "large garlic cloves", + "long grain white rice", + "scallion greens", + "unsalted butter", + "medium shrimp", + "tomato sauce", + "salt", + "ground cumin", + "chicken broth", + "bell pepper", + "onions" + ] + }, + { + "id": 21429, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "milk", + "sharp cheddar cheese", + "jack cheese", + "butter", + "onions", + "water", + "bacon", + "spinach", + "hot pepper sauce", + "shrimp" + ] + }, + { + "id": 31192, + "cuisine": "korean", + "ingredients": [ + "eggs", + "soy sauce", + "zucchini", + "salt", + "beansprouts", + "spinach", + "minced garlic", + "red pepper", + "carrots", + "cooked rice", + "black pepper", + "sesame oil", + "shredded nori", + "sugar", + "roasted sesame seeds", + "crushed red pepper flakes", + "ground meat" + ] + }, + { + "id": 8792, + "cuisine": "korean", + "ingredients": [ + "eggs", + "rice cakes", + "dumplings", + "cold water", + "pepper", + "scallions", + "nori", + "low sodium soy sauce", + "beef brisket", + "garlic cloves", + "fish sauce", + "salt", + "toasted sesame oil" + ] + }, + { + "id": 17609, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "jalapeno chilies", + "garlic cloves", + "monterey jack", + "water", + "tortilla chips", + "onions", + "tomato sauce", + "extra-virgin olive oil", + "chopped cilantro", + "large eggs", + "freshly ground pepper", + "dried oregano" + ] + }, + { + "id": 29831, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "extra-virgin olive oil", + "sea salt", + "vegetables", + "Italian bread" + ] + }, + { + "id": 9315, + "cuisine": "chinese", + "ingredients": [ + "zucchini", + "corn starch", + "onions", + "chicken broth", + "vegetable oil", + "mung bean sprouts", + "soy sauce", + "oyster sauce", + "cooked white rice", + "large eggs", + "red bell pepper", + "chicken" + ] + }, + { + "id": 36426, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "bay leaves", + "yellow onion", + "green bell pepper", + "water", + "salt", + "celery", + "minced garlic", + "Tabasco Pepper Sauce", + "ham hock", + "small red beans", + "brown rice", + "creole seasoning" + ] + }, + { + "id": 31684, + "cuisine": "irish", + "ingredients": [ + "cracked black pepper", + "smoked paprika", + "Guinness Beer", + "salt", + "white onion", + "crushed red pepper", + "pork butt", + "garlic powder", + "loin" + ] + }, + { + "id": 1241, + "cuisine": "italian", + "ingredients": [ + "pesto", + "tortellini", + "dried oregano", + "cherry tomatoes", + "garlic", + "fresh basil", + "parmesan cheese", + "salt", + "black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 38255, + "cuisine": "korean", + "ingredients": [ + "sugar", + "garlic", + "red bell pepper", + "noodles", + "kosher salt", + "carrots", + "onions", + "soy sauce", + "scallions", + "toasted sesame oil", + "canola oil", + "filet mignon", + "button mushrooms", + "ground white pepper", + "toasted sesame seeds" + ] + }, + { + "id": 8925, + "cuisine": "chinese", + "ingredients": [ + "large eggs", + "vegetable stock", + "garlic cloves", + "mixed mushrooms", + "yellow onion", + "gluten-free tamari", + "sambal olek", + "rice vinegar", + "corn starch", + "fresh ginger", + "vegetable oil", + "scallions" + ] + }, + { + "id": 26190, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "oil", + "garlic", + "onions", + "chicken breasts", + "chipotles in adobo", + "tomatoes", + "salt" + ] + }, + { + "id": 49468, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "ground red pepper", + "red bell pepper", + "fresh basil", + "salt", + "fresh rosemary", + "balsamic vinegar", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 10435, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "chopped cilantro fresh", + "ground cinnamon", + "carrots", + "ground ginger", + "vinegar", + "honey", + "fresh parsley" + ] + }, + { + "id": 13273, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "diced tomatoes", + "white onion", + "vegetable oil", + "chopped cilantro fresh", + "vermicelli", + "garlic", + "water", + "knorr reduc sodium chicken flavor bouillon" + ] + }, + { + "id": 44580, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "vegetable oil", + "chopped cilantro fresh", + "white vinegar", + "ground pepper", + "tomatillos", + "water", + "coarse salt", + "sugar", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 2566, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "garlic", + "all-purpose flour", + "corn flour", + "sugar", + "capsicum", + "crushed red pepper", + "tomato ketchup", + "spring onions", + "paneer", + "hot sauce", + "onions", + "soy sauce", + "ginger", + "salt", + "oil" + ] + }, + { + "id": 31049, + "cuisine": "italian", + "ingredients": [ + "shallots", + "soppressata", + "baby greens", + "fresh tarragon", + "parmesan cheese", + "grapefruit juice", + "walnut oil", + "red grapefruit", + "white wine vinegar" + ] + }, + { + "id": 28303, + "cuisine": "french", + "ingredients": [ + "ground ginger", + "butter", + "cognac", + "onions", + "beurre manié", + "ducklings", + "muscadet", + "ground cloves", + "raisins", + "freshly ground pepper", + "potatoes", + "salt", + "carrots" + ] + }, + { + "id": 7358, + "cuisine": "italian", + "ingredients": [ + "pesto", + "chees fresh mozzarella", + "roasted red peppers", + "white sandwich bread", + "unsalted butter", + "arugula", + "meat" + ] + }, + { + "id": 7943, + "cuisine": "jamaican", + "ingredients": [ + "eggs", + "lime juice", + "unsalted butter", + "vanilla extract", + "white sugar", + "toasted pecans", + "baking soda", + "baking powder", + "all-purpose flour", + "lime zest", + "topping", + "bananas", + "flaked coconut", + "cream cheese", + "brown sugar", + "milk", + "dark rum", + "salt" + ] + }, + { + "id": 5833, + "cuisine": "french", + "ingredients": [ + "saffron threads", + "pernod", + "tomato juice", + "littleneck clams", + "celery", + "lobster tails", + "fennel seeds", + "dried thyme", + "leeks", + "garlic cloves", + "plum tomatoes", + "mussels", + "bottled clam juice", + "ground black pepper", + "grouper", + "onions", + "dried tarragon leaves", + "olive oil", + "dry white wine", + "flat leaf parsley", + "large shrimp" + ] + }, + { + "id": 31966, + "cuisine": "vietnamese", + "ingredients": [ + "chicken wings", + "minced garlic", + "cilantro leaves", + "brown sugar", + "lemongrass", + "chillies", + "fish sauce", + "lime juice", + "oil", + "soy sauce", + "vegetable oil" + ] + }, + { + "id": 30756, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "vanilla", + "cinnamon", + "hot water", + "french bread", + "peach juice", + "peaches", + "butter", + "sweetened condensed milk" + ] + }, + { + "id": 42516, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "urad dal", + "onions", + "tumeric", + "broccoli florets", + "oil", + "water", + "channa dal", + "bay leaf", + "red chili powder", + "potatoes", + "salt", + "cumin" + ] + }, + { + "id": 23607, + "cuisine": "italian", + "ingredients": [ + "red chili peppers", + "baby arugula", + "Stonefire Italian Artisan Pizza Crust", + "buffalo mozarella", + "olive oil", + "garlic cloves", + "prosciutto", + "fresh mint" + ] + }, + { + "id": 46973, + "cuisine": "moroccan", + "ingredients": [ + "lower sodium chicken broth", + "olive oil", + "ground red pepper", + "chopped onion", + "ground cumin", + "tomato paste", + "water", + "cooking spray", + "green peas", + "pimento stuffed green olives", + "ground cinnamon", + "honey", + "sweet potatoes", + "lamb shoulder", + "ground turmeric", + "kosher salt", + "large eggs", + "raisins", + "garlic cloves" + ] + }, + { + "id": 30567, + "cuisine": "thai", + "ingredients": [ + "peanuts", + "red pepper flakes", + "fresh mint", + "fresh basil", + "vegetable oil", + "carrots", + "scallion greens", + "rice noodles", + "english cucumber", + "asian dressing", + "boneless, skinless chicken breast", + "coarse salt", + "beansprouts" + ] + }, + { + "id": 11782, + "cuisine": "brazilian", + "ingredients": [ + "water", + "cold water", + "sweetened condensed milk", + "lime", + "sugar", + "ice" + ] + }, + { + "id": 3408, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "ground nutmeg", + "asiago", + "eggs", + "garlic powder", + "marinara sauce", + "melted butter", + "water", + "finely chopped onion", + "all-purpose flour", + "ground chicken", + "ground black pepper", + "salt" + ] + }, + { + "id": 8382, + "cuisine": "thai", + "ingredients": [ + "pepper", + "basil leaves", + "extra-virgin olive oil", + "fish sauce", + "lemongrass", + "cilantro", + "salt", + "low sodium vegetable broth", + "rice noodles", + "light coconut milk", + "brown sugar", + "serrano peppers", + "Thai red curry paste", + "shrimp" + ] + }, + { + "id": 15911, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "mustard greens", + "vegetable oil", + "turnip greens", + "balsamic vinegar", + "dijon mustard", + "chopped pecans" + ] + }, + { + "id": 20452, + "cuisine": "italian", + "ingredients": [ + "ripe olives", + "artichok heart marin", + "iceberg lettuce", + "romaine lettuce", + "italian salad dressing", + "fresh mushrooms" + ] + }, + { + "id": 7476, + "cuisine": "southern_us", + "ingredients": [ + "parmesan cheese", + "salt", + "water", + "grits", + "butter" + ] + }, + { + "id": 18056, + "cuisine": "moroccan", + "ingredients": [ + "cinnamon", + "salt", + "cumin", + "sugar", + "ginger", + "garlic cloves", + "tumeric", + "paprika", + "cayenne pepper", + "boneless skinless chicken breasts", + "extra-virgin olive oil", + "coriander" + ] + }, + { + "id": 44942, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "large eggs", + "vanilla extract", + "grated lemon peel", + "unsalted butter", + "dark rum", + "all-purpose flour", + "large egg yolks", + "whole milk", + "salt", + "strawberry compote", + "dry yeast", + "whipping cream", + "cream cheese" + ] + }, + { + "id": 47036, + "cuisine": "british", + "ingredients": [ + "cold water", + "unsalted butter", + "salt", + "eggs", + "vegetable shortening", + "tart filling", + "ice water", + "all-purpose flour", + "sugar", + "heavy cream" + ] + }, + { + "id": 45272, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "tomatillos", + "lemon juice", + "serrano peppers", + "purple onion", + "chicken thighs", + "jalapeno chilies", + "garlic", + "onions", + "cider vinegar", + "cilantro", + "corn tortillas" + ] + }, + { + "id": 29375, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chicken breasts", + "raw cashews", + "pepper flakes", + "water", + "arrowroot powder", + "tomato ketchup", + "pepper", + "brown rice", + "rice vinegar", + "sugar", + "olive oil", + "ginger", + "snow peas" + ] + }, + { + "id": 46894, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "cinnamon", + "dried chile", + "water", + "garlic", + "soy sauce", + "star anise", + "peanuts", + "salt" + ] + }, + { + "id": 42588, + "cuisine": "mexican", + "ingredients": [ + "cayenne", + "peanut oil", + "kosher salt", + "red wine vinegar", + "dried oregano", + "green cabbage", + "queso fresco", + "carrots", + "olive oil", + "salt", + "masa harina" + ] + }, + { + "id": 1861, + "cuisine": "french", + "ingredients": [ + "sliced leeks", + "russet potatoes", + "low salt chicken broth", + "asparagus", + "whipping cream", + "butter", + "chopped fresh mint" + ] + }, + { + "id": 32688, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "bread crumbs", + "boneless skinless chicken breasts", + "pepperoni", + "large eggs", + "all-purpose flour", + "mozzarella cheese", + "vegetable oil" + ] + }, + { + "id": 13504, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "egg whites", + "salt", + "rice flour", + "vinegar", + "garlic", + "oil", + "black pepper", + "flour", + "serrano", + "toasted sesame seeds", + "water", + "sesame oil", + "scallions", + "cherrystone clams" + ] + }, + { + "id": 12470, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "cooking spray", + "garlic cloves", + "pitas", + "salt", + "dried oregano", + "black pepper", + "romaine lettuce leaves", + "feta cheese crumbles", + "fat free yogurt", + "flank steak", + "fresh lemon juice" + ] + }, + { + "id": 41971, + "cuisine": "brazilian", + "ingredients": [ + "milk", + "sweetened condensed milk", + "unsalted butter", + "vanilla extract", + "large egg yolks", + "chocolate milk mix" + ] + }, + { + "id": 14988, + "cuisine": "italian", + "ingredients": [ + "table salt", + "water", + "garlic cloves", + "semolina flour", + "olive oil", + "sun-dried tomatoes in oil", + "hot red pepper flakes", + "active dry yeast", + "red bell pepper", + "sugar", + "coarse salt" + ] + }, + { + "id": 47576, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "stewed tomatoes", + "celery", + "jalapeno chilies", + "salt", + "boneless skinless chicken breast halves", + "pepper", + "garlic", + "onions", + "mushrooms", + "creole style seasoning" + ] + }, + { + "id": 43125, + "cuisine": "vietnamese", + "ingredients": [ + "mint leaves", + "garlic", + "tuong", + "rice noodles", + "scallions", + "fresh ginger", + "tatsoi", + "bok choy", + "chicken stock", + "chicken breasts", + "cilantro leaves" + ] + }, + { + "id": 18856, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "pepper", + "green onions", + "sugar", + "mirin", + "salt", + "sake", + "panko", + "ginger", + "soy sauce", + "soft tofu", + "onions" + ] + }, + { + "id": 27129, + "cuisine": "french", + "ingredients": [ + "black pepper", + "vegetable shortening", + "all-purpose flour", + "large eggs", + "salt", + "onions", + "unsalted butter", + "bacon slices", + "grated nutmeg", + "ice water", + "crème fraîche" + ] + }, + { + "id": 23526, + "cuisine": "french", + "ingredients": [ + "vegetable oil cooking spray", + "dry sherry", + "chicken breast halves", + "fresh mushrooms", + "reduced sodium chicken flavor stuffing mix", + "reduced fat swiss cheese", + "reduced fat reduced sodium cream of mushroom soup", + "butter", + "ham" + ] + }, + { + "id": 32507, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "sugar", + "lasagna noodles", + "garlic cloves", + "eggs", + "dried basil", + "ricotta cheese", + "onions", + "parsley flakes", + "water", + "grated parmesan cheese", + "cooked italian meatballs", + "tomato sauce", + "part-skim mozzarella cheese", + "diced tomatoes", + "garlic salt" + ] + }, + { + "id": 26542, + "cuisine": "indian", + "ingredients": [ + "chiles", + "bay leaves", + "cumin seed", + "coriander seeds", + "grated nutmeg", + "mace", + "cinnamon", + "black peppercorns", + "whole cloves", + "green cardamom" + ] + }, + { + "id": 24583, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "baking soda", + "salt", + "milk", + "butter", + "sweet potatoes", + "all-purpose flour" + ] + }, + { + "id": 34011, + "cuisine": "french", + "ingredients": [ + "roquefort cheese", + "cooked bacon", + "butter", + "pastry shell", + "scallions", + "eggs", + "heavy cream" + ] + }, + { + "id": 16226, + "cuisine": "indian", + "ingredients": [ + "sugar", + "cardamom seeds", + "mustard seeds", + "plum tomatoes", + "fresh ginger", + "cumin seed", + "onions", + "curry powder", + "salt", + "salad oil", + "lemon", + "lemon juice", + "chopped cilantro fresh" + ] + }, + { + "id": 29116, + "cuisine": "southern_us", + "ingredients": [ + "red potato", + "boneless chuck roast", + "large eggs", + "sour cream", + "steak seasoning", + "water", + "vegetables", + "salt", + "cream of mushroom soup", + "dried basil", + "beef", + "carrots", + "onions", + "pepper", + "garlic powder", + "vegetable oil", + "self-rising cornmeal" + ] + }, + { + "id": 12180, + "cuisine": "southern_us", + "ingredients": [ + "rub seasoning", + "olive oil", + "apple cider vinegar", + "shredded mozzarella cheese", + "cabbage", + "water", + "unsalted butter", + "sea salt", + "gluten free barbecue sauce", + "milk", + "agave nectar", + "salt", + "pork butt", + "mayonaise", + "ground pepper", + "slaw mix", + "cornmeal" + ] + }, + { + "id": 19038, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "pepper", + "potatoes", + "parsley", + "salt", + "onions", + "tomato paste", + "unsalted butter", + "bay leaves", + "garlic", + "carrots", + "celery root", + "rosemary sprigs", + "beef", + "shallots", + "bouquet garni", + "thyme", + "clove", + "olive oil", + "flour", + "red wine", + "cardamom pods", + "peppercorns" + ] + }, + { + "id": 12072, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger root", + "vegetable oil", + "chopped cilantro", + "whole wheat spaghetti", + "rice vinegar", + "cooked chicken", + "salt", + "sliced green onions", + "soy sauce", + "sesame oil", + "chili garlic paste" + ] + }, + { + "id": 28633, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "dried apricot", + "garlic", + "fresh parsley", + "sliced almonds", + "beef stock", + "ras el hanout", + "marsala wine", + "harissa paste", + "lamb shoulder", + "red lentils", + "honey", + "vegetable oil", + "purple onion" + ] + }, + { + "id": 47038, + "cuisine": "chinese", + "ingredients": [ + "cooked rice", + "peanut oil", + "water chestnuts", + "onions", + "soy sauce", + "shrimp", + "eggs", + "frozen broccoli", + "frozen peas" + ] + }, + { + "id": 18226, + "cuisine": "spanish", + "ingredients": [ + "fresh marjoram", + "purple onion", + "country bread", + "cold water", + "sherry wine vinegar", + "garlic cloves", + "red bell pepper", + "tomatoes", + "extra-virgin olive oil", + "smoked paprika", + "ground cumin", + "green onions", + "cayenne pepper", + "cucumber" + ] + }, + { + "id": 34591, + "cuisine": "greek", + "ingredients": [ + "lemon", + "large eggs", + "long-grain rice", + "low sodium chicken broth", + "fresh lemon juice", + "chicken breast halves" + ] + }, + { + "id": 1458, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "coriander", + "eggs", + "chili powder", + "mustard seeds", + "garlic paste", + "florets", + "onions", + "curry leaves", + "leaves", + "oil", + "ground turmeric" + ] + }, + { + "id": 22720, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "chicken stock", + "rice", + "salt", + "pepper", + "chicken" + ] + }, + { + "id": 21280, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "ice water", + "freshly ground pepper", + "vidalia onion", + "fresh thyme leaves", + "salt", + "eggs", + "dry white wine", + "bacon", + "cream", + "butter", + "all-purpose flour" + ] + }, + { + "id": 46328, + "cuisine": "indian", + "ingredients": [ + "unsweetened coconut milk", + "brown mustard seeds", + "fresh lemon juice", + "water", + "salt", + "ground turmeric", + "hot red pepper flakes", + "vegetable oil", + "chopped cilantro", + "masoor dal", + "cumin seed" + ] + }, + { + "id": 9253, + "cuisine": "southern_us", + "ingredients": [ + "dark corn syrup", + "all-purpose flour", + "sugar", + "salt", + "pecan halves", + "vanilla extract", + "eggs", + "pastry shell" + ] + }, + { + "id": 7016, + "cuisine": "southern_us", + "ingredients": [ + "quail", + "cajun seasoning", + "ground red pepper", + "all-purpose flour", + "ground black pepper", + "salt", + "water", + "vegetable oil" + ] + }, + { + "id": 36038, + "cuisine": "mexican", + "ingredients": [ + "poblano peppers", + "garlic", + "lard", + "olive oil", + "tomatillos", + "bone-in pork chops", + "onions", + "ground black pepper", + "epazote", + "green pumpkin seeds", + "chicken broth", + "jalapeno chilies", + "salt", + "chopped cilantro" + ] + }, + { + "id": 9466, + "cuisine": "moroccan", + "ingredients": [ + "sesame seeds", + "spices", + "ground cumin", + "ground ginger", + "ground black pepper", + "ground cardamom", + "fennel seeds", + "ground nutmeg", + "ground allspice", + "ground cloves", + "chicken breasts", + "coriander" + ] + }, + { + "id": 18821, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "sprouts", + "boneless skinless chicken breasts", + "black olives", + "celery ribs", + "red wine vinegar", + "purple onion", + "ground black pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 19369, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "chopped green bell pepper", + "white fleshed fish", + "onions", + "water", + "shells", + "flat leaf parsley", + "plantains", + "manioc flour", + "yellow bell pepper", + "garlic cloves", + "chopped cilantro fresh", + "fresh cilantro", + "salt", + "fresh lime juice" + ] + }, + { + "id": 6789, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "evaporated milk", + "flour", + "tangzhong roux", + "bread flour", + "water", + "instant yeast", + "butter", + "salt", + "milk", + "powdered milk", + "raw sugar", + "condensed milk", + "caster sugar", + "unsalted butter", + "egg yolks", + "cake flour" + ] + }, + { + "id": 34913, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "green onions", + "non-fat sour cream", + "reduced fat monterey jack cheese", + "minced garlic", + "chili powder", + "ground cumin", + "reduced fat cheddar cheese", + "chicken breast halves", + "corn tortillas", + "vegetable oil cooking spray", + "water", + "vegetable oil" + ] + }, + { + "id": 32648, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "garlic cloves", + "plum tomatoes", + "dry white wine", + "onions", + "olive oil", + "fresh lemon juice", + "chicken broth", + "turkey tenderloins", + "grated lemon peel" + ] + }, + { + "id": 38215, + "cuisine": "french", + "ingredients": [ + "bread crumbs", + "heavy cream", + "fennel bulb", + "salt", + "unsalted butter", + "extra-virgin olive oil", + "chicken stock", + "yukon gold potatoes", + "freshly ground pepper" + ] + }, + { + "id": 20943, + "cuisine": "japanese", + "ingredients": [ + "frozen edamame beans", + "chili oil", + "tamari soy sauce", + "frozen peas", + "mirin", + "ginger", + "cilantro leaves", + "asparagus", + "sunflower oil", + "seasoned rice wine vinegar", + "udon", + "cornflour", + "firm tofu" + ] + }, + { + "id": 37507, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "grated parmesan cheese", + "shredded mozzarella cheese", + "fresh basil", + "olive oil", + "boneless skinless chicken breasts", + "dried oregano", + "pasta", + "water", + "low sodium chicken broth", + "garlic cloves", + "black pepper", + "whole peeled tomatoes", + "crushed red pepper flakes" + ] + }, + { + "id": 33275, + "cuisine": "moroccan", + "ingredients": [ + "water", + "vegetable oil", + "yellow onion", + "large eggs", + "gruyere cheese", + "chicken thighs", + "ground black pepper", + "ricotta cheese", + "phyllo pastry", + "saffron threads", + "egg yolks", + "salt" + ] + }, + { + "id": 21951, + "cuisine": "thai", + "ingredients": [ + "peeled fresh ginger", + "cilantro leaves", + "fresh lime juice", + "fat free less sodium chicken broth", + "shallots", + "bird chile", + "medium shrimp", + "kaffir lime leaves", + "cilantro stems", + "Thai fish sauce", + "galangal", + "lemongrass", + "vegetable oil", + "arbol chile" + ] + }, + { + "id": 28712, + "cuisine": "mexican", + "ingredients": [ + "hot pepper sauce", + "ground chuck", + "chile pepper", + "English muffins", + "monterey jack", + "avocado", + "dijon mustard" + ] + }, + { + "id": 25867, + "cuisine": "thai", + "ingredients": [ + "basil leaves", + "grated lemon zest", + "lime zest", + "vegetable oil", + "skirt steak", + "sambal ulek", + "cilantro leaves", + "asian fish sauce", + "flank steak", + "garlic cloves" + ] + }, + { + "id": 8532, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "green onions", + "water", + "sour cream", + "shredded cheddar cheese", + "salsa", + "tomatoes", + "wide egg noodles", + "ground beef" + ] + }, + { + "id": 22584, + "cuisine": "indian", + "ingredients": [ + "sugar", + "butter", + "salt", + "cashew nuts", + "tomatoes", + "garam masala", + "ginger", + "cumin seed", + "sesame seeds", + "heavy cream", + "green chilies", + "asafetida", + "tumeric", + "coriander powder", + "paneer", + "chopped cilantro" + ] + }, + { + "id": 48531, + "cuisine": "southern_us", + "ingredients": [ + "bone-in chicken breast halves", + "salt", + "butter", + "cream of mushroom soup", + "pepper", + "all-purpose flour", + "buttermilk", + "fresh parsley" + ] + }, + { + "id": 17266, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "light brown sugar", + "salt", + "chicken breasts" + ] + }, + { + "id": 857, + "cuisine": "italian", + "ingredients": [ + "slivered almonds", + "diced tomatoes", + "olive oil", + "fat free less sodium chicken broth", + "red bell pepper", + "white bread", + "sherry vinegar" + ] + }, + { + "id": 13166, + "cuisine": "italian", + "ingredients": [ + "baking powder", + "vanilla extract", + "white sugar", + "water", + "butter", + "grated lemon zest", + "eggs", + "ricotta cheese", + "all-purpose flour", + "milk", + "white rice", + "lemon juice" + ] + }, + { + "id": 13055, + "cuisine": "chinese", + "ingredients": [ + "steamed rice", + "rice wine", + "bone in chicken thighs", + "soy sauce", + "fresh ginger", + "chinese five-spice powder", + "firmly packed brown sugar", + "honey", + "sesame oil", + "water", + "green onions", + "bok choy" + ] + }, + { + "id": 29720, + "cuisine": "southern_us", + "ingredients": [ + "bread crumbs", + "worcestershire sauce", + "ground chuck", + "large eggs", + "onions", + "pepper", + "salt", + "ketchup", + "gravy" + ] + }, + { + "id": 14799, + "cuisine": "french", + "ingredients": [ + "honey", + "all-purpose flour", + "sourdough starter", + "salt", + "gluten", + "bread flour", + "water", + "malt powder" + ] + }, + { + "id": 22804, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "ground black pepper", + "chopped celery", + "chopped onion", + "chopped tomatoes", + "vegetable oil", + "all-purpose flour", + "fresh parsley", + "dried thyme", + "bay leaves", + "salt", + "okra", + "cooked ham", + "black-eyed peas", + "garlic", + "cayenne pepper" + ] + }, + { + "id": 11582, + "cuisine": "french", + "ingredients": [ + "zucchini", + "thyme", + "olive oil", + "garlic cloves", + "plum tomatoes", + "large eggs", + "long grain white rice", + "parmigiano reggiano cheese", + "onions" + ] + }, + { + "id": 12826, + "cuisine": "mexican", + "ingredients": [ + "pumpkin seeds", + "baby greens", + "dressing", + "queso fresco" + ] + }, + { + "id": 17844, + "cuisine": "mexican", + "ingredients": [ + "rump roast", + "crushed garlic", + "salt and ground black pepper", + "white wine", + "chopped cilantro fresh", + "tomato sauce", + "green onions" + ] + }, + { + "id": 43210, + "cuisine": "italian", + "ingredients": [ + "pecorino romano cheese", + "salt", + "cracked black pepper", + "parmigiano reggiano cheese", + "spaghetti" + ] + }, + { + "id": 35336, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "oregano", + "black pepper", + "onion powder", + "chili powder", + "cumin", + "kosher salt", + "cayenne pepper" + ] + }, + { + "id": 5726, + "cuisine": "jamaican", + "ingredients": [ + "water", + "salt", + "black pepper", + "vegetable oil", + "onions", + "sugar", + "oxtails", + "thyme", + "pepper", + "garlic", + "butter beans" + ] + }, + { + "id": 12407, + "cuisine": "chinese", + "ingredients": [ + "chopped ham", + "rice", + "soy sauce", + "carrots", + "eggs", + "oil", + "peas", + "sliced green onions" + ] + }, + { + "id": 13473, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "sea salt", + "sugar", + "large eggs", + "corn starch", + "unsalted butter", + "vanilla extract", + "vanilla beans", + "half & half" + ] + }, + { + "id": 13391, + "cuisine": "chinese", + "ingredients": [ + "gluten-free hoisin sauce", + "gluten free soy sauce", + "garlic powder", + "honey", + "beef roast", + "ketchup", + "chinese five-spice powder" + ] + }, + { + "id": 3611, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "ground black pepper", + "low sodium chicken broth", + "onions", + "olive oil", + "grated parmesan cheese", + "garlic cloves", + "white wine", + "unsalted butter", + "basil leaves", + "large shrimp", + "corn kernels", + "roasted red peppers", + "sea salt" + ] + }, + { + "id": 32681, + "cuisine": "thai", + "ingredients": [ + "molasses", + "curry powder", + "pumpkin", + "chili sauce", + "coconut milk", + "coconut oil", + "pepper", + "lime", + "Thai red curry paste", + "roasted peanuts", + "jasmine rice", + "fresh cilantro", + "boneless skinless chicken breasts", + "creamy peanut butter", + "naan", + "soy sauce", + "water", + "fresh ginger", + "salt", + "pomegranate" + ] + }, + { + "id": 4840, + "cuisine": "indian", + "ingredients": [ + "grated coconut", + "olive oil", + "cabbage", + "curry leaves", + "lime juice", + "carrots", + "sugar", + "ground peanut", + "chillies", + "kosher salt", + "black mustard seeds" + ] + }, + { + "id": 28536, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "sweet potatoes", + "garlic", + "fillets", + "plum tomatoes", + "plain flour", + "lime juice", + "butter", + "oil", + "onions", + "water", + "spring onions", + "salt", + "chillies", + "ground cinnamon", + "fresh thyme", + "ginger", + "carrots", + "browning" + ] + }, + { + "id": 28865, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "lard", + "kosher salt", + "all purpose unbleached flour", + "cream of tartar", + "baking powder", + "baking soda", + "buttermilk" + ] + }, + { + "id": 26702, + "cuisine": "british", + "ingredients": [ + "potatoes", + "salt", + "shortening", + "baking powder", + "flour", + "cold water", + "haddock fillets" + ] + }, + { + "id": 9286, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "black pepper", + "maida flour", + "salt", + "corn starch", + "sugar", + "vinegar", + "red food coloring", + "green chilies", + "chopped cilantro", + "soy sauce", + "yoghurt", + "garlic", + "oil", + "chicken", + "red chili powder", + "garam masala", + "ginger", + "hot chili sauce", + "mustard seeds" + ] + }, + { + "id": 11718, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "seeds", + "unsalted dry roast peanuts", + "fresh lime juice", + "coconut", + "red pepper", + "cilantro leaves", + "fish sauce", + "green mango", + "garlic", + "fresh mint", + "red chili peppers", + "vegetable oil", + "salt", + "toasted sesame seeds" + ] + }, + { + "id": 29043, + "cuisine": "french", + "ingredients": [ + "water", + "butter", + "flat leaf parsley", + "dijon mustard", + "pork loin rib chops", + "olive oil", + "cornichons", + "shallots", + "garlic cloves" + ] + }, + { + "id": 12331, + "cuisine": "mexican", + "ingredients": [ + "beef", + "pico de gallo", + "rice", + "tortillas" + ] + }, + { + "id": 22483, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "lime", + "kidney beans", + "yellow bell pepper", + "beer", + "chipotles in adobo", + "tomatoes", + "sweet onion", + "orange bell pepper", + "vegetable stock", + "cilantro leaves", + "sour cream", + "ground cumin", + "avocado", + "fresh cilantro", + "olive oil", + "chili powder", + "salt", + "red bell pepper", + "shredded Monterey Jack cheese", + "black beans", + "yellow squash", + "zucchini", + "garlic", + "pinto beans", + "dried oregano" + ] + }, + { + "id": 12383, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "lemon juice", + "purple onion", + "serrano chile", + "kosher salt", + "chopped cilantro", + "grated lemon zest" + ] + }, + { + "id": 47634, + "cuisine": "italian", + "ingredients": [ + "pasta", + "sun-dried tomatoes", + "fresh parsley", + "dried basil", + "grated parmesan cheese", + "minced garlic", + "sliced black olives", + "boneless skinless chicken breast halves", + "olive oil", + "green onions" + ] + }, + { + "id": 42659, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "vegetable oil", + "fermented black beans", + "light soy sauce", + "chinese five-spice powder", + "chili pepper", + "roasted peanuts", + "roasted sesame seeds", + "garlic cloves" + ] + }, + { + "id": 18669, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "cracked black pepper", + "juice", + "celery ribs", + "sea salt", + "extra-virgin olive oil", + "onions", + "pancetta", + "italian plum tomatoes", + "dry red wine", + "carrots", + "fresh rosemary", + "rabbit", + "chopped fresh sage" + ] + }, + { + "id": 11391, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "garlic", + "olive oil", + "red pepper", + "fresh basil leaves", + "artichok heart marin", + "chopped walnuts", + "smoked turkey", + "refrigerated pizza dough", + "shredded mozzarella cheese" + ] + }, + { + "id": 25928, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "large eggs", + "onions", + "shredded cheddar cheese", + "ham", + "green bell pepper", + "vegetable oil" + ] + }, + { + "id": 41650, + "cuisine": "irish", + "ingredients": [ + "melted butter", + "whole wheat flour", + "all-purpose flour", + "molasses", + "golden raisins", + "eggs", + "baking soda", + "cream of tartar", + "wheat bran", + "buttermilk" + ] + }, + { + "id": 1584, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "butter", + "sugar", + "roasted peanuts" + ] + }, + { + "id": 32962, + "cuisine": "southern_us", + "ingredients": [ + "cajun seasoning", + "shrimp", + "canola oil", + "water", + "salt", + "grits", + "shredded cheddar cheese", + "garlic", + "red bell pepper", + "jalapeno chilies", + "yellow onion", + "plum tomatoes" + ] + }, + { + "id": 11539, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "shredded monterey jack cheese", + "refried beans", + "vegetable oil", + "oil", + "water", + "cooked chicken", + "garlic", + "flour tortillas", + "knorr reduc sodium chicken flavor bouillon", + "onions" + ] + }, + { + "id": 34813, + "cuisine": "indian", + "ingredients": [ + "cremini mushrooms", + "vegetable oil", + "chopped garlic", + "water", + "ginger", + "ground cumin", + "curry powder", + "boneless rib eye steaks", + "tomato paste", + "cayenne", + "chopped cilantro" + ] + }, + { + "id": 17379, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "ground black pepper", + "fresh tarragon", + "arborio rice", + "water", + "cooking spray", + "garlic cloves", + "Madeira", + "olive oil", + "butternut squash", + "monterey jack", + "pancetta", + "pinenuts", + "finely chopped onion", + "salt" + ] + }, + { + "id": 21858, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "olive oil", + "egg whites", + "crushed red pepper", + "fennel seeds", + "fronds", + "fennel", + "vegetable broth", + "ground cloves", + "artichoke hearts", + "egg yolks", + "garlic cloves", + "italian tomatoes", + "gyoza", + "large garlic cloves", + "dried oregano" + ] + }, + { + "id": 33777, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "peanut oil", + "ginger root", + "boneless skinless chicken breasts", + "garlic cloves", + "peanuts", + "scallions", + "cooked white rice", + "red chili peppers", + "szechwan peppercorns", + "corn starch" + ] + }, + { + "id": 23989, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "instant espresso powder", + "vanilla extract", + "sugar", + "mascarpone", + "Amaretti Cookies", + "unflavored gelatin", + "large egg yolks", + "whipping cream", + "cold water", + "vegetable oil spray", + "whole milk", + "hot water" + ] + }, + { + "id": 39530, + "cuisine": "thai", + "ingredients": [ + "water", + "crushed red pepper", + "bok choy", + "ground cumin", + "lemon grass", + "ground coriander", + "boneless skinless chicken breast halves", + "fresh ginger root", + "peanut oil", + "onions", + "fish sauce", + "garlic", + "coconut milk", + "chopped cilantro fresh" + ] + }, + { + "id": 21717, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "milk", + "fusilli", + "carrots", + "pecorino cheese", + "baked ham", + "salt", + "onions", + "tomato paste", + "ground black pepper", + "extra-virgin olive oil", + "ground beef", + "pancetta", + "water", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 28424, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "chiles", + "chopped cilantro fresh", + "fine sea salt", + "white onion", + "chopped garlic" + ] + }, + { + "id": 20581, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "hot chili oil", + "garlic", + "fresh ginger", + "sesame oil", + "rice vinegar", + "olive oil", + "green onions", + "cilantro leaves", + "brown sugar", + "regular soy sauce", + "sirloin steak", + "noodles" + ] + }, + { + "id": 38511, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "chili", + "garlic", + "sugar", + "spring onions", + "fish sauce", + "yellow bean sauce", + "minced pork", + "soy sauce", + "ginger" + ] + }, + { + "id": 6926, + "cuisine": "russian", + "ingredients": [ + "minced garlic", + "salt", + "pepper flakes", + "spices", + "ground lamb", + "finely chopped fresh parsley", + "white sandwich bread", + "plain yogurt", + "purple onion" + ] + }, + { + "id": 7405, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "flour", + "vegetable stock", + "cayenne pepper", + "chopped cilantro fresh", + "diced green chilies", + "chili powder", + "salt", + "shredded cheese", + "cumin", + "garlic powder", + "green onions", + "garlic", + "red enchilada sauce", + "oregano", + "black beans", + "flour tortillas", + "vegetable oil", + "yellow onion", + "ground beef" + ] + }, + { + "id": 3841, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "rolled oats", + "all-purpose flour", + "topping", + "fresh blueberries", + "corn starch", + "vanilla ice cream", + "unsalted butter", + "chopped walnuts", + "sugar", + "filling", + "fresh lemon juice" + ] + }, + { + "id": 40125, + "cuisine": "italian", + "ingredients": [ + "heavy cream", + "prosciutto", + "penne", + "parmigiano reggiano cheese" + ] + }, + { + "id": 45194, + "cuisine": "brazilian", + "ingredients": [ + "garlic", + "olive oil", + "shrimp", + "tomatoes", + "cream cheese", + "pumpkin", + "onions" + ] + }, + { + "id": 14636, + "cuisine": "british", + "ingredients": [ + "savoy cabbage", + "ground black pepper", + "water", + "purple onion", + "kosher salt", + "potatoes", + "whole grain dijon mustard", + "pork sausages" + ] + }, + { + "id": 1237, + "cuisine": "british", + "ingredients": [ + "beef kidney", + "salt", + "frozen pastry puff sheets", + "water", + "all-purpose flour", + "beef tenderloin" + ] + }, + { + "id": 28411, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "salt", + "butter", + "pepper", + "cheese", + "half & half" + ] + }, + { + "id": 49389, + "cuisine": "indian", + "ingredients": [ + "clove", + "curry powder", + "large garlic cloves", + "cinnamon sticks", + "cooked rice", + "peeled fresh ginger", + "salt", + "bay leaf", + "tomatoes", + "whole milk", + "crushed red pepper", + "chutney", + "beef boneless meat stew", + "vegetable oil", + "fresh lemon juice", + "onions" + ] + }, + { + "id": 36941, + "cuisine": "chinese", + "ingredients": [ + "spinach", + "extra firm tofu", + "garlic", + "cashew nuts", + "lime", + "green onions", + "salt", + "asparagus", + "crushed red pepper flakes", + "fresh mint", + "fresh basil", + "hoisin sauce", + "ginger", + "toasted sesame oil" + ] + }, + { + "id": 1798, + "cuisine": "moroccan", + "ingredients": [ + "parsley", + "chickpeas", + "apricot halves", + "rice", + "butter", + "skinless chicken breasts", + "seasoning", + "chicken stock cubes", + "onions" + ] + }, + { + "id": 12381, + "cuisine": "irish", + "ingredients": [ + "butter", + "brown sugar", + "corn flour", + "rye flour", + "decorating sugars" + ] + }, + { + "id": 32131, + "cuisine": "southern_us", + "ingredients": [ + "leeks", + "butter", + "onions", + "chicken stock", + "sliced carrots", + "white mushrooms", + "green onions", + "salt", + "pepper", + "fresh thyme leaves", + "celery" + ] + }, + { + "id": 40476, + "cuisine": "indian", + "ingredients": [ + "butter", + "cumin seed", + "ground turmeric", + "tomatoes", + "garlic", + "dried chile", + "curry leaves", + "ginger", + "mustard seeds", + "dhal", + "jalapeno chilies", + "salt", + "onions" + ] + }, + { + "id": 31312, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "water", + "grated parmesan cheese", + "part-skim ricotta cheese", + "shredded mozzarella cheese", + "pasta sauce", + "eggplant", + "whipping cream", + "salt", + "black pepper", + "large eggs", + "garlic", + "all-purpose flour", + "fresh basil", + "olive oil", + "lasagna noodles, cooked and drained", + "crushed red pepper" + ] + }, + { + "id": 41975, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "salt", + "fresh basil", + "balsamic vinegar", + "lentils", + "olive oil", + "chopped onion", + "water", + "diced tomatoes" + ] + }, + { + "id": 24591, + "cuisine": "cajun_creole", + "ingredients": [ + "table salt", + "onion powder", + "dried oregano", + "dried thyme", + "cayenne pepper", + "dried basil", + "paprika", + "ground black pepper", + "powdered garlic" + ] + }, + { + "id": 27442, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "butter", + "satsuma imo", + "canola", + "maple syrup" + ] + }, + { + "id": 31508, + "cuisine": "chinese", + "ingredients": [ + "dried black mushrooms", + "sweet rice", + "chinese sausage", + "peanut oil", + "chestnuts", + "white pepper", + "sesame oil", + "oyster sauce", + "scallion greens", + "soy sauce", + "peeled fresh ginger", + "scallions", + "chinese rice wine", + "reduced sodium chicken broth", + "salt" + ] + }, + { + "id": 37951, + "cuisine": "british", + "ingredients": [ + "water", + "flour", + "lard", + "marjoram", + "ground sage", + "salt", + "pork shoulder", + "milk", + "dry mustard", + "bay leaf", + "allspice", + "pork", + "veal", + "thyme", + "onions" + ] + }, + { + "id": 8033, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "granulated sugar", + "dark brown sugar", + "turbinado", + "baking soda", + "sea salt", + "walnut pieces", + "bourbon whiskey", + "bittersweet chocolate", + "eggs", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 23434, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "fresh parsley", + "capers", + "shallots", + "roast red peppers, drain", + "eggplant", + "goat cheese", + "orange", + "kalamata", + "olive oil cooking spray" + ] + }, + { + "id": 44604, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "spring onions", + "oil", + "garlic paste", + "water", + "salt", + "noodles", + "pepper", + "white wine vinegar", + "carrots", + "sugar", + "shredded cabbage", + "chili sauce" + ] + }, + { + "id": 35084, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "dipping sauces", + "rice flour", + "chopped cilantro fresh", + "pork", + "shallots", + "dried shiitake mushrooms", + "medium shrimp", + "black pepper", + "ground pork", + "yellow onion", + "wood ear mushrooms", + "fish sauce", + "tapioca starch", + "salt", + "corn starch", + "canola oil" + ] + }, + { + "id": 39229, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger root", + "vegetable oil", + "salt", + "Kikkoman Soy Sauce", + "ground pork", + "corn starch", + "water chestnuts", + "wonton skins", + "tomato ketchup", + "hot mustard", + "green onions", + "sweet and sour sauce" + ] + }, + { + "id": 9171, + "cuisine": "russian", + "ingredients": [ + "fresh dill", + "hard-boiled egg", + "salt", + "white onion", + "cornichons", + "chopped parsley", + "pepper", + "Hellmann's® Real Mayonnaise", + "frozen peas", + "shrimp tails", + "creamer potatoes", + "carrots" + ] + }, + { + "id": 19897, + "cuisine": "vietnamese", + "ingredients": [ + "olive oil", + "cilantro sprigs", + "sugar", + "ground black pepper", + "yellow onion", + "fish sauce", + "lemon grass", + "unsalted dry roast peanuts", + "minced garlic", + "tri tip" + ] + }, + { + "id": 2545, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "butter", + "corn starch", + "salmon", + "grated parmesan cheese", + "garlic", + "noodles", + "lemon zest", + "paprika", + "sour cream", + "light cream", + "leeks", + "purple onion" + ] + }, + { + "id": 44091, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "large garlic cloves", + "low salt chicken broth", + "tomatoes", + "mushrooms", + "spanish chorizo", + "onions", + "fideos", + "paprika", + "fresh parsley", + "green bell pepper", + "dry white wine", + "cayenne pepper" + ] + }, + { + "id": 19223, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "swiss cheese", + "salt", + "light brown sugar", + "crescent rolls", + "white cheddar cheese", + "turkey bacon", + "butter", + "all-purpose flour", + "black pepper", + "grated parmesan cheese", + "turkey breast deli meat" + ] + }, + { + "id": 6996, + "cuisine": "mexican", + "ingredients": [ + "corn tortilla chips", + "coleslaw", + "shredded cheddar cheese", + "pork", + "chili beans", + "green onions" + ] + }, + { + "id": 38488, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "noodles", + "heavy cream", + "grated parmesan cheese", + "eggs", + "bacon" + ] + }, + { + "id": 26960, + "cuisine": "southern_us", + "ingredients": [ + "minced garlic", + "scotch bonnet chile", + "ground allspice", + "chicken legs", + "flour", + "lemon", + "chicken", + "eggs", + "curry powder", + "butter", + "lard", + "pepper", + "vegetable oil", + "salt" + ] + }, + { + "id": 34822, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "ground coriander", + "ground cumin", + "preserved lemon", + "raisins", + "cinnamon sticks", + "tomatoes", + "dried beans", + "cumin seed", + "fresh spinach", + "chickpeas", + "onions" + ] + }, + { + "id": 47430, + "cuisine": "jamaican", + "ingredients": [ + "chiles", + "store bought low sodium chicken stock", + "fresh thyme", + "red wine vinegar", + "carrots", + "brown sugar", + "white onion", + "ground black pepper", + "rum", + "garlic", + "allspice", + "steak sauce", + "soy sauce", + "olive oil", + "bay leaves", + "diced tomatoes", + "long grain white rice", + "beef boneless meat stew", + "kosher salt", + "hot pepper sauce", + "cinnamon", + "scallions" + ] + }, + { + "id": 4729, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "whipping cream", + "pork butt", + "water", + "butter", + "red bell pepper", + "chicken broth", + "lime wedges", + "grated jack cheese", + "chopped garlic", + "flour tortillas", + "poblano chilies", + "chopped cilantro" + ] + }, + { + "id": 24578, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "soy sauce", + "hoisin sauce", + "wonton wrappers", + "hot curry powder", + "vermicelli noodles", + "fresh basil", + "butter lettuce", + "honey", + "boneless skinless chicken breasts", + "rice vinegar", + "red bell pepper", + "avocado", + "brown sugar", + "lemongrass", + "green onions", + "garlic", + "carrots", + "toasted sesame seeds", + "roasted cashews", + "red chili peppers", + "fresh ginger", + "sesame oil", + "creamy peanut butter", + "fresh lime juice" + ] + }, + { + "id": 20699, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cremini", + "boiling onions", + "dry white wine", + "garlic", + "frozen artichoke hearts", + "( oz.) tomato sauce", + "diced tomatoes", + "chicken thighs", + "pepper", + "cooked chicken", + "salt", + "dried oregano" + ] + }, + { + "id": 48125, + "cuisine": "moroccan", + "ingredients": [ + "turnips", + "green onions", + "fresh parsley", + "water", + "salt", + "pepper", + "chicken breast halves", + "chopped cilantro fresh", + "olive oil", + "sauce" + ] + }, + { + "id": 26865, + "cuisine": "jamaican", + "ingredients": [ + "butter", + "black pepper", + "salt", + "garlic", + "yucca", + "onions" + ] + }, + { + "id": 34101, + "cuisine": "italian", + "ingredients": [ + "pepper", + "farro", + "celery", + "sage", + "pancetta", + "olive oil", + "salt", + "onions", + "rosemary", + "garlic", + "dried kidney beans", + "cold water", + "potatoes", + "carrots", + "plum tomatoes" + ] + }, + { + "id": 1460, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "ground black pepper", + "shallots", + "boiling water", + "dried thyme", + "cooking spray", + "less sodium beef broth", + "dried porcini mushrooms", + "parmigiano reggiano cheese", + "salt", + "mascarpone", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 20556, + "cuisine": "jamaican", + "ingredients": [ + "pepper", + "meat", + "carrots", + "ground ginger", + "vinegar", + "garlic", + "onions", + "cold water", + "curry powder", + "vegetable oil", + "thyme", + "black pepper", + "potatoes", + "salt" + ] + }, + { + "id": 27875, + "cuisine": "southern_us", + "ingredients": [ + "heavy cream", + "melted butter", + "self rising flour" + ] + }, + { + "id": 48858, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "minced onion", + "frozen peas and carrots", + "pepper", + "salt", + "soy sauce", + "butter", + "cooked white rice", + "minced garlic", + "oil" + ] + }, + { + "id": 20404, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "kidney beans", + "apple cider vinegar", + "vegetable broth", + "diced celery", + "dried oregano", + "tomato paste", + "fresh cilantro", + "green onions", + "raw cashews", + "hot sauce", + "red bell pepper", + "water", + "jalapeno chilies", + "diced tomatoes", + "fine sea salt", + "pinto beans", + "ground cumin", + "vegan sour cream", + "sweet onion", + "chili powder", + "extra-virgin olive oil", + "fresh lemon juice", + "ground cayenne pepper" + ] + }, + { + "id": 15064, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "low-fat refried beans", + "chicken breasts", + "chunky salsa", + "tortillas", + "enchilada sauce", + "avocado", + "greek style plain yogurt", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 8780, + "cuisine": "russian", + "ingredients": [ + "capers", + "large egg yolks", + "waxy potatoes", + "broad beans", + "white wine vinegar", + "carrots", + "celery stick", + "unsalted butter", + "lemon juice", + "beans", + "gherkins" + ] + }, + { + "id": 31015, + "cuisine": "french", + "ingredients": [ + "olive oil", + "sliced carrots", + "salt", + "celery", + "parsnips", + "bay leaves", + "dry red wine", + "chickpeas", + "fresh parsley", + "black pepper", + "butternut squash", + "vegetable broth", + "garlic cloves", + "tomato paste", + "leeks", + "portabello mushroom", + "all-purpose flour", + "thyme sprigs" + ] + }, + { + "id": 892, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "low sodium chicken broth", + "oregano", + "olive oil", + "chipotles in adobo", + "beef roast", + "water", + "sea salt", + "cumin", + "vinegar", + "onions" + ] + }, + { + "id": 40414, + "cuisine": "indian", + "ingredients": [ + "light brown sugar", + "whole milk", + "coconut", + "vegetable oil", + "slivered almonds", + "golden raisins", + "dumpling wrappers", + "ground cardamom" + ] + }, + { + "id": 28822, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "pork chops", + "salt", + "marsala wine", + "fennel bulb", + "onions", + "canned low sodium chicken broth", + "ground black pepper", + "fresh parsley", + "olive oil", + "garlic" + ] + }, + { + "id": 12619, + "cuisine": "british", + "ingredients": [ + "olive oil", + "egg yolks", + "beef fillet", + "fresh thyme", + "dry white wine", + "prosciutto", + "chestnut mushrooms", + "puff pastry", + "flour", + "butter" + ] + }, + { + "id": 32967, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "butter", + "frozen peas", + "sea scallops", + "fresh lemon juice", + "pesto sauce", + "whipping cream", + "asparagus", + "green beans" + ] + }, + { + "id": 30559, + "cuisine": "filipino", + "ingredients": [ + "black peppercorns", + "garlic", + "white vinegar", + "water", + "onions", + "chicken legs", + "bay leaves", + "white sugar", + "soy sauce", + "salt" + ] + }, + { + "id": 46801, + "cuisine": "vietnamese", + "ingredients": [ + "green cabbage", + "dry roasted peanuts", + "garlic cloves", + "chopped fresh mint", + "sugar", + "yellow bell pepper", + "fresh lime juice", + "fish sauce", + "boneless skinless chicken breasts", + "red bell pepper", + "fresh basil", + "green onions", + "carrots", + "chopped cilantro fresh" + ] + }, + { + "id": 31362, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "sour cream", + "low sodium black beans", + "ranch dip mix", + "cheddar cheese", + "cream cheese", + "corn", + "taco seasoning" + ] + }, + { + "id": 4344, + "cuisine": "french", + "ingredients": [ + "mushroom caps", + "butter", + "ground nutmeg", + "dry white wine", + "fresh parsley", + "helix snails", + "green onions", + "garlic", + "ground black pepper", + "pastry shell" + ] + }, + { + "id": 46036, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "butter", + "fillets", + "orange", + "salt", + "ground cumin", + "pepper", + "fresh orange juice", + "nonfat evaporated milk", + "chile pepper", + "orange rind" + ] + }, + { + "id": 47772, + "cuisine": "greek", + "ingredients": [ + "large eggs", + "all-purpose flour", + "large egg yolks", + "cheese", + "plain yogurt", + "baking powder", + "flat leaf parsley", + "unsalted butter", + "salt" + ] + }, + { + "id": 3784, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "water", + "butter", + "shredded cheddar cheese", + "chopped fresh chives", + "grit quick", + "black pepper", + "jalapeno chilies", + "salt", + "minced garlic", + "whole milk" + ] + }, + { + "id": 4098, + "cuisine": "thai", + "ingredients": [ + "boneless skinless chicken breasts", + "scallions", + "cumin", + "sugar", + "chili powder", + "fresh mint", + "mayonaise", + "shallots", + "fresh parsley leaves", + "fresh coriander", + "salt", + "fresh lime juice" + ] + }, + { + "id": 27291, + "cuisine": "french", + "ingredients": [ + "olive oil", + "rosemary sprigs", + "stewed tomatoes", + "sweet relish", + "garlic cloves", + "capers", + "rib pork chops" + ] + }, + { + "id": 10599, + "cuisine": "mexican", + "ingredients": [ + "water", + "jalapeno chilies", + "tomatillos", + "chicken broth", + "olive oil", + "butternut squash", + "salt", + "white onion", + "large eggs", + "pastry dough", + "garlic cloves", + "pasilla", + "mushrooms", + "coarse sea salt" + ] + }, + { + "id": 1462, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "olive oil", + "black pepper", + "red wine vinegar", + "sugar", + "golden raisins", + "tomato paste", + "pearl onions", + "salt" + ] + }, + { + "id": 17708, + "cuisine": "vietnamese", + "ingredients": [ + "chicken broth", + "water", + "lemon grass", + "red pepper flakes", + "bay leaf", + "fish sauce", + "fresh ginger root", + "vegetable oil", + "coconut milk", + "green bell pepper", + "fresh cilantro", + "shallots", + "carrots", + "chicken", + "kaffir lime leaves", + "curry powder", + "potatoes", + "garlic", + "onions" + ] + }, + { + "id": 27936, + "cuisine": "indian", + "ingredients": [ + "pepper", + "purple onion", + "lemon juice", + "chopped cilantro", + "rice bran", + "chili powder", + "chickpeas", + "greek yogurt", + "onions", + "cooked rice", + "diced tomatoes", + "scallions", + "coconut milk", + "ground cumin", + "meat", + "salt", + "cucumber", + "curry paste" + ] + }, + { + "id": 12597, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "chopped onion", + "pork loin", + "garlic cloves", + "fat free less sodium chicken broth", + "chili powder", + "chopped cilantro fresh", + "hominy", + "salt", + "ground cumin" + ] + }, + { + "id": 3672, + "cuisine": "mexican", + "ingredients": [ + "cream cheese", + "jalapeno chilies", + "taco seasoning mix", + "corn tortillas", + "black olives" + ] + }, + { + "id": 212, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "orange liqueur", + "vanilla extract", + "cream cheese, soften", + "whipped cream" + ] + }, + { + "id": 12728, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "sliced carrots", + "garlic cloves", + "potatoes", + "curry", + "onions", + "roma tomatoes", + "peas", + "fresh parsley", + "water", + "chili powder", + "salt", + "chicken" + ] + }, + { + "id": 46503, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "zucchini", + "button mushrooms", + "baby spinach leaves", + "salt and ground black pepper", + "ricotta cheese", + "italian seasoning", + "pasta sauce", + "olive oil", + "ziti", + "baby carrots", + "Italian cheese", + "mushroom caps", + "diced tomatoes" + ] + }, + { + "id": 49178, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "golden raisins", + "less sodium beef broth", + "garlic cloves", + "chopped fresh mint", + "olive oil", + "salt", + "ground allspice", + "cinnamon sticks", + "ground cumin", + "water", + "ground red pepper", + "baby carrots", + "leg of lamb", + "dried fig", + "saffron threads", + "cooking spray", + "chickpeas", + "ground coriander", + "onions" + ] + }, + { + "id": 11461, + "cuisine": "french", + "ingredients": [ + "firmly packed brown sugar", + "granulated sugar", + "all-purpose flour", + "macadamia nuts", + "sweetened coconut flakes", + "corn mix muffin", + "large eggs", + "crushed pineapples in juice", + "milk", + "butter", + "heavy whipping cream" + ] + }, + { + "id": 45669, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "shallots", + "beer", + "olive oil", + "cilantro", + "garlic cloves", + "chorizo", + "red pepper", + "scallions", + "jalapeno chilies", + "white cheddar cheese", + "cream cheese, soften" + ] + }, + { + "id": 8412, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "tortilla chips", + "extra lean ground beef", + "salsa", + "egg whites", + "red bell pepper", + "corn", + "yellow onion" + ] + }, + { + "id": 1453, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "spanish onion", + "freshly ground pepper", + "chopped cilantro", + "chipotle chile", + "vegetable oil", + "sour cream", + "boneless skinless chicken breast halves", + "ground cinnamon", + "water", + "salt", + "corn tortillas", + "shredded cheddar cheese", + "large garlic cloves", + "ancho chile pepper", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 5815, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cheese", + "boneless chicken breast", + "bbq sauce", + "whole wheat pasta", + "flour", + "onions", + "skim milk", + "butter", + "panko breadcrumbs" + ] + }, + { + "id": 49385, + "cuisine": "italian", + "ingredients": [ + "shiitake", + "purple onion", + "low-fat firm silken tofu", + "fresh spinach", + "grated parmesan cheese", + "fresh mushrooms", + "minced garlic", + "low sodium chicken broth", + "fresh lemon juice", + "bacon bits", + "ground black pepper", + "penne pasta", + "italian seasoning" + ] + }, + { + "id": 32497, + "cuisine": "french", + "ingredients": [ + "sugar", + "almond extract", + "large eggs", + "nonfat evaporated milk", + "chopped almonds", + "sweetened condensed milk", + "sliced almonds", + "vanilla extract" + ] + }, + { + "id": 0, + "cuisine": "spanish", + "ingredients": [ + "mussels", + "ground black pepper", + "garlic cloves", + "saffron threads", + "olive oil", + "stewed tomatoes", + "arborio rice", + "minced onion", + "medium shrimp", + "fat free less sodium chicken broth", + "green peas" + ] + }, + { + "id": 22121, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "corn tortillas", + "cooked turkey", + "onions", + "sliced black olives", + "enchilada sauce" + ] + }, + { + "id": 45521, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "minced ginger", + "boneless skinless chicken breasts", + "red bell pepper", + "plain yogurt", + "garam masala", + "garlic", + "dried red chile peppers", + "fresh coriander", + "roma tomatoes", + "salt", + "onions", + "ground cloves", + "ground nutmeg", + "butter", + "heavy whipping cream" + ] + }, + { + "id": 41959, + "cuisine": "french", + "ingredients": [ + "pinenuts", + "extra-virgin olive oil", + "Belgian endive", + "red wine vinegar", + "fresh parsley", + "dijon mustard", + "lemon juice", + "pepper", + "salt" + ] + }, + { + "id": 27229, + "cuisine": "jamaican", + "ingredients": [ + "lime juice", + "orange juice", + "rum", + "grenadine", + "dark rum", + "coconut rum", + "bacardi", + "pineapple juice" + ] + }, + { + "id": 49061, + "cuisine": "russian", + "ingredients": [ + "kidney beans", + "boiling potatoes", + "beets", + "pickles", + "carrots", + "vegetable oil", + "cabbage" + ] + }, + { + "id": 40916, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "butter", + "shrimp", + "English muffins", + "all-purpose flour", + "milk", + "old bay seasoning", + "celery", + "green onions", + "provolone cheese" + ] + }, + { + "id": 4417, + "cuisine": "cajun_creole", + "ingredients": [ + "mirlitons", + "grated parmesan cheese", + "dry bread crumbs", + "onions", + "yellow squash", + "green onions", + "garlic cloves", + "tomatoes", + "jalapeno chilies", + "creole seasoning", + "tasso", + "olive oil", + "yellow bell pepper", + "shrimp" + ] + }, + { + "id": 19830, + "cuisine": "mexican", + "ingredients": [ + "white corn tortillas", + "lime wedges", + "tilapia", + "pepper", + "cilantro", + "garlic cloves", + "avocado", + "olive oil", + "salt", + "fresh lime juice", + "tomatoes", + "jalapeno chilies", + "yellow onion", + "chopped cilantro fresh" + ] + }, + { + "id": 46489, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "orzo", + "fresh parsley", + "unsalted butter", + "fresh lemon juice", + "jumbo shrimp", + "garlic" + ] + }, + { + "id": 47329, + "cuisine": "mexican", + "ingredients": [ + "lime", + "yellow onion", + "chicken broth", + "vegetable oil", + "chopped cilantro", + "jalapeno chilies", + "garlic cloves", + "kosher salt", + "white beans", + "chicken" + ] + }, + { + "id": 396, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "red wine vinegar", + "white sugar", + "jalapeno chilies", + "salt", + "green bell pepper", + "garlic", + "ground cumin", + "tomato paste", + "chili powder", + "onions" + ] + }, + { + "id": 34577, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "currant", + "leg of lamb", + "saffron", + "canned low sodium chicken broth", + "olive oil", + "salt", + "fresh parsley", + "cauliflower", + "dried thyme", + "garlic", + "couscous", + "pinenuts", + "ground black pepper", + "lemon juice", + "onions" + ] + }, + { + "id": 17662, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "firm tofu", + "wood ear mushrooms", + "chicken stock", + "water", + "salt", + "ground white pepper", + "white sugar", + "lean ground pork", + "red wine vinegar", + "corn starch", + "bamboo shoots", + "eggs", + "green onions", + "dried shiitake mushrooms", + "tiger lily buds" + ] + }, + { + "id": 12675, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "blue cheese", + "plum tomatoes", + "lime juice", + "purple onion", + "pepper", + "cilantro", + "cumin", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 13907, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "vegetable oil", + "self rising flour", + "buttermilk" + ] + }, + { + "id": 6214, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "grated parmesan cheese", + "chanterelle", + "olive oil", + "whipping cream", + "grated lemon peel", + "baguette", + "shallots", + "garlic cloves", + "fontina cheese", + "shiitake", + "oyster mushrooms" + ] + }, + { + "id": 9364, + "cuisine": "vietnamese", + "ingredients": [ + "ground ginger", + "garlic powder", + "deveined shrimp", + "canola oil", + "sub rolls", + "flour", + "hot chili sauce", + "mayonaise", + "agave nectar", + "salt", + "pickled carrots", + "cilantro", + "cucumber" + ] + }, + { + "id": 46649, + "cuisine": "spanish", + "ingredients": [ + "short-grain rice", + "salsa", + "chicken broth", + "green onions", + "avocado", + "vegetables", + "chopped cilantro", + "green olives", + "vegetable oil" + ] + }, + { + "id": 681, + "cuisine": "chinese", + "ingredients": [ + "pot stickers", + "iceberg lettuce", + "water", + "edamame", + "salt", + "olive oil", + "salad dressing" + ] + }, + { + "id": 46468, + "cuisine": "chinese", + "ingredients": [ + "large eggs", + "red pepper flakes", + "corn starch", + "light brown sugar", + "apple cider vinegar", + "salt", + "boneless skinless chicken breasts", + "buffalo sauce", + "cooked rice", + "vegetable oil", + "scallions" + ] + }, + { + "id": 28546, + "cuisine": "greek", + "ingredients": [ + "tomato sauce", + "chili powder", + "all-purpose flour", + "onions", + "ground cinnamon", + "ground black pepper", + "red wine vinegar", + "ground allspice", + "eggs", + "grated parmesan cheese", + "garlic", + "elbow macaroni", + "chicken stock", + "milk", + "lean ground beef", + "margarine", + "plum tomatoes" + ] + }, + { + "id": 22123, + "cuisine": "french", + "ingredients": [ + "french bread", + "curly endive", + "dijon mustard", + "white wine vinegar", + "pepper", + "bacon", + "frisee", + "large eggs", + "salt" + ] + }, + { + "id": 1220, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "almond liqueur", + "sugar", + "whipping cream", + "crumbs", + "pears", + "large egg yolks", + "fresh lemon juice" + ] + }, + { + "id": 27703, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "buttermilk", + "unsalted butter", + "salt", + "baking soda", + "heavy cream", + "sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 39620, + "cuisine": "french", + "ingredients": [ + "eggs", + "heavy cream", + "sugar", + "vanilla" + ] + }, + { + "id": 18185, + "cuisine": "greek", + "ingredients": [ + "tomato paste", + "rosemary", + "red wine", + "oil", + "chopped parsley", + "water", + "leeks", + "extra-virgin olive oil", + "thyme", + "sage", + "sweet onion", + "red wine vinegar", + "beef stew meat", + "cinnamon sticks", + "grated orange", + "kosher salt", + "fresh bay leaves", + "cracked black pepper", + "carrots", + "celery" + ] + }, + { + "id": 28698, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "red bean paste", + "glutinous rice flour", + "roasted white sesame seeds" + ] + }, + { + "id": 13490, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salsa", + "ground turkey", + "taco seasoning mix", + "garlic", + "sour cream", + "green bell pepper", + "shredded lettuce", + "whole kernel corn, drain", + "flour tortillas", + "dry bread crumbs", + "onions" + ] + }, + { + "id": 10529, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh tomatoes", + "butter", + "green pepper", + "onions", + "chicken broth", + "hot pepper sauce", + "salt", + "garlic cloves", + "celery ribs", + "pepper", + "worcestershire sauce", + "long-grain rice", + "Johnsonville Smoked Sausage", + "green onions", + "sauce", + "fresh parsley" + ] + }, + { + "id": 29692, + "cuisine": "japanese", + "ingredients": [ + "sake", + "white sugar", + "mirin", + "dark soy sauce" + ] + }, + { + "id": 15361, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "ground coriander", + "couscous", + "gravy", + "fresh mint", + "ground cumin", + "cayenne", + "fat skimmed chicken broth", + "onions", + "pot roast", + "diced tomatoes", + "salad oil" + ] + }, + { + "id": 43564, + "cuisine": "moroccan", + "ingredients": [ + "fava beans", + "olive oil", + "salt", + "water", + "lemon", + "red bell pepper", + "pepper", + "parsley", + "garlic cloves", + "fish fillets", + "fresh cilantro", + "paprika" + ] + }, + { + "id": 7735, + "cuisine": "french", + "ingredients": [ + "fillet red snapper", + "leeks", + "garlic", + "fresh parsley", + "mussels", + "salt and ground black pepper", + "clam juice", + "celery", + "saffron", + "fennel seeds", + "sea scallops", + "diced tomatoes", + "bay leaf", + "olive oil", + "dry white wine", + "dri leav thyme", + "lobster meat" + ] + }, + { + "id": 24360, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "ground black pepper", + "salt", + "sweet onion", + "vegetable oil", + "cayenne pepper", + "sugar", + "jalapeno chilies", + "all-purpose flour", + "yellow corn meal", + "yellow squash", + "buttermilk" + ] + }, + { + "id": 49529, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "jalapeno chilies", + "canola oil", + "pork", + "fresh cilantro", + "fresh oregano", + "eggs", + "water", + "garlic", + "chipotle chile", + "tortillas", + "plum tomatoes" + ] + }, + { + "id": 35000, + "cuisine": "italian", + "ingredients": [ + "Swanson Chicken Broth", + "onions", + "parmesan cheese", + "farro", + "plum tomatoes", + "pancetta", + "ground black pepper", + "fresh basil leaves", + "dri thyme leaves, crush", + "garlic" + ] + }, + { + "id": 19006, + "cuisine": "italian", + "ingredients": [ + "angel hair", + "olive oil", + "corn starch", + "marsala wine", + "grated parmesan cheese", + "dried tarragon leaves", + "garlic powder", + "boneless skinless chicken breast halves", + "seasoned bread crumbs", + "salt" + ] + }, + { + "id": 40934, + "cuisine": "british", + "ingredients": [ + "semisweet chocolate", + "white sugar", + "milk", + "corn starch", + "ground cinnamon", + "vanilla extract", + "lemon peel", + "cinnamon sticks" + ] + }, + { + "id": 9013, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "asiago", + "pepper", + "penne pasta", + "fresh rosemary", + "salt", + "prosciutto", + "onions" + ] + }, + { + "id": 7162, + "cuisine": "indian", + "ingredients": [ + "mustard", + "urad dal", + "jeera", + "tomatoes", + "okra", + "ground turmeric", + "curry leaves", + "salt", + "onions", + "chili powder", + "oil" + ] + }, + { + "id": 43176, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "sea scallops", + "butter", + "white wine", + "balsamic vinegar", + "dill", + "filo", + "shallots", + "salt", + "pepper", + "chopped fresh thyme", + "scallions" + ] + }, + { + "id": 31947, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "heavy cream", + "hazelnuts", + "chocolate shavings", + "bittersweet chocolate", + "mini chocolate chips", + "almond extract", + "confectioners sugar", + "pure vanilla extract", + "granulated sugar", + "salt" + ] + }, + { + "id": 28107, + "cuisine": "chinese", + "ingredients": [ + "Kikkoman Soy Sauce", + "ground ginger", + "garlic", + "dry sherry", + "honey", + "pork spareribs" + ] + }, + { + "id": 15834, + "cuisine": "filipino", + "ingredients": [ + "green cabbage", + "ground black pepper", + "oil", + "chicken thighs", + "fish sauce", + "garlic", + "shrimp", + "dark soy sauce", + "lemon wedge", + "carrots", + "canola oil", + "rice sticks", + "scallions", + "onions" + ] + }, + { + "id": 22049, + "cuisine": "japanese", + "ingredients": [ + "water", + "ground pork", + "eggs", + "green onions", + "nori", + "water chestnuts", + "salt", + "chicken bouillon", + "sesame oil" + ] + }, + { + "id": 42887, + "cuisine": "greek", + "ingredients": [ + "sugar", + "red grape", + "rose water", + "pears", + "water", + "strawberries", + "orange", + "cinnamon sticks" + ] + }, + { + "id": 37912, + "cuisine": "italian", + "ingredients": [ + "chicken cutlets", + "italian seasoned dry bread crumbs", + "mayonaise", + "shredded parmesan cheese", + "salt", + "garlic powder", + "lemon pepper" + ] + }, + { + "id": 18889, + "cuisine": "cajun_creole", + "ingredients": [ + "turnip greens", + "salt", + "onions", + "chicken broth", + "ground black pepper", + "diced ham", + "canola oil", + "black-eyed peas", + "creole seasoning", + "dried oregano", + "green bell pepper", + "garlic", + "celery" + ] + }, + { + "id": 30301, + "cuisine": "french", + "ingredients": [ + "olive oil", + "red pepper flakes", + "dijon mustard", + "salt", + "ground black pepper", + "purple onion", + "lime juice", + "pork tenderloin", + "chopped cilantro" + ] + }, + { + "id": 38718, + "cuisine": "british", + "ingredients": [ + "bread crumb fresh", + "vegetable oil", + "chopped onion", + "leeks", + "salt", + "eggs", + "dried sage", + "margarine", + "pepper", + "quick-cooking oats", + "chopped walnuts" + ] + }, + { + "id": 35950, + "cuisine": "italian", + "ingredients": [ + "sugar", + "basil leaves", + "salt", + "dried oregano", + "fresh basil", + "olive oil", + "vine ripened tomatoes", + "country loaf", + "mussels", + "crushed tomatoes", + "dry white wine", + "red bell pepper", + "canned low sodium chicken broth", + "ground black pepper", + "garlic", + "onions" + ] + }, + { + "id": 41723, + "cuisine": "spanish", + "ingredients": [ + "tomato paste", + "ground red pepper", + "salt", + "roasted red peppers", + "red wine vinegar", + "garlic cloves", + "eggplant", + "balsamic vinegar", + "anchovy fillets", + "hungarian sweet paprika", + "finely chopped onion", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 11381, + "cuisine": "thai", + "ingredients": [ + "lime", + "rice noodles", + "beansprouts", + "ketchup", + "black bean sauce", + "peanut oil", + "eggs", + "fresh ginger", + "chili sauce", + "asian fish sauce", + "dry roasted peanuts", + "green onions", + "shrimp" + ] + }, + { + "id": 31424, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "cilantro", + "garlic", + "frozen spinach", + "sesame oil", + "ginger", + "corn starch", + "fresh ginger", + "ground pork", + "salt", + "chinese rice wine", + "wonton wrappers", + "vegetable broth", + "cabbage" + ] + }, + { + "id": 23110, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "diced tomatoes", + "celery", + "green bell pepper", + "brown rice", + "salt", + "ground cumin", + "chicken broth", + "green onions", + "paprika", + "large shrimp", + "andouille sausage", + "butter", + "cayenne pepper" + ] + }, + { + "id": 23016, + "cuisine": "thai", + "ingredients": [ + "apple cider vinegar", + "cucumber", + "red pepper flakes", + "water", + "sea salt", + "raw honey", + "purple onion" + ] + }, + { + "id": 43508, + "cuisine": "indian", + "ingredients": [ + "chana dal", + "oil", + "green chilies", + "toor dal", + "salt", + "rice flour", + "fennel seeds", + "beets" + ] + }, + { + "id": 27533, + "cuisine": "korean", + "ingredients": [ + "sugar", + "roast", + "garlic cloves", + "water", + "sesame oil", + "soy sauce", + "green onions", + "kimchi", + "cooked rice", + "sesame seeds", + "ginger" + ] + }, + { + "id": 41862, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "long-grain rice", + "water", + "garlic cloves", + "salt" + ] + }, + { + "id": 25209, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "provolone cheese", + "egg whites", + "italian seasoning", + "grated parmesan cheese", + "spaghetti", + "tomatoes", + "ricotta cheese" + ] + }, + { + "id": 47878, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "reduced sodium teriyaki sauce", + "snow peas", + "reduced sodium soy sauce", + "onions", + "chicken bouillon granules", + "green onions", + "spaghetti", + "water", + "chinese five-spice powder", + "canola oil" + ] + }, + { + "id": 28335, + "cuisine": "italian", + "ingredients": [ + "milk", + "baking powder", + "salt", + "corn starch", + "cold water", + "unsalted butter", + "cinnamon", + "ricotta", + "orange zest", + "sugar", + "large eggs", + "vanilla", + "orange flower water", + "large egg yolks", + "wheatberries", + "all-purpose flour", + "citron" + ] + }, + { + "id": 4242, + "cuisine": "cajun_creole", + "ingredients": [ + "heavy cream", + "brown sugar", + "salt", + "pecan halves", + "vanilla", + "butter" + ] + }, + { + "id": 15626, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "white mushrooms", + "sweet vermouth", + "diced tomatoes", + "chuck steaks", + "olive oil", + "garlic cloves", + "onions", + "black pepper", + "yellow bell pepper", + "juice" + ] + }, + { + "id": 7648, + "cuisine": "indian", + "ingredients": [ + "fresh spinach", + "potatoes", + "green chilies", + "asafetida", + "coconut sugar", + "fresh ginger", + "lemon", + "cumin seed", + "tomatoes", + "water", + "brown mustard seeds", + "ground coriander", + "ground cumin", + "tumeric", + "garam masala", + "sea salt", + "ghee" + ] + }, + { + "id": 2815, + "cuisine": "british", + "ingredients": [ + "ground ginger", + "sultana", + "suet", + "eggs", + "bread crumb fresh", + "lemon", + "plain flour", + "dried currants", + "baking powder", + "sugar", + "milk" + ] + }, + { + "id": 2001, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "ground black pepper", + "garlic", + "tomato paste", + "whole wheat flour", + "chili powder", + "onions", + "ground ginger", + "olive oil", + "boneless skinless chicken breasts", + "cilantro leaves", + "kosher salt", + "garam masala", + "light coconut milk" + ] + }, + { + "id": 34185, + "cuisine": "spanish", + "ingredients": [ + "tomato sauce", + "baking potatoes", + "diced onions", + "olive oil", + "salt", + "green bell pepper", + "ground red pepper", + "garlic cloves", + "parsley sprigs", + "butter" + ] + }, + { + "id": 14876, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "salt", + "unsalted butter", + "semolina", + "onions", + "flour" + ] + }, + { + "id": 17426, + "cuisine": "japanese", + "ingredients": [ + "sea scallops", + "butter", + "grapefruit", + "fresh ginger", + "shallots", + "salt", + "fresh chives", + "ground pepper", + "extra-virgin olive oil", + "miso paste", + "fresh thyme leaves", + "all-purpose flour" + ] + }, + { + "id": 19537, + "cuisine": "moroccan", + "ingredients": [ + "fat free less sodium chicken broth", + "paprika", + "garlic cloves", + "ground turmeric", + "ground red pepper", + "all-purpose flour", + "chicken thighs", + "cooking spray", + "salt", + "fresh lemon juice", + "ground cumin", + "ground ginger", + "lemon wedge", + "pimento stuffed olives", + "chopped cilantro fresh" + ] + }, + { + "id": 26146, + "cuisine": "italian", + "ingredients": [ + "peeled tomatoes", + "salt", + "parmigiano-reggiano cheese", + "yellow bell pepper", + "penne", + "extra-virgin olive oil", + "large garlic cloves", + "freshly ground pepper" + ] + }, + { + "id": 32068, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "tofu", + "dashi", + "miso" + ] + }, + { + "id": 30381, + "cuisine": "cajun_creole", + "ingredients": [ + "fat free less sodium chicken broth", + "cajun seasoning", + "mushrooms", + "chopped onion", + "kidney beans", + "salt", + "andouille sausage", + "vegetable oil", + "long-grain rice" + ] + }, + { + "id": 35622, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "peeled fresh ginger", + "fresh lime juice", + "ground black pepper", + "salt", + "mango", + "garam masala", + "flank steak", + "chopped cilantro fresh", + "cooking spray", + "cucumber" + ] + }, + { + "id": 42814, + "cuisine": "mexican", + "ingredients": [ + "hot pepper sauce", + "salt", + "pepper", + "jalapeno chilies", + "onions", + "eggs", + "potatoes", + "all-purpose flour", + "water", + "diced tomatoes", + "canola oil" + ] + }, + { + "id": 19835, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "chickpeas", + "lentils", + "vegetable oil", + "green chilies", + "basmati rice", + "tomato purée", + "salt", + "garlic cloves", + "potatoes", + "fenugreek seeds", + "onions" + ] + }, + { + "id": 35108, + "cuisine": "chinese", + "ingredients": [ + "clear honey", + "coriander", + "sesame seeds", + "sunflower oil", + "lime", + "chicken breasts", + "egg noodles", + "carrots" + ] + }, + { + "id": 33179, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chili powder", + "garlic", + "cumin", + "avocado", + "ground pepper", + "cilantro", + "smoked paprika", + "lime juice", + "sirloin steak", + "salt", + "tomatoes", + "cayenne", + "dry mustard", + "oregano" + ] + }, + { + "id": 38968, + "cuisine": "british", + "ingredients": [ + "ground black pepper", + "worcestershire sauce", + "sweet paprika", + "ground beef", + "cream", + "beef stock", + "salt", + "carrots", + "frozen peas", + "potatoes", + "extra-virgin olive oil", + "fresh parsley leaves", + "onions", + "large egg yolks", + "butter", + "all-purpose flour", + "sour cream" + ] + }, + { + "id": 24290, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "ginger", + "soy sauce", + "sesame oil", + "white sugar", + "spareribs", + "Shaoxing wine", + "chinkiang vinegar", + "cooking oil", + "scallions" + ] + }, + { + "id": 15829, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "salt", + "jack cheese", + "whole wheat tortillas", + "cremini mushrooms", + "baby spinach", + "salsa", + "lime", + "purple onion" + ] + }, + { + "id": 44477, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "salted roast peanuts", + "fat skimmed chicken broth", + "deveined shrimp", + "salt", + "corn starch", + "hot chili", + "garlic", + "oyster sauce", + "cooked rice", + "peas", + "rice vinegar", + "salad oil" + ] + }, + { + "id": 11139, + "cuisine": "greek", + "ingredients": [ + "eggs", + "kosher salt", + "parsley", + "purple onion", + "ground beef", + "ketchup", + "feta cheese", + "red wine vinegar", + "smoked paprika", + "oregano", + "brown sugar", + "whole grain mustard", + "cinnamon", + "dry bread crumbs", + "glaze", + "black pepper", + "cayenne", + "garlic", + "fresh mint" + ] + }, + { + "id": 44708, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "light cream", + "yellow onion", + "water", + "cajun seasoning", + "yellow peppers", + "penne", + "baby kale", + "shrimp", + "tomatoes", + "olive oil", + "red pepper", + "chicken" + ] + }, + { + "id": 40590, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "oregano", + "red wine vinegar", + "potatoes", + "canola oil", + "salt" + ] + }, + { + "id": 25565, + "cuisine": "french", + "ingredients": [ + "black pepper", + "french bread", + "snails", + "unsalted butter", + "extra-virgin olive oil", + "salt", + "snail shells", + "parsley", + "purple onion", + "mushroom caps", + "garlic" + ] + }, + { + "id": 27006, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "lemon", + "ginger root", + "boneless skinless chicken breasts", + "cornflour", + "ground black pepper", + "large garlic cloves", + "plain flour", + "vegetable oil", + "salt" + ] + }, + { + "id": 48596, + "cuisine": "italian", + "ingredients": [ + "Bertolli® Classico Olive Oil", + "red potato", + "chopped garlic", + "fettuccine, cook and drain", + "Bertolli® Alfredo Sauce" + ] + }, + { + "id": 168, + "cuisine": "british", + "ingredients": [ + "bananas", + "strawberries", + "white sugar", + "slivered almonds", + "cake", + "vanilla instant pudding", + "milk", + "cocktail cherries", + "heavy whipping cream", + "fresh blueberries", + "orange juice" + ] + }, + { + "id": 958, + "cuisine": "southern_us", + "ingredients": [ + "unflavored gelatin", + "stewed tomatoes", + "gelatin", + "cold water", + "boiling water" + ] + }, + { + "id": 42356, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "water", + "decorating sugars", + "confectioners sugar", + "sugar", + "active dry yeast", + "salt", + "warm water", + "cake", + "all-purpose flour", + "shortening", + "milk", + "vanilla extract", + "glaze" + ] + }, + { + "id": 22786, + "cuisine": "french", + "ingredients": [ + "sugar", + "large eggs", + "large egg yolks", + "whipping cream", + "boysenberries", + "unsalted butter", + "fresh lemon juice" + ] + }, + { + "id": 12737, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "onions", + "olive oil", + "garlic cloves", + "mozzarella cheese", + "red pepper", + "chopped tomatoes", + "gnocchi" + ] + }, + { + "id": 21653, + "cuisine": "mexican", + "ingredients": [ + "baking powder", + "salt", + "masa harina", + "corn husks", + "large garlic cloves", + "chopped cilantro fresh", + "tomatillos", + "lard", + "chicken", + "low sodium chicken broth", + "extra-virgin olive oil", + "serrano chile" + ] + }, + { + "id": 47077, + "cuisine": "thai", + "ingredients": [ + "shallots", + "sugar", + "fresno chiles", + "white vinegar", + "cucumber", + "kosher salt", + "chopped cilantro" + ] + }, + { + "id": 4720, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "garlic cloves", + "pita chips", + "cucumber", + "kosher salt", + "feta cheese crumbles", + "purple onion", + "greek yogurt" + ] + }, + { + "id": 9037, + "cuisine": "mexican", + "ingredients": [ + "hominy", + "garlic", + "onions", + "ground cumin", + "celery ribs", + "chili powder", + "poblano chiles", + "dried oregano", + "jalapeno chilies", + "salt", + "chopped cilantro fresh", + "black pepper", + "parsley", + "fresh lime juice", + "chicken" + ] + }, + { + "id": 31259, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "red wine vinegar", + "scallions", + "sugar", + "szechwan peppercorns", + "rice vinegar", + "lo bok", + "peeled fresh ginger", + "cilantro leaves", + "carrots", + "red chili peppers", + "sesame oil", + "peanut oil" + ] + }, + { + "id": 46322, + "cuisine": "southern_us", + "ingredients": [ + "instant potato flakes", + "smoked paprika", + "cracked black pepper", + "chicken", + "buttermilk", + "canola oil", + "kosher salt", + "all-purpose flour" + ] + }, + { + "id": 27912, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "butternut squash", + "salt", + "lacinato kale", + "ground nutmeg", + "ricotta cheese", + "garlic cloves", + "crushed tomatoes", + "ground black pepper", + "purple onion", + "dried oregano", + "olive oil", + "whole wheat lasagna noodles", + "shredded mozzarella cheese" + ] + }, + { + "id": 26007, + "cuisine": "jamaican", + "ingredients": [ + "eggs", + "pepper", + "ground black pepper", + "salt", + "bread crumbs", + "curry powder", + "beef stock", + "shortening", + "water", + "flour", + "margarine", + "cold water", + "white onion", + "dried thyme", + "lean ground beef" + ] + }, + { + "id": 8100, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "eggplant", + "green chilies", + "coconut milk", + "sugar", + "seeds", + "mustard seeds", + "onions", + "green bell pepper", + "vinegar", + "cumin seed", + "fresno chiles", + "curry leaves", + "curry powder", + "salt", + "cinnamon sticks", + "ground turmeric" + ] + }, + { + "id": 29266, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "ground cayenne pepper", + "lime", + "plum tomatoes", + "minced garlic", + "chopped cilantro fresh", + "diced onions", + "salt" + ] + }, + { + "id": 23933, + "cuisine": "moroccan", + "ingredients": [ + "fat free less sodium chicken broth", + "peeled fresh ginger", + "ground coriander", + "ground cinnamon", + "ground black pepper", + "yellow onion", + "ground cumin", + "olive oil", + "salt", + "garlic cloves", + "boneless chicken skinless thigh", + "dried apricot", + "chickpeas" + ] + }, + { + "id": 49480, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "green onions", + "rice vinegar", + "corn starch", + "soy sauce", + "olive oil", + "red pepper flakes", + "orange juice", + "brown sugar", + "water", + "boneless skinless chicken breasts", + "all-purpose flour", + "grated orange", + "pepper", + "fresh ginger root", + "salt", + "lemon juice" + ] + }, + { + "id": 23234, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "buttermilk", + "flour", + "cornmeal", + "baking powder", + "baking soda", + "salt" + ] + }, + { + "id": 44834, + "cuisine": "irish", + "ingredients": [ + "sugar", + "grated lemon zest", + "butter", + "corn starch", + "salt", + "water", + "fresh lemon juice" + ] + }, + { + "id": 31213, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "oil", + "mirin", + "soaking liquid", + "minced pork", + "sugar", + "dried shiitake mushrooms" + ] + }, + { + "id": 43220, + "cuisine": "chinese", + "ingredients": [ + "beef", + "garlic cloves", + "water", + "broccoli", + "mung bean sprouts", + "soy sauce", + "vegetable oil", + "corn starch", + "fresh ginger", + "beef broth" + ] + }, + { + "id": 45630, + "cuisine": "southern_us", + "ingredients": [ + "ground paprika", + "self rising flour", + "meat tenderizer", + "black pepper", + "salt", + "corn flour", + "ketchup", + "baking powder", + "mustard powder", + "eggs", + "milk", + "hot chili sauce", + "chicken" + ] + }, + { + "id": 31597, + "cuisine": "mexican", + "ingredients": [ + "water", + "chile pepper", + "pinto beans", + "ground black pepper", + "bacon", + "chopped cilantro fresh", + "lime", + "tomatillos", + "onions", + "chicken bouillon granules", + "flank steak", + "garlic" + ] + }, + { + "id": 36386, + "cuisine": "chinese", + "ingredients": [ + "water", + "garlic sauce", + "oil", + "beansprouts", + "soy sauce", + "Shaoxing wine", + "firm tofu", + "chow mein noodles", + "sugar", + "hoisin sauce", + "chinese cabbage", + "garlic cloves", + "white pepper", + "sesame oil", + "scallions", + "carrots" + ] + }, + { + "id": 12304, + "cuisine": "jamaican", + "ingredients": [ + "red kidney beans", + "black pepper", + "garlic", + "oil", + "brown sugar", + "water", + "sauce", + "onions", + "tomatoes", + "pepper", + "salt", + "thyme", + "ketchup", + "ginger", + "scallions", + "chicken" + ] + }, + { + "id": 18845, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "olive oil", + "red wine", + "fresh basil leaves", + "pepper", + "grated parmesan cheese", + "salt", + "mozzarella cheese", + "lasagna noodles", + "garlic", + "crushed tomatoes", + "ricotta cheese", + "onions" + ] + }, + { + "id": 23492, + "cuisine": "southern_us", + "ingredients": [ + "lemon", + "sugar", + "tea bags", + "fresh mint", + "water" + ] + }, + { + "id": 20101, + "cuisine": "italian", + "ingredients": [ + "bread ciabatta", + "freshly ground pepper", + "coarse salt", + "asparagus spears", + "parmesan cheese", + "garlic cloves", + "extra-virgin olive oil", + "monterey jack" + ] + }, + { + "id": 45626, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "kale", + "crushed red pepper", + "white onion", + "russet potatoes", + "chicken bouillon", + "bacon pieces", + "garlic puree", + "water", + "heavy cream" + ] + }, + { + "id": 7676, + "cuisine": "british", + "ingredients": [ + "figs", + "shortcrust pastry", + "mixed spice", + "currant", + "treacle", + "corn starch" + ] + }, + { + "id": 36416, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "Mexican cheese blend", + "bacon", + "milk", + "jalapeno chilies", + "sugar", + "cornbread mix", + "chopped onion", + "cream style corn", + "vegetable oil" + ] + }, + { + "id": 6961, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "baking soda", + "vegetable oil", + "all-purpose flour", + "collard greens", + "unsalted butter", + "buttermilk", + "freshly ground pepper", + "celery ribs", + "chorizo", + "baking powder", + "salt", + "white cornmeal", + "sugar", + "large eggs", + "extra large eggs", + "onions" + ] + }, + { + "id": 39695, + "cuisine": "southern_us", + "ingredients": [ + "boneless chicken breast", + "all-purpose flour", + "buttermilk", + "green onions", + "cornmeal", + "chicken broth", + "bacon" + ] + }, + { + "id": 31048, + "cuisine": "greek", + "ingredients": [ + "dried basil", + "salt", + "diced tomatoes", + "canola oil", + "boneless skinless chicken breasts", + "feta cheese crumbles", + "pepper", + "cooked bacon" + ] + }, + { + "id": 31931, + "cuisine": "french", + "ingredients": [ + "chocolate morsels", + "powdered sugar", + "unsweetened cocoa powder", + "cheese" + ] + }, + { + "id": 12822, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "fresh parsley", + "green bell pepper", + "dry red wine", + "tomatoes", + "crimini mushrooms", + "boneless skinless chicken breast halves", + "olive oil", + "salt" + ] + }, + { + "id": 46853, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "flour", + "butter", + "cayenne pepper", + "garlic powder", + "chili powder", + "cheese", + "cumin", + "fresh cilantro", + "cooked chicken", + "paprika", + "coriander", + "light sour cream", + "diced green chilies", + "soft taco size flour tortillas", + "shredded pepper jack cheese" + ] + }, + { + "id": 10952, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "golden raisins", + "garlic cloves", + "onions", + "eggplant", + "extra-virgin olive oil", + "cinnamon sticks", + "cumin", + "curry powder", + "vegetable stock", + "carrots", + "chopped cilantro fresh", + "zucchini", + "instant couscous", + "red bell pepper" + ] + }, + { + "id": 42598, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "salsa", + "sour cream", + "diced red onions", + "taco seasoning", + "diced green chilies", + "sauce", + "chicken breasts", + "shredded cheese" + ] + }, + { + "id": 20172, + "cuisine": "indian", + "ingredients": [ + "fat free less sodium chicken broth", + "all-purpose flour", + "cooked turkey", + "chopped cilantro fresh", + "curry powder", + "chopped onion", + "salt", + "canola oil" + ] + }, + { + "id": 10154, + "cuisine": "brazilian", + "ingredients": [ + "passion fruit", + "sweetened condensed milk", + "crema" + ] + }, + { + "id": 24482, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "granulated sugar", + "all-purpose flour", + "ladyfingers", + "vanilla beans", + "whipping cream", + "unsweetened cocoa powder", + "powdered sugar", + "fat free milk", + "brewed espresso", + "egg substitute", + "egg yolks", + "cream cheese, soften" + ] + }, + { + "id": 32624, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "whole grain buns", + "salt", + "carrots", + "ground cumin", + "vegetable oil cooking spray", + "olive oil", + "garlic cloves", + "onions", + "tomatoes", + "black beans", + "salsa", + "self-rising cornmeal", + "mayonaise", + "jalapeno chilies", + "pinto beans", + "dried oregano" + ] + }, + { + "id": 28893, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "chopped onion", + "cooking spray", + "chopped cilantro fresh", + "low-fat sour cream", + "salsa", + "flour tortillas", + "sliced mushrooms" + ] + }, + { + "id": 31435, + "cuisine": "southern_us", + "ingredients": [ + "leaf lettuce", + "green onions", + "bacon" + ] + }, + { + "id": 20346, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "garlic", + "tomatoes", + "crushed red pepper flakes", + "coarse salt", + "fresh basil", + "extra-virgin olive oil" + ] + }, + { + "id": 29554, + "cuisine": "brazilian", + "ingredients": [ + "vegetable broth", + "carrots", + "ground cumin", + "water", + "orange juice", + "sour cream", + "black beans", + "cayenne pepper", + "red bell pepper", + "olive oil", + "garlic cloves", + "onions" + ] + }, + { + "id": 26326, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "salsa", + "ground turkey", + "refried beans", + "diced tomatoes", + "green chilies", + "avocado", + "chili powder", + "cayenne pepper", + "ground cumin", + "Mexican cheese blend", + "salt", + "sour cream" + ] + }, + { + "id": 32817, + "cuisine": "indian", + "ingredients": [ + "almond flour", + "powdered milk", + "sugar", + "dry coconut", + "condensed milk", + "nutmeg", + "cardamon", + "pumpkin seeds", + "unsalted butter", + "pumpkin purée" + ] + }, + { + "id": 20716, + "cuisine": "jamaican", + "ingredients": [ + "whole wheat hamburger buns", + "ground red pepper", + "dry bread crumbs", + "garlic cloves", + "lettuce leaves", + "purple onion", + "ground allspice", + "canola oil", + "black beans", + "light mayonnaise", + "chopped onion", + "red bell pepper", + "cooked rice", + "peeled fresh ginger", + "salt", + "ground coriander" + ] + }, + { + "id": 48676, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "cooking spray", + "all-purpose flour", + "yellow corn meal", + "low-fat buttermilk", + "butter", + "frozen whole kernel corn", + "baking powder", + "red bell pepper", + "sugar", + "large eggs", + "salt" + ] + }, + { + "id": 17913, + "cuisine": "italian", + "ingredients": [ + "shiitake", + "butter", + "cornmeal", + "olive oil", + "grated parmesan cheese", + "ricotta", + "mascarpone", + "garlic", + "fresh parsley", + "water", + "ground black pepper", + "salt" + ] + }, + { + "id": 25829, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "cocoa powder", + "sweetened condensed milk", + "butter" + ] + }, + { + "id": 40238, + "cuisine": "mexican", + "ingredients": [ + "jumbo shrimp", + "pepper", + "garlic", + "chopped cilantro", + "kosher salt", + "refried beans", + "purple onion", + "tostada shells", + "lime", + "shells", + "plum tomatoes", + "romaine lettuce", + "crumbles", + "salsa verde", + "hass avocado" + ] + }, + { + "id": 26382, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "confectioners sugar", + "honey", + "salt", + "baking powder", + "all-purpose flour", + "eggs", + "butter", + "white sugar" + ] + }, + { + "id": 29079, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "kosher salt", + "raisins", + "tamarind paste", + "boneless pork shoulder", + "sugar", + "vegetable oil", + "ginger", + "fresh mint", + "white vinegar", + "tumeric", + "water", + "poppy seeds", + "cumin seed", + "clove", + "red chili peppers", + "cinnamon", + "garlic", + "onions" + ] + }, + { + "id": 42165, + "cuisine": "moroccan", + "ingredients": [ + "hamburger buns", + "shallots", + "ground turkey", + "ground ginger", + "cooking spray", + "chickpeas", + "dried apricot", + "salt", + "ground cumin", + "ground cinnamon", + "ground red pepper", + "tzatziki" + ] + }, + { + "id": 27171, + "cuisine": "spanish", + "ingredients": [ + "green bell pepper", + "olive oil", + "garlic", + "chopped parsley", + "pepper", + "red wine", + "cayenne pepper", + "basmati rice", + "tomatoes", + "spanish onion", + "basil", + "red bell pepper", + "cumin", + "sugar", + "chili powder", + "salt", + "ground beef" + ] + }, + { + "id": 4243, + "cuisine": "british", + "ingredients": [ + "pearl onions", + "water", + "butter" + ] + }, + { + "id": 5296, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "hard-boiled egg", + "curry", + "curry powder", + "spices", + "squid", + "water", + "shallots", + "salt", + "cooking oil", + "chili oil", + "coconut milk" + ] + }, + { + "id": 1863, + "cuisine": "italian", + "ingredients": [ + "vegetable oil cooking spray", + "parmesan cheese" + ] + }, + { + "id": 7008, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "chili powder", + "salsa", + "sour cream", + "tomato sauce", + "large eggs", + "salt", + "ground coriander", + "white cornmeal", + "milk", + "black olives", + "chopped onion", + "ground turkey", + "pepper", + "jalapeno chilies", + "all-purpose flour", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 45311, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "peeled fresh ginger", + "garlic", + "scallions", + "mung bean sprouts", + "dark soy sauce", + "water chestnuts", + "chuka soba noodles", + "green pepper", + "corn starch", + "chicken broth", + "ground black pepper", + "boneless skinless chicken breasts", + "yellow onion", + "oyster sauce", + "cooked white rice", + "sugar", + "mushrooms", + "sesame oil", + "peanut oil", + "celery" + ] + }, + { + "id": 19899, + "cuisine": "mexican", + "ingredients": [ + "lime", + "white fleshed fish", + "fillets", + "cod", + "salt", + "sour cream", + "dried oregano", + "olive oil", + "tilapia", + "chopped cilantro fresh", + "green cabbage", + "salsa", + "corn tortillas", + "ground cumin" + ] + }, + { + "id": 23598, + "cuisine": "mexican", + "ingredients": [ + "lump crab meat", + "clamato juice", + "bottled clam juice", + "california avocado", + "fresh lime juice", + "ketchup", + "salt", + "shrimp", + "white onion", + "hot sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 19921, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "unsalted butter", + "rice vinegar", + "tomato paste", + "curry powder", + "vegetable oil", + "carrots", + "mayonaise", + "Ciabatta rolls", + "salt", + "ground beef", + "Frank's® RedHot® Original Cayenne Pepper Sauce", + "pepper", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 3534, + "cuisine": "greek", + "ingredients": [ + "capers", + "vegetable oil", + "boneless skinless chicken breast halves", + "pepper", + "all-purpose flour", + "white wine", + "salt", + "unsalted butter", + "lemon juice" + ] + }, + { + "id": 41818, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "margarine", + "angel hair", + "broccoli florets", + "shredded mozzarella cheese", + "ground black pepper", + "chopped onion", + "minced garlic", + "salt", + "shrimp" + ] + }, + { + "id": 3177, + "cuisine": "russian", + "ingredients": [ + "vegan sour cream", + "agave nectar", + "silken tofu", + "all-purpose flour", + "sugar", + "baking powder", + "baking soda", + "margarine" + ] + }, + { + "id": 31796, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "olive oil", + "extra-virgin olive oil", + "kosher salt", + "dry yeast", + "all-purpose flour", + "warm water", + "whole wheat flour", + "salt", + "honey", + "cooking spray" + ] + }, + { + "id": 48579, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "salt", + "bonito flakes", + "nori", + "soy sauce", + "white sesame seeds", + "black sesame seeds" + ] + }, + { + "id": 35741, + "cuisine": "southern_us", + "ingredients": [ + "ground ginger", + "water", + "onions", + "chicken bouillon", + "garlic", + "black pepper", + "salt", + "collard greens", + "garlic powder" + ] + }, + { + "id": 22685, + "cuisine": "irish", + "ingredients": [ + "eggs", + "irish cream liqueur", + "flour", + "butter", + "sugar", + "Guinness Beer", + "M&M's Candy", + "salt", + "brown sugar", + "kosher salt", + "egg yolks", + "vanilla", + "cocoa", + "granulated sugar", + "baking powder", + "chocolate chips" + ] + }, + { + "id": 12025, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "agave nectar", + "cilantro", + "dark chocolate", + "boneless skinless chicken breasts", + "chicken", + "lime", + "queso fresco", + "tomato paste", + "sweet potatoes", + "purple onion" + ] + }, + { + "id": 16517, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic", + "oil", + "sesame seeds", + "scallions", + "water", + "salt", + "sugar", + "flour", + "chinese five-spice powder" + ] + }, + { + "id": 41513, + "cuisine": "korean", + "ingredients": [ + "vodka", + "all-purpose flour", + "cold water", + "sweet soy sauce", + "corn starch", + "kosher salt", + "peanut oil", + "chicken wings", + "baking powder" + ] + }, + { + "id": 15569, + "cuisine": "filipino", + "ingredients": [ + "plantains", + "spring rolls", + "brown sugar", + "oil" + ] + }, + { + "id": 44428, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "butter", + "chana dal", + "salt", + "water", + "chili powder", + "rajma", + "garam masala", + "urad dal" + ] + }, + { + "id": 19730, + "cuisine": "french", + "ingredients": [ + "black peppercorns", + "bread crumb fresh", + "salt", + "California bay leaves", + "chopped garlic", + "clove", + "chopped leaves", + "stewed tomatoes", + "beef broth", + "thyme sprigs", + "tomato paste", + "black pepper", + "confit duck leg", + "chopped onion", + "pork sausages", + "cold water", + "parsley sprigs", + "olive oil", + "white beans", + "celery" + ] + }, + { + "id": 32487, + "cuisine": "french", + "ingredients": [ + "pearl onions", + "butter", + "roasting chickens", + "fresh parsley", + "black peppercorns", + "bay leaves", + "bacon slices", + "low salt chicken broth", + "burgundy", + "celery ribs", + "olive oil", + "large garlic cloves", + "carrots", + "onions", + "parsley sprigs", + "shallots", + "all-purpose flour", + "thyme sprigs", + "wild mushrooms" + ] + }, + { + "id": 46657, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "squid", + "pineapple slices", + "jalapeno chilies", + "chopped cilantro fresh", + "ground black pepper", + "corn starch", + "sugar", + "garlic", + "canola oil" + ] + }, + { + "id": 2158, + "cuisine": "thai", + "ingredients": [ + "stock", + "fresh ginger", + "oil", + "lemongrass", + "shallots", + "minced garlic", + "palm sugar", + "kaffir lime leaves", + "milk", + "sauce" + ] + }, + { + "id": 32329, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "kosher salt", + "all-purpose flour", + "italian seasoning", + "mayonaise", + "vegetable oil", + "freshly ground pepper", + "horseradish", + "milk", + "cayenne pepper", + "yellow corn meal", + "ketchup", + "cajun seasoning", + "dill pickles" + ] + }, + { + "id": 18863, + "cuisine": "japanese", + "ingredients": [ + "dark soy sauce", + "mirin", + "light soy sauce", + "salt", + "cold water", + "dashi", + "all-purpose flour", + "sugar", + "egg yolks" + ] + }, + { + "id": 3122, + "cuisine": "french", + "ingredients": [ + "water", + "chopped fresh thyme", + "salt", + "granulated sugar", + "blue cheese", + "champagne vinegar", + "fresh ginger", + "butter", + "fresh lemon juice", + "brown sugar", + "bosc pears", + "cracked black pepper", + "thyme sprigs" + ] + }, + { + "id": 28325, + "cuisine": "brazilian", + "ingredients": [ + "cachaca", + "sugar", + "lime", + "blackberries" + ] + }, + { + "id": 11249, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "garlic powder", + "white rice", + "cornmeal", + "milk", + "lean ground beef", + "salsa", + "pork sausages", + "dried basil", + "diced tomatoes", + "beef broth", + "dried oregano", + "fresh basil", + "ground black pepper", + "salt", + "onions" + ] + }, + { + "id": 9127, + "cuisine": "french", + "ingredients": [ + "rosemary sprigs", + "fresh thyme", + "garlic cloves", + "ground black pepper", + "sea salt", + "dijon mustard", + "beef broth", + "water", + "bay leaves", + "leg of lamb" + ] + }, + { + "id": 5681, + "cuisine": "mexican", + "ingredients": [ + "frozen limeade", + "tequila", + "triple sec", + "kosher salt", + "crushed ice" + ] + }, + { + "id": 593, + "cuisine": "southern_us", + "ingredients": [ + "vidalia onion", + "sugar", + "salt", + "white vinegar", + "celery seed" + ] + }, + { + "id": 31461, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "onion powder", + "salsa", + "ground turkey", + "zucchini", + "garlic", + "smoked paprika", + "cumin", + "garlic powder", + "cilantro", + "shredded cheese", + "oregano", + "chili powder", + "salt", + "sour cream" + ] + }, + { + "id": 7554, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "red pepper flakes", + "fresh ginger", + "kosher salt", + "rice vinegar", + "serrano chilies", + "zucchini" + ] + }, + { + "id": 49539, + "cuisine": "mexican", + "ingredients": [ + "salad", + "ranch dressing", + "taco meat", + "shredded cheddar cheese", + "fajita size flour tortillas", + "chili beans", + "salsa", + "lettuce", + "corn", + "ground turkey" + ] + }, + { + "id": 8215, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "baking potatoes", + "frozen chopped spinach", + "large eggs", + "chopped onion", + "ground black pepper", + "salt", + "reduced fat sharp cheddar cheese", + "cooking spray", + "canadian bacon" + ] + }, + { + "id": 36662, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "flank steak", + "salt", + "dried oregano", + "ground black pepper", + "fat free less sodium beef broth", + "red bell pepper", + "ground cumin", + "sherry vinegar", + "pitted green olives", + "garlic cloves", + "dried rosemary", + "tomato paste", + "bay leaves", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 37274, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "cayenne pepper", + "chopped cilantro fresh", + "swordfish steaks", + "large garlic cloves", + "garlic cloves", + "caraway seeds", + "lime wedges", + "ground coriander", + "nonfat yogurt", + "chopped onion" + ] + }, + { + "id": 47202, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "oil", + "soy sauce", + "ginger", + "water", + "garlic", + "brown sugar", + "flank steak", + "corn starch" + ] + }, + { + "id": 32943, + "cuisine": "italian", + "ingredients": [ + "spinach", + "swiss chard", + "tubetti", + "boiling potatoes", + "water", + "fennel bulb", + "celery", + "canned low sodium chicken broth", + "ground black pepper", + "salt", + "olive oil", + "grated parmesan cheese", + "onions" + ] + }, + { + "id": 15411, + "cuisine": "mexican", + "ingredients": [ + "coriander", + "achiote", + "sazon seasoning", + "Mexican beer", + "white pepper", + "skirt steak" + ] + }, + { + "id": 17148, + "cuisine": "french", + "ingredients": [ + "cherry tomatoes", + "clam juice", + "garlic cloves", + "mayonaise", + "fennel bulb", + "extra-virgin olive oil", + "flat leaf parsley", + "kosher salt", + "dry white wine", + "anchovy fillets", + "fresh basil leaves", + "crusty bread", + "ground black pepper", + "shellfish", + "fresh lemon juice" + ] + }, + { + "id": 11547, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "flour", + "sage leaves", + "unsalted butter", + "ground nutmeg", + "russet potatoes", + "parmigiano-reggiano cheese", + "large eggs" + ] + }, + { + "id": 20388, + "cuisine": "italian", + "ingredients": [ + "salad greens", + "balsamic vinegar", + "olive oil", + "goat cheese", + "cherry tomatoes", + "whole wheat tortillas", + "roasted red peppers", + "shredded mozzarella cheese" + ] + }, + { + "id": 36273, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "chopped celery", + "dry white wine", + "carrots", + "finely chopped onion", + "chopped fresh sage", + "olive oil", + "chicken breast halves" + ] + }, + { + "id": 25642, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "potatoes", + "butter cooking spray", + "salt", + "shredded cheddar cheese", + "chile pepper", + "bacon", + "pepper", + "onion powder", + "extra large eggs", + "onions", + "flour tortillas", + "vegetable oil", + "garlic" + ] + }, + { + "id": 29929, + "cuisine": "french", + "ingredients": [ + "new potatoes", + "garlic", + "capers", + "extra-virgin olive oil", + "purple onion", + "eggs", + "red wine vinegar", + "fine sea salt", + "radishes", + "cornichons" + ] + }, + { + "id": 3914, + "cuisine": "french", + "ingredients": [ + "whipping cream", + "russet potatoes", + "dried rosemary", + "butter", + "roquefort cheese", + "dry bread crumbs" + ] + }, + { + "id": 4911, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "serrano peppers", + "salt", + "green bell pepper", + "ground black pepper", + "diced tomatoes", + "red bell pepper", + "fresh tomatoes", + "jalapeno chilies", + "garlic", + "fresh lime juice", + "olive oil", + "Mexican beer", + "cilantro leaves" + ] + }, + { + "id": 17630, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "vegetable oil", + "corn starch", + "iceberg lettuce", + "brown sugar", + "chicken breasts", + "garlic", + "toasted sesame seeds", + "diced mushrooms", + "asparagus", + "ginger", + "onions", + "sliced green onions", + "soy sauce", + "sesame oil", + "rice vinegar", + "cashew nuts" + ] + }, + { + "id": 8824, + "cuisine": "french", + "ingredients": [ + "water", + "all-purpose flour", + "butter", + "eggs", + "salt", + "milk" + ] + }, + { + "id": 13335, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "zucchini", + "bow-tie pasta", + "yellow squash", + "red pepper flakes", + "hot italian turkey sausage", + "green bell pepper", + "grated parmesan cheese", + "onions", + "chicken bouillon granules", + "olive oil", + "garlic", + "plum tomatoes" + ] + }, + { + "id": 5654, + "cuisine": "thai", + "ingredients": [ + "vegetable oil", + "skirt steak", + "fish sauce", + "green beans", + "cooked rice", + "garlic", + "peeled fresh ginger", + "fresh basil leaves" + ] + }, + { + "id": 45306, + "cuisine": "japanese", + "ingredients": [ + "kamaboko", + "carrots", + "canola oil", + "curry sauce mix", + "onions", + "udon", + "minced pork", + "sliced green onions", + "water", + "salt", + "nori" + ] + }, + { + "id": 47142, + "cuisine": "french", + "ingredients": [ + "whole grain mustard", + "fingerling potatoes", + "fresh tarragon", + "low sodium chicken broth", + "fresh thyme leaves", + "garlic cloves", + "unsalted butter", + "shallots", + "extra-virgin olive oil", + "guinea hens", + "chopped fresh chives", + "Italian parsley leaves", + "bay leaf" + ] + }, + { + "id": 11345, + "cuisine": "french", + "ingredients": [ + "dried thyme", + "garlic", + "white bread", + "ground black pepper", + "salt", + "olive oil", + "white wine vinegar", + "eggs", + "bacon", + "curly endive" + ] + }, + { + "id": 36861, + "cuisine": "korean", + "ingredients": [ + "sugar", + "honey", + "pork shoulder", + "pepper flakes", + "chili pepper", + "scallions", + "toasted sesame seeds", + "soy sauce", + "ginger", + "onions", + "sake", + "minced garlic", + "toasted sesame oil" + ] + }, + { + "id": 11845, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "green chile", + "light coconut milk", + "lime", + "coconut" + ] + }, + { + "id": 19251, + "cuisine": "southern_us", + "ingredients": [ + "fat free less sodium chicken broth", + "hot pepper sauce", + "worcestershire sauce", + "fresh lemon juice", + "sliced green onions", + "olive oil", + "mushrooms", + "grated lemon zest", + "grits", + "large egg whites", + "cooking spray", + "salt", + "red bell pepper", + "reduced fat cheddar cheese", + "ground black pepper", + "butter", + "garlic cloves", + "large shrimp" + ] + }, + { + "id": 15838, + "cuisine": "southern_us", + "ingredients": [ + "ground cloves", + "cinnamon sticks", + "ground cinnamon", + "navel oranges", + "cold water", + "light corn syrup", + "orange rind", + "sugar", + "pink grapefruit" + ] + }, + { + "id": 4339, + "cuisine": "southern_us", + "ingredients": [ + "boneless chicken skinless thigh", + "olive oil", + "garlic cloves", + "granny smith apples", + "curry powder", + "orzo", + "onions", + "canned chicken broth", + "peeled tomatoes", + "crushed red pepper", + "chopped cilantro fresh", + "dried currants", + "plain yogurt", + "peeled fresh ginger", + "red bell pepper" + ] + }, + { + "id": 2550, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "ground coriander", + "chopped cilantro fresh", + "russet potatoes", + "fresh lemon juice", + "tumeric", + "paprika", + "low salt chicken broth", + "peeled fresh ginger", + "garlic cloves" + ] + }, + { + "id": 34516, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "salt", + "chicken thighs", + "crushed tomatoes", + "garlic cloves", + "black pepper", + "taco seasoning", + "chicken breasts", + "red bell pepper" + ] + }, + { + "id": 5515, + "cuisine": "greek", + "ingredients": [ + "eggs", + "lemon", + "scallions", + "chili pepper", + "lamb", + "olive oil", + "liver", + "fresh dill", + "sea salt", + "onions" + ] + }, + { + "id": 44763, + "cuisine": "moroccan", + "ingredients": [ + "prunes", + "chopped tomatoes", + "spices", + "squash", + "ground ginger", + "fresh coriander", + "ground black pepper", + "chickpeas", + "ground cumin", + "sliced almonds", + "stewing beef", + "sea salt", + "onions", + "ground cinnamon", + "olive oil", + "vegetable stock", + "sweet paprika" + ] + }, + { + "id": 14013, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "smoked sausage", + "ham", + "cooked rice", + "red beans", + "hot sauce", + "ground black pepper", + "salt", + "onions", + "green bell pepper", + "ground red pepper", + "garlic cloves" + ] + }, + { + "id": 844, + "cuisine": "greek", + "ingredients": [ + "pepper", + "ground nutmeg", + "butter", + "feta cheese crumbles", + "oregano", + "olive oil", + "potatoes", + "salt", + "fresh parsley", + "milk", + "zucchini", + "extra-virgin olive oil", + "ground beef", + "tomatoes", + "eggplant", + "egg yolks", + "all-purpose flour", + "onions" + ] + }, + { + "id": 14284, + "cuisine": "french", + "ingredients": [ + "sugar", + "orange rind", + "mint sprigs", + "water", + "rhubarb", + "fresh orange juice" + ] + }, + { + "id": 25217, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "ground white pepper", + "ice cubes", + "ginger", + "chicken", + "rice wine", + "white sugar", + "ground black pepper", + "salt" + ] + }, + { + "id": 46506, + "cuisine": "mexican", + "ingredients": [ + "lime", + "large garlic cloves", + "tortilla shells", + "light sour cream", + "roma tomatoes", + "cilantro", + "serrano chile", + "avocado", + "radishes", + "gluten", + "organic coconut oil", + "black beans", + "boneless skinless chicken breasts", + "yellow onion" + ] + }, + { + "id": 14959, + "cuisine": "moroccan", + "ingredients": [ + "loaves", + "herbs", + "active dry yeast", + "all-purpose flour", + "warm water", + "sea salt", + "semolina flour", + "olive oil" + ] + }, + { + "id": 31698, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "olive oil", + "scallions", + "nonfat ricotta cheese", + "sugar", + "balsamic vinegar", + "fresh parsley leaves", + "part-skim mozzarella", + "large eggs", + "garlic cloves", + "silken tofu", + "jumbo pasta shells", + "onions" + ] + }, + { + "id": 5574, + "cuisine": "italian", + "ingredients": [ + "salt", + "ground black pepper", + "lemon wedge", + "olive oil", + "t-bone steak" + ] + }, + { + "id": 17388, + "cuisine": "japanese", + "ingredients": [ + "yellow miso", + "rice vinegar", + "grated orange", + "vegetable oil", + "red bell pepper", + "asparagus", + "fresh lemon juice", + "water", + "fresh orange juice", + "large shrimp" + ] + }, + { + "id": 33610, + "cuisine": "british", + "ingredients": [ + "nutmeg", + "water", + "corn starch", + "clove", + "pork", + "butter", + "double crust pie", + "pepper", + "salt", + "pastry", + "cinnamon", + "onions" + ] + }, + { + "id": 33959, + "cuisine": "french", + "ingredients": [ + "chocolate glaze", + "water", + "egg whites", + "large eggs", + "pastry cream", + "pie crust mix" + ] + }, + { + "id": 38928, + "cuisine": "thai", + "ingredients": [ + "lettuce", + "lime rind", + "green onions", + "salt", + "coconut milk", + "sugar", + "green curry paste", + "ginger", + "freshly ground pepper", + "fish sauce", + "lime juice", + "vegetable oil", + "cilantro leaves", + "rice paper", + "soy sauce", + "boneless chicken breast", + "canned tomatoes", + "english cucumber" + ] + }, + { + "id": 9751, + "cuisine": "japanese", + "ingredients": [ + "dried kelp", + "dried bonito", + "water" + ] + }, + { + "id": 39716, + "cuisine": "french", + "ingredients": [ + "pepper", + "gruyere cheese", + "broccoli", + "ground nutmeg", + "stone ground mustard", + "milk", + "salt", + "butter", + "all-purpose flour" + ] + }, + { + "id": 46485, + "cuisine": "moroccan", + "ingredients": [ + "roasted pistachios", + "half & half", + "crackers", + "chèvre", + "orange blossom honey" + ] + }, + { + "id": 3613, + "cuisine": "southern_us", + "ingredients": [ + "lemon", + "baby back ribs", + "barbecue rub", + "barbecue sauce" + ] + }, + { + "id": 40065, + "cuisine": "spanish", + "ingredients": [ + "jumbo shrimp", + "olive oil", + "large garlic cloves", + "fresh lemon juice", + "mussels", + "fat free less sodium chicken broth", + "finely chopped onion", + "green peas", + "fresh parsley", + "saffron threads", + "boneless chicken thighs", + "prosciutto", + "diced tomatoes", + "red bell pepper", + "arborio rice", + "water", + "lemon wedge", + "sweet paprika", + "chorizo sausage" + ] + }, + { + "id": 42170, + "cuisine": "japanese", + "ingredients": [ + "black sesame seeds", + "glutinous rice", + "salt", + "beans" + ] + }, + { + "id": 46875, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "ground red pepper", + "garlic", + "cinnamon sticks", + "olive oil", + "cardamon", + "cilantro", + "coconut cream", + "clove", + "almonds", + "chicken breasts", + "salt", + "bay leaf", + "water", + "garam masala", + "heavy cream", + "yellow onion", + "ground cumin" + ] + }, + { + "id": 18330, + "cuisine": "indian", + "ingredients": [ + "mustard", + "red chili peppers", + "purple onion", + "oil", + "asafoetida", + "sesame oil", + "fenugreek seeds", + "curry leaves", + "chili powder", + "salt", + "clove", + "tumeric", + "lemon", + "okra" + ] + }, + { + "id": 21950, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chopped fresh chives", + "shredded sharp cheddar cheese", + "fontina", + "rye bread", + "1% low-fat milk", + "ham", + "fresh parmesan cheese", + "cooking spray", + "salt", + "pasta", + "ground black pepper", + "spicy brown mustard", + "all-purpose flour" + ] + }, + { + "id": 27519, + "cuisine": "british", + "ingredients": [ + "almond extract", + "salt", + "eggs", + "orange extract", + "sour cream", + "baking soda", + "vanilla extract", + "white sugar", + "butter", + "all-purpose flour" + ] + }, + { + "id": 30524, + "cuisine": "mexican", + "ingredients": [ + "lime", + "cilantro leaves", + "unsalted butter", + "grated cotija", + "corn", + "chili powder" + ] + }, + { + "id": 17923, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "water", + "extra-virgin olive oil", + "borlotti beans", + "tomatoes", + "Italian parsley leaves", + "garlic cloves", + "celery ribs", + "fresh thyme", + "salt", + "onions", + "black pepper", + "farro", + "carrots" + ] + }, + { + "id": 13551, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "Italian parsley leaves", + "basil leaves", + "garlic cloves", + "pinenuts", + "pecorino romano cheese", + "parmigiano reggiano cheese", + "Italian basil" + ] + }, + { + "id": 33662, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "hoisin sauce", + "chinese five-spice powder", + "light soy sauce", + "ginger", + "honey", + "garlic", + "wine", + "sesame oil", + "pork butt" + ] + }, + { + "id": 28855, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "pasta sauce", + "ground beef", + "penne pasta", + "water" + ] + }, + { + "id": 4409, + "cuisine": "indian", + "ingredients": [ + "ginger", + "asafoetida", + "rice", + "tomatoes", + "salt", + "red chili peppers", + "green chilies" + ] + }, + { + "id": 9767, + "cuisine": "irish", + "ingredients": [ + "mashed potatoes", + "salt", + "milk", + "melted butter", + "spring onions", + "pepper" + ] + }, + { + "id": 37276, + "cuisine": "filipino", + "ingredients": [ + "cider vinegar", + "dried oregano", + "bay leaves", + "minced garlic", + "soy sauce", + "cornish hens" + ] + }, + { + "id": 1229, + "cuisine": "british", + "ingredients": [ + "powdered sugar", + "jam", + "whipped cream", + "fast rising yeast", + "salt", + "milk", + "bread flour" + ] + }, + { + "id": 40293, + "cuisine": "thai", + "ingredients": [ + "brioche buns", + "thai basil", + "garlic", + "toasted sesame oil", + "mayonaise", + "kosher salt", + "mint leaves", + "cilantro leaves", + "ice cubes", + "brisket", + "Sriracha", + "purple onion", + "iceberg lettuce", + "sugar", + "light soy sauce", + "ginger", + "beef sirloin" + ] + }, + { + "id": 8106, + "cuisine": "thai", + "ingredients": [ + "eggs", + "basil leaves", + "ginger", + "carrots", + "soy sauce", + "cooked chicken", + "rice", + "brown sugar", + "spring onions", + "cayenne pepper", + "shrimp", + "chicken stock", + "black pepper", + "sliced leeks", + "peanut oil" + ] + }, + { + "id": 14920, + "cuisine": "irish", + "ingredients": [ + "ground pepper", + "frozen mixed vegetables", + "ketchup", + "all-purpose flour", + "chuck", + "mashed potatoes", + "coarse salt", + "onions", + "dried thyme", + "garlic cloves" + ] + }, + { + "id": 5278, + "cuisine": "italian", + "ingredients": [ + "veal cutlets", + "fat free less sodium beef broth", + "fresh lemon juice", + "marsala wine", + "shallots", + "all-purpose flour", + "fresh shiitake mushrooms", + "salt", + "flat leaf parsley", + "ground black pepper", + "butter", + "garlic cloves" + ] + }, + { + "id": 22017, + "cuisine": "thai", + "ingredients": [ + "lime", + "fresh green bean", + "red curry paste", + "coconut oil", + "sweet potatoes", + "light coconut milk", + "chicken", + "white onion", + "boneless skinless chicken breasts", + "garlic", + "cauliflower", + "fresh ginger", + "sea salt", + "chopped cilantro fresh" + ] + }, + { + "id": 9354, + "cuisine": "mexican", + "ingredients": [ + "yellow bell pepper", + "boneless skinless chicken breast halves", + "flour tortillas", + "poblano chiles", + "ground cumin", + "olive oil", + "purple onion", + "chopped cilantro fresh", + "ancho powder", + "fresh lime juice" + ] + }, + { + "id": 45693, + "cuisine": "indian", + "ingredients": [ + "chicken stock", + "fresh coriander", + "chili powder", + "salt", + "oil", + "onions", + "tomato purée", + "garam masala", + "paprika", + "ground coriander", + "lemon juice", + "ground cinnamon", + "chopped tomatoes", + "double cream", + "cardamom pods", + "garlic cloves", + "ground turmeric", + "caster sugar", + "yoghurt", + "ginger", + "cumin seed", + "fillets" + ] + }, + { + "id": 21045, + "cuisine": "korean", + "ingredients": [ + "green onions", + "rice vinegar", + "water", + "garlic", + "liquid aminos", + "sesame oil", + "sesame seeds", + "maple syrup" + ] + }, + { + "id": 10673, + "cuisine": "italian", + "ingredients": [ + "warm water", + "all-purpose flour", + "brine-cured olives", + "dry yeast", + "fresh rosemary", + "salt", + "olive oil" + ] + }, + { + "id": 21598, + "cuisine": "japanese", + "ingredients": [ + "scallions", + "soup", + "cod fillets", + "shiitake mushroom caps", + "vegetable oil" + ] + }, + { + "id": 21763, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "stewed tomatoes", + "yellow corn meal", + "green onions", + "nonfat cottage cheese", + "egg whites", + "salt", + "sugar", + "baking powder" + ] + }, + { + "id": 18430, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "crushed ice", + "lime", + "cachaca" + ] + }, + { + "id": 3660, + "cuisine": "french", + "ingredients": [ + "olive oil", + "fresh thyme leaves", + "ground black pepper", + "purple onion", + "onion soup", + "balsamic vinegar", + "baguette", + "shallots", + "grated Gruyère cheese" + ] + }, + { + "id": 38145, + "cuisine": "french", + "ingredients": [ + "salt", + "whipping cream", + "fresh tarragon", + "ground white pepper", + "tomatoes", + "lemon juice" + ] + }, + { + "id": 48064, + "cuisine": "indian", + "ingredients": [ + "yoghurt", + "crushed ice", + "mint", + "garlic", + "chaat masala", + "lime juice", + "salt", + "ginger", + "cucumber" + ] + }, + { + "id": 33951, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "extra-virgin olive oil", + "kosher salt", + "flat leaf parsley", + "black pepper", + "fresh lemon juice", + "grape tomatoes", + "chicken breasts" + ] + }, + { + "id": 35836, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "quickcooking grits", + "parsley sprigs", + "garlic powder", + "shredded sharp cheddar cheese", + "dried thyme", + "paprika", + "water", + "large eggs", + "pork sausages" + ] + }, + { + "id": 44388, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "freshly ground pepper", + "coarse salt", + "half & half", + "spaghetti", + "large eggs", + "bacon" + ] + }, + { + "id": 31093, + "cuisine": "french", + "ingredients": [ + "fennel seeds", + "dry white wine", + "garlic", + "large shrimp", + "fresh basil", + "red pepper", + "chopped onion", + "tomato paste", + "chopped fresh thyme", + "salt", + "olive oil", + "diced tomatoes", + "freshly ground pepper" + ] + }, + { + "id": 8044, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "brown rice", + "garlic", + "shredded cheese", + "ground cumin", + "tortillas", + "fat free greek yogurt", + "cayenne pepper", + "chipotles in adobo", + "water", + "chili powder", + "salsa", + "pinto beans", + "black beans", + "green onions", + "shredded lettuce", + "sauce", + "canola oil" + ] + }, + { + "id": 26518, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "apple jelly", + "ice water", + "sugar", + "large eggs", + "pears", + "hazelnuts", + "salt" + ] + }, + { + "id": 16318, + "cuisine": "southern_us", + "ingredients": [ + "water", + "light corn syrup", + "baking soda", + "peanuts", + "salt", + "baking sugar", + "butter" + ] + }, + { + "id": 9387, + "cuisine": "thai", + "ingredients": [ + "pizza crust", + "basil", + "red bell pepper", + "green onions", + "roasted peanuts", + "mozzarella cheese", + "cilantro", + "beansprouts", + "sweet chili sauce", + "cooked chicken", + "carrots" + ] + }, + { + "id": 29817, + "cuisine": "indian", + "ingredients": [ + "safflower oil", + "cayenne", + "garlic", + "cumin seed", + "clove", + "water", + "apple cider vinegar", + "salt", + "chopped cilantro", + "black pepper", + "bay leaves", + "purple onion", + "coconut milk", + "ground cinnamon", + "garam masala", + "ginger", + "firm tofu", + "mango" + ] + }, + { + "id": 20934, + "cuisine": "italian", + "ingredients": [ + "eggs", + "dried basil", + "grated parmesan cheese", + "sliced mushrooms", + "frozen chopped spinach", + "minced garlic", + "lasagna noodles", + "nonfat cottage cheese", + "dried oregano", + "brown sugar", + "olive oil", + "salt", + "onions", + "tomato paste", + "crushed tomatoes", + "zucchini", + "shredded mozzarella cheese" + ] + }, + { + "id": 33043, + "cuisine": "indian", + "ingredients": [ + "sliced almonds", + "crushed red pepper flakes", + "yellow onion", + "ground cardamom", + "cauliflower", + "cinnamon", + "garlic", + "ground coriander", + "clarified butter", + "fresh cilantro", + "ginger", + "firm tofu", + "greek yogurt", + "tumeric", + "heavy cream", + "fine sea salt", + "waxy potatoes", + "ground cumin" + ] + }, + { + "id": 45572, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "ground black pepper", + "bay leaves", + "garlic", + "smoked paprika", + "onions", + "lump crab meat", + "cayenne", + "green onions", + "hot sauce", + "red bell pepper", + "green bell pepper", + "oysters", + "flour", + "sea salt", + "ham", + "medium shrimp", + "cooked rice", + "crawfish", + "file powder", + "vegetable oil", + "okra", + "celery" + ] + }, + { + "id": 46416, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "cayenne", + "yellow onion", + "kosher salt", + "buttermilk", + "cornmeal", + "sugar", + "baking powder", + "tartar sauce", + "baking soda", + "all-purpose flour", + "canola oil" + ] + }, + { + "id": 15250, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "salt", + "pure vanilla extract", + "kosher salt", + "all purpose unbleached flour", + "pecan halves", + "unsalted butter", + "light corn syrup", + "dark corn syrup", + "bourbon whiskey" + ] + }, + { + "id": 27862, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "basil leaves", + "rice vermicelli", + "cucumber", + "romaine lettuce", + "mint leaves", + "vegetable oil", + "nuoc cham", + "soy sauce", + "pork loin", + "salt", + "beansprouts", + "fish sauce", + "fresh cilantro", + "shallots", + "roasted peanuts" + ] + }, + { + "id": 29580, + "cuisine": "italian", + "ingredients": [ + "french baguette", + "butter", + "garlic cloves", + "grated parmesan cheese" + ] + }, + { + "id": 35386, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "parmigiano reggiano cheese", + "gruyere cheese", + "milk", + "butter", + "all-purpose flour", + "white pepper", + "basil leaves", + "salt", + "dijon mustard", + "garlic", + "gnocchi" + ] + }, + { + "id": 3170, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "corn", + "scallions", + "avocado", + "black beans", + "cilantro", + "romaine lettuce", + "grapeseed oil", + "red bell pepper", + "rub", + "lime juice", + "salt" + ] + }, + { + "id": 1396, + "cuisine": "indian", + "ingredients": [ + "red lentils", + "olive oil", + "firm tofu", + "curry powder", + "salt", + "garlic cloves", + "water", + "fresh ginger", + "cumin seed", + "fresh cilantro", + "cayenne pepper", + "onions" + ] + }, + { + "id": 14194, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "red pepper flakes", + "pasta", + "eggplant", + "onions", + "cauliflower", + "olive oil", + "greek yogurt", + "mint", + "balsamic vinegar" + ] + }, + { + "id": 21444, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "Philadelphia Cream Cheese", + "Oscar Mayer Bacon", + "poblano chiles", + "Kraft Shredded Pepper Jack Cheese" + ] + }, + { + "id": 10960, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "shiitake", + "yellow onion", + "cremini mushrooms", + "butter", + "organic vegetable broth", + "parmigiano-reggiano cheese", + "ground black pepper", + "chopped fresh sage", + "dried porcini mushrooms", + "salt", + "hot water" + ] + }, + { + "id": 9241, + "cuisine": "chinese", + "ingredients": [ + "imitation crab meat", + "cream cheese, soften", + "oil", + "wonton wrappers", + "onions" + ] + }, + { + "id": 6813, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "leg of lamb", + "white wine", + "red pepper flakes", + "drippings", + "garlic cloves", + "green bell pepper", + "pimentos", + "onions" + ] + }, + { + "id": 25687, + "cuisine": "indian", + "ingredients": [ + "garbanzo beans", + "oil", + "white onion", + "peas", + "cumin", + "frozen chopped spinach", + "garam masala", + "broth", + "curry powder", + "garlic" + ] + }, + { + "id": 34418, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "honey", + "chili powder", + "chopped onion", + "water", + "hot pepper sauce", + "garlic", + "ketchup", + "salt and ground black pepper", + "worcestershire sauce", + "pork shoulder roast", + "barbecue sauce", + "chopped celery" + ] + }, + { + "id": 29389, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "jalapeno chilies", + "chopped cilantro fresh", + "sugar", + "olive oil", + "fresh basil leaves", + "minced garlic", + "toasted sesame oil", + "sliced green onions", + "jasmine rice", + "shrimp", + "asian fish sauce" + ] + }, + { + "id": 18884, + "cuisine": "brazilian", + "ingredients": [ + "sliced tomatoes", + "olive oil", + "coconut milk", + "lime juice", + "cilantro leaves", + "red snapper", + "garlic", + "onions", + "minced garlic", + "salt" + ] + }, + { + "id": 32519, + "cuisine": "greek", + "ingredients": [ + "frozen chopped spinach", + "milk", + "all-purpose flour", + "melted butter", + "large eggs", + "fresh lemon juice", + "chicken broth", + "unsalted butter", + "grated nutmeg", + "fresh dill", + "salt", + "onions" + ] + }, + { + "id": 26994, + "cuisine": "british", + "ingredients": [ + "all-purpose flour", + "eggs", + "low-fat milk", + "shortening" + ] + }, + { + "id": 36536, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "long-grain rice", + "eggs", + "salt", + "roast duck meat", + "green onions", + "soy sauce", + "barbecued pork" + ] + }, + { + "id": 33799, + "cuisine": "french", + "ingredients": [ + "black pepper", + "fresh parmesan cheese", + "flour tortillas", + "lettuce leaves", + "salt", + "lemon juice", + "eggplant", + "zucchini", + "basil leaves", + "extra-virgin olive oil", + "fresh parsley leaves", + "pinenuts", + "roasted red peppers", + "tahini", + "cannellini beans", + "provolone cheese", + "herbes de provence", + "yellow squash", + "fennel bulb", + "cooking spray", + "red wine vinegar", + "garlic cloves" + ] + }, + { + "id": 5580, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "ground black pepper", + "grated nutmeg", + "olive oil", + "garlic", + "grits", + "bread crumb fresh", + "sharp white cheddar cheese", + "all-purpose flour", + "orecchiette", + "milk", + "butter", + "okra" + ] + }, + { + "id": 34854, + "cuisine": "mexican", + "ingredients": [ + "chile pepper", + "pumpkin seeds", + "olive oil", + "garlic", + "cilantro", + "grated cotija", + "salt" + ] + }, + { + "id": 23132, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "shredded cabbage", + "ground ginger", + "egg roll wrappers", + "all-purpose flour", + "garlic powder", + "ground pork", + "water", + "shredded carrots", + "peanut oil" + ] + }, + { + "id": 40900, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "salt", + "ham", + "arborio rice", + "fresh parmesan cheese", + "chopped onion", + "red bell pepper", + "olive oil", + "frozen corn kernels", + "hot water", + "white wine", + "ground black pepper", + "provolone cheese", + "flat leaf parsley" + ] + }, + { + "id": 17929, + "cuisine": "mexican", + "ingredients": [ + "sweet pepper", + "shredded Monterey Jack cheese", + "flour tortillas", + "onions", + "tortilla chips", + "chile pepper", + "chorizo sausage" + ] + }, + { + "id": 11862, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "unsalted butter", + "kosher salt", + "ricotta", + "semolina flour", + "grated parmesan cheese", + "parmesan cheese" + ] + }, + { + "id": 22594, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "calvados", + "chicken livers", + "unflavored gelatin", + "ground black pepper", + "shallots", + "white sandwich bread", + "sugar", + "unsalted butter", + "thyme", + "milk", + "riesling", + "thyme sprigs" + ] + }, + { + "id": 39540, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "olive oil", + "shrimp", + "chicken broth", + "tomato sauce", + "garlic", + "long grain white rice", + "louisiana hot sauce", + "lemon", + "onions", + "green bell pepper", + "black pepper", + "creole seasoning", + "dried oregano" + ] + }, + { + "id": 4860, + "cuisine": "filipino", + "ingredients": [ + "green bell pepper", + "pepper", + "garlic", + "oil", + "cheddar cheese", + "potatoes", + "salt", + "red bell pepper", + "Spanish olives", + "water", + "beef stew meat", + "carrots", + "sweet gherkin", + "tomato sauce", + "thai chile", + "liver", + "onions" + ] + }, + { + "id": 30924, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "celery", + "cabbage", + "olive oil", + "grated parmesan cheese", + "garlic salt", + "water", + "beef bouillon", + "onions", + "italian seasoning", + "salt and ground black pepper", + "carrots", + "plum tomatoes" + ] + }, + { + "id": 8463, + "cuisine": "french", + "ingredients": [ + "sugar", + "whole milk", + "large egg yolks", + "vanilla extract", + "raspberries", + "whipping cream", + "semisweet chocolate", + "Frangelico" + ] + }, + { + "id": 35521, + "cuisine": "french", + "ingredients": [ + "shallots", + "duck", + "mustard", + "extra-virgin olive oil", + "red wine vinegar", + "greens", + "morel", + "salt" + ] + }, + { + "id": 21799, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "vegetable oil", + "cider vinegar", + "cornmeal", + "mayonaise", + "okra", + "honey", + "boiling potatoes" + ] + }, + { + "id": 45507, + "cuisine": "indian", + "ingredients": [ + "urad dal", + "oil", + "rice", + "salt", + "onions", + "ginger", + "green chilies" + ] + }, + { + "id": 8453, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "unsalted butter", + "shallots", + "water", + "low sodium chicken broth", + "wild mushrooms", + "chicken stock", + "parmigiano reggiano cheese", + "white truffle oil", + "olive oil", + "chopped fresh chives" + ] + }, + { + "id": 3074, + "cuisine": "greek", + "ingredients": [ + "rosemary sprigs", + "sea salt", + "lemon juice", + "garbanzo beans", + "extra-virgin olive oil", + "olive oil", + "crushed red pepper flakes", + "onions", + "fresh rosemary", + "ground red pepper", + "garlic cloves" + ] + }, + { + "id": 11755, + "cuisine": "french", + "ingredients": [ + "sugar", + "all-purpose flour", + "butter", + "whole milk", + "eggs", + "vanilla extract" + ] + }, + { + "id": 17510, + "cuisine": "italian", + "ingredients": [ + "eggs", + "dried basil", + "garlic", + "romano cheese", + "lean ground beef", + "pasta sauce", + "lasagna noodles", + "sausages", + "mozzarella cheese", + "ricotta cheese" + ] + }, + { + "id": 43483, + "cuisine": "cajun_creole", + "ingredients": [ + "white bread", + "large egg whites", + "large eggs", + "low-fat mayonnaise", + "pickle relish", + "parsley sprigs", + "hot pepper sauce", + "vegetable oil", + "red bell pepper", + "creole mustard", + "lump crab meat", + "finely chopped onion", + "salt free cajun creole seasoning", + "fresh parsley", + "capers", + "ground black pepper", + "lemon wedge", + "fresh lemon juice" + ] + }, + { + "id": 12295, + "cuisine": "greek", + "ingredients": [ + "parsley sprigs", + "fennel", + "dried dill", + "phyllo dough", + "olive oil", + "mustard greens", + "oregano", + "black pepper", + "cooking spray", + "fresh parsley", + "fresh spinach", + "feta cheese", + "salt", + "sliced green onions" + ] + }, + { + "id": 13122, + "cuisine": "mexican", + "ingredients": [ + "water", + "mexican chocolate" + ] + }, + { + "id": 44070, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken breast", + "salt", + "pepper", + "butter", + "tortilla shells", + "avocado", + "green onions", + "mild cheddar cheese", + "lime", + "bacon" + ] + }, + { + "id": 44115, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame seeds", + "ground pork", + "eggs", + "fresh ginger", + "vegetable oil", + "chinese chives", + "dumpling wrappers", + "sesame oil", + "seasoned rice wine vinegar", + "water", + "chilegarlic sauce", + "garlic" + ] + }, + { + "id": 42375, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "chees fresh mozzarella", + "tomato sauce", + "whole milk ricotta cheese", + "flat leaf parsley", + "parmigiano reggiano cheese", + "freshly ground pepper", + "olive oil", + "sea salt" + ] + }, + { + "id": 28989, + "cuisine": "jamaican", + "ingredients": [ + "boneless chicken skinless thigh", + "ground black pepper", + "salt", + "garlic powder", + "ground red pepper", + "dried thyme", + "cooking spray", + "ground allspice", + "ground ginger", + "ground nutmeg", + "onion powder" + ] + }, + { + "id": 36117, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "egg yolks", + "garlic cloves", + "white pepper", + "rice wine", + "potato flour", + "soy sauce", + "basil leaves", + "chicken pieces", + "five spice", + "pepper", + "salt" + ] + }, + { + "id": 9021, + "cuisine": "french", + "ingredients": [ + "ground peppercorn", + "cognac", + "garlic oil", + "beef sirloin" + ] + }, + { + "id": 17906, + "cuisine": "french", + "ingredients": [ + "sugar", + "vanilla extract", + "confectioners sugar", + "large eggs", + "all-purpose flour", + "milk", + "salt", + "yolk", + "black cherries" + ] + }, + { + "id": 20261, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "vegetable oil", + "garlic powder", + "all-purpose flour", + "ground red pepper", + "yellow corn meal", + "salt" + ] + }, + { + "id": 11374, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "juice", + "olive oil", + "whipping cream", + "fettucine", + "diced tomatoes", + "flat leaf parsley", + "prosciutto", + "garlic cloves" + ] + }, + { + "id": 20687, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "egg substitute", + "lasagna noodles, cooked and drained", + "fresh oregano", + "tomato paste", + "pepper", + "part-skim mozzarella cheese", + "garlic", + "chopped onion", + "vegetable oil cooking spray", + "water", + "ricotta cheese", + "green pepper", + "tomatoes", + "minced garlic", + "grated parmesan cheese", + "salt", + "turkey breast" + ] + }, + { + "id": 31328, + "cuisine": "jamaican", + "ingredients": [ + "pickapeppa sauce", + "bay leaves", + "salt", + "scallions", + "chicken legs", + "hot pepper", + "berries", + "pork loin chops", + "ground cinnamon", + "chicken breast halves", + "grated nutmeg", + "garlic cloves", + "ground pepper", + "red wine vinegar", + "peanut oil" + ] + }, + { + "id": 3414, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "vegetarian oyster sauce", + "soybean sprouts", + "ginkgo nut", + "dried black mushrooms", + "sugar", + "fresh ginger", + "garlic cloves", + "bean threads", + "bean curd skins", + "cake", + "hot water", + "romaine lettuce", + "light soy sauce", + "peanut oil", + "bamboo shoots" + ] + }, + { + "id": 17802, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "chili powder", + "green chilies", + "ground cumin", + "flour tortillas", + "sweet corn", + "sour cream", + "ground black pepper", + "fine sea salt", + "enchilada sauce", + "cheddar cheese", + "spring onions", + "cream cheese", + "chicken" + ] + }, + { + "id": 7628, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "butter", + "corn starch", + "brown sugar", + "flour", + "Saigon cinnamon", + "nutmeg", + "peaches", + "salt", + "sugar", + "baking powder", + "lemon juice" + ] + }, + { + "id": 21820, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "garlic", + "ground cumin", + "fresh cilantro", + "diced tomatoes", + "dried oregano", + "boneless chicken breast halves", + "salt", + "boneless chicken thighs", + "chili powder", + "fresh lime juice" + ] + }, + { + "id": 31480, + "cuisine": "mexican", + "ingredients": [ + "lean ground beef", + "Bisquick Baking Mix", + "milk", + "salsa", + "monterey jack", + "eggs", + "Old El Paso™ chopped green chiles", + "onions", + "Old El Paso™ taco seasoning mix", + "sour cream" + ] + }, + { + "id": 30955, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "enchilada sauce", + "dried oregano", + "black beans", + "chopped onion", + "corn tortillas", + "cheddar cheese", + "salsa", + "soy crumbles", + "ground cumin", + "cooking spray", + "garlic cloves", + "fat free cream cheese" + ] + }, + { + "id": 20436, + "cuisine": "mexican", + "ingredients": [ + "fat free less sodium chicken broth", + "serrano peppers", + "garlic cloves", + "fresh tomatoes", + "shredded reduced fat cheddar cheese", + "green onions", + "chopped cilantro", + "white onion", + "vermicelli", + "pinto beans", + "ground chipotle chile pepper", + "olive oil", + "salt", + "ground cumin" + ] + }, + { + "id": 30850, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "grated parmesan cheese", + "oven-ready lasagna noodles", + "fresh leav spinach", + "shredded mozzarella cheese", + "marinara sauce", + "fresh basil leaves" + ] + }, + { + "id": 27774, + "cuisine": "southern_us", + "ingredients": [ + "cayenne", + "buttermilk", + "poultry seasoning", + "garlic powder", + "boneless skinless chicken breasts", + "all-purpose flour", + "kosher salt", + "cornflake crumbs", + "paprika", + "ground black pepper", + "onion powder", + "hot sauce" + ] + }, + { + "id": 6035, + "cuisine": "french", + "ingredients": [ + "egg whites", + "cake flour", + "vanilla extract", + "unsalted butter", + "confectioners sugar" + ] + }, + { + "id": 28856, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "heavy cream", + "kosher salt", + "shallots", + "scallions", + "Irish whiskey", + "paprika", + "pepper", + "lemon", + "lobster meat" + ] + }, + { + "id": 19250, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "sardines", + "bread crumbs", + "extra-virgin olive oil", + "potatoes", + "dried basil", + "garlic" + ] + }, + { + "id": 26978, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "green peas", + "cumin seed", + "asafoetida", + "chili powder", + "green chilies", + "ground turmeric", + "garlic paste", + "potatoes", + "cilantro leaves", + "onions", + "cauliflower", + "coriander powder", + "salt", + "oil" + ] + }, + { + "id": 4264, + "cuisine": "italian", + "ingredients": [ + "angel hair", + "prosciutto", + "sliced mushrooms", + "pepper", + "grated parmesan cheese", + "onions", + "chili flakes", + "asparagus", + "heavy whipping cream", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 19322, + "cuisine": "greek", + "ingredients": [ + "dried currants", + "olive oil", + "hot water", + "pinenuts", + "feta cheese", + "basmati rice", + "black pepper", + "sun-dried tomatoes", + "chopped fresh mint", + "water", + "salt" + ] + }, + { + "id": 48198, + "cuisine": "russian", + "ingredients": [ + "potatoes", + "sunflower oil", + "sour cream", + "peppercorns", + "sauerkraut", + "mushrooms", + "dill", + "onions", + "celery root", + "beef", + "heavy cream", + "carrots", + "marjoram", + "bay leaves", + "garlic", + "celery", + "dried mushrooms" + ] + }, + { + "id": 49348, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "red bell pepper", + "dry pasta", + "plum tomatoes", + "garlic", + "fresh basil leaves", + "black pepper", + "salt" + ] + }, + { + "id": 15888, + "cuisine": "chinese", + "ingredients": [ + "large eggs", + "ginger root", + "vegetables", + "rice vinegar", + "mung bean sprouts", + "soy sauce", + "garlic", + "toasted sesame oil", + "hoisin sauce", + "scallions" + ] + }, + { + "id": 10374, + "cuisine": "indian", + "ingredients": [ + "mango chutney", + "garlic cloves", + "ground cumin", + "curry powder", + "crushed red pepper", + "onions", + "egg roll wrappers", + "salt", + "chopped cilantro fresh", + "dried lentils", + "vegetable oil", + "carrots" + ] + }, + { + "id": 11639, + "cuisine": "korean", + "ingredients": [ + "shredded mozzarella cheese", + "flat leaf parsley", + "kimchi", + "oil", + "butter", + "corn tortillas" + ] + }, + { + "id": 35875, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "shredded cheddar cheese", + "green onions", + "fresh tomatoes", + "taco seasoning mix", + "sour cream", + "green bell pepper", + "refried beans", + "shredded lettuce", + "mayonaise", + "sliced black olives" + ] + }, + { + "id": 16808, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "potatoes", + "green pepper", + "cold water", + "soy sauce", + "sweet potatoes", + "sugar", + "pumpkin", + "salad oil", + "stock", + "flour", + "shrimp" + ] + }, + { + "id": 35842, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil cooking spray", + "self-rising cornmeal", + "cream style corn", + "egg substitute", + "onions", + "nonfat buttermilk", + "vegetable oil" + ] + }, + { + "id": 43935, + "cuisine": "italian", + "ingredients": [ + "baking powder", + "salt", + "ricotta cheese", + "confectioners sugar", + "vegetable oil", + "all-purpose flour", + "eggs", + "vanilla extract", + "white sugar" + ] + }, + { + "id": 10904, + "cuisine": "korean", + "ingredients": [ + "sugar", + "beef rib short", + "fresh ginger", + "dry sherry", + "soy sauce" + ] + }, + { + "id": 37149, + "cuisine": "southern_us", + "ingredients": [ + "cajun seasoning", + "flavoring", + "garlic", + "butter", + "onions", + "water", + "pork roast" + ] + }, + { + "id": 40448, + "cuisine": "french", + "ingredients": [ + "cheese", + "extra sharp white cheddar cheese", + "beer", + "cauliflower", + "all-purpose flour", + "chopped fresh chives" + ] + }, + { + "id": 9307, + "cuisine": "japanese", + "ingredients": [ + "salt", + "cucumber", + "rice vinegar", + "fresh ginger root", + "white sugar" + ] + }, + { + "id": 39159, + "cuisine": "thai", + "ingredients": [ + "chili", + "salt", + "shallots", + "cooking oil", + "tamarind paste", + "sugar", + "garlic" + ] + }, + { + "id": 30671, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "green onions", + "red curry paste", + "beansprouts", + "fresh cilantro", + "sliced carrots", + "carrots", + "lime leaves", + "lemongrass", + "chicken breasts", + "juice", + "coconut milk", + "chicken broth", + "mushrooms", + "rice noodles", + "red bell pepper" + ] + }, + { + "id": 45491, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "button mushrooms", + "stuffing", + "fresh parsley", + "large eggs", + "provolone cheese", + "fresh basil", + "green onions" + ] + }, + { + "id": 12491, + "cuisine": "jamaican", + "ingredients": [ + "plums", + "ground nutmeg", + "sweetened condensed milk", + "orange", + "grapefruit", + "sherry", + "mango" + ] + }, + { + "id": 2948, + "cuisine": "mexican", + "ingredients": [ + "bay leaves", + "cayenne pepper", + "ground cloves", + "vegetable oil", + "cumin", + "chili powder", + "pork butt", + "garlic powder", + "salt" + ] + }, + { + "id": 15099, + "cuisine": "spanish", + "ingredients": [ + "tomato paste", + "reduced sodium chicken broth", + "dry white wine", + "garlic", + "flat leaf parsley", + "clove", + "black pepper", + "bay leaves", + "extra-virgin olive oil", + "carrots", + "hard shelled clams", + "kosher salt", + "vegetable oil", + "spanish chorizo", + "onions", + "celery ribs", + "hot red pepper flakes", + "rib pork chops", + "diced tomatoes", + "juice" + ] + }, + { + "id": 18838, + "cuisine": "mexican", + "ingredients": [ + "American cheese", + "cheddar cheese", + "heavy cream", + "tomatoes", + "poblano peppers", + "jack cheese", + "salt" + ] + }, + { + "id": 31753, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "dried sage", + "onions", + "ground black pepper", + "calf liver", + "sage leaves", + "butter" + ] + }, + { + "id": 28805, + "cuisine": "russian", + "ingredients": [ + "water", + "flat leaf parsley", + "balsamic vinegar", + "cabbage", + "unsalted butter", + "onions", + "pierogi", + "bacon slices" + ] + }, + { + "id": 28427, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "whole milk", + "sharp cheddar cheese", + "unsalted butter", + "paprika", + "large eggs", + "salt", + "hot pepper sauce", + "quickcooking grits", + "garlic cloves" + ] + }, + { + "id": 40952, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "garlic", + "frozen corn kernels", + "fresh parsley", + "bacon drippings", + "butter", + "beef broth", + "diced celery", + "green bell pepper", + "bacon", + "creole seasoning", + "red bell pepper", + "fresh thyme", + "salt", + "chopped onion" + ] + }, + { + "id": 18834, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "whipped cream", + "chopped pecans", + "baking soda", + "ice water", + "salt", + "unsalted butter", + "all purpose unbleached flour", + "all-purpose flour", + "honey", + "bourbon whiskey", + "vanilla extract", + "medjool date" + ] + }, + { + "id": 20034, + "cuisine": "southern_us", + "ingredients": [ + "evaporated milk", + "eggs", + "flour", + "cream style corn", + "sugar", + "butter" + ] + }, + { + "id": 48484, + "cuisine": "mexican", + "ingredients": [ + "water", + "green bell pepper", + "celery", + "American cheese", + "onions", + "jalapeno chilies" + ] + }, + { + "id": 29058, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "cooking spray", + "salt", + "finely chopped onion", + "dry white wine", + "spaghetti", + "ground black pepper", + "center cut bacon", + "fresh parsley", + "large egg whites", + "large eggs", + "baby spinach" + ] + }, + { + "id": 18828, + "cuisine": "greek", + "ingredients": [ + "large eggs", + "extra light olive oil", + "almonds", + "sunflower oil", + "plain whole-milk yogurt", + "ouzo", + "all purpose unbleached flour", + "fine sea salt", + "sugar", + "baking powder", + "star anise" + ] + }, + { + "id": 23993, + "cuisine": "italian", + "ingredients": [ + "salt", + "medium shrimp", + "ground black pepper", + "garlic cloves", + "asparagus", + "flat leaf parsley", + "olive oil", + "grated lemon zest" + ] + }, + { + "id": 35856, + "cuisine": "french", + "ingredients": [ + "French mustard", + "gruyere cheese", + "bread" + ] + }, + { + "id": 36928, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "salt", + "Mexican beer", + "garlic cloves", + "flank steak", + "dark brown sugar", + "lime juice", + "purple onion", + "lemon juice" + ] + }, + { + "id": 6930, + "cuisine": "southern_us", + "ingredients": [ + "low sodium chicken broth", + "grits", + "kosher salt", + "freshly ground pepper", + "unsalted butter", + "garlic cloves", + "heavy cream", + "extra sharp cheddar cheese" + ] + }, + { + "id": 36164, + "cuisine": "indian", + "ingredients": [ + "pepper", + "chili powder", + "oil", + "ground cumin", + "tomatoes", + "potatoes", + "cilantro leaves", + "ground turmeric", + "curry leaves", + "fresh ginger", + "salt", + "onions", + "eggs", + "capsicum", + "cumin seed", + "masala" + ] + }, + { + "id": 2197, + "cuisine": "irish", + "ingredients": [ + "large eggs", + "fresh lemon juice", + "salt", + "butter", + "corn starch", + "sugar", + "grated lemon zest" + ] + }, + { + "id": 14550, + "cuisine": "italian", + "ingredients": [ + "yellow squash", + "potato gnocchi", + "fresh spinach", + "fat free milk", + "smoked gouda", + "olive oil", + "salt", + "minced garlic", + "ground black pepper" + ] + }, + { + "id": 15500, + "cuisine": "cajun_creole", + "ingredients": [ + "white pepper", + "flour", + "bacon fat", + "juice", + "dried oregano", + "chopped green bell pepper", + "chopped celery", + "chopped onion", + "bay leaf", + "cayenne", + "Tabasco Pepper Sauce", + "dri leav thyme", + "red bell pepper", + "large shrimp", + "curly parsley", + "bay scallops", + "salt", + "garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 30606, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "baking powder", + "white onion", + "red chili peppers", + "hot curry powder", + "plain flour", + "water" + ] + }, + { + "id": 43393, + "cuisine": "jamaican", + "ingredients": [ + "eggs", + "buttermilk", + "filet", + "jamaican jerk season", + "crushed red pepper flakes", + "lemon pepper", + "fresh dill", + "sea salt", + "dill pickles", + "seasoning", + "flour", + "garlic", + "sour cream" + ] + }, + { + "id": 31694, + "cuisine": "thai", + "ingredients": [ + "lite coconut milk", + "chili", + "hot pepper", + "salt", + "tumeric", + "pepper", + "leeks", + "Kim Crawford Sauvignon Blanc", + "fresh basil", + "sugar", + "lemon grass", + "butter", + "carrots", + "mint", + "jasmine rice", + "bay scallops", + "cilantro", + "corn starch" + ] + }, + { + "id": 5754, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "hot water", + "chili paste", + "fish sauce", + "garlic cloves", + "lime juice" + ] + }, + { + "id": 9826, + "cuisine": "french", + "ingredients": [ + "mussels", + "olive oil", + "paprika", + "celery", + "curry powder", + "russet potatoes", + "crème fraîche", + "pepper", + "dry white wine", + "salt", + "onions", + "dried thyme", + "diced tomatoes", + "carrots" + ] + }, + { + "id": 30288, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "black pepper", + "pan drippings", + "cayenne pepper", + "kosher salt", + "buttermilk", + "lard", + "top round steak", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 47839, + "cuisine": "southern_us", + "ingredients": [ + "fresh sage", + "milk", + "garlic", + "onions", + "chicken bouillon", + "fresh thyme", + "all-purpose flour", + "green bell pepper", + "unsalted butter", + "salt", + "pork sausages", + "pepper", + "crushed red pepper flakes", + "fresh parsley" + ] + }, + { + "id": 33329, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "brine", + "collard greens", + "water", + "cooked rice", + "jalapeno chilies", + "bouillon", + "pepper", + "smoked ham hocks" + ] + }, + { + "id": 5096, + "cuisine": "cajun_creole", + "ingredients": [ + "fettuccine pasta", + "green onions", + "yellow bell pepper", + "red bell pepper", + "andouille sausage", + "chopped green bell pepper", + "heavy cream", + "sliced mushrooms", + "tomatoes", + "salt and ground black pepper", + "butter", + "shrimp", + "minced garlic", + "dry white wine", + "lemon juice", + "fresh parsley" + ] + }, + { + "id": 2720, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "salt", + "flour", + "water", + "black pepper", + "polenta" + ] + }, + { + "id": 40820, + "cuisine": "chinese", + "ingredients": [ + "chili pepper", + "shallots", + "ginger root", + "white pepper", + "spring onions", + "carrots", + "soy sauce", + "cooking oil", + "salt", + "fish", + "water", + "sesame oil", + "coriander" + ] + }, + { + "id": 4127, + "cuisine": "vietnamese", + "ingredients": [ + "Vietnamese coriander", + "dried wood ear mushrooms", + "fish sauce", + "boneless skinless chicken breasts", + "glass noodles", + "chicken stock", + "yellow rock sugar", + "serrano chile", + "black pepper", + "salt" + ] + }, + { + "id": 1494, + "cuisine": "southern_us", + "ingredients": [ + "silver", + "baked ham", + "all-purpose flour", + "milk", + "grated horseradish", + "sugar", + "prepared mustard", + "lard", + "flour", + "salt" + ] + }, + { + "id": 24931, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "frozen mixed vegetables", + "condensed cream of mushroom soup", + "refrigerated biscuits", + "black pepper", + "chicken meat" + ] + }, + { + "id": 13941, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "chayotes", + "chopped fresh chives", + "heavy cream" + ] + }, + { + "id": 6256, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "balsamic vinegar", + "minced garlic", + "oil", + "soy sauce", + "red pepper flakes", + "boneless chicken breast" + ] + }, + { + "id": 17141, + "cuisine": "italian", + "ingredients": [ + "spaghetti", + "coarse salt", + "ground black pepper", + "pecorino romano cheese" + ] + }, + { + "id": 1471, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "thyme leaves", + "salt", + "chicken stock", + "freshly ground pepper", + "russet potatoes", + "onions" + ] + }, + { + "id": 506, + "cuisine": "irish", + "ingredients": [ + "heavy cream", + "eggs", + "white sugar", + "chocolate", + "irish cream liqueur" + ] + }, + { + "id": 40501, + "cuisine": "mexican", + "ingredients": [ + "canola", + "grapeseed oil", + "freshly ground pepper", + "chopped cilantro fresh", + "eggs", + "queso fresco", + "yellow onion", + "fresh lemon juice", + "canola oil", + "chicken broth", + "jalapeno chilies", + "salt", + "garlic cloves", + "monterey jack", + "black beans", + "tomatillos", + "fresh oregano", + "corn tortillas" + ] + }, + { + "id": 9636, + "cuisine": "mexican", + "ingredients": [ + "mexican chocolate", + "cookies", + "whole milk", + "heavy whipping cream", + "white rum", + "salt" + ] + }, + { + "id": 47333, + "cuisine": "thai", + "ingredients": [ + "curry powder", + "ground red pepper", + "fresh lime juice", + "sweet chili sauce", + "chunky peanut butter", + "purple onion", + "chicken breast tenders", + "cooking spray", + "peanut oil", + "lower sodium soy sauce", + "pineapple", + "chopped cilantro fresh" + ] + }, + { + "id": 31556, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "yukon gold potatoes", + "carrots", + "sake", + "beef", + "shirataki", + "onions", + "dashi", + "vegetable oil", + "green beans", + "sugar", + "fresh shiitake mushrooms", + "salt" + ] + }, + { + "id": 39924, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "flour tortillas", + "extra-virgin olive oil", + "chopped cilantro", + "Mexican cheese blend", + "boneless skinless chicken breasts", + "enchilada sauce", + "dried oregano", + "sweet onion", + "jalapeno chilies", + "salsa", + "chipotle chile powder", + "poblano peppers", + "vegetable oil", + "sour cream" + ] + }, + { + "id": 8377, + "cuisine": "italian", + "ingredients": [ + "water", + "mango chutney", + "garlic cloves", + "coars ground black pepper", + "green onions", + "salt", + "tomatoes", + "olive oil", + "white wine vinegar", + "Italian bread", + "corn kernels", + "yellow bell pepper", + "cucumber" + ] + }, + { + "id": 34217, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "paprika", + "garlic powder", + "cayenne pepper", + "dried thyme", + "salt", + "onion powder", + "dried oregano" + ] + }, + { + "id": 17087, + "cuisine": "chinese", + "ingredients": [ + "granulated sugar", + "soy sauce", + "garlic", + "sesame oil", + "steamer", + "oyster sauce" + ] + }, + { + "id": 37846, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "water", + "crushed red pepper flakes", + "boneless skinless chicken breast halves", + "soy sauce", + "bourbon liqueur", + "corn starch", + "ground ginger", + "olive oil", + "garlic", + "cherry juice", + "ketchup", + "apple cider vinegar", + "dried minced onion" + ] + }, + { + "id": 8707, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "rice vinegar", + "chicken", + "sugar", + "pepper", + "garlic salt", + "kosher salt", + "corn starch", + "soy sauce", + "large eggs", + "canola oil" + ] + }, + { + "id": 31505, + "cuisine": "indian", + "ingredients": [ + "beans", + "vegetable oil", + "butter oil", + "clove", + "water", + "garlic", + "ground cumin", + "jasmine rice", + "cilantro", + "ground coriander", + "tumeric", + "chopped tomatoes", + "salt" + ] + }, + { + "id": 26833, + "cuisine": "italian", + "ingredients": [ + "brussels sprouts", + "butter", + "olive oil", + "fresh lemon juice", + "pinenuts", + "garlic cloves", + "shallots" + ] + }, + { + "id": 18667, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "penne pasta", + "kosher salt", + "diced tomatoes", + "pancetta", + "grated parmesan cheese", + "chopped onion", + "minced garlic", + "crushed red pepper flakes" + ] + }, + { + "id": 44832, + "cuisine": "french", + "ingredients": [ + "chicken broth", + "large eggs", + "scallions", + "rib", + "stock", + "chives", + "fresh parsley leaves", + "onions", + "unsalted butter", + "all-purpose flour", + "shanks", + "large egg whites", + "salt", + "carrots", + "chicken" + ] + }, + { + "id": 14667, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "vegetable oil", + "bok choy", + "sugar", + "green onions", + "salt", + "sesame seeds", + "butter", + "sliced almonds", + "sesame oil", + "rice vinegar" + ] + }, + { + "id": 26655, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "ground red pepper", + "chopped cilantro fresh", + "fat free yogurt", + "ground coriander", + "salmon fillets", + "salt", + "ground cumin", + "ground ginger", + "cooking spray", + "fresh lime juice" + ] + }, + { + "id": 27303, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "cayenne pepper", + "green chile", + "paprika", + "whole milk", + "monterey jack", + "black pepper", + "salt" + ] + }, + { + "id": 34692, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "garlic", + "shredded cheese", + "tortillas", + "diced tomatoes", + "cayenne pepper", + "chili powder", + "salt", + "cumin", + "green onions", + "cilantro", + "cream cheese" + ] + }, + { + "id": 24752, + "cuisine": "italian", + "ingredients": [ + "pepper", + "tomato juice", + "chopped celery", + "ground cayenne pepper", + "chicken broth", + "prosciutto", + "garlic", + "carrots", + "white vinegar", + "olive oil", + "red beans", + "chopped onion", + "white sugar", + "dried basil", + "ditalini pasta", + "salt", + "dried parsley" + ] + }, + { + "id": 33843, + "cuisine": "korean", + "ingredients": [ + "apple cider vinegar", + "Gochujang base", + "red chili peppers", + "salt", + "minced garlic", + "rice vinegar", + "sugar", + "sesame oil", + "english cucumber" + ] + }, + { + "id": 44504, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "orzo pasta", + "pepper", + "salt", + "fresh basil", + "butter", + "grated parmesan cheese" + ] + }, + { + "id": 34135, + "cuisine": "moroccan", + "ingredients": [ + "dried lentils", + "fresh cilantro", + "vegetable stock", + "yellow onion", + "flat leaf parsley", + "fresh dill", + "kidney beans", + "garlic", + "chickpeas", + "plain yogurt", + "egg noodles", + "salt", + "fresh mint", + "fava beans", + "olive oil", + "dark leafy greens", + "lima beans", + "ground turmeric" + ] + }, + { + "id": 25523, + "cuisine": "italian", + "ingredients": [ + "corn oil", + "white sugar", + "extra-virgin olive oil", + "apple cider vinegar", + "dried oregano", + "ground black pepper", + "salt" + ] + }, + { + "id": 39902, + "cuisine": "mexican", + "ingredients": [ + "cooked ham", + "chipotle peppers", + "garlic", + "chorizo sausage", + "bacon", + "onions", + "bacon drippings", + "pinto beans" + ] + }, + { + "id": 1528, + "cuisine": "mexican", + "ingredients": [ + "frozen whole kernel corn", + "tomatoes", + "purple onion", + "loosely packed fresh basil leaves", + "lime juice", + "hellmann' or best food real mayonnais" + ] + }, + { + "id": 30739, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "salsa", + "cooked chicken", + "chopped cilantro fresh", + "guacamole", + "sour cream", + "shredded sharp cheddar cheese", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 24161, + "cuisine": "thai", + "ingredients": [ + "sugar", + "chicken breasts", + "garlic", + "pepper", + "crushed red pepper flakes", + "peanut oil", + "soy sauce", + "shallots", + "salt", + "fish sauce", + "thai basil", + "white rice" + ] + }, + { + "id": 13626, + "cuisine": "french", + "ingredients": [ + "water", + "asparagus", + "white mushrooms", + "olive oil", + "gruyere cheese", + "onions", + "baguette", + "ground black pepper", + "long-grain rice", + "canned low sodium chicken broth", + "shiitake", + "salt" + ] + }, + { + "id": 17984, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "enchilada sauce", + "cooked chicken", + "shredded Monterey Jack cheese", + "green onions", + "sour cream", + "green chilies" + ] + }, + { + "id": 5102, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "sweet potatoes", + "purple onion", + "avocado", + "corn kernels", + "vegetable broth", + "cumin", + "black beans", + "jalapeno chilies", + "garlic", + "fresh cilantro", + "diced tomatoes", + "chipotle salsa" + ] + }, + { + "id": 33835, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "worcestershire sauce", + "carrots", + "tomatoes", + "fresh parmesan cheese", + "purple onion", + "dried oregano", + "tomato paste", + "olive oil", + "garlic", + "ground beef", + "milk", + "red wine", + "salt" + ] + }, + { + "id": 31741, + "cuisine": "indian", + "ingredients": [ + "unsweetened coconut milk", + "water", + "pandanus leaf", + "cumin seed", + "red bell pepper", + "tomatoes", + "fresh ginger", + "garlic", + "lentils", + "curry leaves", + "curry powder", + "crushed red pepper flakes", + "black mustard seeds", + "tumeric", + "eggplant", + "green chilies", + "cinnamon sticks" + ] + }, + { + "id": 28288, + "cuisine": "french", + "ingredients": [ + "sugar", + "dry yeast", + "milk", + "salt", + "warm water", + "large eggs", + "eggs", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 3060, + "cuisine": "brazilian", + "ingredients": [ + "coconut oil", + "quinoa", + "chile de arbol", + "red bell pepper", + "onions", + "fresh coriander", + "ginger", + "scallions", + "dried shrimp", + "steel-cut oats", + "sea salt", + "garlic", + "coconut milk", + "cashew nuts", + "tomatoes", + "peanuts", + "peas", + "shrimp", + "fresh parsley" + ] + }, + { + "id": 26554, + "cuisine": "spanish", + "ingredients": [ + "fresh rosemary", + "extra-virgin olive oil", + "fresh lemon juice", + "minced garlic", + "fresh oregano", + "capers", + "onion tops", + "fresh parsley", + "chopped fresh thyme", + "chopped fresh sage" + ] + }, + { + "id": 531, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "serrano chile", + "fresh lime juice", + "kosher salt", + "tomatoes", + "chopped cilantro fresh" + ] + }, + { + "id": 13474, + "cuisine": "vietnamese", + "ingredients": [ + "pork", + "salt", + "fish sauce", + "banana leaves" + ] + }, + { + "id": 36872, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "lasagna noodles", + "garlic", + "onions", + "water", + "egg whites", + "firm tofu", + "mozzarella cheese", + "grated parmesan cheese", + "part-skim ricotta cheese", + "fresh spinach", + "ground black pepper", + "vegetable oil", + "fresh parsley" + ] + }, + { + "id": 19422, + "cuisine": "greek", + "ingredients": [ + "angel hair", + "medium shrimp uncook", + "fresh parsley", + "olive oil", + "fresh lemon juice", + "minced garlic", + "fresh oregano", + "tomatoes", + "artichoke hearts", + "feta cheese crumbles" + ] + }, + { + "id": 10327, + "cuisine": "french", + "ingredients": [ + "grated orange peel", + "unsalted butter", + "fresh orange juice", + "water", + "sherry wine vinegar", + "sugar", + "shallots", + "low salt chicken broth", + "orange", + "duck breast halves" + ] + }, + { + "id": 8209, + "cuisine": "cajun_creole", + "ingredients": [ + "salt", + "pecans", + "Old Bay Blackened Seasoning", + "string beans", + "canola oil" + ] + }, + { + "id": 34247, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "garlic", + "cucumber", + "tomato paste", + "red wine vinegar", + "fresh herbs", + "onions", + "tomatoes", + "lemon", + "croutons", + "tomato juice", + "cayenne pepper", + "red bell pepper" + ] + }, + { + "id": 41789, + "cuisine": "korean", + "ingredients": [ + "chicken broth", + "fresh lemon juice", + "watercress leaves", + "eggs", + "toasted sesame seeds", + "salt" + ] + }, + { + "id": 9555, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "chopped cilantro fresh", + "sea salt", + "masa", + "radishes", + "pork lard", + "warm water", + "nopales" + ] + }, + { + "id": 30263, + "cuisine": "southern_us", + "ingredients": [ + "ground nutmeg", + "butter", + "orange juice", + "ground cinnamon", + "sweet potatoes", + "salt", + "chopped pecans", + "granny smith apples", + "refrigerated piecrusts", + "all-purpose flour", + "granulated sugar", + "whipped cream", + "dark brown sugar" + ] + }, + { + "id": 44432, + "cuisine": "irish", + "ingredients": [ + "onions", + "potatoes", + "bacon", + "pork sausages" + ] + }, + { + "id": 864, + "cuisine": "filipino", + "ingredients": [ + "fresh ginger", + "water", + "oyster sauce", + "clams", + "garlic", + "olive oil", + "onions" + ] + }, + { + "id": 28094, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "potatoes", + "cumin", + "citrus juice", + "ground pepper", + "salt", + "whole wheat flour", + "sea salt", + "water", + "cayenne", + "all-purpose flour" + ] + }, + { + "id": 42936, + "cuisine": "chinese", + "ingredients": [ + "peeled fresh ginger", + "garlic cloves", + "lower sodium soy sauce", + "crushed red pepper", + "medium shrimp", + "honey", + "green onions", + "corn starch", + "broccoli florets", + "rice vinegar", + "canola oil" + ] + }, + { + "id": 20928, + "cuisine": "mexican", + "ingredients": [ + "zucchini", + "chili powder", + "salt", + "masa", + "lime", + "green onions", + "cilantro", + "broth", + "corn husks", + "baking powder", + "garlic", + "cumin", + "shredded cheddar cheese", + "roma tomatoes", + "butter", + "oil" + ] + }, + { + "id": 10689, + "cuisine": "korean", + "ingredients": [ + "jalapeno chilies", + "scallions", + "kosher salt", + "shredded sharp cheddar cheese", + "kimchi", + "skim milk", + "basil", + "gluten-free penne", + "unsalted butter", + "cilantro leaves", + "sweet rice flour" + ] + }, + { + "id": 3332, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "salt", + "pinenuts", + "artichok heart marin", + "italian seasoning", + "fresh basil", + "grated parmesan cheese", + "pepperoncini", + "pepper", + "part-skim ricotta cheese" + ] + }, + { + "id": 34181, + "cuisine": "french", + "ingredients": [ + "oloroso sherry", + "cream", + "grated lemon zest", + "eggs", + "flour", + "cognac", + "sugar", + "salt", + "melted butter", + "milk", + "strawberries" + ] + }, + { + "id": 48488, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "garlic", + "red bell pepper", + "cooking spray", + "less sodium beef broth", + "bok choy", + "low sodium soy sauce", + "flank steak", + "corn starch", + "onions", + "shiitake", + "crushed red pepper", + "toasted sesame oil" + ] + }, + { + "id": 13067, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "vegetable oil", + "taco seasoning mix", + "sour cream", + "taco shells", + "purple onion", + "ahi tuna steaks", + "chopped cilantro" + ] + }, + { + "id": 6207, + "cuisine": "russian", + "ingredients": [ + "sugar", + "butter", + "potatoes", + "salt", + "cottage cheese", + "raisins", + "eggs", + "flour", + "sour cream" + ] + }, + { + "id": 16411, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "dry white wine", + "saffron", + "olive oil", + "garlic cloves", + "dried thyme", + "chopped onion", + "fennel", + "fat skimmed chicken broth" + ] + }, + { + "id": 47226, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "fresh shiitake mushrooms", + "salt", + "carrots", + "noodles", + "water", + "ginger", + "scallions", + "cucumber", + "white pepper", + "ground pork", + "fresh pork fat", + "corn starch", + "bean paste", + "garlic", + "oil", + "sweet bean sauce" + ] + }, + { + "id": 33738, + "cuisine": "indian", + "ingredients": [ + "peeled fresh ginger", + "butter", + "garlic cloves", + "serrano chile", + "kosher salt", + "vegetable oil", + "salt", + "greek yogurt", + "ground cumin", + "sesame seeds", + "russet potatoes", + "ground coriander", + "chopped cilantro fresh", + "green onions", + "paprika", + "fresh lemon juice", + "monterey jack" + ] + }, + { + "id": 23004, + "cuisine": "french", + "ingredients": [ + "mustard", + "butter", + "grape juice", + "black pepper", + "salt", + "crème de cassis", + "purple onion", + "water", + "carrots" + ] + }, + { + "id": 45328, + "cuisine": "italian", + "ingredients": [ + "broccoli florets", + "penne pasta", + "basil pesto sauce", + "cream cheese spread", + "olive oil", + "diced tomatoes", + "tomato sauce", + "boneless skinless chicken breasts" + ] + }, + { + "id": 19922, + "cuisine": "mexican", + "ingredients": [ + "grated orange peel", + "unsweetened chocolate", + "nonfat frozen yogurt", + "ground cinnamon", + "nonfat milk", + "honey" + ] + }, + { + "id": 20832, + "cuisine": "brazilian", + "ingredients": [ + "diced onions", + "jalapeno chilies", + "diced tomatoes", + "orange zest", + "minced garlic", + "vegetable oil", + "kielbasa", + "orange slices", + "red wine vinegar", + "orange juice", + "black beans", + "chili powder", + "beef stew meat" + ] + }, + { + "id": 33704, + "cuisine": "southern_us", + "ingredients": [ + "tomato purée", + "corn", + "mutton", + "cabbage", + "white vinegar", + "water", + "worcestershire sauce", + "onions", + "ketchup", + "ground red pepper", + "salt", + "chicken", + "black pepper", + "yukon gold potatoes", + "lemon juice" + ] + }, + { + "id": 13651, + "cuisine": "chinese", + "ingredients": [ + "steamed rice", + "vegetable oil", + "free range egg", + "spring onions", + "malt vinegar", + "pork fillet", + "hoisin sauce", + "ginger", + "white sugar", + "light soy sauce", + "sesame oil", + "purple onion" + ] + }, + { + "id": 9041, + "cuisine": "italian", + "ingredients": [ + "canned beef broth", + "veal shanks", + "dry white wine", + "garlic cloves", + "olive oil", + "chopped fresh sage", + "onions", + "sage leaves", + "all-purpose flour", + "rubbed sage" + ] + }, + { + "id": 6999, + "cuisine": "korean", + "ingredients": [ + "black bean sauce", + "tatsoi", + "scallions", + "rice cakes", + "garlic", + "sweet soy sauce", + "ginger", + "white sesame seeds", + "shiitake", + "napa cabbage", + "Gochujang base" + ] + }, + { + "id": 23566, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lemon juice", + "capers", + "balsamic vinegar", + "pitted kalamata olives", + "garlic cloves", + "tomatoes", + "cooking spray" + ] + }, + { + "id": 30147, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "white onion", + "thyme sprigs", + "Chianti", + "fine sea salt", + "water" + ] + }, + { + "id": 27788, + "cuisine": "southern_us", + "ingredients": [ + "sweet potatoes", + "plain whole-milk yogurt", + "baking powder", + "honey", + "butter", + "whole wheat flour", + "salt" + ] + }, + { + "id": 19809, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "garlic cloves", + "fresh lime juice", + "salt", + "poblano chiles", + "radishes", + "queso anejo", + "plum tomatoes", + "baked tortilla chips", + "flat leaf parsley" + ] + }, + { + "id": 9913, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "sugar", + "lemon juice", + "all-purpose flour", + "pastry", + "blackberries" + ] + }, + { + "id": 7413, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "ground black pepper", + "chili powder", + "salsa", + "fresh lime juice", + "olive oil", + "boneless skinless chicken breasts", + "cilantro", + "red bell pepper", + "minced garlic", + "green onions", + "mexican style 4 cheese blend", + "cayenne pepper", + "black beans", + "garlic powder", + "prepared pizza crust", + "purple onion", + "sour cream" + ] + }, + { + "id": 32797, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "butter", + "garlic cloves", + "kosher salt", + "boneless skinless chicken breasts", + "white beans", + "fresh rosemary", + "unsalted butter", + "orzo", + "low salt chicken broth", + "marsala wine", + "porcini powder", + "extra-virgin olive oil", + "sliced mushrooms" + ] + }, + { + "id": 27723, + "cuisine": "mexican", + "ingredients": [ + "ground round", + "shredded cheddar cheese", + "chunky", + "light sour cream", + "black beans", + "green onions", + "chopped cilantro fresh", + "avocado", + "romaine lettuce", + "lime juice", + "corn tortillas", + "grape tomatoes", + "kosher salt", + "chili powder", + "canola oil" + ] + }, + { + "id": 39603, + "cuisine": "southern_us", + "ingredients": [ + "vidalia onion", + "cajun seasoning", + "dried thyme", + "bone-in pork chops", + "kosher salt", + "cracked black pepper", + "beef stock", + "canola oil" + ] + }, + { + "id": 16026, + "cuisine": "southern_us", + "ingredients": [ + "cheese", + "jalapeno chilies", + "corn grits", + "mascarpone", + "salt", + "butter" + ] + }, + { + "id": 15246, + "cuisine": "french", + "ingredients": [ + "white wine", + "salt", + "dried parsley", + "ground black pepper", + "ham", + "garlic powder", + "herb seasoning", + "boneless skinless chicken breast halves", + "condensed cream of chicken soup", + "swiss cheese", + "sour cream" + ] + }, + { + "id": 41304, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chili powder", + "salsa", + "chopped onion", + "corn tortillas", + "lettuce", + "chopped tomatoes", + "black olives", + "yellow onion", + "garlic cloves", + "shredded cheddar cheese", + "cilantro", + "hot sauce", + "taco seasoning", + "ground beef", + "tomato sauce", + "garlic powder", + "salt", + "green pepper", + "sour cream" + ] + }, + { + "id": 3199, + "cuisine": "italian", + "ingredients": [ + "eggs", + "dried basil", + "butter", + "green pepper", + "sausage links", + "sliced black olives", + "chopped celery", + "onions", + "chicken broth", + "pepper", + "stuffing", + "salt", + "fresh basil", + "parmesan cheese", + "garlic", + "rubbed sage" + ] + }, + { + "id": 42439, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "lime", + "potatoes", + "salt", + "frozen peas", + "water", + "salted butter", + "garlic", + "chopped cilantro", + "masala", + "crushed tomatoes", + "unsalted butter", + "purple onion", + "onions", + "ginger paste", + "green bell pepper", + "olive oil", + "sourdough rolls", + "carrots", + "ground turmeric" + ] + }, + { + "id": 34545, + "cuisine": "french", + "ingredients": [ + "bread ciabatta", + "honeydew melon", + "serrano ham", + "tomatoes", + "sherry vinegar", + "fresh oregano", + "Boston lettuce", + "shallots", + "garlic cloves", + "manchego cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 24960, + "cuisine": "southern_us", + "ingredients": [ + "water", + "dill", + "boneless skinless chicken breast halves", + "large eggs", + "fresh mushrooms", + "unsalted butter", + "dill tips", + "reduced sodium chicken broth", + "all-purpose flour", + "garlic cloves" + ] + }, + { + "id": 9974, + "cuisine": "thai", + "ingredients": [ + "tomatoes", + "garlic", + "onions", + "jalapeno chilies", + "coconut milk", + "ground turmeric", + "fresh ginger root", + "salt", + "fresh basil leaves", + "vegetable oil", + "medium shrimp" + ] + }, + { + "id": 9766, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "whole milk", + "all-purpose flour", + "sugar", + "large eggs", + "jam", + "unsalted butter", + "vanilla extract", + "grated lemon peel", + "powdered sugar", + "lemon peel", + "salt" + ] + }, + { + "id": 27164, + "cuisine": "french", + "ingredients": [ + "canned low sodium chicken broth", + "olive oil", + "fresh green bean", + "roast red peppers, drain", + "capers", + "dried thyme", + "dry white wine", + "chunk light tuna in water", + "sugar", + "dijon mustard", + "white wine vinegar", + "red potato", + "salad greens", + "egg whites", + "oliv pit ripe" + ] + }, + { + "id": 46422, + "cuisine": "french", + "ingredients": [ + "minced onion", + "cayenne pepper", + "ground black pepper", + "whipping cream", + "chicken livers", + "port wine", + "butter", + "fresh lemon juice", + "unsalted butter", + "salt", + "green apples" + ] + }, + { + "id": 42517, + "cuisine": "southern_us", + "ingredients": [ + "water", + "bacon slices", + "garlic cloves", + "vidalia onion", + "ground black pepper", + "hot sauce", + "tomatoes", + "dried thyme", + "salt", + "cider vinegar", + "chopped green bell pepper", + "okra" + ] + }, + { + "id": 1719, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "orange bitters", + "Angostura bitters", + "fresh orange", + "ice cubes", + "bourbon whiskey" + ] + }, + { + "id": 46232, + "cuisine": "japanese", + "ingredients": [ + "miso paste", + "ponzu", + "ginger paste", + "wasabi paste", + "extra firm tofu", + "rice vinegar", + "mirin", + "garlic", + "honey", + "vegetable oil", + "dark brown sugar" + ] + }, + { + "id": 16809, + "cuisine": "mexican", + "ingredients": [ + "roma tomatoes", + "salt", + "corn", + "extra-virgin olive oil", + "black beans", + "jalapeno chilies", + "garlic cloves", + "lime", + "purple onion" + ] + }, + { + "id": 24414, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "paprika", + "salt", + "flat leaf parsley", + "black pepper", + "diced tomatoes", + "vegetable broth", + "carrots", + "tumeric", + "yukon gold potatoes", + "cilantro sprigs", + "fresh lemon juice", + "ground cumin", + "turnips", + "fennel bulb", + "peas", + "garlic cloves", + "chopped cilantro" + ] + }, + { + "id": 2113, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "salt", + "long grain white rice", + "chinese rice wine", + "green onions", + "fat skimmed reduced sodium chicken broth", + "minced garlic", + "shallots", + "chopped cilantro fresh", + "chili flakes", + "cake", + "wild rice" + ] + }, + { + "id": 37214, + "cuisine": "italian", + "ingredients": [ + "pita bread rounds", + "shredded mozzarella cheese", + "marinara sauce", + "grated parmesan cheese", + "fresh basil leaves", + "sliced black olives", + "garlic" + ] + }, + { + "id": 42289, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "cilantro", + "coconut milk", + "peanuts", + "sauce", + "lime", + "red curry paste", + "apple cider vinegar", + "creamy peanut butter" + ] + }, + { + "id": 6247, + "cuisine": "french", + "ingredients": [ + "lemon extract", + "sugar", + "salt", + "cream of tartar", + "color food green", + "large egg whites", + "strawberries" + ] + }, + { + "id": 40519, + "cuisine": "mexican", + "ingredients": [ + "french fried onions", + "ground beef", + "corn mix muffin", + "whole kernel corn, drain", + "rotelle", + "shredded cheddar cheese", + "taco seasoning" + ] + }, + { + "id": 34500, + "cuisine": "indian", + "ingredients": [ + "salt", + "chaat masala", + "potatoes", + "rice flour", + "oil", + "butter", + "gram flour" + ] + }, + { + "id": 2783, + "cuisine": "vietnamese", + "ingredients": [ + "fresh ginger", + "lettuce leaves", + "daikon", + "vietnamese fish sauce", + "kosher salt", + "ground black pepper", + "vegetable oil", + "ground pork", + "chili sauce", + "large egg whites", + "shredded carrots", + "napa cabbage", + "deveined shrimp", + "fresh lime juice", + "sugar", + "panko", + "green onions", + "cilantro", + "rice vinegar" + ] + }, + { + "id": 37184, + "cuisine": "greek", + "ingredients": [ + "potatoes", + "minced garlic", + "olive oil", + "white vinegar", + "salt" + ] + }, + { + "id": 22589, + "cuisine": "italian", + "ingredients": [ + "ladyfingers", + "coffee liqueur", + "semisweet chocolate", + "white sugar", + "mascarpone", + "heavy whipping cream", + "egg yolks", + "unsweetened cocoa powder" + ] + }, + { + "id": 10951, + "cuisine": "cajun_creole", + "ingredients": [ + "low-fat plain yogurt", + "dried thyme", + "anchovy paste", + "lemon juice", + "black pepper", + "green onions", + "hot sauce", + "lump crab meat", + "worcestershire sauce", + "cream cheese", + "green bell pepper", + "dijon mustard", + "salt", + "red bell pepper" + ] + }, + { + "id": 9950, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "rolls", + "parmigiano reggiano cheese", + "olive oil" + ] + }, + { + "id": 27038, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "olive oil", + "green onions", + "cayenne pepper", + "lettuce", + "pepper", + "boneless chicken breast", + "garlic", + "sour cream", + "cheddar cheese", + "ground black pepper", + "sesame oil", + "beer", + "avocado", + "lime", + "flour tortillas", + "salt", + "dried oregano" + ] + }, + { + "id": 7884, + "cuisine": "filipino", + "ingredients": [ + "whole milk", + "melted butter", + "all-purpose flour", + "sugar", + "cashew nuts", + "salt" + ] + }, + { + "id": 47759, + "cuisine": "italian", + "ingredients": [ + "capers", + "olive oil", + "garlic cloves", + "onions", + "fresh basil", + "anchovies", + "fresh oregano", + "bay leaf", + "tomatoes", + "fillet red snapper", + "lemon", + "flat leaf parsley", + "parsley sprigs", + "ground black pepper", + "lemon juice", + "olives" + ] + }, + { + "id": 49283, + "cuisine": "italian", + "ingredients": [ + "stock", + "chopped tomatoes", + "salt", + "onions", + "dried pasta", + "chicken breasts", + "Lea & Perrins Worcestershire Sauce", + "dried oregano", + "sugar pea", + "chives", + "oil", + "mature cheddar", + "tomato purée", + "milk", + "garlic", + "red bell pepper" + ] + }, + { + "id": 30125, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "large shrimp", + "lime juice", + "tequila", + "ground black pepper", + "ground cumin", + "lime", + "garlic salt" + ] + }, + { + "id": 7671, + "cuisine": "mexican", + "ingredients": [ + "cream cheese", + "cumin", + "tortillas", + "red bell pepper", + "corn", + "chicken fingers", + "chili powder", + "onions" + ] + }, + { + "id": 3373, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "salt", + "eggs", + "onion powder", + "chicken", + "ground black pepper", + "all-purpose flour", + "evaporated milk", + "vegetable oil" + ] + }, + { + "id": 5140, + "cuisine": "greek", + "ingredients": [ + "bread", + "boneless skinless chicken breasts", + "garlic", + "dried oregano", + "plain yogurt", + "lemon", + "salt", + "fresh tomatoes", + "red wine vinegar", + "purple onion", + "hothouse cucumber", + "pepper", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 48692, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "boneless skinless chicken breasts", + "salt", + "onions", + "ground black pepper", + "vegetable oil", + "red bell pepper", + "green onions", + "garlic", + "flat leaf parsley", + "homemade chicken stock", + "ground red pepper", + "long-grain rice" + ] + }, + { + "id": 17603, + "cuisine": "filipino", + "ingredients": [ + "water", + "milkfish", + "soy sauce", + "lemon", + "yellow onion", + "cooking oil", + "salt", + "pepper", + "garlic", + "flat leaf parsley" + ] + }, + { + "id": 33862, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "mirin", + "salt", + "honey", + "sesame oil", + "iceberg lettuce", + "boneless chicken skinless thigh", + "green onions", + "garlic cloves", + "sake", + "fresh ginger", + "vegetable oil" + ] + }, + { + "id": 40204, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "peeled fresh ginger", + "black mustard seeds", + "fresh lime juice", + "curry leaves", + "pearl onions", + "cayenne pepper", + "carrots", + "basmati rice", + "tomatoes", + "eggplant", + "fenugreek seeds", + "coarse kosher salt", + "unsweetened coconut milk", + "white onion", + "large garlic cloves", + "okra pods", + "clarified butter" + ] + }, + { + "id": 17077, + "cuisine": "brazilian", + "ingredients": [ + "water", + "sweet potatoes", + "sea salt", + "coconut milk", + "tomatoes", + "olive oil", + "chile pepper", + "green pepper", + "lime juice", + "green onions", + "cilantro", + "onions", + "salmon fillets", + "zucchini", + "red pepper", + "garlic cloves" + ] + }, + { + "id": 17769, + "cuisine": "thai", + "ingredients": [ + "hot red pepper flakes", + "large eggs", + "firm tofu", + "corn starch", + "tofu", + "tamarind", + "rice noodles", + "garlic cloves", + "asian fish sauce", + "lime", + "chopped fresh chives", + "roasted peanuts", + "beansprouts", + "firmly packed brown sugar", + "radishes", + "vegetable oil", + "shrimp" + ] + }, + { + "id": 9263, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "white miso", + "sea bass fillets", + "sugar", + "olive oil", + "green onions", + "toasted sesame seeds", + "clove", + "water", + "mirin", + "rice vinegar", + "black pepper", + "dijon mustard", + "salt" + ] + }, + { + "id": 13893, + "cuisine": "irish", + "ingredients": [ + "tomato purée", + "olive oil", + "spring onions", + "sea salt", + "cheddar cheese", + "potatoes", + "red wine", + "onions", + "rosemary sprigs", + "ground black pepper", + "butter", + "garlic cloves", + "chicken stock", + "milk", + "leeks", + "worcestershire sauce", + "ground lamb" + ] + }, + { + "id": 26472, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "cream", + "worcestershire sauce", + "onions", + "ketchup", + "beef stock", + "lima beans", + "pork", + "beef", + "diced tomatoes", + "chicken", + "red potato", + "montreal steak seasoning", + "apple cider vinegar", + "cayenne pepper" + ] + }, + { + "id": 16104, + "cuisine": "irish", + "ingredients": [ + "mashed potatoes", + "potatoes", + "all-purpose flour", + "cheddar cheese", + "butter", + "milk", + "salt", + "eggs", + "baking powder", + "scallions" + ] + }, + { + "id": 23155, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "cilantro leaves", + "vegetable oil", + "toasted peanuts", + "garlic chili sauce", + "light brown sugar", + "large garlic cloves" + ] + }, + { + "id": 12172, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "garlic cloves", + "salt", + "chopped cilantro fresh", + "honey", + "cumin seed", + "ground cumin", + "ground black pepper", + "carrots" + ] + }, + { + "id": 22937, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "butter", + "salt", + "medium shrimp", + "parmesan cheese", + "1% low-fat milk", + "garlic cloves", + "water", + "extra-virgin olive oil", + "cayenne pepper", + "fresh chives", + "quickcooking grits", + "cooking wine", + "fresh lemon juice" + ] + }, + { + "id": 10831, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "jalapeno chilies", + "dried dillweed", + "fresh cilantro", + "salt", + "fresh parsley", + "lime juice", + "garlic", + "cucumber", + "chopped green bell pepper", + "tortilla chips", + "onions" + ] + }, + { + "id": 29859, + "cuisine": "cajun_creole", + "ingredients": [ + "diced onions", + "andouille sausage", + "bay leaves", + "all-purpose flour", + "fresh parsley leaves", + "cooked rice", + "file powder", + "garlic", + "creole seasoning", + "shrimp", + "tomatoes", + "ground black pepper", + "green onions", + "cayenne pepper", + "diced celery", + "shrimp stock", + "green bell pepper", + "large eggs", + "salt", + "okra", + "clarified butter" + ] + }, + { + "id": 40428, + "cuisine": "cajun_creole", + "ingredients": [ + "sausage casings", + "hot pepper sauce", + "extra-virgin olive oil", + "chicken fingers", + "onions", + "pepper", + "fresh thyme leaves", + "salt", + "celery", + "green bell pepper", + "flour", + "garlic", + "herbes de provence", + "chicken broth", + "baguette", + "butter", + "scallions", + "medium shrimp" + ] + }, + { + "id": 27313, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "low sodium chicken broth", + "pancetta", + "ground black pepper", + "purple onion", + "olive oil", + "pappardelle", + "Chianti", + "grated parmesan cheese" + ] + }, + { + "id": 4443, + "cuisine": "italian", + "ingredients": [ + "gelato", + "rolls", + "bittersweet chocolate" + ] + }, + { + "id": 28472, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "salt", + "pepper", + "oil", + "water", + "sugar", + "fatback" + ] + }, + { + "id": 17550, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "szechwan peppercorns", + "potatoes", + "garlic cloves", + "cooking oil", + "salt", + "chili pepper", + "spring onions", + "black vinegar" + ] + }, + { + "id": 10228, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "harissa", + "vegetable broth", + "chickpeas", + "olives", + "ground cinnamon", + "quinoa", + "cilantro", + "salt", + "oil", + "ground cumin", + "honey", + "raisins", + "garlic", + "ground coriander", + "ground turmeric", + "preserved lemon", + "butternut squash", + "ginger", + "cayenne pepper", + "onions" + ] + }, + { + "id": 48509, + "cuisine": "indian", + "ingredients": [ + "dry yeast", + "all-purpose flour", + "sugar", + "seeds", + "yoghurt", + "ghee", + "warm water", + "salt" + ] + }, + { + "id": 29355, + "cuisine": "moroccan", + "ingredients": [ + "water", + "green tea leaves", + "tangerine", + "fresh mint", + "sugar", + "orange flower water", + "arak" + ] + }, + { + "id": 24215, + "cuisine": "british", + "ingredients": [ + "eggs", + "salt", + "flour", + "butter", + "milk" + ] + }, + { + "id": 18082, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "vanilla extract", + "baking powder", + "all-purpose flour", + "unsalted butter", + "salt", + "powdered sugar", + "raw sugar", + "toasted walnuts" + ] + }, + { + "id": 41108, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "boneless sirloin steak", + "I Can't Believe It's Not Butter!® Spread", + "Knorr® Fiesta Sides™ - Mexican Rice", + "tomatoes", + "purple onion" + ] + }, + { + "id": 45481, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "green beans", + "water", + "red wine vinegar", + "plum tomatoes", + "shallots", + "ripe olives", + "olive oil", + "salt" + ] + }, + { + "id": 44326, + "cuisine": "thai", + "ingredients": [ + "lime", + "light coconut milk", + "brown basmati rice", + "fish sauce", + "sesame oil", + "scallions", + "honey", + "garlic", + "fresh cilantro", + "Thai red curry paste", + "shrimp" + ] + }, + { + "id": 31206, + "cuisine": "thai", + "ingredients": [ + "tumeric", + "cayenne", + "chinese five-spice powder", + "plum tomatoes", + "canned low sodium chicken broth", + "peanuts", + "salt", + "boiling potatoes", + "boneless, skinless chicken breast", + "cooking oil", + "chopped cilantro", + "ground cumin", + "unsweetened coconut milk", + "fresh ginger", + "garlic", + "onions" + ] + }, + { + "id": 12805, + "cuisine": "japanese", + "ingredients": [ + "water" + ] + }, + { + "id": 19000, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "garlic", + "lemon juice", + "hot pepper", + "salt", + "onions", + "garam masala", + "paneer", + "greek yogurt", + "fresh spinach", + "heavy cream", + "cumin seed", + "canola oil" + ] + }, + { + "id": 37822, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "olive oil", + "salt", + "dried currants", + "curry powder", + "diced tomatoes", + "green bell pepper", + "fat free less sodium chicken broth", + "chopped fresh thyme", + "onions", + "sliced almonds", + "boneless skinless chicken breasts", + "garlic cloves" + ] + }, + { + "id": 32434, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "salt", + "shrimp", + "green onions", + "seaweed", + "short-grain rice", + "dried shiitake mushrooms", + "water", + "sesame oil", + "carrots" + ] + }, + { + "id": 5061, + "cuisine": "thai", + "ingredients": [ + "hot pepper sauce", + "unsalted dry roast peanuts", + "chopped cilantro fresh", + "fish sauce", + "cooking spray", + "garlic cloves", + "brown sugar", + "ground pork", + "fresh lime juice", + "ground turkey breast", + "salt", + "ground cumin" + ] + }, + { + "id": 43345, + "cuisine": "greek", + "ingredients": [ + "pepper", + "lemon", + "onions", + "vine leaves", + "dill", + "olive oil", + "salt", + "warm water", + "parsley", + "rice" + ] + }, + { + "id": 11221, + "cuisine": "mexican", + "ingredients": [ + "crushed tomatoes", + "lime wedges", + "carrots", + "dried oregano", + "hominy", + "garlic cloves", + "corn tortillas", + "olive oil", + "chopped celery", + "low salt chicken broth", + "chipotle chile", + "finely chopped onion", + "shrimp small uncook", + "chopped cilantro fresh" + ] + }, + { + "id": 38690, + "cuisine": "italian", + "ingredients": [ + "cream cheese lowfat", + "dark rum", + "greek yogurt", + "white cake mix", + "coffee", + "vanilla extract", + "eggs", + "mascarpone", + "buttermilk", + "canola oil", + "powdered sugar", + "egg whites", + "heavy cream" + ] + }, + { + "id": 46487, + "cuisine": "russian", + "ingredients": [ + "sugar", + "lemon juice", + "gelatin", + "water", + "food colouring", + "egg whites" + ] + }, + { + "id": 33019, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "butter", + "lime", + "Thai red curry paste", + "kosher salt", + "crushed red pepper flakes", + "thai basil", + "shrimp" + ] + }, + { + "id": 35925, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "fenugreek seeds", + "coriander", + "ginger", + "oil", + "chicken", + "garlic", + "ghee", + "fenugreek leaves", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 20641, + "cuisine": "moroccan", + "ingredients": [ + "pita bread", + "olive oil", + "pumpkin", + "cinnamon sticks", + "lamb shanks", + "ground black pepper", + "salt", + "saffron", + "sugar", + "lavash", + "ras el hanout", + "onions", + "prunes", + "crushed tomatoes", + "unsalted butter", + "chickpeas" + ] + }, + { + "id": 36684, + "cuisine": "cajun_creole", + "ingredients": [ + "onion powder", + "crushed red pepper flakes", + "dried oregano", + "olive oil", + "cajun seasoning", + "hot sauce", + "dried thyme", + "chicken cutlets", + "cracked black pepper", + "garlic powder", + "paprika", + "panko breadcrumbs" + ] + }, + { + "id": 8937, + "cuisine": "mexican", + "ingredients": [ + "mexican chocolate", + "large eggs", + "half & half", + "vanilla beans", + "salt" + ] + }, + { + "id": 47276, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "yellow onion", + "fish sauce", + "chrysanthemum leaves", + "meat", + "canola oil", + "black pepper", + "salt" + ] + }, + { + "id": 9442, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "frozen pastry puff sheets", + "anchovies", + "pitted kalamata olives", + "fresh rosemary", + "grated parmesan cheese" + ] + }, + { + "id": 15358, + "cuisine": "indian", + "ingredients": [ + "water", + "curry", + "basmati rice", + "florets", + "firm tofu", + "cauliflower", + "diced tomatoes", + "juice", + "olive oil", + "yellow onion" + ] + }, + { + "id": 15887, + "cuisine": "jamaican", + "ingredients": [ + "ground black pepper", + "salt", + "onions", + "ground cinnamon", + "skinless chicken pieces", + "garlic cloves", + "vinegar", + "ground allspice", + "dried oregano", + "brown sugar", + "hot pepper", + "thyme" + ] + }, + { + "id": 33355, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "cachaca", + "lime" + ] + }, + { + "id": 37625, + "cuisine": "mexican", + "ingredients": [ + "dried thyme", + "lemon juice", + "vegetable oil", + "dried rosemary", + "green onions", + "dried oregano", + "garlic" + ] + }, + { + "id": 28200, + "cuisine": "russian", + "ingredients": [ + "whole milk", + "salt", + "granulated sugar", + "vegetable oil", + "baking soda", + "baking powder", + "all-purpose flour", + "large eggs", + "butter" + ] + }, + { + "id": 39950, + "cuisine": "chinese", + "ingredients": [ + "medium eggs", + "light soy sauce", + "ground pork", + "peanut oil", + "white pepper", + "rice wine", + "salt", + "corn starch", + "sugar", + "baking soda", + "ginger", + "scallions", + "water", + "sesame oil", + "all-purpose flour", + "bok choy" + ] + }, + { + "id": 34687, + "cuisine": "filipino", + "ingredients": [ + "cooking oil", + "lean ground beef", + "celery", + "shredded carrots", + "garlic cloves", + "potatoes", + "lumpia skins", + "egg whites", + "salt" + ] + }, + { + "id": 24923, + "cuisine": "brazilian", + "ingredients": [ + "shredded coconut", + "hemp seeds", + "frozen peaches", + "chopped pecans", + "açai", + "almond milk", + "fresh blueberries", + "frozen blueberries" + ] + }, + { + "id": 48929, + "cuisine": "mexican", + "ingredients": [ + "pickled jalapenos", + "flour tortillas", + "scallions", + "lime", + "black olives", + "sour cream", + "fresh cilantro", + "poblano chilies", + "shredded cheese", + "refried beans", + "salsa" + ] + }, + { + "id": 9832, + "cuisine": "indian", + "ingredients": [ + "green bell pepper", + "garam masala", + "red bell pepper", + "ground cumin", + "boneless chicken thighs", + "vegetable oil", + "chopped cilantro", + "fresh ginger", + "garlic cloves", + "onions", + "green chile", + "canned chopped tomatoes", + "mustard seeds", + "ground turmeric" + ] + }, + { + "id": 6455, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "butter", + "chopped fresh sage", + "chicken stock", + "ground black pepper", + "white truffle oil", + "grated nutmeg", + "shiitake", + "shallots", + "salt", + "arugula", + "large egg yolks", + "russet potatoes", + "all-purpose flour" + ] + }, + { + "id": 4749, + "cuisine": "french", + "ingredients": [ + "sugar", + "dry red wine", + "garlic cloves", + "boneless skinless chicken breast halves", + "green bell pepper", + "stewed tomatoes", + "long-grain rice", + "onions", + "cooking spray", + "fresh mushrooms", + "fresh parsley", + "dried basil", + "salt", + "smoked turkey sausage", + "dried oregano" + ] + }, + { + "id": 43272, + "cuisine": "spanish", + "ingredients": [ + "dried thyme", + "salt", + "plum tomatoes", + "ground cinnamon", + "sherry vinegar", + "chopped onion", + "ground cumin", + "olive oil", + "bow-tie pasta", + "large shrimp", + "black pepper", + "fresh orange juice", + "pimento stuffed olives" + ] + }, + { + "id": 24773, + "cuisine": "italian", + "ingredients": [ + "shredded mozzarella cheese", + "pizza sauce", + "grated parmesan cheese", + "Old El Paso Flour Tortillas", + "pepperoni" + ] + }, + { + "id": 19656, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "sun-dried tomatoes in oil", + "crushed garlic", + "white sugar", + "olive oil", + "garlic salt", + "tomato paste", + "salt" + ] + }, + { + "id": 6158, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "paprika", + "dried oregano", + "dried basil", + "ground black pepper", + "cayenne pepper", + "garlic powder", + "salt", + "dried thyme", + "onion powder", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 13754, + "cuisine": "mexican", + "ingredients": [ + "frozen orange juice concentrate", + "olive oil", + "rice vinegar", + "chopped cilantro fresh", + "sage leaves", + "water", + "crushed garlic", + "chili sauce", + "cumin", + "pepper", + "bay leaves", + "yellow onion", + "oregano", + "dried black beans", + "lime", + "salt", + "chipotles in adobo" + ] + }, + { + "id": 17035, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "olive oil", + "chopped parsley", + "cumin", + "pepper", + "crushed garlic", + "onions", + "tomatoes", + "cannellini beans", + "chopped cilantro", + "water", + "salt", + "ground turmeric" + ] + }, + { + "id": 19424, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "black bean sauce", + "grapeseed oil", + "shrimp", + "low sodium soy sauce", + "water", + "sesame oil", + "garlic", + "kosher salt", + "green onions", + "ginger", + "corn starch", + "sugar", + "eggplant", + "chili oil", + "rice vinegar" + ] + }, + { + "id": 43680, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "yoghurt", + "ground cumin", + "sugar", + "vegetable oil", + "ground fennel", + "amchur", + "asafoetida powder", + "black lentil", + "pepper", + "salt" + ] + }, + { + "id": 36915, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salt", + "dry mustard", + "frozen broccoli", + "butter", + "all-purpose flour", + "milk", + "shredded sharp cheddar cheese", + "elbow macaroni" + ] + }, + { + "id": 38583, + "cuisine": "french", + "ingredients": [ + "mayonaise", + "fresh parsley", + "prepared horseradish", + "minced garlic", + "creole mustard", + "green onions" + ] + }, + { + "id": 34483, + "cuisine": "italian", + "ingredients": [ + "feta cheese", + "purple onion", + "roma tomatoes", + "balsamic vinaigrette", + "capers", + "basil leaves", + "calamata olives", + "bow-tie pasta" + ] + }, + { + "id": 4575, + "cuisine": "chinese", + "ingredients": [ + "candied pineapple", + "raisins", + "nuts", + "sugar", + "baking powder", + "dried dates", + "chopped nuts", + "water", + "extra-virgin olive oil", + "eggs", + "dried cherry", + "glutinous rice flour" + ] + }, + { + "id": 46659, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "kosher salt", + "olive oil", + "red pepper", + "garlic", + "cornmeal", + "cumin", + "nutmeg", + "beans", + "milk", + "cinnamon", + "diced tomatoes", + "yellow onion", + "oregano", + "chile powder", + "table salt", + "water", + "baking powder", + "worcestershire sauce", + "all-purpose flour", + "ground beef", + "eggs", + "black pepper", + "corn", + "butter", + "paprika", + "sour cream", + "extra sharp cheddar cheese" + ] + }, + { + "id": 25768, + "cuisine": "mexican", + "ingredients": [ + "potatoes", + "chorizo", + "corn tortillas", + "pepper", + "salt", + "garlic powder", + "onions" + ] + }, + { + "id": 31196, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "yoghurt", + "light coconut milk", + "ground coriander", + "bread flour", + "plain flour", + "fresh coriander", + "boneless skinless chicken breasts", + "garlic", + "smoked paprika", + "plum tomatoes", + "tumeric", + "olive oil", + "lemon", + "chicken stock cubes", + "chillies", + "low-fat milk", + "red chili peppers", + "garam masala", + "ginger", + "ground almonds", + "onions", + "ground cumin" + ] + }, + { + "id": 32041, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "fresh lemon juice", + "prosciutto", + "extra-virgin olive oil", + "pepper", + "arugula" + ] + }, + { + "id": 24590, + "cuisine": "mexican", + "ingredients": [ + "orange bell pepper", + "worcestershire sauce", + "croutons", + "fresh parsley", + "mayonaise", + "grated parmesan cheese", + "shredded parmesan cheese", + "sour cream", + "fajita seasoning mix", + "romaine lettuce", + "dijon mustard", + "yellow bell pepper", + "red bell pepper", + "boneless skinless chicken breast halves", + "minced garlic", + "green onions", + "anchovy fillets", + "chipotle peppers" + ] + }, + { + "id": 42096, + "cuisine": "indian", + "ingredients": [ + "almonds", + "oil", + "sugar", + "salt", + "ghee", + "mashed banana", + "ground cardamom", + "whole wheat flour", + "all-purpose flour" + ] + }, + { + "id": 34057, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "pineapple", + "boneless skinless chicken breast halves", + "honey", + "garlic cloves", + "dried thyme", + "salt", + "canola oil", + "cooked rice", + "dijon mustard", + "corn starch" + ] + }, + { + "id": 44818, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "garlic cloves", + "zucchini", + "basil leaves", + "olive oil" + ] + }, + { + "id": 15316, + "cuisine": "thai", + "ingredients": [ + "fresh ginger", + "lemon juice", + "pepper", + "sesame oil", + "chopped cilantro fresh", + "shallots", + "shrimp", + "minced garlic", + "salt", + "broth" + ] + }, + { + "id": 32488, + "cuisine": "southern_us", + "ingredients": [ + "black peppercorns", + "fresh thyme leaves", + "hog casings", + "hot red pepper flakes", + "rubbed sage", + "fresh rosemary", + "pork", + "herbes de provence", + "quatre épices", + "salt" + ] + }, + { + "id": 43917, + "cuisine": "irish", + "ingredients": [ + "pepper", + "salt", + "irish bacon", + "ground nutmeg", + "water", + "cabbage", + "melted butter", + "red wine vinegar" + ] + }, + { + "id": 41873, + "cuisine": "moroccan", + "ingredients": [ + "bread crumbs", + "lemon", + "garlic cloves", + "eggs", + "harissa", + "natural yogurt", + "ground lamb", + "coriander seeds", + "sunflower oil", + "couscous", + "mint", + "butter", + "cumin seed" + ] + }, + { + "id": 33896, + "cuisine": "thai", + "ingredients": [ + "jasmine rice", + "scallions", + "vietnamese fish sauce", + "chopped fresh mint", + "thai chile", + "fresh lime juice", + "sugar", + "cilantro leaves" + ] + }, + { + "id": 34586, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "salt", + "unsalted butter", + "vanilla extract", + "dark brown sugar", + "sugar", + "golden delicious apples", + "all-purpose flour", + "large eggs", + "butterscotch chips", + "sour cream" + ] + }, + { + "id": 33349, + "cuisine": "italian", + "ingredients": [ + "refrigerated fettuccine", + "chopped garlic", + "boneless skinless chicken breast halves", + "extra-virgin olive oil", + "italian seasoning" + ] + }, + { + "id": 9155, + "cuisine": "british", + "ingredients": [ + "milk", + "cider", + "pork sausages", + "fresh sage", + "ground black pepper", + "cooking apples", + "plain flour", + "olive oil", + "salt", + "eggs", + "dried sage", + "onions" + ] + }, + { + "id": 30093, + "cuisine": "indian", + "ingredients": [ + "warm water", + "olive oil", + "flour", + "purple onion", + "greek yogurt", + "tomato purée", + "fresh coriander", + "coriander powder", + "chicken drumsticks", + "mustard powder", + "cummin", + "red chili peppers", + "water", + "dry yeast", + "garlic", + "oil", + "ground turmeric", + "soy sauce", + "garam masala", + "lemon", + "salt", + "ginger root" + ] + }, + { + "id": 23682, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "corn starch", + "peaches", + "salt", + "unsalted butter", + "all-purpose flour", + "sugar", + "baking powder", + "blackberries" + ] + }, + { + "id": 36604, + "cuisine": "italian", + "ingredients": [ + "hazelnuts", + "ground nutmeg", + "all-purpose flour", + "sugar", + "water", + "cooking spray", + "warm water", + "large egg whites", + "golden raisins", + "kosher salt", + "dry yeast", + "hazelnut oil" + ] + }, + { + "id": 48413, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "rice wine", + "onions", + "ground ginger", + "hoisin sauce", + "napa cabbage", + "sliced green onions", + "honey", + "sesame oil", + "chicken thighs", + "soy sauce", + "flour tortillas", + "salt" + ] + }, + { + "id": 17854, + "cuisine": "italian", + "ingredients": [ + "cream cheese", + "half & half", + "garlic salt", + "fettuccine pasta", + "lemon pepper", + "butter" + ] + }, + { + "id": 20105, + "cuisine": "italian", + "ingredients": [ + "grated orange peel", + "dry white wine", + "water", + "peach slices", + "sugar", + "apricot halves", + "sweet cherries", + "bing cherries" + ] + }, + { + "id": 7567, + "cuisine": "southern_us", + "ingredients": [ + "white chocolate", + "unsalted butter", + "salt", + "coconut extract", + "vanilla beans", + "dark rum", + "heavy whipping cream", + "sugar", + "large egg yolks", + "refrigerated piecrusts", + "coconut milk", + "sweetener", + "whole milk", + "corn starch" + ] + }, + { + "id": 22794, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "boneless skinless chicken breasts", + "galangal", + "chicken stock", + "lemongrass", + "juice", + "kaffir lime leaves", + "mushrooms", + "coconut milk", + "red chili peppers", + "cilantro leaves" + ] + }, + { + "id": 5836, + "cuisine": "french", + "ingredients": [ + "dried basil", + "fresh parmesan cheese", + "dried oregano", + "sugar", + "olive oil", + "salt", + "dried thyme", + "dry yeast", + "dried rosemary", + "water", + "garlic powder", + "bread flour" + ] + }, + { + "id": 31440, + "cuisine": "mexican", + "ingredients": [ + "fat-free shredded cheddar cheese", + "ground beef", + "bean dip", + "leaf lettuce", + "flour tortillas", + "non-fat sour cream", + "plum tomatoes", + "green onions", + "chipotle salsa" + ] + }, + { + "id": 35609, + "cuisine": "korean", + "ingredients": [ + "shiitake", + "vegetable oil", + "onions", + "sugar", + "green onions", + "garlic cloves", + "noodles", + "soy sauce", + "sesame oil", + "carrots", + "spinach", + "beef", + "salt", + "toasted sesame seeds" + ] + }, + { + "id": 16501, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "heavy cream", + "russet potatoes", + "parmigiano reggiano cheese", + "salt", + "butter" + ] + }, + { + "id": 652, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "pepper", + "white sugar", + "green beans", + "bacon" + ] + }, + { + "id": 44507, + "cuisine": "moroccan", + "ingredients": [ + "kosher salt", + "beets", + "olive oil" + ] + }, + { + "id": 897, + "cuisine": "italian", + "ingredients": [ + "water", + "yellow corn meal", + "salt" + ] + }, + { + "id": 26697, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "sour cream", + "pasta sauce", + "provolone cheese", + "grated parmesan cheese", + "onions", + "pasta", + "lean ground beef" + ] + }, + { + "id": 2486, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "soy sauce", + "flour", + "napa cabbage", + "garlic cloves", + "bamboo shoots", + "sugar", + "kosher salt", + "green onions", + "ginger", + "corn starch", + "eggs", + "white pepper", + "lily buds", + "dry sherry", + "carrots", + "boiling water", + "dried black mushrooms", + "pork", + "hoisin sauce", + "sesame oil", + "oil", + "beansprouts" + ] + }, + { + "id": 23911, + "cuisine": "mexican", + "ingredients": [ + "sesame seeds", + "frozen banana leaf", + "vegetable shortening", + "masa harina", + "coarse salt", + "hot water", + "black peppercorns", + "garlic", + "chicken" + ] + }, + { + "id": 8477, + "cuisine": "southern_us", + "ingredients": [ + "shredded cheddar cheese", + "sea salt", + "smoked paprika", + "pimentos", + "hot sauce", + "mayonaise", + "worcestershire sauce", + "garlic cloves", + "large eggs", + "cracked black pepper", + "brine" + ] + }, + { + "id": 44336, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "oats", + "peach slices", + "cinnamon", + "brown sugar", + "margarine" + ] + }, + { + "id": 3720, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "chopped fresh thyme", + "shrimp", + "tomato paste", + "bay leaves", + "cayenne pepper", + "shrimp stock", + "unsalted butter", + "salt", + "steamed rice", + "green onions", + "garlic cloves" + ] + }, + { + "id": 25063, + "cuisine": "chinese", + "ingredients": [ + "minced ginger", + "chopped onion", + "red bell pepper", + "boneless chicken skinless thigh", + "unsalted dry roast peanuts", + "garlic cloves", + "brown sugar", + "lower sodium soy sauce", + "dark sesame oil", + "snow peas", + "water", + "crushed red pepper", + "corn starch" + ] + }, + { + "id": 39982, + "cuisine": "italian", + "ingredients": [ + "sugar", + "ground black pepper", + "purple onion", + "fresh basil", + "kosher salt", + "flank steak", + "garlic cloves", + "tomatoes", + "bread ciabatta", + "roasted red peppers", + "english cucumber", + "capers", + "sherry vinegar", + "extra-virgin olive oil", + "arugula" + ] + }, + { + "id": 3099, + "cuisine": "filipino", + "ingredients": [ + "pork belly", + "thai chile", + "oil", + "shrimp paste", + "salt", + "onions", + "leaves", + "garlic", + "coconut milk", + "ginger", + "coconut cream" + ] + }, + { + "id": 9981, + "cuisine": "filipino", + "ingredients": [ + "green cabbage", + "green onions", + "salt", + "beansprouts", + "garlic powder", + "ground pork", + "eggroll wrappers", + "soy sauce", + "vegetable oil", + "chopped onion", + "celery", + "ground black pepper", + "garlic", + "carrots" + ] + }, + { + "id": 37017, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "jasmine rice", + "sea salt", + "cayenne pepper", + "ground cumin", + "tomato paste", + "andouille sausage", + "ground pepper", + "purple onion", + "white mushrooms", + "celery ribs", + "green bell pepper", + "olive oil", + "garlic", + "thyme", + "chicken broth", + "Louisiana Hot Sauce", + "boneless skinless chicken breasts", + "cilantro leaves", + "large shrimp" + ] + }, + { + "id": 49320, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "green peas", + "dark sesame oil", + "cooking spray", + "salt", + "medium shrimp", + "large eggs", + "crushed red pepper", + "long-grain rice", + "low sodium soy sauce", + "green onions", + "rice vinegar", + "canola oil" + ] + }, + { + "id": 5756, + "cuisine": "chinese", + "ingredients": [ + "self raising flour", + "water", + "cornflour", + "garlic salt", + "black pepper", + "vegetable oil", + "rice vinegar", + "bicarbonate of soda", + "spring onions", + "salt", + "caster sugar", + "chicken tenderloin", + "tomato ketchup" + ] + }, + { + "id": 30612, + "cuisine": "italian", + "ingredients": [ + "water", + "cooking spray", + "shredded sharp cheddar cheese", + "nonfat evaporated milk", + "sugar", + "olive oil", + "ground red pepper", + "red bell pepper", + "ground cumin", + "pepper", + "zucchini", + "worcestershire sauce", + "onions", + "yellow squash", + "yoghurt", + "salt", + "grits" + ] + }, + { + "id": 46174, + "cuisine": "spanish", + "ingredients": [ + "baguette", + "extra-virgin olive oil", + "smoked paprika", + "tomatoes", + "tomato juice", + "purple onion", + "sherry vinegar", + "garlic", + "red bell pepper", + "kosher salt", + "ground black pepper", + "english cucumber" + ] + }, + { + "id": 993, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "hot pepper", + "corn starch", + "soy sauce", + "green onions", + "red wine vinegar", + "onions", + "fructose", + "chicken breast halves", + "salt", + "chicken broth", + "sherry", + "vegetable oil", + "salted cashews" + ] + }, + { + "id": 15318, + "cuisine": "italian", + "ingredients": [ + "eggs", + "olive oil", + "all-purpose flour", + "fresh leav spinach", + "mushrooms", + "boneless skinless chicken breast halves", + "hazelnuts", + "prosciutto", + "heavy whipping cream", + "milk", + "dry white wine" + ] + }, + { + "id": 3078, + "cuisine": "brazilian", + "ingredients": [ + "raspberries", + "superfine sugar", + "lime", + "cachaca" + ] + }, + { + "id": 19484, + "cuisine": "mexican", + "ingredients": [ + "turbinado", + "kosher salt", + "cod fillets", + "slaw mix", + "sour cream", + "sugar", + "water", + "green onions", + "oil", + "fresh lime juice", + "canned black beans", + "baking soda", + "chili powder", + "tequila", + "mayonaise", + "cider vinegar", + "jalapeno chilies", + "all-purpose flour", + "corn tortillas" + ] + }, + { + "id": 33754, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "mushrooms", + "kasuri methi", + "curds", + "lemon juice", + "cashew nuts", + "low fat cream", + "coriander powder", + "ginger", + "green chilies", + "black salt", + "onions", + "ground cumin", + "tomatoes", + "garam masala", + "capsicum", + "grated nutmeg", + "garlic cloves", + "gram flour", + "ground turmeric", + "garlic paste", + "seeds", + "cilantro leaves", + "oil", + "hot water", + "chaat masala" + ] + }, + { + "id": 26585, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "minced ginger", + "red pepper flakes", + "rice vinegar", + "red bell pepper", + "tomato paste", + "ketchup", + "granulated sugar", + "salt", + "chinese five-spice powder", + "cold water", + "soy sauce", + "honey", + "garlic", + "pineapple juice", + "onions", + "pineapple chunks", + "black pepper", + "jasmine", + "boneless skinless chicken", + "corn starch" + ] + }, + { + "id": 3120, + "cuisine": "thai", + "ingredients": [ + "cilantro", + "red bell pepper", + "lettuce leaves", + "carrots", + "chili sauce", + "fresh mint", + "scallions" + ] + }, + { + "id": 39334, + "cuisine": "italian", + "ingredients": [ + "goat cheese", + "sourdough bread", + "fresh lemon juice", + "chopped fresh thyme", + "garlic cloves" + ] + }, + { + "id": 36668, + "cuisine": "italian", + "ingredients": [ + "water", + "butternut squash", + "garlic cloves", + "white wine", + "ground black pepper", + "gruyere cheese", + "kosher salt", + "leeks", + "chopped fresh sage", + "hazelnuts", + "olive oil", + "farro" + ] + }, + { + "id": 45595, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "salad oil", + "distilled vinegar", + "carrots", + "dried oregano", + "salt", + "bay leaf", + "pepper", + "garlic cloves", + "onions" + ] + }, + { + "id": 10250, + "cuisine": "jamaican", + "ingredients": [ + "pigeon peas", + "garlic cloves", + "allspice", + "black pepper", + "salt", + "coconut milk", + "brown rice", + "thyme", + "pepper", + "margarine", + "onions" + ] + }, + { + "id": 36342, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken breast halves", + "enchilada sauce", + "condensed cream of chicken soup", + "yellow bell pepper", + "red bell pepper", + "tomatoes", + "condensed cream of mushroom soup", + "Mexican cheese", + "water", + "tortilla chips", + "onions" + ] + }, + { + "id": 19008, + "cuisine": "thai", + "ingredients": [ + "straw mushrooms", + "crimini mushrooms", + "liquid", + "thai green curry paste", + "unsweetened coconut milk", + "honey", + "lime wedges", + "Thai fish sauce", + "onions", + "chicken broth", + "bell pepper", + "rice", + "toasted sesame oil", + "fresh cilantro", + "brown rice", + "peanut oil", + "medium shrimp" + ] + }, + { + "id": 5235, + "cuisine": "mexican", + "ingredients": [ + "corn", + "lean ground beef", + "taco seasoning", + "sliced black olives", + "garlic", + "onions", + "refried beans", + "diced tomatoes", + "enchilada sauce", + "shredded cheddar cheese", + "tortillas", + "green chilies" + ] + }, + { + "id": 15796, + "cuisine": "indian", + "ingredients": [ + "clove", + "garam masala", + "green peas", + "cardamom pods", + "onions", + "fresh coriander", + "bay leaves", + "minced beef", + "cinnamon sticks", + "ground turmeric", + "tomatoes", + "cooking oil", + "salt", + "garlic puree", + "basmati rice", + "water", + "ginger", + "green chilies", + "ghee", + "ground cumin" + ] + }, + { + "id": 20588, + "cuisine": "italian", + "ingredients": [ + "guanciale", + "salt", + "sauce tomato", + "dried chile", + "pasta", + "grated pecorino", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 36479, + "cuisine": "italian", + "ingredients": [ + "minced onion", + "garlic", + "olive oil", + "grating cheese", + "chopped parsley", + "butter", + "italian loaf", + "dijon mustard", + "poppy seeds" + ] + }, + { + "id": 28416, + "cuisine": "cajun_creole", + "ingredients": [ + "catfish fillets", + "paprika", + "ground black pepper", + "dried oregano", + "olive oil", + "salt", + "ground red pepper" + ] + }, + { + "id": 38211, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "scallions", + "fresh ginger", + "chicken", + "water", + "long-grain rice", + "salt" + ] + }, + { + "id": 46967, + "cuisine": "mexican", + "ingredients": [ + "red chili peppers", + "flour tortillas", + "salt", + "fresh coriander", + "extra-virgin olive oil", + "black pepper", + "halloumi cheese", + "mango", + "lettuce", + "cherry tomatoes", + "purple onion" + ] + }, + { + "id": 22519, + "cuisine": "italian", + "ingredients": [ + "melted butter", + "sweet cherries", + "almond extract", + "grated orange", + "sugar", + "cooking spray", + "salt", + "whole wheat pastry flour", + "baking powder", + "all-purpose flour", + "slivered almonds", + "large eggs", + "fresh orange juice" + ] + }, + { + "id": 48462, + "cuisine": "italian", + "ingredients": [ + "sugar", + "italian salad dressing mix", + "water", + "cider vinegar", + "garlic cloves", + "vegetable oil" + ] + }, + { + "id": 20918, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "vegetable oil", + "onions", + "fresh ginger root", + "firm tofu", + "fresh tomatoes", + "jalapeno chilies", + "cumin seed", + "curry powder", + "salt", + "frozen peas" + ] + }, + { + "id": 333, + "cuisine": "chinese", + "ingredients": [ + "white vinegar", + "chile paste", + "sesame oil", + "soy sauce", + "water chestnuts", + "boneless skinless chicken breast halves", + "brown sugar", + "peanuts", + "corn starch", + "white wine", + "green onions", + "chopped garlic" + ] + }, + { + "id": 31189, + "cuisine": "mexican", + "ingredients": [ + "fresh corn", + "honey", + "jalapeno chilies", + "garlic", + "black beans", + "zucchini", + "sea salt", + "chopped cilantro", + "yellow summer squash", + "ground black pepper", + "chili powder", + "fresh lime juice", + "cherry tomatoes", + "bell pepper", + "extra-virgin olive oil", + "cumin" + ] + }, + { + "id": 21561, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "vinaigrette", + "sweet onion" + ] + }, + { + "id": 31942, + "cuisine": "italian", + "ingredients": [ + "spinach", + "olive oil", + "salt", + "mozzarella cheese", + "grated parmesan cheese", + "eggs", + "pepper", + "ricotta cheese", + "pasta sauce", + "lasagna noodles", + "flat leaf parsley" + ] + }, + { + "id": 32746, + "cuisine": "mexican", + "ingredients": [ + "water", + "chili powder", + "salsa", + "warm water", + "refried beans", + "salt", + "chopped onion", + "tomato paste", + "active dry yeast", + "vegetable oil", + "cayenne pepper", + "shredded cheddar cheese", + "taco seasoning mix", + "all-purpose flour", + "ground beef" + ] + }, + { + "id": 46611, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "cream cheese", + "green bell pepper", + "black olives", + "chopped tomatoes", + "iceberg lettuce", + "shredded cheddar cheese", + "non-fat sour cream" + ] + }, + { + "id": 6096, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "Frangelico", + "hazelnuts", + "vanilla", + "sugar", + "baking powder", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 2220, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "yellow onion", + "dried oregano", + "red pepper", + "sausages", + "fire roasted diced tomatoes", + "salt", + "celery", + "brown rice", + "garlic cloves" + ] + }, + { + "id": 37095, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "vegetable oil", + "garlic cloves", + "soy sauce", + "extra firm tofu", + "soba noodles", + "fresh spinach", + "white miso", + "ginger", + "carrots", + "water", + "sesame oil", + "scallions" + ] + }, + { + "id": 18727, + "cuisine": "chinese", + "ingredients": [ + "chinese barbecue sauce", + "chinese cabbage", + "large shrimp", + "water", + "cauliflower florets", + "low salt chicken broth", + "sliced carrots", + "sauce", + "broccoli florets", + "beef tenderloin", + "sliced mushrooms" + ] + }, + { + "id": 22156, + "cuisine": "italian", + "ingredients": [ + "peach nectar", + "sugar", + "fresh lemon juice" + ] + }, + { + "id": 15703, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "paprika", + "long grain brown rice", + "andouille sausage", + "ground red pepper", + "garlic cloves", + "medium shrimp", + "tomatoes", + "dried thyme", + "chopped onion", + "celery", + "fat free less sodium chicken broth", + "cajun seasoning", + "rubbed sage" + ] + }, + { + "id": 48373, + "cuisine": "french", + "ingredients": [ + "capers", + "water", + "extra-virgin olive oil", + "fresh lemon juice", + "eggs", + "pitted kalamata olives", + "lettuce leaves", + "salt", + "crostini", + "haricots verts", + "grape tomatoes", + "ground black pepper", + "purple onion", + "fresh basil leaves", + "red potato", + "sugar", + "tuna steaks", + "garlic cloves" + ] + }, + { + "id": 32005, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "rice vinegar", + "garlic", + "sugar", + "vietnamese fish sauce", + "seeds" + ] + }, + { + "id": 40508, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "finely chopped onion", + "long-grain rice", + "chili pepper", + "reduced-fat sour cream", + "ground turmeric", + "black beans", + "diced tomatoes", + "chopped cilantro fresh", + "olive oil", + "salt", + "ground cumin" + ] + }, + { + "id": 5518, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "olive oil", + "jalapeno chilies", + "sea salt", + "hot sauce", + "corn tortillas", + "avocado", + "water", + "ground black pepper", + "green onions", + "garlic", + "feta cheese crumbles", + "ground cumin", + "white onion", + "sherry vinegar", + "sweet potatoes", + "cilantro", + "cayenne pepper", + "cabbage", + "black pepper", + "lime", + "radishes", + "chili powder", + "fine sea salt", + "pepitas" + ] + }, + { + "id": 43569, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "queso fresco", + "salt", + "onions", + "jalapeno chilies", + "garlic", + "oil", + "corn kernels", + "cilantro", + "salsa", + "black beans", + "lime wedges", + "crema", + "corn tortillas" + ] + }, + { + "id": 41403, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "cilantro leaves", + "chipotle paste", + "vegetable oil", + "dark brown sugar", + "onions", + "boneless skinless chicken breasts", + "rice", + "corn tortillas", + "purple onion", + "garlic cloves" + ] + }, + { + "id": 27776, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "onions", + "large eggs", + "frozen mixed thawed vegetables,", + "low sodium soy sauce", + "garlic", + "chicken breasts", + "cooked white rice" + ] + }, + { + "id": 12945, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "garlic", + "cumin seed", + "lemon", + "salt", + "greek yogurt", + "chili powder", + "paneer", + "mustard oil", + "fenugreek leaves", + "ginger", + "green chilies", + "coriander" + ] + }, + { + "id": 2611, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "egg whites", + "salt", + "slivered almonds", + "olive oil", + "balsamic vinegar", + "dry bread crumbs", + "green bell pepper", + "water", + "chicken breast halves", + "all-purpose flour", + "sugar", + "grated parmesan cheese", + "raisins", + "red bell pepper" + ] + }, + { + "id": 36895, + "cuisine": "southern_us", + "ingredients": [ + "hot pepper sauce", + "bone-in chicken breast halves", + "salt", + "worcestershire sauce", + "cider vinegar", + "canola oil" + ] + }, + { + "id": 12110, + "cuisine": "french", + "ingredients": [ + "capers", + "eggplant", + "chopped fresh thyme", + "olive oil", + "marinara sauce", + "chopped garlic", + "vegetable oil cooking spray", + "zucchini", + "onions", + "fresh basil", + "monkfish fillets", + "bell pepper" + ] + }, + { + "id": 10559, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "cinnamon", + "ground coriander", + "plum tomatoes", + "fresh ginger", + "unsalted cashews", + "cardamom pods", + "plain whole-milk yogurt", + "kosher salt", + "cayenne", + "whipping cream", + "onions", + "olive oil", + "golden raisins", + "garlic", + "chicken thighs" + ] + }, + { + "id": 48669, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic", + "spinach", + "coarse salt", + "pinenuts", + "extra-virgin olive oil", + "golden raisins", + "lemon juice" + ] + }, + { + "id": 46902, + "cuisine": "indian", + "ingredients": [ + "sugar", + "ground cardamom", + "pistachios", + "milk", + "saffron", + "khoa" + ] + }, + { + "id": 48325, + "cuisine": "italian", + "ingredients": [ + "cod fillets", + "grated orange", + "ground black pepper", + "fresh orange juice", + "fennel seeds", + "cooking oil", + "fennel bulb", + "salt" + ] + }, + { + "id": 25139, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "bay leaves", + "shredded cheese", + "kosher salt", + "flour tortillas", + "garlic", + "pork shoulder", + "ground cloves", + "lime", + "cilantro", + "chipotles in adobo", + "lime juice", + "beef stock", + "purple onion" + ] + }, + { + "id": 29737, + "cuisine": "vietnamese", + "ingredients": [ + "butter lettuce", + "lime juice", + "vermicelli", + "lemon juice", + "fish sauce", + "sweet chili sauce", + "ground black pepper", + "salt", + "mung bean sprouts", + "red chili peppers", + "thai basil", + "shallots", + "minced pork", + "brown sugar", + "water", + "herbs", + "garlic cloves", + "coriander" + ] + }, + { + "id": 37225, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "vegetable oil", + "red bell pepper", + "tomatoes", + "dried thyme", + "salt", + "water", + "dried salted codfish", + "onions", + "pepper sauce", + "flour", + "tomato ketchup" + ] + }, + { + "id": 28691, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "ground sirloin", + "salsa", + "ground cumin", + "chopped green bell pepper", + "reduced-fat sour cream", + "baked tortilla chips", + "reduced fat sharp cheddar cheese", + "chili powder", + "chopped onion", + "jalapeno chilies", + "salt", + "iceberg lettuce" + ] + }, + { + "id": 48938, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "guanciale", + "yolk", + "grated parmesan cheese", + "spaghetti", + "eggs", + "cracked black pepper" + ] + }, + { + "id": 12242, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "stewed tomatoes", + "ground cumin", + "boneless chicken breast halves", + "red bell pepper", + "kidney beans", + "chopped onion", + "chicken broth", + "chile pepper", + "corn kernel whole" + ] + }, + { + "id": 18358, + "cuisine": "italian", + "ingredients": [ + "kale", + "chopped onion", + "minced garlic", + "bacon", + "heavy whipping cream", + "potatoes", + "chicken-flavored soup powder", + "water", + "smoked sausage" + ] + }, + { + "id": 16289, + "cuisine": "spanish", + "ingredients": [ + "pimentos", + "seafood", + "canned low sodium chicken broth", + "garden peas", + "mussels", + "converted rice", + "curry powder", + "salt" + ] + }, + { + "id": 38822, + "cuisine": "japanese", + "ingredients": [ + "water", + "dashi kombu" + ] + }, + { + "id": 24474, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "fresh ginger", + "thai chile", + "mixed greens", + "sliced green onions", + "lemongrass", + "flank steak", + "rice vinegar", + "fresh lemon juice", + "sugar", + "green onions", + "salt", + "garlic cloves", + "tomatoes", + "sweet onion", + "vegetable oil", + "ground coriander", + "cucumber" + ] + }, + { + "id": 11831, + "cuisine": "southern_us", + "ingredients": [ + "balsamic vinegar", + "dry rub", + "pineapple juice", + "minced garlic", + "apricot nectar" + ] + }, + { + "id": 36142, + "cuisine": "chinese", + "ingredients": [ + "black peppercorns", + "garlic", + "ground white pepper", + "Dungeness crabs", + "chinese five-spice powder", + "chinese rice wine", + "peanut oil", + "chicken stock", + "butter", + "oyster sauce" + ] + }, + { + "id": 39724, + "cuisine": "thai", + "ingredients": [ + "cold water", + "peanuts", + "fresh mint", + "brown sugar", + "creamy peanut butter", + "low sodium soy sauce", + "sesame oil", + "white vinegar", + "warm water", + "corn starch" + ] + }, + { + "id": 23215, + "cuisine": "southern_us", + "ingredients": [ + "hot pepper sauce", + "whole kernel corn, drain", + "bread crumb fresh", + "salt", + "sliced green onions", + "olive oil", + "hellmann' or best food real mayonnais", + "tomatoes", + "chop fine pecan", + "frozen crabmeat, thaw and drain" + ] + }, + { + "id": 20864, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "ground cumin", + "kosher salt", + "hass avocado", + "fresh lime juice", + "jalapeno chilies", + "chopped cilantro fresh" + ] + }, + { + "id": 24746, + "cuisine": "indian", + "ingredients": [ + "lemon", + "kosher salt", + "chicken thighs", + "coconut oil", + "greek yogurt", + "tandoori seasoning" + ] + }, + { + "id": 1060, + "cuisine": "japanese", + "ingredients": [ + "mitsuba", + "dipping sauces", + "coarse salt", + "cucumber", + "salmon fillets", + "daikon", + "somen", + "cherry tomatoes", + "freshly ground pepper" + ] + }, + { + "id": 32134, + "cuisine": "mexican", + "ingredients": [ + "lime", + "salt", + "roma tomatoes", + "chopped cilantro", + "sugar", + "jalapeno chilies", + "cumin", + "white onion", + "garlic" + ] + }, + { + "id": 25817, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "salsa", + "bell pepper" + ] + }, + { + "id": 15923, + "cuisine": "thai", + "ingredients": [ + "baby bok choy", + "vegetable oil", + "green curry paste", + "red bell pepper", + "jasmine rice", + "green beans", + "unsweetened coconut milk", + "shiitake", + "fresh basil leaves" + ] + }, + { + "id": 2674, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "tubettini", + "onions", + "celery ribs", + "water", + "chopped fresh sage", + "great northern beans", + "diced tomatoes", + "celery salt", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 31693, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chopped celery", + "chopped onion", + "bay leaf", + "dried thyme", + "diced tomatoes", + "dried navy beans", + "flat leaf parsley", + "water", + "sliced carrots", + "salt", + "elbow macaroni", + "dried rosemary", + "black pepper", + "fresh parmesan cheese", + "crushed red pepper", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 24970, + "cuisine": "italian", + "ingredients": [ + "slivered almonds", + "shallots", + "chopped parsley", + "pitted kalamata olives", + "orange slices", + "fat skimmed chicken broth", + "grated orange peel", + "olive oil", + "orange juice", + "pepper", + "salt", + "chicken" + ] + }, + { + "id": 33991, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vanilla extract", + "nectarines", + "large eggs", + "peach preserves", + "vegetable oil cooking spray", + "refrigerated piecrusts", + "ground allspice", + "peaches", + "all-purpose flour" + ] + }, + { + "id": 2249, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "French lentils", + "salt", + "smoked kielbasa", + "water", + "red wine vinegar", + "carrots", + "chopped garlic", + "black pepper", + "dijon mustard", + "California bay leaves", + "onions", + "dried thyme", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 43079, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "ground black pepper", + "reduced-fat sour cream", + "penne", + "marinara sauce", + "fresh basil", + "parmigiano reggiano cheese", + "salt", + "mozzarella cheese", + "cooking spray" + ] + }, + { + "id": 49369, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "fresh ginger root", + "coconut milk", + "chicken stock", + "fresh coriander", + "tamarind paste", + "chicken", + "tumeric", + "rice noodles", + "stir fry vegetable blend", + "fresh red chili", + "lime juice", + "Thai fish sauce" + ] + }, + { + "id": 21048, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "onions", + "dry white wine", + "freshly ground pepper", + "parmigiano reggiano cheese", + "artichokes", + "spaghetti", + "pancetta", + "lemon", + "garlic cloves" + ] + }, + { + "id": 27543, + "cuisine": "korean", + "ingredients": [ + "sugar", + "water", + "vinegar", + "salt", + "wasabi", + "pepper", + "beef", + "chives", + "english cucumber", + "soy sauce", + "shiitake", + "flour", + "mustard powder", + "eggs", + "minced garlic", + "enokitake", + "sesame oil", + "carrots" + ] + }, + { + "id": 2037, + "cuisine": "jamaican", + "ingredients": [ + "sweet potatoes", + "salt", + "chicken broth", + "red pepper", + "ground beef", + "vegetable oil", + "jerk sauce", + "kale", + "garlic", + "onions" + ] + }, + { + "id": 46839, + "cuisine": "chinese", + "ingredients": [ + "beans", + "salt", + "sugar", + "spring onions", + "noodles", + "olive oil", + "carrots", + "red chili peppers", + "garlic", + "cabbage" + ] + }, + { + "id": 3898, + "cuisine": "mexican", + "ingredients": [ + "tequila", + "lime juice", + "liqueur", + "margarita mix" + ] + }, + { + "id": 3996, + "cuisine": "italian", + "ingredients": [ + "capers", + "artichokes", + "garlic cloves", + "lemon zest", + "brine-cured black olives", + "Italian parsley leaves", + "tuna packed in olive oil", + "mayonaise", + "rolls" + ] + }, + { + "id": 17384, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "vanilla", + "flour", + "butter", + "egg whites", + "salt" + ] + }, + { + "id": 15006, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "garlic", + "onions", + "paprika", + "green pepper", + "stewed tomatoes", + "cooked shrimp", + "butter", + "salt" + ] + }, + { + "id": 45201, + "cuisine": "japanese", + "ingredients": [ + "pork belly", + "sesame oil", + "shimeji mushrooms", + "fresh ginger", + "maitake mushrooms", + "carrots", + "dashi", + "miso", + "scallions", + "sake", + "satsuma imo", + "garlic" + ] + }, + { + "id": 38230, + "cuisine": "southern_us", + "ingredients": [ + "pasta", + "flour", + "heavy cream", + "elbow macaroni", + "kosher salt", + "butter", + "grated nutmeg", + "onions", + "eggs", + "half & half", + "dry mustard", + "sour cream", + "ground black pepper", + "worcestershire sauce", + "cayenne pepper", + "extra sharp cheddar cheese" + ] + }, + { + "id": 7397, + "cuisine": "mexican", + "ingredients": [ + "cremini mushrooms", + "manchego cheese", + "coarse kosher salt", + "cherry tomatoes", + "shallots", + "fresh cilantro", + "green onions", + "corn tortillas", + "serrano chilies", + "olive oil", + "freshly ground pepper" + ] + }, + { + "id": 42938, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "fresh lemon juice", + "olive oil", + "large garlic cloves", + "flat leaf parsley", + "capers", + "lemon", + "tuna", + "ground black pepper", + "salt" + ] + }, + { + "id": 35115, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "kosher salt", + "spicy brown mustard", + "ground coriander", + "chopped cilantro", + "ginger paste", + "ground cloves", + "low sodium chicken broth", + "heavy cream", + "smoked paprika", + "serrano chile", + "white onion", + "vegetable oil", + "rice vinegar", + "ground cayenne pepper", + "ground turmeric", + "ground cinnamon", + "ground black pepper", + "chicken drumsticks", + "garlic cloves", + "cashew nuts", + "ground cumin" + ] + }, + { + "id": 10798, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "garlic powder", + "dried parsley", + "pizza crust", + "grated parmesan cheese", + "pepperoni slices", + "large eggs", + "small curd cottage cheese", + "cheese slices" + ] + }, + { + "id": 26616, + "cuisine": "korean", + "ingredients": [ + "mussels", + "pepper", + "chili pepper flakes", + "squid", + "shrimp", + "pork", + "zucchini", + "salt", + "oil", + "cabbage", + "chicken stock", + "ginger piece", + "littleneck clams", + "scallions", + "onions", + "soy sauce", + "udon", + "dried shiitake mushrooms", + "carrots" + ] + }, + { + "id": 24720, + "cuisine": "french", + "ingredients": [ + "ground cinnamon", + "panettone", + "whipped cream", + "Amarena cherries", + "milk", + "cointreau liqueur", + "sugar", + "unsalted butter", + "eggs", + "orange", + "fresh orange juice" + ] + }, + { + "id": 20583, + "cuisine": "southern_us", + "ingredients": [ + "green onions", + "apple butter", + "black pepper", + "spicy brown mustard", + "grits", + "cooking spray", + "salt", + "ground red pepper", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 40660, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "olive oil", + "lean ground beef", + "beef broth", + "carrots", + "ground cumin", + "water", + "potatoes", + "garlic", + "fresh oregano", + "fresh parsley", + "pepper", + "chopped tomatoes", + "lemon", + "cayenne pepper", + "fresh mint", + "fresh cilantro", + "chili powder", + "salt", + "long-grain rice", + "onions" + ] + }, + { + "id": 12222, + "cuisine": "cajun_creole", + "ingredients": [ + "saltines", + "baking potatoes", + "sweet paprika", + "pepper", + "salt", + "eggs", + "butter", + "scallions", + "vegetable oil", + "cayenne pepper" + ] + }, + { + "id": 46457, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "vegetable oil", + "mustard seeds", + "tomatoes", + "shredded cabbage", + "cilantro leaves", + "ground turmeric", + "clove", + "coriander powder", + "salt", + "onions", + "sugar", + "chili powder", + "cumin seed", + "asafetida" + ] + }, + { + "id": 45531, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "low sodium chicken broth", + "vegetable oil", + "rice vinegar", + "honey", + "green onions", + "garlic", + "salted cashews", + "black pepper", + "peeled fresh ginger", + "red pepper flakes", + "corn starch", + "hoisin sauce", + "boneless skinless chicken breasts", + "salt" + ] + }, + { + "id": 33657, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "salsa", + "ground beef", + "tortillas", + "tortilla chips", + "shredded cheddar cheese", + "cheese sauce", + "tomatoes", + "shredded lettuce", + "sour cream" + ] + }, + { + "id": 27400, + "cuisine": "chinese", + "ingredients": [ + "water", + "salt", + "light brown sugar", + "boneless skinless chicken breasts", + "corn starch", + "large eggs", + "hot sauce", + "pepper", + "apple cider vinegar", + "canola oil" + ] + }, + { + "id": 35793, + "cuisine": "mexican", + "ingredients": [ + "salt and ground black pepper", + "top round roast", + "green chilies", + "flour tortillas", + "water" + ] + }, + { + "id": 35761, + "cuisine": "thai", + "ingredients": [ + "sugar pea", + "Thai red curry paste", + "baby corn", + "fresh basil", + "green onions", + "garlic", + "chopped cilantro fresh", + "lime juice", + "light coconut milk", + "bamboo shoots", + "fish sauce", + "red pepper", + "shrimp", + "canola oil" + ] + }, + { + "id": 32990, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "salt", + "cooked rice", + "sesame oil", + "oil", + "large eggs", + "scallions", + "soy sauce", + "peas", + "boiled ham" + ] + }, + { + "id": 2017, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "garlic", + "ricotta salata", + "kosher salt", + "frozen peas", + "frozen cheese ravioli", + "bacon" + ] + }, + { + "id": 40718, + "cuisine": "indian", + "ingredients": [ + "sugar", + "black onion seeds", + "salt", + "active dry yeast", + "vegetable oil", + "milk", + "baking powder", + "ghee", + "plain flour", + "yoghurt", + "garlic" + ] + }, + { + "id": 12512, + "cuisine": "italian", + "ingredients": [ + "phyllo dough", + "butter", + "white sugar", + "egg yolks", + "hazelnut liqueur", + "egg whites", + "unsweetened chocolate", + "mascarpone", + "chocolate" + ] + }, + { + "id": 48836, + "cuisine": "italian", + "ingredients": [ + "baby arugula", + "fresh lemon juice", + "mayonaise", + "extra-virgin olive oil", + "water", + "anchovy fillets", + "capers", + "light tuna packed in olive oil" + ] + }, + { + "id": 33449, + "cuisine": "chinese", + "ingredients": [ + "water", + "rice wine", + "cinnamon sticks", + "fresh spinach", + "peeled fresh ginger", + "beef stew meat", + "sugar", + "green onions", + "garlic cloves", + "low sodium soy sauce", + "lo mein noodles", + "vegetable oil" + ] + }, + { + "id": 16143, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "refrigerated piecrusts" + ] + }, + { + "id": 33907, + "cuisine": "french", + "ingredients": [ + "Belgian endive", + "unsalted butter", + "reduced sodium chicken broth", + "chinese five-spice powder", + "bread crumb fresh", + "heavy cream", + "orange" + ] + }, + { + "id": 46873, + "cuisine": "british", + "ingredients": [ + "pepper", + "flour", + "worcestershire sauce", + "onions", + "tomato paste", + "minced garlic", + "beef for stew", + "thyme", + "canola oil", + "shredded cheddar cheese", + "beef stock", + "salt", + "frozen peas", + "mashed potatoes", + "Guinness Beer", + "sliced carrots", + "sliced mushrooms" + ] + }, + { + "id": 1194, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "cannellini beans", + "salt", + "olive oil", + "baby spinach", + "onions", + "fat free less sodium chicken broth", + "dry white wine", + "garlic cloves", + "sea scallops", + "crushed red pepper" + ] + }, + { + "id": 12636, + "cuisine": "chinese", + "ingredients": [ + "large eggs", + "salt", + "unsalted butter", + "heavy cream", + "corn starch", + "granulated sugar", + "vanilla extract", + "milk", + "yolk", + "all-purpose flour" + ] + }, + { + "id": 13635, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "purple onion", + "chopped cilantro fresh", + "salt and ground black pepper", + "jicama", + "fresh lemon juice", + "green onions", + "garlic cloves", + "ground cumin", + "roma tomatoes", + "diced tomatoes", + "fresh lime juice" + ] + }, + { + "id": 46976, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "butter", + "coconut milk", + "cold water", + "hot pepper sauce", + "salt", + "onions", + "dried thyme", + "bacon", + "cornmeal", + "tomatoes", + "cooking oil", + "scallions" + ] + }, + { + "id": 12925, + "cuisine": "italian", + "ingredients": [ + "bacon", + "low salt chicken broth", + "fontina cheese", + "chopped onion", + "polenta", + "grated parmesan cheese", + "garlic cloves", + "frozen corn kernels", + "fresh parsley" + ] + }, + { + "id": 46588, + "cuisine": "italian", + "ingredients": [ + "string cheese", + "wonton wrappers", + "marinara sauce", + "large eggs", + "vegetable oil" + ] + }, + { + "id": 13221, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "shallots", + "fresh lime juice", + "light brown sugar", + "dry roasted peanuts", + "cilantro leaves", + "toasted sesame seeds", + "kosher salt", + "vegetable oil", + "dried shrimp", + "fish sauce", + "mint leaves", + "garlic cloves", + "mango" + ] + }, + { + "id": 24239, + "cuisine": "chinese", + "ingredients": [ + "sambal ulek", + "boneless skinless chicken breasts", + "dark sesame oil", + "canola oil", + "sugar pea", + "purple onion", + "corn starch", + "fish sauce", + "unsalted dry roast peanuts", + "dark brown sugar", + "sliced green onions", + "lower sodium soy sauce", + "rice vinegar", + "red bell pepper" + ] + }, + { + "id": 3639, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "schmaltz", + "smoked sausage", + "medium shrimp", + "tomato sauce", + "bay leaves", + "rice", + "chicken", + "tasso", + "minced garlic", + "green onions", + "poultry", + "fresh tomatoes", + "seafood stock", + "chopped celery", + "onions" + ] + }, + { + "id": 14871, + "cuisine": "vietnamese", + "ingredients": [ + "boneless skinless chicken breasts", + "molasses", + "garlic cloves", + "fish sauce", + "dark sesame oil", + "black pepper", + "lemon juice" + ] + }, + { + "id": 41149, + "cuisine": "chinese", + "ingredients": [ + "tomatoes", + "ketchup", + "boneless skinless chicken breasts", + "green pepper", + "onions", + "sugar", + "flour", + "salt", + "oil", + "pineapple chunks", + "vinegar", + "sweet and sour sauce", + "orange juice", + "soy sauce", + "egg yolks", + "pineapple juice", + "corn starch" + ] + }, + { + "id": 8672, + "cuisine": "filipino", + "ingredients": [ + "white vinegar", + "7 Up", + "pork country-style ribs", + "soy sauce", + "crushed red pepper flakes", + "brown sugar", + "lemon", + "black pepper", + "garlic" + ] + }, + { + "id": 10386, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "fresh cilantro", + "asparagus", + "scallions", + "large shrimp", + "kaffir lime leaves", + "soy sauce", + "fresh ginger", + "garlic", + "snow peas", + "chiles", + "lime", + "sesame oil", + "coconut milk", + "green chile", + "lemongrass", + "coriander seeds", + "peanut oil", + "basmati rice" + ] + }, + { + "id": 16545, + "cuisine": "chinese", + "ingredients": [ + "low sodium teriyaki sauce", + "orange", + "boneless skinless chicken breast halves", + "sugar", + "sauce", + "green tea" + ] + }, + { + "id": 43896, + "cuisine": "indian", + "ingredients": [ + "mini marshmallows", + "Crispy Rice Cereal", + "unsalted cashews", + "golden raisins", + "unsalted butter", + "ground cardamom" + ] + }, + { + "id": 20816, + "cuisine": "mexican", + "ingredients": [ + "hot smoked paprika", + "ground cumin", + "kosher salt", + "ground coriander", + "cayenne pepper", + "chili powder", + "corn starch" + ] + }, + { + "id": 23001, + "cuisine": "indian", + "ingredients": [ + "clove", + "garlic paste", + "jalapeno chilies", + "cardamom pods", + "cinnamon sticks", + "chicken", + "tomatoes", + "vegetables", + "cilantro", + "juice", + "onions", + "tomato paste", + "coriander seeds", + "paprika", + "cumin seed", + "bay leaf", + "ginger paste", + "black peppercorns", + "coriander powder", + "salt", + "hot water", + "ground turmeric" + ] + }, + { + "id": 18973, + "cuisine": "thai", + "ingredients": [ + "hearts of palm", + "Thai red curry paste", + "sliced green onions", + "fish sauce", + "Sriracha", + "garlic puree", + "tomatoes", + "lime juice", + "rice vinegar", + "sugar", + "grapeseed oil", + "chopped fresh mint" + ] + }, + { + "id": 32314, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "warm water", + "chickpea flour", + "salt", + "black pepper" + ] + }, + { + "id": 1360, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salt", + "country ham", + "flour", + "elbow macaroni", + "biscuits", + "cayenne", + "mild cheddar cheese", + "milk", + "butter" + ] + }, + { + "id": 32170, + "cuisine": "british", + "ingredients": [ + "ground cinnamon", + "cream", + "vegan margarine", + "self raising flour", + "brown sugar", + "soy milk", + "golden syrup", + "ground ginger", + "vanilla essence", + "ground nutmeg", + "bicarbonate of soda", + "water", + "dates" + ] + }, + { + "id": 15830, + "cuisine": "french", + "ingredients": [ + "olive oil", + "crimini mushrooms", + "bacon", + "thyme sprigs", + "fresh bay leaves", + "butter", + "beef broth", + "onions", + "ground nutmeg", + "shallots", + "all-purpose flour", + "Burgundy wine", + "parsley sprigs", + "oxtails", + "large garlic cloves", + "carrots" + ] + }, + { + "id": 35430, + "cuisine": "mexican", + "ingredients": [ + "tostada shells", + "large flour tortillas", + "ground beef", + "Mexican cheese blend", + "cheese", + "taco seasoning mix", + "shredded lettuce", + "tomatoes", + "cooking spray", + "sour cream" + ] + }, + { + "id": 3477, + "cuisine": "italian", + "ingredients": [ + "capers", + "parmesan cheese", + "balsamic vinegar", + "extra-virgin olive oil", + "oil", + "baguette", + "prosciutto", + "crushed red pepper flakes", + "garlic", + "fresh basil leaves", + "olive oil", + "roasted red peppers", + "tapenade", + "anchovy fillets", + "dry jack", + "sun-dried tomatoes", + "roma tomatoes", + "chees fresh mozzarella", + "goat cheese" + ] + }, + { + "id": 2100, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "feta cheese crumbles", + "pitted kalamata olives", + "balsamic vinegar", + "fresh oregano", + "fresh basil", + "flank steak", + "salt", + "green lentil", + "orzo", + "garlic cloves" + ] + }, + { + "id": 32023, + "cuisine": "italian", + "ingredients": [ + "pepper", + "grated parmesan cheese", + "milk", + "fresh oregano", + "artichoke hearts", + "minced garlic", + "Alfredo sauce" + ] + }, + { + "id": 26999, + "cuisine": "southern_us", + "ingredients": [ + "yellow mustard", + "mayonaise", + "salt", + "sweet pickle relish", + "paprika", + "hard-boiled egg", + "dill pickles" + ] + }, + { + "id": 6615, + "cuisine": "italian", + "ingredients": [ + "water", + "finely chopped onion", + "dry vermouth", + "swiss chard", + "vegetable broth", + "arborio rice", + "olive oil", + "grated parmesan cheese", + "pepper", + "ground nutmeg" + ] + }, + { + "id": 18102, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "ricotta", + "pasta", + "parmigiano reggiano cheese", + "oregano", + "sliced black olives", + "pepperoni", + "sausage casings", + "pizza sauce" + ] + }, + { + "id": 39777, + "cuisine": "indian", + "ingredients": [ + "asafoetida", + "chana dal", + "fenugreek seeds", + "curry leaves", + "red chili peppers", + "urad dal", + "oil", + "black peppercorns", + "coriander seeds", + "salt", + "jaggery", + "mustard", + "tumeric", + "sesame oil", + "berries" + ] + }, + { + "id": 45698, + "cuisine": "greek", + "ingredients": [ + "lamb stock", + "diced tomatoes", + "lamb shoulder", + "onions", + "lemon", + "garlic", + "bay leaf", + "olive oil", + "dry red wine", + "salt", + "dried oregano", + "ground cinnamon", + "fresh green bean", + "passata", + "fresh parsley" + ] + }, + { + "id": 2586, + "cuisine": "cajun_creole", + "ingredients": [ + "sweet onion", + "diced tomatoes", + "diced celery", + "bay leaf", + "green chile", + "green onions", + "long-grain rice", + "red bell pepper", + "canola oil", + "chicken broth", + "dried thyme", + "creole seasoning", + "shrimp", + "dried oregano", + "andouille sausage", + "cooked chicken", + "garlic cloves", + "flat leaf parsley" + ] + }, + { + "id": 33499, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "half & half", + "salt", + "frozen artichoke hearts", + "large eggs", + "whipping cream", + "crumbled gorgonzola", + "ground black pepper", + "cooked bacon", + "garlic cloves", + "fettucine", + "grated parmesan cheese", + "crushed red pepper", + "fresh parsley" + ] + }, + { + "id": 28736, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "salt", + "ground cumin", + "plain yogurt", + "mint leaves", + "fresh lemon juice", + "ground black pepper", + "garlic cloves", + "pepper", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 24868, + "cuisine": "italian", + "ingredients": [ + "refrigerated buttermilk biscuits", + "pasta sauce", + "green bell pepper", + "sliced green onions", + "mozzarella cheese" + ] + }, + { + "id": 7259, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "ground sichuan pepper", + "scallions", + "chicken stock", + "soy sauce", + "chili bean paste", + "corn starch", + "sugar", + "cayenne pepper", + "garlic cloves", + "asian eggplants", + "minced ginger", + "peanut oil", + "chinese black vinegar" + ] + }, + { + "id": 38354, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "whole chicken", + "onions", + "olive oil", + "salt", + "sour cream", + "sliced green onions", + "orange bell pepper", + "salsa", + "fresh lime juice", + "ground cumin", + "avocado", + "chili powder", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 1669, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "fresh lime juice", + "fresh lemon juice", + "garlic cloves", + "adobo sauce", + "fresh orange juice", + "chipotle peppers" + ] + }, + { + "id": 2027, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "chicken parts", + "paprika", + "beer", + "flour", + "Tabasco Pepper Sauce", + "all-purpose flour", + "ground black pepper", + "onion powder", + "salt", + "egg yolks", + "vegetable oil", + "cayenne pepper" + ] + }, + { + "id": 45825, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "fresh ginger", + "szechwan peppercorns", + "garlic", + "peanut oil", + "chicken stock", + "soy sauce", + "flour", + "crushed red pepper flakes", + "bean sauce", + "corn starch", + "red chili peppers", + "hoisin sauce", + "sesame oil", + "rice vinegar", + "scallions", + "dark soy sauce", + "white pepper", + "Shaoxing wine", + "chicken wingettes", + "roasted peanuts", + "chopped cilantro" + ] + }, + { + "id": 45046, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "salt", + "chopped onion", + "black-eyed peas", + "salt pork", + "bay leaf", + "water", + "hot sauce", + "long-grain rice", + "ground red pepper", + "green pepper" + ] + }, + { + "id": 47558, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "amaretto", + "granulated sugar", + "turbinado", + "almond paste" + ] + }, + { + "id": 31775, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "vegetable oil", + "cumin seed", + "asparagus", + "salt", + "onions", + "amchur", + "ginger", + "garlic cloves", + "fennel seeds", + "chili powder", + "green chilies" + ] + }, + { + "id": 12824, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "parmesan cheese", + "salt", + "eggs", + "olive oil", + "parsley", + "oregano", + "pepper", + "marinara sauce", + "ground turkey", + "bread crumbs", + "garlic powder", + "slider rolls" + ] + }, + { + "id": 10760, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "prawns", + "garlic", + "fresh lemon juice", + "fresh coriander", + "vegetable oil", + "green chilies", + "ground cumin", + "caster sugar", + "ground red pepper", + "salt", + "coconut milk", + "cold water", + "garam masala", + "cornflour", + "black mustard seeds" + ] + }, + { + "id": 35568, + "cuisine": "moroccan", + "ingredients": [ + "celery ribs", + "ground cloves", + "lemon", + "chickpeas", + "fresh lemon juice", + "tomato paste", + "ground nutmeg", + "paprika", + "freshly ground pepper", + "onions", + "ground ginger", + "water", + "dates", + "ground coriander", + "cinnamon sticks", + "lamb shanks", + "coarse salt", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 42761, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "flour tortillas", + "chicken drumsticks", + "sour cream", + "black beans", + "colby jack cheese", + "salsa", + "onions", + "mozzarella cheese", + "butter", + "green chilies", + "jack cheese", + "flour", + "chicken stock cubes", + "sweet yellow corn" + ] + }, + { + "id": 22390, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "flour", + "salt", + "unsalted butter", + "whole milk", + "baking soda", + "sweet potatoes", + "pumpkin pie spice", + "granulated sugar", + "baking powder" + ] + }, + { + "id": 22282, + "cuisine": "french", + "ingredients": [ + "bone-in chicken breast halves", + "sour cream", + "condensed cream of mushroom soup", + "mushrooms", + "cooking sherry", + "paprika" + ] + }, + { + "id": 12344, + "cuisine": "mexican", + "ingredients": [ + "beans", + "chopped tomatoes", + "iceberg lettuce", + "avocado", + "corn", + "ground beef", + "shredded cheddar cheese", + "fritos", + "salad", + "taco seasoning mix", + "onions" + ] + }, + { + "id": 43713, + "cuisine": "thai", + "ingredients": [ + "ground ginger", + "flour tortillas", + "chinese cabbage", + "fresh basil", + "ground red pepper", + "red bell pepper", + "lime juice", + "light mayonnaise", + "roast breast of chicken", + "reduced fat chunky peanut butter", + "garlic cloves" + ] + }, + { + "id": 42248, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "red serrano peppers", + "fresh dill", + "mace", + "allspice", + "cider vinegar", + "flat leaf parsley", + "shucked oysters", + "salt" + ] + }, + { + "id": 18077, + "cuisine": "greek", + "ingredients": [ + "chopped onion", + "carrots", + "ground lamb", + "fat free less sodium chicken broth", + "garlic cloves", + "chopped fresh mint", + "ground cinnamon", + "long-grain rice", + "flat leaf parsley", + "salt", + "fresh lemon juice", + "plum tomatoes" + ] + }, + { + "id": 28723, + "cuisine": "french", + "ingredients": [ + "baking potatoes", + "black pepper", + "flat leaf parsley", + "sea salt", + "unsalted butter" + ] + }, + { + "id": 7117, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "part-skim ricotta cheese", + "fresh parsley", + "parmigiano reggiano cheese", + "fresh oregano", + "unsalted butter", + "salt", + "noodles", + "pinenuts", + "cracked black pepper", + "chopped fresh sage" + ] + }, + { + "id": 11982, + "cuisine": "southern_us", + "ingredients": [ + "slaw mix", + "crumbled blue cheese", + "onions", + "ranch dressing", + "bacon slices" + ] + }, + { + "id": 14558, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "black pepper", + "linguine", + "dried basil", + "crushed red pepper", + "tomatoes", + "fresh parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 49255, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "garam masala", + "ginger", + "cardamom pods", + "clove", + "tumeric", + "vegetable oil", + "salt", + "onions", + "spinach", + "coriander powder", + "garlic", + "chicken pieces", + "tomatoes", + "milk", + "butter", + "cayenne pepper" + ] + }, + { + "id": 17431, + "cuisine": "chinese", + "ingredients": [ + "water", + "vegetable oil", + "hoisin sauce", + "purple onion", + "asparagus", + "top sirloin", + "sesame oil", + "toasted sesame seeds" + ] + }, + { + "id": 28921, + "cuisine": "irish", + "ingredients": [ + "green cabbage", + "honey", + "potatoes", + "buttermilk", + "currant", + "sausages", + "fresh parsley", + "eggs", + "baking soda", + "baking powder", + "raw sugar", + "sorghum flour", + "lemon juice", + "caraway seeds", + "olive oil", + "tapioca starch", + "gluten", + "garlic", + "gluten-free broth", + "onions", + "light brown sugar", + "mild olive oil", + "ground pepper", + "apple cider vinegar", + "sea salt", + "xanthan gum", + "carrots" + ] + }, + { + "id": 29582, + "cuisine": "mexican", + "ingredients": [ + "cayenne", + "cotija", + "crema mexican" + ] + }, + { + "id": 19860, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "garam masala", + "green chilies", + "cinnamon sticks", + "tomatoes", + "fresh ginger", + "cilantro", + "ground cardamom", + "plain yogurt", + "boneless skinless chicken breasts", + "cumin seed", + "fresh lime juice", + "olive oil", + "chili powder", + "garlic cloves", + "onions" + ] + }, + { + "id": 26139, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "dry white wine", + "fresh lemon juice", + "cauliflower", + "sea scallops", + "heavy cream", + "olive oil", + "florets", + "water", + "leeks", + "cumin seed" + ] + }, + { + "id": 44381, + "cuisine": "italian", + "ingredients": [ + "cheese ravioli", + "grated parmesan cheese", + "part-skim mozzarella", + "frozen chopped spinach, thawed and squeezed dry", + "marinara sauce" + ] + }, + { + "id": 25960, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "shallots", + "leeks", + "spaghettini", + "green onions", + "finely chopped onion", + "crumbled gorgonzola" + ] + }, + { + "id": 23290, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "dried thyme", + "bay leaves", + "cayenne pepper", + "onions", + "green bell pepper", + "black-eyed peas", + "salt", + "garlic cloves", + "cooked rice", + "olive oil", + "vegetable broth", + "scallions", + "liquid smoke", + "black pepper", + "leaves", + "hot sauce", + "smoked paprika" + ] + }, + { + "id": 29306, + "cuisine": "japanese", + "ingredients": [ + "gari", + "white rice", + "tuna", + "Japanese soy sauce", + "rice vinegar", + "caster sugar", + "salt", + "nori", + "wasabi powder", + "cucumber" + ] + }, + { + "id": 14230, + "cuisine": "italian", + "ingredients": [ + "eggs", + "grated parmesan cheese", + "ground beef", + "bread crumbs", + "garlic", + "onions", + "fresh basil", + "marinara sauce", + "fresh parsley", + "fresh rosemary", + "pepper", + "salt" + ] + }, + { + "id": 4897, + "cuisine": "indian", + "ingredients": [ + "water", + "button mushrooms", + "red lentils", + "baby spinach", + "garam masala", + "purple onion", + "coconut oil", + "diced tomatoes" + ] + }, + { + "id": 25380, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "ground nutmeg", + "whipping cream", + "white pepper", + "baking powder", + "all-purpose flour", + "sugar", + "whole milk", + "salt", + "parmesan cheese", + "butter", + "frozen corn kernels" + ] + }, + { + "id": 10612, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "cayenne", + "large garlic cloves", + "fresh lemon juice", + "pimento stuffed green olives", + "black pepper", + "dry white wine", + "salt", + "flat leaf parsley", + "sea scallops", + "shallots", + "spanish chorizo", + "couscous", + "chicken broth", + "shell-on shrimp", + "extra-virgin olive oil", + "red bell pepper", + "frozen peas" + ] + }, + { + "id": 16038, + "cuisine": "irish", + "ingredients": [ + "celery ribs", + "pepper", + "garlic", + "bay leaf", + "fresh rosemary", + "vegetable oil", + "beef broth", + "onions", + "tomato paste", + "fresh thyme", + "salt", + "fresh parsley", + "lamb shanks", + "stout", + "carrots" + ] + }, + { + "id": 19267, + "cuisine": "southern_us", + "ingredients": [ + "extra-virgin olive oil", + "collard greens", + "orange juice", + "garlic", + "raisins" + ] + }, + { + "id": 15434, + "cuisine": "mexican", + "ingredients": [ + "fresh lime juice", + "ic pop", + "kosher salt", + "tequila" + ] + }, + { + "id": 20168, + "cuisine": "southern_us", + "ingredients": [ + "nutmeg", + "ground cloves", + "salt", + "eggs", + "sweet potatoes", + "ground cinnamon", + "milk", + "pie shell", + "brown sugar", + "butter" + ] + }, + { + "id": 33166, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "vegetable stock", + "onions", + "chili powder", + "black mustard seeds", + "eggplant", + "green pepper", + "red lentils", + "vegetable oil", + "curry paste" + ] + }, + { + "id": 31226, + "cuisine": "korean", + "ingredients": [ + "pear juice", + "beef", + "onions", + "brown sugar", + "water", + "red pepper flakes", + "minced garlic", + "rice wine", + "chicken bouillon", + "honey", + "rib" + ] + }, + { + "id": 36153, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "water chestnuts", + "scallions", + "white pepper", + "ground pork", + "long grain white rice", + "sugar", + "sesame oil", + "corn starch", + "egg whites", + "salt", + "iceberg lettuce" + ] + }, + { + "id": 17947, + "cuisine": "japanese", + "ingredients": [ + "water", + "lemon juice", + "wasabi paste", + "fine sea salt", + "vegetable oil", + "sesame butter", + "edamame" + ] + }, + { + "id": 48083, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "honey", + "shelled pistachios", + "sliced almonds", + "light corn syrup", + "sugar", + "vegetable oil", + "cashew nuts", + "water", + "salt" + ] + }, + { + "id": 42944, + "cuisine": "southern_us", + "ingredients": [ + "peach nectar", + "champagne", + "peach schnapps" + ] + }, + { + "id": 26328, + "cuisine": "indian", + "ingredients": [ + "papaya", + "fenugreek", + "freshly ground pepper", + "green beans", + "fennel seeds", + "cherry tomatoes", + "lettuce leaves", + "cumin seed", + "mustard seeds", + "kosher salt", + "tawny port", + "extra-virgin olive oil", + "fresh lemon juice", + "ground turmeric", + "roasted cashews", + "coriander seeds", + "shallots", + "garlic cloves", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 10521, + "cuisine": "jamaican", + "ingredients": [ + "bread crumbs", + "ground pepper", + "butter", + "all-purpose flour", + "diced onions", + "curry powder", + "egg yolks", + "salt", + "ground beef", + "pepper", + "fresh thyme", + "ice water", + "peanut oil", + "water", + "vinegar", + "beaten eggs", + "scallions" + ] + }, + { + "id": 10660, + "cuisine": "japanese", + "ingredients": [ + "caster sugar", + "rice vinegar", + "vegetable oil", + "water", + "sushi rice", + "salt" + ] + }, + { + "id": 11824, + "cuisine": "indian", + "ingredients": [ + "garbanzo beans", + "apple juice", + "vegetable oil", + "curry paste", + "frozen pastry puff sheets", + "chopped onion", + "all-purpose flour" + ] + }, + { + "id": 44895, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "green onions", + "oil", + "peppercorns", + "egg noodles", + "garlic", + "cut up chicken", + "boiling water", + "fried garlic", + "chicken meat", + "carrots", + "broth", + "celery ribs", + "bay leaves", + "salt", + "onions" + ] + }, + { + "id": 25031, + "cuisine": "thai", + "ingredients": [ + "sugar", + "vegetable oil", + "fresh mint", + "filet mignon", + "fresh coriander", + "scallions", + "soy sauce", + "gingerroot", + "fresh lime juice", + "hot red pepper flakes", + "water", + "garlic cloves" + ] + }, + { + "id": 24533, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "egg whites", + "cranberries", + "coarse sugar", + "low-fat buttermilk", + "salt", + "pure vanilla extract", + "unsalted butter", + "baking powder", + "sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 29549, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "lemon juice", + "mayonaise", + "worcestershire sauce", + "dried oregano", + "red wine vinegar", + "white sugar", + "water", + "garlic" + ] + }, + { + "id": 21981, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "large garlic cloves", + "salt", + "chopped parsley", + "dry white wine", + "crushed red pepper", + "fresh lemon juice", + "lemon", + "purple onion", + "carrots", + "ground black pepper", + "extra-virgin olive oil", + "chickpeas", + "bay leaf" + ] + }, + { + "id": 24701, + "cuisine": "italian", + "ingredients": [ + "cream", + "butternut squash", + "salt", + "fresh parsley", + "spinach", + "olive oil", + "garlic", + "jumbo pasta shells", + "fresh rosemary", + "rosemary", + "butter", + "all-purpose flour", + "brown sugar", + "cooking spray", + "purple onion", + "goat cheese" + ] + }, + { + "id": 42797, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "butter", + "baking powder", + "heavy cream" + ] + }, + { + "id": 27535, + "cuisine": "italian", + "ingredients": [ + "fennel bulb", + "oil", + "olive oil", + "salt", + "gemelli", + "fresh basil", + "cooking spray", + "feta cheese crumbles", + "ground black pepper", + "lemon rind", + "fresh parsley" + ] + }, + { + "id": 16741, + "cuisine": "southern_us", + "ingredients": [ + "water", + "coarse salt", + "cayenne pepper", + "boneless pork shoulder", + "apple cider vinegar", + "paprika", + "coleslaw", + "barbecue sauce", + "worcestershire sauce", + "dark brown sugar", + "hamburger buns", + "vegetable oil", + "cracked black pepper" + ] + }, + { + "id": 38181, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "cooking wine", + "sugar", + "vegetable oil", + "scallions", + "baking powder", + "salt", + "pork belly", + "ginger", + "chinese five-spice powder" + ] + }, + { + "id": 38924, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "garlic cloves", + "prosciutto", + "salt", + "black pepper", + "fat-free chicken broth", + "fresh mint", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 21922, + "cuisine": "jamaican", + "ingredients": [ + "ground black pepper", + "chipotle chile powder", + "ground cloves", + "cayenne pepper", + "allspice", + "ground cinnamon", + "salt", + "white sugar", + "garlic powder", + "dri leav thyme" + ] + }, + { + "id": 24117, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "zucchini", + "chili powder", + "salt", + "dried oregano", + "black pepper", + "olive oil", + "flour tortillas", + "raw cashews", + "asparagus spears", + "fresh cilantro", + "agave nectar", + "portabello mushroom", + "garlic cloves", + "ground cumin", + "water", + "soy milk", + "jalapeno chilies", + "purple onion", + "red bell pepper" + ] + }, + { + "id": 33391, + "cuisine": "chinese", + "ingredients": [ + "Shaoxing wine", + "salt", + "ground white pepper", + "sugar", + "sesame oil", + "oyster sauce", + "snow peas", + "chicken stock", + "chicken breasts", + "oil", + "soy", + "light soy sauce", + "garlic", + "corn starch" + ] + }, + { + "id": 32807, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "salt", + "plantains", + "fresh basil", + "vegetable oil", + "mango", + "grapes", + "large garlic cloves", + "monterey jack", + "tomatoes", + "unsalted butter", + "poblano chiles" + ] + }, + { + "id": 48248, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "red bell pepper", + "yellow corn meal", + "corn husks", + "halibut fillets", + "sugar", + "salt" + ] + }, + { + "id": 11320, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "fat free cream cheese", + "sun-dried tomatoes", + "garlic cloves", + "bread ciabatta", + "roasted red peppers", + "fresh basil leaves", + "black pepper", + "balsamic vinegar", + "boiling water" + ] + }, + { + "id": 47843, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "extra-virgin olive oil", + "loosely packed fresh basil leaves", + "chees fresh mozzarella", + "sea salt" + ] + }, + { + "id": 49002, + "cuisine": "french", + "ingredients": [ + "salt", + "fresh lemon juice", + "strawberries", + "sugar" + ] + }, + { + "id": 24571, + "cuisine": "italian", + "ingredients": [ + "white distilled vinegar", + "large eggs", + "freshly ground pepper", + "olive oil", + "salt", + "fresh rosemary", + "prosciutto", + "vinaigrette", + "sourdough bread", + "sea salt" + ] + }, + { + "id": 28278, + "cuisine": "cajun_creole", + "ingredients": [ + "bread mix", + "pepper", + "diced tomatoes", + "green bell pepper", + "green onions", + "onions", + "crawfish", + "butter", + "eggs", + "shredded cheddar cheese", + "salt" + ] + }, + { + "id": 28265, + "cuisine": "spanish", + "ingredients": [ + "bacon", + "sausage casings", + "medjool date" + ] + }, + { + "id": 45434, + "cuisine": "mexican", + "ingredients": [ + "grilled chicken breasts", + "tomato salsa", + "scallions", + "cumin", + "olive oil", + "cayenne pepper", + "cooked quinoa", + "cheddar cheese", + "garlic", + "red bell pepper", + "chili powder", + "sweet paprika", + "onions" + ] + }, + { + "id": 42495, + "cuisine": "french", + "ingredients": [ + "soup", + "cooking liquid", + "parsley", + "mussels", + "shallots", + "white wine", + "butter" + ] + }, + { + "id": 19855, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "margarine", + "salt", + "nonfat buttermilk", + "all-purpose flour", + "baking powder" + ] + }, + { + "id": 4432, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "salt", + "olive oil", + "whole wheat spaghetti", + "all-purpose flour", + "asparagus", + "butter", + "cream cheese", + "parmigiano reggiano cheese", + "1% low-fat milk", + "garlic cloves" + ] + }, + { + "id": 43060, + "cuisine": "spanish", + "ingredients": [ + "sangria", + "orange", + "club soda" + ] + }, + { + "id": 10912, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "top sirloin steak", + "salt", + "green bell pepper", + "hot pepper sauce", + "garlic", + "chopped cilantro fresh", + "fresh tomatoes", + "flour tortillas", + "purple onion", + "eggs", + "olive oil", + "worcestershire sauce", + "fresh mushrooms" + ] + }, + { + "id": 45896, + "cuisine": "cajun_creole", + "ingredients": [ + "creole mustard", + "lemon juice", + "hot sauce", + "pepper", + "mayonaise" + ] + }, + { + "id": 7385, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "carrots", + "daikon", + "grated orange", + "mirin", + "fresh lime juice", + "kosher salt", + "rice vinegar" + ] + }, + { + "id": 30303, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "fresh ginger", + "stout", + "scallions", + "chicken wings", + "dried thyme", + "scotch bonnet chile", + "mustard powder", + "lime juice", + "ground black pepper", + "garlic", + "chinese five-spice powder", + "brown sugar", + "honey", + "sea salt", + "ground allspice" + ] + }, + { + "id": 46324, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "salt", + "cumin", + "garam masala", + "ghee", + "moong dal", + "garlic cloves", + "green chile", + "shallots", + "basmati rice" + ] + }, + { + "id": 34161, + "cuisine": "greek", + "ingredients": [ + "sugar", + "all purpose unbleached flour", + "olive oil", + "fresh oregano", + "warm water", + "salt", + "eggs", + "dry yeast", + "chopped onion" + ] + }, + { + "id": 1044, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "olive oil", + "mahimahi", + "flat leaf parsley", + "saffron threads", + "sugar", + "cooking spray", + "cilantro leaves", + "chopped cilantro fresh", + "hungarian sweet paprika", + "water", + "lemon", + "garlic cloves", + "ground cumin", + "green olives", + "ground black pepper", + "salt", + "onions" + ] + }, + { + "id": 26563, + "cuisine": "moroccan", + "ingredients": [ + "coconut oil", + "pistachios", + "salt", + "hot curry powder", + "chopped cilantro", + "fresh ginger", + "cinnamon", + "goat cheese", + "red bell pepper", + "naan", + "pepper", + "butternut squash", + "cayenne pepper", + "smoked paprika", + "broth", + "fresh thyme", + "garlic", + "pomegranate", + "coconut milk", + "cumin" + ] + }, + { + "id": 2350, + "cuisine": "chinese", + "ingredients": [ + "water", + "vegetable broth", + "soy sauce", + "green onions", + "firm tofu", + "minced garlic", + "sesame oil", + "sliced mushrooms", + "spinach leaves", + "peeled fresh ginger", + "rice vinegar" + ] + }, + { + "id": 12184, + "cuisine": "moroccan", + "ingredients": [ + "chicken stock", + "olive oil", + "lemon juice", + "tomato paste", + "yellow onion", + "ground cumin", + "ground ginger", + "cilantro leaves", + "carrots", + "red lentils", + "kosher salt", + "garlic cloves" + ] + }, + { + "id": 31067, + "cuisine": "southern_us", + "ingredients": [ + "quickcooking grits", + "cilantro leaves", + "sherry vinegar", + "butter cooking spray", + "canola oil", + "fontina cheese", + "green onions", + "less sodium fat free chicken broth", + "ground black pepper", + "salt" + ] + }, + { + "id": 35716, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "sugar", + "cookie crumbs", + "butter", + "peaches", + "apple juice" + ] + }, + { + "id": 11646, + "cuisine": "mexican", + "ingredients": [ + "ice cubes", + "lime wedges", + "fresh lime juice", + "frozen limeade", + "fresh orange juice", + "lime rind", + "coarse salt", + "grated orange", + "lemon wedge", + "tequila" + ] + }, + { + "id": 13192, + "cuisine": "french", + "ingredients": [ + "honey", + "nuoc mam", + "water", + "garlic", + "jalapeno chilies", + "pork fillet", + "ginger", + "canola oil" + ] + }, + { + "id": 16598, + "cuisine": "jamaican", + "ingredients": [ + "olive oil", + "pineapple", + "brown sugar", + "salt and ground black pepper", + "noodles", + "shredded coconut", + "chili powder", + "boneless skinless chicken breast halves", + "ground cinnamon", + "jerk seasoning mix", + "crushed red pepper flakes" + ] + }, + { + "id": 11351, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "dry milk powder", + "salt", + "bread flour", + "grated parmesan cheese", + "white sugar", + "warm water", + "margarine", + "italian seasoning" + ] + }, + { + "id": 34001, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "poultry seasoning", + "salt", + "cider vinegar", + "chicken" + ] + }, + { + "id": 34273, + "cuisine": "italian", + "ingredients": [ + "lump crab meat", + "finely chopped fresh parsley", + "all-purpose flour", + "scallion greens", + "light cream", + "linguine", + "onions", + "pepper", + "grated parmesan cheese", + "fresh lemon juice", + "bottled clam juice", + "unsalted butter", + "salt" + ] + }, + { + "id": 12919, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "prepared mustard", + "garlic", + "onions", + "water", + "worcestershire sauce", + "freshly ground pepper", + "ketchup", + "vegetable oil", + "chili sauce", + "prepared horseradish", + "paprika", + "fresh lemon juice" + ] + }, + { + "id": 35730, + "cuisine": "irish", + "ingredients": [ + "dried currants", + "granulated sugar", + "reduced-fat sour cream", + "ground cinnamon", + "whole wheat flour", + "baking powder", + "all-purpose flour", + "large egg whites", + "cooking spray", + "salt", + "brown sugar", + "baking soda", + "butter" + ] + }, + { + "id": 29757, + "cuisine": "filipino", + "ingredients": [ + "baking powder", + "cake flour", + "sweetened condensed milk", + "warm water", + "yellow food coloring", + "softened butter", + "cream of tartar", + "vegetable oil", + "salt", + "granulated sugar", + "vanilla extract", + "bread flour" + ] + }, + { + "id": 42580, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "escarole", + "boneless skinless chicken breasts", + "long-grain rice", + "fat free less sodium chicken broth", + "fresh thyme leaves", + "garlic cloves", + "dry white wine", + "chopped onion", + "bay leaf" + ] + }, + { + "id": 11730, + "cuisine": "mexican", + "ingredients": [ + "fresh poblano pepper", + "mango", + "butter", + "flour tortillas", + "cream cheese" + ] + }, + { + "id": 43439, + "cuisine": "italian", + "ingredients": [ + "ground cloves", + "ground black pepper", + "whole milk", + "ground pork", + "pancetta", + "chopped tomatoes", + "lasagna noodles", + "all purpose unbleached flour", + "celery", + "spanish onion", + "unsalted butter", + "ground Italian sausage", + "carrots", + "ground cinnamon", + "lasagne", + "grated parmesan cheese", + "sea salt", + "ground beef" + ] + }, + { + "id": 11725, + "cuisine": "chinese", + "ingredients": [ + "diced tomatoes", + "medium shrimp", + "low sodium chicken broth", + "salt", + "thick-cut bacon", + "green bell pepper", + "garlic", + "onions", + "old bay seasoning", + "long-grain rice" + ] + }, + { + "id": 28711, + "cuisine": "filipino", + "ingredients": [ + "green onions", + "garlic", + "onions", + "water", + "vegetable shortening", + "rice flour", + "soy sauce", + "vegetable oil", + "salt", + "white sugar", + "active dry yeast", + "chicken meat", + "corn starch" + ] + }, + { + "id": 1105, + "cuisine": "italian", + "ingredients": [ + "all purpose unbleached flour", + "parmigiano-reggiano cheese", + "salt", + "idaho potatoes", + "ground white pepper", + "large eggs", + "grated nutmeg" + ] + }, + { + "id": 19892, + "cuisine": "mexican", + "ingredients": [ + "extra lean ground beef", + "Mexican cheese", + "taco seasoning", + "panko", + "onions", + "eggs", + "enchilada sauce" + ] + }, + { + "id": 34926, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "toasted baguette", + "flat leaf parsley", + "butter", + "garlic cloves", + "marsala wine", + "chanterelle", + "grated lemon peel", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 27216, + "cuisine": "irish", + "ingredients": [ + "black pepper", + "bacon", + "onions", + "fresh tomatoes", + "potatoes", + "carrots", + "sausage links", + "vegetable stock", + "fresh parsley", + "tomato purée", + "fresh thyme", + "sea salt" + ] + }, + { + "id": 20642, + "cuisine": "indian", + "ingredients": [ + "chiles", + "green chilies", + "onions", + "crushed red pepper flakes", + "mustard seeds", + "canola oil", + "semolina", + "cumin seed", + "boiling water", + "curry leaves", + "salt", + "cinnamon sticks" + ] + }, + { + "id": 19667, + "cuisine": "french", + "ingredients": [ + "sugar", + "whole milk", + "large egg yolks", + "bittersweet chocolate", + "large egg whites", + "corn starch", + "unsalted butter" + ] + }, + { + "id": 18263, + "cuisine": "italian", + "ingredients": [ + "broccoli rabe", + "garlic", + "large garlic cloves", + "grated parmesan cheese", + "low salt chicken broth", + "italian sausage", + "extra-virgin olive oil" + ] + }, + { + "id": 3089, + "cuisine": "french", + "ingredients": [ + "mayonaise", + "dry white wine", + "onions", + "unsalted butter", + "garlic cloves", + "water", + "dry mustard", + "mussels", + "french fri frozen", + "flat leaf parsley" + ] + }, + { + "id": 3998, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "heavy cream", + "fresh basil leaves", + "pasta", + "grated parmesan cheese", + "garlic", + "pepper", + "extra-virgin olive oil", + "tomatoes", + "butter", + "salt" + ] + }, + { + "id": 17080, + "cuisine": "italian", + "ingredients": [ + "eggs", + "crushed tomatoes", + "cheese", + "bay leaf", + "kosher salt", + "parsley", + "salt", + "oregano", + "bread crumbs", + "olive oil", + "garlic", + "onions", + "pepper", + "basil", + "turkey breast" + ] + }, + { + "id": 41641, + "cuisine": "italian", + "ingredients": [ + "pepper", + "cannellini beans", + "fresh rosemary", + "olive oil", + "striped bass", + "water", + "garlic", + "tomato sauce", + "zucchini", + "onions" + ] + }, + { + "id": 2604, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "salt", + "italian seasoning", + "olive oil", + "shredded mozzarella cheese", + "ground chuck", + "bow-tie pasta", + "garlic powder", + "sour cream" + ] + }, + { + "id": 35409, + "cuisine": "irish", + "ingredients": [ + "sourdough bread", + "hot mustard", + "pumpernickel bread", + "mayonaise", + "shredded sharp cheddar cheese", + "minced onion" + ] + }, + { + "id": 37351, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "Cholula Hot Sauce", + "fresh lime juice", + "chicken stock", + "cotija", + "tortilla chips", + "sugar", + "ground pepper", + "chopped cilantro fresh", + "red chili powder", + "kosher salt", + "ear of corn" + ] + }, + { + "id": 28316, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime juice", + "red bell pepper", + "kosher salt", + "yellow corn", + "ground cumin", + "white onion", + "ground black pepper", + "beef steak", + "bread", + "minced garlic", + "extra-virgin olive oil" + ] + }, + { + "id": 49213, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "basmati rice", + "coriander", + "vegetable stock" + ] + }, + { + "id": 12807, + "cuisine": "french", + "ingredients": [ + "olive oil", + "crème fraîche", + "waxy potatoes", + "kosher salt", + "ground black pepper", + "Reblochon", + "ground nutmeg", + "yellow onion", + "canola oil", + "smoked bacon", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 40866, + "cuisine": "mexican", + "ingredients": [ + "zucchini", + "chipotle peppers", + "garlic", + "sea salt", + "flax seed meal", + "eggs", + "coconut flour" + ] + }, + { + "id": 32716, + "cuisine": "japanese", + "ingredients": [ + "egg yolks", + "sugar", + "green tea powder", + "heavy cream", + "milk" + ] + }, + { + "id": 13437, + "cuisine": "italian", + "ingredients": [ + "broccoli", + "crushed red pepper flakes", + "cavatelli", + "chicken broth", + "garlic cloves", + "extra-virgin olive oil", + "sausage meat" + ] + }, + { + "id": 7229, + "cuisine": "indian", + "ingredients": [ + "warm water", + "mutton", + "green chilies", + "ground cumin", + "chili powder", + "salt", + "oil", + "garam masala", + "garlic", + "ground coriander", + "tomatoes", + "ginger", + "cilantro leaves", + "ground turmeric" + ] + }, + { + "id": 7703, + "cuisine": "mexican", + "ingredients": [ + "zucchini", + "fresh orange juice", + "boiling water", + "fresh cilantro", + "lime wedges", + "salt", + "ground cumin", + "corn kernels", + "bulgur wheat", + "fresh lime juice", + "black beans", + "jalapeno chilies", + "extra-virgin olive oil", + "monterey jack" + ] + }, + { + "id": 46493, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "unsalted butter", + "long-grain rice", + "medium shrimp", + "water", + "heavy cream", + "carrots", + "celery ribs", + "cayenne", + "salt", + "bay leaf", + "pernod", + "chopped fresh chives", + "fresh lemon juice", + "onions" + ] + }, + { + "id": 37209, + "cuisine": "french", + "ingredients": [ + "sugar", + "foie gras terrine", + "white bread", + "unsalted butter", + "water", + "unflavored gelatin", + "sauterne" + ] + }, + { + "id": 23405, + "cuisine": "jamaican", + "ingredients": [ + "black pepper", + "cooking spray", + "ground allspice", + "sugar", + "dried thyme", + "purple onion", + "low sodium soy sauce", + "cider vinegar", + "ground red pepper", + "boneless chicken skinless thigh", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 15457, + "cuisine": "southern_us", + "ingredients": [ + "cream style corn", + "eggs", + "self rising flour", + "minced onion", + "seasoning salt", + "vegetable oil" + ] + }, + { + "id": 23518, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper", + "clams", + "dry white wine", + "grated parmesan cheese", + "fresh parsley", + "minced garlic", + "linguine" + ] + }, + { + "id": 22439, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "carrots", + "salt", + "garlic salt", + "water", + "onions", + "celery ribs", + "long-grain rice", + "chicken" + ] + }, + { + "id": 20572, + "cuisine": "italian", + "ingredients": [ + "pecorino romano cheese", + "part-skim mozzarella cheese", + "sweet italian sausage", + "cremini mushrooms", + "extra-virgin olive oil", + "marinara sauce", + "pizza doughs" + ] + }, + { + "id": 37069, + "cuisine": "french", + "ingredients": [ + "coconut extract", + "sweetened coconut flakes", + "coconut milk", + "sugar", + "maple syrup", + "tofu", + "rum", + "corn starch", + "brown sugar", + "salt" + ] + }, + { + "id": 31094, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "ginger", + "cardamom", + "meat", + "salt", + "onions", + "yellow rock sugar", + "star anise", + "cinnamon sticks", + "clove", + "spices", + "meat bones", + "noodles" + ] + }, + { + "id": 15448, + "cuisine": "japanese", + "ingredients": [ + "white rice", + "water" + ] + }, + { + "id": 35703, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "chicken breasts", + "garlic", + "pepper", + "parsley", + "oil", + "marsala wine", + "shallots", + "salt", + "mushrooms", + "butter", + "lemon juice" + ] + }, + { + "id": 45323, + "cuisine": "southern_us", + "ingredients": [ + "water", + "vegetable oil", + "white cake mix", + "sour cream", + "large eggs" + ] + }, + { + "id": 24056, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "butter", + "cream style corn", + "celery", + "ground pepper", + "all-purpose flour", + "chicken broth", + "ground nutmeg", + "onions" + ] + }, + { + "id": 26268, + "cuisine": "cajun_creole", + "ingredients": [ + "potatoes", + "crawfish", + "ear of corn", + "garlic bulb", + "lemon", + "Sriracha" + ] + }, + { + "id": 35090, + "cuisine": "spanish", + "ingredients": [ + "slivered almonds", + "olive oil", + "extra-virgin olive oil", + "roast red peppers, drain", + "kosher salt", + "ground black pepper", + "hot smoked paprika", + "onions", + "hazelnuts", + "sherry vinegar", + "garlic", + "roasted tomatoes", + "bread", + "orange", + "red pepper flakes", + "juice", + "chicken" + ] + }, + { + "id": 21074, + "cuisine": "southern_us", + "ingredients": [ + "sweet potatoes", + "white sugar", + "ground cinnamon", + "vanilla extract", + "butter", + "ground nutmeg", + "salt" + ] + }, + { + "id": 32184, + "cuisine": "indian", + "ingredients": [ + "chat masala", + "yoghurt", + "asafetida", + "red chili powder", + "baking soda", + "all-purpose flour", + "caraway seeds", + "olive oil", + "salt", + "garlic paste", + "coriander powder", + "gram flour" + ] + }, + { + "id": 24834, + "cuisine": "french", + "ingredients": [ + "baking powder", + "sugar", + "all-purpose flour", + "eggs", + "lemon", + "unsalted butter", + "lemon juice" + ] + }, + { + "id": 9322, + "cuisine": "southern_us", + "ingredients": [ + "evaporated milk", + "vanilla extract", + "light corn syrup", + "peanuts", + "red food coloring", + "butter", + "white sugar" + ] + }, + { + "id": 42100, + "cuisine": "french", + "ingredients": [ + "shallots", + "boiling potatoes", + "olive oil", + "crème fraîche", + "water", + "salt", + "peas" + ] + }, + { + "id": 25177, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "roasted peanuts", + "deveined shrimp", + "soy sauce", + "english cucumber", + "rice vinegar" + ] + }, + { + "id": 35033, + "cuisine": "mexican", + "ingredients": [ + "ground pepper", + "coarse salt", + "sour cream", + "iceberg lettuce", + "guacamole", + "tomatoes with juice", + "ground beef", + "canola oil", + "jalapeno chilies", + "cilantro", + "corn tortillas", + "monterey jack", + "pico de gallo", + "chili powder", + "garlic", + "onions", + "ground cumin" + ] + }, + { + "id": 20422, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "Sugar in the Raw", + "red grape", + "silver" + ] + }, + { + "id": 30978, + "cuisine": "vietnamese", + "ingredients": [ + "romaine lettuce", + "fresh cilantro", + "rice vinegar", + "fresh basil", + "black pepper", + "pork loin", + "cinnamon sticks", + "fish sauce", + "water", + "vegetable oil", + "sliced green onions", + "sugar", + "cooking spray", + "low salt chicken broth" + ] + }, + { + "id": 33450, + "cuisine": "mexican", + "ingredients": [ + "fontina cheese", + "bacon", + "flour tortillas", + "sour cream", + "eggs", + "salsa", + "green onions" + ] + }, + { + "id": 7898, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "lemon zest", + "flat leaf parsley", + "dried porcini mushrooms", + "dry white wine", + "cremini mushrooms", + "grated parmesan cheese", + "onions", + "arborio rice", + "unsalted butter", + "hot water" + ] + }, + { + "id": 45207, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "kosher salt", + "chicken breasts", + "diced tomatoes", + "cayenne pepper", + "coriander", + "clove", + "plain yogurt", + "ground black pepper", + "heavy cream", + "garlic", + "onions", + "sugar", + "garam masala", + "butter", + "ginger", + "cardamom", + "cumin", + "nutmeg", + "fresh ginger", + "cinnamon", + "cilantro", + "ground coriander", + "basmati rice" + ] + }, + { + "id": 44887, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "water", + "crushed garlic", + "paneer", + "lemon juice", + "sugar", + "garam masala", + "ginger", + "ground coriander", + "tumeric", + "light cream", + "butter", + "salt", + "ground cumin", + "red chili peppers", + "yoghurt", + "kasuri methi", + "oil" + ] + }, + { + "id": 1662, + "cuisine": "moroccan", + "ingredients": [ + "fresh lemon juice", + "cinnamon", + "liqueur", + "vodka", + "fresh mint", + "pineapple juice", + "ice" + ] + }, + { + "id": 31833, + "cuisine": "jamaican", + "ingredients": [ + "cooked bacon", + "mozzarella cheese", + "jerk sauce", + "white onion", + "yellow bell pepper", + "cooked chicken", + "red bell pepper" + ] + }, + { + "id": 32309, + "cuisine": "korean", + "ingredients": [ + "water", + "ground black pepper", + "salt", + "fresh ginger", + "spring onions", + "chopped garlic", + "light soy sauce", + "oxtails", + "gingerroot", + "sesame seeds", + "sesame oil" + ] + }, + { + "id": 18288, + "cuisine": "brazilian", + "ingredients": [ + "black pepper", + "garlic", + "chicken broth", + "bacon slices", + "short rib", + "white vinegar", + "black beans", + "salt", + "boneless pork shoulder", + "orange slices", + "onions" + ] + }, + { + "id": 632, + "cuisine": "thai", + "ingredients": [ + "sugar", + "shredded carrots", + "salt", + "creamy peanut butter", + "red bell pepper", + "honey", + "napa cabbage", + "rice vinegar", + "scallions", + "chopped cilantro fresh", + "soy sauce", + "vegetable oil", + "cilantro leaves", + "english cucumber", + "fresh lime juice", + "fresh ginger", + "crushed red pepper flakes", + "edamame", + "garlic cloves" + ] + }, + { + "id": 25081, + "cuisine": "indian", + "ingredients": [ + "plain low-fat yogurt", + "coarse salt", + "ground pepper", + "chopped cilantro fresh", + "granny smith apples", + "garlic cloves", + "ground ginger", + "chicken breast halves", + "ground turmeric" + ] + }, + { + "id": 25742, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "garam masala", + "french fried onions", + "tomatoes with juice", + "cumin seed", + "pearl onions", + "jalapeno chilies", + "paprika", + "lamb shoulder", + "cooked white rice", + "green cardamom pods", + "coriander seeds", + "dried mint flakes", + "ginger", + "yellow onion", + "ground turmeric", + "kosher salt", + "unsalted butter", + "cinnamon", + "garlic", + "greek yogurt" + ] + }, + { + "id": 20648, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "fresh chives", + "fennel bulb", + "butter", + "garlic cloves", + "onions", + "black peppercorns", + "verjus", + "leeks", + "pinot noir", + "flat leaf parsley", + "parsley sprigs", + "parmesan cheese", + "bay leaves", + "beef broth", + "thyme sprigs", + "tomato paste", + "water", + "minced onion", + "garlic", + "low salt chicken broth", + "carnaroli rice" + ] + }, + { + "id": 28821, + "cuisine": "italian", + "ingredients": [ + "tilapia fillets", + "crouton italian season", + "hellmann' or best food real mayonnais", + "Wish-Bone Italian Dressing", + "tomatoes" + ] + }, + { + "id": 39650, + "cuisine": "italian", + "ingredients": [ + "white onion", + "lean ground beef", + "worcestershire sauce", + "salt", + "garlic and herb seasoning", + "dried basil", + "condensed tomato soup", + "extra-virgin olive oil", + "spaghetti", + "minced garlic", + "cajun seasoning", + "diced tomatoes", + "lemon juice", + "black pepper", + "chili powder", + "portabello mushroom", + "vanilla extract" + ] + }, + { + "id": 26070, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "ground black pepper", + "diced tomatoes", + "fresh mushrooms", + "dried oregano", + "olive oil", + "zucchini", + "shredded low-fat mozzarella cheese", + "ground turkey", + "tomato paste", + "low-fat cottage cheese", + "egg whites", + "yellow onion", + "flat leaf parsley", + "dried basil", + "low-fat parmesan cheese", + "garlic", + "oven-ready lasagna noodles" + ] + }, + { + "id": 21932, + "cuisine": "mexican", + "ingredients": [ + "grape tomatoes", + "orange bell pepper", + "flax seeds", + "black beans", + "quinoa", + "sea salt", + "pepper", + "jalapeno chilies", + "cilantro", + "avocado", + "lime", + "sweet corn kernels", + "purple onion" + ] + }, + { + "id": 45379, + "cuisine": "korean", + "ingredients": [ + "sugar", + "roasted sesame seeds", + "vegetable oil", + "pepper", + "vinegar", + "scallions", + "soy sauce", + "zucchini", + "salt", + "asian eggplants", + "minced garlic", + "sesame oil" + ] + }, + { + "id": 31086, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "branzino", + "lemon", + "flat leaf parsley", + "bay leaves", + "fine sea salt", + "new potatoes", + "turbot" + ] + }, + { + "id": 46598, + "cuisine": "irish", + "ingredients": [ + "black pepper", + "extra sharp white cheddar cheese", + "salt", + "green cabbage", + "minced garlic", + "vegetable oil", + "boiling potatoes", + "bread crumb fresh", + "unsalted butter", + "onions", + "horseradish", + "water", + "buttermilk" + ] + }, + { + "id": 45183, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "crema mexican", + "dried guajillo chiles", + "olive oil", + "pineapple juice", + "dried oregano", + "kosher salt", + "cilantro leaves", + "pork shoulder", + "bread rolls", + "habanero pepper", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 22067, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "garlic cloves", + "sugar", + "cilantro", + "canola oil", + "salmon fillets", + "fresh ginger", + "oyster sauce", + "black pepper", + "scallions" + ] + }, + { + "id": 20993, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "chicken breasts", + "cheese" + ] + }, + { + "id": 31166, + "cuisine": "indian", + "ingredients": [ + "minced ginger", + "potatoes", + "carrots", + "frozen peas", + "garam masala", + "garlic", + "coconut milk", + "cumin", + "milk", + "pumpkin", + "mustard seeds", + "puff pastry", + "tumeric", + "zucchini", + "purple onion", + "coriander" + ] + }, + { + "id": 42301, + "cuisine": "moroccan", + "ingredients": [ + "water", + "dried apricot", + "cilantro sprigs", + "preserves", + "chicken", + "tumeric", + "cayenne", + "lemon wedge", + "sweet paprika", + "cinnamon sticks", + "pinenuts", + "unsalted butter", + "ginger", + "garlic cloves", + "chopped cilantro", + "saffron threads", + "olive oil", + "shallots", + "extra-virgin olive oil", + "thyme" + ] + }, + { + "id": 23972, + "cuisine": "greek", + "ingredients": [ + "plain yogurt", + "red pepper", + "feta cheese crumbles", + "cayenne", + "salt", + "ground turmeric", + "olive oil", + "garlic", + "hummus", + "round loaf", + "calamata olives", + "lemon juice" + ] + }, + { + "id": 21032, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "fresh basil leaves", + "eggplant", + "refrigerated pizza dough", + "marinara sauce", + "plum tomatoes", + "part-skim mozzarella cheese", + "part-skim ricotta cheese" + ] + }, + { + "id": 43423, + "cuisine": "italian", + "ingredients": [ + "dark chocolate", + "cooking spray", + "all-purpose flour", + "baking soda", + "anise", + "large eggs", + "salt", + "sugar", + "butter" + ] + }, + { + "id": 13143, + "cuisine": "french", + "ingredients": [ + "water", + "egg yolks", + "white sugar", + "active dry yeast", + "all-purpose flour", + "milk", + "salt", + "boiling water", + "sourdough starter", + "olive oil", + "cornmeal" + ] + }, + { + "id": 899, + "cuisine": "greek", + "ingredients": [ + "eggs", + "dill", + "ground lamb", + "ground turkey breast", + "cooked white rice", + "grape leaves", + "chopped parsley", + "lemon", + "allspice" + ] + }, + { + "id": 23998, + "cuisine": "greek", + "ingredients": [ + "green onions", + "fresh mint", + "cod fillets", + "greek style plain yogurt", + "ground black pepper", + "sea salt", + "dried oregano", + "cooking oil", + "english cucumber" + ] + }, + { + "id": 46877, + "cuisine": "cajun_creole", + "ingredients": [ + "whole grain mustard", + "hot sauce", + "green onions", + "chopped garlic", + "mayonaise", + "salt", + "ground black pepper", + "fresh parsley" + ] + }, + { + "id": 15128, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "palm sugar", + "large garlic cloves", + "asian fish sauce", + "lemongrass", + "cilantro root", + "gingerroot", + "sweet chili sauce", + "ground black pepper", + "salt", + "curry powder", + "shallots", + "cornish hens" + ] + }, + { + "id": 29785, + "cuisine": "italian", + "ingredients": [ + "red wine vinegar", + "mustard powder", + "olive oil", + "anchovy paste", + "sour cream", + "worcestershire sauce", + "lemon juice", + "grated parmesan cheese", + "garlic" + ] + }, + { + "id": 12960, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "ground chipotle chile pepper", + "honey", + "onion powder", + "cilantro leaves", + "chipotle peppers", + "green bell pepper", + "pepper", + "flour", + "purple onion", + "corn starch", + "chipotle sauce", + "eggs", + "black pepper", + "garlic powder", + "red wine vinegar", + "garlic cloves", + "adobo sauce", + "bread", + "sugar", + "water", + "chicken breasts", + "salt", + "smoked paprika", + "ground cumin" + ] + }, + { + "id": 5312, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "black olives", + "red enchilada sauce", + "minced garlic", + "jalapeno chilies", + "sharp cheddar cheese", + "ground beef", + "tomatoes", + "tortillas", + "salsa", + "sour cream", + "water", + "green onions", + "taco seasoning", + "onions" + ] + }, + { + "id": 33174, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "vegetable oil", + "onions", + "scallion greens", + "cayenne", + "salt", + "large shrimp", + "celery ribs", + "water", + "large garlic cloves", + "long grain white rice", + "tomatoes", + "unsalted butter", + "juice" + ] + }, + { + "id": 41043, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "yellow squash", + "red pepper flakes", + "rice", + "celery", + "sweet onion", + "butter", + "garlic", + "chopped parsley", + "large shrimp", + "white wine", + "herbs", + "sea salt", + "smoked paprika", + "roasted tomatoes", + "tumeric", + "olive oil", + "fish stock", + "thyme", + "bay leaf" + ] + }, + { + "id": 48340, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "water", + "tomatoes", + "onions", + "fresh basil", + "chopped garlic", + "tomato paste", + "olive oil" + ] + }, + { + "id": 39935, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "olive oil", + "garlic", + "diced onions", + "cooked brown rice", + "boneless skinless chicken breasts", + "olive oil cooking spray", + "Louisiana Hot Sauce", + "bay leaves", + "okra", + "grape tomatoes", + "dried thyme", + "sea salt", + "fresh parsley" + ] + }, + { + "id": 2816, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "green onions", + "hass avocado", + "tomatoes", + "hot pepper sauce", + "fresh lime juice", + "ground black pepper", + "worcestershire sauce", + "chopped cilantro fresh", + "kosher salt", + "wasabi powder", + "onions" + ] + }, + { + "id": 6560, + "cuisine": "indian", + "ingredients": [ + "roasted cashews", + "peeled fresh ginger", + "ground coriander", + "chopped cilantro fresh", + "unsweetened coconut milk", + "zucchini", + "salt", + "onions", + "chiles", + "brown mustard seeds", + "cumin seed", + "curry powder", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 36910, + "cuisine": "southern_us", + "ingredients": [ + "all purpose unbleached flour", + "unsalted butter", + "salt", + "baking soda", + "buttermilk", + "baking powder" + ] + }, + { + "id": 34642, + "cuisine": "vietnamese", + "ingredients": [ + "curry powder", + "vietnamese fish sauce", + "chopped fresh herbs", + "baby bok choy", + "shallots", + "firm tofu", + "canola oil", + "light brown sugar", + "palm sugar", + "salt", + "bamboo shoots", + "fresh curry leaves", + "large garlic cloves", + "coconut milk" + ] + }, + { + "id": 5981, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "lemon", + "white sugar", + "lettuce leaves", + "garlic", + "chile sauce", + "water", + "diced tomatoes", + "long grain white rice", + "vegetable oil", + "ground beef", + "ground cumin" + ] + }, + { + "id": 14399, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "pistachios", + "chopped celery", + "chopped parsley", + "chopped garlic", + "brandy", + "veal", + "bacon", + "ham", + "pork butt", + "cayenne", + "bay leaves", + "salt", + "onions", + "dried thyme", + "egg whites", + "port", + "chicken livers", + "dried oregano" + ] + }, + { + "id": 26623, + "cuisine": "mexican", + "ingredients": [ + "chuck roast", + "chili powder", + "onions", + "tomato paste", + "agave nectar", + "red pepper", + "dried oregano", + "Sriracha", + "onion powder", + "arugula", + "garlic powder", + "beef stock", + "ground coriander", + "cumin" + ] + }, + { + "id": 1077, + "cuisine": "indian", + "ingredients": [ + "dried lentils", + "ground nutmeg", + "green peas", + "ground coriander", + "ground cumin", + "water", + "butter", + "salt", + "red bell pepper", + "jasmine rice", + "potatoes", + "garlic", + "ground cardamom", + "fresh ginger root", + "raisins", + "chopped onion", + "canola oil" + ] + }, + { + "id": 35940, + "cuisine": "brazilian", + "ingredients": [ + "water", + "baking powder", + "dried shrimp", + "black-eyed peas", + "salt", + "fresh ginger", + "vegetable oil", + "onions", + "pepper", + "hot pepper sauce", + "garlic cloves" + ] + }, + { + "id": 426, + "cuisine": "mexican", + "ingredients": [ + "jumbo pasta shells", + "monterey jack", + "taco sauce", + "cream cheese", + "salsa", + "lean ground beef", + "taco seasoning" + ] + }, + { + "id": 2868, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "pineapple juice", + "light soy sauce", + "sesame seeds", + "rice", + "honey", + "green onions", + "corn starch", + "olive oil", + "chicken breasts" + ] + }, + { + "id": 4929, + "cuisine": "french", + "ingredients": [ + "chopped fresh thyme", + "salt", + "ground black pepper", + "butter", + "garlic cloves", + "half & half", + "whipping cream", + "frozen artichoke hearts", + "russet potatoes", + "chopped onion" + ] + }, + { + "id": 43931, + "cuisine": "french", + "ingredients": [ + "olive oil", + "yukon gold potatoes", + "garlic cloves", + "cooking spray", + "1% low-fat milk", + "black pepper", + "leeks", + "salt", + "fresh parmesan cheese", + "diced tomatoes" + ] + }, + { + "id": 38049, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "chicken breast halves", + "salt", + "chicken stock", + "basil leaves", + "large garlic cloves", + "unsalted butter", + "shallots", + "freshly ground pepper", + "olive oil", + "dry white wine", + "heavy cream" + ] + }, + { + "id": 23466, + "cuisine": "french", + "ingredients": [ + "sugar", + "peaches", + "toasted pecans", + "large egg whites", + "raspberries", + "lemon juice", + "water", + "blackberries" + ] + }, + { + "id": 34298, + "cuisine": "greek", + "ingredients": [ + "water", + "greek style plain yogurt", + "grape tomatoes", + "ground black pepper", + "medium shrimp", + "olive oil", + "couscous", + "pitted kalamata olives", + "salt", + "sliced green onions" + ] + }, + { + "id": 42809, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "eggs", + "reduced sodium soy sauce", + "chicken broth", + "lipton pure leaf unsweeten iced tea" + ] + }, + { + "id": 25270, + "cuisine": "mexican", + "ingredients": [ + "anise seed", + "baking powder", + "all-purpose flour", + "ground cloves", + "vanilla extract", + "rum", + "salt", + "eggs", + "butter", + "white sugar" + ] + }, + { + "id": 45608, + "cuisine": "vietnamese", + "ingredients": [ + "daikon", + "fine sea salt", + "garlic cloves", + "vegan mayonnaise", + "buns", + "extra-virgin olive oil", + "cilantro leaves", + "carrots", + "white vinegar", + "tempeh", + "tamari soy sauce", + "fresh lemon juice", + "greens", + "apple cider vinegar", + "thai chile", + "cane sugar", + "cucumber" + ] + }, + { + "id": 29232, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "orange liqueur", + "sugar", + "fresh lemon juice", + "teas", + "tequila", + "sauce" + ] + }, + { + "id": 29952, + "cuisine": "italian", + "ingredients": [ + "instant yeast", + "salt", + "all purpose unbleached flour", + "water" + ] + }, + { + "id": 5559, + "cuisine": "southern_us", + "ingredients": [ + "chiles", + "extra-virgin olive oil", + "guanciale", + "pepper", + "dried chile", + "collard greens", + "bacon", + "rib", + "kosher salt", + "garlic cloves" + ] + }, + { + "id": 12657, + "cuisine": "indian", + "ingredients": [ + "yellow mustard seeds", + "vegetable oil", + "cardamom pods", + "ground black pepper", + "salt", + "cinnamon sticks", + "coriander seeds", + "large garlic cloves", + "cumin seed", + "tumeric", + "minced onion", + "cayenne pepper", + "baby back ribs" + ] + }, + { + "id": 24664, + "cuisine": "italian", + "ingredients": [ + "fresh sage", + "parmesan cheese", + "baby spinach", + "onions", + "kosher salt", + "half & half", + "red pepper flakes", + "black pepper", + "low sodium chicken broth", + "potato gnocchi", + "olive oil", + "butternut squash", + "garlic" + ] + }, + { + "id": 3520, + "cuisine": "cajun_creole", + "ingredients": [ + "onion soup", + "rotelle", + "celery", + "green onions", + "uncle bens", + "garlic powder", + "butter", + "green bell pepper", + "meat", + "beef broth" + ] + }, + { + "id": 27331, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "crushed tomatoes", + "raisins", + "all-purpose flour", + "ground cumin", + "boneless chicken skinless thigh", + "olive oil", + "pitted olives", + "couscous", + "ground paprika", + "fresh cilantro", + "garlic", + "ground coriander", + "water", + "garbanzo beans", + "salt", + "onions" + ] + }, + { + "id": 21901, + "cuisine": "spanish", + "ingredients": [ + "brandy", + "lemon", + "orange juice", + "lime", + "dry red wine", + "white sugar", + "orange", + "carbonated water", + "lemon juice", + "frozen lemonade concentrate", + "triple sec", + "cocktail cherries" + ] + }, + { + "id": 42539, + "cuisine": "cajun_creole", + "ingredients": [ + "pasta sauce", + "butter", + "garlic", + "uncook medium shrimp, peel and devein", + "green bell pepper, slice", + "crushed red pepper flakes", + "sweet italian sausage", + "onions", + "olive oil", + "red wine", + "salt", + "red bell pepper", + "shallots", + "yellow bell pepper", + "creole seasoning", + "spaghetti" + ] + }, + { + "id": 35293, + "cuisine": "french", + "ingredients": [ + "egg whites", + "cocoa powder", + "sugar", + "egg yolks", + "flour", + "bittersweet chocolate", + "milk", + "butter" + ] + }, + { + "id": 49181, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "mung bean sprouts", + "fresh basil", + "flank steak", + "wide rice noodles", + "reduced sodium soy sauce", + "canola oil", + "reduced sodium chicken broth", + "bok choy" + ] + }, + { + "id": 7697, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "green chile", + "salt", + "tomatoes", + "dry mustard", + "lime juice" + ] + }, + { + "id": 6114, + "cuisine": "british", + "ingredients": [ + "lemon", + "sugar", + "nutmeg", + "bourbon whiskey" + ] + }, + { + "id": 10986, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "vanilla extract", + "white sugar", + "milk", + "all-purpose flour", + "unbaked pie crusts", + "salt", + "light brown sugar", + "egg yolks", + "margarine" + ] + }, + { + "id": 6940, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "vegetable oil", + "chopped cilantro fresh", + "hominy", + "tomatillos", + "ground pepper", + "coarse salt", + "chicken", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 14298, + "cuisine": "italian", + "ingredients": [ + "sliced black olives", + "purple onion", + "green bell pepper", + "extra-virgin olive oil", + "fresh marjoram", + "cheese", + "refrigerated pizza dough", + "garlic cloves" + ] + }, + { + "id": 48246, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "diced tomatoes", + "flat leaf parsley", + "frozen peas", + "olive oil", + "garlic cloves", + "onions", + "chicken", + "chicken broth", + "paprika", + "bay leaf", + "long grain white rice", + "dry white wine", + "red bell pepper", + "pimento stuffed green olives" + ] + }, + { + "id": 31167, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "olive oil", + "garlic", + "black pepper", + "fresh cilantro", + "portabello mushroom", + "ground cumin", + "soy sauce", + "orange", + "chili powder", + "dried oregano", + "white onion", + "lime", + "paprika" + ] + }, + { + "id": 43655, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "shiitake", + "garlic", + "fresh basil leaves", + "water", + "green onions", + "coconut milk", + "jasmine rice", + "fresh ginger root", + "rice vinegar", + "boneless skinless chicken breast halves", + "fish sauce", + "olive oil", + "red pepper flakes", + "onions" + ] + }, + { + "id": 42820, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "yukon gold potatoes", + "herbs", + "olive oil", + "yellow onion", + "aioli" + ] + }, + { + "id": 36474, + "cuisine": "mexican", + "ingredients": [ + "ragu old world style pasta sauc", + "ditalini pasta", + "chipotles in adobo", + "black beans", + "chees fresco queso", + "chopped cilantro fresh", + "boneless chicken skinless thigh", + "vegetable oil", + "onions", + "green bell pepper, slice", + "garlic" + ] + }, + { + "id": 3227, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "olive oil", + "hot Italian sausages", + "mussels", + "dry white wine", + "frozen peas", + "clams", + "medium shrimp uncook", + "onions", + "arborio rice", + "clam juice", + "plum tomatoes" + ] + }, + { + "id": 20486, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "polenta", + "pinenuts", + "pesto sauce", + "shredded mozzarella cheese" + ] + }, + { + "id": 43775, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "whole wheat tortillas", + "scallions", + "tomatoes", + "garlic powder", + "purple onion", + "large shrimp", + "lime", + "cilantro", + "hass avocado", + "cheddar cheese", + "cooking spray", + "salt", + "cumin" + ] + }, + { + "id": 40563, + "cuisine": "korean", + "ingredients": [ + "sliced meat", + "scallions", + "cooked rice", + "meat", + "pepper", + "salt", + "beef", + "glass noodles" + ] + }, + { + "id": 30240, + "cuisine": "vietnamese", + "ingredients": [ + "hearts of palm", + "soba noodles", + "marinade", + "prawns", + "fresh herbs", + "maui onion", + "heirloom tomatoes" + ] + }, + { + "id": 24022, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "all-purpose flour", + "active dry yeast", + "buttermilk", + "water", + "butter", + "shortening", + "baking soda", + "salt" + ] + }, + { + "id": 18507, + "cuisine": "mexican", + "ingredients": [ + "chile pepper", + "salt", + "linguine", + "heavy whipping cream", + "butter", + "shredded mozzarella cheese", + "ground black pepper", + "garlic", + "onions" + ] + }, + { + "id": 13241, + "cuisine": "irish", + "ingredients": [ + "kosher salt", + "irish oats", + "clove", + "1% low-fat milk", + "dried apricot", + "firmly packed brown sugar", + "cinnamon sticks" + ] + }, + { + "id": 36946, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "diced tomatoes", + "shrimp", + "cooked rice", + "green onions", + "garlic cloves", + "roux", + "chicken broth", + "file powder", + "okra", + "onions", + "lump crab meat", + "chopped celery", + "fresh parsley" + ] + }, + { + "id": 37679, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "cooking spray", + "sweet paprika", + "onions", + "tomato paste", + "garam masala", + "paprika", + "garlic cloves", + "ground cumin", + "fresh ginger", + "lemon", + "ground coriander", + "ground turmeric", + "boneless chicken skinless thigh", + "cayenne", + "salt", + "lemon juice" + ] + }, + { + "id": 7869, + "cuisine": "mexican", + "ingredients": [ + "onion powder", + "cumin", + "garlic powder", + "salt", + "sugar", + "paprika", + "chili powder", + "oregano" + ] + }, + { + "id": 10398, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "water", + "sea salt", + "cane sugar", + "red bell pepper", + "coconut oil", + "extra firm tofu", + "ginger", + "cumin seed", + "coconut milk", + "tumeric", + "potatoes", + "cayenne pepper", + "garlic cloves", + "onions", + "ground cloves", + "sliced carrots", + "peanut butter", + "ground cardamom" + ] + }, + { + "id": 37055, + "cuisine": "irish", + "ingredients": [ + "black pepper", + "bacon", + "thyme", + "leeks", + "banger", + "allspice", + "potatoes", + "garlic", + "onions", + "chicken stock", + "bay leaves", + "carrots" + ] + }, + { + "id": 27961, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "fresh thyme", + "sea salt", + "creole seasoning", + "chicken thighs", + "crushed tomatoes", + "parsley", + "yellow onion", + "long-grain rice", + "dried porcini mushrooms", + "mushrooms", + "garlic", + "scallions", + "serrano chile", + "fresh bay leaves", + "grapeseed oil", + "fresh oregano", + "celery" + ] + }, + { + "id": 41852, + "cuisine": "russian", + "ingredients": [ + "sweetened condensed milk", + "sugar", + "butter" + ] + }, + { + "id": 48542, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "salt", + "red bell pepper", + "green bell pepper", + "Shaoxing wine", + "corn starch", + "cabbage", + "sugar", + "sesame oil", + "ground white pepper", + "egg whites", + "peanut oil", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 5304, + "cuisine": "vietnamese", + "ingredients": [ + "eggs", + "butter", + "corn starch", + "black pepper", + "salt", + "canola oil", + "sugar", + "garlic", + "medium shrimp", + "white bread", + "water", + "scallions" + ] + }, + { + "id": 19182, + "cuisine": "french", + "ingredients": [ + "sugar", + "radishes", + "yellow bell pepper", + "red bell pepper", + "cherry tomatoes", + "Tabasco Pepper Sauce", + "salt", + "golden zucchini", + "mayonaise", + "asparagus", + "button mushrooms", + "garlic cloves", + "ground black pepper", + "lemon", + "baby carrots", + "chopped fresh herbs" + ] + }, + { + "id": 1917, + "cuisine": "irish", + "ingredients": [ + "milk", + "all-purpose flour", + "pepper", + "butter", + "onions", + "water", + "salt", + "Irish Red ale", + "yukon gold potatoes", + "sausages" + ] + }, + { + "id": 43457, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "bell pepper", + "vegetable oil", + "salt", + "rib", + "dried thyme", + "seeds", + "garlic", + "sausages", + "dried oregano", + "black pepper", + "green onions", + "paprika", + "yellow onion", + "pork shoulder", + "cayenne", + "parsley", + "feet", + "chicken livers" + ] + }, + { + "id": 32290, + "cuisine": "french", + "ingredients": [ + "red wine vinegar", + "garlic cloves", + "capers", + "kalamata", + "olive oil", + "freshly ground pepper", + "bread", + "sea salt" + ] + }, + { + "id": 39442, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "extra-virgin olive oil", + "dijon mustard", + "garlic cloves", + "Belgian endive", + "red wine vinegar", + "kosher salt", + "anchovy fillets" + ] + }, + { + "id": 19299, + "cuisine": "japanese", + "ingredients": [ + "extra firm tofu", + "large garlic cloves", + "red bell pepper", + "peeled fresh ginger", + "cilantro sprigs", + "low sodium soy sauce", + "sesame oil", + "peanut oil", + "water", + "hot pepper", + "scallions" + ] + }, + { + "id": 29189, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "frozen corn", + "boneless skinless chicken breasts", + "flour tortillas", + "chunky salsa", + "black beans", + "chili powder" + ] + }, + { + "id": 35721, + "cuisine": "mexican", + "ingredients": [ + "roma tomatoes", + "sour cream", + "cheddar cheese", + "salsa", + "chopped cilantro fresh", + "guacamole", + "ripe olives", + "refried beans", + "tortilla chips" + ] + }, + { + "id": 39773, + "cuisine": "filipino", + "ingredients": [ + "green bell pepper", + "ground black pepper", + "sprite", + "garlic cloves", + "onions", + "soy sauce", + "pork tenderloin", + "raisins", + "carrots", + "romano cheese", + "bay leaves", + "liver", + "red bell pepper", + "tomato sauce", + "potatoes", + "lemon", + "lemon juice" + ] + }, + { + "id": 25834, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "bouillon cube", + "pearl barley", + "water", + "cannellini beans", + "black pepper", + "finely chopped onion", + "escarole", + "olive oil", + "salt" + ] + }, + { + "id": 4512, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "jalapeno chilies", + "sour cream", + "chopped tomatoes", + "chili sauce", + "refried beans", + "cilantro leaves", + "shredded Monterey Jack cheese", + "chiles", + "sliced black olives", + "tortilla chips" + ] + }, + { + "id": 36942, + "cuisine": "indian", + "ingredients": [ + "water", + "bell pepper", + "ground red pepper", + "cumin seed", + "ground cinnamon", + "fresh ginger root", + "bay leaves", + "okra", + "coconut milk", + "tomatoes", + "olive oil", + "jalapeno chilies", + "salt", + "ground cardamom", + "minced garlic", + "ground black pepper", + "golden raisins", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 31654, + "cuisine": "spanish", + "ingredients": [ + "salt", + "large egg yolks", + "corn starch", + "sugar", + "lemon rind", + "whole milk", + "cinnamon sticks" + ] + }, + { + "id": 34867, + "cuisine": "french", + "ingredients": [ + "semisweet chocolate", + "Grand Marnier", + "large eggs", + "unsalted butter", + "heavy cream", + "sugar", + "chocolate shavings" + ] + }, + { + "id": 23624, + "cuisine": "british", + "ingredients": [ + "cold water", + "ale", + "corn starch", + "water", + "cubed potatoes", + "lard", + "pepper", + "salt", + "cubed beef", + "turnips", + "frozen pastry puff sheets", + "carrots", + "onions" + ] + }, + { + "id": 19214, + "cuisine": "mexican", + "ingredients": [ + "dill pickles", + "hellmann' or best food light mayonnais", + "swiss cheese", + "chipotles in adobo", + "cooked ham", + "Italian bread", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 16021, + "cuisine": "french", + "ingredients": [ + "sugar", + "strawberries", + "vanilla extract", + "large eggs", + "fresh lemon juice", + "1% low-fat milk" + ] + }, + { + "id": 37400, + "cuisine": "italian", + "ingredients": [ + "pesto", + "cooking oil", + "garlic", + "crushed tomatoes", + "ziti", + "bay leaf", + "mozzarella cheese", + "grated parmesan cheese", + "salt", + "ground black pepper", + "ricotta cheese", + "onions" + ] + }, + { + "id": 33531, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "fresh green bean", + "pepper", + "garlic powder", + "dried oregano", + "seasoned bread crumbs", + "olive oil", + "salt", + "water", + "grated parmesan cheese" + ] + }, + { + "id": 1810, + "cuisine": "indian", + "ingredients": [ + "nonfat dry milk powder", + "white sugar", + "water", + "cumin seed", + "star anise", + "coffee granules", + "cinnamon sticks" + ] + }, + { + "id": 12050, + "cuisine": "southern_us", + "ingredients": [ + "soft-wheat flour", + "butter", + "sugar", + "baking powder", + "shortening", + "buttermilk" + ] + }, + { + "id": 21236, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "granulated sugar", + "ketchup", + "pineapple juice", + "soy sauce", + "apple cider vinegar", + "water", + "corn starch" + ] + }, + { + "id": 37439, + "cuisine": "southern_us", + "ingredients": [ + "water", + "chopped onion", + "one third less sodium chicken broth", + "collards", + "hot pepper sauce", + "garlic cloves", + "pepper", + "salt", + "smoked ham hocks" + ] + }, + { + "id": 35688, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "butternut squash", + "tortillas", + "cilantro", + "honey", + "apple cider vinegar", + "black beans", + "Sriracha", + "goat cheese" + ] + }, + { + "id": 40321, + "cuisine": "korean", + "ingredients": [ + "ground ginger", + "olive oil", + "barbecue sauce", + "crushed red pepper flakes", + "oyster sauce", + "mayonaise", + "Sriracha", + "flank steak", + "rice vinegar", + "brown sugar", + "sesame seeds", + "green onions", + "garlic", + "long grain white rice", + "soy sauce", + "shredded cabbage", + "sesame oil", + "rice" + ] + }, + { + "id": 19941, + "cuisine": "cajun_creole", + "ingredients": [ + "Zatarains Creole Seasoning", + "salt", + "extra-virgin olive oil", + "long grain white rice", + "red beans", + "hot water", + "smoked sausage" + ] + }, + { + "id": 35222, + "cuisine": "indian", + "ingredients": [ + "active dry yeast", + "salt", + "sugar", + "coarse salt", + "greek style plain yogurt", + "warm water", + "garlic", + "chopped parsley", + "melted butter", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 16219, + "cuisine": "italian", + "ingredients": [ + "green cabbage", + "water", + "cannellini beans", + "salt", + "celery", + "black pepper", + "olive oil", + "sliced carrots", + "garlic cloves", + "collard greens", + "dried thyme", + "butternut squash", + "chopped onion", + "pasta", + "fat free less sodium chicken broth", + "broccoli florets", + "diced tomatoes", + "rubbed sage" + ] + }, + { + "id": 42895, + "cuisine": "thai", + "ingredients": [ + "white pepper", + "bell pepper", + "onions", + "sugar", + "cooked turkey", + "salt", + "baby bok choy", + "thai basil", + "coconut aminos", + "fish sauce", + "water", + "garlic" + ] + }, + { + "id": 46335, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "italian seasoning", + "pepper", + "salt", + "eggs", + "flour", + "eggplant", + "panko breadcrumbs" + ] + }, + { + "id": 29430, + "cuisine": "korean", + "ingredients": [ + "Fuji Apple", + "green onions", + "onions", + "rib eye steaks", + "sesame seeds", + "ginger", + "soy sauce", + "sesame oil", + "sugar", + "asian pear", + "garlic" + ] + }, + { + "id": 31285, + "cuisine": "moroccan", + "ingredients": [ + "fresh lemon juice", + "preserved lemon", + "plum tomatoes", + "avocado", + "fresh parsley", + "salt" + ] + }, + { + "id": 32490, + "cuisine": "italian", + "ingredients": [ + "salt", + "sliced mushrooms", + "pepper", + "garlic cloves", + "onions", + "olive oil", + "low salt chicken broth", + "spaghetti", + "pancetta", + "fresh oregano", + "fresh parsley" + ] + }, + { + "id": 48135, + "cuisine": "mexican", + "ingredients": [ + "lime", + "bay leaves", + "ancho powder", + "juice", + "onions", + "tomatoes", + "flour tortillas", + "bottom round roast", + "garlic", + "sour cream", + "kosher salt", + "jalapeno chilies", + "worcestershire sauce", + "cilantro leaves", + "low sodium beef broth", + "ground black pepper", + "apple cider vinegar", + "dried pinto beans", + "tequila", + "ground cumin" + ] + }, + { + "id": 47245, + "cuisine": "jamaican", + "ingredients": [ + "chicken broth", + "curry powder", + "scotch bonnet chile", + "bread crumbs", + "finely chopped onion", + "ground allspice", + "minced garlic", + "lean ground beef", + "eggs", + "dried thyme", + "salt" + ] + }, + { + "id": 8560, + "cuisine": "french", + "ingredients": [ + "black pepper", + "leeks", + "fat free less sodium chicken broth", + "baking potatoes", + "fresh chives", + "vegetable oil", + "half & half", + "salt" + ] + }, + { + "id": 48824, + "cuisine": "brazilian", + "ingredients": [ + "dark chocolate", + "ground cloves", + "egg yolks", + "all-purpose flour", + "unsweetened cocoa powder", + "fennel seeds", + "brown sugar", + "honey", + "cinnamon", + "cinnamon sticks", + "table cream", + "water", + "whole milk", + "grated nutmeg", + "ground ginger", + "milk chocolate", + "baking soda", + "salt", + "sweetened condensed milk" + ] + }, + { + "id": 13706, + "cuisine": "japanese", + "ingredients": [ + "egg yolks", + "all-purpose flour", + "large shrimp", + "ice water" + ] + }, + { + "id": 42171, + "cuisine": "french", + "ingredients": [ + "mascarpone", + "vanilla extract", + "sugar", + "compote", + "powdered sugar", + "semisweet chocolate", + "brandy", + "whipping cream" + ] + }, + { + "id": 29128, + "cuisine": "japanese", + "ingredients": [ + "cream of tartar", + "milk", + "coconut oil", + "cream cheese", + "eggs", + "cake flour", + "sugar" + ] + }, + { + "id": 25264, + "cuisine": "brazilian", + "ingredients": [ + "cachaca", + "cold water", + "ice", + "lime", + "simple syrup" + ] + }, + { + "id": 34610, + "cuisine": "southern_us", + "ingredients": [ + "dried thyme", + "grated parmesan cheese", + "extra-virgin olive oil", + "garlic cloves", + "hot pepper sauce", + "buttermilk", + "all-purpose flour", + "onions", + "ground black pepper", + "butter", + "salt", + "chicken pieces", + "bread crumbs", + "dijon mustard", + "paprika", + "cayenne pepper" + ] + }, + { + "id": 22292, + "cuisine": "italian", + "ingredients": [ + "parsley flakes", + "italian seasoning", + "grated parmesan cheese", + "ground red pepper", + "granulated garlic" + ] + }, + { + "id": 5673, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "red pepper", + "garlic powder", + "white pepper", + "paprika", + "onion powder" + ] + }, + { + "id": 22884, + "cuisine": "british", + "ingredients": [ + "white vinegar", + "pearl onions", + "cucumber", + "ground ginger", + "all-purpose flour", + "ground turmeric", + "cauliflower", + "salt", + "white sugar", + "water", + "mustard powder" + ] + }, + { + "id": 24450, + "cuisine": "russian", + "ingredients": [ + "vegetable oil", + "sugar", + "bay leaf", + "vinegar", + "onions", + "cold water", + "herring fillets" + ] + }, + { + "id": 47382, + "cuisine": "french", + "ingredients": [ + "sugar", + "egg yolks", + "cocoa powder", + "eggs", + "honey", + "butter", + "brioche", + "bananas", + "vanilla extract", + "milk", + "rum", + "chocolate chips" + ] + }, + { + "id": 31711, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "elbow macaroni", + "salt", + "butter", + "pepper", + "sharp cheddar cheese" + ] + }, + { + "id": 16210, + "cuisine": "mexican", + "ingredients": [ + "cheese", + "taco seasoning", + "salsa", + "flour tortillas", + "ground beef" + ] + }, + { + "id": 786, + "cuisine": "italian", + "ingredients": [ + "ground beef", + "cheese ravioli", + "shredded mozzarella cheese", + "pasta sauce", + "onions" + ] + }, + { + "id": 38236, + "cuisine": "indian", + "ingredients": [ + "mayonaise", + "bread crumbs", + "coriander seeds", + "kasuri methi", + "cumin seed", + "onions", + "garlic paste", + "pickles", + "water", + "coriander powder", + "salt", + "chutney", + "chaat masala", + "tomatoes", + "buns", + "pepper", + "garam masala", + "cheese", + "oil", + "frozen peas", + "tumeric", + "ketchup", + "amchur", + "potatoes", + "green chilies", + "chopped cilantro", + "ground cumin" + ] + }, + { + "id": 17305, + "cuisine": "british", + "ingredients": [ + "eggs", + "drippings", + "water", + "all-purpose flour", + "milk", + "black pepper", + "salt" + ] + }, + { + "id": 41505, + "cuisine": "chinese", + "ingredients": [ + "canola", + "salt", + "dried fig", + "neutral oil", + "vegetables", + "cognac", + "baking soda", + "glutinous rice flour", + "sugar", + "taro", + "white sesame seeds" + ] + }, + { + "id": 11269, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "fresh ginger root", + "vegetable oil", + "ground cumin", + "minced garlic", + "potatoes", + "black mustard seeds", + "soy sauce", + "garam masala", + "ground coriander", + "caraway seeds", + "eggplant", + "chili powder", + "onions" + ] + }, + { + "id": 19652, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "olive oil", + "dried oregano", + "tomato paste", + "crushed tomatoes", + "garlic", + "white onion", + "basil dried leaves", + "green bell pepper", + "mushrooms" + ] + }, + { + "id": 27134, + "cuisine": "italian", + "ingredients": [ + "baby spinach", + "thyme", + "garlic", + "butter", + "pasta", + "shredded parmesan cheese" + ] + }, + { + "id": 42383, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "chopped onion", + "olive oil", + "black pepper", + "white mushrooms", + "tomatoes", + "salt" + ] + }, + { + "id": 36051, + "cuisine": "mexican", + "ingredients": [ + "roast breast of chicken", + "reduced sodium chicken broth", + "2% reduced-fat milk", + "condensed cream of chicken soup", + "flour tortillas", + "cayenne pepper", + "green chile", + "garlic powder", + "mexicorn", + "cheddar cheese", + "jalapeno chilies", + "condensed cream of potato soup" + ] + }, + { + "id": 22692, + "cuisine": "mexican", + "ingredients": [ + "salt", + "tomatillos", + "chopped cilantro fresh", + "garlic", + "chile pepper", + "chopped onion" + ] + }, + { + "id": 32228, + "cuisine": "italian", + "ingredients": [ + "pepper", + "dry white wine", + "garlic", + "celery", + "chicken stock", + "olive oil", + "bacon", + "fresh mushrooms", + "dried oregano", + "pasta", + "dried basil", + "lean ground beef", + "salt", + "onions", + "tomato sauce", + "italian plum tomatoes", + "ground pork", + "carrots" + ] + }, + { + "id": 36266, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "achiote paste", + "ground coriander", + "red wine vinegar", + "salt", + "pork butt roast", + "chili powder", + "purple onion", + "lemon juice", + "paprika", + "orange juice", + "ground cumin" + ] + }, + { + "id": 21377, + "cuisine": "filipino", + "ingredients": [ + "shallots", + "low salt chicken broth", + "tawny port", + "duck breast halves", + "cherries", + "orange blossom honey", + "butter" + ] + }, + { + "id": 22426, + "cuisine": "italian", + "ingredients": [ + "salt", + "water", + "cheese", + "cornmeal" + ] + }, + { + "id": 618, + "cuisine": "thai", + "ingredients": [ + "sugar", + "rice vinegar", + "asian fish sauce", + "red chili peppers", + "chili sauce", + "large shrimp", + "celery stick", + "ginger", + "fresh lime juice", + "ice cubes", + "ketchup", + "cucumber" + ] + }, + { + "id": 34492, + "cuisine": "french", + "ingredients": [ + "peaches", + "fresh raspberries", + "unflavored gelatin", + "mint sprigs", + "cold water", + "fresh blueberries", + "raspberry liqueur", + "sugar", + "raspberry sauce" + ] + }, + { + "id": 35325, + "cuisine": "moroccan", + "ingredients": [ + "water", + "seeds", + "sugar", + "beef", + "salt", + "vidalia onion", + "honey", + "cinnamon", + "sugar pea", + "dried apricot", + "sauce" + ] + }, + { + "id": 40987, + "cuisine": "indian", + "ingredients": [ + "sliced almonds", + "mango chutney", + "salt", + "olive oil", + "butter", + "boneless skinless chicken breast halves", + "garam masala", + "garlic", + "ground turmeric", + "plain yogurt", + "chili powder", + "onions" + ] + }, + { + "id": 13775, + "cuisine": "korean", + "ingredients": [ + "pork neck", + "black pepper", + "green onions", + "chopped garlic", + "sugar", + "sesame seeds", + "rice wine", + "red chili powder", + "fresh ginger", + "bean paste", + "soy sauce", + "garlic powder", + "sesame oil" + ] + }, + { + "id": 5333, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "all-purpose flour", + "powdered sugar", + "whipping cream", + "eggs", + "mandarin oranges", + "regular sugar", + "baking powder", + "salt" + ] + }, + { + "id": 4644, + "cuisine": "indian", + "ingredients": [ + "plain low-fat yogurt", + "peeled fresh ginger", + "purple onion", + "fresh lemon juice", + "ground cumin", + "garam masala", + "daikon", + "tamarind paste", + "chopped garlic", + "boneless chicken skinless thigh", + "ground red pepper", + "salt", + "chopped cilantro fresh", + "tomatoes", + "cooking spray", + "extra-virgin olive oil", + "beets", + "canola oil" + ] + }, + { + "id": 11094, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "low sodium taco seasoning", + "cheddar cheese", + "shells", + "tomato sauce", + "ground beef", + "water" + ] + }, + { + "id": 48387, + "cuisine": "jamaican", + "ingredients": [ + "green onions", + "salt", + "pepper", + "butter", + "long pepper", + "shrimp heads", + "oyster sauce", + "Sriracha", + "garlic" + ] + }, + { + "id": 34235, + "cuisine": "jamaican", + "ingredients": [ + "store bought low sodium chicken stock", + "ground black pepper", + "worcestershire sauce", + "hot sauce", + "jamaican curry powder", + "fresh ginger", + "boneless skinless chicken breasts", + "garlic", + "olive oil", + "fingerling potatoes", + "cilantro", + "yellow onion", + "kosher salt", + "full fat coconut milk", + "scotch bonnet chile", + "white wine vinegar" + ] + }, + { + "id": 46295, + "cuisine": "japanese", + "ingredients": [ + "ground black pepper", + "purple onion", + "soy sauce", + "ginger", + "onions", + "cauliflower", + "boneless skinless chicken breasts", + "dark brown sugar", + "white wine", + "garlic" + ] + }, + { + "id": 38076, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "black sesame seeds", + "vegetable oil", + "red bell pepper", + "fresh ginger", + "chicken breasts", + "garlic", + "cashew nuts", + "coriander powder", + "shallots", + "salt", + "ground cumin", + "curry powder", + "baby kale", + "ponzu", + "coconut milk" + ] + }, + { + "id": 34933, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "groundnut", + "yoghurt", + "green chilies", + "ginger root", + "creamed coconut", + "coriander seeds", + "salt", + "cumin seed", + "ground turmeric", + "tomatoes", + "lime", + "garlic", + "cardamom pods", + "onions", + "black pepper", + "fenugreek", + "cilantro leaves", + "chuck steaks" + ] + }, + { + "id": 2641, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "green onions", + "ground cumin", + "water", + "lasagna noodles", + "sour cream", + "refried beans", + "pepper jack", + "dried oregano", + "extra lean ground beef", + "sliced black olives", + "salsa" + ] + }, + { + "id": 14034, + "cuisine": "french", + "ingredients": [ + "jumbo shrimp", + "water", + "dry white wine", + "button mushrooms", + "clarified butter", + "nutmeg", + "cream", + "flour", + "butter", + "salt", + "mussels", + "white pepper", + "snapper head", + "shallots", + "bouquet garni", + "puff pastry", + "sole fillet", + "scallops", + "egg yolks", + "lemon", + "onions" + ] + }, + { + "id": 6179, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "coffee beans", + "water", + "salt", + "sugar", + "raw sugar", + "half & half", + "heavy whipping cream" + ] + }, + { + "id": 39037, + "cuisine": "indian", + "ingredients": [ + "salt", + "plain yogurt", + "english cucumber", + "pepper", + "tomatoes", + "chopped onion" + ] + }, + { + "id": 10539, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "ground pork", + "oyster sauce", + "salted fish", + "firm tofu", + "mushroom soy sauce", + "Shaoxing wine", + "scallions", + "fresh ginger", + "salt", + "corn starch" + ] + }, + { + "id": 30907, + "cuisine": "mexican", + "ingredients": [ + "cooking oil", + "diced tomatoes", + "cayenne pepper", + "chicken broth", + "chicken breasts", + "garlic", + "onions", + "bell pepper", + "paprika", + "smoked paprika", + "pepper", + "chili powder", + "salt", + "cumin" + ] + }, + { + "id": 19014, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic", + "pasta", + "freshly grated parmesan", + "avocado", + "olive oil", + "fresh basil", + "lemon" + ] + }, + { + "id": 49471, + "cuisine": "filipino", + "ingredients": [ + "pork belly", + "garlic", + "oyster sauce", + "fish sauce", + "lemon", + "freshly ground pepper", + "white vinegar", + "pepper", + "salt", + "onions", + "brown sugar", + "thai chile", + "oil" + ] + }, + { + "id": 21553, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "egg substitute", + "vegetable oil", + "hot sauce", + "white vinegar", + "kosher salt", + "ground red pepper", + "paprika", + "creole mustard", + "black pepper", + "green onions", + "worcestershire sauce", + "ketchup", + "prepared horseradish", + "yellow mustard", + "garlic cloves" + ] + }, + { + "id": 10806, + "cuisine": "french", + "ingredients": [ + "brandy", + "beef tenderloin", + "shiitake mushroom caps", + "spinach", + "olive oil", + "margarine", + "pepper", + "salt", + "vegetable oil cooking spray", + "shallots", + "garlic cloves" + ] + }, + { + "id": 47185, + "cuisine": "thai", + "ingredients": [ + "baking soda", + "tapioca flour", + "all-purpose flour", + "eggs", + "salt", + "water" + ] + }, + { + "id": 3815, + "cuisine": "cajun_creole", + "ingredients": [ + "pecans", + "white cabbage", + "maple syrup", + "cider vinegar", + "buttermilk", + "celery", + "mayonaise", + "spring onions", + "carrots", + "pepper", + "salt" + ] + }, + { + "id": 8822, + "cuisine": "greek", + "ingredients": [ + "pepper", + "kalamata", + "dried oregano", + "olive oil", + "fresh lemon juice", + "dried basil", + "salt", + "rib eye steaks", + "garlic powder", + "feta cheese crumbles" + ] + }, + { + "id": 47500, + "cuisine": "filipino", + "ingredients": [ + "sherry vinegar", + "garlic", + "canola oil", + "soy sauce", + "bay leaves", + "coconut milk", + "chicken stock", + "ground black pepper", + "beef rib short", + "kosher salt", + "thai chile", + "cooked white rice" + ] + }, + { + "id": 41365, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "garlic", + "scallions", + "onions", + "green bell pepper", + "vegetable oil", + "all-purpose flour", + "celery", + "andouille sausage", + "worcestershire sauce", + "freshly ground pepper", + "cooked white rice", + "parsley leaves", + "salt", + "hot water", + "chicken" + ] + }, + { + "id": 25526, + "cuisine": "irish", + "ingredients": [ + "rolled oats", + "buttermilk", + "all-purpose flour", + "turbinado", + "granulated sugar", + "marmalade", + "candied orange peel", + "baking powder", + "salt", + "unsalted butter", + "heavy cream", + "softened butter" + ] + }, + { + "id": 1756, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "miso", + "chopped fresh chives", + "salmon fillets", + "hot water", + "low sodium soy sauce", + "cooking spray" + ] + }, + { + "id": 22392, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "salt", + "coriander", + "ginger", + "lemon juice", + "ground black pepper", + "lentils", + "greens", + "tomato purée", + "garlic", + "onions" + ] + }, + { + "id": 32078, + "cuisine": "cajun_creole", + "ingredients": [ + "shredded parmesan cheese", + "cajun seasoning", + "all-purpose flour", + "Tabasco Pepper Sauce", + "bow-tie pasta", + "buttermilk", + "peanut oil" + ] + }, + { + "id": 5823, + "cuisine": "mexican", + "ingredients": [ + "milk", + "pork sausages", + "eggs", + "chile pepper", + "flour tortillas", + "cheddar cheese", + "all-purpose flour" + ] + }, + { + "id": 22373, + "cuisine": "mexican", + "ingredients": [ + "pasilla chiles", + "parsley", + "freshly ground pepper", + "honey", + "purple onion", + "dried oregano", + "kosher salt", + "balsamic vinegar", + "garlic cloves", + "olive oil", + "rack of lamb", + "ground cumin" + ] + }, + { + "id": 18067, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "lemon", + "cinnamon sticks", + "green tomatoes" + ] + }, + { + "id": 9100, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "chopped tomatoes", + "sliced green onions", + "cod", + "shredded coleslaw mix", + "tortilla shells", + "milk", + "Land O Lakes® Butter", + "avocado", + "taco seasoning mix", + "sour cream" + ] + }, + { + "id": 14990, + "cuisine": "thai", + "ingredients": [ + "sugar", + "green onions", + "tamari soy sauce", + "tofu", + "water", + "vegetable oil", + "beansprouts", + "sweet chili sauce", + "rice noodles", + "carrots", + "chili flakes", + "peanuts", + "garlic", + "cabbage" + ] + }, + { + "id": 38120, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "salt", + "sugar", + "unsalted butter", + "active dry yeast", + "bread flour", + "water", + "flour" + ] + }, + { + "id": 34301, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "bay leaves", + "rice vinegar", + "pepper", + "purple onion", + "pork belly", + "garlic", + "black peppercorns", + "water", + "salt" + ] + }, + { + "id": 29588, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "ground cinnamon", + "salt", + "slivered almonds", + "grated lemon peel", + "large eggs" + ] + }, + { + "id": 3125, + "cuisine": "thai", + "ingredients": [ + "Sriracha", + "dark sesame oil", + "snow peas", + "minced garlic", + "low sodium teriyaki sauce", + "spaghetti", + "lime wedges", + "hot water", + "large shrimp", + "dry roasted peanuts", + "creamy peanut butter", + "chopped cilantro fresh" + ] + }, + { + "id": 48747, + "cuisine": "italian", + "ingredients": [ + "flour tortillas", + "red leaf lettuce", + "ham", + "fresh basil", + "cream cheese", + "sun-dried tomatoes" + ] + }, + { + "id": 4557, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "all-purpose flour", + "1% low-fat milk", + "salt", + "large eggs" + ] + }, + { + "id": 45313, + "cuisine": "thai", + "ingredients": [ + "chopped leaves", + "roasted peanuts", + "fish sauce", + "thai noodles", + "coriander", + "eggs", + "lime", + "beansprouts", + "sugar", + "prawns" + ] + }, + { + "id": 32832, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "coarse salt", + "onions", + "whole peeled tomatoes", + "pork stock", + "collard greens", + "crushed red pepper flakes", + "chopped garlic" + ] + }, + { + "id": 37111, + "cuisine": "southern_us", + "ingredients": [ + "fontina cheese", + "pimentos", + "sliced mushrooms", + "cream of celery soup", + "cooked chicken", + "sour cream", + "water chestnuts", + "green beans", + "long grain and wild rice mix", + "pepper", + "salt", + "onions" + ] + }, + { + "id": 49022, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "baby spinach", + "parmesan cheese", + "cheese tortellini", + "olive oil", + "large garlic cloves", + "black pepper", + "prosciutto" + ] + }, + { + "id": 28938, + "cuisine": "british", + "ingredients": [ + "lemon zest", + "vanilla", + "white bread", + "fresh cranberries", + "cinnamon sticks", + "cream sweeten whip", + "cranberry juice cocktail", + "pears", + "light brown sugar", + "dried apricot", + "sour cherries" + ] + }, + { + "id": 42149, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "herbs", + "ginger", + "mango", + "lime juice", + "white rice vinegar", + "green chilies", + "red chili peppers", + "prawns", + "purple onion", + "candied ginger", + "palm sugar", + "sesame oil", + "roasted peanuts" + ] + }, + { + "id": 37121, + "cuisine": "southern_us", + "ingredients": [ + "bacon slices", + "fresh mushrooms", + "grits", + "green onions", + "all-purpose flour", + "fresh lemon juice", + "pepper", + "salt", + "garlic cloves", + "canola oil", + "low-sodium fat-free chicken broth", + "hot sauce", + "shrimp" + ] + }, + { + "id": 39302, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh basil leaves", + "cantaloupe", + "prosciutto", + "pinenuts", + "crumbled ricotta salata cheese" + ] + }, + { + "id": 37686, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "orange zest", + "mission figs", + "dry red wine", + "lemon zest" + ] + }, + { + "id": 4740, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "sugar", + "peanuts", + "tomatillos", + "chocolate", + "thyme", + "oregano", + "allspice", + "bread", + "black peppercorns", + "chili", + "tortillas", + "raisins", + "salt", + "lard", + "chicken", + "clove", + "pecans", + "sesame seeds", + "meat", + "anise", + "pumpkin seeds", + "onions", + "plantains", + "tomatoes", + "pork", + "almonds", + "avocado leaves", + "garlic", + "cinnamon sticks", + "cumin" + ] + }, + { + "id": 28315, + "cuisine": "mexican", + "ingredients": [ + "seedless cucumber", + "garlic", + "kosher salt", + "tomatoes", + "red wine vinegar", + "white onion", + "serrano chile" + ] + }, + { + "id": 615, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "eggplant", + "bulgur", + "onions", + "dried currants", + "extra-virgin olive oil", + "flat leaf parsley", + "black pepper", + "salt", + "rib", + "sugar", + "zucchini", + "ground allspice" + ] + }, + { + "id": 22777, + "cuisine": "mexican", + "ingredients": [ + "picante sauce", + "boneless skinless chicken breasts", + "garlic powder", + "diced tomatoes", + "shredded cheddar cheese", + "vegetable oil", + "flour tortillas", + "onions" + ] + }, + { + "id": 27128, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "ground black pepper", + "ginger", + "fresh lemon juice", + "onions", + "tumeric", + "chili powder", + "chicken fingers", + "cooking fat", + "cumin", + "cauliflower", + "garam masala", + "sea salt", + "garlic cloves", + "coconut milk", + "ground cumin", + "mint", + "coriander powder", + "cilantro leaves", + "cinnamon sticks", + "ground turmeric" + ] + }, + { + "id": 40810, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "coconut cream", + "water", + "condensed milk", + "corn", + "corn starch", + "evaporated milk", + "coconut milk" + ] + }, + { + "id": 48045, + "cuisine": "french", + "ingredients": [ + "sugar", + "salt", + "active dry yeast", + "all purpose unbleached flour", + "warm water" + ] + }, + { + "id": 25432, + "cuisine": "moroccan", + "ingredients": [ + "turnips", + "tumeric", + "cilantro", + "cayenne pepper", + "dried lentils", + "water", + "garlic", + "carrots", + "tomato purée", + "black pepper", + "extra-virgin olive oil", + "chickpeas", + "parsnips", + "crushed tomatoes", + "salt", + "cumin" + ] + }, + { + "id": 48520, + "cuisine": "korean", + "ingredients": [ + "rib eye steaks", + "shiitake", + "garlic", + "toasted sesame seeds", + "sugar", + "sesame oil", + "carrots", + "soy sauce", + "vegetable oil", + "onions", + "spinach", + "green onions", + "salt", + "noodles" + ] + }, + { + "id": 21743, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "sweetened condensed milk", + "powdered milk" + ] + }, + { + "id": 37669, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "parmigiano reggiano cheese", + "polenta", + "ground black pepper", + "light cream cheese", + "1% low-fat milk" + ] + }, + { + "id": 3480, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "red food coloring", + "chinese rice wine", + "hoisin sauce", + "garlic cloves", + "brown sugar", + "honey", + "chinese five-spice powder", + "soy sauce", + "pork tenderloin" + ] + }, + { + "id": 25726, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "onions", + "olive oil", + "red bell pepper", + "swiss chard", + "bread dough", + "large garlic cloves" + ] + }, + { + "id": 1526, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "baguette", + "tomatoes", + "garlic", + "coarse sea salt" + ] + }, + { + "id": 25309, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "jalapeno chilies", + "cayenne pepper", + "onions", + "olive oil", + "green onions", + "enchilada sauce", + "black beans", + "chopped tomatoes", + "colby jack cheese", + "chopped cilantro", + "pepper", + "tortillas", + "salt", + "ground beef" + ] + }, + { + "id": 35985, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "cayenne pepper", + "chopped cilantro fresh", + "fresh ginger", + "garlic", + "cumin seed", + "ground cumin", + "tomatoes", + "vegetable oil", + "ground coriander", + "ground turmeric", + "eggplant", + "salt", + "onions" + ] + }, + { + "id": 29920, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "green chilies", + "onions", + "tomatoes", + "chili powder", + "oil", + "ground turmeric", + "fresh green peas", + "coriander powder", + "cumin seed", + "cashew nuts", + "milk", + "cilantro leaves", + "mustard seeds" + ] + }, + { + "id": 16043, + "cuisine": "italian", + "ingredients": [ + "spinach", + "part-skim mozzarella cheese", + "garlic cloves", + "nonfat evaporated milk", + "pizza crust", + "salt", + "corn starch", + "black pepper", + "cooking spray", + "shrimp", + "dried oregano", + "dried basil", + "provolone cheese", + "sliced mushrooms" + ] + }, + { + "id": 7005, + "cuisine": "thai", + "ingredients": [ + "coconut oil", + "milk", + "green onions", + "thai green curry paste", + "cooked rice", + "rolled oats", + "fresh ginger", + "garlic", + "fish sauce", + "lime juice", + "large eggs", + "salt", + "unsweetened coconut milk", + "sugar", + "green curry paste", + "lean ground beef", + "chopped cilantro" + ] + }, + { + "id": 29803, + "cuisine": "cajun_creole", + "ingredients": [ + "active dry yeast", + "lemon zest", + "sprinkles", + "fresh lemon juice", + "ground cinnamon", + "unsalted butter", + "whole milk", + "all-purpose flour", + "pure vanilla extract", + "large egg yolks", + "large eggs", + "salt", + "unsweetened cocoa powder", + "powdered sugar", + "granulated sugar", + "cake", + "grated nutmeg" + ] + }, + { + "id": 6223, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "chopped cilantro fresh", + "green bell pepper", + "salsa", + "reduced fat sharp cheddar cheese", + "green onions", + "plum tomatoes", + "ground round", + "baked tortilla chips" + ] + }, + { + "id": 15920, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "chervil", + "celery root", + "yukon gold potatoes" + ] + }, + { + "id": 41806, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "lemon juice", + "curry powder", + "boneless skinless chicken breast halves", + "condensed cream of chicken soup", + "salad dressing", + "paprika", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 14819, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "bacon slices", + "tomatoes", + "lemon dressing", + "peanut oil", + "yellow corn meal", + "bibb lettuce", + "salt", + "green bell pepper", + "buttermilk", + "okra" + ] + }, + { + "id": 21254, + "cuisine": "greek", + "ingredients": [ + "water", + "fennel", + "large garlic cloves", + "ouzo", + "leeks", + "red bell pepper", + "tomatoes", + "olive oil", + "shallots", + "fronds", + "dry white wine", + "large shrimp" + ] + }, + { + "id": 13445, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "paprika", + "ground black pepper", + "bay leaf", + "sherry vinegar", + "garlic", + "virgin olive oil", + "cayenne", + "cumin" + ] + }, + { + "id": 23414, + "cuisine": "mexican", + "ingredients": [ + "anise seed", + "large egg yolks", + "dried apricot", + "grated lemon zest", + "light brown sugar", + "vanilla beans", + "semisweet chocolate", + "mint sprigs", + "chile powder", + "sugar", + "anjou pears", + "red wine", + "canela", + "pecans", + "unsalted butter", + "dry white wine", + "fresh raspberries" + ] + }, + { + "id": 23592, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "pepper", + "carrots", + "black-eyed peas", + "onions", + "ham" + ] + }, + { + "id": 17436, + "cuisine": "british", + "ingredients": [ + "powdered sugar", + "heavy cream", + "unsalted butter", + "all-purpose flour", + "sugar", + "salt", + "eggs", + "baking powder", + "lemon juice" + ] + }, + { + "id": 25929, + "cuisine": "southern_us", + "ingredients": [ + "graham cracker crumbs", + "large egg yolks", + "sweetened condensed milk", + "sugar", + "heavy cream", + "unsalted butter", + "key lime juice" + ] + }, + { + "id": 18253, + "cuisine": "italian", + "ingredients": [ + "coarse salt", + "polenta", + "extra-virgin olive oil" + ] + }, + { + "id": 42040, + "cuisine": "british", + "ingredients": [ + "stout", + "large egg yolks", + "light brown sugar", + "vanilla", + "heavy cream" + ] + }, + { + "id": 19665, + "cuisine": "mexican", + "ingredients": [ + "corn husks", + "smoked paprika", + "mayonaise", + "lime wedges", + "chipotle chile powder", + "unsalted butter", + "Mexican cheese", + "lime juice", + "cilantro leaves" + ] + }, + { + "id": 12801, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "onion flakes", + "tomato sauce", + "chicken breasts", + "ground coriander", + "dried minced garlic", + "low sodium chicken broth", + "salt", + "sugar", + "chili powder", + "ground cumin" + ] + }, + { + "id": 21172, + "cuisine": "french", + "ingredients": [ + "ground nutmeg", + "leeks", + "camembert", + "large eggs", + "butter", + "grated parmesan cheese", + "whipping cream", + "water", + "frozen pastry puff sheets", + "cayenne pepper" + ] + }, + { + "id": 34766, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "vegetable oil", + "fresh mint", + "white onion", + "hot water", + "salt", + "long grain white rice" + ] + }, + { + "id": 40054, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "1% low-fat milk", + "water", + "vanilla extract", + "sugar", + "unsweetened cocoa powder" + ] + }, + { + "id": 31125, + "cuisine": "japanese", + "ingredients": [ + "ume plum vinegar", + "radishes", + "garlic", + "water", + "turmeric root", + "pickling spices", + "apple cider vinegar", + "ginger root", + "honey", + "sea salt" + ] + }, + { + "id": 46291, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "apple cider vinegar", + "bay leaves", + "garlic cloves", + "ground black pepper", + "sprite", + "sugar", + "cane vinegar", + "chicken leg quarters" + ] + }, + { + "id": 45381, + "cuisine": "thai", + "ingredients": [ + "green bell pepper", + "jasmine rice", + "salt", + "fresh basil leaves", + "tomatoes", + "soy sauce", + "vegetable oil", + "grate lime peel", + "brown sugar", + "boneless skinless chicken breasts", + "gingerroot", + "chopped cilantro fresh", + "serrano chilies", + "sugar pea", + "garlic", + "coconut milk" + ] + }, + { + "id": 36856, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "baking powder", + "milk", + "cornmeal", + "eggs", + "butter" + ] + }, + { + "id": 34703, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "ricotta", + "dried oregano", + "tomato paste", + "italian style stewed tomatoes", + "sliced mushrooms", + "tomato sauce", + "cooked meatballs", + "onions", + "olive oil", + "provolone cheese", + "italian seasoning" + ] + }, + { + "id": 8012, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "grated parmesan cheese", + "Neufchâtel", + "ground black pepper", + "heavy cream", + "garlic powder", + "2% reduced-fat milk", + "fresh parsley leaves", + "fettucine", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 15759, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "green onions", + "worcestershire sauce", + "salt", + "bay leaf", + "sugar", + "vegetable oil", + "stewed tomatoes", + "rice", + "tomato sauce", + "Tabasco Pepper Sauce", + "bacon", + "yellow onion", + "medium shrimp", + "celery ribs", + "dried thyme", + "cajun seasoning", + "garlic", + "chopped parsley" + ] + }, + { + "id": 39099, + "cuisine": "italian", + "ingredients": [ + "dried currants", + "ricotta cheese", + "marsala wine", + "semisweet chocolate", + "syrup", + "cherries", + "pound cake", + "sugar", + "unsalted butter", + "whipping cream" + ] + }, + { + "id": 33461, + "cuisine": "mexican", + "ingredients": [ + "tomatillo salsa", + "garlic", + "Knudsen Sour Cream", + "onions", + "flour tortillas", + "oil", + "green chile", + "cheese", + "cooked chicken breasts" + ] + }, + { + "id": 46912, + "cuisine": "indian", + "ingredients": [ + "pepper", + "cayenne pepper", + "serrano peppers", + "onions", + "eggplant", + "chopped cilantro", + "plain yogurt", + "salt" + ] + }, + { + "id": 15480, + "cuisine": "japanese", + "ingredients": [ + "lime wedges", + "salt", + "fresh lemon juice", + "ground black pepper", + "cilantro sprigs", + "edamame", + "soba", + "roasted cashews", + "pecorino romano cheese", + "cilantro leaves", + "hot water", + "basil leaves", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 38098, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "granulated sugar", + "worcestershire sauce", + "sauce", + "cornmeal", + "cayenne", + "lemon", + "all-purpose flour", + "oil", + "sugar", + "baking powder", + "salt", + "scallions", + "onions", + "mustard", + "unsalted butter", + "buttermilk", + "hot sauce", + "juice" + ] + }, + { + "id": 38824, + "cuisine": "greek", + "ingredients": [ + "plain yogurt", + "unsalted butter", + "orange peel", + "water", + "chopped almonds", + "phyllo pastry", + "sugar", + "honey", + "cinnamon sticks", + "ground cinnamon", + "rose water", + "ground allspice" + ] + }, + { + "id": 23052, + "cuisine": "mexican", + "ingredients": [ + "fresh orange juice", + "carrots", + "lime rind", + "purple onion", + "chopped cilantro fresh", + "jicama", + "salt", + "sugar", + "cilantro sprigs", + "fresh lime juice" + ] + }, + { + "id": 41643, + "cuisine": "british", + "ingredients": [ + "pepper", + "butter", + "pork sausages", + "flour", + "salt", + "chicken stock", + "russet potatoes", + "onions", + "milk", + "red wine", + "canola oil" + ] + }, + { + "id": 36849, + "cuisine": "french", + "ingredients": [ + "water", + "ice water", + "cider vinegar", + "quinces", + "sugar", + "unsalted butter", + "all-purpose flour", + "ground cinnamon", + "honey", + "salt" + ] + }, + { + "id": 14406, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "unsalted butter", + "salt", + "unsweetened coconut milk", + "coconut", + "baking powder", + "flavoring", + "buttercream frosting", + "whole milk", + "cream cheese", + "powdered sugar", + "large egg whites", + "cake flour", + "heavy whipping cream" + ] + }, + { + "id": 39717, + "cuisine": "spanish", + "ingredients": [ + "lime juice", + "fresh oregano leaves", + "salt", + "minced garlic", + "ground cumin", + "olive oil" + ] + }, + { + "id": 23557, + "cuisine": "thai", + "ingredients": [ + "water", + "vegetable oil", + "coconut milk", + "light brown sugar", + "zucchini", + "unsalted dry roast peanuts", + "base", + "cilantro sprigs", + "onions", + "fish sauce", + "pork tenderloin", + "red bell pepper" + ] + }, + { + "id": 25522, + "cuisine": "british", + "ingredients": [ + "orange", + "apples", + "pie pastry", + "mincemeat" + ] + }, + { + "id": 3779, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "corn tortillas", + "enchilada sauce", + "shredded cheddar cheese", + "onions", + "tomatoes", + "ground turkey" + ] + }, + { + "id": 12733, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "pork loin", + "wonton wrappers", + "corn starch", + "chicken stock", + "shiitake", + "sesame oil", + "rice vinegar", + "wood ear mushrooms", + "eggs", + "enokitake", + "vegetable oil", + "firm tofu", + "bamboo shoots", + "kosher salt", + "green onions", + "red pepper flakes", + "ground white pepper" + ] + }, + { + "id": 12052, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "honey", + "black pepper", + "teriyaki sauce", + "boneless chicken skinless thigh", + "onion powder", + "minced garlic" + ] + }, + { + "id": 29063, + "cuisine": "filipino", + "ingredients": [ + "egg yolks", + "salt", + "cream powder", + "sweetened condensed milk", + "whole milk", + "white sugar", + "lime", + "butter" + ] + }, + { + "id": 5870, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "extra-virgin olive oil", + "carrots", + "grated parmesan cheese", + "large garlic cloves", + "venison", + "onions", + "whole milk", + "bacon", + "sausages", + "tomato paste", + "butter", + "chopped celery", + "ground beef" + ] + }, + { + "id": 2055, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "shredded cabbage", + "paprika", + "scallions", + "corn tortillas", + "dried thyme", + "jalapeno chilies", + "heavy cream", + "fresh oregano", + "sour cream", + "dried oregano", + "kosher salt", + "ground black pepper", + "onion powder", + "yellow onion", + "fresh lemon juice", + "chopped cilantro fresh", + "lime", + "hot pepper sauce", + "vegetable oil", + "cayenne pepper", + "mahi mahi fillets", + "plum tomatoes" + ] + }, + { + "id": 20586, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "spring onions", + "onions", + "ground black pepper", + "toasted sesame oil", + "soy sauce", + "beef tenderloin", + "pears", + "minced ginger", + "garlic" + ] + }, + { + "id": 15606, + "cuisine": "cajun_creole", + "ingredients": [ + "barbecue sauce", + "dry bread crumbs", + "eggs", + "prepared mustard", + "green onions", + "ground beef", + "cheddar cheese", + "cajun seasoning" + ] + }, + { + "id": 3788, + "cuisine": "italian", + "ingredients": [ + "large garlic cloves", + "spaghettini", + "hot red pepper flakes", + "extra-virgin olive oil", + "flat leaf parsley", + "black pepper", + "salt", + "lemon", + "fresh lemon juice" + ] + }, + { + "id": 29889, + "cuisine": "indian", + "ingredients": [ + "channa dal", + "oil", + "water", + "salt", + "jaggery", + "urad dal", + "ground cardamom", + "coconut", + "rice" + ] + }, + { + "id": 42548, + "cuisine": "filipino", + "ingredients": [ + "salmon fillets", + "sweet onion", + "salt", + "corn starch", + "soy sauce", + "cooking oil", + "garlic cloves", + "peppercorns", + "sugar", + "vinegar", + "oil", + "red bell pepper", + "water", + "ginger", + "carrots" + ] + }, + { + "id": 30388, + "cuisine": "spanish", + "ingredients": [ + "fresh cranberries", + "cranberry juice", + "apples", + "orange", + "orange juice", + "red wine" + ] + }, + { + "id": 17696, + "cuisine": "southern_us", + "ingredients": [ + "bananas", + "whipping cream", + "sugar", + "Nilla Wafers", + "corn starch", + "egg yolks", + "vanilla extract", + "milk", + "butter" + ] + }, + { + "id": 34756, + "cuisine": "thai", + "ingredients": [ + "boneless chicken skinless thigh", + "sesame oil", + "mint sprigs", + "thai chile", + "garlic cloves", + "mung bean sprouts", + "brown sugar", + "lemon grass", + "large garlic cloves", + "cilantro sprigs", + "roasted peanuts", + "carrots", + "asian fish sauce", + "soy sauce", + "cayenne", + "basil", + "rice vermicelli", + "scallions", + "cucumber", + "lime juice", + "lime wedges", + "ginger", + "rice vinegar", + "unsalted peanut butter", + "serrano chile" + ] + }, + { + "id": 28788, + "cuisine": "british", + "ingredients": [ + "sugar", + "mincemeat", + "whipping cream", + "cinnamon sticks", + "brandy", + "fresh lemon juice", + "orange juice", + "orange peel" + ] + }, + { + "id": 9207, + "cuisine": "italian", + "ingredients": [ + "enriched white rice", + "grated lemon zest", + "onions", + "grated parmesan cheese", + "lemon juice", + "zucchini", + "fresh oregano", + "oregano", + "chicken broth", + "butter", + "carrots" + ] + }, + { + "id": 32144, + "cuisine": "italian", + "ingredients": [ + "rhubarb", + "ground nutmeg", + "vanilla extract", + "ruby port", + "whole milk", + "strawberries", + "water", + "butter", + "carnaroli rice", + "sugar", + "mascarpone", + "salt" + ] + }, + { + "id": 11497, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "capers", + "chopped tomatoes", + "olive oil", + "flat leaf parsley", + "fillet red snapper", + "ground black pepper" + ] + }, + { + "id": 45374, + "cuisine": "italian", + "ingredients": [ + "lacinato kale", + "extra-virgin olive oil", + "ricotta salata", + "fresh lemon juice", + "black pepper", + "salt", + "shallots", + "rib" + ] + }, + { + "id": 1633, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "low salt chicken broth", + "radicchio", + "dry red wine", + "arborio rice", + "butter", + "minced onion", + "extra-virgin olive oil" + ] + }, + { + "id": 14998, + "cuisine": "italian", + "ingredients": [ + "pepperoncini", + "rump roast", + "salad dressing", + "beef broth", + "mixed vegetables" + ] + }, + { + "id": 24704, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "process cheese spread", + "grits", + "butter", + "half & half", + "garlic cloves" + ] + }, + { + "id": 30220, + "cuisine": "chinese", + "ingredients": [ + "rock sugar", + "sesame seeds", + "white sugar", + "water", + "szechwan peppercorns", + "soy sauce", + "pork ribs", + "white vinegar", + "fresh cilantro", + "crushed red pepper" + ] + }, + { + "id": 29933, + "cuisine": "italian", + "ingredients": [ + "cottage cheese", + "rotini", + "italian sausage", + "sliced black olives", + "pepperoni slices", + "pasta sauce", + "shredded mozzarella cheese" + ] + }, + { + "id": 33156, + "cuisine": "italian", + "ingredients": [ + "avocado", + "basil", + "pasta water", + "fresh spinach", + "salt", + "pecans", + "garlic", + "spaghetti", + "pepper", + "fresh lemon juice" + ] + }, + { + "id": 11790, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "fresh raspberries", + "raspberry puree", + "club soda", + "mint", + "simple syrup", + "mint leaves", + "cachaca" + ] + }, + { + "id": 36646, + "cuisine": "indian", + "ingredients": [ + "whole wheat flour", + "sea salt", + "ground turmeric", + "fresh curry leaves", + "chile pepper", + "mustard seeds", + "eggs", + "prawns", + "ginger", + "water", + "vegetable oil", + "onions" + ] + }, + { + "id": 5979, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "panko", + "garlic", + "onions", + "black pepper", + "sea salt", + "ground beef", + "eggs", + "pecorino romano cheese", + "red bell pepper", + "fresh basil leaves", + "eggplant", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 44879, + "cuisine": "chinese", + "ingredients": [ + "pineapple", + "lard", + "water", + "pineapple syrup", + "onions", + "water chestnuts", + "corn starch", + "soy sauce", + "salt", + "celery" + ] + }, + { + "id": 11478, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "vanilla beans", + "whipping cream", + "Tuaca Liqueur", + "large egg yolks", + "pears", + "powdered sugar", + "golden brown sugar", + "pinot grigio", + "sugar", + "unsalted butter" + ] + }, + { + "id": 28227, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "red wine vinegar", + "purple onion", + "fresh parsley", + "tomatoes", + "olive oil", + "kalamata", + "feta cheese crumbles", + "sugar", + "lemon", + "salt", + "romaine lettuce", + "ground black pepper", + "garlic", + "cucumber" + ] + }, + { + "id": 40965, + "cuisine": "mexican", + "ingredients": [ + "cilantro sprigs", + "flour", + "turkey breast", + "diced tomatoes", + "onions", + "chipotle chile", + "fat skimmed chicken broth" + ] + }, + { + "id": 26160, + "cuisine": "thai", + "ingredients": [ + "spinach", + "fresh ginger", + "sesame oil", + "button mushrooms", + "baby bok choy", + "orange bell pepper", + "vegetable oil", + "garlic", + "soy sauce", + "hot chili", + "red pepper", + "rice vinegar", + "eggs", + "black pepper", + "green onions", + "cilantro" + ] + }, + { + "id": 44389, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "kidney beans", + "diced tomatoes", + "scallions", + "unsweetened cocoa powder", + "black beans", + "sweet potatoes", + "purple onion", + "red bell pepper", + "black pepper", + "radishes", + "vegetable broth", + "garlic cloves", + "ground cumin", + "ground cinnamon", + "minced garlic", + "chili powder", + "cayenne pepper", + "sour cream" + ] + }, + { + "id": 6079, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "salt", + "ground red pepper", + "seaweed", + "sesame seeds", + "rice vinegar", + "sugar", + "bean paste" + ] + }, + { + "id": 38622, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "salt", + "butter", + "sugar", + "bacon slices" + ] + }, + { + "id": 38196, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "olive oil", + "thyme sprigs", + "rosemary sprigs", + "oil", + "onions", + "fresh basil", + "sweet paprika", + "bay leaf", + "kosher salt", + "garlic cloves" + ] + }, + { + "id": 32306, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "corn kernel whole", + "sugar", + "butter", + "flour", + "milk", + "salt" + ] + }, + { + "id": 10119, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "white sugar", + "milk", + "salt", + "ground cinnamon", + "apples", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 5936, + "cuisine": "greek", + "ingredients": [ + "penne pasta", + "grated parmesan cheese", + "chicken", + "tomato paste", + "onions", + "clove", + "cinnamon sticks" + ] + }, + { + "id": 20133, + "cuisine": "russian", + "ingredients": [ + "ground black pepper", + "salt", + "white sugar", + "tomato sauce", + "diced tomatoes", + "carrots", + "water", + "garlic", + "onions", + "white vinegar", + "beef bouillon", + "lean beef", + "cabbage" + ] + }, + { + "id": 4598, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "ground red pepper", + "mustard seeds", + "chopped cilantro fresh", + "fresh curry leaves", + "cooking oil", + "salt", + "dried red chile peppers", + "chickpea flour", + "split black lentils", + "chile pepper", + "asafoetida powder", + "ground turmeric", + "water", + "potatoes", + "cumin seed", + "fresh lime juice" + ] + }, + { + "id": 5845, + "cuisine": "southern_us", + "ingredients": [ + "pimentos", + "american cheese food", + "cayenne pepper", + "mayonaise", + "onion powder", + "garlic powder", + "cream cheese" + ] + }, + { + "id": 6831, + "cuisine": "russian", + "ingredients": [ + "extra-virgin olive oil", + "caraway seeds", + "brussels sprouts" + ] + }, + { + "id": 40535, + "cuisine": "cajun_creole", + "ingredients": [ + "red snapper", + "dry white wine", + "garlic", + "shrimp", + "chopped tomatoes", + "chopped fresh thyme", + "all-purpose flour", + "celery", + "water", + "chile pepper", + "salt", + "red bell pepper", + "tomato paste", + "ground pepper", + "extra-virgin olive oil", + "scallions", + "onions" + ] + }, + { + "id": 23922, + "cuisine": "french", + "ingredients": [ + "all purpose unbleached flour", + "unsalted butter", + "ground almonds", + "salt", + "egg whites", + "confectioners sugar" + ] + }, + { + "id": 4588, + "cuisine": "jamaican", + "ingredients": [ + "white pepper", + "fresh thyme", + "chopped parsley", + "minced garlic", + "paprika", + "onions", + "pepper", + "lemon", + "medium shrimp", + "chicken stock", + "salted butter", + "salt" + ] + }, + { + "id": 13607, + "cuisine": "mexican", + "ingredients": [ + "butter", + "chopped cilantro fresh", + "salt", + "low-sodium fat-free chicken broth", + "adobo sauce", + "whipping cream", + "mango" + ] + }, + { + "id": 21937, + "cuisine": "chinese", + "ingredients": [ + "salt", + "sesame oil", + "scallions", + "rice wine", + "filet", + "ginger", + "gluten free soy sauce" + ] + }, + { + "id": 17076, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "garlic", + "red potato", + "fresh thyme", + "creole seasoning", + "fennel seeds", + "olive oil", + "salt", + "andouille sausage", + "leeks" + ] + }, + { + "id": 27578, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "baking powder", + "crushed red pepper", + "brussels sprouts", + "ground black pepper", + "bacon", + "milk", + "vegetable oil", + "all-purpose flour", + "olive oil", + "large garlic cloves" + ] + }, + { + "id": 13665, + "cuisine": "southern_us", + "ingredients": [ + "bananas", + "light cream cheese", + "pure vanilla extract", + "whole milk", + "sweetened condensed milk", + "vanilla cake mix", + "vanilla instant pudding", + "frozen whipped topping", + "vanilla wafer crumbs" + ] + }, + { + "id": 16488, + "cuisine": "spanish", + "ingredients": [ + "white bread", + "almonds", + "russet potatoes", + "red bell pepper", + "spanish onion", + "large eggs", + "garlic cloves", + "hazelnuts", + "sherry vinegar", + "extra-virgin olive oil", + "flat leaf parsley", + "kosher salt", + "ground black pepper", + "spanish paprika", + "plum tomatoes" + ] + }, + { + "id": 33519, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "ground red pepper", + "apples", + "olive oil cooking spray", + "olive oil", + "chili powder", + "tilapia", + "fresh lime juice", + "honey", + "light mayonnaise", + "salt", + "corn tortillas", + "fresh lime", + "garlic powder", + "onion powder", + "smoked paprika", + "cabbage" + ] + }, + { + "id": 45487, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "whole milk", + "large eggs", + "boiling water", + "vanilla beans", + "ice cream", + "low-fat vanilla yogurt", + "half & half" + ] + }, + { + "id": 30623, + "cuisine": "chinese", + "ingredients": [ + "cooked brown rice", + "beef", + "navel oranges", + "canola oil", + "fresh ginger", + "large garlic cloves", + "corn starch", + "reduced sodium soy sauce", + "red pepper flakes", + "green beans", + "reduced sodium chicken broth", + "green onions", + "yellow bell pepper" + ] + }, + { + "id": 28081, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "old bay seasoning", + "all-purpose flour", + "grits", + "chopped green bell pepper", + "crushed red pepper", + "pork loin chops", + "baby portobello mushrooms", + "low sodium chicken broth", + "salt", + "red bell pepper", + "olive oil", + "chopped celery", + "diced tomatoes with garlic and onion", + "dried oregano" + ] + }, + { + "id": 38779, + "cuisine": "irish", + "ingredients": [ + "milk", + "salt", + "anise seed", + "leeks", + "pepper", + "butter", + "caraway seeds", + "potatoes", + "cabbage" + ] + }, + { + "id": 19462, + "cuisine": "cajun_creole", + "ingredients": [ + "milk", + "chopped pecans", + "sugar", + "vanilla", + "brown sugar", + "butter", + "cinnamon", + "large marshmallows" + ] + }, + { + "id": 2820, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "Kikkoman Less Sodium Soy Sauce", + "onions", + "sherry", + "barbecued pork", + "refrigerated bread dough", + "garlic", + "Kikkoman Oyster Sauce", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 18234, + "cuisine": "chinese", + "ingredients": [ + "peanuts", + "szechwan peppercorns", + "scallions", + "onions", + "sugar", + "rice wine", + "salt", + "garlic cloves", + "cold water", + "fresh ginger root", + "cornflour", + "oil", + "chicken thighs", + "soy sauce", + "chili powder", + "rice vinegar", + "chillies" + ] + }, + { + "id": 106, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "fresh ginger", + "rice vinegar", + "dressing", + "lime", + "red cabbage", + "carrots", + "minced garlic", + "mirin", + "green pepper", + "green cabbage", + "honey", + "green onions", + "toasted almonds" + ] + }, + { + "id": 35646, + "cuisine": "brazilian", + "ingredients": [ + "water", + "cachaca", + "mint leaves", + "granulated sugar", + "fresh lime juice" + ] + }, + { + "id": 34811, + "cuisine": "thai", + "ingredients": [ + "ground chicken", + "oil", + "dry bread crumbs", + "chopped cilantro fresh", + "green onions", + "fresh lemon juice", + "sweet chili sauce", + "ground coriander" + ] + }, + { + "id": 37786, + "cuisine": "indian", + "ingredients": [ + "jalapeno chilies", + "medium shrimp", + "green bell pepper", + "salt", + "tomatoes", + "cooking spray", + "onions", + "curry powder", + "long-grain rice" + ] + }, + { + "id": 25083, + "cuisine": "mexican", + "ingredients": [ + "salmon", + "purple onion", + "capers", + "fresh orange juice", + "fresh lime juice", + "orange", + "salt", + "lettuce", + "fresh cilantro", + "poblano chiles" + ] + }, + { + "id": 2323, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "carrots", + "peanuts", + "garlic", + "chicken", + "red pepper flakes", + "corn starch", + "green onions", + "Kung Pao sauce" + ] + }, + { + "id": 11431, + "cuisine": "vietnamese", + "ingredients": [ + "red cabbage", + "tamari soy sauce", + "carrots", + "apple cider vinegar", + "rolls", + "greens", + "extra firm tofu", + "maple syrup", + "apricots", + "tomato paste", + "ginger", + "juice" + ] + }, + { + "id": 46567, + "cuisine": "italian", + "ingredients": [ + "mushroom caps", + "asiago", + "large shrimp", + "fat free less sodium chicken broth", + "chopped fresh chives", + "garlic cloves", + "fettucine", + "finely chopped onion", + "salt", + "olive oil", + "dry white wine", + "flat leaf parsley" + ] + }, + { + "id": 46774, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil spray", + "green onions", + "cracked black pepper", + "yellow corn meal", + "large eggs", + "all purpose unbleached flour", + "salt", + "unsalted butter", + "baking powder", + "extra-virgin olive oil", + "sugar", + "grated parmesan cheese", + "buttermilk" + ] + }, + { + "id": 47098, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "russet potatoes", + "green beans", + "celery ribs", + "kale", + "purple onion", + "fresh parsley", + "savoy cabbage", + "zucchini", + "carrots", + "pancetta", + "great northern beans", + "extra-virgin olive oil", + "low salt chicken broth" + ] + }, + { + "id": 16279, + "cuisine": "italian", + "ingredients": [ + "ground pepper", + "salt", + "eggs", + "grated parmesan cheese", + "yellow corn meal", + "ground nutmeg", + "ham", + "milk", + "butter" + ] + }, + { + "id": 27294, + "cuisine": "southern_us", + "ingredients": [ + "turkey kielbasa", + "crawfish", + "medium shrimp", + "shuck corn", + "water" + ] + }, + { + "id": 27899, + "cuisine": "french", + "ingredients": [ + "eggplant", + "grated parmesan cheese", + "freshly ground pepper", + "roquefort cheese", + "prepared pie crusts", + "portabello mushroom", + "cream cheese, soften", + "zucchini", + "shallots", + "red bell pepper", + "olive oil", + "large eggs", + "salt" + ] + }, + { + "id": 6925, + "cuisine": "french", + "ingredients": [ + "fat free milk", + "all-purpose flour", + "water", + "cooking spray", + "sugar", + "dry yeast", + "margarine", + "large egg whites", + "salt" + ] + }, + { + "id": 9272, + "cuisine": "italian", + "ingredients": [ + "salt", + "butter", + "polenta" + ] + }, + { + "id": 29318, + "cuisine": "french", + "ingredients": [ + "white wine", + "butter", + "onions", + "stock", + "flour", + "bay leaf", + "tomatoes", + "dried thyme", + "lard", + "tomato paste", + "pepper", + "salt", + "meat glaze" + ] + }, + { + "id": 40264, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "garlic cloves", + "seasoned bread crumbs", + "finely chopped onion", + "fresh parsley", + "fresh parmesan cheese", + "ground turkey", + "low-fat spaghetti sauce", + "italian rolls", + "olive oil flavored cooking spray" + ] + }, + { + "id": 30546, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "taco shells", + "yellow onion", + "tomato paste", + "cheddar cheese", + "coarse salt", + "iceberg lettuce", + "avocado", + "pico de gallo", + "chili powder", + "ground turkey", + "tomatoes", + "olive oil", + "sour cream" + ] + }, + { + "id": 43200, + "cuisine": "italian", + "ingredients": [ + "rosemary", + "dried pappardelle", + "cremini mushrooms", + "balsamic vinegar", + "juice", + "boneless chicken skinless thigh", + "extra-virgin olive oil", + "onions", + "tomatoes", + "baby arugula", + "garlic cloves" + ] + }, + { + "id": 36573, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "cayenne pepper", + "onions", + "fresh ginger", + "salt", + "ground coriander", + "jalapeno chilies", + "cilantro leaves", + "garlic cloves", + "water", + "diced tomatoes", + "chickpeas", + "ground cumin" + ] + }, + { + "id": 34357, + "cuisine": "italian", + "ingredients": [ + "mushrooms", + "salt", + "dried thyme", + "dry sherry", + "chopped parsley", + "pepper", + "shallots", + "fat skimmed chicken broth", + "olive oil", + "whipping cream", + "chicken" + ] + }, + { + "id": 23237, + "cuisine": "indian", + "ingredients": [ + "tandoori paste", + "shoulder lamb chops" + ] + }, + { + "id": 37922, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "honey", + "crimini mushrooms", + "lemon", + "button mushrooms", + "whole milk greek yogurt", + "onions", + "ground cloves", + "mushrooms", + "lemon wedge", + "paprika", + "cumin seed", + "mustard seeds", + "ground turmeric", + "tomatoes", + "garam masala", + "true cinnamon", + "coarse sea salt", + "ground coriander", + "ground cardamom", + "frozen peas", + "kale", + "fenugreek", + "vegetable oil", + "cilantro", + "garlic cloves", + "ground beef", + "ground cumin" + ] + }, + { + "id": 35213, + "cuisine": "french", + "ingredients": [ + "baguette", + "extra-virgin olive oil", + "grated orange", + "fennel seeds", + "orange", + "garlic cloves", + "water", + "orange juice", + "capers", + "ground black pepper", + "olives" + ] + }, + { + "id": 7197, + "cuisine": "japanese", + "ingredients": [ + "sweet red bean paste", + "white sugar", + "corn starch", + "water", + "sweet rice flour", + "green tea powder" + ] + }, + { + "id": 13216, + "cuisine": "mexican", + "ingredients": [ + "cooked chicken", + "canola oil", + "tomato sauce", + "red enchilada sauce", + "thin spaghetti", + "yellow onion", + "Mexican cheese blend", + "diced tomatoes and green chilies" + ] + }, + { + "id": 37854, + "cuisine": "thai", + "ingredients": [ + "lime", + "mint leaves", + "large garlic cloves", + "fish sauce", + "bell pepper", + "coarse salt", + "toasted sesame oil", + "baby bok choy", + "jalapeno chilies", + "watercress", + "snow peas", + "neutral oil", + "peanuts", + "rice noodles", + "scallions" + ] + }, + { + "id": 24744, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "large eggs", + "part-skim ricotta cheese", + "spicy pork sausage", + "dried basil", + "diced tomatoes", + "ground beef", + "dried oregano", + "mozzarella cheese", + "marinara sauce", + "garlic cloves", + "noodles", + "ground black pepper", + "crushed red pepper flakes", + "onions" + ] + }, + { + "id": 48169, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "olive oil", + "chopped celery", + "lemon juice", + "baby spinach leaves", + "water", + "orzo", + "chopped onion", + "fat free less sodium chicken broth", + "finely chopped fresh parsley", + "salt", + "carrots", + "chicken breast tenders", + "bay leaves", + "fresh oregano" + ] + }, + { + "id": 35890, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "lemon", + "macaroni", + "lemon juice", + "olive oil", + "salt", + "grated parmesan cheese", + "greens" + ] + }, + { + "id": 21049, + "cuisine": "japanese", + "ingredients": [ + "pepper", + "salt", + "flour", + "eggs", + "baking powder", + "water", + "corn starch" + ] + }, + { + "id": 23575, + "cuisine": "brazilian", + "ingredients": [ + "egg yolks", + "shredded coconut", + "white sugar", + "butter", + "egg whites" + ] + }, + { + "id": 12742, + "cuisine": "indian", + "ingredients": [ + "neutral oil", + "fresh ginger", + "garlic", + "cumin seed", + "chicken thighs", + "tomato paste", + "cream", + "unsalted butter", + "yellow onion", + "greek yogurt", + "ground cumin", + "chicken stock", + "red chili peppers", + "garam masala", + "cilantro leaves", + "lemon juice", + "ground turmeric", + "tomatoes", + "kosher salt", + "jalapeno chilies", + "ground almonds", + "cinnamon sticks" + ] + }, + { + "id": 31548, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "ginger", + "sugar", + "mirin", + "basmati rice", + "tilapia fillets", + "lemon juice", + "red chili peppers", + "spring onions" + ] + }, + { + "id": 37201, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "salt", + "Mexican oregano", + "water", + "bay leaf", + "purple onion" + ] + }, + { + "id": 6007, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "meatballs", + "shredded mozzarella cheese", + "olive oil", + "spaghetti squash", + "marinara sauce" + ] + }, + { + "id": 5822, + "cuisine": "russian", + "ingredients": [ + "ground black pepper", + "salt", + "eggs", + "condensed tomato soup", + "cabbage", + "lean ground beef", + "chopped onion", + "water", + "white rice" + ] + }, + { + "id": 40144, + "cuisine": "southern_us", + "ingredients": [ + "low sodium chicken broth", + "dry pasta", + "garlic cloves", + "pepper", + "butter", + "all-purpose flour", + "extra sharp cheddar cheese", + "unsalted butter", + "dry mustard", + "cayenne pepper", + "low-fat milk", + "colby jack cheese", + "salt", + "panko breadcrumbs" + ] + }, + { + "id": 29040, + "cuisine": "indian", + "ingredients": [ + "clove", + "vegetable oil", + "cinnamon sticks", + "water", + "cardamom seeds", + "garlic powder", + "salt", + "black peppercorns", + "green peas", + "basmati rice" + ] + }, + { + "id": 27475, + "cuisine": "greek", + "ingredients": [ + "dried basil", + "zucchini", + "garlic cloves", + "dried oregano", + "olive oil", + "purple onion", + "red bell pepper", + "yellow squash", + "mushrooms", + "feta cheese crumbles", + "pepper", + "chopped green bell pepper", + "salt", + "cooked long-grain brown rice" + ] + }, + { + "id": 4865, + "cuisine": "thai", + "ingredients": [ + "asian eggplants", + "thai basil", + "sauce", + "soy sauce", + "green onions", + "garlic cloves", + "fish sauce", + "extra firm tofu", + "peanut oil", + "lime juice", + "stevia", + "red bell pepper" + ] + }, + { + "id": 6428, + "cuisine": "southern_us", + "ingredients": [ + "bacon drippings", + "milk", + "salt", + "shortening", + "garlic powder", + "fresh parsley", + "chicken bouillon granules", + "dried thyme", + "poultry seasoning", + "pepper", + "self rising flour", + "chicken" + ] + }, + { + "id": 44904, + "cuisine": "spanish", + "ingredients": [ + "oloroso sherry", + "shallots", + "manchego cheese", + "whipping cream", + "bread", + "morel", + "minced garlic", + "butter" + ] + }, + { + "id": 32289, + "cuisine": "mexican", + "ingredients": [ + "shredded reduced fat cheddar cheese", + "green chile", + "cooking spray", + "nonfat buttermilk", + "cream style corn", + "corn mix muffin", + "unsalted pumpkinseed kernels" + ] + }, + { + "id": 28981, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "lime wedges", + "buckwheat soba noodles", + "store bought low sodium chicken broth", + "enokitake", + "scallions", + "soy sauce", + "sesame oil", + "large shrimp", + "Sriracha", + "seaweed" + ] + }, + { + "id": 36582, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "potatoes", + "eggs", + "olive oil", + "hot Italian sausages", + "milk", + "salsa", + "cheddar cheese", + "flour tortillas", + "onions" + ] + }, + { + "id": 11721, + "cuisine": "italian", + "ingredients": [ + "all-purpose flour", + "vanilla extract", + "confectioners sugar", + "unsalted butter", + "ground almonds", + "salt" + ] + }, + { + "id": 42465, + "cuisine": "british", + "ingredients": [ + "large eggs", + "salt", + "pan drippings", + "milk", + "all-purpose flour" + ] + }, + { + "id": 34794, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "fresh orange juice", + "fresh lime juice", + "finely chopped onion", + "baked tortilla chips", + "chopped cilantro fresh", + "chipotle chile", + "salt", + "medium shrimp", + "avocado", + "jicama", + "red bell pepper" + ] + }, + { + "id": 14201, + "cuisine": "italian", + "ingredients": [ + "rocket leaves", + "water", + "grated lemon zest", + "white wine", + "shallots", + "Italian turkey sausage", + "arborio rice", + "fat free less sodium chicken broth", + "pecorino romano cheese", + "sugar", + "olive oil", + "chopped onion" + ] + }, + { + "id": 34657, + "cuisine": "indian", + "ingredients": [ + "chopped tomatoes", + "garlic", + "ground cumin", + "water", + "paprika", + "red bell pepper", + "tumeric", + "shredded cabbage", + "carrots", + "olive oil", + "ginger", + "onions" + ] + }, + { + "id": 1227, + "cuisine": "indian", + "ingredients": [ + "black-eyed peas", + "cilantro leaves", + "tomatoes", + "coriander powder", + "ground turmeric", + "garam masala", + "oil", + "garlic paste", + "chili powder" + ] + }, + { + "id": 43984, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "buttermilk", + "ground white pepper", + "flour", + "poultry seasoning", + "canola oil", + "ground black pepper", + "salt", + "chicken pieces", + "onion powder", + "smoked paprika" + ] + }, + { + "id": 21940, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "chicken breasts", + "rice vinegar", + "peanuts", + "crushed red pepper flakes", + "garlic cloves", + "soy sauce", + "sesame oil", + "broccoli", + "ground ginger", + "green onions", + "salt", + "corn starch" + ] + }, + { + "id": 24514, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "green chilies", + "shredded monterey jack cheese", + "milk", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 18657, + "cuisine": "italian", + "ingredients": [ + "water", + "raisins", + "dry white wine", + "grated lemon zest", + "white bread", + "butter", + "white sugar", + "rum", + "apples" + ] + }, + { + "id": 11399, + "cuisine": "brazilian", + "ingredients": [ + "tapioca flour", + "salt", + "butter", + "eggs", + "cheese", + "milk" + ] + }, + { + "id": 29629, + "cuisine": "italian", + "ingredients": [ + "white wine", + "garlic", + "plum tomatoes", + "chicken broth", + "giblet", + "onions", + "celery ribs", + "olive oil", + "salt", + "arborio rice", + "ground black pepper", + "carrots" + ] + }, + { + "id": 18796, + "cuisine": "mexican", + "ingredients": [ + "frozen whole kernel corn", + "elbow macaroni", + "lean ground beef", + "McCormick Taco Seasoning", + "colby jack cheese", + "tomato sauce low sodium", + "water", + "diced tomatoes" + ] + }, + { + "id": 6054, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "salad greens", + "large eggs", + "shallots", + "fresh lemon juice", + "lump crab meat", + "panko", + "green onions", + "salt", + "black pepper", + "olive oil", + "cooking spray", + "worcestershire sauce", + "water", + "dijon mustard", + "light mayonnaise", + "lemon rind" + ] + }, + { + "id": 21359, + "cuisine": "japanese", + "ingredients": [ + "bonito flakes", + "dried sardines", + "cold water", + "kelp", + "shiitake" + ] + }, + { + "id": 2656, + "cuisine": "vietnamese", + "ingredients": [ + "lime", + "spring onions", + "cucumber", + "peeled prawns", + "roasted peanuts", + "chillies", + "Kikkoman Soy Sauce", + "cilantro leaves", + "toasted sesame oil", + "spring roll wrappers", + "lettuce leaves", + "Thai fish sauce" + ] + }, + { + "id": 45700, + "cuisine": "mexican", + "ingredients": [ + "taco sauce", + "jalapeno chilies", + "iceberg lettuce", + "tomatoes", + "fresh cilantro", + "tortilla chips", + "avocado", + "black beans", + "yellow corn", + "vidalia onion", + "lime", + "taco seasoning" + ] + }, + { + "id": 41687, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "shallots", + "fresh basil leaves", + "parmesan cheese", + "garlic", + "olive oil", + "butter", + "dry white wine", + "fat skimmed reduced sodium chicken broth" + ] + }, + { + "id": 49604, + "cuisine": "greek", + "ingredients": [ + "fresh lemon juice", + "water", + "frozen blueberries", + "sugar", + "greek yogurt", + "butter", + "blackberries" + ] + }, + { + "id": 15422, + "cuisine": "cajun_creole", + "ingredients": [ + "shucked oysters", + "cayenne", + "Italian bread", + "yellow corn meal", + "black pepper", + "vegetable oil", + "eggs", + "milk", + "salt", + "mayonaise", + "flour", + "iceberg lettuce" + ] + }, + { + "id": 27163, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "mint sprigs", + "mint leaves", + "crushed ice", + "water", + "lemon slices", + "tea bags", + "bourbon whiskey" + ] + }, + { + "id": 11863, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "olive oil", + "garlic cloves", + "reduced sodium chicken broth", + "salt", + "carrots", + "black pepper", + "baby arugula", + "California bay leaves", + "celery ribs", + "water", + "chickpeas", + "onions" + ] + }, + { + "id": 19733, + "cuisine": "indian", + "ingredients": [ + "water", + "cilantro", + "masala", + "crushed tomatoes", + "chickpeas", + "sugar", + "sea salt", + "onions", + "garam masala", + "oil" + ] + }, + { + "id": 4872, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "cilantro", + "water", + "loin pork roast", + "salt", + "liquid smoke", + "bourbon whiskey", + "garlic", + "lime juice", + "tomatillos", + "yellow onion" + ] + }, + { + "id": 20801, + "cuisine": "french", + "ingredients": [ + "ground cloves", + "leeks", + "carrots", + "celery ribs", + "water", + "garlic cloves", + "thyme sprigs", + "bread crumb fresh", + "cannellini beans", + "chopped parsley", + "parsley sprigs", + "olive oil", + "California bay leaves", + "chopped garlic" + ] + }, + { + "id": 37828, + "cuisine": "italian", + "ingredients": [ + "salt", + "ground black pepper", + "squid", + "all-purpose flour", + "vegetable oil" + ] + }, + { + "id": 27797, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "heavy cream", + "grated lemon zest", + "pure vanilla extract", + "unsalted butter", + "currant", + "lemon juice", + "milk", + "extra large eggs", + "apricot preserves", + "sugar", + "dark rum", + "all-purpose flour", + "fast-rising active dry yeast" + ] + }, + { + "id": 21331, + "cuisine": "chinese", + "ingredients": [ + "boiling water", + "water chestnuts", + "water chestnut powder", + "dark brown sugar" + ] + }, + { + "id": 47533, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "shallots", + "fresh lime juice", + "olive oil", + "garlic cloves", + "ground cumin", + "rib eye steaks", + "chopped tomatoes", + "cucumber", + "serrano chilies", + "ground coriander", + "chopped cilantro fresh" + ] + }, + { + "id": 19138, + "cuisine": "japanese", + "ingredients": [ + "water", + "japanese eggplants", + "mirin", + "sugar", + "miso", + "olive oil" + ] + }, + { + "id": 19738, + "cuisine": "italian", + "ingredients": [ + "spinach", + "low fat low sodium chicken broth", + "onions", + "pasta", + "kidney beans", + "garlic", + "olive oil", + "chopped fresh thyme", + "tomatoes", + "ground black pepper", + "red bell pepper" + ] + }, + { + "id": 26598, + "cuisine": "italian", + "ingredients": [ + "chioggia", + "balsamic vinegar", + "sausages", + "olive oil", + "purple onion", + "butter" + ] + }, + { + "id": 49011, + "cuisine": "thai", + "ingredients": [ + "water", + "mung beans", + "palm sugar" + ] + }, + { + "id": 14427, + "cuisine": "italian", + "ingredients": [ + "pepper", + "dry white wine", + "sausage casings", + "grated parmesan cheese", + "fresh parsley", + "cremini mushrooms", + "low sodium chicken broth", + "onions", + "arborio rice", + "olive oil", + "salt" + ] + }, + { + "id": 6123, + "cuisine": "italian", + "ingredients": [ + "cauliflower", + "onion powder", + "pepper", + "shredded mozzarella cheese", + "eggs", + "salt", + "garlic powder", + "oregano" + ] + }, + { + "id": 39278, + "cuisine": "irish", + "ingredients": [ + "black pepper", + "bay leaves", + "salt", + "garlic cloves", + "green bell pepper", + "potatoes", + "vegetable oil", + "chopped onion", + "cinnamon sticks", + "fat free less sodium chicken broth", + "sliced carrots", + "all-purpose flour", + "leg of lamb", + "dry vermouth", + "cooking spray", + "apple cider", + "lemon rind", + "red bell pepper" + ] + }, + { + "id": 22723, + "cuisine": "spanish", + "ingredients": [ + "cilantro sprigs", + "chunky salsa", + "large eggs", + "dry bread crumbs", + "dressing", + "cheese", + "vegetable oil", + "chopped cilantro fresh" + ] + }, + { + "id": 24712, + "cuisine": "french", + "ingredients": [ + "cocoa", + "salt", + "superfine sugar", + "instant espresso granules", + "unsweetened cocoa powder", + "cream of tartar", + "large egg whites" + ] + }, + { + "id": 44907, + "cuisine": "french", + "ingredients": [ + "butter", + "large eggs", + "cake flour", + "sugar", + "vanilla extract", + "cooking spray", + "salt" + ] + }, + { + "id": 39825, + "cuisine": "british", + "ingredients": [ + "liver pate", + "button mushrooms", + "butter", + "salt", + "frozen pastry puff sheets", + "beef tenderloin", + "pepper", + "red wine", + "onions" + ] + }, + { + "id": 2733, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "salsa", + "cooked chicken", + "canola oil", + "salsa verde", + "lard", + "white onion", + "queso fresco", + "masa harina" + ] + }, + { + "id": 17328, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "salt", + "extra-virgin olive oil", + "white sugar", + "red wine", + "fresh basil leaves", + "water", + "garlic" + ] + }, + { + "id": 18052, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "fresh mozzarella", + "cornmeal", + "warm water", + "basil leaves", + "salt", + "ground black pepper", + "all purpose unbleached flour", + "plum tomatoes", + "parmigiano reggiano cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 24389, + "cuisine": "cajun_creole", + "ingredients": [ + "red snapper", + "ground black pepper", + "extra-virgin olive oil", + "garlic cloves", + "celery ribs", + "water", + "dry white wine", + "all-purpose flour", + "red bell pepper", + "cooked rice", + "jalapeno chilies", + "salt", + "shrimp", + "tomato paste", + "chopped tomatoes", + "chopped fresh thyme", + "scallions", + "onions" + ] + }, + { + "id": 31612, + "cuisine": "italian", + "ingredients": [ + "water", + "cannellini beans", + "black pepper", + "fresh parmesan cheese", + "Italian turkey sausage", + "cherry tomatoes", + "salt", + "egg substitute", + "finely chopped onion" + ] + }, + { + "id": 39163, + "cuisine": "irish", + "ingredients": [ + "brisket", + "baby carrots", + "mustard", + "beef brisket", + "green cabbage", + "water", + "red potato", + "flat cut" + ] + }, + { + "id": 32213, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "grated parmesan cheese", + "yellow corn meal", + "fresh bay leaves", + "heavy cream", + "unsalted butter", + "whole milk", + "kosher salt", + "fresh thyme", + "garlic cloves" + ] + }, + { + "id": 37178, + "cuisine": "thai", + "ingredients": [ + "seasoning", + "crusty bread", + "shallots", + "chile sauce", + "kaffir lime leaves", + "lime", + "extra-virgin olive oil", + "mussels", + "sake", + "fresh ginger", + "light coconut milk", + "curry leaves", + "lemongrass", + "Thai red curry paste" + ] + }, + { + "id": 15675, + "cuisine": "spanish", + "ingredients": [ + "balsamic vinegar", + "italian seasoning", + "pimento stuffed olives", + "kalamata", + "olive oil", + "ripe olives" + ] + }, + { + "id": 8531, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "napa cabbage", + "salt", + "soy sauce", + "green onions", + "dipping sauces", + "ground round", + "sesame seeds", + "ground pork", + "garlic cloves", + "won ton wrappers", + "sesame oil", + "crushed red pepper" + ] + }, + { + "id": 38616, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "sliced cucumber", + "cilantro leaves", + "canola oil", + "fish sauce", + "pork tenderloin", + "ground red pepper", + "fresh lime juice", + "lower sodium soy sauce", + "peeled fresh ginger", + "fresh mint", + "sliced green onions", + "romaine lettuce", + "cooking spray", + "purple onion", + "serrano chile" + ] + }, + { + "id": 41644, + "cuisine": "italian", + "ingredients": [ + "smoked turkey", + "grated lemon zest", + "canola mayonnaise", + "white bread", + "cooking spray", + "garlic cloves", + "ground black pepper", + "provolone cheese", + "lime rind", + "watercress", + "fresh lemon juice" + ] + }, + { + "id": 10523, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "salt", + "vegetable oil", + "okra pods", + "baking powder", + "all-purpose flour", + "eggs", + "buttermilk", + "cornmeal" + ] + }, + { + "id": 19255, + "cuisine": "mexican", + "ingredients": [ + "KRAFT Shredded Colby & Monterey Jack Cheese", + "ground cumin", + "pico de gallo", + "boneless skinless chicken breasts", + "flour tortillas", + "KRAFT Zesty Lime Vinaigrette Dressing", + "corn-on-the-cob" + ] + }, + { + "id": 33734, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "jalapeno chilies", + "garlic", + "dried parsley", + "bacon drippings", + "water", + "Mexican oregano", + "salt", + "red chili peppers", + "flour", + "beef stew meat", + "ground cumin", + "tomato paste", + "hungarian paprika", + "chili powder", + "onions" + ] + }, + { + "id": 41210, + "cuisine": "indian", + "ingredients": [ + "water", + "cilantro leaves", + "onions", + "boneless chicken", + "lemon juice", + "flour", + "green chilies", + "masala", + "red chili peppers", + "salt", + "ghee" + ] + }, + { + "id": 35855, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "eggs", + "onions", + "Mexican cheese blend", + "chorizo sausage", + "tomatoes", + "tortilla chips" + ] + }, + { + "id": 13709, + "cuisine": "french", + "ingredients": [ + "vegetable oil", + "seltzer", + "smoked paprika", + "all-purpose flour", + "sole fillet" + ] + }, + { + "id": 11690, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "base", + "rice noodles", + "chicken stock cubes", + "pork shoulder roast", + "onion powder", + "butter", + "bok choy", + "water", + "grated parmesan cheese", + "cajun seasoning", + "cilantro leaves", + "seasoning salt", + "lime wedges", + "crushed red pepper flakes" + ] + }, + { + "id": 16643, + "cuisine": "chinese", + "ingredients": [ + "salt and ground black pepper", + "ground pork", + "romaine lettuce", + "slider buns", + "rice vinegar", + "hoisin sauce", + "ginger", + "mayonaise", + "green onions", + "panko breadcrumbs" + ] + }, + { + "id": 4192, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "water", + "garlic powder", + "yoghurt", + "ginger", + "chopped onion", + "coriander", + "warm water", + "olive oil", + "garam masala", + "butter", + "all-purpose flour", + "juice", + "plain yogurt", + "chopped tomatoes", + "ground black pepper", + "heavy cream", + "cayenne pepper", + "chicken thighs", + "sugar", + "active dry yeast", + "baking soda", + "cinnamon", + "salt", + "oil", + "cumin" + ] + }, + { + "id": 3950, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "pesto", + "chicken breast halves", + "herbs" + ] + }, + { + "id": 41480, + "cuisine": "jamaican", + "ingredients": [ + "green onions", + "pepper", + "chicken", + "fresh thyme leaves", + "seasoning salt", + "allspice" + ] + }, + { + "id": 25325, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "extra-virgin olive oil", + "prosciutto", + "black pepper", + "salt", + "pork tenderloin" + ] + }, + { + "id": 15354, + "cuisine": "brazilian", + "ingredients": [ + "sweetened condensed milk", + "sugar", + "milk", + "eggs" + ] + }, + { + "id": 43281, + "cuisine": "filipino", + "ingredients": [ + "rapeseed oil", + "fresh ginger", + "chicken", + "frozen chopped spinach", + "coconut milk", + "salt and ground black pepper" + ] + }, + { + "id": 43982, + "cuisine": "indian", + "ingredients": [ + "green chilies", + "onions", + "cilantro leaves" + ] + }, + { + "id": 26444, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "Thai red curry paste", + "scallions", + "thai basil", + "garlic", + "buckwheat soba noodles", + "fresh ginger", + "light coconut milk", + "onions", + "zucchini", + "peanut oil", + "japanese eggplants" + ] + }, + { + "id": 11956, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "butter", + "creole mustard", + "buns", + "hot sauce", + "mayonaise", + "pepperoncini", + "bread", + "pickles", + "onions" + ] + }, + { + "id": 47993, + "cuisine": "cajun_creole", + "ingredients": [ + "jambalaya", + "shrimp", + "hot pepper sauce", + "olive oil", + "tomatoes", + "kielbasa" + ] + }, + { + "id": 12416, + "cuisine": "japanese", + "ingredients": [ + "baby spinach leaves", + "firm tofu", + "sugar", + "large eggs", + "salad oil", + "cooked rice", + "fresh ginger", + "fat skimmed chicken broth", + "soy sauce", + "roma tomatoes", + "onions" + ] + }, + { + "id": 8298, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "salt", + "lime juice", + "white onion", + "garlic cloves", + "tomatoes", + "olive oil" + ] + }, + { + "id": 17657, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "self-rising cornmeal", + "ground cinnamon", + "sweet potatoes", + "large eggs", + "sugar", + "butter" + ] + }, + { + "id": 5047, + "cuisine": "irish", + "ingredients": [ + "ground cinnamon", + "mixed dried fruit", + "marmalade", + "sugar", + "flour", + "baking soda", + "brewed tea", + "eggs", + "ground nutmeg", + "grated orange" + ] + }, + { + "id": 14536, + "cuisine": "irish", + "ingredients": [ + "mild olive oil", + "beef", + "garlic", + "bay leaf", + "ground pepper", + "balsamic vinegar", + "carrots", + "pearl onions", + "herbs", + "beef broth", + "celery ribs", + "gold potatoes", + "sea salt", + "table wine" + ] + }, + { + "id": 20946, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "sweetened condensed milk", + "sugar" + ] + }, + { + "id": 26675, + "cuisine": "italian", + "ingredients": [ + "strawberries", + "hot water", + "sugar", + "fresh lemon juice" + ] + }, + { + "id": 6730, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "monterey jack", + "minced garlic", + "crimini mushrooms", + "corn tortilla chips", + "green onions", + "chili", + "poblano chilies" + ] + }, + { + "id": 24412, + "cuisine": "indian", + "ingredients": [ + "lettuce", + "cottage cheese", + "broccoli florets", + "ginger", + "green chilies", + "onions", + "fennel seeds", + "olive oil", + "mint sprigs", + "garlic", + "red bell pepper", + "ground cumin", + "green bell pepper", + "garam masala", + "cilantro", + "salt", + "fresh mint", + "chickpea flour", + "plain yogurt", + "lemon", + "yellow bell pepper", + "lemon juice", + "chaat masala" + ] + }, + { + "id": 23943, + "cuisine": "british", + "ingredients": [ + "ground cinnamon", + "unsalted butter", + "ice water", + "all-purpose flour", + "ground cloves", + "bosc pears", + "salt", + "sugar", + "orange marmalade", + "raisins", + "corn starch", + "brandy", + "egg yolks", + "vanilla extract" + ] + }, + { + "id": 9849, + "cuisine": "chinese", + "ingredients": [ + "honey", + "red chili peppers", + "ginger", + "chicken wings", + "spring onions", + "soy sauce", + "thyme leaves" + ] + }, + { + "id": 13576, + "cuisine": "italian", + "ingredients": [ + "semolina flour", + "gluten", + "olive oil", + "water", + "salt", + "instant yeast" + ] + }, + { + "id": 718, + "cuisine": "mexican", + "ingredients": [ + "condensed cream of chicken soup", + "sour cream", + "diced onions", + "flour tortillas", + "shredded cheddar cheese", + "boneless skinless chicken breast halves", + "chili beans", + "salsa" + ] + }, + { + "id": 11564, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "scallions", + "chinese rice wine", + "salt", + "ground white pepper", + "chicken stock", + "large eggs", + "corn starch", + "sugar", + "dried shiitake mushrooms" + ] + }, + { + "id": 40753, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "lemon pepper seasoning", + "garbanzo beans", + "black pepper", + "creole seasoning" + ] + }, + { + "id": 40214, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "crushed red pepper", + "spinach", + "olive oil", + "chicken", + "dried basil", + "garlic cloves", + "romano cheese", + "diced tomatoes" + ] + }, + { + "id": 35524, + "cuisine": "italian", + "ingredients": [ + "warm water", + "cooking spray", + "grated orange", + "turbinado", + "olive oil", + "salt", + "figs", + "dry yeast", + "all-purpose flour", + "honey", + "anise" + ] + }, + { + "id": 45616, + "cuisine": "french", + "ingredients": [ + "pie dough", + "cooking spray", + "caramel topping", + "ground cinnamon", + "large egg whites", + "salt", + "turbinado", + "water", + "vanilla extract", + "fresh lemon juice", + "granny smith apples", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 20040, + "cuisine": "thai", + "ingredients": [ + "olive oil", + "salt", + "lemongrass", + "shallots", + "chopped cilantro fresh", + "watermelon", + "hot green chile", + "chopped garlic", + "lump crab meat", + "peeled fresh ginger", + "fresh lime juice" + ] + }, + { + "id": 37403, + "cuisine": "thai", + "ingredients": [ + "sugar", + "ground black pepper", + "thai chile", + "long-grain rice", + "fish sauce", + "water", + "basil", + "purple onion", + "soy sauce", + "vegetable oil", + "garlic", + "iceberg lettuce", + "chiles", + "lime juice", + "ground pork", + "salt" + ] + }, + { + "id": 34478, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "ground red pepper", + "fresh lime juice", + "dried apricot", + "salt", + "fresh pineapple", + "lime rind", + "cooking spray", + "ground allspice", + "center cut loin pork chop", + "jalapeno chilies", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 31104, + "cuisine": "indian", + "ingredients": [ + "water", + "cider", + "mango chutney", + "lemon juice", + "curry powder", + "cayenne pepper", + "plain yogurt", + "top sirloin steak", + "ground cumin" + ] + }, + { + "id": 15536, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "ground red pepper", + "ground coriander", + "fat free yogurt", + "salt", + "garlic cloves", + "spinach", + "vegetable broth", + "cumin seed", + "olive oil", + "chickpeas", + "onions" + ] + }, + { + "id": 24766, + "cuisine": "mexican", + "ingredients": [ + "flour", + "purple onion", + "cornmeal", + "mozzarella cheese", + "lean ground beef", + "chopped onion", + "avocado", + "green onions", + "pizza doughs", + "roma tomatoes", + "garlic", + "taco seasoning" + ] + }, + { + "id": 28632, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "parsley", + "cayenne pepper", + "sugar", + "chopped tomatoes", + "garlic", + "olive oil", + "kalamata", + "fish", + "white onion", + "roasted red peppers", + "salt" + ] + }, + { + "id": 37047, + "cuisine": "italian", + "ingredients": [ + "eggs", + "panko", + "risotto", + "salt", + "spinach", + "fresh mozzarella", + "pepper", + "all-purpose flour" + ] + }, + { + "id": 31341, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "cachaca", + "lime wedges", + "kumquats", + "ice", + "rosemary sprigs", + "rosemary needles" + ] + }, + { + "id": 14535, + "cuisine": "chinese", + "ingredients": [ + "chicken wings", + "water", + "sesame oil", + "salt", + "chicken", + "stock", + "soy sauce", + "rice wine", + "star anise", + "black vinegar", + "cold water", + "pork", + "green onions", + "ginger", + "hot water", + "sugar", + "fresh ginger", + "ground pork", + "all-purpose flour" + ] + }, + { + "id": 43509, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "vanilla extract", + "whole milk", + "unsweetened cocoa powder", + "mini marshmallows", + "nuts", + "sugar", + "flaked coconut" + ] + }, + { + "id": 49397, + "cuisine": "italian", + "ingredients": [ + "brown sugar", + "water", + "chili powder", + "italian seasoning", + "ketchup", + "salt and ground black pepper", + "ground beef", + "eggs", + "bread crumbs", + "finely chopped onion", + "white sugar", + "tomato sauce", + "milk", + "worcestershire sauce" + ] + }, + { + "id": 20125, + "cuisine": "indian", + "ingredients": [ + "water", + "yellow lentils", + "fresh lemon juice", + "ground red pepper", + "cumin seed", + "plum tomatoes", + "fresh cilantro", + "salt", + "ground turmeric", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 21068, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "lime juice", + "ground black pepper", + "sour cream", + "ground turmeric", + "minced garlic", + "olive oil", + "chopped celery", + "onions", + "red lentils", + "lime", + "vegetable broth", + "roasted tomatoes", + "ground cumin", + "water", + "Tabasco Green Pepper Sauce", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 9247, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "ground black pepper", + "flat leaf parsley", + "ground chicken", + "milk", + "ground pork", + "eggs", + "minced garlic", + "lean ground beef", + "bread crumbs", + "olive oil", + "cheese" + ] + }, + { + "id": 5124, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "skinless chicken breasts", + "curry paste", + "butter", + "cinnamon sticks", + "coriander", + "sliced almonds", + "cardamom pods", + "onions", + "chicken stock", + "raisins", + "bay leaf", + "basmati rice" + ] + }, + { + "id": 27594, + "cuisine": "cajun_creole", + "ingredients": [ + "old bay seasoning", + "ear of corn", + "red potato", + "yellow onion", + "garlic", + "large shrimp", + "lemon", + "smoked pork" + ] + }, + { + "id": 4935, + "cuisine": "italian", + "ingredients": [ + "purple onion", + "olive oil", + "mint", + "fresh fava bean", + "fine sea salt" + ] + }, + { + "id": 502, + "cuisine": "spanish", + "ingredients": [ + "sea salt", + "olive oil", + "bell pepper" + ] + }, + { + "id": 8245, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "red bell pepper", + "duck", + "corn tortillas", + "prepar salsa", + "sour cream", + "lime", + "hearts of romaine" + ] + }, + { + "id": 35786, + "cuisine": "french", + "ingredients": [ + "sugar", + "large eggs", + "warm water", + "all-purpose flour", + "shortening", + "active dry yeast", + "bread flour", + "cocoa", + "salt" + ] + }, + { + "id": 36371, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "eggs", + "grated parmesan cheese", + "dried parsley", + "ground black pepper", + "dry bread crumbs", + "water", + "white rice" + ] + }, + { + "id": 32798, + "cuisine": "southern_us", + "ingredients": [ + "ice cubes", + "bourbon whiskey", + "water", + "crushed ice", + "sugar", + "simple syrup", + "mint leaves" + ] + }, + { + "id": 6765, + "cuisine": "korean", + "ingredients": [ + "kosher salt", + "all-purpose flour", + "chopped garlic", + "sweet potatoes", + "kimchi", + "large eggs", + "scallions", + "corn oil", + "serrano chile" + ] + }, + { + "id": 19642, + "cuisine": "filipino", + "ingredients": [ + "Accent Seasoning", + "bay leaves", + "white vinegar", + "soy sauce", + "garlic cloves", + "chicken wings", + "vegetable oil", + "black peppercorns", + "water" + ] + }, + { + "id": 3492, + "cuisine": "greek", + "ingredients": [ + "rosemary sprigs", + "squid", + "fresh parsley", + "tentacles", + "olive oil", + "bread slices", + "water", + "garlic cloves", + "onions", + "black peppercorns", + "white wine vinegar", + "bay leaf" + ] + }, + { + "id": 32457, + "cuisine": "southern_us", + "ingredients": [ + "fat free less sodium chicken broth", + "egg noodles", + "garlic cloves", + "reduced sodium smoked ham", + "ground black pepper", + "chopped onion", + "dried oregano", + "collard greens", + "dried thyme", + "chopped celery", + "red bell pepper", + "cider vinegar", + "butter", + "carrots" + ] + }, + { + "id": 29777, + "cuisine": "mexican", + "ingredients": [ + "boneless pork shoulder", + "ground black pepper", + "frozen banana leaf", + "lard", + "guajillo chiles", + "vegetable oil", + "flour for dusting", + "dried oregano", + "kosher salt", + "cinnamon", + "hot water", + "masa harina", + "chicken stock", + "baking powder", + "garlic cloves", + "chipotles in adobo" + ] + }, + { + "id": 13823, + "cuisine": "chinese", + "ingredients": [ + "large eggs", + "salt", + "sugar", + "vegetable oil", + "all-purpose flour", + "fresh ginger", + "crushed red pepper", + "scallions", + "low sodium soy sauce", + "sesame oil", + "rice vinegar" + ] + }, + { + "id": 18022, + "cuisine": "indian", + "ingredients": [ + "clove", + "coriander seeds", + "organic vegetable broth", + "fresh lime juice", + "chiles", + "diced tomatoes", + "ground cardamom", + "chopped cilantro fresh", + "red lentils", + "olive oil", + "cumin seed", + "mustard seeds", + "ground cinnamon", + "peeled fresh ginger", + "garlic cloves", + "onions" + ] + }, + { + "id": 28190, + "cuisine": "mexican", + "ingredients": [ + "kumquats", + "water", + "dry red wine", + "lime", + "fresh lime juice", + "sugar", + "carbonated water" + ] + }, + { + "id": 46296, + "cuisine": "filipino", + "ingredients": [ + "baking powder", + "water", + "Edam", + "eggs", + "all-purpose flour", + "evaporated milk", + "white sugar" + ] + }, + { + "id": 22008, + "cuisine": "korean", + "ingredients": [ + "water", + "scallions", + "pork belly", + "garlic", + "onions", + "sugar", + "ginger", + "kimchi", + "black pepper", + "salt" + ] + }, + { + "id": 9239, + "cuisine": "chinese", + "ingredients": [ + "egg yolks", + "corn flour", + "all-purpose flour", + "vegetable oil", + "confectioners sugar", + "roasted peanuts" + ] + }, + { + "id": 23485, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "large eggs", + "chopped onion", + "lasagna noodles", + "cooking spray", + "red bell pepper", + "fresh parmesan cheese", + "marinara sauce", + "garlic cloves", + "cremini mushrooms", + "zucchini", + "yellow bell pepper", + "nonfat ricotta cheese" + ] + }, + { + "id": 23715, + "cuisine": "thai", + "ingredients": [ + "olive oil", + "garlic", + "coconut milk", + "ground cumin", + "chicken broth", + "butter", + "poultry seasoning", + "boneless skinless chicken breast halves", + "fresh ginger root", + "salt", + "onions", + "sugar pumpkin", + "red pepper flakes", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 9954, + "cuisine": "french", + "ingredients": [ + "eggs", + "dijon mustard", + "baton", + "ground white pepper", + "olive oil", + "chives", + "carrots", + "bay leaf", + "sherry vinegar", + "bacon", + "thyme", + "milk", + "leeks", + "salt", + "chicken livers" + ] + }, + { + "id": 31290, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "ground chuck", + "vegetable oil", + "salt", + "onions", + "eggs", + "unsalted butter", + "all purpose unbleached flour", + "garlic cloves", + "ground cumin", + "tomatoes", + "olive oil", + "ice water", + "pimento stuffed olives", + "dried oregano", + "pastry", + "large eggs", + "raisins", + "juice" + ] + }, + { + "id": 22926, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "milk", + "pepper", + "salt", + "eggs", + "bacon", + "shredded cheddar cheese" + ] + }, + { + "id": 36804, + "cuisine": "italian", + "ingredients": [ + "pepper", + "shallots", + "all-purpose flour", + "unsalted butter", + "garlic", + "low sodium beef broth", + "olive oil", + "veal medallions", + "fresh mushrooms", + "marsala wine", + "low sodium chicken broth", + "salt" + ] + }, + { + "id": 1617, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "buttermilk", + "unsalted butter" + ] + }, + { + "id": 6129, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "basil", + "water", + "lipton tea bags" + ] + }, + { + "id": 22495, + "cuisine": "italian", + "ingredients": [ + "mild Italian sausage", + "vidalia onion", + "garlic cloves", + "pesto sauce", + "cheese tortellini", + "grated parmesan cheese", + "toasted pine nuts" + ] + }, + { + "id": 33178, + "cuisine": "southern_us", + "ingredients": [ + "pie crust", + "sweet potatoes", + "allspice", + "ground nutmeg", + "cinnamon", + "eggs", + "butternut squash", + "mini marshmallows", + "condensed milk" + ] + }, + { + "id": 12417, + "cuisine": "mexican", + "ingredients": [ + "pork stew meat", + "all-purpose flour", + "garlic", + "canola oil", + "new mexico red chile powder", + "dried oregano", + "warm water", + "salt", + "ground cumin" + ] + }, + { + "id": 13656, + "cuisine": "french", + "ingredients": [ + "sugar", + "sea salt", + "unsalted butter", + "large eggs", + "milk", + "all-purpose flour" + ] + }, + { + "id": 40012, + "cuisine": "chinese", + "ingredients": [ + "salt", + "shrimp", + "water", + "rice flour", + "canola oil", + "red chili peppers", + "all-purpose flour", + "chinese chives", + "large eggs", + "carrots" + ] + }, + { + "id": 10264, + "cuisine": "french", + "ingredients": [ + "chopped nuts", + "honey", + "shallots", + "sea salt", + "chopped onion", + "low salt chicken broth", + "water", + "leeks", + "farro", + "chopped celery", + "carrots", + "onions", + "black peppercorns", + "olive oil", + "vegetable oil", + "star anise", + "duck", + "thyme sprigs", + "ruby port", + "grated parmesan cheese", + "butter", + "dry red wine", + "garlic cloves", + "rendered duck fat" + ] + }, + { + "id": 21812, + "cuisine": "italian", + "ingredients": [ + "fresh mint", + "prosciutto", + "lime juice", + "honeydew melon" + ] + }, + { + "id": 39307, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "vegetable oil", + "ground white pepper", + "superfine sugar", + "coconut cream", + "light soy sauce", + "cilantro", + "pork tenderloin", + "garlic cloves" + ] + }, + { + "id": 16818, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "milk chocolate chips", + "cocoa", + "all-purpose flour", + "sugar", + "vanilla extract", + "large eggs", + "chopped pecans" + ] + }, + { + "id": 41979, + "cuisine": "italian", + "ingredients": [ + "chiles", + "peas", + "medium-grain rice", + "ham hock", + "shallots", + "salt", + "scallions", + "water", + "extra-virgin olive oil", + "freshly ground pepper", + "bay leaf", + "chopped fresh thyme", + "crabmeat", + "fresh lemon juice" + ] + }, + { + "id": 2516, + "cuisine": "italian", + "ingredients": [ + "pesto sauce", + "honey", + "fresh oregano", + "tomatoes", + "cremini mushrooms", + "garlic", + "boneless skinless chicken breast halves", + "fresh basil", + "pepper", + "salt", + "polenta", + "vidalia onion", + "olive oil", + "shredded mozzarella cheese" + ] + }, + { + "id": 6485, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "whole milk", + "green pumpkin seeds", + "large eggs", + "salt", + "unsalted butter", + "baking powder", + "yellow corn meal", + "jalapeno chilies", + "all-purpose flour" + ] + }, + { + "id": 8582, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "black beans", + "green onions", + "garlic", + "oil", + "noodles", + "fish sauce", + "black pepper", + "water", + "sesame oil", + "dried shiitake mushrooms", + "carrots", + "brown sugar", + "white pepper", + "Shaoxing wine", + "ginger", + "sauce", + "corn starch", + "dark soy sauce", + "shanghai bok choy", + "pepper", + "marinade", + "salt", + "oyster sauce", + "chicken" + ] + }, + { + "id": 13836, + "cuisine": "chinese", + "ingredients": [ + "tofu", + "white pepper", + "green onions", + "corn starch", + "dark soy sauce", + "fresh ginger", + "thai chile", + "soy sauce", + "black bean sauce", + "garlic", + "cold water", + "whitefish fillets", + "vegetable oil", + "white sugar" + ] + }, + { + "id": 5289, + "cuisine": "russian", + "ingredients": [ + "eggs", + "chicken breasts", + "ground black pepper", + "dill pickles", + "mayonaise", + "peas", + "tomatoes", + "potatoes" + ] + }, + { + "id": 33325, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "red bell pepper", + "sherry vinegar", + "boquerones" + ] + }, + { + "id": 19674, + "cuisine": "mexican", + "ingredients": [ + "green cabbage", + "garlic powder", + "jalapeno chilies", + "cilantro", + "oregano", + "grape tomatoes", + "salsa verde", + "apple cider vinegar", + "salt", + "canola oil", + "black pepper", + "red cabbage", + "lime wedges", + "cayenne pepper", + "ground cumin", + "avocado", + "olive oil", + "flour tortillas", + "cod fish", + "smoked paprika" + ] + }, + { + "id": 21821, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "Yakisoba noodles", + "cabbage", + "pork", + "sauce", + "shrimp", + "salt", + "carrots", + "soy sauce", + "oil", + "onions" + ] + }, + { + "id": 28767, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "grated parmesan cheese", + "salt", + "pepper", + "bacon", + "cream", + "butter", + "frozen peas", + "fresh thyme", + "orzo" + ] + }, + { + "id": 39385, + "cuisine": "french", + "ingredients": [ + "prunes", + "golden delicious apples", + "all-purpose flour", + "sugar", + "vegetable shortening", + "apricot preserves", + "unsalted butter", + "salt", + "vanilla ice cream", + "ice water", + "cognac" + ] + }, + { + "id": 24954, + "cuisine": "french", + "ingredients": [ + "chili", + "mushrooms", + "low salt chicken broth", + "finely chopped onion", + "butter", + "chopped garlic", + "olive oil", + "baking potatoes", + "bay leaf", + "Madeira", + "chopped fresh chives", + "heavy cream" + ] + }, + { + "id": 16225, + "cuisine": "italian", + "ingredients": [ + "ground nutmeg", + "grated parmesan cheese", + "cheese", + "garlic cloves", + "treviso radicchio", + "lasagna noodles", + "chopped fresh thyme", + "dry bread crumbs", + "olive oil", + "celery heart", + "extra-virgin olive oil", + "chopped onion", + "pancetta", + "unsalted butter", + "whole milk", + "all-purpose flour", + "ground white pepper" + ] + }, + { + "id": 8835, + "cuisine": "mexican", + "ingredients": [ + "worcestershire sauce", + "shredded cheddar cheese", + "cream cheese", + "jalapeno chilies", + "bacon" + ] + }, + { + "id": 37468, + "cuisine": "mexican", + "ingredients": [ + "grape tomatoes", + "olive oil", + "red bell pepper", + "chile powder", + "lime juice", + "kale leaves", + "ground cumin", + "water", + "sliced olives", + "ground beef", + "avocado", + "Spike Seasoning", + "taco seasoning" + ] + }, + { + "id": 25859, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "japanese radish", + "pepper", + "shrimp", + "soy sauce", + "salt", + "water" + ] + }, + { + "id": 47367, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "buttermilk", + "baking powder", + "sugar", + "salt" + ] + }, + { + "id": 8083, + "cuisine": "italian", + "ingredients": [ + "crumbled blue cheese", + "fig jam", + "rocket leaves", + "ciabatta", + "butter", + "cooked chicken breasts", + "ground black pepper", + "fresh lemon juice" + ] + }, + { + "id": 40267, + "cuisine": "southern_us", + "ingredients": [ + "whipping cream", + "baking powder", + "all-purpose flour", + "butter", + "sliced green onions", + "ground black pepper", + "salt" + ] + }, + { + "id": 28215, + "cuisine": "italian", + "ingredients": [ + "field lettuce", + "extra-virgin olive oil", + "seedless cucumber", + "fresh mozzarella", + "fresh lemon juice", + "basil leaves", + "grated lemon zest", + "water", + "farro" + ] + }, + { + "id": 46610, + "cuisine": "italian", + "ingredients": [ + "chopped fresh thyme", + "flat leaf parsley", + "fresh rosemary", + "grated lemon peel", + "garlic cloves" + ] + }, + { + "id": 8840, + "cuisine": "indian", + "ingredients": [ + "ground red pepper", + "salt", + "ground turmeric", + "cauliflower", + "vegetable oil", + "black mustard seeds", + "green tomatoes", + "ground coriander", + "ground cumin", + "water", + "baking potatoes", + "basmati rice" + ] + }, + { + "id": 2638, + "cuisine": "indian", + "ingredients": [ + "cream", + "chili powder", + "oil", + "ground cumin", + "chopped tomatoes", + "salt", + "chicken pieces", + "fresh coriander", + "garlic", + "smoked paprika", + "black pepper", + "garam masala", + "rice", + "onions" + ] + }, + { + "id": 15389, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "almonds", + "red bell pepper", + "onions", + "dried thyme", + "garlic cloves", + "ground turkey", + "bread crumbs", + "bay leaves", + "toasted almonds", + "tomatoes", + "olive oil", + "low salt chicken broth", + "fresh parsley" + ] + }, + { + "id": 21146, + "cuisine": "french", + "ingredients": [ + "crème fraîche", + "flat leaf parsley", + "russet potatoes", + "grated Gruyère cheese" + ] + }, + { + "id": 31743, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "light corn syrup", + "large eggs", + "salt", + "sugar", + "vanilla extract", + "pie crust", + "butter" + ] + }, + { + "id": 27332, + "cuisine": "filipino", + "ingredients": [ + "ground chicken", + "water chestnuts", + "kinchay", + "glass noodles", + "chicken stock", + "ground black pepper", + "shallots", + "salt", + "pepper", + "green onions", + "garlic", + "soy sauce", + "cooking oil", + "napa cabbage", + "carrots" + ] + }, + { + "id": 7269, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "green chilies", + "ground turmeric", + "moong dal", + "bay leaf", + "ground cumin", + "sugar", + "cumin seed", + "ginger paste", + "salt", + "ghee" + ] + }, + { + "id": 23817, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "unsalted butter", + "onions", + "asparagus", + "goat cheese", + "large eggs" + ] + }, + { + "id": 34159, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "shredded cheddar cheese", + "diced tomatoes", + "cooked chicken", + "corn" + ] + }, + { + "id": 33477, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "prawns", + "ginger", + "curry leaves", + "pepper", + "seeds", + "salt", + "mustard", + "tumeric", + "fenugreek", + "garlic", + "tomatoes", + "coconut", + "chili powder", + "onions" + ] + }, + { + "id": 29921, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "garlic cloves", + "large shrimp", + "wheat bread", + "ground black pepper", + "fresh basil leaves", + "olive oil", + "fresh lemon juice", + "fresh rosemary", + "salt", + "plum tomatoes" + ] + }, + { + "id": 6676, + "cuisine": "vietnamese", + "ingredients": [ + "hard-boiled egg", + "onions", + "coconut juice", + "nuoc mam", + "garlic", + "pork butt", + "ground black pepper", + "salt" + ] + }, + { + "id": 12643, + "cuisine": "mexican", + "ingredients": [ + "ice cubes", + "Cointreau Liqueur", + "lime", + "fresh lime juice", + "kosher salt", + "tequila", + "superfine sugar" + ] + }, + { + "id": 14276, + "cuisine": "italian", + "ingredients": [ + "milk", + "rosemary needles", + "sugar", + "olive oil", + "all-purpose flour", + "coarse sugar", + "active dry yeast", + "salt", + "warm water", + "coarse sea salt", + "black grapes" + ] + }, + { + "id": 21396, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "fresh ginger", + "salt", + "chicken broth", + "pepper", + "lemon", + "sweet rice", + "green onions", + "onions", + "chicken wings", + "olive oil", + "garlic" + ] + }, + { + "id": 1619, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "peeled fresh ginger", + "salt", + "black pepper", + "vegetable oil", + "sugar", + "shallots", + "lettuce leaves", + "dry sherry" + ] + }, + { + "id": 41628, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "portabello mushroom", + "salt", + "pinto beans", + "onions", + "olive oil", + "meat", + "cilantro", + "tortilla chips", + "sour cream", + "pepper", + "green onions", + "veggies", + "salsa", + "smoked paprika", + "ground cumin", + "chopped tomatoes", + "queso fresco", + "garlic", + "shredded cheese", + "chipotle peppers" + ] + }, + { + "id": 22521, + "cuisine": "french", + "ingredients": [ + "chives", + "tarragon", + "white asparagus", + "salt", + "eggs", + "pistachio nuts", + "unsalted butter", + "chopped parsley" + ] + }, + { + "id": 27436, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "whole kernel corn, drain", + "tomatoes", + "garlic", + "white onion", + "salt", + "chile pepper", + "beef tongue" + ] + }, + { + "id": 26560, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "tomatillos", + "garlic cloves", + "avocado", + "whole peeled tomatoes", + "low sodium canned chicken stock", + "ground cumin", + "white onion", + "jalapeno chilies", + "freshly ground pepper", + "corn", + "cilantro leaves", + "nonstick spray" + ] + }, + { + "id": 29166, + "cuisine": "southern_us", + "ingredients": [ + "pickle relish", + "paprika", + "Hellmann's® Real Mayonnaise", + "dijon mustard" + ] + }, + { + "id": 24030, + "cuisine": "italian", + "ingredients": [ + "sugar", + "shallots", + "tomatoes", + "ground black pepper", + "dried rosemary", + "kosher salt", + "lemon juice", + "dried basil", + "marjoram" + ] + }, + { + "id": 36251, + "cuisine": "indian", + "ingredients": [ + "chickpea flour", + "ginger", + "red chili peppers", + "yellow split peas", + "curry leaves", + "salt", + "shallots", + "oil" + ] + }, + { + "id": 44032, + "cuisine": "jamaican", + "ingredients": [ + "fresh thyme", + "scallions", + "water", + "salt", + "coconut milk", + "red kidney beans", + "hot pepper", + "garlic cloves", + "ground pepper", + "rice", + "onions" + ] + }, + { + "id": 14829, + "cuisine": "spanish", + "ingredients": [ + "salad greens", + "curly endive", + "red wine vinegar", + "large eggs", + "hot water", + "pepper", + "oil" + ] + }, + { + "id": 22958, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "large eggs", + "vegetable oil", + "pork stock", + "carrots", + "bread crumb fresh", + "tomato juice", + "bay leaves", + "ground pork", + "hot sauce", + "masa", + "black pepper", + "fresh cilantro", + "jalapeno chilies", + "lemon", + "salt", + "celery", + "guajillo chiles", + "fresh thyme", + "green onions", + "garlic", + "mexican chorizo" + ] + }, + { + "id": 29642, + "cuisine": "southern_us", + "ingredients": [ + "fresh mushrooms", + "low sodium chicken broth", + "long grain and wild rice mix", + "sour cream", + "cooked chicken", + "italian salad dressing" + ] + }, + { + "id": 7744, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "diced tomatoes", + "chipotle peppers", + "pepper", + "garlic cloves", + "chicken thighs", + "cotija", + "salt", + "onions", + "olive oil", + "corn tortillas" + ] + }, + { + "id": 10497, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "vegetable broth", + "minced garlic", + "onion powder", + "dried oregano", + "dried basil", + "russet potatoes", + "dried rosemary", + "dried sage", + "dried parsley" + ] + }, + { + "id": 10593, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "large eggs", + "all-purpose flour", + "baking soda", + "buttermilk", + "unsalted butter", + "salt", + "sugar", + "baking powder" + ] + }, + { + "id": 21108, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "vegetable stock", + "bay leaf", + "arborio rice", + "shallots", + "salt", + "parmigiano-reggiano cheese", + "balsamic vinegar", + "freshly ground pepper", + "dry white wine", + "extra-virgin olive oil" + ] + }, + { + "id": 34198, + "cuisine": "thai", + "ingredients": [ + "wide rice noodles", + "lime juice", + "peanut oil", + "medium shrimp", + "tofu", + "water", + "creamy peanut butter", + "Thai fish sauce", + "brown sugar", + "rice vinegar", + "garlic chili sauce", + "chopped cilantro fresh", + "ketchup", + "chinese cabbage", + "corn starch", + "sliced green onions" + ] + }, + { + "id": 26659, + "cuisine": "spanish", + "ingredients": [ + "large egg yolks", + "dark rum", + "confectioners sugar", + "unsalted butter", + "vegetable oil", + "semisweet chocolate", + "all-purpose flour", + "sugar", + "large eggs", + "cornflakes" + ] + }, + { + "id": 13096, + "cuisine": "indian", + "ingredients": [ + "sugar", + "canned chopped tomatoes", + "red curry paste", + "chili flakes", + "curry powder", + "potatoes", + "coconut milk", + "red lentils", + "minced garlic", + "garam masala", + "lemon juice", + "tumeric", + "minced ginger", + "purple onion", + "chopped cilantro" + ] + }, + { + "id": 48078, + "cuisine": "chinese", + "ingredients": [ + "chili paste", + "boneless skinless chicken breasts", + "salt", + "corn starch", + "soy sauce", + "low sodium chicken broth", + "marinade", + "roasted peanuts", + "cooking sherry", + "sugar", + "hoisin sauce", + "rice wine", + "sauce", + "red bell pepper", + "fresh ginger", + "green onions", + "garlic", + "peanut oil" + ] + }, + { + "id": 11120, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "queso fresco", + "cream cheese, soften", + "chili powder", + "chopped onion", + "chopped cilantro fresh", + "fat free less sodium chicken broth", + "lime wedges", + "garlic cloves", + "cooked chicken breasts", + "cooking spray", + "cilantro sprigs", + "corn tortillas" + ] + }, + { + "id": 16220, + "cuisine": "moroccan", + "ingredients": [ + "fresh basil", + "green onions", + "couscous", + "water", + "salt", + "ground cinnamon", + "dried apricot", + "ground allspice", + "unsalted pistachios", + "extra-virgin olive oil" + ] + }, + { + "id": 36435, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "kosher salt", + "rice", + "chillies", + "asafoetida", + "golden raisins", + "cumin seed", + "ground turmeric", + "sugar", + "vegetable oil", + "black mustard seeds", + "curry leaves", + "coconut", + "roasted peanuts", + "cashew nuts" + ] + }, + { + "id": 30485, + "cuisine": "thai", + "ingredients": [ + "tapioca flour", + "coconut cream", + "mung beans", + "water", + "white sugar", + "salt" + ] + }, + { + "id": 37023, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "cilantro sprigs", + "pork shoulder", + "green cabbage", + "flour tortillas", + "chinese black vinegar", + "soy sauce", + "garlic", + "sliced green onions", + "hoisin sauce", + "chinese five-spice powder" + ] + }, + { + "id": 2847, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "oxtails", + "garlic", + "firmly packed brown sugar", + "rice wine", + "salt", + "soy sauce", + "daikon", + "cilantro leaves", + "fresh ginger", + "star anise" + ] + }, + { + "id": 8519, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "green chilies", + "coconut milk", + "light brown sugar", + "star anise", + "oil", + "galangal", + "lime", + "beef rib short", + "lime leaves", + "fish sauce", + "rice vinegar", + "garlic cloves", + "coriander" + ] + }, + { + "id": 42173, + "cuisine": "korean", + "ingredients": [ + "water", + "chili bean sauce", + "white vinegar", + "sea salt", + "onions", + "hot chili oil", + "cucumber", + "red chili peppers", + "garlic", + "white sugar" + ] + }, + { + "id": 28402, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "harissa", + "cilantro sprigs", + "freshly ground pepper", + "chicken", + "saffron threads", + "low sodium chicken broth", + "coarse salt", + "garlic", + "couscous", + "ground ginger", + "dried apricot", + "fresh orange juice", + "purple onion", + "raw almond", + "green olives", + "wheat", + "extra-virgin olive oil", + "carrots" + ] + }, + { + "id": 24463, + "cuisine": "mexican", + "ingredients": [ + "salt", + "lettuce leaves", + "cooked chicken breasts", + "avocado", + "fresh lime juice", + "whole wheat tortillas", + "plum tomatoes" + ] + }, + { + "id": 33769, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "white truffle oil", + "unsalted butter", + "prosciutto" + ] + }, + { + "id": 16616, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "garlic cloves", + "collard greens", + "olive oil", + "chicken broth", + "water", + "onions", + "cooked ham", + "black-eyed peas" + ] + }, + { + "id": 47923, + "cuisine": "japanese", + "ingredients": [ + "salt", + "edamame", + "seasoning salt" + ] + }, + { + "id": 41146, + "cuisine": "british", + "ingredients": [ + "milk", + "tikka paste", + "green beans", + "tumeric", + "smoked mackerel", + "rice", + "ground cumin", + "eggs", + "cherry tomatoes", + "purple onion", + "fresh parsley", + "medium curry powder", + "mushrooms", + "ground coriander" + ] + }, + { + "id": 35887, + "cuisine": "french", + "ingredients": [ + "olive oil", + "dry white wine", + "yellow onion", + "chicken stock", + "fresh thyme", + "gruyere cheese", + "bay leaf", + "unsalted butter", + "garlic", + "ground white pepper", + "port wine", + "french bread", + "salt" + ] + }, + { + "id": 15371, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chilegarlic sauce", + "sesame oil", + "scallions", + "kosher salt", + "Shaoxing wine", + "ginger", + "white pepper", + "flowering chives", + "ground pork", + "dumpling wrappers", + "cilantro stems", + "rice vinegar" + ] + }, + { + "id": 1052, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "sliced green onions", + "eggs", + "rice vinegar", + "wasabi paste", + "sesame seeds", + "mayonaise", + "panko breadcrumbs" + ] + }, + { + "id": 6510, + "cuisine": "southern_us", + "ingredients": [ + "garnish", + "vanilla extract", + "cream sweeten whip", + "refrigerated piecrusts", + "sugar", + "butter", + "self rising flour", + "juice" + ] + }, + { + "id": 22887, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "sausages", + "dried oregano", + "dried basil", + "linguine", + "fresh parsley", + "rosemary", + "large garlic cloves", + "low salt chicken broth", + "olive oil", + "crushed red pepper", + "onions" + ] + }, + { + "id": 13548, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "salt", + "mint leaves", + "turbinado", + "mango", + "sticky rice" + ] + }, + { + "id": 19101, + "cuisine": "russian", + "ingredients": [ + "clove", + "mayonaise", + "potatoes", + "apples", + "ham", + "cucumber", + "onions", + "green olives", + "water", + "chicken breasts", + "dill", + "carrots", + "celery", + "tomatoes", + "pepper", + "hard-boiled egg", + "salt", + "lemon juice", + "sour cream", + "capers", + "dijon mustard", + "peas", + "dill pickles", + "thyme", + "bay leaf" + ] + }, + { + "id": 16006, + "cuisine": "greek", + "ingredients": [ + "cooking spray", + "fresh lemon juice", + "dried rosemary", + "black pepper", + "grated lemon zest", + "dried oregano", + "green bell pepper", + "purple onion", + "feta cheese crumbles", + "fat free yogurt", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 43007, + "cuisine": "british", + "ingredients": [ + "hazelnuts", + "elderflower cordial", + "gooseberries", + "sweet white wine", + "caster sugar", + "double cream", + "lime" + ] + }, + { + "id": 22853, + "cuisine": "chinese", + "ingredients": [ + "water", + "vegetable oil", + "large shrimp", + "egg whites", + "white sugar", + "honey", + "walnuts", + "mayonaise", + "mochiko", + "sweetened condensed milk" + ] + }, + { + "id": 39044, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "cayenne pepper", + "soy sauce", + "fresh shiitake mushrooms", + "onions", + "sake", + "sea scallops", + "asparagus spears", + "minced garlic", + "butter" + ] + }, + { + "id": 9208, + "cuisine": "brazilian", + "ingredients": [ + "spinach leaves", + "orange bell pepper", + "garlic", + "collard greens", + "ground black pepper", + "salt", + "curly kale", + "bell pepper", + "red bell pepper", + "palm oil", + "water", + "jalapeno chilies", + "onions" + ] + }, + { + "id": 9980, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "unsalted butter", + "garlic", + "bay leaf", + "pepper", + "ranch dressing", + "coca-cola", + "giardiniera", + "brown gravy mix", + "jalapeno chilies", + "beef rump", + "onions", + "bacon drippings", + "dried thyme", + "cracked black pepper", + "corn starch", + "dried rosemary" + ] + }, + { + "id": 34285, + "cuisine": "italian", + "ingredients": [ + "sugar", + "champagne", + "lime wedges", + "water", + "fresh lime juice", + "fresh orange juice" + ] + }, + { + "id": 4805, + "cuisine": "japanese", + "ingredients": [ + "reduced sodium soy sauce", + "freshly ground pepper", + "soba", + "kosher salt", + "ginger", + "garlic cloves", + "large egg yolks", + "maitake mushrooms", + "toasted sesame seeds", + "wakame", + "vegetable oil", + "scallions", + "baby turnips" + ] + }, + { + "id": 26111, + "cuisine": "mexican", + "ingredients": [ + "instant rice", + "diced tomatoes", + "onions", + "cheddar cheese", + "kidney beans", + "taco seasoning", + "water", + "green pepper", + "tomato sauce", + "chili powder", + "ground beef" + ] + }, + { + "id": 20947, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "zucchini", + "diced tomatoes", + "chopped onion", + "dried oregano", + "frozen whole kernel corn", + "vegetable oil", + "salt", + "chopped cilantro fresh", + "finely chopped onion", + "baking potatoes", + "chickpeas", + "cooked chicken breasts", + "low-fat sour cream", + "lime wedges", + "cheese", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 28643, + "cuisine": "greek", + "ingredients": [ + "celery ribs", + "pitas", + "lentils", + "olive oil", + "fresh lemon juice", + "dried oregano", + "pepper", + "salt", + "carrots", + "water", + "garlic cloves", + "onions" + ] + }, + { + "id": 49601, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "black pepper", + "Shaoxing wine", + "salt", + "canola oil", + "sugar", + "oysters", + "oyster liquor", + "corn starch", + "mayonaise", + "white pepper", + "sesame oil", + "scallions", + "eggs", + "spring roll skins", + "regular soy sauce", + "ground pork", + "beansprouts" + ] + }, + { + "id": 38062, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "crushed tomatoes", + "frozen okra", + "all-purpose flour", + "celery", + "dried oregano", + "green bell pepper", + "dried thyme", + "worcestershire sauce", + "scallions", + "fresh parsley", + "spicy sausage", + "dried basil", + "old bay seasoning", + "crabmeat", + "bay leaf", + "pepper", + "olive oil", + "salt", + "shrimp", + "onions" + ] + }, + { + "id": 32927, + "cuisine": "british", + "ingredients": [ + "lean bacon", + "worcestershire sauce", + "beef broth", + "onions", + "cheddar cheese", + "lean ground beef", + "button mushrooms", + "tarragon", + "marmite", + "flour", + "paprika", + "carrots", + "pepper", + "baking potatoes", + "salt", + "celery" + ] + }, + { + "id": 528, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "tomatillos", + "shrimp", + "jalapeno chilies", + "salt", + "onions", + "lime juice", + "clam juice", + "chopped cilantro", + "cotija", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 46824, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil cooking spray", + "catfish fillets", + "dijon mustard", + "ground pepper", + "reduced fat sharp cheddar cheese", + "Corn Flakes Cereal" + ] + }, + { + "id": 12939, + "cuisine": "filipino", + "ingredients": [ + "wonton wrappers", + "pork sausages", + "pepper", + "hamburger", + "green onions", + "garlic cloves", + "salt" + ] + }, + { + "id": 34375, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "olive oil", + "jalapeno chilies", + "cinnamon", + "turkey meat", + "oregano", + "lettuce", + "black beans", + "vinegar", + "turkey stock", + "salt", + "onions", + "monterey jack", + "ground cloves", + "garlic powder", + "flour", + "purple onion", + "sour cream", + "ice", + "avocado", + "lime juice", + "flour tortillas", + "chili powder", + "garlic cloves", + "chopped cilantro fresh", + "ground cumin" + ] + }, + { + "id": 13839, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "prosciutto", + "boneless skinless chicken breast halves", + "mozzarella cheese", + "garlic", + "olive oil", + "shredded parmesan cheese", + "white wine", + "butter" + ] + }, + { + "id": 28343, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "grated parmesan cheese", + "smoked salmon", + "milk", + "all-purpose flour", + "fettuccine pasta", + "butter", + "capers", + "sun-dried tomatoes", + "fresh oregano" + ] + }, + { + "id": 10956, + "cuisine": "indian", + "ingredients": [ + "yoghurt", + "water", + "ghee", + "sugar", + "salt", + "active dry yeast", + "bread flour" + ] + }, + { + "id": 46525, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "baby spinach", + "chickpeas", + "kosher salt", + "orzo", + "carrots", + "parmigiano reggiano cheese", + "dry bread crumbs", + "homemade chicken stock", + "ground pork", + "freshly ground pepper" + ] + }, + { + "id": 11930, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "extra-virgin olive oil", + "onions", + "chili powder", + "chickpeas", + "cumin", + "ground ginger", + "spices", + "ground coriander", + "ground cumin", + "water", + "salt", + "ground turmeric" + ] + }, + { + "id": 32259, + "cuisine": "italian", + "ingredients": [ + "pepper", + "ricotta cheese", + "tomato sauce", + "meatballs", + "fresh parsley", + "pasta", + "parmesan cheese", + "salt", + "mozzarella cheese", + "large eggs" + ] + }, + { + "id": 3805, + "cuisine": "mexican", + "ingredients": [ + "lime", + "triple sec", + "silver tequila", + "lime juice", + "blood orange juice" + ] + }, + { + "id": 8435, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "onions", + "chicken broth", + "salt", + "canola oil", + "cilantro", + "long grain white rice", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 19269, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "scallions", + "long grain white rice", + "green bell pepper", + "paprika", + "onions", + "celery ribs", + "coarse salt", + "medium shrimp", + "canola oil", + "ground pepper", + "garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 16877, + "cuisine": "filipino", + "ingredients": [ + "raisins", + "carrots", + "whole peppercorn", + "garlic", + "onions", + "white vinegar", + "ginger", + "red bell pepper", + "granulated sugar", + "salt", + "green papaya" + ] + }, + { + "id": 36748, + "cuisine": "moroccan", + "ingredients": [ + "chopped tomatoes", + "green beans", + "ground cinnamon", + "boneless skinless chicken breasts", + "ground cumin", + "olive oil", + "lemon", + "chicken stock", + "clear honey", + "couscous" + ] + }, + { + "id": 23568, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "ground beef", + "shredded cheddar cheese", + "chunky salsa", + "corn tortilla chips", + "onions", + "ranch dressing", + "iceberg lettuce" + ] + }, + { + "id": 14511, + "cuisine": "mexican", + "ingredients": [ + "celery ribs", + "green onions", + "tater tots", + "yellow peppers", + "corn", + "cajun seasoning", + "ground beef", + "ground cumin", + "tomatoes", + "chili powder", + "cream of mushroom soup", + "dried oregano", + "Mexican cheese blend", + "salt", + "onions" + ] + }, + { + "id": 21257, + "cuisine": "cajun_creole", + "ingredients": [ + "broiler-fryer chicken", + "hot pepper sauce", + "green pepper", + "onions", + "tomatoes", + "water", + "salt", + "garlic cloves", + "sliced green onions", + "celery ribs", + "pepper", + "bay leaves", + "okra", + "canola oil", + "cooked rice", + "dried basil", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 19082, + "cuisine": "mexican", + "ingredients": [ + "light sour cream", + "cooking spray", + "fresh lime juice", + "frozen whole kernel corn", + "black olives", + "ground cumin", + "refried beans", + "green onions", + "chopped cilantro fresh", + "Mexican cheese blend", + "salsa" + ] + }, + { + "id": 23141, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "yolk", + "matzo cake meal", + "water", + "parmigiano reggiano cheese", + "scallions", + "olive oil", + "large eggs", + "frozen peas", + "potato starch", + "zucchini", + "grated lemon zest" + ] + }, + { + "id": 40870, + "cuisine": "mexican", + "ingredients": [ + "bell pepper", + "frozen corn", + "cumin", + "black beans", + "chili powder", + "sharp cheddar cheese", + "brown rice", + "chunky", + "pepper", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 46003, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "fresh ginger root", + "chopped cilantro fresh", + "lime juice", + "garlic", + "fish sauce", + "jalapeno chilies", + "large shrimp", + "bean threads", + "lemongrass", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 10035, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "red wine", + "marjoram", + "dried basil", + "pork roast", + "water", + "cracked black pepper", + "dried thyme", + "onions" + ] + }, + { + "id": 17764, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "salt", + "onions", + "black peppercorns", + "baking potatoes", + "margarine", + "shallots", + "all-purpose flour", + "shredded reduced fat reduced sodium swiss cheese", + "1% low-fat milk", + "garlic cloves" + ] + }, + { + "id": 27915, + "cuisine": "irish", + "ingredients": [ + "eggs", + "cooking oil", + "salt", + "irish bacon", + "ground black pepper", + "cheese", + "onions", + "savoy cabbage", + "light cream", + "butter", + "plain breadcrumbs", + "chicken stock", + "boneless chicken breast", + "garlic", + "italian seasoning" + ] + }, + { + "id": 33321, + "cuisine": "italian", + "ingredients": [ + "Italian seasoned breadcrumbs", + "milk", + "onions", + "nutmeg", + "ground beef", + "garlic powder" + ] + }, + { + "id": 2392, + "cuisine": "vietnamese", + "ingredients": [ + "peanuts", + "basil", + "rice paper", + "eggs", + "rice noodles", + "shrimp", + "tofu", + "hoisin sauce", + "carrots", + "water", + "red pepper", + "cucumber" + ] + }, + { + "id": 7860, + "cuisine": "italian", + "ingredients": [ + "eggs", + "eggplant", + "all-purpose flour", + "mozzarella cheese", + "marinara sauce", + "bread crumb fresh", + "grated parmesan cheese", + "olive oil", + "ricotta cheese" + ] + }, + { + "id": 16772, + "cuisine": "filipino", + "ingredients": [ + "ground black pepper", + "oyster sauce", + "kosher salt", + "rice vinegar", + "canola oil", + "minced garlic", + "pork spareribs", + "soy sauce", + "yellow mustard", + "corn starch" + ] + }, + { + "id": 15280, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "vegetable oil spray", + "plum tomatoes", + "ricotta cheese" + ] + }, + { + "id": 34504, + "cuisine": "mexican", + "ingredients": [ + "mozzarella cheese", + "tortilla shells", + "pizza sauce", + "italian seasoning", + "garlic powder", + "pepperoni", + "butter" + ] + }, + { + "id": 23703, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "fresh green bean", + "sugar", + "unsalted butter", + "salt", + "ground black pepper", + "garlic", + "white onion", + "apple cider vinegar", + "ham" + ] + }, + { + "id": 8642, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh mushrooms", + "sweet onion", + "butter", + "kosher salt", + "grated parmesan cheese", + "fresh parsley", + "pepper", + "cheese ravioli" + ] + }, + { + "id": 10355, + "cuisine": "french", + "ingredients": [ + "gelatin", + "sugar", + "strawberries", + "cold water", + "whipping cream", + "vanilla beans" + ] + }, + { + "id": 34219, + "cuisine": "japanese", + "ingredients": [ + "asafoetida", + "semolina", + "flour", + "salt", + "cumin", + "tumeric", + "coriander powder", + "mint leaves", + "green chilies", + "masala", + "amchur", + "potatoes", + "ginger", + "beansprouts", + "fresh coriander", + "cooking oil", + "chili powder", + "lemon juice" + ] + }, + { + "id": 26479, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "red bell pepper", + "chihuahua cheese", + "reduced-fat sour cream", + "fresh lime juice", + "navy beans", + "cooking spray", + "poblano chiles", + "fat free less sodium chicken broth", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 39848, + "cuisine": "chinese", + "ingredients": [ + "tomato paste", + "white pepper", + "sesame oil", + "oil", + "soy sauce", + "hoisin sauce", + "salt", + "pork shoulder", + "sugar", + "minced garlic", + "paprika", + "hot water", + "molasses", + "sherry", + "chinese five-spice powder" + ] + }, + { + "id": 13806, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "salt", + "butter", + "baking powder", + "shortening", + "buttermilk" + ] + }, + { + "id": 25149, + "cuisine": "mexican", + "ingredients": [ + "pepper jack", + "salt", + "corn kernels", + "flour tortillas", + "chopped cilantro fresh", + "zucchini", + "onions", + "olive oil", + "garlic" + ] + }, + { + "id": 19177, + "cuisine": "italian", + "ingredients": [ + "water", + "cinnamon sticks", + "sugar", + "mascarpone", + "vanilla beans", + "orange peel", + "marsala wine", + "bosc pears" + ] + }, + { + "id": 310, + "cuisine": "greek", + "ingredients": [ + "salt", + "onions", + "pepper", + "scallions", + "oregano", + "eggs", + "cayenne pepper", + "chopped fresh mint", + "paprika", + "fresh lemon juice", + "ground lamb" + ] + }, + { + "id": 49390, + "cuisine": "italian", + "ingredients": [ + "eggs", + "crushed tomatoes", + "grated parmesan cheese", + "garlic", + "white sugar", + "fennel seeds", + "mozzarella cheese", + "minced onion", + "ricotta cheese", + "sweet italian sausage", + "tomato sauce", + "ground black pepper", + "lean ground beef", + "salt", + "italian seasoning", + "tomato paste", + "water", + "lasagna noodles", + "basil dried leaves", + "fresh parsley" + ] + }, + { + "id": 36296, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "grits", + "coarse salt", + "mascarpone" + ] + }, + { + "id": 26808, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "toasted sesame seeds", + "vegetable oil", + "reduced sodium soy sauce", + "boiling water", + "sweet potato vermicelli" + ] + }, + { + "id": 963, + "cuisine": "southern_us", + "ingredients": [ + "syrup", + "lemon juice", + "eggs", + "vegetable oil", + "water", + "lemon cake mix", + "sugar", + "pudding powder" + ] + }, + { + "id": 17200, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "diced green chilies", + "garlic", + "sharp cheddar cheese", + "adobo sauce", + "kosher salt", + "chicken breasts", + "hot sauce", + "smoked gouda", + "olive oil", + "chili powder", + "yellow onion", + "chipotle peppers", + "black pepper", + "flour tortillas", + "all-purpose flour", + "sour cream", + "cumin" + ] + }, + { + "id": 40627, + "cuisine": "french", + "ingredients": [ + "superfine sugar", + "salt", + "powdered sugar", + "egg whites", + "pure vanilla extract", + "almond flour", + "sugar", + "light corn syrup" + ] + }, + { + "id": 49292, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "coffee", + "butter", + "salt", + "eggs", + "milk", + "baking powder", + "vanilla", + "powdered sugar", + "baking soda", + "vegetable oil", + "red food coloring", + "white distilled vinegar", + "flour", + "buttermilk", + "unsweetened cocoa powder" + ] + }, + { + "id": 37364, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "lime wedges", + "scallions", + "medium shrimp", + "light brown sugar", + "fresh cilantro", + "red pepper flakes", + "beansprouts", + "rice stick noodles", + "dry roasted peanuts", + "vegetable oil", + "garlic cloves", + "tomatoes", + "large eggs", + "anchovy paste", + "fresh lime juice" + ] + }, + { + "id": 32027, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "mustard seeds", + "salmon", + "vegetable oil", + "ground turmeric", + "chile pepper", + "onions", + "water", + "salt" + ] + }, + { + "id": 38210, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "tomatillos", + "sour cream", + "kosher salt", + "diced red onions", + "cream cheese", + "beef", + "cilantro", + "mozzarella cheese", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 49325, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "garlic salt", + "lemon juice", + "avocado", + "cream cheese, soften", + "picante sauce" + ] + }, + { + "id": 6121, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "ground ginger", + "boneless skinless chicken breasts", + "garlic cloves", + "zucchini", + "balsamic vinegar", + "white button mushrooms", + "sesame oil", + "corn starch" + ] + }, + { + "id": 14259, + "cuisine": "japanese", + "ingredients": [ + "sake", + "mirin", + "honey", + "onions", + "light soy sauce", + "chicken fillets", + "fresh ginger" + ] + }, + { + "id": 2425, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "old bay seasoning", + "hot pepper sauce", + "cream cheese, soften", + "lump crab meat", + "fresh lemon juice", + "finely chopped onion" + ] + }, + { + "id": 18822, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "green onions", + "oyster sauce", + "dark soy sauce", + "soaking liquid", + "vegetable oil", + "fresh ginger", + "chicken breasts", + "chinese rice wine", + "mushrooms", + "garlic" + ] + }, + { + "id": 12497, + "cuisine": "french", + "ingredients": [ + "vidalia onion", + "extra-virgin olive oil", + "vegetables", + "sauce", + "sweet chili sauce", + "beef fillet", + "coarse salt", + "freshly ground pepper" + ] + }, + { + "id": 19083, + "cuisine": "spanish", + "ingredients": [ + "cauliflower", + "fresh lemon juice", + "extra-virgin olive oil", + "serrano ham", + "grape tomatoes", + "flat leaf parsley", + "purple onion" + ] + }, + { + "id": 35119, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "parmesan cheese", + "heavy cream", + "garlic cloves", + "pork cutlets", + "olive oil", + "balsamic vinegar", + "all-purpose flour", + "onions", + "pepper", + "egg noodles", + "salt", + "red bell pepper", + "chicken broth", + "garlic powder", + "butter", + "cream cheese" + ] + }, + { + "id": 22640, + "cuisine": "chinese", + "ingredients": [ + "duck breasts", + "radishes", + "vegetable oil", + "golden caster sugar", + "soy sauce", + "rice wine", + "chinese five-spice powder", + "brown sugar", + "sesame seeds", + "sesame oil", + "garlic cloves", + "red chili peppers", + "clear honey", + "white wine vinegar" + ] + }, + { + "id": 30791, + "cuisine": "chinese", + "ingredients": [ + "ground black pepper", + "Yakisoba noodles", + "soy sauce", + "garlic", + "cabbage", + "brown sugar", + "vegetable oil", + "onions", + "fresh ginger", + "chopped celery" + ] + }, + { + "id": 4568, + "cuisine": "greek", + "ingredients": [ + "anise seed", + "milk", + "butter", + "whole allspice", + "sesame seeds", + "all-purpose flour", + "eggs", + "active dry yeast", + "salt", + "sugar", + "large eggs" + ] + }, + { + "id": 18094, + "cuisine": "jamaican", + "ingredients": [ + "ground ginger", + "pepper", + "ground nutmeg", + "sea salt", + "chicken pieces", + "sugar", + "olive oil", + "onion powder", + "ground rosemary", + "black pepper", + "garlic powder", + "ground thyme", + "ground allspice", + "ground cinnamon", + "lime", + "bay leaves", + "paprika" + ] + }, + { + "id": 2011, + "cuisine": "southern_us", + "ingredients": [ + "old bay seasoning", + "onions", + "bacon", + "black-eyed peas" + ] + }, + { + "id": 13771, + "cuisine": "french", + "ingredients": [ + "fine sea salt", + "shallots", + "lemon juice", + "extra-virgin olive oil", + "radishes", + "dijon style mustard" + ] + }, + { + "id": 1591, + "cuisine": "italian", + "ingredients": [ + "sugar", + "chopped fresh herbs", + "extra-virgin olive oil", + "cherry tomatoes", + "campanelle", + "garlic cloves" + ] + }, + { + "id": 13011, + "cuisine": "french", + "ingredients": [ + "large eggs", + "lemon slices", + "almonds", + "salt", + "fresh lemon juice", + "sugar", + "ice water", + "all-purpose flour", + "unsalted butter", + "crème fraîche" + ] + }, + { + "id": 36017, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "salt", + "pepper", + "baking potatoes", + "garlic cloves", + "turkey kielbasa", + "chopped onion", + "kale", + "1% low-fat milk" + ] + }, + { + "id": 31799, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "butter", + "white sugar", + "milk", + "Dutch-processed cocoa powder", + "shortening", + "vanilla extract", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 22335, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "crushed red pepper flakes", + "green chilies", + "onions", + "coconut", + "garlic", + "black mustard seeds", + "curry leaves", + "green peas", + "cumin seed", + "ground turmeric", + "fresh ginger", + "salt", + "cinnamon sticks" + ] + }, + { + "id": 18891, + "cuisine": "mexican", + "ingredients": [ + "honey", + "salt", + "medium shrimp", + "cider vinegar", + "cooking spray", + "celery", + "sliced green onions", + "cherry tomatoes", + "ground red pepper", + "fresh lime juice", + "avocado", + "Anaheim chile", + "cucumber", + "chopped cilantro fresh" + ] + }, + { + "id": 30935, + "cuisine": "italian", + "ingredients": [ + "sliced almonds", + "asiago", + "white wine vinegar", + "ground black pepper", + "manzanilla", + "water", + "Italian parsley leaves", + "large garlic cloves", + "uncooked rigatoni" + ] + }, + { + "id": 3348, + "cuisine": "korean", + "ingredients": [ + "kosher salt", + "freshly ground pepper", + "short rib", + "coconut aminos", + "garlic cloves", + "organic chicken broth", + "ginger", + "scallions", + "pears", + "fish sauce", + "coconut vinegar", + "chopped cilantro fresh" + ] + }, + { + "id": 38463, + "cuisine": "mexican", + "ingredients": [ + "sliced black olives", + "chili powder", + "black beans", + "green onions", + "ground cumin", + "water", + "brown rice", + "black pepper", + "jalapeno chilies", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 32463, + "cuisine": "jamaican", + "ingredients": [ + "mayonaise", + "flour", + "salt", + "lime", + "dried salted codfish", + "chopped garlic", + "pepper", + "baking powder", + "oil", + "cold water", + "chili paste", + "purple onion" + ] + }, + { + "id": 49020, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "scallions", + "Shaoxing wine", + "garlic", + "ground white pepper", + "sugar", + "chicken breasts", + "salt", + "onions", + "steamed rice", + "ginger", + "corn starch" + ] + }, + { + "id": 47136, + "cuisine": "italian", + "ingredients": [ + "pecorino romano cheese", + "arugula", + "pinenuts", + "extra-virgin olive oil", + "water", + "garlic cloves", + "loosely packed fresh basil leaves", + "grated lemon peel" + ] + }, + { + "id": 1381, + "cuisine": "italian", + "ingredients": [ + "vegetable oil cooking spray", + "garlic powder", + "all-purpose flour", + "low-fat spaghetti sauce", + "chicken breast halves", + "pepper", + "egg whites", + "cornflakes", + "part-skim mozzarella cheese", + "paprika" + ] + }, + { + "id": 25644, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "shiitake", + "vegetable oil", + "fish balls", + "noodles", + "white pepper", + "bay scallops", + "garlic", + "shrimp", + "kosher salt", + "sesame oil", + "squid", + "corn starch", + "soy sauce", + "baking soda", + "choy sum", + "oyster sauce" + ] + }, + { + "id": 35733, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "coarse salt", + "fresh parsley", + "lime", + "dry white wine", + "garlic", + "red snapper", + "fennel", + "watercress", + "fronds", + "shallots", + "freshly ground pepper" + ] + }, + { + "id": 13420, + "cuisine": "jamaican", + "ingredients": [ + "brown sugar", + "cinnamon", + "thyme", + "nutmeg", + "pepper", + "berries", + "black pepper", + "salt", + "low sodium soy sauce", + "green onions", + "garlic cloves" + ] + }, + { + "id": 33299, + "cuisine": "southern_us", + "ingredients": [ + "bread", + "salt", + "black pepper", + "white sugar", + "whole peeled tomatoes", + "butter" + ] + }, + { + "id": 2414, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "turkey sausage", + "ground black pepper", + "paprika", + "olive oil", + "sea salt", + "chile powder", + "shallots", + "shrimp" + ] + }, + { + "id": 36326, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "salt", + "olive oil", + "flat leaf parsley", + "lemon zest", + "minced garlic", + "carrots" + ] + }, + { + "id": 16882, + "cuisine": "thai", + "ingredients": [ + "lime", + "garlic", + "red bell pepper", + "jasmine rice", + "cilantro", + "scallions", + "unsweetened coconut milk", + "palm sugar", + "red curry paste", + "lemongrass", + "ginger", + "shrimp" + ] + }, + { + "id": 24072, + "cuisine": "french", + "ingredients": [ + "strawberry ice cream", + "sorbet" + ] + }, + { + "id": 2310, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "stewed tomatoes", + "hot sauce", + "chicken broth", + "boneless skinless chicken breasts", + "smoked sausage", + "onions", + "green onions", + "garlic", + "green pepper", + "pepper", + "butter", + "salt", + "basmati rice" + ] + }, + { + "id": 24688, + "cuisine": "italian", + "ingredients": [ + "manicotti shells", + "shredded mozzarella cheese", + "pork sausages", + "minced garlic", + "fresh parsley", + "pasta sauce", + "ground beef", + "dried oregano", + "sweet onion", + "italian seasoned dry bread crumbs" + ] + }, + { + "id": 37425, + "cuisine": "french", + "ingredients": [ + "milk", + "vanilla", + "sugar", + "semisweet chocolate", + "large egg yolks", + "coffee beans", + "eggs", + "instant espresso powder" + ] + }, + { + "id": 13570, + "cuisine": "southern_us", + "ingredients": [ + "worcestershire sauce", + "horseradish", + "fresh lemon juice", + "ketchup", + "hot sauce" + ] + }, + { + "id": 40047, + "cuisine": "italian", + "ingredients": [ + "chees fresh mozzarella", + "fresh basil", + "penne pasta", + "red wine vinegar", + "plum tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 41519, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "cooking spray", + "chees fresh mozzarella", + "fresh oregano", + "red bell pepper", + "caper berries", + "olive oil", + "pitted green olives", + "crushed red pepper", + "baby zucchini", + "grated orange", + "tomatoes", + "ground black pepper", + "large garlic cloves", + "salt", + "garlic cloves", + "japanese eggplants", + "sweet onion", + "red wine vinegar", + "extra-virgin olive oil", + "pizza doughs", + "fresh basil leaves" + ] + }, + { + "id": 14475, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "tuna", + "soy sauce", + "rolls", + "wasabi", + "pickled okra", + "pickled vegetables", + "gari", + "cream cheese, soften" + ] + }, + { + "id": 32086, + "cuisine": "japanese", + "ingredients": [ + "bonito flakes", + "sesame seeds", + "toasted nori", + "smoked sea salt" + ] + }, + { + "id": 15362, + "cuisine": "chinese", + "ingredients": [ + "spring roll wrappers", + "shredded carrots", + "vegetable oil", + "chopped cilantro fresh", + "water", + "green onions", + "oyster sauce", + "minced garlic", + "shredded cabbage", + "ground pork", + "chile sauce", + "fresh ginger root", + "sesame oil", + "corn starch" + ] + }, + { + "id": 40421, + "cuisine": "spanish", + "ingredients": [ + "water", + "tomato sauce", + "salt", + "instant rice", + "chunky salsa", + "seasoning", + "chili powder" + ] + }, + { + "id": 17003, + "cuisine": "japanese", + "ingredients": [ + "red chili powder", + "kasuri methi", + "onions", + "chopped tomatoes", + "okra", + "cumin", + "amchur", + "cilantro leaves", + "boiling potatoes", + "garam masala", + "oil" + ] + }, + { + "id": 25310, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "egg whites", + "salt", + "chinese black vinegar", + "white pepper", + "chives", + "shrimp", + "soy sauce", + "tapioca starch", + "oil", + "fish sauce", + "cooking oil", + "sesame oil", + "chicken-flavored soup powder" + ] + }, + { + "id": 22618, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning", + "refried beans", + "corn tortillas", + "shredded cheddar cheese", + "enchilada sauce", + "onion flakes", + "ground beef" + ] + }, + { + "id": 24546, + "cuisine": "thai", + "ingredients": [ + "peanuts", + "lime wedges", + "carrots", + "ground cayenne pepper", + "tomato paste", + "green onions", + "cilantro", + "olive oil cooking spray", + "green cabbage", + "egg whites", + "rice noodles", + "Thai fish sauce", + "fresh lime juice", + "honey", + "apple cider vinegar", + "firm tofu", + "beansprouts" + ] + }, + { + "id": 19511, + "cuisine": "french", + "ingredients": [ + "coarse salt", + "grated nutmeg", + "large eggs", + "salt", + "unsalted butter", + "baking potatoes", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 41601, + "cuisine": "cajun_creole", + "ingredients": [ + "lump crab meat", + "diced tomatoes", + "baby spinach leaves", + "chopped fresh thyme", + "garlic cloves", + "vegetable oil", + "all-purpose flour", + "bottled clam juice", + "cajun seasoning", + "juice" + ] + }, + { + "id": 42063, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "soft tofu", + "scallions", + "water", + "white rice", + "canola oil", + "kosher salt", + "ground pork", + "corn starch", + "ground chuck", + "hoisin sauce", + "bean sauce" + ] + }, + { + "id": 7418, + "cuisine": "irish", + "ingredients": [ + "fat free less sodium chicken broth", + "leeks", + "asiago", + "chervil", + "olive oil", + "yukon gold potatoes", + "all-purpose flour", + "black pepper", + "reduced fat milk", + "butter", + "minced garlic", + "green onions", + "salt" + ] + }, + { + "id": 31560, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "water", + "vegetable oil", + "salt", + "bread flour", + "part-skim mozzarella", + "dry yeast", + "garlic", + "freshly ground pepper", + "fresh basil", + "honey", + "extra-virgin olive oil", + "fresh oregano", + "semolina flour", + "grated parmesan cheese", + "plums", + "cornmeal" + ] + }, + { + "id": 20016, + "cuisine": "thai", + "ingredients": [ + "serrano chilies", + "curry powder", + "butternut squash", + "green beans", + "ground ginger", + "tumeric", + "lime", + "yellow onion", + "medium shrimp", + "chicken stock", + "fish sauce", + "lemongrass", + "basil", + "coconut milk", + "kaffir lime leaves", + "minced garlic", + "olive oil", + "chinese ginger" + ] + }, + { + "id": 9915, + "cuisine": "vietnamese", + "ingredients": [ + "mayonaise", + "water", + "extra firm tofu", + "garlic", + "carrots", + "baguette", + "Sriracha", + "cilantro sprigs", + "lemon juice", + "soy sauce", + "white miso", + "daikon", + "rice vinegar", + "sugar", + "lime juice", + "jalapeno chilies", + "purple onion", + "cucumber" + ] + }, + { + "id": 12286, + "cuisine": "irish", + "ingredients": [ + "milk", + "butter", + "all-purpose flour", + "baking powder", + "currant", + "baking soda", + "raisins", + "white sugar", + "caraway seeds", + "apple cider vinegar", + "salt" + ] + }, + { + "id": 30865, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "rib", + "unsweetened coconut milk", + "chicken breasts", + "chili", + "chopped cilantro fresh", + "lime juice", + "low salt chicken broth" + ] + }, + { + "id": 15178, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "lettuce leaves", + "carrots", + "fresh basil", + "dijon mustard", + "rice bran oil", + "rice paper", + "lime", + "rice vinegar", + "fresh mint", + "brown sugar", + "Haas avocados", + "english cucumber" + ] + }, + { + "id": 46800, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "apple cider vinegar", + "boneless pork shoulder", + "golden brown sugar", + "crushed red pepper", + "black pepper", + "worcestershire sauce", + "hamburger buns", + "dijon mustard", + "salt" + ] + }, + { + "id": 6379, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "crème fraîche", + "polenta", + "whole milk", + "extra-virgin olive oil", + "bay leaf", + "butter", + "low salt chicken broth", + "wild mushrooms", + "shallots", + "cheese", + "fresh parsley" + ] + }, + { + "id": 8890, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sake", + "oil", + "sesame", + "boneless chicken thighs", + "sugar" + ] + }, + { + "id": 29909, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "crushed red pepper", + "white onion", + "extra-virgin olive oil", + "carrots", + "dandelion greens", + "salt", + "fava beans", + "yukon gold potatoes", + "garlic cloves" + ] + }, + { + "id": 37573, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vanilla extract", + "large eggs", + "all-purpose flour", + "baking soda", + "salt", + "butter" + ] + }, + { + "id": 22598, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "vegetable shortening", + "self rising flour" + ] + }, + { + "id": 20680, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "spring onions", + "oil", + "red chili peppers", + "egg roll wraps", + "cilantro leaves", + "carrots", + "dark soy sauce", + "lime", + "rice noodles", + "garlic cloves", + "caster sugar", + "mint leaves", + "rice vinegar", + "beansprouts" + ] + }, + { + "id": 21958, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "garlic powder", + "fresh orange juice", + "orange zest", + "brown sugar", + "water", + "green onions", + "oil", + "minced garlic", + "flour", + "rice vinegar", + "soy sauce", + "minced ginger", + "boneless skinless chicken breasts", + "corn starch" + ] + }, + { + "id": 37553, + "cuisine": "greek", + "ingredients": [ + "frozen spinach", + "pepper", + "salt", + "greek seasoning", + "feta cheese", + "pasta", + "olive oil", + "shrimp", + "fresh dill", + "heavy cream" + ] + }, + { + "id": 46672, + "cuisine": "brazilian", + "ingredients": [ + "melted butter", + "mozzarella cheese", + "pizza seasoning", + "baking powder", + "eggs", + "pizza sauce", + "pizza toppings", + "tapioca flour" + ] + }, + { + "id": 42750, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame oil", + "chinese five-spice powder", + "ketchup", + "red food coloring", + "brandy", + "red preserved bean curd", + "hoisin sauce", + "salt" + ] + }, + { + "id": 48502, + "cuisine": "chinese", + "ingredients": [ + "chile paste with garlic", + "water chestnuts", + "wonton wrappers", + "dried shiitake mushrooms", + "corn starch", + "water", + "green onions", + "salt", + "grated lemon zest", + "ground chicken", + "peeled fresh ginger", + "dry sherry", + "hot sauce", + "bok choy", + "low sodium soy sauce", + "mirin", + "vegetable oil", + "seasoned rice wine vinegar", + "dark sesame oil" + ] + }, + { + "id": 25313, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "garlic", + "tomato paste", + "chili powder", + "onions", + "flour tortillas", + "salt", + "tomato sauce", + "lean ground beef", + "ground cumin" + ] + }, + { + "id": 41286, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "long grain brown rice", + "pimento stuffed green olives", + "olive oil", + "frozen corn kernels", + "fresh lime juice", + "ground cumin", + "green bell pepper", + "lime wedges", + "grate lime peel", + "chunky salsa", + "water", + "salt", + "red bell pepper", + "large shrimp" + ] + }, + { + "id": 33652, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "minced garlic", + "basil leaves", + "ricotta cheese", + "nutmeg", + "mozzarella cheese", + "grated parmesan cheese", + "lasagna sheets", + "salt", + "brown sugar", + "olive oil", + "boneless skinless chicken breasts", + "garlic", + "tomatoes", + "pepper", + "egg yolks", + "balsamic vinegar", + "chili sauce" + ] + }, + { + "id": 18191, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "baby carrots", + "green cabbage", + "leeks", + "low salt chicken broth", + "olive oil", + "sausages", + "tomato paste", + "cannellini beans", + "flat leaf parsley" + ] + }, + { + "id": 1673, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "uncooked rigatoni", + "Italian turkey sausage", + "fat free milk", + "yellow bell pepper", + "chopped onion", + "marinara sauce", + "salt", + "garlic cloves", + "green bell pepper", + "cooking spray", + "all-purpose flour", + "red bell pepper" + ] + }, + { + "id": 49049, + "cuisine": "thai", + "ingredients": [ + "chiles", + "lemongrass", + "chopped cilantro", + "water", + "coconut milk", + "straw mushrooms", + "skinless chicken breasts", + "galangal", + "fish sauce", + "lime juice", + "lime leaves" + ] + }, + { + "id": 27989, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "basil leaves", + "tomatoes", + "salt" + ] + }, + { + "id": 42716, + "cuisine": "cajun_creole", + "ingredients": [ + "fennel seeds", + "dried thyme", + "creole seasoning", + "dried lentils", + "beef stock", + "carrots", + "chicken stock", + "olive oil", + "chopped onion", + "andouille sausage", + "chopped celery" + ] + }, + { + "id": 10053, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "shallots", + "roasted peanuts", + "fish sauce", + "flour", + "vegetable oil", + "cucumber", + "lime", + "rice noodles", + "garlic cloves", + "brown sugar", + "peeled prawns", + "purple onion", + "coriander" + ] + }, + { + "id": 5009, + "cuisine": "italian", + "ingredients": [ + "white button mushrooms", + "olive oil", + "skinless chicken breasts", + "pepper", + "salt", + "chicken broth", + "balsamic vinegar", + "onions", + "dried thyme", + "all-purpose flour" + ] + }, + { + "id": 43847, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "chili powder", + "green cardamom", + "garam masala", + "paneer", + "onions", + "cream", + "butter", + "oil", + "coriander powder", + "salt", + "methi" + ] + }, + { + "id": 4817, + "cuisine": "cajun_creole", + "ingredients": [ + "lower sodium chicken broth", + "white onion", + "brown rice", + "okra", + "medium shrimp", + "tomatoes", + "boneless chicken skinless thigh", + "hot pepper sauce", + "all-purpose flour", + "carrots", + "canola oil", + "celery ribs", + "green bell pepper", + "water", + "worcestershire sauce", + "garlic cloves", + "onions", + "black peppercorns", + "black pepper", + "bay leaves", + "creole seasoning", + "smoked paprika" + ] + }, + { + "id": 21223, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "cilantro", + "tomatillos", + "lime", + "garlic cloves" + ] + }, + { + "id": 516, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "bay leaves", + "old bay seasoning", + "garlic cloves", + "chicken broth", + "olive oil", + "chicken breasts", + "hot sauce", + "crushed tomatoes", + "turkey kielbasa", + "salt", + "onions", + "celery stick", + "bell pepper", + "red pepper flakes", + "long-grain rice" + ] + }, + { + "id": 22298, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "salt", + "tomatoes", + "cooking spray", + "sharp cheddar cheese", + "flour", + "penne pasta", + "black pepper", + "butter" + ] + }, + { + "id": 46764, + "cuisine": "southern_us", + "ingredients": [ + "egg whites", + "frosting", + "butter", + "white cake mix", + "buttermilk", + "almond extract" + ] + }, + { + "id": 38400, + "cuisine": "spanish", + "ingredients": [ + "green bell pepper", + "hot pepper sauce", + "littleneck clams", + "sweet onion", + "dry white wine", + "olive oil", + "large garlic cloves", + "crushed tomatoes", + "bay leaves", + "red bell pepper" + ] + }, + { + "id": 38125, + "cuisine": "italian", + "ingredients": [ + "pepper", + "garlic", + "avocado", + "parsley", + "olive oil", + "salt", + "pasta", + "lemon" + ] + }, + { + "id": 46152, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "goat cheese", + "french bread", + "sugar", + "basil leaves", + "roasted red peppers", + "onions" + ] + }, + { + "id": 10079, + "cuisine": "southern_us", + "ingredients": [ + "andouille chicken sausage", + "chopped celery", + "peanut oil", + "fresh thyme leaves", + "yellow onion", + "red bell pepper", + "chopped green bell pepper", + "salt", + "long grain brown rice", + "chicken broth", + "garlic", + "cayenne pepper" + ] + }, + { + "id": 12772, + "cuisine": "southern_us", + "ingredients": [ + "bread crumbs", + "grated parmesan cheese", + "all-purpose flour", + "onions", + "andouille sausage", + "shredded cheddar cheese", + "butter", + "elbow macaroni", + "kosher salt", + "prepared mustard", + "grated Gruyère cheese", + "black pepper", + "milk", + "paprika", + "celery" + ] + }, + { + "id": 6624, + "cuisine": "japanese", + "ingredients": [ + "water", + "eggs", + "baking powder", + "plain flour", + "bananas", + "sugar", + "vegetable oil" + ] + }, + { + "id": 7981, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "shallots", + "roasted peanuts", + "minced garlic", + "crushed red pepper flakes", + "coconut milk", + "pomelo", + "cilantro leaves", + "fresh lime juice", + "coconut flakes", + "vegetable oil", + "shrimp" + ] + }, + { + "id": 35921, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "oil", + "chicken pieces", + "red curry paste", + "fresh lemon juice", + "ground turmeric", + "water", + "organic sugar", + "curry paste", + "peanut butter", + "coconut milk" + ] + }, + { + "id": 30507, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "ricotta cheese", + "grated parmesan cheese", + "salt", + "pepper", + "fresh mozzarella", + "eggs", + "lasagna noodles, cooked and drained" + ] + }, + { + "id": 10520, + "cuisine": "southern_us", + "ingredients": [ + "country ham", + "chopped fresh thyme", + "onions", + "black-eyed peas", + "thyme sprigs", + "olive oil", + "freshly ground pepper", + "chicken broth", + "balsamic vinegar", + "bay leaf" + ] + }, + { + "id": 34044, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "vanilla extract", + "water", + "coffee beans", + "sugar", + "1% low-fat milk", + "mint sprigs" + ] + }, + { + "id": 3773, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "worcestershire sauce", + "hot sauce", + "pepper", + "salt", + "ground cumin", + "crawfish", + "garlic", + "onions", + "butter", + "all-purpose flour" + ] + }, + { + "id": 49501, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "shrimp", + "chile pepper", + "garlic cloves", + "salt", + "parsley", + "lemon juice" + ] + }, + { + "id": 17776, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "red wine vinegar", + "boneless chicken skinless thigh", + "cayenne", + "chopped cilantro", + "ground ginger", + "garlic powder", + "nonfat yogurt plain", + "kosher salt", + "vegetable oil", + "ground cumin" + ] + }, + { + "id": 26937, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "chopped onion", + "monterey jack", + "olive oil", + "corn tortillas", + "shredded cheddar cheese", + "enchilada sauce", + "black pepper", + "chili powder", + "ground beef" + ] + }, + { + "id": 10410, + "cuisine": "mexican", + "ingredients": [ + "onions", + "flour tortillas", + "green bell pepper", + "fajita seasoning mix", + "pork tenderloin" + ] + }, + { + "id": 17813, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "avocado", + "serrano chile" + ] + }, + { + "id": 2639, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "egg whites", + "grated nutmeg", + "seasoning salt", + "paprika", + "fresh parsley", + "minced garlic", + "red wine", + "ground beef", + "olive oil", + "ground pork" + ] + }, + { + "id": 1984, + "cuisine": "brazilian", + "ingredients": [ + "seedless watermelon", + "demerara sugar", + "cachaca", + "lime juice", + "basil leaves" + ] + }, + { + "id": 19310, + "cuisine": "indian", + "ingredients": [ + "evaporated milk", + "tahini", + "ginger", + "meat tenderizer", + "onions", + "white pepper", + "coriander powder", + "cinnamon", + "green cardamom", + "garlic cloves", + "saffron", + "clove", + "garam masala", + "yoghurt", + "salt", + "oil", + "cashew nuts", + "mace", + "boneless chicken breast", + "poppy seeds", + "brown cardamom", + "coconut milk" + ] + }, + { + "id": 44714, + "cuisine": "southern_us", + "ingredients": [ + "diced onions", + "milk", + "baking powder", + "chiles", + "jalapeno chilies", + "cornmeal", + "eggs", + "baking soda", + "salt", + "sugar", + "flour" + ] + }, + { + "id": 33617, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "jicama", + "chopped cilantro fresh", + "lime juice", + "frozen corn kernels", + "purple onion", + "mango" + ] + }, + { + "id": 25715, + "cuisine": "italian", + "ingredients": [ + "warm water", + "balsamic vinegar", + "all-purpose flour", + "fresh rosemary", + "olive oil", + "rapid rise yeast", + "yellow corn meal", + "kosher salt", + "diced tomatoes", + "freshly ground pepper", + "sugar", + "parmesan cheese", + "salt" + ] + }, + { + "id": 41996, + "cuisine": "brazilian", + "ingredients": [ + "black beans", + "bacon", + "sausages", + "tomato paste", + "water", + "salt", + "onions", + "pepper", + "garlic", + "bay leaf", + "chicken broth", + "chili powder", + "ground coriander", + "pork butt roast" + ] + }, + { + "id": 9958, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "chopped fresh mint", + "cucumber", + "lemon juice", + "white sugar", + "greek yogurt" + ] + }, + { + "id": 20310, + "cuisine": "southern_us", + "ingredients": [ + "chopped pecans", + "butter", + "vanilla extract", + "powdered sugar", + "cream cheese, soften" + ] + }, + { + "id": 49305, + "cuisine": "jamaican", + "ingredients": [ + "white rum", + "lemon juice", + "fresh ginger", + "sugar", + "boiling water", + "sorrel", + "berries" + ] + }, + { + "id": 3440, + "cuisine": "british", + "ingredients": [ + "dried currants", + "ground nutmeg", + "golden raisins", + "orange juice", + "grated lemon peel", + "ground cinnamon", + "ground cloves", + "unsalted butter", + "rum raisin ice cream", + "pitted prunes", + "brandy", + "light molasses", + "salt", + "dark brown sugar", + "grated orange peel", + "milk", + "dark rum", + "ground allspice", + "pippin apples" + ] + }, + { + "id": 43434, + "cuisine": "indian", + "ingredients": [ + "salt", + "basmati rice", + "coconut milk" + ] + }, + { + "id": 4003, + "cuisine": "italian", + "ingredients": [ + "water", + "artichokes", + "black pepper", + "fresh parmesan cheese", + "olive oil", + "salt", + "minced garlic", + "lemon" + ] + }, + { + "id": 33906, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "dried oregano", + "provolone cheese", + "eggplant", + "italian salad dressing", + "marinara sauce", + "dried rosemary" + ] + }, + { + "id": 22493, + "cuisine": "cajun_creole", + "ingredients": [ + "active dry yeast", + "salt", + "warm water", + "large eggs", + "confectioners sugar", + "sugar", + "evaporated milk", + "all-purpose flour", + "canola", + "butter" + ] + }, + { + "id": 10436, + "cuisine": "vietnamese", + "ingredients": [ + "chiles", + "curry powder", + "salt", + "boneless, skinless chicken breast", + "cooking oil", + "garlic cloves", + "sugar", + "lemongrass", + "scallions", + "fish sauce", + "water", + "shallots", + "bulb" + ] + }, + { + "id": 36845, + "cuisine": "italian", + "ingredients": [ + "halibut fillets", + "crushed red pepper", + "flat leaf parsley", + "cavatappi", + "littleneck clams", + "salt", + "plum tomatoes", + "water", + "dry red wine", + "garlic cloves", + "olive oil", + "purple onion", + "medium shrimp" + ] + }, + { + "id": 773, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "salt", + "arborio rice", + "vegetable broth", + "butter", + "chanterelle", + "ground black pepper", + "garlic" + ] + }, + { + "id": 25803, + "cuisine": "mexican", + "ingredients": [ + "jack", + "enchilada sauce", + "green onions", + "tortillas", + "rotisserie chicken" + ] + }, + { + "id": 10754, + "cuisine": "italian", + "ingredients": [ + "Alfredo sauce", + "grated parmesan cheese", + "shredded mozzarella cheese", + "frozen chopped spinach", + "cheese tortellini", + "marinara sauce", + "italian seasoning" + ] + }, + { + "id": 41011, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "fresh lemon juice", + "onions", + "rosemary", + "bone-in pork chops", + "flat leaf parsley", + "reduced sodium chicken broth", + "extra-virgin olive oil", + "red bell pepper", + "unsalted butter", + "garlic cloves", + "cherry peppers" + ] + }, + { + "id": 31685, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "almond extract", + "salt", + "white vinegar", + "low-fat buttermilk", + "red food coloring", + "unsweetened cocoa powder", + "granulated sugar", + "vegetable shortening", + "all-purpose flour", + "cream cheese frosting", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 5109, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "flour tortillas", + "yellow onion", + "black pepper", + "lime", + "chili powder", + "red bell pepper", + "green bell pepper", + "fresh cilantro", + "yoghurt", + "sweet corn", + "black beans", + "olive oil", + "garlic", + "ground cumin" + ] + }, + { + "id": 14338, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "barbecue sauce", + "tortilla chips", + "pepper", + "bacon", + "onions", + "tomatoes", + "green onions", + "ground beef", + "shredded cheddar cheese", + "salt" + ] + }, + { + "id": 10466, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "honey", + "lean ground beef", + "garlic", + "celery", + "bread crumbs", + "whole milk", + "ground pork", + "cayenne pepper", + "black pepper", + "bell pepper", + "worcestershire sauce", + "hot sauce", + "ketchup", + "ground nutmeg", + "butter", + "salt", + "onions" + ] + }, + { + "id": 13040, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "scallions", + "paprika", + "honey", + "fresh lime juice", + "fat free yogurt", + "cilantro" + ] + }, + { + "id": 17257, + "cuisine": "italian", + "ingredients": [ + "pink grapefruit juice", + "campari", + "star anise", + "bitters", + "agave nectar", + "grapefruit" + ] + }, + { + "id": 45660, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "garlic", + "oyster sauce", + "soy sauce", + "sesame oil", + "scallions", + "chili paste", + "dark brown sugar", + "fish", + "kosher salt", + "crushed red pepper flakes", + "fresh lemon juice" + ] + }, + { + "id": 47517, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "jalapeno chilies", + "frozen corn kernels", + "corn tortillas", + "lower sodium chicken broth", + "salsa verde", + "shredded sharp cheddar cheese", + "garlic cloves", + "ground cumin", + "water", + "ground red pepper", + "low-fat cream cheese", + "bone in chicken thighs", + "kosher salt", + "cooking spray", + "chopped onion", + "chopped cilantro fresh" + ] + }, + { + "id": 11915, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "lemon-lime soda", + "grated lemon peel", + "unsalted butter", + "all-purpose flour", + "vegetable oil spray", + "salt", + "powdered sugar", + "large eggs", + "grate lime peel" + ] + }, + { + "id": 23928, + "cuisine": "chinese", + "ingredients": [ + "sweet potato starch", + "ground black pepper", + "coarse salt", + "chinese five-spice powder", + "boneless chicken skinless thigh", + "sesame oil", + "garlic", + "corn starch", + "soy sauce", + "Shaoxing wine", + "ginger", + "garlic cloves", + "thai basil", + "vegetable oil", + "granulated white sugar", + "ground white pepper" + ] + }, + { + "id": 36184, + "cuisine": "korean", + "ingredients": [ + "dijon mustard", + "salt", + "garlic cloves", + "snow peas", + "molasses", + "purple onion", + "long-grain rice", + "chopped cilantro fresh", + "low sodium soy sauce", + "extra firm tofu", + "peanut oil", + "carrots", + "sugar", + "vegetable broth", + "fresh onion", + "red bell pepper" + ] + }, + { + "id": 39971, + "cuisine": "italian", + "ingredients": [ + "mushrooms", + "fresh parsley", + "water", + "cream cheese", + "spaghetti", + "cooking spray", + "salad dressing mix", + "condensed cream of chicken soup", + "garlic", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 38220, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "bananas", + "white sugar", + "white vinegar", + "peanut butter", + "egg yolks" + ] + }, + { + "id": 16060, + "cuisine": "italian", + "ingredients": [ + "hot red pepper flakes", + "large eggs", + "part-skim ricotta cheese", + "red bell pepper", + "tomatoes", + "olive oil", + "basil", + "scallions", + "onions", + "pasta", + "dried thyme", + "large garlic cloves", + "ground allspice", + "ground turkey", + "part-skim mozzarella", + "freshly grated parmesan", + "dry red wine", + "carrots" + ] + }, + { + "id": 26478, + "cuisine": "vietnamese", + "ingredients": [ + "black pepper", + "corn starch", + "fish sauce", + "flank steak", + "regular soy sauce", + "sugar", + "salt" + ] + }, + { + "id": 26831, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "garlic powder", + "onion powder", + "sour cream", + "mango", + "fresh cilantro", + "guacamole", + "beer", + "chopped cilantro", + "pork shoulder roast", + "jalapeno chilies", + "salt", + "corn tortillas", + "canola oil", + "lime", + "chili powder", + "smoked paprika", + "cumin" + ] + }, + { + "id": 28688, + "cuisine": "moroccan", + "ingredients": [ + "chicken stock", + "drumstick", + "lemon", + "black olives", + "chicken", + "green olives", + "fresh coriander", + "ginger", + "garlic cloves", + "tumeric", + "flour", + "extra-virgin olive oil", + "cumin", + "tomatoes", + "black pepper", + "paprika", + "cayenne pepper" + ] + }, + { + "id": 40570, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "olive oil", + "whipping cream", + "low salt chicken broth", + "pinenuts", + "meatballs", + "penne pasta", + "cherry tomatoes", + "grated parmesan cheese", + "garlic cloves", + "serrano chilies", + "eggplant", + "salt", + "fresh basil leaves" + ] + }, + { + "id": 36494, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "lemon wedge", + "spaghetti", + "pasta sauce", + "precooked meatballs", + "crushed red pepper", + "dried basil", + "kalamata", + "capers", + "parmesan cheese", + "anchovy paste" + ] + }, + { + "id": 22612, + "cuisine": "mexican", + "ingredients": [ + "grape tomatoes", + "milk", + "purple onion", + "chorizo sausage", + "black beans", + "jalapeno chilies", + "tortilla chips", + "jack cheese", + "lime", + "salt", + "American cheese", + "cilantro", + "tequila" + ] + }, + { + "id": 24109, + "cuisine": "italian", + "ingredients": [ + "fettuccine pasta", + "grated parmesan cheese", + "olive oil", + "evaporated skim milk", + "dried basil", + "lemon", + "ground black pepper" + ] + }, + { + "id": 39234, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "saffron", + "ground cardamom", + "Equal Sweetener", + "chopped nuts", + "ghee" + ] + }, + { + "id": 12104, + "cuisine": "japanese", + "ingredients": [ + "sake", + "water", + "pork", + "mirin", + "sugar", + "sesame seeds", + "soy sauce", + "ginger root" + ] + }, + { + "id": 30916, + "cuisine": "chinese", + "ingredients": [ + "water", + "flank steak", + "scallions", + "toasted sesame oil", + "white pepper", + "regular soy sauce", + "safflower", + "beansprouts", + "coconut sugar", + "mirin", + "garlic", + "corn starch", + "greens", + "dark soy sauce", + "fresh ginger root", + "rice noodles", + "oyster sauce", + "fermented black beans" + ] + }, + { + "id": 34073, + "cuisine": "moroccan", + "ingredients": [ + "parsley sprigs", + "garlic cloves", + "ground cumin", + "extra-virgin olive oil", + "carrots", + "kosher salt", + "fresh lemon juice", + "cayenne pepper", + "flat leaf parsley" + ] + }, + { + "id": 29299, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "broccoli florets", + "all-purpose flour", + "fresh asparagus", + "olive oil", + "garlic", + "fresh mushrooms", + "milk", + "butter", + "penne pasta", + "prepar pesto", + "salt and ground black pepper", + "salt", + "onions" + ] + }, + { + "id": 36244, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "chili powder", + "salt", + "onions", + "garam masala", + "peas", + "oil", + "fresh coriander", + "ginger", + "green chilies", + "plum tomatoes", + "fenugreek", + "paneer", + "garlic cloves" + ] + }, + { + "id": 43077, + "cuisine": "chinese", + "ingredients": [ + "boneless chicken skinless thigh", + "Shaoxing wine", + "peanut oil", + "snow peas", + "sugar", + "chili paste", + "ginger", + "corn starch", + "soy sauce", + "water chestnuts", + "garlic", + "bamboo shoots", + "sesame seeds", + "sesame oil", + "scallions" + ] + }, + { + "id": 14836, + "cuisine": "italian", + "ingredients": [ + "almonds", + "all-purpose flour", + "chopped almonds", + "confectioners sugar", + "lemon zest", + "margarine", + "eggs", + "vanilla extract" + ] + }, + { + "id": 48119, + "cuisine": "mexican", + "ingredients": [ + "honey", + "freshly ground pepper", + "chopped cilantro fresh", + "lime zest", + "extra-virgin olive oil", + "scallions", + "red wine vinegar", + "english cucumber", + "avocado", + "salt", + "fresh lime juice" + ] + }, + { + "id": 23788, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "cooking spray", + "chopped onion", + "chicken broth", + "chopped green bell pepper", + "all-purpose flour", + "cooked turkey", + "non-fat sour cream", + "ground coriander", + "black pepper", + "flour tortillas", + "salsa" + ] + }, + { + "id": 40890, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "ground cinnamon", + "whole milk", + "salt", + "buttermilk biscuits", + "cream", + "lemon", + "walnuts", + "light brown sugar", + "powdered sugar", + "butter", + "apple pie filling", + "nutmeg", + "granulated sugar", + "apples" + ] + }, + { + "id": 8374, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "grated parmesan cheese", + "baked pizza crust", + "tomatoes", + "olive oil", + "chicken breasts", + "dried basil", + "Alfredo sauce", + "dried oregano", + "sundried tomato pesto", + "feta cheese", + "butter" + ] + }, + { + "id": 24386, + "cuisine": "thai", + "ingredients": [ + "mayonaise", + "large egg whites", + "romaine lettuce leaves", + "bread crumb fresh", + "green onions", + "cucumber", + "tomatoes", + "green curry paste", + "light mayonnaise", + "olive oil flavored cooking spray", + "hamburger buns", + "ground turkey breast", + "salt" + ] + }, + { + "id": 48205, + "cuisine": "greek", + "ingredients": [ + "english cucumber", + "feta cheese", + "cherry tomatoes", + "tuna packed in olive oil", + "kalamata" + ] + }, + { + "id": 15885, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "vegetable oil", + "dried shrimp", + "fresh peas", + "salt", + "water", + "ground pork", + "chicken bouillon granules", + "soft tofu", + "corn starch" + ] + }, + { + "id": 10699, + "cuisine": "french", + "ingredients": [ + "water packed artichoke hearts", + "garlic cloves", + "fresh basil", + "cayenne pepper", + "salt", + "crackers", + "olive oil", + "brie cheese" + ] + }, + { + "id": 9892, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "olive oil", + "garlic", + "ground coriander", + "cooked quinoa", + "tomato sauce", + "flour tortillas", + "salt", + "red bell pepper", + "onions", + "shredded cheddar cheese", + "sea salt", + "wild rice", + "sour cream", + "avocado", + "ground black pepper", + "purple onion", + "pinto beans", + "fresh parsley" + ] + }, + { + "id": 21824, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "garlic cloves", + "pasta sauce", + "boneless skinless chicken breasts", + "potatoes", + "olive oil", + "red bell pepper" + ] + }, + { + "id": 28071, + "cuisine": "british", + "ingredients": [ + "brown sugar", + "raisins", + "eggs", + "ground nutmeg", + "golden syrup", + "single crust pie", + "butter", + "pastry", + "salt" + ] + }, + { + "id": 18424, + "cuisine": "british", + "ingredients": [ + "balsamic vinegar", + "large shrimp", + "bacon slices", + "blue cheese", + "fresh rosemary", + "stilton cheese" + ] + }, + { + "id": 17192, + "cuisine": "southern_us", + "ingredients": [ + "cayenne pepper", + "pimentos", + "mayonaise", + "sharp cheddar cheese", + "hot sauce" + ] + }, + { + "id": 28779, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "annatto seeds", + "spring onions", + "salt", + "beansprouts", + "lemongrass", + "beef brisket", + "lime wedges", + "oil", + "banana blossom", + "water", + "pork leg", + "shrimp paste", + "cilantro leaves", + "sliced shallots", + "leaves", + "mint leaves", + "rice noodles", + "ground white pepper" + ] + }, + { + "id": 31326, + "cuisine": "italian", + "ingredients": [ + "pizza sauce", + "italian seasoning", + "shredded mozzarella cheese", + "lean ground beef", + "pizza crust", + "red bell pepper" + ] + }, + { + "id": 25284, + "cuisine": "thai", + "ingredients": [ + "sugar", + "coconut milk", + "coconut oil", + "salt", + "pandan essence", + "maple syrup", + "eggs", + "vanilla", + "canola oil" + ] + }, + { + "id": 42101, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "carrots", + "sugar", + "salt", + "onions", + "eggs", + "wonton wrappers", + "ground beef", + "soy sauce", + "chinese cabbage" + ] + }, + { + "id": 2822, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "okra", + "white vinegar", + "onions", + "vegetable oil" + ] + }, + { + "id": 33128, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "fresh cilantro", + "juice", + "pepper", + "salt", + "jalapeno chilies", + "sweet yellow corn" + ] + }, + { + "id": 41755, + "cuisine": "southern_us", + "ingredients": [ + "water", + "star anise", + "ice cubes", + "honey", + "cinnamon sticks", + "white vinegar", + "watermelon", + "salt", + "syrup", + "lemon", + "brine" + ] + }, + { + "id": 38726, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "buttermilk", + "shredded cheddar cheese", + "splenda", + "yellow corn meal", + "jalapeno chilies", + "salt", + "baking soda", + "butter" + ] + }, + { + "id": 48487, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "unsalted butter", + "chopped fresh thyme", + "grits", + "andouille sausage", + "olive oil", + "shallots", + "freshly ground pepper", + "jumbo shrimp", + "chopped tomatoes", + "coarse salt", + "lemon juice", + "shrimp stock", + "minced garlic", + "chopped fresh chives", + "creole seasoning", + "fresh chervil" + ] + }, + { + "id": 36587, + "cuisine": "french", + "ingredients": [ + "sugar", + "all-purpose flour", + "blackberries", + "sweet vermouth", + "whole milk", + "grated lemon peel", + "large egg whites", + "fresh lemon juice", + "large egg yolks", + "corn starch" + ] + }, + { + "id": 11607, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "milk", + "pepper", + "vegetable oil", + "boneless chop pork", + "crumbs", + "minced garlic", + "salt" + ] + }, + { + "id": 34163, + "cuisine": "italian", + "ingredients": [ + "seasoning rub", + "balsamic vinegar", + "olive oil", + "boneless pork loin" + ] + }, + { + "id": 29315, + "cuisine": "french", + "ingredients": [ + "granulated sugar", + "fresh lemon juice", + "unsalted butter", + "heavy cream", + "gala apples", + "apple jelly", + "pastry dough", + "confectioners sugar", + "calvados", + "applesauce" + ] + }, + { + "id": 39916, + "cuisine": "thai", + "ingredients": [ + "black peppercorns", + "lemongrass", + "ground nutmeg", + "szechwan peppercorns", + "green cardamom", + "galangal", + "fish sauce", + "mace", + "shrimp paste", + "button mushrooms", + "cinnamon sticks", + "kosher salt", + "coriander seeds", + "shallots", + "star anise", + "chopped cilantro", + "long pepper", + "hot chili", + "whole cloves", + "vegetable oil", + "brown cardamom", + "chicken" + ] + }, + { + "id": 40682, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "garlic powder", + "diced tomatoes", + "ground beef", + "water", + "vegetable oil", + "salt", + "dried oregano", + "pepper", + "chili powder", + "chopped celery", + "onions", + "kidney beans", + "worcestershire sauce", + "green pepper" + ] + }, + { + "id": 35082, + "cuisine": "greek", + "ingredients": [ + "flour", + "eggs", + "greek yogurt", + "baking soda" + ] + }, + { + "id": 20632, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "duck", + "bay leaf", + "black peppercorns", + "fresh thyme", + "carrots", + "unflavored gelatin", + "shallots", + "flat leaf parsley", + "water", + "garlic cloves", + "armagnac" + ] + }, + { + "id": 32820, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "all-purpose flour", + "boiling water", + "brown sugar", + "baking powder", + "corn starch", + "ground cinnamon", + "unsalted butter", + "fresh lemon juice", + "ground nutmeg", + "salt", + "white sugar" + ] + }, + { + "id": 25743, + "cuisine": "thai", + "ingredients": [ + "thai basil", + "vegetable oil", + "rice vinegar", + "Thai fish sauce", + "soy sauce", + "beef", + "coarse sea salt", + "garlic cloves", + "holy basil", + "lime juice", + "shallots", + "red pepper", + "oyster sauce", + "cooked rice", + "palm sugar", + "cilantro root", + "free range egg", + "chillies" + ] + }, + { + "id": 22020, + "cuisine": "filipino", + "ingredients": [ + "cooked bone in ham", + "pineapple juice", + "clove", + "yellow mustard", + "liquid", + "sprite", + "beer", + "brown sugar", + "salt", + "crushed pineapple" + ] + }, + { + "id": 47704, + "cuisine": "mexican", + "ingredients": [ + "chopped tomatoes", + "hot sauce", + "vegan sour cream", + "gluten", + "sliced green onions", + "lettuce", + "guacamole", + "chopped cilantro", + "kale", + "salsa" + ] + }, + { + "id": 40790, + "cuisine": "indian", + "ingredients": [ + "cilantro", + "lemon juice", + "chili powder", + "vinaigrette", + "onions", + "chickpeas", + "cucumber", + "vegetable oil", + "garlic cloves", + "chaat masala" + ] + }, + { + "id": 39313, + "cuisine": "greek", + "ingredients": [ + "eggs", + "green onions", + "small curd cottage cheese", + "dried dillweed", + "phyllo dough", + "butter", + "frozen chopped spinach", + "feta cheese" + ] + }, + { + "id": 20339, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "black olives", + "enchilada sauce", + "tomatoes", + "salad greens", + "frozen corn", + "bread flour", + "warm water", + "olive oil", + "tricolor quinoa", + "avocado", + "active dry yeast", + "salt", + "liquid sweetener" + ] + }, + { + "id": 13466, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "butter", + "all-purpose flour", + "flour", + "buttermilk", + "lemon juice", + "baking soda", + "lemon", + "blueberries", + "sugar", + "baking powder", + "salt", + "nectarines" + ] + }, + { + "id": 902, + "cuisine": "italian", + "ingredients": [ + "bay scallops", + "chopped celery", + "peas", + "fresh parsley", + "corn oil", + "shrimp", + "kosher salt", + "garlic" + ] + }, + { + "id": 30611, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chile pepper", + "salt", + "dried oregano", + "fresh cilantro", + "tomatillos", + "chopped cilantro", + "water", + "vegetable oil", + "sour cream", + "shredded Monterey Jack cheese", + "boneless pork shoulder", + "jalapeno chilies", + "garlic", + "onions" + ] + }, + { + "id": 11642, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "lemon zest", + "vanilla wafer crumbs", + "sweetened condensed milk", + "powdered sugar", + "butter", + "fresh lemon juice", + "mint", + "yellow food coloring", + "lemon slices", + "granulated sugar", + "whipped cream", + "cream cheese, soften" + ] + }, + { + "id": 32073, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "jalapeno chilies", + "eye of round steak", + "salt", + "cumin", + "white pepper", + "vegetable oil", + "cheese", + "sauce", + "jack cheese", + "chili powder", + "cilantro", + "yellow onion", + "flour tortillas", + "heavy cream", + "garlic", + "sour cream" + ] + }, + { + "id": 14706, + "cuisine": "french", + "ingredients": [ + "chicken broth", + "garlic", + "sour cream", + "olive oil", + "all-purpose flour", + "boneless skinless chicken breast halves", + "pepper", + "salt", + "onions", + "butter", + "sliced mushrooms", + "dried rosemary" + ] + }, + { + "id": 15546, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "butter", + "large eggs", + "vanilla extract", + "baking soda", + "buttermilk", + "brown sugar", + "flour", + "salt" + ] + }, + { + "id": 5918, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "zucchini", + "vegetable broth", + "smoked paprika", + "pepper", + "shallots", + "garlic", + "water", + "brown rice", + "salt", + "olive oil", + "diced tomatoes", + "chickpeas" + ] + }, + { + "id": 22131, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "sesame oil", + "corn starch", + "chicken broth", + "broccoli florets", + "crushed red pepper flakes", + "ginger root", + "minced garlic", + "red wine vinegar", + "Foster Farms boneless skinless chicken breasts", + "sugar", + "green onions", + "oil" + ] + }, + { + "id": 7477, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "flour", + "dry sherry", + "salt", + "shrimp", + "onions", + "shrimp stock", + "pepper", + "butter", + "tomatoes with juice", + "lemon juice", + "celery", + "brandy", + "dry white wine", + "paprika", + "oil", + "thyme", + "arborio rice", + "water", + "heavy cream", + "garlic", + "carrots", + "bay leaf" + ] + }, + { + "id": 34618, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "cajun seasoning", + "chopped celery", + "ground beef", + "jalapeno chilies", + "cracked black pepper", + "chopped onion", + "chopped green bell pepper", + "bacon", + "hot sauce", + "cooked rice", + "green onions", + "garlic", + "chicken livers" + ] + }, + { + "id": 11031, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "purple onion", + "vegetable oil", + "ground ginger", + "cinnamon", + "golden raisins" + ] + }, + { + "id": 33364, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "flour tortillas", + "cherry tomatoes", + "green chilies", + "refried beans", + "cayenne pepper", + "avocado", + "kidney beans", + "coriander" + ] + }, + { + "id": 39552, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "bay leaves", + "garlic cloves", + "pancetta", + "dried porcini mushrooms", + "shoulder roast", + "carrots", + "celery ribs", + "olive oil", + "brine-cured black olives", + "onions", + "rosemary sprigs", + "dry white wine", + "juice" + ] + }, + { + "id": 19274, + "cuisine": "mexican", + "ingredients": [ + "tequila", + "triple sec", + "grapefruit juice", + "sugar" + ] + }, + { + "id": 44865, + "cuisine": "cajun_creole", + "ingredients": [ + "crab meat", + "garlic powder", + "relish", + "creole seasoning", + "greens", + "capers", + "Ritz Crackers", + "hot sauce", + "fresh parsley", + "eggs", + "finely chopped onion", + "red pepper", + "lemon juice", + "creole mustard", + "mayonaise", + "Tabasco Pepper Sauce", + "sauce", + "olives" + ] + }, + { + "id": 34750, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "ginger", + "black cardamom pods", + "clove", + "szechwan peppercorns", + "star anise", + "bay leaves", + "chile de arbol", + "canola oil", + "kosher salt", + "cinnamon", + "garlic" + ] + }, + { + "id": 23481, + "cuisine": "cajun_creole", + "ingredients": [ + "warm water", + "vegetable oil", + "powdered sugar", + "evaporated milk", + "all-purpose flour", + "sugar", + "large eggs", + "active dry yeast", + "salt" + ] + }, + { + "id": 46018, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "all-purpose flour", + "mashed potatoes", + "vegetable oil", + "chicken", + "whole milk", + "corn-on-the-cob", + "kosher salt", + "butter" + ] + }, + { + "id": 27765, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "sour cream", + "shredded cheddar cheese", + "refrigerated pizza dough", + "flour", + "refried beans", + "salsa" + ] + }, + { + "id": 15204, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "chopped cilantro", + "kosher salt", + "jalapeno chilies", + "white onion", + "chopped tomatoes", + "minced garlic", + "hass avocado" + ] + }, + { + "id": 18744, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "peeled fresh ginger", + "salt", + "garlic cloves", + "ground turmeric", + "clove", + "cooking spray", + "vegetable oil", + "cardamom pods", + "cinnamon sticks", + "garam masala", + "ground red pepper", + "chopped onion", + "leg of lamb", + "plum tomatoes", + "water", + "bay leaves", + "paprika", + "long-grain rice", + "chopped cilantro fresh" + ] + }, + { + "id": 19849, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "extra-virgin olive oil", + "garlic cloves", + "ground black pepper", + "littleneck clams", + "anchovy fillets", + "dried thyme", + "butter", + "crushed red pepper", + "kosher salt", + "clam juice", + "linguine", + "fresh parsley" + ] + }, + { + "id": 22842, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "tomato basil sauce", + "pesto", + "baby spinach", + "ham", + "frozen shelled edamame", + "olive oil", + "parmagiano reggiano", + "frozen cheese ravioli", + "part-skim ricotta cheese" + ] + }, + { + "id": 4147, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "vegetable shortening", + "poultry seasoning", + "chicken parts", + "salt", + "black pepper", + "parsley", + "baking mix", + "cream of chicken soup", + "paprika" + ] + }, + { + "id": 19675, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "cucumber", + "hot pepper", + "peanuts", + "white vinegar", + "crushed garlic" + ] + }, + { + "id": 24054, + "cuisine": "french", + "ingredients": [ + "sea salt", + "leg of lamb", + "rosemary sprigs", + "tapenade", + "cracked black pepper", + "thyme sprigs", + "large garlic cloves", + "extra-virgin olive oil" + ] + }, + { + "id": 473, + "cuisine": "indian", + "ingredients": [ + "water", + "bay leaves", + "garlic", + "onions", + "salmon fillets", + "ground black pepper", + "parsley", + "carrots", + "peppercorns", + "dried thyme", + "dry white wine", + "salt", + "chopped fresh mint", + "plain yogurt", + "vinegar", + "paprika", + "cucumber" + ] + }, + { + "id": 38589, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "boneless skinless chicken breast halves", + "angel hair", + "salt", + "chopped garlic", + "seasoning", + "olive oil", + "plum tomatoes", + "pepper", + "feta cheese crumbles" + ] + }, + { + "id": 34045, + "cuisine": "mexican", + "ingredients": [ + "baking powder", + "frozen corn kernels", + "chicken thighs", + "frozen banana leaf", + "sour cream", + "flour", + "sauce", + "salad oil", + "salt", + "fat skimmed chicken broth", + "olives" + ] + }, + { + "id": 11651, + "cuisine": "french", + "ingredients": [ + "swiss chard", + "dry white wine", + "freshly ground pepper", + "water", + "egg yolks", + "yellow onion", + "carrots", + "olive oil", + "leeks", + "white fleshed fish", + "baguette", + "fresh thyme", + "salt", + "garlic cloves", + "orange zest" + ] + }, + { + "id": 39744, + "cuisine": "southern_us", + "ingredients": [ + "wish bone ranch dress", + "cut up cooked chicken", + "tomatoes", + "purple onion", + "frozen whole kernel corn", + "black beans", + "torn romain lettuc leav" + ] + }, + { + "id": 29534, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "linguine", + "fresh parsley", + "pancetta", + "large eggs", + "salt", + "finely chopped onion", + "1% low-fat milk", + "fresh parmesan cheese", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 30635, + "cuisine": "mexican", + "ingredients": [ + "ground chipotle chile pepper", + "corn kernels", + "salt", + "avocado", + "lime", + "serrano peppers", + "fresh cilantro", + "olive oil", + "sliced green onions", + "pepper", + "cherry tomatoes", + "cooked quinoa" + ] + }, + { + "id": 27257, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "chili sauce", + "flank steak", + "fresh ginger root", + "dark sesame oil", + "garlic" + ] + }, + { + "id": 11925, + "cuisine": "thai", + "ingredients": [ + "tofu", + "coriander seeds", + "green chilies", + "jeera", + "black peppercorns", + "lemon grass", + "oil", + "ground ginger", + "vegetables", + "lemon rind", + "coriander", + "sugar", + "salt", + "corn flour" + ] + }, + { + "id": 11716, + "cuisine": "indian", + "ingredients": [ + "asafoetida", + "millet", + "cumin seed", + "daal", + "salt", + "ground turmeric", + "red chili peppers", + "green peas", + "clarified butter", + "garam masala", + "green chilies", + "ground cumin" + ] + }, + { + "id": 12809, + "cuisine": "italian", + "ingredients": [ + "pepper", + "dry white wine", + "salt", + "tomato sauce", + "beef", + "pecorino romano cheese", + "olive oil", + "hot pepper", + "fresh parsley", + "pork", + "veal", + "garlic" + ] + }, + { + "id": 13223, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "ground sausage", + "whole milk", + "biscuits", + "butter", + "pepper", + "salt" + ] + }, + { + "id": 24825, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "salt", + "soy yogurt", + "tomatoes", + "baby spinach", + "onions", + "ground cumin", + "fenugreek", + "firm tofu", + "ginger paste", + "tumeric", + "garlic", + "coriander" + ] + }, + { + "id": 13339, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "italian seasoning", + "seasoned bread crumbs", + "ground black pepper", + "fresh parsley", + "kosher salt", + "fresh parmesan cheese", + "fresh lemon juice", + "large egg whites", + "cooking spray", + "center cut loin pork chop" + ] + }, + { + "id": 181, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "cayenne pepper", + "fresh lemon juice", + "ground cinnamon", + "mint sprigs", + "garlic cloves", + "golden raisins", + "scallions", + "greek yogurt", + "kosher salt", + "lamb loin chops", + "carrots" + ] + }, + { + "id": 28510, + "cuisine": "italian", + "ingredients": [ + "eggs", + "diced tomatoes", + "garlic salt", + "dried basil", + "shredded mozzarella cheese", + "ketchup", + "dry bread crumbs", + "dried oregano", + "italian style seasoning", + "ground beef" + ] + }, + { + "id": 46923, + "cuisine": "filipino", + "ingredients": [ + "water", + "oil", + "brown sugar", + "mung beans", + "sesame seeds", + "sugar", + "glutinous rice flour" + ] + }, + { + "id": 9648, + "cuisine": "greek", + "ingredients": [ + "coriander seeds", + "extra-virgin olive oil", + "lemon juice", + "black pepper", + "parsley", + "all-purpose flour", + "onions", + "olive oil", + "large garlic cloves", + "fresh oregano", + "chicken", + "dry white wine", + "salt", + "bay leaf" + ] + }, + { + "id": 6817, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "medium salsa", + "boneless chicken breast halves", + "lime", + "pepper", + "taco seasoning" + ] + }, + { + "id": 36096, + "cuisine": "southern_us", + "ingredients": [ + "lettuce leaves", + "cayenne pepper", + "mayonaise", + "paprika", + "tuna", + "boneless skinless chicken breasts", + "ground white pepper", + "whole grain mustard", + "biscuit dough", + "ground cumin" + ] + }, + { + "id": 14337, + "cuisine": "southern_us", + "ingredients": [ + "white pepper", + "flour", + "salt", + "country gravy", + "milk", + "vegetable shortening", + "water", + "cutlet", + "eggs", + "ground black pepper", + "paprika" + ] + }, + { + "id": 4753, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "ground coriander", + "ground turmeric", + "ground cinnamon", + "salt", + "fresh lemon juice", + "whole milk yoghurt", + "garlic cloves", + "ground cumin", + "ground cloves", + "ground allspice", + "ground cayenne pepper" + ] + }, + { + "id": 23402, + "cuisine": "italian", + "ingredients": [ + "sugar", + "crushed ice", + "mint sprigs", + "apricot nectar", + "apricot halves", + "sparkling wine" + ] + }, + { + "id": 23759, + "cuisine": "italian", + "ingredients": [ + "nonfat half-and-half", + "blueberries", + "vanilla beans", + "strawberries", + "low-fat milk", + "sugar", + "whipped cream", + "powdered gelatin", + "raspberries", + "mint sprigs", + "blackberries" + ] + }, + { + "id": 37230, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "large egg whites", + "jalapeno chilies", + "paprika", + "ripe olives", + "black pepper", + "fresh parmesan cheese", + "butter", + "all-purpose flour", + "sliced green onions", + "saltines", + "corn kernels", + "large eggs", + "onion salt", + "fresh lemon juice", + "sugar", + "fat free milk", + "cooking spray", + "salt", + "dried oregano" + ] + }, + { + "id": 27166, + "cuisine": "mexican", + "ingredients": [ + "light mayonnaise", + "pickle relish", + "chipotles in adobo", + "green onions" + ] + }, + { + "id": 41534, + "cuisine": "filipino", + "ingredients": [ + "peanuts", + "condensed milk", + "egg yolks", + "unsalted butter", + "vanilla" + ] + }, + { + "id": 2936, + "cuisine": "french", + "ingredients": [ + "green bell pepper", + "zucchini", + "thyme sprigs", + "fresh basil", + "olive oil", + "salt", + "pepper", + "fresh thyme leaves", + "onions", + "grape tomatoes", + "eggplant", + "garlic cloves" + ] + }, + { + "id": 46068, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "ginger", + "corn starch", + "nonfat evaporated milk", + "kosher salt", + "chicken breasts", + "garlic", + "chicken thighs", + "sugar", + "jalapeno chilies", + "cauliflower florets", + "onions", + "cumin", + "crushed tomatoes", + "butter", + "nonfat yogurt plain", + "coriander" + ] + }, + { + "id": 21746, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "cream cheese", + "green bell pepper", + "onions", + "tomatoes", + "sour cream", + "chile pepper" + ] + }, + { + "id": 9332, + "cuisine": "indian", + "ingredients": [ + "water", + "sugar", + "low-fat yogurt", + "cumin seed", + "fresh coriander", + "rosewater" + ] + }, + { + "id": 18974, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "frozen corn", + "bay leaf", + "black pepper", + "diced tomatoes", + "rotisserie chicken", + "kosher salt", + "garlic", + "okra", + "brown rice", + "cayenne pepper", + "onions" + ] + }, + { + "id": 46462, + "cuisine": "mexican", + "ingredients": [ + "water", + "cooking spray", + "fresh oregano", + "corn tortillas", + "kale", + "crushed red pepper", + "pork spareribs", + "black pepper", + "hominy", + "salt", + "garlic cloves", + "lime", + "bay leaves", + "chopped onion", + "chicken" + ] + }, + { + "id": 14053, + "cuisine": "french", + "ingredients": [ + "sliced black olives", + "garlic", + "olive oil", + "grated parmesan cheese", + "red bell pepper", + "capers", + "minced onion", + "salt", + "ground black pepper", + "balsamic vinegar", + "fresh parsley" + ] + }, + { + "id": 38388, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "guacamole", + "paprika", + "chopped onion", + "dried oregano", + "garlic powder", + "boneless skinless chicken breasts", + "salsa", + "red bell pepper", + "ground cumin", + "seasoning salt", + "green onions", + "crushed red pepper flakes", + "lemon juice", + "canola oil", + "taco sauce", + "flour tortillas", + "chili powder", + "green pepper", + "sour cream" + ] + }, + { + "id": 3388, + "cuisine": "italian", + "ingredients": [ + "vegetables", + "ciabatta", + "focaccia", + "fresh mozzarella", + "arugula", + "bread", + "salt" + ] + }, + { + "id": 12085, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "Sriracha", + "fresh lime juice", + "peanuts", + "salt", + "sugar", + "green onions", + "chopped cilantro", + "asian eggplants", + "zucchini", + "peanut oil" + ] + }, + { + "id": 38961, + "cuisine": "french", + "ingredients": [ + "white chocolate", + "whipping cream", + "ice cubes", + "egg yolks", + "edible gold leaf", + "sugar", + "fresh cranberries", + "whole cranberry sauce", + "vanilla extract" + ] + }, + { + "id": 42722, + "cuisine": "indian", + "ingredients": [ + "water", + "ginger", + "green chilies", + "coriander", + "asafoetida", + "buttermilk", + "salt", + "gram flour", + "coconut", + "grated carrot", + "oil", + "ground cumin", + "tumeric", + "raisins", + "cilantro leaves", + "mustard seeds" + ] + }, + { + "id": 7728, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "cilantro", + "ground cumin", + "lettuce", + "tomatillos", + "salt", + "jalapeno chilies", + "garlic", + "chicken broth", + "butter", + "onions" + ] + }, + { + "id": 20961, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "vanilla extract", + "milk", + "butter", + "confectioners sugar", + "eggs", + "almond extract", + "all-purpose flour", + "baking powder", + "red food coloring", + "white sugar" + ] + }, + { + "id": 47608, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "chili powder", + "sour milk", + "mayonaise", + "garlic", + "chillies", + "tumeric", + "mutton", + "lemon juice", + "tandoori spices", + "salt", + "ghee" + ] + }, + { + "id": 3354, + "cuisine": "jamaican", + "ingredients": [ + "curry powder", + "green onions", + "rice", + "onions", + "soy sauce", + "bay leaves", + "crushed red pepper", + "coconut milk", + "chopped bell pepper", + "meat", + "oil", + "dried oregano", + "fresh basil", + "ground black pepper", + "peas", + "carrots", + "chopped garlic" + ] + }, + { + "id": 38358, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "crushed tomatoes", + "lasagna noodles", + "garlic", + "fresh parsley", + "water", + "minced onion", + "basil dried leaves", + "sauce", + "eggs", + "parmesan cheese", + "lean ground beef", + "salt", + "white sugar", + "mozzarella cheese", + "ground black pepper", + "ricotta cheese", + "sweet italian sausage", + "italian seasoning" + ] + }, + { + "id": 30614, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "vanilla", + "sugar", + "butter", + "flour", + "salt", + "ground nutmeg", + "buttermilk" + ] + }, + { + "id": 26152, + "cuisine": "chinese", + "ingredients": [ + "low sodium chicken broth", + "dry sherry", + "garlic cloves", + "low sodium soy sauce", + "peeled fresh ginger", + "pea pods", + "red bell pepper", + "cooking spray", + "yellow bell pepper", + "corn starch", + "sesame seeds", + "vegetable oil", + "long-grain rice", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 17392, + "cuisine": "italian", + "ingredients": [ + "butter", + "Good Seasons Italian Dressing Mix", + "bow-tie pasta", + "whipping cream", + "grated parmesan cheese" + ] + }, + { + "id": 6134, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "lemon juice", + "oil", + "potatoes", + "onions", + "pepper", + "sausages" + ] + }, + { + "id": 24447, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "caramels", + "buttermilk", + "dark corn syrup", + "chop fine pecan", + "all-purpose flour", + "sugar", + "large eggs", + "vanilla extract", + "baking soda", + "butter", + "heavy whipping cream" + ] + }, + { + "id": 13734, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "dijon mustard", + "butter", + "bay leaf", + "polenta", + "chicken broth", + "prosciutto", + "dry white wine", + "salt", + "boiling water", + "fresh rosemary", + "ground black pepper", + "chopped fresh thyme", + "carrots", + "short rib", + "olive oil", + "mushrooms", + "large garlic cloves", + "onions" + ] + }, + { + "id": 14199, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "dried oregano", + "pizza crust", + "fresh parmesan cheese", + "minced garlic", + "cooking spray", + "olive oil" + ] + }, + { + "id": 14362, + "cuisine": "french", + "ingredients": [ + "milk", + "grated parmesan cheese", + "nutmeg", + "unsalted butter", + "salt", + "chopped ham", + "parmesan cheese", + "flour", + "pepper", + "large eggs" + ] + }, + { + "id": 27518, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "grated parmesan cheese", + "garlic", + "celery", + "low sodium beef stock", + "tomato paste", + "olive oil", + "soup", + "lemon juice", + "fresh parsley", + "oregano", + "water", + "bay leaves", + "salt", + "ground beef", + "peppercorns", + "eggs", + "meatballs", + "russet potatoes", + "carrots", + "onions", + "cabbage" + ] + }, + { + "id": 41082, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "fresh basil leaves", + "grape tomatoes", + "balsamic vinegar", + "ground black pepper", + "kosher salt", + "extra-virgin olive oil" + ] + }, + { + "id": 22923, + "cuisine": "french", + "ingredients": [ + "fresh thyme leaves", + "goat cheese", + "olive oil", + "ice water", + "sour cream", + "large eggs", + "all-purpose flour", + "unsalted butter", + "salt", + "onions" + ] + }, + { + "id": 22888, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "garlic cloves", + "greens", + "fresh rosemary", + "purple onion", + "low-fat soft goat cheese", + "fat-free chicken broth", + "flour for dusting", + "plum tomatoes", + "cannellini beans", + "pizza doughs", + "cornmeal" + ] + }, + { + "id": 30513, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "ground black pepper", + "salt", + "ground beef", + "eggs", + "vegetable oil", + "dry bread crumbs", + "tomato paste", + "potatoes", + "all-purpose flour", + "ground cumin", + "green bell pepper", + "garlic", + "chopped onion" + ] + }, + { + "id": 43152, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "barbecue sauce", + "cayenne pepper", + "pork baby back ribs", + "garlic powder", + "worcestershire sauce", + "sweet paprika", + "light brown sugar", + "water", + "chili powder", + "mustard powder", + "kosher salt", + "ground black pepper", + "hot sauce", + "ground white pepper" + ] + }, + { + "id": 45231, + "cuisine": "italian", + "ingredients": [ + "bread crumb fresh", + "egg noodles", + "button mushrooms", + "olive oil", + "green onions", + "all-purpose flour", + "cooked turkey", + "parmigiano reggiano cheese", + "salt", + "chicken broth", + "unsalted butter", + "shallots", + "ground white pepper" + ] + }, + { + "id": 28307, + "cuisine": "french", + "ingredients": [ + "water", + "reduced fat milk", + "cream cheese", + "sugar", + "chopped almonds", + "all-purpose flour", + "large egg whites", + "cooking spray", + "large eggs", + "almond extract" + ] + }, + { + "id": 3266, + "cuisine": "moroccan", + "ingredients": [ + "flax egg", + "chopped tomatoes", + "cinnamon", + "maple syrup", + "soy sauce", + "dried apricot", + "garlic", + "chickpeas", + "fresh oregano leaves", + "quinoa", + "lemon", + "cilantro leaves", + "olive oil", + "apple cider vinegar", + "purple onion", + "pumpkin seeds" + ] + }, + { + "id": 32280, + "cuisine": "french", + "ingredients": [ + "cream", + "lemon juice", + "salt", + "melted butter", + "cayenne pepper", + "egg yolks" + ] + }, + { + "id": 9577, + "cuisine": "brazilian", + "ingredients": [ + "sea bass", + "reduced sodium fat free chicken broth", + "green onions", + "salt", + "bay leaf", + "olive oil", + "chopped green bell pepper", + "clam juice", + "red bell pepper", + "fresh cilantro", + "ground black pepper", + "ground red pepper", + "garlic cloves", + "large shrimp", + "chopped tomatoes", + "finely chopped onion", + "light coconut milk", + "fresh lime juice" + ] + }, + { + "id": 5577, + "cuisine": "cajun_creole", + "ingredients": [ + "worcestershire sauce", + "cream cheese, soften", + "prepared horseradish", + "dry bread crumbs", + "crackers", + "hot pepper sauce", + "crabmeat", + "paprika", + "onions" + ] + }, + { + "id": 359, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "wheat flour", + "onion powder", + "chili powder", + "tomato paste", + "vegetable broth" + ] + }, + { + "id": 13987, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "olive oil", + "fresh lemon juice", + "dried oregano", + "black pepper", + "salt", + "cucumber", + "tomatoes", + "sourdough bread", + "garlic cloves", + "arugula", + "sugar", + "purple onion", + "feta cheese crumbles" + ] + }, + { + "id": 30004, + "cuisine": "mexican", + "ingredients": [ + "semisweet chocolate", + "dried oregano", + "chicken broth", + "hot chili powder", + "ground cumin", + "diced onions", + "vegetable oil", + "chopped garlic", + "ground cinnamon", + "all-purpose flour" + ] + }, + { + "id": 15436, + "cuisine": "french", + "ingredients": [ + "olive oil", + "conger eel", + "salt", + "saffron", + "tomatoes", + "base", + "garlic", + "orange peel", + "crab", + "potatoes", + "bouquet garni", + "onions", + "mussels", + "fennel", + "leeks", + "freshly ground pepper", + "fish" + ] + }, + { + "id": 4278, + "cuisine": "indian", + "ingredients": [ + "poha", + "rice", + "salt", + "urad dal", + "water", + "fenugreek seeds" + ] + }, + { + "id": 8701, + "cuisine": "greek", + "ingredients": [ + "artichoke hearts", + "purple onion", + "boneless skinless chicken breast halves", + "romaine lettuce", + "artichokes", + "Greek dressing", + "grape tomatoes", + "whole wheat tortillas", + "red bell pepper", + "cooking spray", + "feta cheese crumbles" + ] + }, + { + "id": 27964, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "teriyaki sauce", + "spaghetti", + "chicken broth", + "boneless skinless chicken breasts", + "hot sauce", + "cold water", + "hoisin sauce", + "rice vinegar", + "ginger paste", + "brown sugar", + "sesame oil", + "corn starch" + ] + }, + { + "id": 19926, + "cuisine": "spanish", + "ingredients": [ + "granny smith apples", + "lime slices", + "lime", + "lemon", + "orange slices", + "dry red wine", + "orange", + "lemon-lime soda" + ] + }, + { + "id": 11073, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salted peanuts", + "light corn syrup", + "baking soda", + "white sugar", + "salt" + ] + }, + { + "id": 16522, + "cuisine": "russian", + "ingredients": [ + "eggs", + "vanilla", + "lemon zest", + "ground almonds", + "sugar", + "farmer cheese", + "butter", + "sour cream" + ] + }, + { + "id": 1767, + "cuisine": "greek", + "ingredients": [ + "coriander seeds", + "extra-virgin olive oil", + "green olives", + "white wine vinegar", + "pita loaves" + ] + }, + { + "id": 34182, + "cuisine": "thai", + "ingredients": [ + "jasmine rice", + "corn starch", + "asian fish sauce", + "firmly packed light brown sugar", + "vegetable oil", + "fresh basil leaves", + "chicken stock", + "green onions", + "red bell pepper", + "chiles", + "garlic cloves", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 5872, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "chocolate liqueur", + "heavy whipping cream", + "evaporated milk", + "vanilla extract", + "bittersweet chocolate", + "whole milk", + "cinnamon sticks", + "unsweetened cocoa powder", + "sugar", + "ancho powder", + "dried red chile peppers" + ] + }, + { + "id": 45815, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "water", + "dry roasted peanuts", + "rose water" + ] + }, + { + "id": 26695, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "hoagie rolls", + "pasta sauce", + "italian sausage", + "onions" + ] + }, + { + "id": 12055, + "cuisine": "italian", + "ingredients": [ + "butter", + "lemon zest", + "rigatoni", + "ricotta cheese", + "black pepper", + "salt" + ] + }, + { + "id": 42192, + "cuisine": "southern_us", + "ingredients": [ + "dark corn syrup", + "granulated sugar", + "heavy cream", + "large egg yolks", + "bourbon whiskey", + "all-purpose flour", + "kosher salt", + "large eggs", + "vanilla extract", + "pecan halves", + "unsalted butter", + "ice water", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 12290, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "cornmeal", + "flour", + "green tomatoes", + "vegetable oil" + ] + }, + { + "id": 25677, + "cuisine": "italian", + "ingredients": [ + "salmon fillets", + "crumbled ricotta salata cheese", + "salt", + "water", + "white wine vinegar", + "arugula", + "black pepper", + "extra-virgin olive oil", + "garlic cloves", + "cooking spray", + "quick-cooking barley" + ] + }, + { + "id": 48602, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "lime juice", + "mexicorn", + "ground cumin", + "cider vinegar", + "jalapeno chilies", + "cucumber", + "black beans", + "olive oil", + "salt", + "avocado", + "pepper", + "green onions", + "dried oregano" + ] + }, + { + "id": 36608, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "onions", + "yukon gold potatoes", + "large eggs", + "extra-virgin olive oil" + ] + }, + { + "id": 9027, + "cuisine": "filipino", + "ingredients": [ + "brown sugar", + "laurel leaves", + "garlic cloves", + "plum tomatoes", + "pepper", + "vinegar", + "red bell pepper", + "tomato sauce", + "stewing beef", + "carrots", + "baby potatoes", + "fish sauce", + "water", + "salt", + "onions" + ] + }, + { + "id": 11337, + "cuisine": "italian", + "ingredients": [ + "basil pesto sauce", + "parmesan cheese", + "whitefish fillets", + "pinenuts", + "mayonaise", + "minced garlic" + ] + }, + { + "id": 2724, + "cuisine": "spanish", + "ingredients": [ + "clams", + "minced garlic", + "olive oil", + "crushed red pepper", + "bay leaf", + "cherrystone clams", + "sea bass", + "crushed tomatoes", + "diced tomatoes", + "ground allspice", + "fresh parsley", + "dried rosemary", + "ground cinnamon", + "water", + "red wine vinegar", + "crabmeat", + "medium shrimp", + "dried oregano", + "white wine", + "dried thyme", + "dry red wine", + "celery", + "onions" + ] + }, + { + "id": 27014, + "cuisine": "chinese", + "ingredients": [ + "hot red pepper flakes", + "honey", + "yellow bell pepper", + "scallions", + "soy sauce", + "extra firm tofu", + "rice vinegar", + "red bell pepper", + "warm water", + "sesame seeds", + "dried soba", + "garlic cloves", + "seedless cucumber", + "peeled fresh ginger", + "creamy peanut butter", + "toasted sesame oil" + ] + }, + { + "id": 5375, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium soy sauce", + "garlic", + "fresh cilantro", + "ground pork", + "carrots", + "honey dijon mustard", + "yellow onion", + "fresh ginger", + "extra-virgin olive oil" + ] + }, + { + "id": 19373, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "fresh basil", + "turkey sausage", + "plum tomatoes", + "ground black pepper", + "red bell pepper", + "kosher salt", + "purple onion", + "dried oregano" + ] + }, + { + "id": 11235, + "cuisine": "british", + "ingredients": [ + "milk", + "butter", + "garlic cloves", + "pork", + "dried thyme", + "all-purpose flour", + "pepper", + "potatoes", + "beef broth", + "corn", + "salt", + "onions" + ] + }, + { + "id": 7242, + "cuisine": "greek", + "ingredients": [ + "tomato paste", + "parsley", + "carrots", + "white onion", + "extra-virgin olive oil", + "celery", + "pepper", + "salt", + "white kidney beans", + "water", + "garlic cloves" + ] + }, + { + "id": 14062, + "cuisine": "thai", + "ingredients": [ + "chili flakes", + "palm sugar", + "shallots", + "beansprouts", + "lime", + "large eggs", + "garlic", + "fish sauce", + "tamarind pulp", + "vegetable oil", + "dried shrimp", + "rice stick noodles", + "peanuts", + "boneless skinless chicken breasts", + "scallions" + ] + }, + { + "id": 2961, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "mein", + "onions", + "green cabbage", + "lower sodium soy sauce", + "grapeseed oil", + "garlic powder", + "green onions", + "frozen peas", + "ground ginger", + "ground black pepper", + "celery" + ] + }, + { + "id": 30722, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "garlic", + "onions", + "ground black pepper", + "thyme", + "olive oil", + "salt", + "rigatoni", + "grated parmesan cheese", + "ground beef" + ] + }, + { + "id": 1190, + "cuisine": "indian", + "ingredients": [ + "red lentils", + "garam masala", + "green onions", + "ground coriander", + "ground turmeric", + "diced onions", + "fresh cilantro", + "peeled fresh ginger", + "salt", + "basmati rice", + "water", + "bay leaves", + "butter", + "fresh lime juice", + "low-fat plain yogurt", + "jalapeno chilies", + "vegetable oil", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 23035, + "cuisine": "japanese", + "ingredients": [ + "miso paste", + "fresh mushrooms", + "eggs", + "green onions", + "tofu", + "vegetables", + "dashi", + "miso" + ] + }, + { + "id": 14060, + "cuisine": "british", + "ingredients": [ + "baking powder", + "beer", + "potatoes", + "vegetable oil", + "cod", + "onion powder", + "corn starch", + "flour", + "paprika" + ] + }, + { + "id": 44740, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "kosher salt", + "crushed red pepper flakes", + "sugar", + "whole peeled tomatoes", + "freshly ground pepper", + "pancetta", + "cured pork", + "dry white wine", + "onions", + "penne", + "olive oil", + "grated pecorino" + ] + }, + { + "id": 39778, + "cuisine": "indian", + "ingredients": [ + "split yellow lentils", + "white sugar", + "cardamom", + "jaggery", + "raisins", + "clarified butter", + "milk", + "cashew nuts", + "basmati rice" + ] + }, + { + "id": 11717, + "cuisine": "southern_us", + "ingredients": [ + "fresh blueberries", + "all-purpose flour", + "baking soda", + "buttermilk", + "cornmeal", + "sugar", + "baking powder", + "I Can't Believe It's Not Butter!® All Purpose Sticks", + "large eggs", + "salt" + ] + }, + { + "id": 16833, + "cuisine": "japanese", + "ingredients": [ + "pepper", + "ginger", + "corn starch", + "soy sauce", + "green onions", + "cooking wine", + "celery heart", + "garlic", + "white onion", + "ground pork", + "gyoza wrappers" + ] + }, + { + "id": 13973, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "ground black pepper", + "garlic", + "scallions", + "onions", + "homemade chicken stock", + "boneless skinless chicken breasts", + "rice vinegar", + "corn starch", + "eggs", + "extra firm tofu", + "salt", + "carrots", + "shiitake", + "ginger", + "cayenne pepper", + "toasted sesame oil" + ] + }, + { + "id": 22216, + "cuisine": "irish", + "ingredients": [ + "red potato", + "butter", + "onions", + "dried thyme", + "carrots", + "corned beef", + "milk", + "beef broth", + "cabbage", + "celery ribs", + "flour", + "bay leaf" + ] + }, + { + "id": 14666, + "cuisine": "korean", + "ingredients": [ + "sugar", + "seeds", + "oyster sauce", + "cabbage", + "water", + "russet potatoes", + "cucumber", + "pork", + "bean paste", + "corn starch", + "zucchini", + "salt", + "onions" + ] + }, + { + "id": 25135, + "cuisine": "indian", + "ingredients": [ + "sugar", + "chili powder", + "cider vinegar", + "salt", + "pitted date", + "garlic", + "fresh ginger" + ] + }, + { + "id": 62, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "finely chopped onion", + "water", + "dry white wine", + "pernod", + "grated parmesan cheese", + "frozen chopped spinach", + "olive oil", + "long-grain rice" + ] + }, + { + "id": 20483, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "salt", + "eggs", + "baking powder", + "extra sharp cheddar cheese", + "large eggs", + "all-purpose flour", + "milk", + "buttermilk" + ] + }, + { + "id": 2811, + "cuisine": "southern_us", + "ingredients": [ + "green tomatoes", + "milk", + "bacon grease", + "eggs", + "all-purpose flour", + "ground black pepper", + "cornmeal" + ] + }, + { + "id": 12526, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sunflower oil", + "toasted sesame oil", + "hoisin sauce", + "rice vinegar", + "fresh ginger", + "garlic", + "rub", + "red pepper flakes", + "green beans" + ] + }, + { + "id": 332, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "flour", + "sauce", + "dashi", + "bacon", + "cabbage", + "Japanese mountain yam", + "aonori", + "scallions", + "large eggs", + "dried bonito flakes" + ] + }, + { + "id": 18462, + "cuisine": "thai", + "ingredients": [ + "green bell pepper", + "fresh thyme", + "chicken stock cubes", + "jasmine rice", + "black trumpet mushrooms", + "onions", + "water", + "garlic", + "soy sauce", + "vegetable oil", + "skinless chicken breasts" + ] + }, + { + "id": 917, + "cuisine": "southern_us", + "ingredients": [ + "dark chocolate", + "egg yolks", + "sea salt", + "candy", + "coconut sugar", + "large eggs", + "heavy cream", + "cayenne pepper", + "raw cane sugar", + "arrowroot powder", + "vanilla extract", + "unsweetened cocoa powder", + "coconut oil", + "cinnamon", + "anise", + "straight bourbon whiskey" + ] + }, + { + "id": 14873, + "cuisine": "french", + "ingredients": [ + "butter", + "pepper", + "all-purpose flour", + "milk", + "salt" + ] + }, + { + "id": 41642, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "salt", + "roma tomatoes", + "lemon juice", + "grated parmesan cheese", + "catfish", + "mayonaise", + "butter" + ] + }, + { + "id": 27901, + "cuisine": "chinese", + "ingredients": [ + "gai lan", + "flank steak", + "creamy peanut butter", + "Sriracha", + "asian barbecue sauce", + "white sesame seeds", + "jasmine rice", + "ginger", + "scallions", + "hoisin sauce", + "garlic" + ] + }, + { + "id": 6779, + "cuisine": "french", + "ingredients": [ + "fat free less sodium chicken broth", + "chicken breasts", + "salt", + "dried thyme", + "dry red wine", + "sliced mushrooms", + "pearl onions", + "sliced carrots", + "all-purpose flour", + "tomato paste", + "egg noodles", + "bacon slices" + ] + }, + { + "id": 45847, + "cuisine": "japanese", + "ingredients": [ + "salt and ground black pepper", + "imitation crab meat", + "white wine vinegar", + "soy sauce", + "cucumber" + ] + }, + { + "id": 48991, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "cinnamon", + "extra-virgin olive oil", + "cayenne pepper", + "boneless skinless chicken breast halves", + "ground black pepper", + "paprika", + "salt", + "corn starch", + "cumin", + "garam masala", + "heavy cream", + "garlic", + "lemon juice", + "long grain white rice", + "tomato purée", + "bay leaves", + "ginger", + "yellow onion", + "chopped cilantro" + ] + }, + { + "id": 17528, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "garlic powder", + "salt", + "minced garlic", + "cajun seasoning", + "onions", + "pepper", + "red beans", + "celery", + "chicken broth", + "water", + "smoked sausage" + ] + }, + { + "id": 44285, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "cherry tomatoes", + "oil", + "kosher salt", + "extra-virgin olive oil", + "pitted kalamata olives", + "ground black pepper", + "small red potato", + "minced garlic", + "white wine vinegar" + ] + }, + { + "id": 13079, + "cuisine": "japanese", + "ingredients": [ + "enokitake", + "choy sum", + "white miso", + "beef demi-glace", + "garlic", + "soy sauce", + "flank steak", + "ginger", + "hoisin sauce", + "ramen noodles", + "scallions" + ] + }, + { + "id": 23701, + "cuisine": "indian", + "ingredients": [ + "lime", + "cold water", + "tamarind concentrate", + "chili powder", + "vodka", + "ice" + ] + }, + { + "id": 47208, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "balsamic vinegar", + "olive oil", + "Italian bread", + "mushroom caps", + "water", + "garlic cloves" + ] + }, + { + "id": 45385, + "cuisine": "italian", + "ingredients": [ + "roasted chestnuts", + "coarse kosher salt", + "ruby port", + "orange peel", + "sugar", + "low salt chicken broth", + "seedless red grapes", + "butter", + "flat leaf parsley" + ] + }, + { + "id": 4602, + "cuisine": "french", + "ingredients": [ + "cream", + "leeks", + "garlic cloves", + "lard", + "brandy", + "egg yolks", + "salt", + "thyme", + "nutmeg", + "pepper", + "shallots", + "lemon juice", + "onions", + "wine", + "flour", + "parsley", + "carrots", + "chicken" + ] + }, + { + "id": 19158, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "chicken broth", + "fresh lemon juice", + "crème fraîche", + "asparagus", + "onions" + ] + }, + { + "id": 44960, + "cuisine": "italian", + "ingredients": [ + "artichoke hearts", + "baked pizza crust", + "chicken breast strips", + "fontina cheese", + "sauce" + ] + }, + { + "id": 20191, + "cuisine": "italian", + "ingredients": [ + "vegetable oil spray", + "salt", + "chocolate syrup", + "large eggs", + "chopped pecans", + "golden brown sugar", + "baking powder", + "miniature semisweet chocolate chips", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 10017, + "cuisine": "chinese", + "ingredients": [ + "thai chile", + "chopped cilantro", + "water", + "peanut oil", + "soy sauce", + "rice vinegar", + "chicken", + "ginger", + "garlic cloves" + ] + }, + { + "id": 18390, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "chicken breasts", + "enchilada sauce", + "tortillas", + "taco seasoning", + "cheese" + ] + }, + { + "id": 32591, + "cuisine": "indian", + "ingredients": [ + "butter", + "sweet paprika", + "chopped garlic", + "bay leaves", + "ginger", + "ground cardamom", + "ground cumin", + "whole milk yoghurt", + "poppy seeds", + "ground coriander", + "chicken", + "hot pepper", + "chopped onion", + "ground turmeric" + ] + }, + { + "id": 21282, + "cuisine": "italian", + "ingredients": [ + "kale", + "bacon", + "white onion", + "potato gnocchi", + "hot Italian sausages", + "chicken stock", + "grated parmesan cheese", + "salt", + "pepper", + "heavy cream", + "roast red peppers, drain" + ] + }, + { + "id": 27050, + "cuisine": "french", + "ingredients": [ + "fresh thyme", + "button mushrooms", + "ground nutmeg", + "frozen pastry puff sheets", + "soft fresh goat cheese", + "large eggs", + "whipping cream", + "unsalted butter", + "shallots" + ] + }, + { + "id": 45954, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "ranch dressing", + "chopped cilantro", + "water", + "salt", + "pepper", + "brown rice", + "tomatoes", + "boneless skinless chicken breasts", + "shredded cheese" + ] + }, + { + "id": 21608, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "chopped onion", + "italian seasoning", + "ground round", + "condensed reduced fat reduced sodium tomato soup", + "sliced mushrooms", + "reduced fat sharp cheddar cheese", + "cooking spray", + "elbow macaroni", + "sugar", + "stewed tomatoes", + "garlic salt" + ] + }, + { + "id": 32372, + "cuisine": "greek", + "ingredients": [ + "nonfat yogurt", + "cucumber", + "ground lamb", + "bread crumbs", + "lettuce leaves", + "onions", + "pita bread rounds", + "fresh parsley", + "minced garlic", + "fresh lemon juice", + "dried oregano" + ] + }, + { + "id": 49006, + "cuisine": "french", + "ingredients": [ + "condensed cream", + "butter", + "chicken breasts", + "all-purpose flour", + "mushrooms", + "dry sherry", + "chicken stock", + "pastry shell", + "onions" + ] + }, + { + "id": 26243, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "ground black pepper", + "onions", + "pork spareribs", + "barbecue sauce" + ] + }, + { + "id": 37299, + "cuisine": "mexican", + "ingredients": [ + "ragu old world style pasta sauc", + "vegetable oil", + "regular or convert rice", + "chorizo sausage", + "water", + "garlic", + "onions", + "boneless chicken skinless thigh", + "green peas", + "chipotles in adobo", + "ground black pepper", + "salt", + "large shrimp" + ] + }, + { + "id": 12122, + "cuisine": "italian", + "ingredients": [ + "baby portobello mushrooms", + "olive oil", + "potato gnocchi", + "sage leaves", + "fat free less sodium chicken broth", + "pumpkin", + "rubbed sage", + "light alfredo sauce", + "ground black pepper", + "salt", + "pancetta", + "minced garlic", + "leeks" + ] + }, + { + "id": 25336, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "cheese cubes", + "chilli paste", + "lemon juice", + "garam masala", + "chili powder", + "curds", + "ground turmeric", + "ajwain", + "capsicum", + "salt", + "chaat masala", + "flour", + "butter", + "mustard oil" + ] + }, + { + "id": 44839, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "salt", + "eggs", + "butter", + "white sugar", + "single crust pie", + "vanilla extract", + "pastry", + "corn syrup" + ] + }, + { + "id": 49677, + "cuisine": "filipino", + "ingredients": [ + "angel hair", + "shiitake", + "garlic cloves", + "soy sauce", + "vinegar", + "onions", + "black pepper", + "salt", + "pork", + "hoisin sauce", + "bay leaf" + ] + }, + { + "id": 32842, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "mango", + "lime", + "seedless watermelon", + "salt", + "diced red onions", + "cilantro leaves" + ] + }, + { + "id": 5167, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "garlic powder", + "cayenne pepper", + "olive oil", + "salt", + "dried thyme", + "red wine vinegar", + "pork shoulder", + "honey", + "paprika", + "onions" + ] + }, + { + "id": 29432, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper flakes", + "red bell pepper", + "balsamic vinegar", + "garlic", + "italian seasoning", + "salt and ground black pepper", + "yellow bell pepper", + "fresh asparagus", + "fettuccine pasta", + "butter", + "portobello caps" + ] + }, + { + "id": 31616, + "cuisine": "italian", + "ingredients": [ + "pesto", + "basil", + "water", + "garlic", + "pasta sauce", + "wonton wrappers", + "nonfat ricotta cheese", + "olive oil", + "green pepper" + ] + }, + { + "id": 21520, + "cuisine": "italian", + "ingredients": [ + "water", + "egg yolks", + "arugula", + "kosher salt", + "freshly grated parmesan", + "salt", + "eggs", + "olive oil", + "wonton wrappers", + "pepper", + "ground black pepper", + "ricotta" + ] + }, + { + "id": 48498, + "cuisine": "mexican", + "ingredients": [ + "chopped onion", + "garlic", + "plum tomatoes", + "serrano peppers", + "chopped cilantro fresh", + "salt" + ] + }, + { + "id": 13849, + "cuisine": "vietnamese", + "ingredients": [ + "chiles", + "lime", + "peeled fresh ginger", + "peanut oil", + "fresh basil", + "water", + "lower sodium soy sauce", + "rice vermicelli", + "tofu", + "minced garlic", + "ground nutmeg", + "cilantro", + "mung bean sprouts", + "ground cloves", + "vegetables", + "anise powder", + "scallions" + ] + }, + { + "id": 7083, + "cuisine": "japanese", + "ingredients": [ + "sake", + "sesame oil", + "salt", + "mirin", + "shoyu", + "canola oil", + "fresh ginger", + "miso", + "ground beef", + "green onions", + "garlic", + "japanese eggplants" + ] + }, + { + "id": 28977, + "cuisine": "jamaican", + "ingredients": [ + "chicken feet", + "pumpkin", + "salt", + "garlic cloves", + "water", + "onion powder", + "scallions", + "onions", + "pepper", + "chicken breasts", + "baby carrots", + "thyme", + "turnips", + "garlic powder", + "butter", + "allspice berries", + "baby potatoes" + ] + }, + { + "id": 37743, + "cuisine": "thai", + "ingredients": [ + "boneless chicken skinless thigh", + "cilantro leaves", + "onions", + "fish sauce", + "thai chile", + "corn starch", + "chile sauce", + "white vinegar", + "jalapeno chilies", + "garlic cloves", + "fresh basil leaves", + "sugar", + "salt", + "fresh mint", + "canola oil" + ] + }, + { + "id": 3884, + "cuisine": "russian", + "ingredients": [ + "eggs", + "honey", + "instant coffee", + "grated nutmeg", + "sugar", + "flour", + "anise", + "allspice", + "powdered sugar", + "baking soda", + "butter", + "hot water", + "white vinegar", + "milk", + "baking powder", + "vanilla extract" + ] + }, + { + "id": 13843, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "salsa", + "water", + "taco seasoning", + "Mexican cheese blend", + "ground beef" + ] + }, + { + "id": 24068, + "cuisine": "moroccan", + "ingredients": [ + "minced garlic", + "jalapeno chilies", + "garlic", + "ground coriander", + "flat leaf parsley", + "black pepper", + "ground nutmeg", + "ginger", + "lamb chops", + "lemon juice", + "ground cumin", + "tumeric", + "olive oil", + "cinnamon", + "salt", + "ground cardamom", + "cumin", + "kosher salt", + "lemon zest", + "extra-virgin olive oil", + "cilantro leaves", + "smoked paprika" + ] + }, + { + "id": 46147, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "Campbell's Condensed Cream of Chicken Soup", + "tomatoes", + "cooked chicken", + "shredded Monterey Jack cheese", + "pace picante sauce", + "sour cream", + "flour tortillas", + "chili powder" + ] + }, + { + "id": 12593, + "cuisine": "chinese", + "ingredients": [ + "orange", + "chili powder", + "salt", + "dark soy sauce", + "clear honey", + "ginger", + "chinese five-spice powder", + "garlic powder", + "nut oil", + "rice vinegar", + "pepper", + "chicken breasts", + "cornflour", + "carrots" + ] + }, + { + "id": 28809, + "cuisine": "italian", + "ingredients": [ + "spinach", + "coarse salt", + "chicken stock", + "beef", + "grated nutmeg", + "ground black pepper", + "all-purpose flour", + "eggs", + "grated parmesan cheese" + ] + }, + { + "id": 6944, + "cuisine": "french", + "ingredients": [ + "pepper", + "bay leaves", + "dry red wine", + "cognac", + "chicken", + "pearl onions", + "parsley", + "salt", + "carrots", + "minced garlic", + "crimini mushrooms", + "pinot noir", + "fat skimmed reduced sodium chicken broth", + "black peppercorns", + "fresh thyme", + "bacon", + "all-purpose flour", + "toast" + ] + }, + { + "id": 18208, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "garlic", + "dark soy sauce", + "ground black pepper", + "pork shoulder", + "honey", + "oil", + "fish sauce", + "shallots" + ] + }, + { + "id": 29319, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "salt", + "leaves", + "spring onions", + "pepper", + "shrimp" + ] + }, + { + "id": 46217, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "unsalted butter", + "cilantro", + "fine sea salt", + "serrano chile", + "fresh cilantro", + "yoghurt", + "green peas", + "serrano", + "water", + "zucchini", + "romaine lettuce leaves", + "crème fraîche", + "corn kernels", + "lime wedges", + "garlic", + "pepitas" + ] + }, + { + "id": 8198, + "cuisine": "southern_us", + "ingredients": [ + "hot pepper sauce", + "freshly ground pepper", + "canola oil", + "table salt", + "buttermilk", + "marjoram", + "baking powder", + "rubbed sage", + "chicken", + "dried thyme", + "all-purpose flour", + "dried rosemary" + ] + }, + { + "id": 4581, + "cuisine": "korean", + "ingredients": [ + "ice cubes", + "soya bean", + "noodles", + "water", + "mixed nuts", + "tomatoes", + "salt", + "sesame seeds", + "cucumber" + ] + }, + { + "id": 16744, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "onions", + "chicken stock", + "garlic", + "cumin", + "chili powder", + "oregano", + "tomato sauce", + "salt" + ] + }, + { + "id": 954, + "cuisine": "greek", + "ingredients": [ + "white pepper", + "butter", + "shredded Monterey Jack cheese", + "feta cheese", + "all-purpose flour", + "milk", + "salt", + "phyllo dough", + "egg yolks", + "flat leaf parsley" + ] + }, + { + "id": 21061, + "cuisine": "chinese", + "ingredients": [ + "sliced almonds", + "almond extract", + "unsalted butter", + "all-purpose flour", + "milk", + "salt", + "sugar", + "chopped almonds", + "chinese five-spice powder" + ] + }, + { + "id": 13960, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "shiitake", + "sesame oil", + "scallions", + "soy sauce", + "water chestnuts", + "garlic", + "ground white pepper", + "warm water", + "hoisin sauce", + "dry sherry", + "oyster sauce", + "dark soy sauce", + "boneless chicken skinless thigh", + "lettuce leaves", + "chili sauce" + ] + }, + { + "id": 30119, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "black pepper", + "salt", + "water", + "grits", + "whole milk" + ] + }, + { + "id": 48230, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "collard greens", + "onions", + "bacon grease", + "bacon" + ] + }, + { + "id": 31293, + "cuisine": "french", + "ingredients": [ + "bread crumbs", + "heavy cream", + "garlic cloves", + "unsalted butter", + "all-purpose flour", + "onions", + "swiss chard", + "gruyere cheese", + "fresh herbs", + "spinach", + "low sodium chicken broth", + "grated nutmeg" + ] + }, + { + "id": 30265, + "cuisine": "filipino", + "ingredients": [ + "green cabbage", + "hard-boiled egg", + "paprika", + "boneless chop pork", + "rice noodles", + "ground black pepper", + "vegetable oil", + "low sodium soy sauce", + "green onions", + "yellow onion" + ] + }, + { + "id": 32805, + "cuisine": "italian", + "ingredients": [ + "evaporated milk", + "sherry", + "butter", + "kosher salt", + "low sodium chicken broth", + "crimini mushrooms", + "bread crumbs", + "grated parmesan cheese", + "green onions", + "freshly ground pepper", + "cooked turkey", + "flour", + "fusilli" + ] + }, + { + "id": 31139, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "vanilla extract", + "butter", + "chopped pecans", + "unbaked pie crusts", + "salt", + "eggs", + "light corn syrup" + ] + }, + { + "id": 2438, + "cuisine": "italian", + "ingredients": [ + "spinach", + "red wine vinegar", + "garlic cloves", + "olive oil", + "salt", + "dried basil", + "cauliflower florets", + "dried oregano", + "pepper", + "cheese tortellini", + "red bell pepper" + ] + }, + { + "id": 46326, + "cuisine": "chinese", + "ingredients": [ + "coconut sugar", + "chili pepper", + "szechwan peppercorns", + "salt", + "red bell pepper", + "chicken broth", + "tapioca flour", + "chicken breasts", + "white wine vinegar", + "garlic cloves", + "cold water", + "coconut oil", + "green onions", + "balsamic vinegar", + "coconut aminos", + "roasted cashews", + "minced ginger", + "sesame oil", + "rice vinegar", + "cooked white rice" + ] + }, + { + "id": 23216, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "balsamic vinegar", + "freshly ground pepper", + "arborio rice", + "dry white wine", + "salt", + "diced onions", + "grated parmesan cheese", + "butter", + "broth", + "chicken stock", + "shallots", + "edamame" + ] + }, + { + "id": 6665, + "cuisine": "mexican", + "ingredients": [ + "barbecue sauce", + "ground beef", + "tortilla chips", + "stewed tomatoes", + "shredded cheddar cheese", + "whole kernel corn, drain" + ] + }, + { + "id": 30574, + "cuisine": "japanese", + "ingredients": [ + "cold water", + "seaweed", + "dried bonito flakes" + ] + }, + { + "id": 41415, + "cuisine": "italian", + "ingredients": [ + "milk", + "butter", + "potatoes", + "basil pesto sauce" + ] + }, + { + "id": 21505, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "ground black pepper", + "fresh lemon juice", + "olive oil", + "garlic cloves", + "egg yolks" + ] + }, + { + "id": 15992, + "cuisine": "french", + "ingredients": [ + "water", + "zucchini", + "lemon juice", + "haricots verts", + "radishes", + "tapenade", + "kidney beans", + "cannellini beans", + "sliced tomatoes", + "garbanzo beans", + "fresh green bean" + ] + }, + { + "id": 22030, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "whole kernel corn, drain", + "chopped cilantro fresh", + "tomatoes", + "soft shelled crabs", + "fresh lime juice", + "ground pepper", + "garlic cloves", + "ground cumin", + "black beans", + "salt", + "onions" + ] + }, + { + "id": 8550, + "cuisine": "french", + "ingredients": [ + "fat free milk", + "butter", + "seasoned bread crumbs", + "cooking spray", + "salt", + "turnips", + "ground black pepper", + "gruyere cheese", + "dried thyme", + "baking potatoes", + "all-purpose flour" + ] + }, + { + "id": 18760, + "cuisine": "greek", + "ingredients": [ + "white wine", + "chopped tomatoes", + "salt", + "free-range eggs", + "lean minced lamb", + "olive oil", + "ground black pepper", + "cinnamon sticks", + "plain flour", + "milk", + "parmesan cheese", + "garlic cloves", + "fresh oregano leaves", + "eggplant", + "butter", + "onions" + ] + }, + { + "id": 32523, + "cuisine": "southern_us", + "ingredients": [ + "almond flour", + "unsalted butter", + "buttermilk", + "turbinado", + "ground nutmeg", + "baking powder", + "all-purpose flour", + "sugar", + "peaches", + "almond extract", + "baking soda", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 6398, + "cuisine": "chinese", + "ingredients": [ + "won ton wrappers", + "reduced sodium soy sauce", + "ginger", + "chicken broth", + "miso paste", + "green onions", + "oyster sauce", + "shiitake", + "Sriracha", + "garlic", + "baby bok choy", + "ground black pepper", + "sesame oil", + "medium shrimp" + ] + }, + { + "id": 11952, + "cuisine": "indian", + "ingredients": [ + "pepper", + "red food coloring", + "chicken thighs", + "tumeric", + "garam masala", + "cayenne pepper", + "fresh ginger", + "salt", + "cumin", + "plain yogurt", + "fresh lemon", + "garlic cloves" + ] + }, + { + "id": 2607, + "cuisine": "greek", + "ingredients": [ + "honey", + "chicken breasts", + "cucumber", + "kosher salt", + "low-fat plain greek yogurt", + "yellow mustard", + "nuts", + "grapes", + "ground black pepper", + "lemon", + "garlic salt", + "Cholula Hot Sauce", + "flax seeds", + "chopped celery", + "pickle relish" + ] + }, + { + "id": 36290, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "vegetable oil", + "coconut", + "red chili peppers", + "black mustard seeds" + ] + }, + { + "id": 35372, + "cuisine": "greek", + "ingredients": [ + "fresh spinach", + "extra-virgin olive oil", + "fresh lemon juice", + "sliced black olives", + "bulgur", + "plum tomatoes", + "ground black pepper", + "salt", + "boiling water", + "water", + "purple onion", + "feta cheese crumbles" + ] + }, + { + "id": 37319, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "sea salt", + "onions", + "fresh basil", + "parmesan cheese", + "wine vinegar", + "plum tomatoes", + "eggplant", + "garlic", + "buffalo mozzarella", + "fresh oregano leaves", + "ground black pepper", + "dry bread crumbs", + "dried oregano" + ] + }, + { + "id": 33260, + "cuisine": "french", + "ingredients": [ + "prunes", + "olive oil", + "garlic cloves", + "reduced sodium chicken broth", + "shallots", + "gala apples", + "brandy", + "unsalted butter", + "California bay leaves", + "cider vinegar", + "lamb shoulder chops" + ] + }, + { + "id": 48177, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "fresh parmesan cheese", + "salt", + "uncooked ziti", + "diced tomatoes", + "garlic cloves", + "sausage links", + "cooking spray", + "chopped onion", + "tomato paste", + "black pepper", + "chees fresh mozzarella" + ] + }, + { + "id": 31618, + "cuisine": "indian", + "ingredients": [ + "ground blanched almonds", + "cauliflower florets", + "fresh lemon juice", + "plain whole-milk yogurt", + "white onion", + "ground red pepper", + "garlic cloves", + "chopped cilantro fresh", + "water", + "salt", + "cinnamon sticks", + "ground turmeric", + "clove", + "peeled fresh ginger", + "cardamom pods", + "bay leaf", + "canola oil" + ] + }, + { + "id": 1334, + "cuisine": "italian", + "ingredients": [ + "fat free milk", + "salt", + "gorgonzola", + "romano cheese", + "butter", + "and fat free half half", + "cooking spray", + "all-purpose flour", + "black pepper", + "uncooked rigatoni", + "garlic cloves" + ] + }, + { + "id": 9820, + "cuisine": "french", + "ingredients": [ + "sugar", + "candied lemon peel", + "meringue powder", + "slivered almonds", + "whipping cream", + "lemon juice", + "cold water", + "water", + "lemon slices", + "unflavored gelatin", + "butter", + "grated lemon zest" + ] + }, + { + "id": 17717, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "ground black pepper", + "dry red wine", + "carrots", + "brandy", + "shallots", + "salt", + "bone in chicken thighs", + "fat free less sodium chicken broth", + "chicken drumsticks", + "garlic cloves", + "cremini mushrooms", + "fresh thyme", + "bacon slices", + "flat leaf parsley" + ] + }, + { + "id": 31971, + "cuisine": "french", + "ingredients": [ + "sliced almonds", + "low-fat buttermilk", + "grated lemon zest", + "large egg yolks", + "butter", + "large egg whites", + "cooking spray", + "fresh lemon juice", + "cream of tartar", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 9935, + "cuisine": "british", + "ingredients": [ + "kosher salt", + "butter", + "onions", + "eggs", + "leeks", + "carrots", + "pie crust", + "potatoes", + "cracked black pepper", + "parsnips", + "hanger steak", + "thyme" + ] + }, + { + "id": 8870, + "cuisine": "greek", + "ingredients": [ + "dried currants", + "dry white wine", + "fresh mint", + "grape leaves", + "olive oil", + "chopped onion", + "pepper", + "garlic", + "long grain white rice", + "tomato sauce", + "italian seasoning mix", + "lemon juice" + ] + }, + { + "id": 17423, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "pimentos", + "cream cheese", + "collard greens", + "olive oil", + "hot sauce", + "andouille sausage", + "ground black pepper", + "yellow onion", + "water", + "shredded sharp cheddar cheese", + "garlic cloves" + ] + }, + { + "id": 29550, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "plum sauce", + "rolls", + "kosher salt", + "vegetable oil", + "shiitake mushroom caps", + "soy sauce", + "Shaoxing wine", + "carrots", + "peanuts", + "napa cabbage", + "char siu" + ] + }, + { + "id": 9004, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "olive oil", + "dried oregano", + "pitted kalamata olives", + "provolone cheese", + "tomatoes", + "crushed red pepper", + "sourdough bread", + "feta cheese crumbles" + ] + }, + { + "id": 43285, + "cuisine": "indian", + "ingredients": [ + "crushed red pepper flakes", + "black mustard seeds", + "tomatoes", + "green chilies", + "ground turmeric", + "curry leaves", + "ginger", + "onions", + "brown rice", + "cumin seed" + ] + }, + { + "id": 10239, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "coarse salt", + "serrano chile", + "fresh cilantro", + "onions", + "tomatillos" + ] + }, + { + "id": 28882, + "cuisine": "southern_us", + "ingredients": [ + "ground ginger", + "unbaked pie crusts", + "butter", + "eggs", + "ground nutmeg", + "white sugar", + "ground cinnamon", + "evaporated milk", + "salt", + "brown sugar", + "sweet potatoes" + ] + }, + { + "id": 43165, + "cuisine": "italian", + "ingredients": [ + "sugar", + "flour tortillas", + "purple onion", + "olive oil", + "ricotta cheese", + "kosher salt", + "balsamic vinegar", + "cremini mushrooms", + "ground black pepper", + "asiago" + ] + }, + { + "id": 26729, + "cuisine": "vietnamese", + "ingredients": [ + "brown sugar", + "granulated sugar", + "cilantro leaves", + "serrano chilies", + "kosher salt", + "ponzu", + "beef sirloin", + "fish sauce", + "olive oil", + "crushed red pepper", + "juice", + "sugar pea", + "shredded carrots", + "rice vinegar" + ] + }, + { + "id": 40872, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "chicken stock cubes", + "plum tomatoes", + "chorizo", + "chili powder", + "onions", + "fresh coriander", + "cannellini beans", + "sour cream", + "lime juice", + "red pepper", + "chicken thighs" + ] + }, + { + "id": 47787, + "cuisine": "chinese", + "ingredients": [ + "cooked rice", + "green pepper", + "vegetable oil", + "sauce", + "frozen popcorn chicken", + "onions" + ] + }, + { + "id": 46586, + "cuisine": "russian", + "ingredients": [ + "ground cloves", + "lemon zest", + "all-purpose flour", + "sugar", + "unsalted butter", + "jam", + "sliced almonds", + "cinnamon", + "large egg yolks", + "salt" + ] + }, + { + "id": 4980, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "napa cabbage", + "garlic cloves", + "boiled eggs", + "ramen noodles", + "low sodium chicken stock", + "sake", + "sesame oil", + "ginger", + "carrots", + "miso paste", + "vegetable oil", + "scallions" + ] + }, + { + "id": 26046, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "chives", + "shredded mozzarella cheese", + "olive oil", + "salt", + "oven-ready lasagna noodles", + "fresh spinach", + "ricotta cheese", + "garlic cloves", + "zucchini", + "cream cheese", + "fresh basil leaves" + ] + }, + { + "id": 24300, + "cuisine": "moroccan", + "ingredients": [ + "cooking spray", + "crushed red pepper", + "canola oil", + "warm water", + "paprika", + "chopped onion", + "sea salt", + "all-purpose flour", + "ground cumin", + "dry yeast", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 6728, + "cuisine": "french", + "ingredients": [ + "shallots", + "fresh parsley", + "bone marrow", + "beef broth", + "dry red wine", + "unsalted butter", + "new york strip steaks" + ] + }, + { + "id": 42526, + "cuisine": "indian", + "ingredients": [ + "red lentils", + "ginger", + "yellow onion", + "ground turmeric", + "chopped tomatoes", + "garlic", + "ground cardamom", + "jalapeno chilies", + "fine sea salt", + "chopped cilantro fresh", + "low sodium vegetable broth", + "extra-virgin olive oil", + "cumin seed" + ] + }, + { + "id": 14426, + "cuisine": "mexican", + "ingredients": [ + "water", + "salt", + "jalapeno chilies", + "tuna", + "chopped tomatoes", + "chopped onion", + "pepper", + "cilantro" + ] + }, + { + "id": 33218, + "cuisine": "british", + "ingredients": [ + "large egg yolks", + "dark brown sugar", + "water", + "vanilla extract", + "sugar", + "whipping cream", + "milk", + "salt" + ] + }, + { + "id": 21188, + "cuisine": "thai", + "ingredients": [ + "chile paste with garlic", + "flank steak", + "Thai fish sauce", + "plum tomatoes", + "romaine lettuce", + "english cucumber", + "chopped fresh mint", + "brown sugar", + "purple onion", + "fresh lime juice", + "cooking spray", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 38455, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "chili powder", + "dried oregano", + "egg whites", + "ground coriander", + "ground black pepper", + "paprika", + "ground cumin", + "potatoes", + "ground turmeric" + ] + }, + { + "id": 12747, + "cuisine": "french", + "ingredients": [ + "white bread", + "olive oil", + "french bread", + "garlic", + "onions", + "saffron threads", + "tomatoes", + "fennel bulb", + "hot pepper", + "squid", + "mussels", + "fish fillets", + "fresh thyme", + "fish stock", + "bay leaf", + "fennel seeds", + "ground black pepper", + "leeks", + "salt", + "orange zest" + ] + }, + { + "id": 41568, + "cuisine": "french", + "ingredients": [ + "bay leaves", + "artichokes", + "olive oil", + "large garlic cloves", + "chicken", + "pearl onions", + "lemon", + "boiling water", + "water", + "red wine vinegar", + "flat leaf parsley" + ] + }, + { + "id": 691, + "cuisine": "indian", + "ingredients": [ + "salt", + "whole wheat flour", + "water", + "flour" + ] + }, + { + "id": 357, + "cuisine": "french", + "ingredients": [ + "lemon wedge", + "coarse kosher salt", + "ground black pepper", + "all-purpose flour", + "sole fillet", + "vegetable oil", + "flat leaf parsley", + "unsalted butter", + "fresh lemon juice" + ] + }, + { + "id": 48441, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "poblano peppers", + "salt", + "pepper", + "boneless skinless chicken breasts", + "white onion", + "crema mexican", + "canola oil", + "corn kernels", + "heavy cream" + ] + }, + { + "id": 32494, + "cuisine": "chinese", + "ingredients": [ + "Philadelphia Cream Cheese", + "powdered sugar", + "oil", + "wonton wrappers", + "crab meat", + "salt" + ] + }, + { + "id": 11368, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "dry white wine", + "yellow onion", + "cumin", + "green olives", + "kosher salt", + "cracked black pepper", + "cinnamon sticks", + "lamb shanks", + "cilantro", + "garlic cloves", + "mint", + "olive oil", + "vegetable broth", + "couscous" + ] + }, + { + "id": 20922, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "boiling water", + "sun-dried tomatoes", + "Italian parsley leaves", + "fresh parmesan cheese", + "fresh basil leaves", + "pinenuts", + "large garlic cloves" + ] + }, + { + "id": 34869, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "pepper", + "all-purpose flour", + "parsley sprigs", + "balsamic vinegar", + "plum tomatoes", + "boneless chop pork", + "salt", + "capers", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 25155, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "white sugar", + "soy sauce", + "sirloin steak", + "green onions", + "msg", + "garlic" + ] + }, + { + "id": 36592, + "cuisine": "brazilian", + "ingredients": [ + "brown sugar", + "olive oil", + "garlic cloves", + "cashew nuts", + "mussels", + "fresh cilantro", + "salt", + "roasted tomatoes", + "serrano chilies", + "lime", + "beer", + "onions", + "lime juice", + "fish stock", + "coconut milk" + ] + }, + { + "id": 29712, + "cuisine": "french", + "ingredients": [ + "dark chocolate", + "orange", + "sugar", + "cointreau", + "double cream", + "water" + ] + }, + { + "id": 41102, + "cuisine": "french", + "ingredients": [ + "bread crumbs", + "mushroom caps", + "shallots", + "swiss", + "pepper", + "flour", + "parsley", + "fat free milk", + "cooking spray", + "salt", + "unsalted butter", + "mushrooms", + "bechamel" + ] + }, + { + "id": 13364, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "garlic paste", + "serrano peppers", + "salt", + "fenugreek leaves", + "water", + "butter", + "boneless skinless chicken breast halves", + "black peppercorns", + "crushed tomatoes", + "paprika", + "ginger paste", + "clove", + "cream", + "vegetable oil", + "cinnamon sticks" + ] + }, + { + "id": 898, + "cuisine": "japanese", + "ingredients": [ + "seaweed", + "extra firm tofu", + "miso paste", + "scallions", + "fish stock" + ] + }, + { + "id": 37748, + "cuisine": "italian", + "ingredients": [ + "soy sauce", + "red wine vinegar", + "olive oil", + "pepper", + "garlic cloves", + "fresh rosemary", + "shallots" + ] + }, + { + "id": 9369, + "cuisine": "japanese", + "ingredients": [ + "tumeric", + "garam masala", + "kasuri methi", + "bay leaf", + "clove", + "cream", + "cinnamon", + "cardamom", + "coriander", + "tomato purée", + "fresh ginger", + "butter", + "garlic cloves", + "sugar", + "chili powder", + "salt", + "onions" + ] + }, + { + "id": 34705, + "cuisine": "cajun_creole", + "ingredients": [ + "tomatoes", + "water", + "chopped celery", + "okra", + "celery", + "pepper", + "vegetable oil", + "hot sauce", + "turkey breast", + "turkey carcass", + "frozen whole kernel corn", + "salt", + "carrots", + "bay leaf", + "vegetable oil cooking spray", + "finely chopped onion", + "all-purpose flour", + "thyme", + "peppercorns" + ] + }, + { + "id": 48990, + "cuisine": "mexican", + "ingredients": [ + "Tabasco Pepper Sauce", + "green chilies", + "no-salt-added diced tomatoes", + "extra-virgin olive oil", + "baked tortilla chips", + "avocado", + "red wine vinegar", + "whole kernel corn, drain", + "black beans", + "salt", + "chopped cilantro" + ] + }, + { + "id": 22061, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "cayenne pepper", + "kosher salt", + "lemon", + "ground cumin", + "ground ginger", + "yoghurt", + "ground lamb", + "pepper", + "garlic" + ] + }, + { + "id": 21815, + "cuisine": "filipino", + "ingredients": [ + "spring roll wrappers", + "water chestnuts", + "garlic", + "sliced mushrooms", + "soy sauce", + "lumpia wrappers", + "yellow onion", + "eggs", + "pepper", + "ground pork", + "oil", + "sugar", + "green onions", + "salt", + "large shrimp" + ] + }, + { + "id": 30847, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "mushrooms", + "alfalfa sprouts", + "dark sesame oil", + "chile paste", + "chicken breasts", + "pineapple juice", + "red bell pepper", + "romaine lettuce", + "peeled fresh ginger", + "rice vinegar", + "garlic cloves", + "low sodium soy sauce", + "red cabbage", + "vegetable oil", + "chinese cabbage", + "chopped fresh mint" + ] + }, + { + "id": 1787, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "pepper", + "Tabasco Pepper Sauce", + "salt", + "black pepper", + "lime juice", + "Mexican beer", + "skirt steak", + "soy sauce", + "minced garlic", + "vegetable oil", + "orange juice", + "white onion", + "Mexican oregano", + "cilantro", + "cumin" + ] + }, + { + "id": 41885, + "cuisine": "french", + "ingredients": [ + "white wine", + "leeks", + "extra-virgin olive oil", + "garlic cloves", + "mussels", + "snow crab", + "spot prawns", + "yellow onion", + "bay leaf", + "pepper", + "rouille", + "fine sea salt", + "thyme", + "tomatoes", + "Dungeness crabs", + "fish stock", + "squid", + "fish" + ] + }, + { + "id": 26059, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "unsalted butter", + "vanilla extract", + "vanilla frosting", + "buttermilk", + "salt", + "baking soda", + "red food coloring", + "unsweetened cocoa powder", + "cider vinegar", + "large eggs", + "cake flour" + ] + }, + { + "id": 4108, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "vanilla extract", + "butter", + "granulated sugar", + "dry roasted peanuts", + "light corn syrup" + ] + }, + { + "id": 44361, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "extra-virgin olive oil", + "chopped cilantro fresh", + "raisins", + "corn tortillas", + "ground cumin", + "green bell pepper", + "ground allspice", + "skirt steak", + "diced tomatoes", + "pimento stuffed green olives" + ] + }, + { + "id": 45474, + "cuisine": "italian", + "ingredients": [ + "angel hair", + "vegetable bouillon", + "crushed red pepper flakes", + "sour cream", + "brussels sprouts", + "pepper", + "grated parmesan cheese", + "corn starch", + "dried tarragon leaves", + "minced onion", + "salt", + "dried oregano", + "diced potatoes", + "water", + "sliced carrots", + "green beans" + ] + }, + { + "id": 36449, + "cuisine": "cajun_creole", + "ingredients": [ + "jumbo shrimp", + "leeks", + "heavy whipping cream", + "dry vermouth", + "dried thyme", + "large garlic cloves", + "andouille sausage", + "seafood stock", + "all-purpose flour", + "red potato", + "bottled clam juice", + "butter", + "puff pastry" + ] + }, + { + "id": 10737, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "seeds", + "coconut milk", + "tumeric", + "green plantains", + "green chilies", + "plantains", + "water", + "pandanus leaf", + "cinnamon sticks", + "curry leaves", + "lime", + "salt", + "onions" + ] + }, + { + "id": 17125, + "cuisine": "indian", + "ingredients": [ + "milk", + "plain flour", + "unsalted butter", + "powdered sugar", + "ground cardamom", + "sliced almonds", + "saffron" + ] + }, + { + "id": 4802, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "fine sea salt", + "anise seed", + "corn kernels", + "acorn squash", + "milk", + "grated nutmeg", + "eggs", + "olive oil", + "scallions" + ] + }, + { + "id": 48536, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "purple onion", + "tomatoes", + "large garlic cloves", + "balsamic vinegar", + "fresh basil leaves", + "olive oil", + "orzo" + ] + }, + { + "id": 20811, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "bacon", + "pepper", + "salt", + "chicken broth", + "Tabasco Pepper Sauce", + "dark brown sugar", + "collard greens", + "red pepper flakes", + "onions" + ] + }, + { + "id": 46261, + "cuisine": "italian", + "ingredients": [ + "diced onions", + "zucchini", + "salt", + "cream", + "barilla piccolini mini", + "fresh tomatoes", + "chicken breasts", + "pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 8667, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "olive oil", + "salt", + "fresh cilantro", + "chili powder", + "garlic cloves", + "bread crumbs", + "corn", + "purple onion", + "cumin", + "pepper", + "jalapeno chilies", + "cayenne pepper" + ] + }, + { + "id": 22850, + "cuisine": "french", + "ingredients": [ + "water", + "ground cardamom", + "salt", + "hachiya", + "sugar", + "fresh lemon juice" + ] + }, + { + "id": 9945, + "cuisine": "mexican", + "ingredients": [ + "salt", + "ground black pepper", + "fresh lime juice", + "green onions", + "plum tomatoes", + "avocado", + "garlic cloves" + ] + }, + { + "id": 33750, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "salt", + "butter", + "chocolate chips", + "sugar", + "corn syrup", + "eggs", + "deep dish pie crust" + ] + }, + { + "id": 48527, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "shallots", + "freshly ground pepper", + "shiitake", + "whole milk", + "salt", + "thyme", + "unsalted butter", + "dry white wine", + "rotisserie chicken", + "sage", + "low sodium chicken broth", + "peas", + "carrots" + ] + }, + { + "id": 32339, + "cuisine": "vietnamese", + "ingredients": [ + "sirloin", + "homemade beef stock", + "asian fish sauce", + "rice noodles", + "beansprouts", + "chile pepper", + "scallions", + "chile sauce", + "cilantro leaves", + "onions" + ] + }, + { + "id": 34318, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "red wine vinegar", + "anise", + "fresh lime juice", + "chicken stock", + "pepper", + "red pepper", + "peanut oil", + "ground cumin", + "chile powder", + "black beans", + "uncle bens", + "green pepper", + "chopped cilantro", + "seasoning", + "green onions", + "worcestershire sauce", + "fresh lemon juice" + ] + }, + { + "id": 32085, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "cannellini beans", + "chopped onion", + "prosciutto", + "chopped celery", + "carrots", + "olive oil", + "garlic", + "fat skimmed chicken broth", + "roma tomatoes", + "salt" + ] + }, + { + "id": 13861, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "vegetable stock", + "oil", + "ginger juice", + "Shaoxing wine", + "garlic", + "juice", + "rock sugar", + "shiitake", + "cornflour", + "oyster sauce", + "black pepper", + "sesame oil", + "salt" + ] + }, + { + "id": 9269, + "cuisine": "french", + "ingredients": [ + "sugar", + "apples", + "prepared pie crusts", + "salt", + "heavy cream", + "tart", + "water", + "apple pie spice" + ] + }, + { + "id": 17121, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "ground black pepper", + "boneless pork loin", + "fennel seeds", + "salt", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 36640, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "coriander seeds", + "salt", + "onions", + "water", + "ginger", + "green chilies", + "chiles", + "vegetable oil", + "white fleshed fish", + "ground turmeric", + "coconut", + "garlic", + "cumin seed" + ] + }, + { + "id": 13745, + "cuisine": "italian", + "ingredients": [ + "lump crab meat", + "eggplant", + "lemon wedge", + "pepperoncini", + "fresh marjoram", + "water", + "leeks", + "red pepper", + "thyme sprigs", + "celery ribs", + "pepper", + "grated parmesan cheese", + "fresh thyme leaves", + "garlic cloves", + "bread crumbs", + "olive oil", + "dry white wine", + "salt", + "onions" + ] + }, + { + "id": 47749, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "water", + "ground red pepper", + "fresh lemon juice", + "angel hair", + "olive oil", + "chickpeas", + "red bell pepper", + "ground cinnamon", + "fresh cilantro", + "salt", + "leg of lamb", + "red lentils", + "black pepper", + "chopped tomatoes", + "chopped onion" + ] + }, + { + "id": 44748, + "cuisine": "mexican", + "ingredients": [ + "mozzarella cheese", + "fresh basil leaves", + "flour tortillas", + "tomato sauce" + ] + }, + { + "id": 8104, + "cuisine": "spanish", + "ingredients": [ + "white wine", + "turkey sausage", + "garlic cloves", + "mussels", + "unsalted butter", + "crushed red pepper flakes", + "smoked paprika", + "ground black pepper", + "heavy cream", + "fresh parsley leaves", + "tomatoes", + "french bread", + "yellow onion" + ] + }, + { + "id": 9695, + "cuisine": "chinese", + "ingredients": [ + "large egg whites", + "granulated white sugar", + "large shrimp", + "mayonaise", + "green onions", + "corn starch", + "honey", + "walnuts", + "water", + "vegetable oil", + "sweetened condensed milk" + ] + }, + { + "id": 44496, + "cuisine": "british", + "ingredients": [ + "sausage casings", + "vegetable oil", + "corn flakes", + "freshly ground pepper", + "mustard", + "large eggs", + "kosher salt", + "all-purpose flour" + ] + }, + { + "id": 19456, + "cuisine": "irish", + "ingredients": [ + "water", + "raisins", + "evaporated skim milk", + "ground cinnamon", + "large eggs", + "1% low-fat milk", + "light butter", + "granulated sugar", + "vanilla extract", + "baguette", + "Irish whiskey", + "low-fat cream cheese" + ] + }, + { + "id": 9784, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "fresh asparagus", + "eggs", + "freshly ground pepper", + "red wine vinegar", + "scallions", + "salt" + ] + }, + { + "id": 10702, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "apple cider vinegar", + "scallions", + "nori", + "miso paste", + "ginger", + "cucumber", + "honey", + "daikon", + "carrots", + "avocado", + "tahini", + "salmon sashimi", + "white sesame seeds" + ] + }, + { + "id": 44953, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "ground black pepper", + "cashew chop unsalt", + "chopped cilantro fresh", + "corn kernels", + "extra firm tofu", + "salt", + "mushroom soy sauce", + "yellow squash", + "jalapeno chilies", + "peanut oil", + "sliced green onions", + "water", + "zucchini", + "light coconut milk", + "basmati rice" + ] + }, + { + "id": 18276, + "cuisine": "spanish", + "ingredients": [ + "arborio rice", + "water", + "pimentos", + "green peas", + "garlic cloves", + "dried tarragon leaves", + "finely chopped onion", + "large garlic cloves", + "crushed red pepper", + "red bell pepper", + "saffron threads", + "monkfish", + "dry white wine", + "diced tomatoes", + "sweet paprika", + "fresh parsley", + "jumbo shrimp", + "olive oil", + "clam juice", + "littleneck clams", + "fresh lemon juice" + ] + }, + { + "id": 30175, + "cuisine": "mexican", + "ingredients": [ + "rotelle", + "salt", + "lime", + "tomatoes with juice", + "ground cumin", + "sugar", + "cilantro", + "yellow onion", + "jalapeno chilies", + "garlic" + ] + }, + { + "id": 9939, + "cuisine": "thai", + "ingredients": [ + "cider vinegar", + "golden raisins", + "garlic cloves", + "mango", + "curry powder", + "cilantro", + "coconut milk", + "pepper", + "vegetable oil", + "red bell pepper", + "ground cumin", + "boneless chicken skinless thigh", + "minced ginger", + "salt", + "onions" + ] + }, + { + "id": 43994, + "cuisine": "korean", + "ingredients": [ + "sesame oil", + "seaweed", + "sesame", + "butter", + "kimchi", + "eggs", + "vegetable oil", + "scallions", + "black pepper", + "red pepper", + "cooked white rice" + ] + }, + { + "id": 14827, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "large eggs", + "olive oil", + "shredded mozzarella cheese", + "pasta sauce", + "eggplant", + "water", + "grated parmesan cheese" + ] + }, + { + "id": 15106, + "cuisine": "irish", + "ingredients": [ + "light butter", + "large eggs", + "vanilla extract", + "sugar", + "Irish whiskey", + "sauce", + "ground cinnamon", + "cooking spray", + "1% low-fat milk", + "baguette", + "raisins", + "evaporated skim milk" + ] + }, + { + "id": 16287, + "cuisine": "french", + "ingredients": [ + "grated parmesan cheese", + "all-purpose flour", + "eggs", + "boneless skinless chicken breasts", + "green onions", + "heavy whipping cream", + "pepper", + "salt" + ] + }, + { + "id": 41770, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "corn tortillas", + "roma tomatoes", + "salt", + "onions", + "white onion", + "garlic", + "bay leaf", + "serrano peppers", + "beef tongue" + ] + }, + { + "id": 40867, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vegetable oil", + "vanilla extract", + "cream cheese", + "coffee", + "buttermilk", + "cake flour", + "confectioners sugar", + "large eggs", + "butter", + "frosting", + "marshmallow creme", + "white vinegar", + "soda", + "red food coloring", + "salt", + "unsweetened cocoa powder" + ] + }, + { + "id": 39683, + "cuisine": "brazilian", + "ingredients": [ + "seeds", + "cachaca", + "lime", + "extra-virgin olive oil", + "mint", + "raw sugar", + "papaya", + "crushed ice" + ] + }, + { + "id": 40042, + "cuisine": "southern_us", + "ingredients": [ + "bread", + "granulated sugar", + "eggs", + "salt", + "ground cinnamon", + "raisins", + "milk" + ] + }, + { + "id": 30954, + "cuisine": "greek", + "ingredients": [ + "red mullet", + "garlic cloves", + "olive oil", + "lemon", + "finely chopped fresh parsley", + "salt", + "pepper", + "grape vine leaves", + "lemon juice" + ] + }, + { + "id": 33433, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "thai chile", + "canola oil", + "wide rice noodles", + "extra firm tofu", + "Gochujang base", + "hoisin sauce", + "garlic", + "string beans", + "sesame oil", + "red bell pepper" + ] + }, + { + "id": 4503, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "salt", + "chicken broth", + "baking powder", + "cooked chicken", + "milk", + "butter" + ] + }, + { + "id": 19498, + "cuisine": "southern_us", + "ingredients": [ + "pecan halves", + "sweetened coconut flakes", + "bananas", + "orange juice", + "sugar", + "navel oranges", + "pineapple", + "lemon juice" + ] + }, + { + "id": 47380, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "boneless skinless chicken breasts", + "sour cream", + "fresh cilantro", + "green chilies", + "dried oregano", + "reduced sodium chicken broth", + "garlic", + "onions", + "yellow hominy", + "fat", + "ground cumin" + ] + }, + { + "id": 47714, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "plum tomatoes", + "fresh cilantro", + "lime juice", + "serrano chile" + ] + }, + { + "id": 30715, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "vegetable oil", + "gyoza wrappers", + "ground white pepper", + "soy sauce", + "dry white wine", + "salt", + "corn starch", + "sliced green onions", + "sugar", + "water chestnuts", + "chili oil", + "oyster sauce", + "shiitake mushroom caps", + "large eggs", + "napa cabbage", + "rice vinegar", + "ground turkey" + ] + }, + { + "id": 32702, + "cuisine": "italian", + "ingredients": [ + "won ton wrappers", + "grated lemon zest", + "bread crumb fresh", + "shallots", + "fresh chervil", + "olive oil", + "peas", + "chicken broth", + "freshly grated parmesan", + "garlic cloves" + ] + }, + { + "id": 27728, + "cuisine": "mexican", + "ingredients": [ + "bacon", + "lime", + "ground chipotle chile pepper", + "deveined shrimp", + "olive oil" + ] + }, + { + "id": 4771, + "cuisine": "cajun_creole", + "ingredients": [ + "yellow corn meal", + "cajun seasoning", + "olive oil", + "lemon", + "tilapia fillets", + "butter", + "self rising flour", + "fresh parsley" + ] + }, + { + "id": 15758, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "oil", + "eggplant", + "pepper", + "onions", + "tomatoes", + "salt" + ] + }, + { + "id": 16734, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "kosher salt", + "red potato", + "freshly ground pepper", + "large garlic cloves" + ] + }, + { + "id": 10921, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "sesame oil", + "peanut butter", + "lime", + "garlic", + "water", + "cilantro", + "coconut milk", + "brown sugar", + "fresh ginger", + "hot sauce" + ] + }, + { + "id": 18131, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "garam masala", + "garlic", + "cumin", + "water", + "vegetable oil", + "small green chile", + "pepper", + "cayenne", + "salt", + "tomatoes", + "fresh ginger", + "heavy cream", + "onions" + ] + }, + { + "id": 992, + "cuisine": "french", + "ingredients": [ + "coars ground black pepper", + "lemon", + "chicken stock", + "chopped fresh chives", + "pork tenderloin", + "fresh lemon juice", + "capers", + "butter" + ] + }, + { + "id": 5159, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "lemon juice", + "ground black pepper", + "robiola", + "salt", + "baby arugula", + "bresaola" + ] + }, + { + "id": 21091, + "cuisine": "mexican", + "ingredients": [ + "corn tortillas", + "reduced-fat sour cream", + "boneless skinless chicken breast halves", + "garlic salt", + "enchilada sauce", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 23667, + "cuisine": "japanese", + "ingredients": [ + "water", + "yukon gold potatoes", + "apples", + "onions", + "ketchup", + "ground black pepper", + "peas", + "oil", + "kosher salt", + "flour", + "tonkatsu sauce", + "carrots", + "garam masala", + "butter", + "cayenne pepper", + "chicken thighs" + ] + }, + { + "id": 8907, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "heavy cream", + "semisweet chocolate", + "confectioners sugar", + "granulated sugar", + "salt", + "whole almonds", + "egg whites", + "unsweetened cocoa powder" + ] + }, + { + "id": 19972, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "pepper", + "salt", + "black pepper", + "cinnamon", + "gnocchi", + "brown butter", + "sweet potatoes", + "maple syrup", + "whole wheat pastry flour", + "butter" + ] + }, + { + "id": 33782, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "garlic", + "onions", + "ground cumin", + "water", + "salt", + "chopped cilantro fresh", + "cream", + "paneer", + "white sugar", + "tomatoes", + "cooking oil", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 27546, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "bell pepper", + "paprika", + "freshly ground pepper", + "fresh oregano leaves", + "grated parmesan cheese", + "chili powder", + "country style bread", + "cheddar cheese", + "large eggs", + "beefsteak tomatoes", + "ricotta", + "fresh basil leaves", + "olive oil", + "jalapeno chilies", + "purple onion", + "garlic cloves" + ] + }, + { + "id": 20654, + "cuisine": "russian", + "ingredients": [ + "egg noodles", + "bacon", + "sliced mushrooms", + "cold water", + "butter", + "beef broth", + "celery", + "seasoning salt", + "worcestershire sauce", + "corn starch", + "onions", + "vegetable oil", + "beef stew meat", + "sour cream" + ] + }, + { + "id": 35508, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "buttermilk", + "large eggs", + "all-purpose flour", + "shortening", + "baking powder", + "baking soda", + "salt" + ] + }, + { + "id": 12259, + "cuisine": "italian", + "ingredients": [ + "pizza doughs", + "sea salt", + "extra-virgin olive oil", + "fresh rosemary" + ] + }, + { + "id": 30535, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "stewed tomatoes", + "shrimp", + "vegetable oil", + "seafood", + "large garlic cloves", + "fresh mushrooms", + "crushed tomatoes", + "crushed red pepper", + "onions" + ] + }, + { + "id": 45018, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "hoisin sauce", + "rice vinegar", + "sesame seeds", + "green onions", + "ground beef", + "soy sauce", + "large eggs", + "toasted sesame oil", + "panko", + "garlic" + ] + }, + { + "id": 38424, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "bell pepper", + "fresh parsley", + "dried basil", + "eye of round steak", + "dried oregano", + "pepper", + "bay leaves", + "onions", + "olive oil", + "salt" + ] + }, + { + "id": 18625, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "unsalted butter", + "all-purpose flour", + "fresh parsley leaves", + "caper berries", + "olive oil", + "large garlic cloves", + "veal shanks", + "onions", + "capers", + "lemon zest", + "grated lemon zest", + "brine cured green olives", + "minced garlic", + "dry white wine", + "anchovy fillets", + "low salt chicken broth" + ] + }, + { + "id": 38309, + "cuisine": "italian", + "ingredients": [ + "pepper", + "fresh mozzarella", + "tomatoes", + "chicken breasts", + "grill seasoning", + "olive oil", + "salt", + "fresh basil", + "balsamic vinegar" + ] + }, + { + "id": 26006, + "cuisine": "italian", + "ingredients": [ + "bread flour", + "instant yeast", + "water", + "salt" + ] + }, + { + "id": 2218, + "cuisine": "spanish", + "ingredients": [ + "saffron", + "turkey", + "water", + "salt pork" + ] + }, + { + "id": 18346, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "whole milk", + "olive oil", + "all-purpose flour", + "sage leaves", + "ground pepper", + "grated lemon peel", + "pork shoulder roast", + "garlic" + ] + }, + { + "id": 7495, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "ground beef", + "light brown sugar", + "sauce", + "yellow mustard", + "onions", + "green bell pepper", + "pork and beans" + ] + }, + { + "id": 26154, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "long-grain rice", + "water", + "compressed yeast" + ] + }, + { + "id": 29781, + "cuisine": "british", + "ingredients": [ + "olive oil", + "haddock fillets", + "salt", + "milk", + "potatoes", + "cheese", + "smoked salmon", + "ground nutmeg", + "butter", + "all-purpose flour", + "salmon fillets", + "ground black pepper", + "green peas", + "onions" + ] + }, + { + "id": 13666, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cherry tomatoes", + "purple onion", + "kosher salt", + "ground black pepper", + "cumin", + "black beans", + "olive oil", + "sweet corn", + "lime", + "cilantro" + ] + }, + { + "id": 40219, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "green chilies", + "onions", + "olive oil", + "cumin seed", + "frozen peas", + "tumeric", + "garam masala", + "carrots", + "fresh coriander", + "potatoes", + "phyllo pastry" + ] + }, + { + "id": 4807, + "cuisine": "brazilian", + "ingredients": [ + "sugar", + "ice", + "hibiscus flowers", + "cachaca", + "lime wedges" + ] + }, + { + "id": 46825, + "cuisine": "japanese", + "ingredients": [ + "bonito", + "orange", + "soy sauce", + "konbu", + "rice vinegar" + ] + }, + { + "id": 3780, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "all-purpose flour", + "veal shanks", + "fresh rosemary", + "ground black pepper", + "chopped celery", + "grated lemon zest", + "kosher salt", + "dry white wine", + "purple onion", + "garlic cloves", + "pappardelle pasta", + "anchovy paste", + "beef broth", + "flat leaf parsley" + ] + }, + { + "id": 13318, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "heavy cream", + "garlic", + "tomato paste", + "fresh cilantro", + "paprika", + "kosher salt", + "diced tomatoes", + "onions", + "cooked rice", + "garam masala", + "ginger" + ] + }, + { + "id": 15785, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "butter", + "all-purpose flour", + "milk", + "shoepeg corn", + "sugar", + "bacon", + "lima beans" + ] + }, + { + "id": 44348, + "cuisine": "jamaican", + "ingredients": [ + "eggs", + "baking powder", + "all-purpose flour", + "ground ginger", + "milk", + "vanilla extract", + "brown sugar", + "butter", + "confectioners sugar", + "ground cinnamon", + "fresh ginger root", + "salt" + ] + }, + { + "id": 29275, + "cuisine": "british", + "ingredients": [ + "sugar", + "dijon mustard", + "extra-virgin olive oil", + "ground white pepper", + "ground black pepper", + "red wine vinegar", + "salt", + "granny smith apples", + "shallots", + "white wine vinegar", + "stilton cheese", + "Belgian endive", + "unsalted butter", + "fresh tarragon", + "walnuts" + ] + }, + { + "id": 13398, + "cuisine": "greek", + "ingredients": [ + "zucchini", + "fresh oregano", + "plain low-fat yogurt", + "boneless skinless chicken breasts", + "fresh lemon juice", + "cooking spray", + "garlic cloves", + "olive oil", + "salt", + "cucumber" + ] + }, + { + "id": 5419, + "cuisine": "french", + "ingredients": [ + "semisweet chocolate", + "honey", + "whipping cream" + ] + }, + { + "id": 25638, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "green onions", + "salted cashews", + "fresh dill", + "ground black pepper", + "buttermilk", + "red leaf lettuce", + "boneless skinless chicken breasts", + "dill weed", + "grapes", + "dry white wine", + "celery" + ] + }, + { + "id": 38044, + "cuisine": "greek", + "ingredients": [ + "italian tomatoes", + "ziti", + "dry red wine", + "grated nutmeg", + "allspice", + "sugar", + "unsalted butter", + "pecorino romano cheese", + "all-purpose flour", + "dried oregano", + "tomato paste", + "milk", + "vegetable oil", + "lamb shoulder", + "freshly ground pepper", + "tomato sauce", + "large egg yolks", + "cinnamon", + "salt", + "onions" + ] + }, + { + "id": 16286, + "cuisine": "italian", + "ingredients": [ + "eggs", + "dark rum", + "almonds", + "heavy whipping cream", + "sugar", + "salt", + "semisweet chocolate" + ] + }, + { + "id": 29715, + "cuisine": "southern_us", + "ingredients": [ + "low-fat buttermilk", + "salt", + "orange juice", + "baking soda", + "vanilla extract", + "whipped topping", + "butter-margarine blend", + "baking powder", + "strawberries", + "sugar", + "cooking spray", + "all-purpose flour", + "lemon juice" + ] + }, + { + "id": 14326, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "agave nectar", + "orange liqueur", + "tequila", + "lime wedges", + "key lime juice" + ] + }, + { + "id": 17066, + "cuisine": "italian", + "ingredients": [ + "calamari", + "red pepper flakes", + "freshly ground pepper", + "fresh parsley", + "fresh chives", + "lemon", + "salt", + "medium shrimp", + "mussels", + "olive oil", + "garlic", + "mixed greens", + "pitted kalamata olives", + "sea scallops", + "purple onion", + "lemon juice" + ] + }, + { + "id": 16178, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "lean ground beef", + "white bread", + "minced onion", + "worcestershire sauce", + "water", + "condensed cream of mushroom soup", + "eggs", + "beef base" + ] + }, + { + "id": 42468, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "pesto", + "chees fresh mozzarella", + "fresh basil", + "refrigerated pizza dough", + "prosciutto", + "fresh parsley" + ] + }, + { + "id": 33261, + "cuisine": "italian", + "ingredients": [ + "mayonaise", + "bread slices", + "pepper", + "iceberg lettuce", + "cold meatloaf", + "plum tomatoes", + "fresh basil", + "salt" + ] + }, + { + "id": 7926, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "salt", + "unsalted butter", + "baking powder", + "honey", + "all-purpose flour" + ] + }, + { + "id": 7682, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "ground black pepper", + "lemon juice", + "soy sauce", + "oil", + "white onion", + "garlic cloves", + "sugar", + "sirloin steak" + ] + }, + { + "id": 184, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "garlic powder", + "diced tomatoes", + "boneless skinless chicken breasts", + "Swanson Chicken Broth", + "italian seasoning" + ] + }, + { + "id": 38426, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "bacon", + "whole wheat breadcrumbs", + "eggs", + "baking potatoes", + "all-purpose flour", + "half & half", + "shredded sharp cheddar cheese", + "italian seasoning", + "pepper", + "butter", + "fresh herbs" + ] + }, + { + "id": 33385, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "fresh ginger", + "hot chili sauce", + "water", + "ramen noodles", + "sliced mushrooms", + "fresh spinach", + "green onions", + "carrots", + "fresh basil", + "lime", + "garlic", + "medium shrimp" + ] + }, + { + "id": 22050, + "cuisine": "japanese", + "ingredients": [ + "cream of tartar", + "large egg whites", + "powdered sugar", + "green tea powder" + ] + }, + { + "id": 41083, + "cuisine": "french", + "ingredients": [ + "sugar", + "salt", + "unsalted butter", + "club soda", + "large eggs", + "milk", + "all-purpose flour" + ] + }, + { + "id": 47548, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "chili pepper", + "water chestnuts", + "garlic", + "red bell pepper", + "chinese rice wine", + "peanuts", + "chili oil", + "rice vinegar", + "brown sugar", + "large egg whites", + "meat", + "salt", + "canola oil", + "chicken broth", + "soy sauce", + "zucchini", + "ginger", + "corn starch" + ] + }, + { + "id": 49030, + "cuisine": "french", + "ingredients": [ + "wine", + "unsalted butter", + "vanilla extract", + "grated lemon peel", + "olive oil", + "baking powder", + "all-purpose flour", + "grated orange peel", + "baking soda", + "extra-virgin olive oil", + "seedless red grapes", + "sugar", + "large eggs", + "salt" + ] + }, + { + "id": 22934, + "cuisine": "mexican", + "ingredients": [ + "ground chicken", + "ancho powder", + "yellow onion", + "fresh lime juice", + "ground cumin", + "corn kernels", + "salt", + "ground white pepper", + "monterey jack", + "water", + "garlic", + "sweet paprika", + "dried oregano", + "dough", + "unsalted butter", + "all-purpose flour", + "poblano chiles", + "canola oil" + ] + }, + { + "id": 35484, + "cuisine": "thai", + "ingredients": [ + "pepper", + "cooked chicken", + "edamame", + "garlic cloves", + "ground ginger", + "quinoa", + "salt", + "creamy peanut butter", + "chopped cilantro", + "light brown sugar", + "lime juice", + "red pepper", + "canned coconut milk", + "carrots", + "sweet chili sauce", + "green onions", + "rice vinegar", + "roasted peanuts" + ] + }, + { + "id": 19265, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "freshly ground pepper", + "green olives", + "sherry vinegar", + "sliced shallots", + "orange bell pepper", + "garlic cloves", + "capers", + "salt" + ] + }, + { + "id": 28086, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "sour cream", + "extra-virgin olive oil", + "english cucumber", + "greek yogurt" + ] + }, + { + "id": 15772, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "tomato paste", + "onions", + "cilantro leaves", + "lime juice" + ] + }, + { + "id": 5840, + "cuisine": "cajun_creole", + "ingredients": [ + "hot pepper sauce", + "bacon", + "thyme", + "black pepper", + "chili powder", + "garlic", + "dijon mustard", + "basil", + "oregano", + "scallops", + "vegetable oil", + "salt" + ] + }, + { + "id": 11212, + "cuisine": "vietnamese", + "ingredients": [ + "white pepper", + "garlic", + "bean curd", + "cooking oil", + "scallions", + "sugar", + "egg whites", + "shrimp", + "fresh ginger", + "salt" + ] + }, + { + "id": 20677, + "cuisine": "southern_us", + "ingredients": [ + "dry roasted peanuts", + "whole milk", + "corn starch", + "unflavored gelatin", + "evaporated milk", + "corn syrup", + "cold water", + "water", + "heavy cream", + "kosher salt", + "granulated sugar", + "coca-cola" + ] + }, + { + "id": 28512, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic cloves", + "pasta", + "broccoli rabe", + "olive oil", + "romano cheese", + "red pepper flakes" + ] + }, + { + "id": 3511, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lemon juice", + "galangal", + "kaffir lime leaves", + "chopped onion", + "chillies", + "chopped garlic", + "lemongrass", + "coconut milk", + "ground turmeric", + "brown sugar", + "mustard seeds", + "coriander" + ] + }, + { + "id": 24638, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "all-purpose flour", + "top round steak", + "flour", + "oil", + "eggs", + "milk", + "cayenne pepper", + "kosher salt", + "salt" + ] + }, + { + "id": 17468, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "cayenne", + "salt", + "onions", + "clove", + "ground black pepper", + "garlic", + "cinnamon sticks", + "ground cumin", + "plain yogurt", + "butter", + "long-grain rice", + "cashew nuts", + "water", + "raisins", + "ground cardamom", + "boneless lamb" + ] + }, + { + "id": 38975, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "tomatoes with juice", + "minced garlic", + "macaroni", + "homemade chicken stock", + "fennel", + "onions", + "italian sausage", + "dried basil", + "grated parmesan cheese" + ] + }, + { + "id": 49530, + "cuisine": "italian", + "ingredients": [ + "all-purpose flour", + "kosher salt", + "whole milk ricotta cheese", + "cornmeal" + ] + }, + { + "id": 15118, + "cuisine": "jamaican", + "ingredients": [ + "coconut oil", + "lime juice", + "sweet pepper", + "thyme", + "chicken", + "tomatoes", + "pepper", + "sea salt", + "yellow onion", + "browning", + "black pepper", + "arrowroot powder", + "salt", + "onions", + "green bell pepper", + "water", + "garlic", + "carrots", + "cabbage" + ] + }, + { + "id": 27731, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "cheese", + "kosher salt", + "large eggs", + "ground black pepper", + "all-purpose flour", + "nutmeg", + "unsalted butter" + ] + }, + { + "id": 41345, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "garam masala", + "heavy cream", + "chickpeas", + "cumin", + "pepper", + "sweet potatoes", + "garlic", + "smoked paprika", + "kosher salt", + "jalapeno chilies", + "cilantro", + "ground coriander", + "olive oil", + "butter", + "sweet peas", + "coconut milk" + ] + }, + { + "id": 6314, + "cuisine": "brazilian", + "ingredients": [ + "white vinegar", + "pepper", + "beef rib short", + "low-fat chicken broth", + "smoked bacon", + "onions", + "boneless pork shoulder", + "orange", + "garlic cloves", + "dried black beans", + "salt", + "smoked ham hocks" + ] + }, + { + "id": 42749, + "cuisine": "moroccan", + "ingredients": [ + "green bell pepper", + "freshly ground pepper", + "feta cheese crumbles", + "avocado", + "extra-virgin olive oil", + "garlic cloves", + "fresh parsley", + "kalamata", + "mixed greens", + "fresh mint", + "preserved lemon", + "purple onion", + "fresh lemon juice", + "plum tomatoes" + ] + }, + { + "id": 3420, + "cuisine": "mexican", + "ingredients": [ + "black peppercorns", + "sea salt", + "cilantro leaves", + "cumin seed", + "chicken stock", + "green onions", + "garlic", + "grated lemon zest", + "bone in chicken thighs", + "jalapeno chilies", + "extra-virgin olive oil", + "salsa", + "lemon juice", + "tomato paste", + "cinnamon", + "purple onion", + "pumpkin seeds", + "dried oregano" + ] + }, + { + "id": 6392, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "peanuts", + "boneless skinless chicken breasts", + "cooked rice", + "water", + "vinegar", + "red bell pepper", + "cold water", + "minced garlic", + "zucchini", + "corn starch", + "brown sugar", + "chile paste", + "green onions" + ] + }, + { + "id": 28110, + "cuisine": "mexican", + "ingredients": [ + "chopped green chilies", + "green pepper", + "red bell pepper", + "fresh parsley", + "pepper", + "jalapeno chilies", + "tortilla chips", + "ground turkey", + "shredded cheddar cheese", + "salsa", + "pimento stuffed olives", + "ripe olives", + "cheese soup", + "chopped onion", + "sour cream", + "dried oregano" + ] + }, + { + "id": 20612, + "cuisine": "southern_us", + "ingredients": [ + "cointreau", + "baking powder", + "heavy cream", + "corn starch", + "raspberries", + "cold cut", + "all-purpose flour", + "pure vanilla extract", + "peaches", + "butter", + "lemon juice", + "sugar", + "orange bitters", + "sea salt" + ] + }, + { + "id": 40386, + "cuisine": "japanese", + "ingredients": [ + "eggplant", + "red miso", + "sake", + "sesame oil", + "sugar", + "shoyu", + "mirin", + "dried red chile peppers" + ] + }, + { + "id": 36663, + "cuisine": "moroccan", + "ingredients": [ + "caraway seeds", + "fresh ginger root", + "purple onion", + "ground cumin", + "sea bass", + "fresh orange juice", + "fresh lime juice", + "preserved lemon", + "harissa", + "fresh lemon juice", + "unsweetened coconut milk", + "kosher salt", + "extra-virgin olive oil", + "fresh chervil" + ] + }, + { + "id": 46770, + "cuisine": "french", + "ingredients": [ + "gruyere cheese", + "frozen pastry puff sheets", + "fig jam" + ] + }, + { + "id": 37449, + "cuisine": "mexican", + "ingredients": [ + "salmon", + "salsa", + "tortillas", + "monterey jack" + ] + }, + { + "id": 49197, + "cuisine": "italian", + "ingredients": [ + "baby greens", + "white wine vinegar", + "fresh lemon juice", + "large egg whites", + "dijon mustard", + "salt", + "fresh parsley", + "ground black pepper", + "purple onion", + "flounder fillets", + "olive oil", + "large eggs", + "dry bread crumbs", + "plum tomatoes" + ] + }, + { + "id": 17766, + "cuisine": "italian", + "ingredients": [ + "asiago", + "olive oil", + "broccoli" + ] + }, + { + "id": 31292, + "cuisine": "brazilian", + "ingredients": [ + "pure vanilla extract", + "sweetened coconut flakes", + "unsalted butter", + "water", + "sweetened condensed milk", + "white vinegar", + "granulated sugar" + ] + }, + { + "id": 3110, + "cuisine": "korean", + "ingredients": [ + "pepper", + "zucchini", + "red pepper flakes", + "scallions", + "chicken", + "soy sauce", + "water", + "sesame oil", + "salt", + "onions", + "minced garlic", + "flour", + "ginger", + "garlic cloves", + "dried kelp", + "sesame seeds", + "vegetable oil", + "meat bones", + "noodles" + ] + }, + { + "id": 47666, + "cuisine": "french", + "ingredients": [ + "dried thyme", + "anchovy paste", + "onions", + "cooking oil", + "black olives", + "chicken", + "ground black pepper", + "garlic", + "dried rosemary", + "crushed tomatoes", + "red wine", + "salt" + ] + }, + { + "id": 41653, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "cold water", + "salt", + "green onions", + "avocado", + "cucumber" + ] + }, + { + "id": 34441, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "taco seasoning", + "kidney beans", + "frozen corn", + "tomato sauce", + "chili powder", + "onions", + "black beans", + "diced tomatoes", + "cumin" + ] + }, + { + "id": 29403, + "cuisine": "vietnamese", + "ingredients": [ + "black pepper", + "onions", + "sugar", + "shallots", + "fish sauce", + "water", + "sliced green onions", + "pork belly", + "spaghetti, cook and drain" + ] + }, + { + "id": 42094, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "salt", + "arborio rice", + "dry white wine", + "beef marrow", + "beef stock", + "onions", + "grated parmesan cheese", + "saffron powder" + ] + }, + { + "id": 36930, + "cuisine": "jamaican", + "ingredients": [ + "eggs", + "dried thyme", + "spring onions", + "salt", + "water", + "unsalted butter", + "scotch bonnet chile", + "ground beef", + "pepper", + "olive oil", + "baking powder", + "all-purpose flour", + "cold water", + "curry powder", + "crumbs", + "garlic", + "onions" + ] + }, + { + "id": 45962, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil cooking spray", + "butter", + "freshly ground pepper", + "sweet onion", + "salsa", + "sour cream", + "pepper", + "salt", + "garlic cloves", + "green bell pepper", + "large eggs", + "goat cheese", + "chorizo sausage" + ] + }, + { + "id": 5334, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "toasted pine nuts", + "spaghetti", + "pinenuts", + "part-skim ricotta cheese", + "fresh mint", + "large garlic cloves", + "fresh lemon juice", + "grana padano", + "pepper", + "salt", + "frozen peas" + ] + }, + { + "id": 3796, + "cuisine": "japanese", + "ingredients": [ + "white vinegar", + "water", + "all-purpose flour", + "chicken wings", + "butter", + "white sugar", + "eggs", + "garlic powder", + "sauce", + "soy sauce", + "salt" + ] + }, + { + "id": 33561, + "cuisine": "indian", + "ingredients": [ + "clove", + "cardamom pods", + "tea bags", + "sweetened condensed milk", + "black peppercorns", + "cinnamon sticks", + "water" + ] + }, + { + "id": 28984, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "zucchini", + "button mushrooms", + "cumin", + "corn kernels", + "bell pepper", + "yellow onion", + "black beans", + "flour tortillas", + "cheese", + "seasoning", + "olive oil", + "jalapeno chilies", + "cayenne pepper" + ] + }, + { + "id": 4266, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "bay leaves", + "black cardamom pods", + "onions", + "cooking oil", + "green peas", + "carrots", + "water", + "fresh green bean", + "cumin seed", + "basmati rice", + "clove", + "potatoes", + "salt", + "cinnamon sticks" + ] + }, + { + "id": 18497, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "lobster", + "salt", + "water", + "sesame oil", + "scallions", + "white pepper", + "Shaoxing wine", + "e-fu noodl", + "sugar", + "cooking oil", + "ginger", + "oyster sauce" + ] + }, + { + "id": 26775, + "cuisine": "moroccan", + "ingredients": [ + "tilapia fillets", + "garlic", + "red bell pepper", + "ground cumin", + "chicken bouillon granules", + "vegetable oil", + "cayenne pepper", + "onions", + "tomatoes", + "paprika", + "carrots", + "olives", + "garbanzo beans", + "salt", + "fresh parsley" + ] + }, + { + "id": 44824, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "onions", + "spinach", + "dried mint flakes", + "eggs", + "feta cheese", + "phyllo dough", + "butter" + ] + }, + { + "id": 38899, + "cuisine": "french", + "ingredients": [ + "cherry tomatoes", + "white wine vinegar", + "water", + "grated parmesan cheese", + "garlic cloves", + "pepper", + "olive oil", + "purple onion", + "dried thyme", + "fresh green bean", + "fresh parsley" + ] + }, + { + "id": 25917, + "cuisine": "french", + "ingredients": [ + "curry powder", + "sauvignon blanc", + "thyme sprigs", + "black peppercorns", + "half & half", + "sea salt", + "sea scallops", + "butter", + "bay leaf", + "white pepper", + "leeks", + "all-purpose flour" + ] + }, + { + "id": 1264, + "cuisine": "mexican", + "ingredients": [ + "serrano peppers", + "cilantro leaves", + "cumin", + "vine ripened tomatoes", + "garlic cloves", + "vegetable oil", + "yellow onion", + "salt", + "fresh lime juice" + ] + }, + { + "id": 47083, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "sesame paste", + "water", + "salt", + "fresh mint", + "garlic", + "fresh lemon juice", + "moroccan seasoning", + "rack of lamb", + "ground cumin" + ] + }, + { + "id": 33245, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "lean ground beef", + "purple onion", + "honey", + "ginger", + "canola oil", + "water", + "cilantro", + "garlic cloves", + "fish sauce", + "hoisin sauce", + "thai chile" + ] + }, + { + "id": 39, + "cuisine": "mexican", + "ingredients": [ + "tostada shells", + "cheese", + "ground beef", + "shredded lettuce", + "taco seasoning", + "tortillas", + "salsa", + "diced tomatoes", + "sour cream" + ] + }, + { + "id": 2147, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "butter", + "ground black pepper", + "hominy grits", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 34740, + "cuisine": "french", + "ingredients": [ + "almonds", + "almond extract", + "granulated sugar", + "grated lemon zest", + "large eggs", + "confectioners sugar", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 19928, + "cuisine": "french", + "ingredients": [ + "sugar", + "vanilla extract", + "semi-sweet chocolate morsels", + "fat free milk", + "margarine", + "egg substitute", + "all-purpose flour", + "unsweetened cocoa powder", + "ice water", + "peanut butter chips" + ] + }, + { + "id": 33008, + "cuisine": "italian", + "ingredients": [ + "hot pepper sauce", + "yellow bell pepper", + "dill pickles", + "eggplant", + "cooking spray", + "salt", + "frozen peas", + "tuna in oil", + "extra-virgin olive oil", + "red bell pepper", + "ground black pepper", + "red wine vinegar", + "long-grain rice" + ] + }, + { + "id": 31373, + "cuisine": "italian", + "ingredients": [ + "red chili peppers", + "large garlic cloves", + "Diamond Crystal® Kosher Salt", + "fresh thyme", + "fresh oregano", + "lemon juice", + "lemon", + "striped bass", + "flat leaf parsley", + "large egg whites", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 44594, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "mozzarella cheese", + "dry bread crumbs", + "risotto", + "all-purpose flour", + "large eggs" + ] + }, + { + "id": 41284, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "fresh lemon juice", + "black pepper", + "salt", + "pancetta", + "shallots", + "gnocchi", + "parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 16390, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "salt", + "vegetable oil", + "cayenne pepper", + "white pepper", + "all-purpose flour", + "paprika", + "chicken" + ] + }, + { + "id": 35023, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "oil", + "green tomatoes", + "cornmeal", + "milk", + "corn starch", + "chili powder" + ] + }, + { + "id": 42782, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "flaked coconut", + "vanilla extract", + "chips", + "butter", + "egg yolks", + "pastry shell", + "corn starch", + "half & half", + "whipping cream" + ] + }, + { + "id": 19756, + "cuisine": "mexican", + "ingredients": [ + "sliced carrots", + "white vinegar", + "white sugar", + "purple onion", + "jalapeno chilies" + ] + }, + { + "id": 44219, + "cuisine": "indian", + "ingredients": [ + "warm water", + "garam masala", + "purple onion", + "coconut milk", + "hot chili", + "stewed tomatoes", + "cumin seed", + "fresh ginger", + "chicken breasts", + "salt", + "ground turmeric", + "coriander seeds", + "chicken stock cubes", + "garlic cloves" + ] + }, + { + "id": 36174, + "cuisine": "italian", + "ingredients": [ + "italian tomatoes", + "coarse sea salt", + "olive oil", + "onions", + "perciatelli", + "garlic cloves", + "fresh basil", + "eggplant" + ] + }, + { + "id": 15348, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "orange", + "onion powder", + "yellow mustard", + "brown sugar", + "water", + "bourbon whiskey", + "spicy brown mustard", + "molasses", + "garlic powder", + "apple cider vinegar", + "sea salt", + "black pepper", + "cayenne", + "cajun seasoning", + "apple juice" + ] + }, + { + "id": 42825, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "corn kernels", + "beans", + "Tabasco Pepper Sauce", + "tomato purée", + "cherry tomatoes", + "taco shells", + "ground cumin" + ] + }, + { + "id": 45571, + "cuisine": "indian", + "ingredients": [ + "flour", + "crushed red pepper", + "onions", + "fresh ginger", + "diced tomatoes", + "firm tofu", + "canola oil", + "half & half", + "salt", + "ground turmeric", + "garam masala", + "garlic", + "red bell pepper" + ] + }, + { + "id": 36281, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "hot pepper sauce", + "Mexican oregano", + "salt", + "sour cream", + "black pepper", + "egg whites", + "stewed tomatoes", + "shredded mozzarella cheese", + "shredded Monterey Jack cheese", + "ground cinnamon", + "poblano peppers", + "vegetable oil", + "all-purpose flour", + "onions", + "white vinegar", + "shredded cheddar cheese", + "egg yolks", + "garlic", + "oil", + "ground cumin" + ] + }, + { + "id": 34046, + "cuisine": "chinese", + "ingredients": [ + "regular tofu", + "dry sherry", + "long grain white rice", + "chili flakes", + "reduced sodium soy sauce", + "garlic", + "fresh ginger", + "vegetable broth", + "firmly packed brown sugar", + "broccoli florets", + "fermented black beans" + ] + }, + { + "id": 21040, + "cuisine": "southern_us", + "ingredients": [ + "mandarin oranges", + "small curd cottage cheese", + "cool whip", + "jello", + "crushed pineapple" + ] + }, + { + "id": 10500, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "fresh mint", + "sugar", + "Spring! Water" + ] + }, + { + "id": 33453, + "cuisine": "southern_us", + "ingredients": [ + "chiles", + "light molasses", + "garlic cloves", + "ground cumin", + "crushed tomatoes", + "chili powder", + "low salt chicken broth", + "white onion", + "coffee", + "hot water", + "olive oil", + "dark brown sugar", + "chopped cilantro fresh" + ] + }, + { + "id": 23891, + "cuisine": "italian", + "ingredients": [ + "water", + "lemon", + "chicken broth", + "unsalted butter", + "arborio rice", + "olive oil", + "salt", + "lump crab meat", + "green onions" + ] + }, + { + "id": 4898, + "cuisine": "spanish", + "ingredients": [ + "sherry vinegar", + "blanched almonds", + "extra-virgin olive oil", + "serrano ham", + "asparagus", + "escarole", + "dry bread crumbs", + "ground cumin" + ] + }, + { + "id": 43629, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "flour", + "lemon", + "juice", + "olive oil", + "Tabasco Pepper Sauce", + "salt", + "water", + "quickcooking grits", + "garlic", + "medium shrimp", + "chicken broth", + "grated parmesan cheese", + "baby spinach", + "scallions" + ] + }, + { + "id": 14096, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "salt", + "ground black pepper", + "mayonaise", + "ground cayenne pepper", + "dijon style mustard" + ] + }, + { + "id": 34258, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "sugar", + "lime", + "chopped cilantro fresh", + "garlic paste", + "pepper", + "salt", + "ginger paste", + "kaffir lime leaves", + "straw mushrooms", + "thai chile", + "chicken", + "fish sauce", + "lemongrass", + "coconut milk" + ] + }, + { + "id": 18758, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "lemon juice", + "capers", + "paprika", + "fresh parsley", + "olive oil", + "all-purpose flour", + "cutlet", + "ground white pepper" + ] + }, + { + "id": 8111, + "cuisine": "british", + "ingredients": [ + "dark molasses", + "cinnamon", + "sugar", + "baking soda", + "all-purpose flour", + "cream of tartar", + "milk", + "salt", + "mixed spice", + "butter" + ] + }, + { + "id": 42014, + "cuisine": "southern_us", + "ingredients": [ + "granulated garlic", + "buttermilk", + "pork lard", + "baking powder", + "cayenne pepper", + "chicken", + "black pepper", + "all-purpose flour", + "canola oil", + "rub", + "chili powder", + "white sugar" + ] + }, + { + "id": 36073, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "jalapeno chilies", + "salsa", + "cheese soup", + "onion powder", + "cumin", + "garlic powder", + "chicken breasts", + "sour cream", + "tortillas", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 5106, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "salt", + "onions", + "potatoes", + "cumin seed", + "garam masala", + "cilantro leaves", + "ground turmeric", + "curry leaves", + "chili powder", + "oil" + ] + }, + { + "id": 49, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "white sugar", + "water", + "light corn syrup", + "butter", + "peanuts", + "salt" + ] + }, + { + "id": 40906, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "onion powder", + "all-purpose flour", + "dijon mustard", + "buttermilk", + "chicken", + "ground black pepper", + "vegetable oil", + "cayenne pepper", + "baking powder", + "salt" + ] + }, + { + "id": 6647, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "cannellini beans", + "seasoning salt", + "onions", + "turkey bacon", + "mustard greens", + "chicken broth", + "olive oil" + ] + }, + { + "id": 47547, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "lemon juice", + "melted butter", + "peaches", + "fresh raspberries", + "yoplait", + "cold water", + "baking soda", + "Gold Medal All Purpose Flour", + "corn starch", + "eggs", + "baking powder", + "ground allspice" + ] + }, + { + "id": 46726, + "cuisine": "mexican", + "ingredients": [ + "halibut fillets", + "chili powder", + "chopped cilantro fresh", + "sugar", + "cooking spray", + "corn tortillas", + "avocado", + "ground black pepper", + "salt", + "fat free yogurt", + "shredded cabbage", + "fresh lime juice" + ] + }, + { + "id": 43148, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "ground nutmeg", + "salt", + "onions", + "ground cinnamon", + "pepper", + "chopped almonds", + "chicken pieces", + "saffron", + "powdered sugar", + "water", + "butter", + "fresh parsley", + "ground ginger", + "ground cloves", + "large eggs", + "phyllo pastry", + "chopped cilantro fresh" + ] + }, + { + "id": 28497, + "cuisine": "moroccan", + "ingredients": [ + "yukon gold potatoes", + "chickpeas", + "garlic cloves", + "peppercorns", + "water", + "salt", + "freshly ground pepper", + "leg of lamb", + "ground ginger", + "extra-virgin olive oil", + "sweet paprika", + "fresh lemon juice", + "chopped cilantro fresh", + "coriander seeds", + "yellow onion", + "cumin seed", + "couscous" + ] + }, + { + "id": 26490, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked chicken", + "chopped celery", + "garlic cloves", + "bay leaves", + "diced tomatoes", + "yellow onion", + "green bell pepper", + "low-sodium fat-free chicken broth", + "salt", + "fresh parsley", + "ground red pepper", + "smoked sausage", + "long-grain rice" + ] + }, + { + "id": 39455, + "cuisine": "italian", + "ingredients": [ + "white wine", + "olive oil", + "basil", + "onions", + "pepper", + "leeks", + "salt", + "risotto", + "grated parmesan cheese", + "garlic", + "broth", + "arborio rice", + "water", + "green onions", + "carrots" + ] + }, + { + "id": 42366, + "cuisine": "french", + "ingredients": [ + "almonds", + "nectarines", + "sugar", + "crème fraîche", + "large eggs", + "hazelnuts", + "puff pastry" + ] + }, + { + "id": 35072, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "chicken breasts", + "yellow onion", + "masa", + "kosher salt", + "achiote paste", + "liquid", + "white vinegar", + "lettuce leaves", + "purple onion", + "plum tomatoes", + "black beans", + "vegetable oil", + "sauce" + ] + }, + { + "id": 12171, + "cuisine": "korean", + "ingredients": [ + "sugar", + "sesame salt", + "scallions", + "rib eye steaks", + "black pepper", + "red pepper flakes", + "toasted sesame seeds", + "soy sauce", + "sesame oil", + "garlic cloves", + "sake", + "fresh ginger", + "peanut oil" + ] + }, + { + "id": 48559, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "coconut milk", + "coriander", + "vine tomatoes", + "curry paste", + "ginger", + "fillets", + "basmati rice", + "plain flour", + "garlic cloves", + "onions" + ] + }, + { + "id": 17908, + "cuisine": "mexican", + "ingredients": [ + "frozen lemonade concentrate", + "beer", + "vodka", + "ice cubes" + ] + }, + { + "id": 19984, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "Mexican oregano", + "salt", + "pork butt", + "chicken broth", + "jalapeno chilies", + "cilantro", + "peanut oil", + "masa harina", + "white pepper", + "serrano peppers", + "garlic", + "dark beer", + "poblano peppers", + "tomatillos", + "yellow onion", + "cumin" + ] + }, + { + "id": 43250, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "bacon slices", + "shredded cheddar cheese", + "fresh parsley", + "green chile", + "salt", + "chicken broth", + "quickcooking grits" + ] + }, + { + "id": 15975, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "fresh basil", + "garlic cloves", + "tomatoes", + "salt", + "pepper" + ] + }, + { + "id": 36598, + "cuisine": "italian", + "ingredients": [ + "clams", + "olive oil", + "fresh parsley", + "fettucine", + "crushed red pepper", + "tomatoes", + "dry white wine", + "fresh basil", + "garlic cloves" + ] + }, + { + "id": 45433, + "cuisine": "italian", + "ingredients": [ + "chicken sausage", + "large eggs", + "sea salt", + "ground black pepper", + "shallots", + "olive oil", + "grated parmesan cheese", + "garlic", + "asparagus", + "whole wheat spaghetti" + ] + }, + { + "id": 1036, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "white pepper", + "salt", + "chicken broth", + "green onions", + "ground ginger", + "tapioca flour", + "toasted sesame oil", + "eggs", + "garlic" + ] + }, + { + "id": 6628, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "large eggs", + "corn starch", + "corn flakes", + "rice vinegar", + "soy sauce", + "boneless skinless chicken breasts", + "chicken broth", + "hoisin sauce", + "all-purpose flour" + ] + }, + { + "id": 21575, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "parmesan cheese", + "yellow onion", + "pepper", + "balsamic vinegar", + "red bell pepper", + "fresh basil", + "large eggs", + "garlic cloves", + "olive oil", + "salt", + "bay leaf" + ] + }, + { + "id": 37986, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "chicken legs", + "lime", + "lobster", + "red wine vinegar", + "dry red wine", + "cayenne pepper", + "garlic cloves", + "onions", + "tomatoes", + "bottled clam juice", + "short-grain rice", + "chopped fresh thyme", + "yellow bell pepper", + "salt pork", + "ground coriander", + "flat leaf parsley", + "mussels", + "black peppercorns", + "halibut fillets", + "bay leaves", + "lemon", + "salt", + "fresh oregano", + "ham", + "frozen peas", + "chicken stock", + "green bell pepper", + "olive oil", + "vegetable oil", + "littleneck clams", + "spanish chorizo", + "hot Italian sausages", + "red bell pepper", + "large shrimp" + ] + }, + { + "id": 34490, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vermicelli", + "beef broth", + "ground beef", + "fresh ginger", + "sesame oil", + "corn starch", + "minced garlic", + "green onions", + "chopped onion", + "hoisin sauce", + "red pepper flakes", + "celery" + ] + }, + { + "id": 4937, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "garlic", + "palm sugar", + "lime juice", + "hot water", + "thai chile" + ] + }, + { + "id": 12773, + "cuisine": "chinese", + "ingredients": [ + "zucchini", + "green peas", + "scallions", + "soy sauce", + "brown rice", + "broccoli", + "eggs", + "chicken breasts", + "rice vinegar", + "onions", + "corn kernels", + "sesame oil", + "edamame" + ] + }, + { + "id": 12356, + "cuisine": "korean", + "ingredients": [ + "sugar", + "rice vinegar", + "green onions", + "english cucumber", + "kosher salt", + "dark sesame oil", + "crushed red pepper" + ] + }, + { + "id": 3865, + "cuisine": "vietnamese", + "ingredients": [ + "pork neck", + "yellow onion", + "chicken", + "water", + "fat", + "fish sauce", + "squid", + "salt", + "dried shrimp" + ] + }, + { + "id": 18691, + "cuisine": "korean", + "ingredients": [ + "potatoes", + "carrots", + "soy sauce", + "garlic", + "white sugar", + "chicken wing drummettes", + "onions", + "water", + "Gochujang base" + ] + }, + { + "id": 2561, + "cuisine": "mexican", + "ingredients": [ + "whitefish fillets", + "whole wheat tortillas", + "ground cayenne pepper", + "chili powder", + "salt", + "canola oil", + "ground black pepper", + "relish", + "fresh lime juice", + "lime wedges", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 48031, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "eggs", + "corn kernels", + "melted butter", + "milk", + "green bell pepper", + "finely chopped onion" + ] + }, + { + "id": 19690, + "cuisine": "french", + "ingredients": [ + "fontina cheese", + "pastry shell", + "eggs", + "sage leaves", + "bacon" + ] + }, + { + "id": 8729, + "cuisine": "indian", + "ingredients": [ + "water", + "vegetable oil", + "cinnamon sticks", + "granny smith apples", + "dried apricot", + "chopped onion", + "curry powder", + "salt", + "basmati rice", + "sliced almonds", + "peeled fresh ginger", + "garlic cloves" + ] + }, + { + "id": 5173, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "pineapple", + "diced ham", + "soy sauce", + "green onions", + "frozen corn", + "frozen peas", + "ground ginger", + "olive oil", + "garlic", + "onions", + "cooked brown rice", + "sesame oil", + "carrots" + ] + }, + { + "id": 37918, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "frozen corn", + "KRAFT Mexican Style Finely Shredded Four Cheese", + "chopped cilantro fresh", + "canned black beans", + "TACO BELL® Thick & Chunky Mild Salsa", + "sweet mini bells" + ] + }, + { + "id": 42224, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "long-grain rice", + "corn kernels", + "extra-virgin olive oil", + "pinto beans", + "red wine vinegar", + "garlic cloves", + "cherry tomatoes", + "fresh oregano", + "red bell pepper" + ] + }, + { + "id": 3286, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chopped tomatoes", + "green chilies", + "refried beans", + "salt", + "onions", + "lime", + "large garlic cloves", + "corn tortillas", + "red chili peppers", + "olive oil", + "free range egg", + "coriander" + ] + }, + { + "id": 16101, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "wonton wrappers", + "peanut oil", + "crab meat", + "kosher salt", + "rice vinegar", + "corn starch", + "ketchup", + "crushed red pepper flakes", + "scallions", + "pineapple chunks", + "water", + "cream cheese" + ] + }, + { + "id": 23169, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "salt", + "radishes", + "scallions", + "ground pepper", + "beef rib short", + "seasoning", + "chili powder" + ] + }, + { + "id": 4459, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "lemon juice", + "pinenuts", + "boneless skinless chicken breasts", + "scallions", + "golden raisins", + "grated lemon zest", + "flat leaf parsley", + "olive oil", + "peas", + "long-grain rice" + ] + }, + { + "id": 31219, + "cuisine": "mexican", + "ingredients": [ + "mint sprigs", + "cold water", + "white sugar", + "strawberries", + "lime" + ] + }, + { + "id": 28222, + "cuisine": "japanese", + "ingredients": [ + "miso paste", + "dashi", + "green onions", + "soy sauce", + "soft tofu", + "shiitake" + ] + }, + { + "id": 36576, + "cuisine": "french", + "ingredients": [ + "olive oil", + "fresh thyme leaves", + "carrots", + "chicken thighs", + "cannellini beans", + "white beans", + "bay leaf", + "turkey kielbasa", + "fat skimmed chicken broth", + "onions", + "french bread", + "salt", + "chopped parsley" + ] + }, + { + "id": 4917, + "cuisine": "italian", + "ingredients": [ + "grated romano cheese", + "eggs", + "vegetable oil", + "cold water", + "flour", + "ground black pepper" + ] + }, + { + "id": 43521, + "cuisine": "italian", + "ingredients": [ + "fresh spinach", + "provolone cheese", + "pizza crust", + "lemon juice", + "pepper", + "boneless skinless chicken breast halves", + "great northern beans", + "garlic powder", + "dried rosemary" + ] + }, + { + "id": 48127, + "cuisine": "southern_us", + "ingredients": [ + "red potato", + "onions", + "clam juice", + "clams", + "fatback", + "ground black pepper" + ] + }, + { + "id": 16636, + "cuisine": "chinese", + "ingredients": [ + "scallion greens", + "sugar", + "szechwan peppercorns", + "noodles", + "spinach", + "soy sauce", + "oil", + "toasted peanuts", + "bean paste", + "chinkiang vinegar", + "mustard", + "red chili peppers", + "vegetable oil" + ] + }, + { + "id": 5819, + "cuisine": "italian", + "ingredients": [ + "reduced sodium chicken broth", + "kale", + "finely chopped onion", + "pepper", + "mascarpone", + "oil", + "kosher salt", + "olive oil", + "toasted walnuts", + "pancetta", + "minced garlic", + "unsalted butter", + "carnaroli rice" + ] + }, + { + "id": 7193, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "plum tomatoes", + "jalapeno chilies", + "salt", + "cantaloupe", + "purple onion", + "lime", + "cilantro", + "cucumber" + ] + }, + { + "id": 18483, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "grated nutmeg", + "light brown sugar", + "all-purpose flour", + "light corn syrup", + "cinnamon" + ] + }, + { + "id": 27261, + "cuisine": "mexican", + "ingredients": [ + "stock", + "fresh cilantro", + "sea salt", + "tortilla chips", + "cumin", + "diced onions", + "crushed tomatoes", + "chili powder", + "sauce", + "chipotles in adobo", + "lime juice", + "extra firm tofu", + "salsa", + "corn tortillas", + "white onion", + "garlic powder", + "garlic", + "Mexican cheese" + ] + }, + { + "id": 36738, + "cuisine": "chinese", + "ingredients": [ + "cilantro stems", + "fish", + "kosher salt", + "fresh lime juice", + "basil", + "olive oil", + "key lime" + ] + }, + { + "id": 23327, + "cuisine": "southern_us", + "ingredients": [ + "vanilla ice cream", + "butter", + "rum", + "bananas", + "firmly packed brown sugar", + "banana liqueur" + ] + }, + { + "id": 18709, + "cuisine": "southern_us", + "ingredients": [ + "butter-margarine blend", + "self rising flour", + "yellow corn meal", + "fat free milk", + "ground red pepper", + "sugar", + "frozen whole kernel corn", + "red bell pepper", + "large egg whites", + "cooking spray" + ] + }, + { + "id": 19348, + "cuisine": "moroccan", + "ingredients": [ + "cayenne", + "extra-virgin olive oil", + "flat leaf parsley", + "smoked sweet Spanish paprika", + "garlic cloves", + "granulated sugar", + "salt", + "ground cumin", + "lemon", + "carrots" + ] + }, + { + "id": 9447, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "grated parmesan cheese", + "onions", + "olive oil", + "diced tomatoes", + "cooked meatballs", + "dry red wine", + "perciatelli", + "large garlic cloves" + ] + }, + { + "id": 43888, + "cuisine": "italian", + "ingredients": [ + "angel hair", + "flour", + "lemon", + "salt", + "chicken broth", + "pepper", + "baby spinach", + "extra-virgin olive oil", + "capers", + "dry white wine", + "Italian parsley leaves", + "boneless skinless chicken breast halves", + "eggs", + "parmigiano reggiano cheese", + "butter", + "garlic" + ] + }, + { + "id": 34300, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "White Lily Flour", + "buttermilk", + "baking powder", + "kosher salt", + "lard" + ] + }, + { + "id": 21633, + "cuisine": "moroccan", + "ingredients": [ + "green olives", + "kaiser rolls", + "cumin seed", + "tomatoes", + "ketchup", + "grated lemon zest", + "dried currants", + "lettuce leaves", + "ground turkey", + "ground cinnamon", + "black pepper", + "chopped onion" + ] + }, + { + "id": 31422, + "cuisine": "cajun_creole", + "ingredients": [ + "fontina cheese", + "sweet onion", + "garlic", + "pepper", + "jalapeno chilies", + "cooked quinoa", + "tomatoes", + "olive oil", + "salt", + "tomato paste", + "fresh cilantro", + "cajun seasoning", + "large shrimp" + ] + }, + { + "id": 19474, + "cuisine": "greek", + "ingredients": [ + "sliced black olives", + "pita rounds", + "feta cheese crumbles", + "artichok heart marin", + "tomato sauce", + "chopped fresh herbs" + ] + }, + { + "id": 34578, + "cuisine": "southern_us", + "ingredients": [ + "pork shoulder roast", + "onion powder", + "paprika", + "firmly packed light brown sugar", + "garlic powder", + "yellow mustard", + "salt", + "honey", + "apple cider vinegar", + "sandwich buns", + "slaw", + "ground red pepper", + "worcestershire sauce" + ] + }, + { + "id": 7593, + "cuisine": "italian", + "ingredients": [ + "yellow onion", + "tomato basil sauce", + "pasta", + "sausages", + "green bell pepper" + ] + }, + { + "id": 36162, + "cuisine": "thai", + "ingredients": [ + "calamari", + "crushed red pepper flakes", + "peanut oil", + "beansprouts", + "chicken stock", + "palm sugar", + "raw cashews", + "scallions", + "chicken", + "fish sauce", + "rice noodles", + "sauce", + "cucumber", + "eggs", + "lime wedges", + "purple onion", + "shrimp" + ] + }, + { + "id": 42790, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "ground cumin", + "salsa", + "black beans", + "shredded Monterey Jack cheese", + "chili powder" + ] + }, + { + "id": 43919, + "cuisine": "indian", + "ingredients": [ + "nonfat milk", + "salt", + "ice cubes", + "cumin seed", + "nonfat yogurt plain" + ] + }, + { + "id": 35767, + "cuisine": "cajun_creole", + "ingredients": [ + "diced onions", + "kidney beans", + "bay leaves", + "garlic", + "fresh lemon juice", + "cherry tomatoes", + "fresh thyme", + "paprika", + "rice", + "black pepper", + "garbanzo beans", + "red pepper", + "salt", + "olive oil", + "flour", + "vegetable broth", + "okra" + ] + }, + { + "id": 47348, + "cuisine": "russian", + "ingredients": [ + "eggs", + "vegetable oil", + "carrots", + "diced potatoes", + "apple cider vinegar", + "frozen corn", + "dijon mustard", + "gherkins", + "mayonaise", + "salt", + "frozen peas" + ] + }, + { + "id": 39068, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "chili powder", + "garlic", + "green chilies", + "cumin", + "water", + "cilantro", + "frozen corn", + "bay leaf", + "black beans", + "diced tomatoes", + "salt", + "enchilada sauce", + "pepper flakes", + "chicken breasts", + "cheese", + "tortilla chips", + "onions" + ] + }, + { + "id": 7306, + "cuisine": "irish", + "ingredients": [ + "water", + "carrots", + "yellow mustard seeds", + "bay leaves", + "cabbage", + "turnips", + "potatoes", + "onions", + "black pepper", + "vegetable broth" + ] + }, + { + "id": 2953, + "cuisine": "thai", + "ingredients": [ + "eggplant", + "coconut milk", + "jasmine rice", + "base", + "frozen peas", + "cherry tomatoes", + "new york strip steaks", + "canola oil", + "chiles", + "thai basil", + "lime leaves" + ] + }, + { + "id": 40864, + "cuisine": "greek", + "ingredients": [ + "diced red onions", + "green bell pepper", + "feta cheese crumbles", + "sliced black olives", + "salad dressing", + "grape tomatoes", + "zucchini" + ] + }, + { + "id": 16714, + "cuisine": "british", + "ingredients": [ + "flour", + "kidney", + "black pepper", + "shoulder lamb chops", + "chicken stock", + "butter", + "onions", + "potatoes", + "salt" + ] + }, + { + "id": 4345, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "potatoes", + "cheddar cheese", + "feta cheese", + "spinach", + "red pepper" + ] + }, + { + "id": 29160, + "cuisine": "irish", + "ingredients": [ + "beef stock", + "country bread", + "sherry vinegar", + "beer", + "cheddar cheese", + "fresh thyme leaves", + "onions", + "minced garlic", + "extra-virgin olive oil", + "gray salt" + ] + }, + { + "id": 47326, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "garam masala", + "cinnamon", + "greek style plain yogurt", + "chopped cilantro", + "olive oil", + "bay leaves", + "garlic", + "rice", + "cumin", + "black pepper", + "half & half", + "paprika", + "cayenne pepper", + "onions", + "fresh ginger", + "boneless skinless chicken breasts", + "salt", + "corn starch" + ] + }, + { + "id": 22714, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "vinegar", + "salt", + "seaweed", + "lotus roots", + "avocado", + "water", + "vegetable stock", + "dried shiitake mushrooms", + "carrots", + "chicken", + "wasabi", + "soy sauce", + "vegetable oil", + "sushi grade tuna", + "kelp", + "snow peas", + "eggs", + "mirin", + "ginger", + "rice", + "shrimp" + ] + }, + { + "id": 20471, + "cuisine": "chinese", + "ingredients": [ + "egg roll wrappers", + "soy sauce", + "chicken broth", + "large eggs", + "corn kernels" + ] + }, + { + "id": 16082, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "oil", + "ground cumin", + "plain yogurt", + "chili powder", + "chicken thighs", + "ground ginger", + "ground black pepper", + "lemon juice", + "minced garlic", + "salt", + "coriander" + ] + }, + { + "id": 7731, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "apricot jam", + "vanilla ice cream", + "cinnamon", + "frozen pastry puff sheets", + "apricots", + "sugar", + "plums" + ] + }, + { + "id": 29236, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "rib", + "large garlic cloves", + "black pepper", + "salt", + "mustard greens" + ] + }, + { + "id": 17926, + "cuisine": "indian", + "ingredients": [ + "fresh curry leaves", + "chile de arbol", + "tamarind concentrate", + "asafoetida", + "coriander seeds", + "cumin seed", + "cooked rice", + "pearl onions", + "peanut oil", + "ground turmeric", + "kosher salt", + "chana dal", + "black mustard seeds" + ] + }, + { + "id": 18206, + "cuisine": "mexican", + "ingredients": [ + "long-grain rice", + "cumin", + "chicken broth", + "chopped cilantro", + "lime", + "onions", + "olive oil", + "garlic salt" + ] + }, + { + "id": 17058, + "cuisine": "southern_us", + "ingredients": [ + "chicken breasts", + "brown sugar", + "italian salad dressing", + "jack daniels", + "sauce", + "barbecue sauce" + ] + }, + { + "id": 7777, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "jalapeno chilies", + "firm tofu", + "galangal", + "lime juice", + "salt", + "carrots", + "Boston lettuce", + "peanuts", + "rice vinegar", + "green beans", + "cuban peppers", + "garlic", + "scallions", + "asian fish sauce" + ] + }, + { + "id": 25379, + "cuisine": "russian", + "ingredients": [ + "vanilla extract", + "water", + "fresh lemon juice", + "sugar", + "orange juice", + "almond extract" + ] + }, + { + "id": 28049, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "chinese five-spice powder", + "soy sauce", + "shallots", + "asian fish sauce", + "sugar", + "peeled fresh ginger", + "garlic cloves", + "honey", + "rice vinegar" + ] + }, + { + "id": 47307, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "pecan halves", + "bittersweet chocolate", + "light brown sugar", + "heavy cream", + "sugar" + ] + }, + { + "id": 25535, + "cuisine": "thai", + "ingredients": [ + "star anise", + "water", + "coconut milk", + "tea bags", + "cardamom pods", + "honey" + ] + }, + { + "id": 673, + "cuisine": "french", + "ingredients": [ + "water", + "leeks", + "gruyere cheese", + "fresh lemon juice", + "fennel seeds", + "olive oil", + "dry white wine", + "chickpeas", + "plum tomatoes", + "saffron threads", + "sourdough bread", + "butternut squash", + "fine sea salt", + "fresh parsley", + "black pepper", + "fennel bulb", + "baking potatoes", + "garlic cloves" + ] + }, + { + "id": 659, + "cuisine": "cajun_creole", + "ingredients": [ + "cremini mushrooms", + "boneless skinless chicken breasts", + "worcestershire sauce", + "garlic cloves", + "creole mustard", + "chopped green bell pepper", + "butter", + "all-purpose flour", + "sliced green onions", + "fresh parmesan cheese", + "cajun seasoning", + "salt", + "fresh parsley", + "fettucine", + "cooking spray", + "2% reduced-fat milk", + "chopped onion" + ] + }, + { + "id": 27509, + "cuisine": "mexican", + "ingredients": [ + "squash seeds", + "parsley", + "salt", + "seasoning", + "serrano peppers", + "cilantro", + "ground black pepper", + "tomatillos", + "onions", + "chicken broth", + "chicken breasts", + "garlic" + ] + }, + { + "id": 7300, + "cuisine": "thai", + "ingredients": [ + "minced garlic", + "ginger", + "chopped fresh mint", + "fish sauce", + "beef", + "thai chile", + "sugar", + "vegetable oil", + "fresh lime juice", + "asian eggplants", + "reduced sodium soy sauce", + "rice vermicelli" + ] + }, + { + "id": 44232, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "asparagus", + "yellow bell pepper", + "salt", + "olive oil", + "fusilli", + "crushed red pepper", + "cherry tomatoes", + "cooking spray", + "whipping cream", + "garlic cloves", + "fresh basil", + "fresh parmesan cheese", + "green peas", + "purple onion" + ] + }, + { + "id": 22868, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "kosher salt", + "yams", + "dark brown sugar", + "water" + ] + }, + { + "id": 39733, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "chees fresh mozzarella", + "semolina flour", + "basil leaves", + "salt", + "tomato sauce", + "flour", + "extra-virgin olive oil", + "olive oil", + "pecorino romano cheese", + "pizza doughs" + ] + }, + { + "id": 30137, + "cuisine": "indian", + "ingredients": [ + "spanish onion", + "garam masala", + "garlic", + "carrots", + "ground cloves", + "paste tomato", + "potatoes", + "cumin seed", + "frozen peas", + "olive oil", + "ground black pepper", + "salt", + "ground beef", + "water", + "coriander seeds", + "cinnamon", + "lentils" + ] + }, + { + "id": 951, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "ancho powder", + "squash", + "olive oil", + "salt", + "lime", + "cracked black pepper", + "red pepper flakes", + "Mexican cheese" + ] + }, + { + "id": 20937, + "cuisine": "italian", + "ingredients": [ + "water", + "fresh lemon juice", + "fresh basil", + "extra-virgin olive oil", + "large shrimp", + "baby spinach", + "spaghetti", + "capers", + "salt" + ] + }, + { + "id": 44266, + "cuisine": "italian", + "ingredients": [ + "bread", + "ground cloves", + "olive oil", + "ground veal", + "salt", + "ground beef", + "eggs", + "water", + "bay leaves", + "crushed red pepper flakes", + "chopped onion", + "spaghetti", + "tomato paste", + "pepper", + "meatballs", + "diced tomatoes", + "green pepper", + "fresh parsley", + "celery ribs", + "sugar", + "milk", + "vegetable oil", + "ground pork", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 5618, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "fresh mozzarella", + "spaghetti", + "black pepper", + "large eggs", + "grated nutmeg", + "parmigiano reggiano cheese", + "salt", + "olive oil", + "whole milk", + "ham" + ] + }, + { + "id": 6023, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "corn starch", + "toasted sesame seeds", + "dark soy sauce", + "flour", + "rice vinegar", + "dried red chile peppers", + "chicken stock", + "broccoli florets", + "salt", + "ground white pepper", + "sugar", + "Shaoxing wine", + "peanut oil", + "chicken thighs" + ] + }, + { + "id": 40084, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "bay leaves", + "ham", + "baby lima beans", + "purple onion", + "boneless chicken skinless thigh", + "chopped fresh thyme", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 17258, + "cuisine": "chinese", + "ingredients": [ + "baby bok choy", + "Shaoxing wine", + "salt", + "white pepper", + "wonton wrappers", + "soy sauce", + "sesame oil", + "chicken stock", + "water", + "ground pork" + ] + }, + { + "id": 32541, + "cuisine": "jamaican", + "ingredients": [ + "jalapeno chilies", + "scallions", + "coconut milk", + "coconut oil", + "red pepper flakes", + "garlic cloves", + "broth", + "tomato paste", + "chips", + "yams", + "onions", + "black pepper", + "salt", + "thyme", + "fish" + ] + }, + { + "id": 39428, + "cuisine": "russian", + "ingredients": [ + "water", + "whole peeled tomatoes", + "garlic", + "carrots", + "green bell pepper", + "swiss chard", + "diced tomatoes", + "dried dillweed", + "onions", + "olive oil", + "potatoes", + "salt", + "celery", + "silken tofu", + "ground black pepper", + "vegetable broth", + "beets" + ] + }, + { + "id": 44810, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "red pepper flakes", + "green pepper", + "picante sauce", + "brown rice", + "cilantro leaves", + "onions", + "black beans", + "flour tortillas", + "diced tomatoes", + "garlic cloves", + "shredded reduced fat cheddar cheese", + "chili powder", + "salsa", + "ground cumin" + ] + }, + { + "id": 6051, + "cuisine": "italian", + "ingredients": [ + "baking soda", + "large eggs", + "all-purpose flour", + "unsweetened cocoa powder", + "powdered sugar", + "brewed coffee", + "salt", + "chocolate morsels", + "mascarpone", + "mint leaves", + "heavy whipping cream", + "peppermint extract", + "granulated sugar", + "butter", + "fresh mint" + ] + }, + { + "id": 43977, + "cuisine": "spanish", + "ingredients": [ + "chiles", + "green plantains", + "garlic cloves", + "chopped cilantro fresh", + "chicken broth", + "pigeon peas", + "cilantro sprigs", + "red bell pepper", + "water", + "fresh thyme", + "ham", + "tomatoes", + "olive oil", + "calabaza", + "onions" + ] + }, + { + "id": 21978, + "cuisine": "moroccan", + "ingredients": [ + "fennel bulb", + "couscous", + "olive oil", + "shallots", + "dried cranberries", + "merguez sausage", + "cumin seed", + "chicken stock", + "harissa paste", + "dried oregano" + ] + }, + { + "id": 26765, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "garlic", + "butter", + "dried oregano", + "cheese", + "boneless chicken breast", + "fresh parsley" + ] + }, + { + "id": 30438, + "cuisine": "chinese", + "ingredients": [ + "mandarin oranges", + "simple syrup", + "grain alcohol" + ] + }, + { + "id": 35218, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "large eggs", + "kosher salt", + "unsalted butter", + "ricotta", + "sage leaves", + "swiss chard", + "grated parmesan cheese", + "frozen chopped spinach", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 40425, + "cuisine": "mexican", + "ingredients": [ + "colby cheese", + "frozen corn kernels", + "canola oil", + "purple onion", + "sour cream", + "flour tortillas", + "red bell pepper", + "andouille sausage links", + "salsa", + "poblano chiles" + ] + }, + { + "id": 7111, + "cuisine": "indian", + "ingredients": [ + "tamarind", + "malt vinegar", + "garlic cloves", + "lime", + "chili powder", + "green chilies", + "salad", + "mint sauce", + "lamb", + "gram flour", + "papaya", + "star anise", + "mustard oil" + ] + }, + { + "id": 10596, + "cuisine": "french", + "ingredients": [ + "shallots", + "white vinegar", + "bacon slices", + "red wine vinegar", + "large eggs", + "frisee" + ] + }, + { + "id": 27071, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "shredded pepper jack cheese", + "bell pepper", + "cooked quinoa", + "crumbles", + "salsa", + "cheese", + "chopped cilantro fresh" + ] + }, + { + "id": 835, + "cuisine": "filipino", + "ingredients": [ + "spinach", + "cooking oil", + "bok choy", + "chicken broth", + "pepper", + "salt", + "fish sauce", + "garlic", + "onions", + "chicken legs", + "fresh ginger", + "chayotes" + ] + }, + { + "id": 25147, + "cuisine": "mexican", + "ingredients": [ + "lime", + "fresh lime juice", + "coarse salt", + "triple sec", + "ice cubes", + "tequila" + ] + }, + { + "id": 42712, + "cuisine": "french", + "ingredients": [ + "eggs", + "all-purpose flour", + "semisweet chocolate", + "sugar", + "frozen pastry puff sheets" + ] + }, + { + "id": 17501, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "breakfast sausages", + "cream cheese", + "flour tortillas", + "cheese", + "pepper", + "butter", + "green onions", + "salt" + ] + }, + { + "id": 31762, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "boneless skinless chicken breasts", + "white cheddar cheese", + "tequila", + "olive oil", + "cajun seasoning", + "cayenne pepper", + "garlic salt", + "lime juice", + "onion powder", + "broccoli", + "corn tortillas", + "chicken broth", + "beef bouillon", + "stewed tomatoes", + "whole kernel corn, drain" + ] + }, + { + "id": 2962, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "green onions", + "cilantro leaves", + "fish sauce", + "lo mein noodles", + "red pepper flakes", + "peanuts", + "vegetable oil", + "fresh lime juice", + "brown sugar", + "large eggs", + "garlic" + ] + }, + { + "id": 8451, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "turkey", + "olive oil", + "celery ribs", + "ground black pepper", + "kosher salt", + "onions" + ] + }, + { + "id": 40659, + "cuisine": "french", + "ingredients": [ + "sugar", + "large egg yolks", + "vanilla beans", + "whipping cream", + "kahlúa", + "milk", + "bittersweet chocolate", + "praline", + "amaretto" + ] + }, + { + "id": 7705, + "cuisine": "french", + "ingredients": [ + "cold water", + "baguette", + "chopped fresh chives", + "carrots", + "onions", + "beef bones", + "ground black pepper", + "butter", + "thyme sprigs", + "celery ribs", + "kosher salt", + "beef shank", + "gruyere cheese", + "bay leaf", + "black peppercorns", + "olive oil", + "chopped fresh thyme", + "flat leaf parsley" + ] + }, + { + "id": 866, + "cuisine": "thai", + "ingredients": [ + "fresh ginger", + "bow-tie pasta", + "dry roasted peanuts", + "large garlic cloves", + "fresh lime juice", + "green onions", + "peanut oil", + "fresh cilantro", + "crushed red pepper", + "medium shrimp" + ] + }, + { + "id": 31026, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "shredded cheddar cheese", + "romaine lettuce", + "ground beef", + "corn tortilla chips", + "chopped onion", + "taco sauce" + ] + }, + { + "id": 21345, + "cuisine": "southern_us", + "ingredients": [ + "whole wheat pastry flour", + "sucanat", + "bacon", + "cornmeal", + "baking soda", + "butter", + "bacon fat", + "honey", + "baking powder", + "salt", + "large eggs", + "buttermilk", + "frozen corn kernels" + ] + }, + { + "id": 9053, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "extra-virgin olive oil", + "carrots", + "fat free less sodium chicken broth", + "finely chopped onion", + "bow-tie pasta", + "ground lamb", + "kosher salt", + "dry white wine", + "garlic cloves", + "fresh rosemary", + "ground black pepper", + "part-skim ricotta cheese", + "fresh mint" + ] + }, + { + "id": 41321, + "cuisine": "mexican", + "ingredients": [ + "green enchilada sauce", + "flat leaf parsley", + "flour tortillas", + "chopped onion", + "black beans", + "frozen corn kernels", + "monterey jack", + "vegetable oil", + "liquid" + ] + }, + { + "id": 22574, + "cuisine": "italian", + "ingredients": [ + "large garlic cloves", + "chickpeas", + "prosecco", + "white wine vinegar", + "freshly ground pepper", + "pancetta", + "extra-virgin olive oil", + "provolone cheese", + "radicchio", + "salt", + "red bell pepper" + ] + }, + { + "id": 12714, + "cuisine": "indian", + "ingredients": [ + "fenugreek leaves", + "leeks", + "purple onion", + "tamarind concentrate", + "ground cumin", + "ground ginger", + "fresh thyme", + "garlic", + "cumin seed", + "ground turmeric", + "chicken stock", + "pepper", + "cilantro", + "cardamom pods", + "ground turkey", + "clove", + "red chili powder", + "lemon", + "salt", + "red bell pepper" + ] + }, + { + "id": 19663, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "chopped tomatoes", + "dried thyme", + "dried oregano", + "dried basil", + "linguini", + "olive oil" + ] + }, + { + "id": 39842, + "cuisine": "mexican", + "ingredients": [ + "fresh coriander", + "salt", + "cherry tomatoes", + "lime", + "avocado", + "jalapeno chilies" + ] + }, + { + "id": 41071, + "cuisine": "french", + "ingredients": [ + "sugar", + "unsalted butter", + "shallots", + "goat cheese", + "olive oil", + "large eggs", + "bacon", + "phyllo dough", + "sherry vinegar", + "dandelion greens", + "salt", + "black pepper", + "dijon mustard", + "heavy cream", + "rib" + ] + }, + { + "id": 47888, + "cuisine": "italian", + "ingredients": [ + "salt", + "large eggs", + "fresh mint", + "olive oil", + "garlic cloves", + "grated parmesan cheese", + "wild mushrooms" + ] + }, + { + "id": 34039, + "cuisine": "moroccan", + "ingredients": [ + "seasoning salt", + "carrots", + "chicken broth", + "almonds", + "couscous", + "i can't believ it' not butter! made with olive oil spread", + "raisins", + "curry powder", + "yellow onion" + ] + }, + { + "id": 44597, + "cuisine": "filipino", + "ingredients": [ + "lime juice", + "black bean and corn salsa", + "eggs", + "jalapeno chilies", + "frozen corn", + "pie pastry", + "chicken strips", + "fresh cilantro", + "cheese" + ] + }, + { + "id": 48290, + "cuisine": "spanish", + "ingredients": [ + "grating cheese", + "serrano ham", + "green pepper", + "chorizo sausage", + "penne pasta", + "onions", + "tomatoes", + "garlic cloves" + ] + }, + { + "id": 29641, + "cuisine": "spanish", + "ingredients": [ + "sea salt", + "chopped cilantro", + "jalapeno chilies", + "garlic cloves", + "butter", + "fresh lime juice", + "peeled shrimp" + ] + }, + { + "id": 47499, + "cuisine": "vietnamese", + "ingredients": [ + "shiitake", + "spring onions", + "wheat flour", + "dark soy sauce", + "beef", + "salt", + "cabbage", + "eggs", + "leaves", + "garlic", + "onions", + "minced ginger", + "zucchini", + "shrimp" + ] + }, + { + "id": 4649, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "anchovy paste", + "olive oil", + "grated parmesan cheese", + "garlic cloves", + "Belgian endive", + "dijon mustard", + "ciabatta", + "radicchio", + "worcestershire sauce", + "fresh lemon juice" + ] + }, + { + "id": 3509, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "salt", + "black pepper", + "butter", + "fresh lemon juice", + "olive oil", + "linguine", + "flat leaf parsley", + "capers", + "chicken breast halves", + "all-purpose flour" + ] + }, + { + "id": 20473, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "cumin", + "pepper", + "salsa", + "shredded Monterey Jack cheese", + "salt", + "chicken", + "flour tortillas", + "cream cheese" + ] + }, + { + "id": 3751, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "light soy sauce", + "lettuce leaves", + "pork butt", + "kosher salt", + "sherry vinegar", + "scallions", + "beans", + "fresh ginger", + "white rice", + "white sugar", + "neutral oil", + "oysters", + "chili paste", + "kimchi" + ] + }, + { + "id": 9324, + "cuisine": "indian", + "ingredients": [ + "sugar", + "brown rice flour", + "fresh yeast", + "corn flour", + "water", + "coconut cream", + "coconut oil", + "salt", + "yeast" + ] + }, + { + "id": 15177, + "cuisine": "russian", + "ingredients": [ + "bread crumb fresh", + "russet potatoes", + "dried porcini mushrooms", + "ground black pepper", + "garlic cloves", + "olive oil", + "salt", + "hungarian hot paprika", + "large eggs", + "hot water" + ] + }, + { + "id": 10622, + "cuisine": "mexican", + "ingredients": [ + "pork shoulder butt", + "all-purpose flour", + "sour cream", + "canola oil", + "pepper", + "cheese", + "enchilada sauce", + "onions", + "chicken broth", + "flour tortillas", + "garlic cloves", + "ripe olives", + "ground cumin", + "fresh cilantro", + "salt", + "carrots", + "dried oregano" + ] + }, + { + "id": 41178, + "cuisine": "indian", + "ingredients": [ + "water", + "lime wedges", + "onions", + "tumeric", + "potatoes", + "cumin seed", + "fresh curry leaves", + "brown mustard seeds", + "chopped cilantro", + "roasted cashews", + "large eggs", + "vegetable oil", + "serrano chile" + ] + }, + { + "id": 20849, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "won ton wrappers", + "sherry", + "crushed red pepper", + "shrimp", + "serrano chilies", + "water", + "distilled vinegar", + "sesame oil", + "oil", + "chicken", + "minced garlic", + "fresh ginger", + "green onions", + "salt", + "corn starch", + "soy sauce", + "fresh cilantro", + "granulated sugar", + "garlic", + "garlic chili sauce" + ] + }, + { + "id": 8891, + "cuisine": "greek", + "ingredients": [ + "romaine lettuce", + "cooking spray", + "salt", + "plum tomatoes", + "pita wraps", + "garlic", + "cucumber", + "halibut fillets", + "extra-virgin olive oil", + "fresh lemon juice", + "dried oregano", + "fresh dill", + "ground black pepper", + "purple onion", + "greek yogurt" + ] + }, + { + "id": 23606, + "cuisine": "french", + "ingredients": [ + "eggs", + "dark brown sugar", + "vanilla extract", + "butter", + "all-purpose flour" + ] + }, + { + "id": 41689, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "radishes", + "vegetable oil", + "freshly ground pepper", + "monterey jack", + "kosher salt", + "seeds", + "guajillo", + "corn tortillas", + "white onion", + "large eggs", + "queso fresco", + "garlic cloves", + "hungarian sweet paprika", + "honey", + "lime wedges", + "tortilla chips", + "chopped cilantro fresh" + ] + }, + { + "id": 45291, + "cuisine": "chinese", + "ingredients": [ + "garlic paste", + "water", + "chili sauce", + "chicken", + "soy sauce", + "white wine vinegar", + "carrots", + "sugar", + "spring onions", + "oil", + "pepper", + "salt", + "noodles" + ] + }, + { + "id": 2294, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "oil", + "baking powder", + "flour", + "salt" + ] + }, + { + "id": 1472, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "orecchiette", + "black pepper", + "baby spinach", + "onions", + "parmigiano reggiano cheese", + "California bay leaves", + "French lentils", + "garlic cloves" + ] + }, + { + "id": 11841, + "cuisine": "russian", + "ingredients": [ + "jalapeno chilies", + "oil", + "tomatoes", + "apples", + "large garlic cloves", + "carrots", + "bell pepper", + "salt" + ] + }, + { + "id": 37135, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "boneless skinless chicken breasts", + "cilantro leaves", + "coriander", + "fresh ginger", + "garlic", + "cardamom", + "crushed tomatoes", + "chili powder", + "greek style plain yogurt", + "cumin", + "unsweetened coconut milk", + "garam masala", + "salt", + "corn starch" + ] + }, + { + "id": 31465, + "cuisine": "irish", + "ingredients": [ + "sliced almonds", + "dried apricot", + "1% low-fat milk", + "granulated sugar", + "baking powder", + "all-purpose flour", + "honey", + "cooking spray", + "salt", + "powdered sugar", + "large eggs", + "butter" + ] + }, + { + "id": 46435, + "cuisine": "thai", + "ingredients": [ + "low sodium soy sauce", + "cooking spray", + "light coconut milk", + "garlic cloves", + "ground cumin", + "curry powder", + "green onions", + "red curry paste", + "chopped cilantro fresh", + "brown sugar", + "peeled fresh ginger", + "salt", + "red bell pepper", + "tilapia fillets", + "lime wedges", + "dark sesame oil", + "basmati rice" + ] + }, + { + "id": 20466, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "salt", + "peaches", + "baking powder", + "blackberries", + "unsalted butter", + "cinnamon", + "sugar", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 644, + "cuisine": "greek", + "ingredients": [ + "large egg whites", + "cheese", + "chopped fresh mint", + "safflower oil", + "pumpkin", + "onions", + "chili flakes", + "fennel bulb", + "feta cheese crumbles", + "spring roll wrappers", + "olive oil", + "bulgur" + ] + }, + { + "id": 27421, + "cuisine": "korean", + "ingredients": [ + "miso paste", + "sesame oil", + "salt", + "pepper", + "mushrooms", + "crushed red pepper flakes", + "scallions", + "firm silken tofu", + "napa cabbage", + "beef broth", + "water", + "chuka soba noodles", + "garlic", + "beansprouts" + ] + }, + { + "id": 42891, + "cuisine": "indian", + "ingredients": [ + "warm water", + "pappadams", + "fresh lime juice", + "honey", + "salt", + "seedless cucumber", + "baby spinach", + "vegetable oil", + "tamarind concentrate" + ] + }, + { + "id": 2571, + "cuisine": "indian", + "ingredients": [ + "fish fillets", + "chili powder", + "oil", + "onions", + "milk", + "garlic", + "fat", + "ground turmeric", + "black pepper", + "ginger", + "cardamom", + "coriander", + "clove", + "garam masala", + "salt", + "bay leaf" + ] + }, + { + "id": 44555, + "cuisine": "french", + "ingredients": [ + "grated orange peel", + "anise", + "honey", + "walnuts", + "dough", + "golden brown sugar", + "sugar", + "whipping cream" + ] + }, + { + "id": 30564, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "lemon juice", + "tomato sauce", + "cilantro leaves", + "chile pepper", + "water", + "cumin seed" + ] + }, + { + "id": 34588, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "olive oil", + "kosher salt", + "yellow onion", + "black pepper", + "red pepper flakes", + "chicken stock", + "smoked bacon", + "garlic cloves" + ] + }, + { + "id": 34268, + "cuisine": "french", + "ingredients": [ + "radishes", + "baby carrots", + "tomatoes", + "peas", + "low salt chicken broth", + "turnips", + "romaine lettuce leaves", + "green beans", + "sugar pea", + "bacon slices" + ] + }, + { + "id": 21480, + "cuisine": "mexican", + "ingredients": [ + "salt", + "roma tomatoes", + "salad oil", + "poblano chilies", + "onions", + "pepper", + "sour cream" + ] + }, + { + "id": 24441, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "crushed red pepper", + "green beans", + "soy sauce", + "brown rice", + "peanut oil", + "sugar", + "hoisin sauce", + "salt", + "lean ground pork", + "garlic", + "corn starch" + ] + }, + { + "id": 13840, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "chili powder", + "sliced green onions", + "black pepper", + "ground red pepper", + "fresh lime juice", + "canned black beans", + "cooking spray", + "salsa", + "ground cumin", + "water", + "chicken breasts", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 45367, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "onions", + "sliced green onions", + "low sodium soy sauce", + "large eggs", + "corn kernel whole", + "spinach", + "shiitake mushroom caps", + "canola oil", + "mirin", + "soba" + ] + }, + { + "id": 41266, + "cuisine": "vietnamese", + "ingredients": [ + "clove", + "sugar", + "beef tendons", + "jalapeno chilies", + "rice noodles", + "cilantro", + "oil", + "red chili powder", + "minced garlic", + "ground pepper", + "green onions", + "cinnamon", + "star anise", + "pickled onion", + "fresh basil", + "baguette", + "lime", + "bay leaves", + "anise powder", + "ginger", + "carrots", + "fish sauce", + "lemongrass", + "beef shank", + "shallots", + "paprika", + "beef broth" + ] + }, + { + "id": 42648, + "cuisine": "indian", + "ingredients": [ + "yoghurt", + "chili powder", + "chicken breasts", + "tandoori spices", + "salt" + ] + }, + { + "id": 27735, + "cuisine": "mexican", + "ingredients": [ + "red kidney beans", + "chili powder", + "garlic cloves", + "chopped tomatoes", + "cheese", + "sour cream", + "seasoning", + "lean ground beef", + "enchilada sauce", + "diced onions", + "frozen whole kernel corn", + "salsa", + "corn tortillas" + ] + }, + { + "id": 13801, + "cuisine": "japanese", + "ingredients": [ + "teriyaki sauce", + "black pepper", + "kosher salt", + "chicken" + ] + }, + { + "id": 24272, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "eggs", + "plain flour", + "chopped pecans", + "brown sugar" + ] + }, + { + "id": 2225, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "salt", + "seasoning", + "shallots", + "rib", + "mesquite seasoning", + "creole seasoning", + "granulated garlic", + "smoked paprika" + ] + }, + { + "id": 43070, + "cuisine": "chinese", + "ingredients": [ + "sake", + "cherry tomatoes", + "sesame oil", + "oyster sauce", + "eggs", + "ketchup", + "green onions", + "ginger", + "canola oil", + "chicken broth", + "soy sauce", + "flour", + "lemon", + "corn starch", + "brown sugar", + "minced garlic", + "boneless skinless chicken breasts", + "purple onion" + ] + }, + { + "id": 21366, + "cuisine": "italian", + "ingredients": [ + "cremini mushrooms", + "chopped fresh thyme", + "fresh parsley", + "shiitake", + "salt", + "olive oil", + "diced tomatoes", + "shallots", + "garlic cloves" + ] + }, + { + "id": 39187, + "cuisine": "british", + "ingredients": [ + "sugar", + "hot water", + "butter", + "orange juice", + "bourbon whiskey" + ] + }, + { + "id": 35972, + "cuisine": "italian", + "ingredients": [ + "hot red pepper flakes", + "water", + "lemon zest", + "peas", + "flat leaf parsley", + "fresh basil", + "pinenuts", + "unsalted butter", + "balsamic vinegar", + "green beans", + "warm water", + "asparagus", + "mushrooms", + "extra-virgin olive oil", + "grape tomatoes", + "minced garlic", + "parmigiano reggiano cheese", + "heavy cream", + "spaghettini" + ] + }, + { + "id": 48324, + "cuisine": "italian", + "ingredients": [ + "low-fat mozzarella cheese", + "olive oil", + "whole wheat pizza dough", + "onions", + "bacon" + ] + }, + { + "id": 42294, + "cuisine": "italian", + "ingredients": [ + "water", + "butternut squash", + "unsalted butter", + "chopped fresh sage", + "olive oil", + "salt", + "cavatappi", + "parmigiano reggiano cheese", + "garlic cloves" + ] + }, + { + "id": 17346, + "cuisine": "greek", + "ingredients": [ + "salmon fillets", + "lemon juice", + "kalamata", + "plum tomatoes", + "olive oil", + "feta cheese crumbles", + "fresh basil", + "purple onion" + ] + }, + { + "id": 36769, + "cuisine": "italian", + "ingredients": [ + "water", + "minced onion", + "arborio rice", + "freshly grated parmesan", + "dry white wine", + "dried porcini mushrooms", + "unsalted butter", + "roast turkey", + "broccoli rabe", + "hot water" + ] + }, + { + "id": 14118, + "cuisine": "italian", + "ingredients": [ + "red wine vinegar", + "purple onion", + "kosher salt", + "extra-virgin olive oil", + "fresh basil leaves", + "capers", + "heirloom tomatoes", + "chickpeas", + "ground black pepper", + "whole grain bread", + "arugula" + ] + }, + { + "id": 14908, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "tomatoes", + "lime juice", + "kosher salt", + "serrano chilies", + "cilantro leaves" + ] + }, + { + "id": 38991, + "cuisine": "british", + "ingredients": [ + "pure maple syrup", + "baking powder", + "dark brown sugar", + "baking soda", + "salt", + "powdered sugar", + "whipping cream", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 26800, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "dark corn syrup", + "semi sweet mini chocolate chips", + "pecan halves", + "large eggs", + "pie crust", + "granulated sugar", + "salt", + "brown sugar", + "butter" + ] + }, + { + "id": 29479, + "cuisine": "cajun_creole", + "ingredients": [ + "black peppercorns", + "bay leaves", + "coarse kosher salt", + "water", + "chile de arbol", + "ice cubes", + "whole cloves", + "mustard seeds", + "whole allspice", + "chopped fresh thyme", + "large shrimp" + ] + }, + { + "id": 16375, + "cuisine": "southern_us", + "ingredients": [ + "dark corn syrup", + "egg yolks", + "peach preserves", + "peaches", + "butter", + "fresh lemon juice", + "firmly packed light brown sugar", + "large eggs", + "cake flour", + "cream sweeten whip", + "granulated sugar", + "vanilla extract", + "chopped pecans" + ] + }, + { + "id": 2287, + "cuisine": "indian", + "ingredients": [ + "ice cubes", + "yoghurt", + "sugar", + "mango" + ] + }, + { + "id": 23965, + "cuisine": "french", + "ingredients": [ + "black pepper", + "unsalted butter", + "vegetable oil", + "dry red wine", + "onions", + "figs", + "veal demi-glace", + "shallots", + "fresh tarragon", + "chopped walnuts", + "bread crumb fresh", + "mission figs", + "balsamic vinegar", + "chopped celery", + "celery ribs", + "quail", + "arrowroot", + "large garlic cloves", + "salt" + ] + }, + { + "id": 43175, + "cuisine": "italian", + "ingredients": [ + "chopped parsley", + "grated parmesan cheese", + "unsalted butter", + "Italian bread", + "garlic" + ] + }, + { + "id": 39160, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "veal cutlets", + "Burgundy wine", + "olive oil", + "all-purpose flour", + "pepper", + "butter", + "italian seasoning", + "eggs", + "grated parmesan cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 39027, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "chopped cilantro fresh", + "white corn", + "yellow corn", + "diced tomatoes", + "garlic powder", + "cream cheese" + ] + }, + { + "id": 28290, + "cuisine": "brazilian", + "ingredients": [ + "water", + "salt", + "dried oregano", + "tofu", + "paprika", + "red bell pepper", + "olive oil", + "carrots", + "ground cumin", + "black beans", + "garlic", + "onions" + ] + }, + { + "id": 14862, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "non-fat sour cream", + "peppercorns", + "tomatillos", + "bone-in chicken breasts", + "monterey jack", + "vegetable oil", + "salt", + "serrano chile", + "garlic", + "corn tortillas" + ] + }, + { + "id": 3615, + "cuisine": "mexican", + "ingredients": [ + "water", + "crushed red pepper", + "fresh lime juice", + "ground cumin", + "green onions", + "low salt chicken broth", + "boneless skinless chicken breast halves", + "olive oil", + "garlic cloves", + "bay leaf", + "stewed tomatoes", + "corn tortillas", + "chopped cilantro fresh" + ] + }, + { + "id": 22211, + "cuisine": "cajun_creole", + "ingredients": [ + "lower sodium chicken broth", + "andouille turkey sausages", + "yellow onion", + "canola oil", + "no-salt-added diced tomatoes", + "red pepper flakes", + "garlic cloves", + "green bell pepper", + "chicken breasts", + "wild rice", + "celery ribs", + "water", + "salt", + "thyme sprigs" + ] + }, + { + "id": 12645, + "cuisine": "italian", + "ingredients": [ + "water", + "yellow onion", + "red wine vinegar", + "dried oregano", + "chuck roast", + "freshly ground pepper", + "tomato paste", + "garlic" + ] + }, + { + "id": 2251, + "cuisine": "british", + "ingredients": [ + "milk", + "golden syrup", + "vanilla extract", + "self rising flour", + "white sugar", + "eggs", + "margarine" + ] + }, + { + "id": 43631, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "garlic", + "boneless skinless chicken breast halves", + "garbanzo beans", + "bay leaf", + "italian seasoning", + "crushed red pepper flakes", + "white sugar", + "olive oil", + "cayenne pepper", + "dried rosemary" + ] + }, + { + "id": 2066, + "cuisine": "russian", + "ingredients": [ + "powdered sugar", + "unsalted butter", + "apricot jam", + "large egg yolks", + "salt", + "grated lemon peel", + "ground cinnamon", + "lemon extract", + "all-purpose flour", + "sugar", + "large eggs", + "toast" + ] + }, + { + "id": 23686, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "bell pepper", + "chili powder", + "light cream cheese", + "corn", + "blue corn tortilla chips", + "salt", + "water", + "jalapeno chilies", + "cilantro", + "cumin", + "pepper jack", + "boneless skinless chicken breasts", + "salsa" + ] + }, + { + "id": 36348, + "cuisine": "southern_us", + "ingredients": [ + "baby back ribs", + "spices", + "sauce" + ] + }, + { + "id": 45125, + "cuisine": "irish", + "ingredients": [ + "ground cloves", + "ground allspice", + "ground cinnamon", + "cranberry juice cocktail", + "lemon juice", + "orange", + "orange juice", + "sugar", + "apple juice" + ] + }, + { + "id": 25605, + "cuisine": "jamaican", + "ingredients": [ + "lime", + "ginger", + "cayenne pepper", + "soy sauce", + "honey", + "purple onion", + "scallions", + "nutmeg", + "dried thyme", + "garlic", + "ground allspice", + "boneless chicken thighs", + "cinnamon", + "salt" + ] + }, + { + "id": 23872, + "cuisine": "greek", + "ingredients": [ + "zucchini", + "garlic cloves", + "dried oregano", + "plain low-fat yogurt", + "boneless skinless chicken breasts", + "lemon juice", + "cooking spray", + "fresh lemon juice", + "olive oil", + "salt", + "cucumber" + ] + }, + { + "id": 48578, + "cuisine": "french", + "ingredients": [ + "egg whites", + "chocolate morsels", + "cocoa", + "vanilla extract", + "cream of tartar", + "almond extract", + "superfine sugar", + "salt" + ] + }, + { + "id": 42626, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh oregano", + "fresh basil", + "littleneck clams", + "fresh parsley", + "fresh parmesan cheese", + "fresh lemon juice", + "black pepper", + "dry bread crumbs" + ] + }, + { + "id": 27939, + "cuisine": "southern_us", + "ingredients": [ + "muscadine grapes", + "water" + ] + }, + { + "id": 26235, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "vanilla extract", + "powdered sugar", + "whole milk", + "vanilla wafers", + "eggs", + "granulated sugar", + "salt", + "bananas", + "heavy cream", + "corn starch" + ] + }, + { + "id": 4690, + "cuisine": "moroccan", + "ingredients": [ + "lamb stew meat", + "ground allspice", + "chopped fresh mint", + "extra-virgin olive oil", + "couscous", + "apricot nectar", + "onions", + "lemon", + "carrots", + "ground cumin" + ] + }, + { + "id": 27368, + "cuisine": "filipino", + "ingredients": [ + "banana leaves", + "juice", + "pepper", + "salt", + "onions", + "pork", + "garlic", + "shrimp", + "coconut", + "coconut cream" + ] + }, + { + "id": 24268, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "jalapeno chilies", + "garlic", + "onions", + "green bell pepper", + "fresh ginger root", + "vegetable oil", + "carrots", + "fresh cilantro", + "unsalted cashews", + "salt", + "frozen peas", + "tomato sauce", + "potatoes", + "heavy cream", + "red bell pepper" + ] + }, + { + "id": 41619, + "cuisine": "mexican", + "ingredients": [ + "processed cheese", + "chili powder", + "chili" + ] + }, + { + "id": 38819, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "flank steak", + "chinese black vinegar", + "chinese rice wine", + "beef", + "oyster sauce", + "ground black pepper", + "broccoli", + "soy sauce", + "cooking oil", + "corn starch" + ] + }, + { + "id": 32858, + "cuisine": "italian", + "ingredients": [ + "processed cheese", + "sour cream", + "pasta sauce", + "pasta spiral", + "onions", + "part-skim mozzarella cheese", + "sliced mushrooms", + "garlic", + "ground beef" + ] + }, + { + "id": 33359, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "shallots", + "fresh lime juice", + "lemongrass", + "garlic chili sauce", + "chicken", + "water", + "garlic cloves", + "canola oil", + "fish sauce", + "ground black pepper", + "oyster sauce" + ] + }, + { + "id": 42331, + "cuisine": "russian", + "ingredients": [ + "schmaltz", + "onions", + "bread crumbs", + "russet potatoes", + "pepper", + "salt", + "eggs", + "baking powder" + ] + }, + { + "id": 22452, + "cuisine": "greek", + "ingredients": [ + "eggs", + "greek yogurt", + "sugar", + "baking powder", + "plain flour", + "salt" + ] + }, + { + "id": 4607, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "diced tomatoes", + "fresh parsley", + "dried basil", + "crushed red pepper", + "large shrimp", + "minced garlic", + "linguine", + "onions", + "olive oil", + "salt" + ] + }, + { + "id": 26810, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "ground black pepper", + "crushed red pepper flakes", + "olive oil", + "chopped fresh chives", + "bow-tie pasta", + "sun-dried tomatoes", + "diced tomatoes", + "goat cheese", + "minced garlic", + "sliced black olives", + "salt" + ] + }, + { + "id": 47155, + "cuisine": "italian", + "ingredients": [ + "sugar", + "cooked rigatoni", + "pork roast", + "fresh basil", + "ground sirloin", + "chopped onion", + "water", + "dry red wine", + "crushed tomatoes", + "salt" + ] + }, + { + "id": 26703, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "large eggs", + "all-purpose flour", + "crystallized ginger", + "vanilla extract", + "semi-sweet chocolate morsels", + "vegetable oil spray", + "coffee", + "coffee beans", + "pecans", + "unsalted butter", + "salt", + "unsweetened cocoa powder" + ] + }, + { + "id": 22496, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "paprika", + "ground black pepper", + "dried oregano", + "garlic powder", + "cayenne pepper", + "dried basil", + "onion powder" + ] + }, + { + "id": 31770, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "salsa", + "boneless skinless chicken breasts", + "taco seasoning", + "lettuce leaves", + "yellow onion", + "salt" + ] + }, + { + "id": 25624, + "cuisine": "filipino", + "ingredients": [ + "black pepper", + "ground pork", + "wine", + "cane vinegar", + "purple onion", + "brown sugar", + "msg", + "garlic", + "soy sauce", + "paprika", + "corn starch" + ] + }, + { + "id": 31768, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil", + "beef liver", + "grits", + "pepper", + "salt", + "bay leaf", + "green bell pepper", + "diced tomatoes", + "garlic cloves", + "dried thyme", + "all-purpose flour", + "onions" + ] + }, + { + "id": 17043, + "cuisine": "italian", + "ingredients": [ + "water", + "purple onion", + "plum tomatoes", + "olive oil", + "frozen corn kernels", + "watercress leaves", + "salt", + "yellow corn meal", + "balsamic vinegar", + "crumbled gorgonzola" + ] + }, + { + "id": 36190, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "chocolate", + "evaporated milk", + "water", + "condensed milk", + "egg yolks" + ] + }, + { + "id": 29796, + "cuisine": "greek", + "ingredients": [ + "hummus", + "extra-virgin olive oil", + "dried oregano", + "fresh lemon juice" + ] + }, + { + "id": 48725, + "cuisine": "spanish", + "ingredients": [ + "chicken legs", + "bay leaves", + "extra-virgin olive oil", + "smoked paprika", + "black pepper", + "dry white wine", + "spanish chorizo", + "green olives", + "golden raisins", + "salt", + "onions", + "reduced sodium chicken broth", + "large garlic cloves", + "pizza doughs" + ] + }, + { + "id": 24562, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "sesame oil", + "king prawns", + "garlic paste", + "caster sugar", + "cilantro leaves", + "tomato purée", + "cider vinegar", + "salt", + "sweet chili sauce", + "spring onions", + "oil" + ] + }, + { + "id": 47433, + "cuisine": "southern_us", + "ingredients": [ + "fat-free buttermilk", + "chicken drumsticks", + "grated parmesan cheese", + "salt", + "vegetable oil cooking spray", + "ground red pepper", + "ground black pepper", + "cornflake cereal" + ] + }, + { + "id": 343, + "cuisine": "british", + "ingredients": [ + "fresh dill", + "lemon", + "juice", + "baking powder", + "beer", + "fish", + "soy sauce", + "all-purpose flour", + "corn starch", + "coarse salt", + "freshly ground pepper", + "canola oil" + ] + }, + { + "id": 11510, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "salt", + "pepper", + "cajun seasoning", + "long-grain rice", + "red kidney beans", + "chopped green bell pepper", + "chopped onion", + "water", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 18357, + "cuisine": "mexican", + "ingredients": [ + "tortillas", + "vegetable oil", + "salt", + "sour cream", + "ground cumin", + "black beans", + "yoghurt", + "cheese", + "salsa", + "dried oregano", + "red chili powder", + "large eggs", + "cilantro", + "all-purpose flour", + "chèvre", + "garlic powder", + "spring onions", + "garlic", + "enchilada sauce", + "chicken" + ] + }, + { + "id": 26246, + "cuisine": "french", + "ingredients": [ + "swiss cheese", + "beef broth", + "pepper", + "heavy cream", + "onions", + "butter", + "provolone cheese", + "french bread", + "salt" + ] + }, + { + "id": 6790, + "cuisine": "indian", + "ingredients": [ + "chunky peanut butter", + "garlic", + "coconut milk", + "water", + "sunflower oil", + "yellow onion", + "basmati rice", + "sweet potatoes", + "salt", + "butter beans", + "amchur", + "paprika", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 27566, + "cuisine": "mexican", + "ingredients": [ + "manchego cheese", + "empanada", + "jalapeno chilies", + "garlic salt", + "2 1/2 to 3 lb. chicken, cut into serving pieces", + "hellmann' or best food real mayonnais", + "vegetable oil", + "sliced green onions" + ] + }, + { + "id": 35778, + "cuisine": "chinese", + "ingredients": [ + "vegetables", + "salt", + "celery", + "savory", + "carrots", + "Shaoxing wine", + "peanut oil", + "sugar", + "sesame oil", + "ground white pepper" + ] + }, + { + "id": 42098, + "cuisine": "japanese", + "ingredients": [ + "brown sugar", + "fresh cilantro", + "vegetable oil", + "cumin", + "low sodium soy sauce", + "lime juice", + "chili powder", + "coriander", + "tumeric", + "lime", + "creamy peanut butter", + "water", + "marinade", + "onions" + ] + }, + { + "id": 19528, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "chili powder", + "brown sugar", + "pork ribs", + "rub", + "garlic powder", + "onion powder", + "black pepper", + "chips" + ] + }, + { + "id": 19599, + "cuisine": "british", + "ingredients": [ + "flour", + "drippings", + "roast beef", + "ground pepper", + "garlic cloves" + ] + }, + { + "id": 20786, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "freshly ground pepper", + "kalamata", + "feta cheese crumbles", + "lemon", + "english cucumber", + "tomatoes", + "purple onion", + "dried oregano" + ] + }, + { + "id": 9697, + "cuisine": "filipino", + "ingredients": [ + "water", + "ginger", + "cubed beef", + "ground black pepper", + "star anise", + "onions", + "sugar", + "beef", + "garlic", + "soy sauce", + "cooking oil", + "scallions" + ] + }, + { + "id": 35638, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "olive oil", + "cream cheese", + "bread crumb fresh", + "garlic", + "onions", + "tomato purée", + "ground black pepper", + "fresh parsley", + "smoked bacon", + "jumbo pasta shells", + "buffalo mozzarella" + ] + }, + { + "id": 43643, + "cuisine": "irish", + "ingredients": [ + "caraway seeds", + "unsalted butter", + "salt", + "dried currants", + "baking powder", + "sugar", + "large eggs", + "all-purpose flour", + "baking soda", + "buttermilk" + ] + }, + { + "id": 49364, + "cuisine": "french", + "ingredients": [ + "quick oats", + "frozen mixed berries", + "vanilla sugar", + "vanilla", + "flour", + "apples", + "brown sugar", + "butter" + ] + }, + { + "id": 47332, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "soft taco size flour tortillas", + "shredded pepper jack cheese", + "chicken" + ] + }, + { + "id": 12781, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "parsley", + "garlic", + "corn tortillas", + "cabbage", + "black pepper", + "Mexican oregano", + "cilantro", + "beef rib short", + "cumin", + "olive oil", + "red wine vinegar", + "crema", + "onions", + "pico de gallo", + "jalapeno chilies", + "red pepper flakes", + "salt", + "garlic salt" + ] + }, + { + "id": 33314, + "cuisine": "mexican", + "ingredients": [ + "low-fat sour cream", + "flour tortillas", + "garlic", + "ground turkey", + "pepper", + "vegetable oil", + "salt", + "Heinz Chili Sauce", + "shredded lettuce", + "tomato ketchup", + "cheddar cheese", + "chili powder", + "sweet pepper", + "onions" + ] + }, + { + "id": 48814, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "soup", + "Vietnamese coriander", + "scallions", + "boneless chicken skinless thigh", + "salt", + "small yellow onion", + "canola oil" + ] + }, + { + "id": 35299, + "cuisine": "italian", + "ingredients": [ + "cremini mushrooms", + "large egg whites", + "parmigiano reggiano cheese", + "shallots", + "salt", + "minced garlic", + "swiss chard", + "cooking spray", + "extra-virgin olive oil", + "red bell pepper", + "fontina cheese", + "water", + "ground black pepper", + "baking powder", + "part-skim ricotta cheese", + "kosher salt", + "fat free milk", + "large eggs", + "chopped fresh thyme", + "all-purpose flour" + ] + }, + { + "id": 39129, + "cuisine": "mexican", + "ingredients": [ + "broccolini", + "kosher salt", + "butter", + "lime", + "pepper", + "ancho powder" + ] + }, + { + "id": 15688, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "black pepper", + "peeled diced tomatoes", + "cajun seasoning", + "okra", + "fresh corn", + "dried thyme", + "flour", + "salt", + "cooked rice", + "gumbo file powder", + "chopped green bell pepper", + "garlic", + "celery", + "andouille sausage", + "olive oil", + "bay leaves", + "chopped onion" + ] + }, + { + "id": 44262, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "olive oil", + "chili powder", + "yellow onion", + "dried oregano", + "fresh cilantro", + "pace picante sauce", + "garlic", + "smoked paprika", + "ground cumin", + "black beans", + "jalapeno chilies", + "diced tomatoes", + "tortilla chips", + "monterey jack", + "chicken broth", + "corn", + "chicken breast halves", + "salt", + "red bell pepper" + ] + }, + { + "id": 3749, + "cuisine": "italian", + "ingredients": [ + "capers", + "grated parmesan cheese", + "anchovy fillets", + "olive oil", + "diced tomatoes", + "whole wheat angel hair pasta", + "sliced black olives", + "garlic", + "kale", + "red pepper flakes", + "onions" + ] + }, + { + "id": 38300, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "chicken breasts", + "seasoning salt", + "cheese", + "pepper", + "butter", + "quickcooking grits" + ] + }, + { + "id": 44142, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "olive oil", + "grated parmesan cheese", + "freshly ground pepper", + "chopped leaves", + "sherry vinegar", + "orzo", + "fontina cheese", + "red swiss chard", + "shallots", + "water", + "unsalted butter", + "salt" + ] + }, + { + "id": 49606, + "cuisine": "mexican", + "ingredients": [ + "sliced black olives", + "taco seasoning", + "cheddar cheese", + "green onions", + "sour cream", + "tomatoes", + "flour tortillas", + "enchilada sauce", + "refried beans", + "lean ground beef" + ] + }, + { + "id": 22729, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "Anaheim chile", + "whole kernel corn, drain", + "onions", + "olive oil", + "raisins", + "ripe olives", + "water", + "lean ground beef", + "sharp cheddar cheese", + "cumin", + "chile powder", + "cornbread mix", + "salt", + "roasted tomatoes" + ] + }, + { + "id": 45959, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "sugar", + "shredded sharp cheddar cheese", + "diced pimentos", + "buttermilk", + "self rising flour", + "salt" + ] + }, + { + "id": 16421, + "cuisine": "thai", + "ingredients": [ + "smooth natural peanut butter", + "whole wheat spaghetti", + "red bell pepper", + "reduced sodium soy sauce", + "salt", + "chopped cilantro fresh", + "fresh ginger", + "kohlrabi", + "toasted sesame oil", + "frozen edamame beans", + "shallots", + "yellow curry paste" + ] + }, + { + "id": 8913, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "unsalted butter", + "scallions", + "onions", + "fish sauce", + "silken tofu", + "ginger", + "kimchi", + "pork belly", + "red pepper flakes", + "garlic cloves", + "kimchi juice", + "water", + "Gochujang base", + "toasted sesame oil" + ] + }, + { + "id": 33001, + "cuisine": "indian", + "ingredients": [ + "water", + "oil", + "semolina", + "cardamom", + "Nido Milk Powder", + "sugar", + "teas" + ] + }, + { + "id": 33622, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "beef broth", + "brandy", + "swiss cheese", + "chopped ham", + "dry white wine", + "onions", + "baguette", + "butter" + ] + }, + { + "id": 44995, + "cuisine": "southern_us", + "ingredients": [ + "lime", + "vanilla extract", + "powdered sugar", + "cream cheese, soften", + "whipped cream" + ] + }, + { + "id": 32408, + "cuisine": "jamaican", + "ingredients": [ + "fresh ginger", + "vegetable stock", + "onions", + "lemongrass", + "jalapeno chilies", + "salt", + "pepper", + "potatoes", + "curry", + "olive oil", + "pumpkin", + "coconut milk" + ] + }, + { + "id": 20107, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "butter", + "seasoning salt", + "flour", + "sherry wine", + "marsala wine", + "boneless chicken breast", + "black", + "olive oil", + "mushrooms", + "oregano" + ] + }, + { + "id": 15644, + "cuisine": "italian", + "ingredients": [ + "sugar", + "riesling", + "sweet cherries", + "large egg yolks", + "water" + ] + }, + { + "id": 26388, + "cuisine": "indian", + "ingredients": [ + "chili pepper", + "cucumber", + "tomatoes", + "cilantro", + "sea salt", + "masala", + "plain yogurt", + "cumin seed" + ] + }, + { + "id": 20399, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "cracked black pepper", + "milk", + "salt", + "fettucine", + "garlic", + "olive oil", + "ricotta" + ] + }, + { + "id": 37715, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "linguine", + "pepper", + "crushed red pepper", + "large garlic cloves", + "fresh parsley" + ] + }, + { + "id": 2222, + "cuisine": "japanese", + "ingredients": [ + "pepper", + "mirin", + "ramen noodles", + "scallions", + "toasted sesame oil", + "onions", + "chicken wings", + "vegetables", + "leeks", + "salt", + "konbu", + "pork shoulder", + "low sodium soy sauce", + "water", + "bonito flakes", + "garlic", + "oil", + "celery", + "sake", + "pork spare ribs", + "shichimi togarashi", + "soft-boiled egg", + "carrots", + "chicken base" + ] + }, + { + "id": 28331, + "cuisine": "french", + "ingredients": [ + "baguette", + "purple onion", + "fresh lemon juice", + "fresh basil", + "large eggs", + "tuna packed in olive oil", + "kosher salt", + "extra-virgin olive oil", + "garlic cloves", + "ground black pepper", + "Niçoise olives", + "plum tomatoes" + ] + }, + { + "id": 33432, + "cuisine": "russian", + "ingredients": [ + "water", + "scallions", + "new potatoes", + "sorrel", + "salt", + "radishes", + "sour cream" + ] + }, + { + "id": 13381, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "fat free milk", + "salt", + "shredded Monterey Jack cheese", + "large egg whites", + "large eggs", + "baked tortilla chips", + "olive oil", + "cooking spray", + "chopped cilantro fresh", + "refried beans", + "green chile sauce", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 46212, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "olive oil", + "garlic", + "frozen peas", + "kosher salt", + "roma tomatoes", + "carrots", + "cumin", + "tomato sauce", + "ground black pepper", + "cilantro leaves", + "basmati rice", + "corn kernels", + "chili powder", + "onions" + ] + }, + { + "id": 36527, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vegetable oil", + "celery seed", + "sweet onion", + "salt", + "cider vinegar", + "dry mustard", + "cabbage", + "bell pepper", + "carrots" + ] + }, + { + "id": 43080, + "cuisine": "french", + "ingredients": [ + "vanilla ice cream", + "large egg yolks", + "bittersweet chocolate", + "brandy", + "granulated sugar", + "large egg whites", + "whole milk", + "sugar", + "unsalted butter" + ] + }, + { + "id": 47949, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "yellow peas", + "garlic cloves", + "pepper", + "salt", + "onions", + "moong dal", + "ginger", + "ghee", + "water", + "cumin seed" + ] + }, + { + "id": 36197, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "garlic", + "dried red chile peppers", + "demerara sugar", + "cinnamon", + "cardamom pods", + "clove", + "vinegar", + "salt", + "mango", + "water", + "ginger", + "cumin seed" + ] + }, + { + "id": 904, + "cuisine": "chinese", + "ingredients": [ + "garam masala", + "lemon", + "green chilies", + "onions", + "butter lettuce", + "basil leaves", + "ginger", + "garlic cloves", + "ground turmeric", + "grated coconut", + "chili powder", + "salt", + "greek yogurt", + "plum tomatoes", + "tomatoes", + "extra firm tofu", + "cilantro", + "oil", + "coriander" + ] + }, + { + "id": 38994, + "cuisine": "greek", + "ingredients": [ + "lemon", + "feta cheese crumbles", + "garbanzo beans", + "black olives", + "salad dressing", + "cherry tomatoes", + "garlic", + "cucumber", + "ground black pepper", + "purple onion", + "garlic salt" + ] + }, + { + "id": 12885, + "cuisine": "brazilian", + "ingredients": [ + "tangerine", + "cachaca", + "sugar", + "fresh lime" + ] + }, + { + "id": 10469, + "cuisine": "vietnamese", + "ingredients": [ + "mayonaise", + "french style sandwich rolls", + "vegetable oil", + "garlic", + "carrots", + "pepper", + "flank steak", + "red pepper", + "rice vinegar", + "soy sauce", + "granulated sugar", + "daikon", + "salt", + "fish sauce", + "liverwurst", + "sesame oil", + "cilantro sprigs", + "english cucumber" + ] + }, + { + "id": 3188, + "cuisine": "moroccan", + "ingredients": [ + "mint", + "eggplant", + "pitted green olives", + "bulgur", + "greek yogurt", + "sliced almonds", + "golden raisins", + "garlic", + "ground coriander", + "ground cumin", + "warm water", + "lemon peel", + "cilantro", + "sweet paprika", + "boiling water", + "chili flakes", + "olive oil", + "green onions", + "salt", + "lemon juice" + ] + }, + { + "id": 18294, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "vegetable oil", + "cooked turkey", + "sour cream", + "red chile sauce", + "chees fresco queso", + "lime wedges", + "corn tortillas" + ] + }, + { + "id": 47516, + "cuisine": "mexican", + "ingredients": [ + "fresh corn", + "large eggs", + "sea salt", + "smoked paprika", + "cold water", + "milk", + "green onions", + "salt", + "sugar", + "flour", + "garlic", + "mustard", + "olive oil", + "butter", + "lemon juice" + ] + }, + { + "id": 25702, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "bow-tie pasta", + "olive oil", + "portabello mushroom", + "red wine vinegar", + "red bell pepper", + "parmesan cheese", + "garlic" + ] + }, + { + "id": 7615, + "cuisine": "korean", + "ingredients": [ + "eggs", + "salt", + "carrots", + "spring onions" + ] + }, + { + "id": 45588, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "butter", + "boneless skinless chicken breasts", + "monterey jack", + "grated parmesan cheese", + "salt", + "seasoned bread crumbs", + "chile pepper", + "ground cumin" + ] + }, + { + "id": 28493, + "cuisine": "thai", + "ingredients": [ + "thai basil", + "salt", + "lemon", + "granulated sugar", + "orange", + "buttermilk" + ] + }, + { + "id": 40415, + "cuisine": "vietnamese", + "ingredients": [ + "lime wedges", + "serrano chile", + "white pepper", + "coarse salt" + ] + }, + { + "id": 33271, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "chicken breasts", + "greek yogurt", + "pepper", + "salt", + "ground cumin", + "black beans", + "chili powder", + "cooked quinoa", + "fresh spinach", + "cherry tomatoes", + "greek style plain yogurt" + ] + }, + { + "id": 4089, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "sour cream", + "colby cheese", + "jalapeno chilies", + "sliced black olives", + "black beans", + "salsa" + ] + }, + { + "id": 41947, + "cuisine": "italian", + "ingredients": [ + "eggs", + "veal", + "butter", + "salt", + "pepper", + "mushrooms", + "garlic", + "fresh basil", + "grated parmesan cheese", + "extra-virgin olive oil", + "medium zucchini", + "fresh rosemary", + "finely chopped onion", + "dry white wine", + "chopped celery" + ] + }, + { + "id": 38909, + "cuisine": "southern_us", + "ingredients": [ + "baby back ribs", + "seasoning", + "dry rub", + "glaze" + ] + }, + { + "id": 10233, + "cuisine": "chinese", + "ingredients": [ + "water", + "white vinegar", + "corn starch", + "pineapple", + "tomato paste", + "white sugar" + ] + }, + { + "id": 4790, + "cuisine": "irish", + "ingredients": [ + "whole wheat flour", + "salt", + "light molasses", + "salad oil", + "baking soda", + "all-purpose flour", + "buttermilk" + ] + }, + { + "id": 27486, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "milk", + "salt", + "lemon juice", + "green bell pepper", + "quickcooking grits", + "creole seasoning", + "bay leaf", + "tomato paste", + "unsalted butter", + "all-purpose flour", + "shrimp", + "water", + "worcestershire sauce", + "garlic cloves", + "onions" + ] + }, + { + "id": 13817, + "cuisine": "mexican", + "ingredients": [ + "salt", + "olive oil", + "chopped cilantro", + "pepper", + "fresh lime juice", + "avocado", + "salsa" + ] + }, + { + "id": 33690, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "fresh oregano", + "onions", + "ground pepper", + "fresh lemon juice", + "olive oil", + "garlic cloves", + "liquid honey", + "grated lemon zest", + "baby back ribs" + ] + }, + { + "id": 32294, + "cuisine": "chinese", + "ingredients": [ + "teriyaki sauce", + "stewing beef", + "pineapple" + ] + }, + { + "id": 46247, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "chicken", + "extra-virgin olive oil", + "grated parmesan cheese", + "fresh spinach", + "garlic" + ] + }, + { + "id": 11673, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "soy sauce", + "salt", + "hot water", + "eggs", + "ground black pepper", + "sauce", + "beansprouts", + "sugar", + "chicken breasts", + "minced beef", + "celery", + "cold water", + "pork", + "cornflour", + "fresh mushrooms", + "onions" + ] + }, + { + "id": 19631, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "pepper", + "flour tortillas", + "all-purpose flour", + "cumin", + "white onion", + "garlic powder", + "vegetable oil", + "ground beef", + "black beans", + "fresh cilantro", + "chili powder", + "freshly ground pepper", + "chicken stock", + "kosher salt", + "Mexican cheese blend", + "salt", + "oregano" + ] + }, + { + "id": 29713, + "cuisine": "mexican", + "ingredients": [ + "part-skim mozzarella cheese", + "chili powder", + "enchilada sauce", + "black beans", + "nonfat greek yogurt", + "frozen corn", + "shredded Monterey Jack cheese", + "diced green chilies", + "cilantro", + "cumin", + "kosher salt", + "green onions", + "low-fat cream cheese" + ] + }, + { + "id": 30803, + "cuisine": "mexican", + "ingredients": [ + "diced onions", + "boneless chicken skinless thigh", + "radishes", + "yellow onion", + "sour cream", + "chicken stock", + "pepper", + "vegetable oil", + "garlic cloves", + "chopped cilantro fresh", + "avocado", + "kosher salt", + "lime wedges", + "cumin seed", + "chopped cilantro", + "cotija", + "hominy", + "tomatillos", + "pepitas", + "dried oregano" + ] + }, + { + "id": 17817, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "shredded cheddar cheese", + "ground black pepper", + "chicken breasts", + "cayenne pepper", + "sugar", + "water", + "tortillas", + "tomato salsa", + "long grain white rice", + "fresh spinach", + "minced garlic", + "unsalted butter", + "red wine vinegar", + "chopped cilantro", + "pepper", + "fresh lime", + "green onions", + "salt", + "dried oregano" + ] + }, + { + "id": 1352, + "cuisine": "mexican", + "ingredients": [ + "cooked turkey", + "salsa", + "shredded sharp cheddar cheese", + "corn tortillas", + "vegetable oil", + "sour cream", + "salt" + ] + }, + { + "id": 38078, + "cuisine": "italian", + "ingredients": [ + "salt", + "parsley", + "olive oil", + "grated lemon peel", + "pepper", + "garlic cloves" + ] + }, + { + "id": 25352, + "cuisine": "indian", + "ingredients": [ + "cherry tomatoes", + "yellow bell pepper", + "leg of lamb", + "fat free yogurt", + "cooking spray", + "garlic cloves", + "couscous", + "brown sugar", + "olive oil", + "salt", + "cucumber", + "curry powder", + "ground red pepper", + "lemon juice", + "chopped fresh mint" + ] + }, + { + "id": 23952, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "salsa", + "sour cream", + "black beans", + "salt", + "garlic cloves", + "ground cumin", + "shredded cheddar cheese", + "frozen corn", + "red bell pepper", + "olive oil", + "shredded zucchini", + "corn tortillas" + ] + }, + { + "id": 2179, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "frozen peas and carrots", + "gluten free soy sauce", + "eggs", + "pepper", + "salt", + "onions", + "white vinegar", + "ketchup", + "sesame oil", + "cooked white rice", + "canola oil", + "sugar", + "minced garlic", + "corn starch", + "garlic salt" + ] + }, + { + "id": 34377, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "flour", + "fish fillets", + "salt", + "pico de gallo", + "vegetable oil", + "ground black pepper", + "salsa" + ] + }, + { + "id": 3259, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "garlic", + "Shaoxing wine", + "oil", + "light soy sauce", + "coca-cola", + "chicken wings", + "ginger" + ] + }, + { + "id": 21198, + "cuisine": "french", + "ingredients": [ + "Kitchen Bouquet", + "orange", + "flour", + "beaten eggs", + "fat", + "onions", + "grated orange peel", + "white wine", + "potatoes", + "lemon", + "curaçao", + "bay leaf", + "sugar", + "light cream", + "egg yolks", + "duck", + "carrots", + "chicken", + "bread crumbs", + "vinegar", + "butter", + "cognac", + "thyme" + ] + }, + { + "id": 46869, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "fish sauce", + "garlic", + "sugar", + "rice vinegar", + "crushed red pepper flakes" + ] + }, + { + "id": 47331, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "white onion", + "white cabbage", + "salt", + "ancho chile pepper", + "avocado", + "snappers", + "lime", + "lemon", + "garlic cloves", + "pasilla chiles", + "pepper", + "flour tortillas", + "orange juice", + "chayotes", + "tomato sauce", + "guajillo chiles", + "olive oil", + "achiote paste", + "carrots" + ] + }, + { + "id": 26836, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "cayenne pepper", + "black pepper", + "paprika", + "dried oregano", + "sea salt", + "onions", + "white pepper", + "garlic" + ] + }, + { + "id": 31207, + "cuisine": "italian", + "ingredients": [ + "egg noodles", + "pepperoni slices", + "sliced mushrooms", + "pasta sauce", + "shredded mozzarella cheese", + "sliced black olives", + "ground beef" + ] + }, + { + "id": 34038, + "cuisine": "italian", + "ingredients": [ + "clams", + "sea scallops", + "dry white wine", + "squid", + "plum tomatoes", + "olive oil", + "parmigiano reggiano cheese", + "salt", + "carnaroli rice", + "mussels", + "ground black pepper", + "fish stock", + "flat leaf parsley", + "chopped garlic", + "brandy", + "unsalted butter", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 1789, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "pork shoulder", + "orange", + "garlic", + "dried oregano", + "chili powder", + "onions", + "lime", + "salt", + "ground cumin" + ] + }, + { + "id": 40526, + "cuisine": "jamaican", + "ingredients": [ + "tomato paste", + "brown sugar", + "olive oil", + "white wine vinegar", + "chicken thighs", + "nutmeg", + "lime juice", + "hot pepper", + "ground allspice", + "plain flour", + "pepper", + "spring onions", + "salt", + "chicken stock", + "ground cinnamon", + "dried thyme", + "butter", + "garlic cloves" + ] + }, + { + "id": 16103, + "cuisine": "russian", + "ingredients": [ + "green onions", + "salt", + "ground black pepper", + "cilantro", + "milk", + "parsley", + "ground beef", + "tortillas", + "ground pork" + ] + }, + { + "id": 26253, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "flank steak", + "beer", + "onions", + "green bell pepper", + "flour tortillas", + "chili powder", + "red bell pepper", + "ground cumin", + "black pepper", + "cooking spray", + "salt", + "fresh lime juice", + "tomatoes", + "olive oil", + "chicken breasts", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 11668, + "cuisine": "russian", + "ingredients": [ + "tomato sauce", + "confit duck leg", + "onions", + "fresh dill", + "pickled beets", + "mixed greens", + "clove", + "reduced sodium beef broth", + "salt", + "caraway seeds", + "black pepper", + "beets" + ] + }, + { + "id": 41435, + "cuisine": "italian", + "ingredients": [ + "grated orange peel", + "vanilla extract", + "coffee", + "sugar", + "sambuca" + ] + }, + { + "id": 35645, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "baking powder", + "salt", + "large eggs", + "buttermilk", + "sugar", + "golden raisins", + "currant", + "unsalted butter", + "all purpose unbleached flour" + ] + }, + { + "id": 33196, + "cuisine": "greek", + "ingredients": [ + "savory", + "ground allspice", + "ground cumin", + "bread", + "garlic", + "onions", + "lean ground beef", + "ground coriander", + "ground black pepper", + "salt", + "ground lamb" + ] + }, + { + "id": 25762, + "cuisine": "japanese", + "ingredients": [ + "salt", + "lemon juice", + "canola oil", + "fresh ginger", + "scallions", + "onions", + "freshly ground pepper", + "carrots", + "reduced sodium soy sauce", + "red radishes", + "boneless sirloin steak" + ] + }, + { + "id": 39882, + "cuisine": "italian", + "ingredients": [ + "tortellini, cook and drain", + "shallots", + "white wine", + "grated parmesan cheese", + "garlic", + "fresh basil", + "ground pepper", + "butter", + "cream", + "flour" + ] + }, + { + "id": 41582, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "salt", + "elbow macaroni", + "cheddar cheese", + "pecorino romano cheese", + "grated nutmeg", + "white bread", + "unsalted butter", + "all-purpose flour", + "milk", + "gruyere cheese", + "cayenne pepper" + ] + }, + { + "id": 13670, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "corn starch", + "butter", + "sugar", + "juice", + "egg yolks" + ] + }, + { + "id": 22413, + "cuisine": "mexican", + "ingredients": [ + "ground chipotle chile pepper", + "bell pepper", + "red pepper flakes", + "oregano", + "olive oil", + "brown rice", + "salt", + "black beans", + "jalapeno chilies", + "garlic", + "cumin", + "poblano peppers", + "chili powder", + "onions" + ] + }, + { + "id": 33787, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "hot sauce", + "quickcooking grits", + "half & half", + "cream cheese", + "pepper", + "salt" + ] + }, + { + "id": 29620, + "cuisine": "mexican", + "ingredients": [ + "parsley sprigs", + "radishes", + "sea salt", + "pozole", + "chicken stock", + "white onion", + "tomatillos", + "garlic cloves", + "canola oil", + "boneless pork shoulder", + "pork", + "shredded cabbage", + "romaine lettuce leaves", + "dried oregano", + "serrano chilies", + "lime", + "epazote", + "green pumpkin seeds" + ] + }, + { + "id": 10788, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "fresh cilantro", + "garlic", + "scallions", + "fresh mint", + "black pepper", + "sesame oil", + "dark brown sugar", + "nuoc cham", + "molasses", + "do chua", + "spring rolls", + "mixed greens", + "fish sauce", + "dry roasted peanuts", + "rice vermicelli", + "english cucumber", + "pork loin chops" + ] + }, + { + "id": 487, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "all-purpose flour", + "baking soda", + "buttermilk", + "sharp cheddar cheese", + "garlic powder", + "baking powder", + "cayenne pepper", + "unsalted butter", + "salt", + "fresh parsley" + ] + }, + { + "id": 43749, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "cilantro", + "chinese black vinegar", + "coconut sugar", + "shallots", + "all-purpose flour", + "black garlic", + "spices", + "scallions", + "sushi rice", + "ground pork" + ] + }, + { + "id": 14773, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "flour for dusting", + "all-purpose flour" + ] + }, + { + "id": 42979, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "unsalted butter", + "fusilli", + "chopped onion", + "tomato sauce", + "part-skim mozzarella cheese", + "cooking spray", + "all-purpose flour", + "fresh parsley", + "black pepper", + "ground nutmeg", + "mushrooms", + "fresh oregano", + "olive oil", + "large eggs", + "1% low-fat milk", + "garlic cloves" + ] + }, + { + "id": 35805, + "cuisine": "mexican", + "ingredients": [ + "whipping heavy cream", + "garlic salt", + "roast", + "roast red peppers, drain", + "Best Food's Mayonnaise with Lime Juice", + "chopped cilantro fresh", + "vegetable oil", + "onions" + ] + }, + { + "id": 12530, + "cuisine": "filipino", + "ingredients": [ + "chili pepper", + "roma tomatoes", + "salt", + "tamarind", + "shallots", + "coconut milk", + "leaves", + "ginger", + "pepper", + "pandanus leaf", + "tilapia" + ] + }, + { + "id": 14265, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "coconut milk", + "onions", + "mushrooms", + "fresh lime juice", + "fish sauce", + "cilantro", + "galangal", + "cherry tomatoes", + "lime leaves", + "chicken thighs" + ] + }, + { + "id": 40686, + "cuisine": "mexican", + "ingredients": [ + "butter", + "milk", + "all-purpose flour", + "shoepeg corn", + "jalapeno chilies", + "cream cheese" + ] + }, + { + "id": 41565, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "cilantro", + "jalapeno chilies", + "pumpkin seeds", + "water", + "garlic", + "chicken stock", + "tomatillos", + "lard" + ] + }, + { + "id": 28121, + "cuisine": "italian", + "ingredients": [ + "boneless skinless chicken breasts", + "Good Seasons Italian Dressing Mix", + "garlic powder", + "grated parmesan cheese" + ] + }, + { + "id": 12228, + "cuisine": "cajun_creole", + "ingredients": [ + "ground chuck", + "ground black pepper", + "mortadella", + "capers", + "kosher salt", + "extra-virgin olive oil", + "giardiniera", + "pepperoni slices", + "red wine vinegar", + "provolone cheese", + "burger buns", + "capicola", + "black olives" + ] + }, + { + "id": 37038, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "paprika", + "onion powder", + "dried oregano", + "chili powder", + "crushed red pepper flakes", + "black pepper", + "sea salt", + "ground cumin" + ] + }, + { + "id": 8219, + "cuisine": "southern_us", + "ingredients": [ + "cool whip", + "Nilla Wafers", + "mini marshmallows", + "bananas", + "vanilla instant pudding" + ] + }, + { + "id": 44248, + "cuisine": "southern_us", + "ingredients": [ + "vinegar", + "collard greens", + "salt", + "bacon", + "ground black pepper", + "ground cayenne pepper" + ] + }, + { + "id": 14127, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "Thai red curry paste", + "sesame chili oil", + "water", + "creamy peanut butter", + "apple cider vinegar", + "coconut milk", + "Swerve Sweetener", + "salt" + ] + }, + { + "id": 12909, + "cuisine": "moroccan", + "ingredients": [ + "water", + "yukon gold potatoes", + "yellow onion", + "apricots", + "pita bread", + "ground black pepper", + "salt", + "fresh parsley", + "ground cinnamon", + "dried cherry", + "vegetable broth", + "carrots", + "ground cumin", + "ground ginger", + "olive oil", + "large garlic cloves", + "ground coriander", + "canola oil" + ] + }, + { + "id": 26958, + "cuisine": "french", + "ingredients": [ + "butter", + "pie dough", + "fresh lemon juice", + "sugar", + "vanilla extract", + "water", + "nectarines" + ] + }, + { + "id": 42300, + "cuisine": "spanish", + "ingredients": [ + "egg yolks", + "cinnamon sticks", + "heavy cream", + "lemon", + "sugar", + "vanilla extract" + ] + }, + { + "id": 34719, + "cuisine": "southern_us", + "ingredients": [ + "sage leaves", + "olive oil", + "fryer chickens", + "fresh rosemary", + "fresh shiitake mushrooms", + "chopped garlic", + "pancetta", + "beef stock", + "whipping cream", + "chicken stock", + "dry white wine", + "grits" + ] + }, + { + "id": 49322, + "cuisine": "filipino", + "ingredients": [ + "olive oil", + "garlic", + "bay leaves", + "ground black pepper", + "chicken", + "soy sauce", + "apple cider vinegar" + ] + }, + { + "id": 39656, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "chives", + "fresh basil", + "cannelloni shells", + "garlic salt", + "frozen chopped spinach", + "pepper", + "shredded mozzarella cheese", + "pepper sauce", + "cooked chicken" + ] + }, + { + "id": 3746, + "cuisine": "italian", + "ingredients": [ + "salt", + "crusty bread", + "fresh basil leaves", + "extra-virgin olive oil", + "tomatoes", + "garlic cloves" + ] + }, + { + "id": 26507, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "yellow onion", + "ground beef", + "fresh spinach", + "cheese", + "taco seasoning", + "water", + "tortilla chips", + "Velveeta", + "salsa", + "sour cream" + ] + }, + { + "id": 40000, + "cuisine": "thai", + "ingredients": [ + "fresh red chili", + "soy sauce", + "asparagus", + "rice noodles", + "garlic", + "chicken thighs", + "fish sauce", + "lime", + "spring onions", + "ginger", + "peanut butter", + "five spice", + "fresh coriander", + "butternut squash", + "vegetable stock", + "runny honey", + "tumeric", + "sesame seeds", + "sesame oil", + "light coconut milk", + "lime leaves" + ] + }, + { + "id": 10323, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "cannellini beans", + "juice", + "celery ribs", + "swiss chard", + "purple onion", + "hot water", + "pancetta", + "tomatoes", + "extra-virgin olive oil", + "carrots", + "savoy cabbage", + "parmigiano reggiano cheese", + "garlic cloves", + "escarole" + ] + }, + { + "id": 28565, + "cuisine": "irish", + "ingredients": [ + "instant coffee", + "evaporated milk", + "vanilla extract", + "milk chocolate", + "heavy cream", + "Irish whiskey", + "sweetened condensed milk" + ] + }, + { + "id": 46262, + "cuisine": "italian", + "ingredients": [ + "dijon mustard", + "extra-virgin olive oil", + "fresh tomatoes", + "chicken breasts", + "salt", + "spinach", + "bell pepper", + "purple onion", + "barilla", + "balsamic vinegar", + "freshly ground pepper" + ] + }, + { + "id": 14512, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "kosher salt", + "basil leaves", + "medium shrimp", + "tomatoes", + "ground black pepper", + "fresh lemon juice", + "baguette", + "crushed red pepper" + ] + }, + { + "id": 40143, + "cuisine": "french", + "ingredients": [ + "parsley sprigs", + "leeks", + "garlic cloves", + "turnips", + "water", + "salt", + "onions", + "pepper", + "bay leaves", + "carrots", + "celery ribs", + "beef brisket", + "sauce" + ] + }, + { + "id": 11159, + "cuisine": "thai", + "ingredients": [ + "sugar", + "lemongrass", + "Flora Cuisine", + "lime leaves", + "fresh coriander", + "prawns", + "tamarind paste", + "Knorr Fish Stock Cubes", + "lime", + "garlic", + "coconut", + "ginger", + "pak choi" + ] + }, + { + "id": 37090, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "mint leaves", + "fresh lime juice", + "sugar pea", + "garlic chili sauce", + "rice stick noodles", + "japanese cucumber", + "red bell pepper", + "sugar", + "cilantro leaves", + "medium shrimp" + ] + }, + { + "id": 9347, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "unsalted butter", + "chicken broth", + "olive oil", + "garlic", + "fettucine", + "ground black pepper", + "fresh parsley leaves", + "milk", + "grated parmesan cheese" + ] + }, + { + "id": 21910, + "cuisine": "mexican", + "ingredients": [ + "red chili peppers", + "coriander seeds", + "chipotle paste", + "avocado", + "lime", + "purple onion", + "chicken", + "black beans", + "chili oil", + "corn tortillas", + "tomatoes", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 4786, + "cuisine": "italian", + "ingredients": [ + "dried porcini mushrooms", + "cooking spray", + "chopped fresh thyme", + "boiling water", + "ground black pepper", + "shallots", + "less sodium beef broth", + "arborio rice", + "parmigiano reggiano cheese", + "fresh thyme leaves", + "garlic cloves", + "mascarpone", + "dry white wine", + "salt" + ] + }, + { + "id": 4912, + "cuisine": "southern_us", + "ingredients": [ + "water", + "maple syrup", + "butter", + "grits", + "sweet potatoes", + "garlic salt", + "salt", + "cumin" + ] + }, + { + "id": 11074, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "red pepper flakes", + "garlic" + ] + }, + { + "id": 35892, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "bean curd", + "white pepper", + "garlic", + "green peas", + "fish paste", + "salt" + ] + }, + { + "id": 21024, + "cuisine": "vietnamese", + "ingredients": [ + "garlic cloves", + "olive oil" + ] + }, + { + "id": 26794, + "cuisine": "mexican", + "ingredients": [ + "chili", + "ground beef", + "shredded cheese", + "flour tortillas", + "enchilada sauce" + ] + }, + { + "id": 12918, + "cuisine": "italian", + "ingredients": [ + "tomato purée", + "grated parmesan cheese", + "salt", + "clove", + "olive oil", + "red pepper flakes", + "vodka", + "butter", + "onions", + "pasta", + "ground black pepper", + "heavy cream" + ] + }, + { + "id": 48587, + "cuisine": "southern_us", + "ingredients": [ + "barbecue sauce", + "Crisco Pure Vegetable Oil", + "chopped onion", + "green pepper", + "roast", + "pork butt roast" + ] + }, + { + "id": 44966, + "cuisine": "french", + "ingredients": [ + "cod fillets", + "extra-virgin olive oil", + "ground black pepper", + "large garlic cloves", + "fresh lemon juice", + "red potato", + "parmigiano reggiano cheese", + "grated lemon zest", + "baguette", + "whole milk", + "cayenne pepper" + ] + }, + { + "id": 46988, + "cuisine": "italian", + "ingredients": [ + "warm water", + "large egg yolks", + "all-purpose flour", + "sugar", + "honey", + "fine sea salt", + "active dry yeast", + "unsalted butter", + "gelato", + "large egg whites", + "large eggs" + ] + }, + { + "id": 12213, + "cuisine": "mexican", + "ingredients": [ + "dried thyme", + "vegetable oil", + "serrano", + "chopped cilantro fresh", + "fresca", + "low sodium chicken broth", + "tomatillos", + "corn tortillas", + "shredded Monterey Jack cheese", + "large eggs", + "queso fresco", + "garlic cloves", + "dried oregano", + "white onion", + "corn oil", + "salt", + "bay leaf" + ] + }, + { + "id": 43098, + "cuisine": "southern_us", + "ingredients": [ + "pork chops", + "black pepper", + "salt", + "eggs", + "flour", + "milk" + ] + }, + { + "id": 12614, + "cuisine": "brazilian", + "ingredients": [ + "olive oil", + "collard greens", + "rib", + "salt", + "black pepper" + ] + }, + { + "id": 43340, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "shanghai bok choy", + "peanut oil", + "soy sauce", + "garlic", + "reduced sodium chicken broth", + "corn starch" + ] + }, + { + "id": 17733, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "butter", + "hot water", + "tomatoes", + "cooking spray", + "salt", + "carnitas", + "saffron threads", + "cider vinegar", + "crushed red pepper", + "onions", + "green bell pepper", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 18904, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "heavy cream", + "flat leaf parsley", + "penne", + "italian plum tomatoes", + "garlic", + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "vodka", + "red pepper", + "salt" + ] + }, + { + "id": 44479, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "crushed red pepper", + "garlic cloves", + "pecorino romano cheese", + "sweet italian sausage", + "fresh basil", + "whipping cream", + "chopped onion", + "olive oil", + "bow-tie pasta" + ] + }, + { + "id": 47003, + "cuisine": "spanish", + "ingredients": [ + "soy sauce", + "extra-virgin olive oil", + "red bell pepper", + "egg noodles", + "salt", + "medium shrimp", + "hot pepper sauce", + "garlic", + "flat leaf parsley", + "slivered almonds", + "dry sherry", + "scallions" + ] + }, + { + "id": 35997, + "cuisine": "spanish", + "ingredients": [ + "potatoes", + "sweet paprika", + "water", + "parsley", + "tuna", + "tomatoes", + "bay leaves", + "garlic cloves", + "olive oil", + "cayenne pepper", + "onions" + ] + }, + { + "id": 3364, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "jalapeno chilies", + "onions", + "avocado", + "quinoa", + "ground turkey", + "black beans", + "garlic", + "ground cumin", + "crushed tomatoes", + "whole kernel corn, drain" + ] + }, + { + "id": 31407, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "sour cream", + "water", + "green onions", + "oregano", + "lasagna noodles", + "ground beef", + "refried beans", + "salsa", + "monterey jack" + ] + }, + { + "id": 16408, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium soy sauce", + "dry sherry", + "dark sesame oil", + "toasted sesame seeds", + "peeled fresh ginger", + "crushed red pepper", + "oyster sauce", + "water chestnuts", + "garlic", + "scallions", + "large egg whites", + "wonton wrappers", + "seasoned rice wine vinegar", + "medium shrimp" + ] + }, + { + "id": 33958, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "boiling water", + "green tea bags", + "fresh mint" + ] + }, + { + "id": 12761, + "cuisine": "italian", + "ingredients": [ + "cake", + "liqueur", + "powdered sugar", + "fresh raspberries", + "mint sprigs", + "unsweetened cocoa powder", + "mascarpone", + "cream cheese, soften" + ] + }, + { + "id": 14718, + "cuisine": "southern_us", + "ingredients": [ + "capers", + "vegetable oil", + "celery seed", + "white vinegar", + "water", + "hot sauce", + "pickling spices", + "salt", + "onions", + "celery ribs", + "bay leaves", + "shrimp" + ] + }, + { + "id": 48090, + "cuisine": "southern_us", + "ingredients": [ + "pie filling", + "sparkling sugar" + ] + }, + { + "id": 14446, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "lemon", + "corn starch", + "chicken stock", + "black pepper", + "tomato ketchup", + "soy sauce", + "garlic", + "canola oil", + "pepper sauce", + "assorted fresh vegetables", + "shrimp" + ] + }, + { + "id": 31201, + "cuisine": "thai", + "ingredients": [ + "large egg whites", + "unsweetened cocoa powder", + "salt", + "flaked coconut", + "lime juice", + "white sugar" + ] + }, + { + "id": 28324, + "cuisine": "jamaican", + "ingredients": [ + "papaya", + "sea salt", + "jerk sauce", + "lime", + "spiced rum", + "yellow rice", + "poblano peppers", + "paprika", + "sour cream", + "avocado", + "boneless skinless chicken breasts", + "kiwi fruits", + "mango" + ] + }, + { + "id": 41052, + "cuisine": "chinese", + "ingredients": [ + "egg roll wrappers", + "pork sausages", + "shredded coleslaw mix", + "dipping sauces", + "fresh ginger", + "garlic cloves", + "vegetable oil" + ] + }, + { + "id": 18786, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "lime juice", + "lime", + "chicken breasts", + "garlic", + "bbq sauce", + "black beans", + "milk", + "bibb lettuce", + "buttermilk", + "cayenne pepper", + "ground cumin", + "black pepper", + "fresh cilantro", + "granulated sugar", + "chili powder", + "salt", + "cumin", + "white vinegar", + "pepper", + "corn", + "barbecue sauce", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 4425, + "cuisine": "italian", + "ingredients": [ + "fennel bulb", + "salt", + "olive oil", + "fresh orange juice", + "grated orange", + "ground black pepper", + "purple onion", + "grated parmesan cheese", + "lemon juice" + ] + }, + { + "id": 47596, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "black beans", + "sesame oil", + "garlic", + "ketchup", + "water", + "coarse salt", + "shrimp", + "brown sugar", + "white onion", + "vegetable oil", + "oyster sauce", + "lettuce", + "white pepper", + "ground black pepper", + "ginger", + "iceberg lettuce" + ] + }, + { + "id": 33945, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "cream cheese, soften", + "powdered sugar", + "vanilla extract" + ] + }, + { + "id": 40177, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "green onions", + "chili bean sauce", + "garlic cloves", + "water", + "dry sherry", + "peanut oil", + "dried red chile peppers", + "soy sauce", + "rice wine", + "green chilies", + "red bell pepper", + "boneless chicken breast", + "ginger", + "scallions", + "celery" + ] + }, + { + "id": 15479, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "jalapeno chilies", + "tomatillos", + "salt", + "freshly ground pepper", + "fresh lime juice", + "white vinegar", + "shiitake", + "vegetable stock", + "purple onion", + "frozen corn kernels", + "corn tortillas", + "canola oil", + "white onion", + "butternut squash", + "raw cashews", + "cilantro leaves", + "garlic cloves", + "chopped cilantro", + "kale", + "shallots", + "extra-virgin olive oil", + "toasted pumpkinseeds", + "smoked paprika", + "onions" + ] + }, + { + "id": 32188, + "cuisine": "cajun_creole", + "ingredients": [ + "part-skim mozzarella cheese", + "cooking spray", + "garlic", + "plum tomatoes", + "zucchini", + "chopped fresh thyme", + "salt", + "yellow squash", + "french bread", + "extra-virgin olive oil", + "red bell pepper", + "ground black pepper", + "balsamic vinegar", + "purple onion" + ] + }, + { + "id": 28207, + "cuisine": "british", + "ingredients": [ + "large eggs", + "vanilla extract", + "toasted almonds", + "sugar", + "English toffee bits", + "cream cheese", + "candy", + "unsalted butter", + "almond extract", + "dark brown sugar", + "chocolate covered english toffee", + "graham cracker crumbs", + "salt", + "sour cream" + ] + }, + { + "id": 38119, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "sesame seeds", + "corn starch", + "cold water", + "honey", + "boneless skinless chicken breasts", + "diced onions", + "minced garlic", + "green onions", + "cooked rice", + "fresh ginger", + "rice vinegar" + ] + }, + { + "id": 20926, + "cuisine": "french", + "ingredients": [ + "rolls", + "almonds", + "preserves" + ] + }, + { + "id": 3043, + "cuisine": "thai", + "ingredients": [ + "peanuts", + "sea salt", + "scallions", + "water", + "mung bean noodles", + "garlic", + "onions", + "ume plum vinegar", + "agave nectar", + "cilantro", + "toasted sesame oil", + "olive oil", + "arrowroot powder", + "broccoli" + ] + }, + { + "id": 15043, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "bacon", + "olive oil", + "garlic cloves", + "white bread", + "balsamic vinegar", + "fresh basil leaves", + "mozzarella cheese", + "salt" + ] + }, + { + "id": 4378, + "cuisine": "french", + "ingredients": [ + "instant yeast", + "water", + "salt", + "caster sugar", + "all purpose unbleached flour", + "unsalted butter" + ] + }, + { + "id": 13071, + "cuisine": "vietnamese", + "ingredients": [ + "coconut oil", + "grated cauliflower", + "coarse sea salt", + "sausages", + "onions", + "chili flakes", + "honey", + "spring onions", + "cracked black pepper", + "shrimp", + "water", + "large eggs", + "cilantro", + "carrots", + "fish sauce", + "asparagus", + "apple cider vinegar", + "garlic cloves", + "fresh lime juice" + ] + }, + { + "id": 40641, + "cuisine": "thai", + "ingredients": [ + "frozen edamame beans", + "whole wheat linguine", + "beansprouts", + "broccoli florets", + "carrots", + "peanuts", + "salted dry roasted peanuts", + "lime wedges", + "red bell pepper" + ] + }, + { + "id": 3491, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame oil", + "mian", + "unsalted chicken stock", + "leaves", + "top sirloin steak", + "dark soy sauce", + "light soy sauce", + "vegetable oil", + "gai lan", + "ground black pepper", + "oyster sauce" + ] + }, + { + "id": 43324, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "lime juice", + "lettuce leaves", + "dipping sauces", + "barbecued pork", + "chile sauce", + "water", + "mint leaves", + "vegetable oil", + "cilantro leaves", + "coconut milk", + "sugar", + "prawns", + "parsley", + "fine sea salt", + "soda water", + "tumeric", + "thai basil", + "green onions", + "garlic", + "rice flour" + ] + }, + { + "id": 46702, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "lettuce leaves", + "minced garlic", + "crushed red pepper flakes", + "sushi rice", + "green onions", + "rib eye steaks", + "ground black pepper", + "toasted sesame oil" + ] + }, + { + "id": 22688, + "cuisine": "french", + "ingredients": [ + "salt", + "heavy cream", + "semi-sweet chocolate morsels", + "egg yolks", + "white sugar", + "vanilla extract" + ] + }, + { + "id": 11140, + "cuisine": "italian", + "ingredients": [ + "pepperoncini", + "water", + "hamburger buns", + "italian salad dressing mix", + "chuck roast" + ] + }, + { + "id": 23494, + "cuisine": "british", + "ingredients": [ + "pinenuts", + "granulated sugar", + "cake flour", + "ground cardamom", + "baking soda", + "cinnamon", + "grated nutmeg", + "milk", + "large eggs", + "salt", + "double-acting baking powder", + "light brown sugar", + "unsalted butter", + "vanilla extract", + "grated lemon zest" + ] + }, + { + "id": 6194, + "cuisine": "spanish", + "ingredients": [ + "unsalted butter", + "Tabasco Pepper Sauce", + "olive oil", + "potatoes", + "chopped onion", + "minced garlic", + "large eggs", + "salt", + "ground black pepper", + "leeks" + ] + }, + { + "id": 26417, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "honey", + "extra-virgin olive oil", + "cornmeal", + "kosher salt", + "vegetable oil", + "goat cheese", + "active dry yeast", + "balsamic vinegar", + "freshly ground pepper", + "warm water", + "seeds", + "all-purpose flour", + "onions" + ] + }, + { + "id": 6319, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "fresh coriander", + "unsalted butter", + "paprika", + "onions", + "fish fillets", + "olive oil", + "fennel bulb", + "fresh parsley leaves", + "black peppercorns", + "water", + "lemon peel", + "garlic cloves", + "hot red pepper flakes", + "coriander seeds", + "coarse salt", + "lemon juice" + ] + }, + { + "id": 14792, + "cuisine": "greek", + "ingredients": [ + "sun-dried tomatoes", + "dried oregano", + "minced garlic", + "black olives", + "feta cheese", + "olive oil", + "lemon juice" + ] + }, + { + "id": 6321, + "cuisine": "thai", + "ingredients": [ + "tamarind", + "black tea", + "sugar", + "star anise", + "evaporated milk", + "water", + "condensed milk" + ] + }, + { + "id": 4348, + "cuisine": "thai", + "ingredients": [ + "sugar", + "lemongrass", + "lime wedges", + "coconut milk", + "water", + "shiitake", + "cilantro", + "boneless chicken skinless thigh", + "lime", + "chili oil", + "fish sauce", + "lime juice", + "low sodium chicken broth", + "ginger" + ] + }, + { + "id": 13387, + "cuisine": "southern_us", + "ingredients": [ + "rosemary sprigs", + "large eggs", + "vegetable oil", + "pepper", + "lemon wedge", + "salt", + "seasoned bread crumbs", + "grated parmesan cheese", + "paprika", + "lamb rib chops", + "garlic powder", + "onion powder", + "all-purpose flour" + ] + }, + { + "id": 39382, + "cuisine": "southern_us", + "ingredients": [ + "large garlic cloves", + "chipotles in adobo", + "unsalted butter", + "dry red wine", + "worcestershire sauce", + "adobo sauce", + "shell-on shrimp", + "salt" + ] + }, + { + "id": 26036, + "cuisine": "chinese", + "ingredients": [ + "corn oil", + "scallions", + "ginger", + "sesame oil", + "chicken", + "water", + "salt" + ] + }, + { + "id": 35898, + "cuisine": "mexican", + "ingredients": [ + "msg", + "shredded extra sharp cheddar cheese", + "purple onion", + "seasoning", + "chopped tomatoes", + "coarse salt", + "sour cream", + "olive oil", + "lean ground beef", + "tortilla chips", + "black pepper", + "sliced black olives", + "white wine vinegar", + "iceberg lettuce" + ] + }, + { + "id": 48316, + "cuisine": "southern_us", + "ingredients": [ + "parmigiano-reggiano cheese", + "sherry vinegar", + "dry white wine", + "hot sauce", + "grits", + "kosher salt", + "parmigiano reggiano cheese", + "heavy cream", + "fresh lemon juice", + "country ham", + "unsalted butter", + "shallots", + "fresh mushrooms", + "olive oil", + "large eggs", + "crushed red pepper", + "bay leaf" + ] + }, + { + "id": 23071, + "cuisine": "southern_us", + "ingredients": [ + "Tabasco Pepper Sauce", + "cayenne pepper", + "buttermilk", + "chicken", + "coarse salt", + "peanut oil", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 751, + "cuisine": "french", + "ingredients": [ + "duxelles", + "dry white wine", + "leeks", + "cooking spray", + "salt", + "char fillets" + ] + }, + { + "id": 18588, + "cuisine": "mexican", + "ingredients": [ + "cavatappi", + "large garlic cloves", + "serrano chile", + "unsalted butter", + "salt", + "queso fresco", + "poblano chiles", + "white onion", + "crema", + "dried oregano" + ] + }, + { + "id": 32696, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "garlic", + "coriander", + "lime", + "vegetable broth", + "onions", + "taco sauce", + "chili powder", + "green chilies", + "chicken breasts", + "salt", + "cumin" + ] + }, + { + "id": 7947, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "garam masala", + "salt", + "coconut milk", + "saffron", + "roasted cashews", + "steamed rice", + "Thai red curry paste", + "hot curry powder", + "paneer cheese", + "tomato paste", + "sweet onion", + "broccoli florets", + "cayenne pepper", + "chopped cilantro", + "coconut oil", + "fresh ginger", + "garlic", + "greek yogurt", + "naan" + ] + }, + { + "id": 39634, + "cuisine": "indian", + "ingredients": [ + "coconut", + "thai chile", + "brown mustard seeds", + "ground turmeric", + "shell-on shrimp", + "salt", + "water", + "vegetable oil" + ] + }, + { + "id": 32816, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "fresh parsley", + "kosher salt", + "large eggs", + "garlic cloves", + "pepper", + "shallots", + "asparagus spears", + "capers", + "dijon mustard", + "white wine vinegar", + "plum tomatoes" + ] + }, + { + "id": 1051, + "cuisine": "korean", + "ingredients": [ + "rice cakes", + "fruit", + "chips" + ] + }, + { + "id": 12966, + "cuisine": "korean", + "ingredients": [ + "honey", + "heavy cream", + "tangerine zest", + "white sesame seeds", + "sugar", + "black sesame seeds", + "large egg yolks", + "mandarin orange juice" + ] + }, + { + "id": 49693, + "cuisine": "french", + "ingredients": [ + "crescent rolls", + "Nutella" + ] + }, + { + "id": 905, + "cuisine": "greek", + "ingredients": [ + "pepper", + "lettuce leaves", + "lemon juice", + "dried oregano", + "artichoke hearts", + "salt", + "cucumber", + "olive oil", + "pitted olives", + "feta cheese crumbles", + "tomatoes", + "zucchini", + "garlic cloves", + "onions" + ] + }, + { + "id": 27568, + "cuisine": "greek", + "ingredients": [ + "nutmeg", + "onion powder", + "corn starch", + "ground black pepper", + "cinnamon", + "garlic powder", + "parsley", + "oregano", + "beef", + "salt" + ] + }, + { + "id": 12544, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "flour tortillas", + "red bell pepper", + "canned black beans", + "garlic powder", + "Campbell's Condensed Cream of Chicken Soup", + "tomato paste", + "chopped green chilies", + "chili powder", + "water", + "cooked chicken" + ] + }, + { + "id": 40796, + "cuisine": "mexican", + "ingredients": [ + "colby jack cheese", + "cream cheese", + "baby spinach", + "corn tortillas", + "vegetable oil", + "sour cream", + "salsa", + "chicken" + ] + }, + { + "id": 8122, + "cuisine": "japanese", + "ingredients": [ + "salt", + "cumin", + "peanut oil", + "green chilies", + "potatoes", + "lemon juice" + ] + }, + { + "id": 42558, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "corn", + "salt", + "tumeric", + "cilantro", + "brown mustard seeds", + "serrano chile" + ] + }, + { + "id": 44337, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato purée", + "dried thyme", + "boneless skinless chicken breasts", + "yellow onion", + "dried oregano", + "fat free less sodium chicken broth", + "jalapeno chilies", + "chopped celery", + "red bell pepper", + "sliced green onions", + "andouille sausage", + "ground black pepper", + "ground red pepper", + "garlic cloves", + "canola oil", + "dried basil", + "bay leaves", + "salt", + "basmati rice" + ] + }, + { + "id": 43335, + "cuisine": "cajun_creole", + "ingredients": [ + "lemon", + "mayonaise", + "herbes de provence", + "cajun spice mix", + "garlic cloves", + "dijon mustard" + ] + }, + { + "id": 10479, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "paprika", + "garlic cloves", + "green chile", + "ground sirloin", + "chopped onion", + "tomatoes", + "green onions", + "shredded sharp cheddar cheese", + "canola oil", + "kidney beans", + "chili powder", + "beer" + ] + }, + { + "id": 31861, + "cuisine": "mexican", + "ingredients": [ + "water", + "plum tomatoes", + "coarse salt", + "habanero chile" + ] + }, + { + "id": 23118, + "cuisine": "russian", + "ingredients": [ + "corn oil", + "champagne vinegar", + "horseradish", + "beets", + "watercress", + "hothouse cucumber", + "sugar", + "sour cream" + ] + }, + { + "id": 14950, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable juice", + "hot sauce", + "prepared horseradish", + "cherry peppers", + "vodka", + "pickled okra", + "worcestershire sauce" + ] + }, + { + "id": 889, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "bread crumbs", + "garlic cloves", + "hard shelled clams", + "fresh oregano", + "lemon zest", + "plum tomatoes" + ] + }, + { + "id": 3100, + "cuisine": "italian", + "ingredients": [ + "pepper", + "cheese tortellini", + "frozen peas", + "unsalted butter", + "garlic", + "kosher salt", + "grated parmesan cheese", + "onions", + "olive oil", + "fresh tarragon" + ] + }, + { + "id": 44086, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "shiitake", + "lemon", + "soy sauce", + "shrimp heads", + "konbu", + "parsley sprigs", + "mirin", + "dried bonito flakes", + "anchovies", + "boneless skinless chicken breasts" + ] + }, + { + "id": 6306, + "cuisine": "southern_us", + "ingredients": [ + "cayenne", + "frozen corn", + "juice", + "green bell pepper", + "rabbit", + "garlic cloves", + "reduced sodium chicken broth", + "all-purpose flour", + "California bay leaves", + "tomatoes", + "vegetable oil", + "lima beans", + "onions" + ] + }, + { + "id": 11693, + "cuisine": "mexican", + "ingredients": [ + "tostadas", + "hominy", + "salt", + "cabbage", + "lime", + "cilantro stems", + "onions", + "water", + "bay leaves", + "red radishes", + "pork", + "chili", + "garlic", + "dried oregano" + ] + }, + { + "id": 47744, + "cuisine": "southern_us", + "ingredients": [ + "dried thyme", + "butter", + "wild mushrooms", + "beef stock", + "dried oregano", + "flour", + "onions", + "pepper", + "vegetable oil", + "chopped garlic" + ] + }, + { + "id": 34748, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chicken breasts", + "pizza crust", + "cooking spray", + "fresh basil", + "artichoke hearts", + "sliced mushrooms", + "tomato sauce", + "part-skim mozzarella cheese" + ] + }, + { + "id": 41968, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "swiss chard", + "freshly ground pepper", + "tortellini", + "garlic cloves", + "water", + "salt" + ] + }, + { + "id": 8691, + "cuisine": "italian", + "ingredients": [ + "capers", + "olive oil", + "garlic cloves", + "black pepper", + "salt", + "dried parsley", + "sugar", + "diced tomatoes", + "rotini", + "dried basil", + "chopped onion", + "dried oregano" + ] + }, + { + "id": 19479, + "cuisine": "cajun_creole", + "ingredients": [ + "ground pepper", + "whipping cream", + "boneless skinless chicken breast halves", + "bread crumbs", + "dry white wine", + "cayenne pepper", + "eggs", + "grated parmesan cheese", + "salt", + "large shrimp", + "olive oil", + "fusilli", + "fresh parsley" + ] + }, + { + "id": 4177, + "cuisine": "southern_us", + "ingredients": [ + "neutral oil", + "salsa verde", + "crema mexican", + "paprika", + "smoked paprika", + "chicken", + "boneless pork shoulder", + "kosher salt", + "ground black pepper", + "chili powder", + "hot sauce", + "dried oregano", + "pork", + "corn husks", + "baking powder", + "garlic", + "onions", + "ground cumin", + "chicken stock", + "garlic powder", + "unsalted butter", + "vegetable stock", + "cayenne pepper", + "masa harina" + ] + }, + { + "id": 37140, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic", + "corn starch", + "sherry", + "round steaks", + "white sugar", + "fresh ginger root", + "broccoli", + "toasted sesame oil", + "vegetable oil", + "oyster sauce" + ] + }, + { + "id": 10985, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "shredded lettuce", + "taco sauce", + "green onions", + "sour cream", + "tomatoes", + "sliced black olives", + "cream cheese", + "shredded cheddar cheese", + "lean ground beef" + ] + }, + { + "id": 13553, + "cuisine": "spanish", + "ingredients": [ + "chocolate", + "orange rind", + "brewed espresso", + "boiling water", + "1% low-fat milk", + "fat free frozen top whip", + "brown sugar", + "cocoa powder", + "unsweetened cocoa powder" + ] + }, + { + "id": 7438, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "buttermilk", + "hot sauce", + "onion powder", + "salt", + "self-rising cornmeal", + "cayenne", + "paprika", + "okra", + "black pepper", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 41777, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "cooking oil", + "garlic", + "scallions", + "corn starch", + "green bell pepper", + "baking soda", + "rice wine", + "all-purpose flour", + "oyster sauce", + "Chinese rice vinegar", + "eggs", + "water", + "pork tenderloin", + "salt", + "oil", + "red bell pepper", + "sugar", + "plum sauce", + "pineapple rings", + "tomato ketchup", + "Lea & Perrins Worcestershire Sauce" + ] + }, + { + "id": 13399, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "basil", + "roasted peanuts", + "carrots", + "asian fish sauce", + "soy sauce", + "cayenne", + "rice vermicelli", + "garlic cloves", + "toasted sesame oil", + "brown sugar", + "vegetables", + "ginger", + "scallions", + "cucumber", + "boneless chicken skinless thigh", + "lime wedges", + "rice vinegar", + "unsalted peanut butter", + "serrano chile" + ] + }, + { + "id": 9723, + "cuisine": "brazilian", + "ingredients": [ + "water", + "sugar", + "sweetened condensed milk", + "lime juice" + ] + }, + { + "id": 46540, + "cuisine": "southern_us", + "ingredients": [ + "grape tomatoes", + "green onions", + "olive oil", + "salt", + "pepper", + "balsamic vinegar", + "fresh basil", + "corn husks" + ] + }, + { + "id": 45716, + "cuisine": "japanese", + "ingredients": [ + "large eggs", + "salt", + "honey", + "matcha green tea powder", + "glaze", + "cream of tartar", + "whole milk", + "all-purpose flour", + "granulated sugar", + "lemon" + ] + }, + { + "id": 20009, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "butter", + "yellow corn meal", + "large eggs", + "salt", + "baking soda", + "buttermilk", + "shortening", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 28075, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "butter", + "orange juice concentrate", + "large eggs", + "chopped pecans", + "ground cinnamon", + "sweet potatoes", + "ground nutmeg", + "salt" + ] + }, + { + "id": 23688, + "cuisine": "korean", + "ingredients": [ + "radishes", + "garlic", + "water", + "napa cabbage", + "red chili peppers", + "green onions", + "fresh ginger", + "sea salt" + ] + }, + { + "id": 15506, + "cuisine": "italian", + "ingredients": [ + "penne", + "grated parmesan cheese", + "mozzarella cheese", + "fat-free cottage cheese", + "black pepper", + "marinara sauce", + "zucchini", + "sea salt" + ] + }, + { + "id": 48000, + "cuisine": "mexican", + "ingredients": [ + "chili", + "corn", + "sea salt", + "parmigiano reggiano cheese", + "lime", + "crema" + ] + }, + { + "id": 46866, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "andouille sausage", + "tomatoes with juice", + "freshly ground pepper", + "chicken broth", + "olive oil", + "salt", + "biscuits", + "milk", + "smoked sausage", + "garlic cloves", + "green bell pepper", + "cajun seasoning", + "yellow onion" + ] + }, + { + "id": 41609, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "corn kernels", + "roma tomatoes", + "onions", + "canned black beans", + "Mexican cheese blend", + "Bisquick Baking Mix", + "romaine lettuce", + "olive oil", + "taco seasoning", + "milk", + "large eggs", + "ground beef" + ] + }, + { + "id": 7483, + "cuisine": "southern_us", + "ingredients": [ + "cream of tartar", + "egg whites", + "fresh lime juice", + "sugar", + "lime slices", + "unflavored gelatin", + "egg yolks", + "sweetened condensed milk", + "cold water", + "graham cracker crusts", + "salt" + ] + }, + { + "id": 37745, + "cuisine": "filipino", + "ingredients": [ + "garlic powder", + "romano cheese", + "butter", + "fettucine", + "fresh lemon", + "milk", + "salt" + ] + }, + { + "id": 2170, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "unsalted butter", + "smoked sweet Spanish paprika", + "all-purpose flour", + "peanut oil", + "seasoning", + "ground nutmeg", + "cooking spray", + "buttermilk", + "strawberries", + "chicken", + "ground cinnamon", + "ground black pepper", + "baking powder", + "maple syrup", + "poultry seasoning", + "brown mustard", + "garlic powder", + "large eggs", + "butter", + "grenadine syrup", + "eggnog" + ] + }, + { + "id": 37228, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "salt", + "white sugar", + "milk", + "margarine", + "warm water", + "all-purpose flour", + "orange zest", + "anise seed", + "active dry yeast", + "orange juice" + ] + }, + { + "id": 29084, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "peeled fresh ginger", + "cilantro sprigs", + "olive oil", + "lemon wedge", + "onions", + "peeled tomatoes", + "cilantro stems", + "salt", + "mild curry powder", + "whole milk yoghurt", + "cauliflower florets" + ] + }, + { + "id": 9175, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "marinara sauce", + "mascarpone", + "flat leaf parsley", + "parmesan cheese", + "cheese tortellini", + "fresh thyme" + ] + }, + { + "id": 28490, + "cuisine": "french", + "ingredients": [ + "coarse sea salt", + "cayenne pepper", + "baguette", + "extra-virgin olive oil", + "egg yolks", + "dry bread crumbs", + "fish stock", + "garlic cloves" + ] + }, + { + "id": 29243, + "cuisine": "french", + "ingredients": [ + "olive oil", + "asparagus spears", + "sea salt", + "pepper", + "herbes de provence" + ] + }, + { + "id": 10455, + "cuisine": "french", + "ingredients": [ + "sliced almonds", + "extra-virgin olive oil", + "ground black pepper", + "sherry vinegar", + "salt", + "haricots verts", + "dijon mustard" + ] + }, + { + "id": 12780, + "cuisine": "korean", + "ingredients": [ + "zucchini", + "all-purpose flour", + "eggs", + "vegetable oil" + ] + }, + { + "id": 4399, + "cuisine": "greek", + "ingredients": [ + "fresh basil", + "ground black pepper", + "purple onion", + "dried rosemary", + "pitted kalamata olives", + "sliced cucumber", + "fresh parsley", + "penne", + "roasted red peppers", + "feta cheese crumbles", + "low-fat caesar dressing", + "water", + "sprinkles", + "large shrimp" + ] + }, + { + "id": 14583, + "cuisine": "indian", + "ingredients": [ + "ginger", + "rice flour", + "flour", + "green chilies", + "curry leaves", + "salt", + "onions", + "chili powder", + "oil" + ] + }, + { + "id": 36352, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "water", + "cannellini beans", + "smoked ham hocks", + "parsnips", + "leeks", + "carrots", + "savoy cabbage", + "peasant bread", + "cheese", + "red potato", + "ground black pepper", + "salt" + ] + }, + { + "id": 24628, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "chicken base", + "pan drippings", + "flour", + "chicken stock", + "heavy cream" + ] + }, + { + "id": 7577, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "rice vinegar", + "peeled fresh ginger", + "chicken thighs", + "hot red pepper flakes", + "sesame oil", + "hoisin sauce", + "garlic cloves" + ] + }, + { + "id": 30914, + "cuisine": "mexican", + "ingredients": [ + "milk", + "fresh lemon juice", + "pure vanilla extract", + "large eggs", + "semisweet chocolate", + "sugar", + "cinnamon" + ] + }, + { + "id": 34118, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "grating cheese", + "cooked white rice", + "diced green chilies", + "ancho powder", + "ground cumin", + "olive oil", + "diced tomatoes", + "onions", + "extra lean ground beef", + "bell pepper", + "juice" + ] + }, + { + "id": 44172, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "salt", + "ghee", + "ground cloves", + "fenugreek", + "dried chile", + "chicken thighs", + "garam masala", + "garlic cloves", + "onions", + "grated coconut", + "chili powder", + "coconut milk", + "ground turmeric" + ] + }, + { + "id": 43224, + "cuisine": "indian", + "ingredients": [ + "white sugar", + "pistachio nuts", + "chickpea flour", + "clarified butter", + "cashew nuts" + ] + }, + { + "id": 45885, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "dried basil", + "crushed red pepper flakes", + "dried oregano", + "pepper", + "mushroom caps", + "salt", + "mozzarella cheese", + "lean ground meat", + "garlic", + "meat filling", + "pizza sauce", + "fresh basil leaves" + ] + }, + { + "id": 11601, + "cuisine": "southern_us", + "ingredients": [ + "white pepper", + "heavy cream", + "fillets", + "eggs", + "vegetable oil", + "salt", + "pork sausages", + "garlic powder", + "garlic", + "fresh parsley", + "black pepper", + "butter", + "all-purpose flour" + ] + }, + { + "id": 20656, + "cuisine": "thai", + "ingredients": [ + "salt", + "galangal", + "fish sauce", + "coconut milk", + "kaffir lime leaves", + "fresh mushrooms", + "chile pepper", + "fresh lime juice" + ] + }, + { + "id": 19146, + "cuisine": "filipino", + "ingredients": [ + "white vinegar", + "bay leaves", + "oil", + "pepper", + "garlic", + "cooked rice", + "beef tenderloin", + "ground black pepper", + "salt" + ] + }, + { + "id": 37426, + "cuisine": "british", + "ingredients": [ + "self rising flour", + "caster sugar", + "salt", + "milk", + "eggs", + "butter" + ] + }, + { + "id": 43476, + "cuisine": "mexican", + "ingredients": [ + "water", + "fresh lime juice", + "boneless pork shoulder", + "ground black pepper", + "dried oregano", + "orange", + "onions", + "kosher salt", + "bay leaves", + "ground cumin" + ] + }, + { + "id": 2145, + "cuisine": "vietnamese", + "ingredients": [ + "rice vinegar", + "lime juice", + "asian fish sauce", + "hot chili", + "sugar", + "garlic cloves" + ] + }, + { + "id": 32363, + "cuisine": "irish", + "ingredients": [ + "beer", + "water", + "onions", + "red potato", + "carrots", + "beef brisket", + "cabbage" + ] + }, + { + "id": 30551, + "cuisine": "thai", + "ingredients": [ + "basil pesto sauce", + "fresh mushrooms", + "seasoning" + ] + }, + { + "id": 8513, + "cuisine": "moroccan", + "ingredients": [ + "mayonaise", + "paprika", + "ground coriander", + "fresh ginger", + "garlic", + "ground cumin", + "parsley sprigs", + "cilantro", + "lemon juice", + "cayenne", + "salt" + ] + }, + { + "id": 32362, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "garlic", + "bread flour", + "kosher salt", + "baby spinach", + "pizza doughs", + "ricotta cheese", + "yellow onion", + "olive oil", + "chees fresh mozzarella", + "freshly ground pepper" + ] + }, + { + "id": 11311, + "cuisine": "indian", + "ingredients": [ + "salt", + "lemon juice", + "whole milk" + ] + }, + { + "id": 42448, + "cuisine": "italian", + "ingredients": [ + "warm water", + "whole wheat flour", + "1% low-fat milk", + "pitted kalamata olives", + "large egg whites", + "cooking spray", + "fresh oregano", + "water", + "dry yeast", + "salt", + "sugar", + "olive oil", + "asiago", + "bread flour" + ] + }, + { + "id": 26114, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "crushed tomatoes", + "vegetable oil", + "ground beef", + "tomato purée", + "parmesan cheese", + "garlic", + "garlic salt", + "chicken broth", + "dried basil", + "worcestershire sauce", + "onions", + "pepper", + "parsley", + "salt" + ] + }, + { + "id": 1068, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "fresh ginger", + "rice vinegar", + "white onion", + "boneless skinless chicken breasts", + "corn starch", + "soy sauce", + "ground black pepper", + "scallions", + "honey", + "garlic", + "toasted sesame seeds" + ] + }, + { + "id": 20779, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "ground pork", + "chicken livers", + "canola oil", + "celery ribs", + "jalapeno chilies", + "scallions", + "onions", + "chicken broth", + "chili powder", + "garlic cloves", + "dried oregano", + "ground black pepper", + "salt", + "chopped parsley" + ] + }, + { + "id": 9904, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "lime wedges", + "cooked shrimp", + "chili", + "tortilla chips", + "avocado", + "finely chopped onion", + "tequila", + "lime juice", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 26404, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "water", + "converted rice", + "chopped onion", + "black pepper", + "dried thyme", + "cooked chicken", + "minced garlic", + "cooking spray", + "stewed tomatoes", + "fat free less sodium chicken broth", + "low-fat smoked sausage", + "green peas" + ] + }, + { + "id": 34653, + "cuisine": "japanese", + "ingredients": [ + "stock", + "fresh chives", + "white sesame seeds", + "sugar", + "lemon", + "fresh udon", + "bonito flakes", + "soy sauce", + "scallions" + ] + }, + { + "id": 2165, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "parsley", + "salt", + "dried basil", + "garlic", + "bone in chicken thighs", + "pasta", + "olive oil", + "crushed red pepper", + "crushed tomatoes", + "diced tomatoes", + "all-purpose flour" + ] + }, + { + "id": 13953, + "cuisine": "french", + "ingredients": [ + "pepper", + "butter", + "dry white wine", + "white wine vinegar", + "lemon zest", + "fresh tarragon", + "shallots" + ] + }, + { + "id": 18899, + "cuisine": "french", + "ingredients": [ + "large eggs", + "large garlic cloves", + "parmigiano reggiano cheese", + "pastry dough", + "cayenne", + "half & half", + "extra sharp cheddar cheese", + "broccoli florets", + "grated nutmeg" + ] + }, + { + "id": 31651, + "cuisine": "chinese", + "ingredients": [ + "minced ginger", + "garlic cloves", + "sugar", + "fermented bean paste", + "szechwan peppercorns", + "chili pepper", + "peanut oil" + ] + }, + { + "id": 22922, + "cuisine": "southern_us", + "ingredients": [ + "pie crust", + "unsalted butter", + "chopped pecans", + "powdered sugar", + "bourbon whiskey", + "pecan halves", + "large eggs", + "white sugar", + "light brown sugar", + "milk", + "all-purpose flour" + ] + }, + { + "id": 36032, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "golden raisins", + "ground cardamom", + "pinenuts", + "purple onion", + "water", + "salt", + "sugar", + "butter", + "basmati rice" + ] + }, + { + "id": 20120, + "cuisine": "british", + "ingredients": [ + "sugar", + "raisins", + "eggs", + "unsalted butter", + "all-purpose flour", + "cream of tartar", + "milk", + "salt", + "old-fashioned oatmeal", + "baking powder" + ] + }, + { + "id": 31747, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "water", + "duck", + "long grain white rice", + "green bell pepper", + "all-purpose flour", + "onions", + "scallion greens", + "cayenne", + "long grain brown rice", + "chicken broth", + "kielbasa", + "red bell pepper" + ] + }, + { + "id": 22196, + "cuisine": "cajun_creole", + "ingredients": [ + "bread crumbs", + "butter", + "green onions", + "cream of mushroom soup", + "crawfish", + "red bell pepper", + "green bell pepper", + "cajun seasoning", + "Pillsbury Pie Crusts" + ] + }, + { + "id": 18880, + "cuisine": "korean", + "ingredients": [ + "napa cabbage", + "scallions", + "kosher salt", + "ginger", + "onions", + "red pepper", + "shrimp", + "water", + "garlic" + ] + }, + { + "id": 26051, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "curry powder", + "garlic", + "onions", + "plain yogurt", + "vegetable oil", + "coconut milk", + "boneless chicken skinless thigh", + "garam masala", + "salt", + "green cardamom pods", + "tandoori spices", + "butter", + "curry paste" + ] + }, + { + "id": 25161, + "cuisine": "japanese", + "ingredients": [ + "water", + "salt", + "mayonaise", + "garlic juice", + "ground white pepper", + "ground ginger", + "hot pepper sauce", + "ground mustard", + "ketchup", + "paprika", + "white sugar" + ] + }, + { + "id": 22246, + "cuisine": "greek", + "ingredients": [ + "ground pepper", + "english cucumber", + "feta cheese", + "salt", + "dried oregano", + "pitted kalamata olives", + "purple onion", + "chopped parsley", + "tomatoes", + "extra-virgin olive oil", + "lemon juice" + ] + }, + { + "id": 17372, + "cuisine": "southern_us", + "ingredients": [ + "coconut oil", + "cayenne", + "thyme", + "peanuts", + "apple cider vinegar", + "onions", + "black-eyed peas", + "coarse sea salt", + "water", + "chopped green bell pepper", + "cornmeal" + ] + }, + { + "id": 11678, + "cuisine": "british", + "ingredients": [ + "curry powder", + "butternut squash", + "frozen corn kernels", + "minced garlic", + "sweet potatoes", + "whipping cream", + "frozen peas", + "pure maple syrup", + "hot pepper sauce", + "russet potatoes", + "ground coriander", + "sausage casings", + "large eggs", + "butter", + "onions" + ] + }, + { + "id": 47917, + "cuisine": "southern_us", + "ingredients": [ + "reduced fat sharp cheddar cheese", + "low-sodium fat-free chicken broth", + "grated parmesan cheese", + "hot sauce", + "fat free milk", + "salt", + "quickcooking grits", + "ground white pepper" + ] + }, + { + "id": 38603, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "broccoli florets", + "dark brown sugar", + "greens", + "fresh ginger", + "sesame oil", + "oyster sauce", + "minced garlic", + "rice wine", + "scallions", + "reduced sodium soy sauce", + "sirloin steak", + "corn starch" + ] + }, + { + "id": 32853, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "finely chopped onion", + "garlic cloves", + "fresh basil", + "parmesan cheese", + "brown rice penne", + "eggplant", + "salt", + "olive oil", + "crushed red pepper" + ] + }, + { + "id": 10047, + "cuisine": "french", + "ingredients": [ + "sugar", + "lemon juice", + "salt", + "fresh ginger", + "blueberries" + ] + }, + { + "id": 32231, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "fresh bay leaves", + "fine sea salt", + "tomatoes", + "ground black pepper", + "garlic", + "green cardamom pods", + "coriander seeds", + "cilantro stems", + "fresh ginger", + "whole cloves", + "cinnamon sticks" + ] + }, + { + "id": 6756, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "beef sausage", + "red food coloring", + "water", + "salt" + ] + }, + { + "id": 44637, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "spring onions", + "salsa", + "sour cream", + "ground cumin", + "tilapia fillets", + "hot pepper sauce", + "red pepper", + "green pepper", + "cabbage", + "fresh coriander", + "salt and ground black pepper", + "watercress", + "cayenne pepper", + "corn tortillas", + "lime", + "red cabbage", + "purple onion", + "sweet corn", + "fish" + ] + }, + { + "id": 23055, + "cuisine": "mexican", + "ingredients": [ + "water", + "masa harina", + "salt" + ] + }, + { + "id": 18730, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "grated lemon peel", + "prosciutto", + "whipping cream", + "fresh peas", + "fresh lemon juice", + "angel hair", + "pecorino romano cheese" + ] + }, + { + "id": 4939, + "cuisine": "mexican", + "ingredients": [ + "milk", + "extra-virgin olive oil", + "chicken breasts", + "cream cheese", + "vegetables", + "dry pasta", + "kosher salt", + "ranch dressing" + ] + }, + { + "id": 24471, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "parboiled rice", + "fenugreek seeds", + "boiling potatoes", + "fresh coriander", + "ginger", + "green chilies", + "daal", + "chili powder", + "rice", + "ground turmeric", + "pigeon peas", + "salt", + "lemon juice" + ] + }, + { + "id": 12465, + "cuisine": "greek", + "ingredients": [ + "red wine vinegar", + "dill", + "mint", + "lemon slices", + "feta cheese crumbles", + "tomatoes", + "extra-virgin olive oil", + "fresh lemon juice", + "mayonaise", + "mahimahi fillet" + ] + }, + { + "id": 43383, + "cuisine": "italian", + "ingredients": [ + "water", + "vegetable oil", + "goat cheese", + "dried thyme", + "salt", + "active dry yeast", + "purple onion", + "dried fig", + "fennel seeds", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 6460, + "cuisine": "brazilian", + "ingredients": [ + "cold water", + "lime", + "sugar", + "sweetened condensed milk" + ] + }, + { + "id": 11729, + "cuisine": "greek", + "ingredients": [ + "orzo", + "cucumber", + "kosher salt", + "lemon juice", + "great northern beans", + "vinaigrette", + "fresh parsley", + "cracked black pepper", + "feta cheese crumbles" + ] + }, + { + "id": 32207, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "kosher salt", + "finely chopped fresh parsley", + "extra-virgin olive oil", + "blanched almonds", + "chicken", + "ground ginger", + "honey", + "dried apricot", + "garlic", + "couscous", + "ground cumin", + "picholine olives", + "unsalted butter", + "paprika", + "ground coriander", + "chopped cilantro fresh", + "ground cinnamon", + "ground black pepper", + "lemon", + "cayenne pepper", + "onions" + ] + }, + { + "id": 38904, + "cuisine": "southern_us", + "ingredients": [ + "dijon mustard", + "snow pea shoots", + "chicken broth", + "red wine vinegar", + "tilapia", + "clementines", + "shallots", + "garlic", + "cheddar cheese", + "cajun seasoning", + "grits" + ] + }, + { + "id": 43308, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lemon juice", + "salt", + "salsa verde", + "pepper" + ] + }, + { + "id": 11322, + "cuisine": "southern_us", + "ingredients": [ + "dry vermouth", + "fresh tarragon", + "bay leaf", + "fresh thyme", + "extra-virgin olive oil", + "fennel bulb", + "crushed red pepper flakes", + "onions", + "heavy cream", + "garlic" + ] + }, + { + "id": 43576, + "cuisine": "chinese", + "ingredients": [ + "broccoli florets", + "corn starch", + "sugar", + "ginger", + "chicken broth", + "boneless skinless chicken breasts", + "soy sauce", + "garlic cloves" + ] + }, + { + "id": 41057, + "cuisine": "chinese", + "ingredients": [ + "green cabbage", + "shiitake", + "sesame oil", + "garlic", + "white pepper", + "hoisin sauce", + "ground pork", + "soy sauce", + "Sriracha", + "vegetable oil", + "won ton wrappers", + "green onions", + "ginger" + ] + }, + { + "id": 24904, + "cuisine": "indian", + "ingredients": [ + "fresh chives", + "coriander seeds", + "salt", + "chopped cilantro fresh", + "honey", + "half & half", + "baby carrots", + "ground cumin", + "olive oil", + "paprika", + "garlic cloves", + "fat free less sodium chicken broth", + "ground black pepper", + "yellow onion", + "ground turmeric" + ] + }, + { + "id": 35732, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken breast", + "seasoning", + "salt", + "green onions", + "cheddar cheese", + "enchilada sauce" + ] + }, + { + "id": 9656, + "cuisine": "irish", + "ingredients": [ + "warm water", + "baking soda", + "baking powder", + "honey", + "dried apricot", + "buttermilk", + "dried porcini mushrooms", + "unsalted butter", + "coarse salt", + "eggs", + "whole wheat flour", + "old-fashioned oats", + "all-purpose flour" + ] + }, + { + "id": 6409, + "cuisine": "spanish", + "ingredients": [ + "chopped fresh chives", + "low salt chicken broth", + "serrano chile", + "tomatoes", + "garlic cloves", + "chopped cilantro fresh", + "cold water", + "extra-virgin olive oil", + "flat leaf parsley", + "avocado", + "purple onion", + "fresh lime juice" + ] + }, + { + "id": 46361, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "shredded zucchini", + "water", + "rice vinegar", + "onions", + "soy sauce", + "salt", + "garlic cloves", + "fresh ginger", + "all-purpose flour", + "chicken" + ] + }, + { + "id": 27320, + "cuisine": "french", + "ingredients": [ + "asian eggplants", + "orange bell pepper", + "salt", + "pepper", + "diced tomatoes", + "fresh basil leaves", + "yellow summer squash", + "zucchini", + "onions", + "olive oil", + "garlic" + ] + }, + { + "id": 28796, + "cuisine": "french", + "ingredients": [ + "butter", + "superfine sugar", + "egg whites", + "ground almonds" + ] + }, + { + "id": 5145, + "cuisine": "filipino", + "ingredients": [ + "fresh ginger", + "chicken", + "coconut milk", + "salt and ground black pepper", + "frozen chopped spinach", + "canola oil" + ] + }, + { + "id": 39913, + "cuisine": "thai", + "ingredients": [ + "water", + "red curry paste", + "kaffir lime leaves", + "thai basil", + "eggplant", + "coconut milk", + "fish sauce", + "chicken breasts" + ] + }, + { + "id": 17023, + "cuisine": "brazilian", + "ingredients": [ + "pepper", + "yellow onion", + "tomato paste", + "bell pepper", + "coconut milk", + "ground ginger", + "curry powder", + "garlic cloves", + "chicken broth", + "salt", + "chicken" + ] + }, + { + "id": 40362, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "butter", + "long grain white rice", + "pepper", + "salt", + "tomato paste", + "garlic", + "cumin", + "chili powder", + "onions" + ] + }, + { + "id": 14408, + "cuisine": "british", + "ingredients": [ + "ground black pepper", + "balsamic vinegar", + "purple onion", + "brown sugar", + "grated parmesan cheese", + "crushed red pepper flakes", + "unsalted butter", + "sea salt", + "sausages", + "milk", + "potatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 28400, + "cuisine": "cajun_creole", + "ingredients": [ + "shredded coleslaw mix", + "salt", + "eye steaks", + "cajun seasoning", + "creole mustard", + "apple cider vinegar", + "mayonaise", + "purple onion" + ] + }, + { + "id": 7096, + "cuisine": "british", + "ingredients": [ + "cold milk", + "baking powder", + "unsalted butter", + "salt", + "large eggs", + "sugar", + "cake flour" + ] + }, + { + "id": 27527, + "cuisine": "mexican", + "ingredients": [ + "water", + "cilantro leaves", + "coarse salt", + "jalapeno chilies", + "white onion", + "tomatillos" + ] + }, + { + "id": 48103, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "bacon slices", + "garlic herb feta", + "baby spinach", + "fresh mushrooms", + "green chile", + "large eggs", + "salt", + "pepper", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 26878, + "cuisine": "cajun_creole", + "ingredients": [ + "creole seasoning", + "large eggs", + "monterey jack", + "sauce", + "pepper", + "Texas toast bread" + ] + }, + { + "id": 3567, + "cuisine": "mexican", + "ingredients": [ + "banana squash", + "salt", + "celery", + "diced green chilies", + "diced tomatoes", + "fat", + "chopped cilantro fresh", + "pepper", + "chili powder", + "frozen corn kernels", + "onions", + "white hominy", + "garlic", + "sour cream", + "ground cumin" + ] + }, + { + "id": 29234, + "cuisine": "japanese", + "ingredients": [ + "water", + "extra large eggs", + "nuts", + "sake", + "shiitake", + "carrots", + "soy sauce", + "chicken breasts", + "medium shrimp", + "dashi", + "salt" + ] + }, + { + "id": 7234, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "water", + "Tabasco Pepper Sauce", + "scallions", + "cheddar cheese", + "cayenne", + "paprika", + "plum tomatoes", + "canned low sodium chicken broth", + "milk", + "butter", + "red bell pepper", + "canned black beans", + "quickcooking grits", + "salt" + ] + }, + { + "id": 1937, + "cuisine": "italian", + "ingredients": [ + "salt and ground black pepper", + "crushed red pepper flakes", + "dried oregano", + "sliced black olives", + "sun-dried tomatoes in oil", + "olive oil", + "onion powder", + "boneless skinless chicken breast halves", + "garlic powder", + "hoagie rolls" + ] + }, + { + "id": 3385, + "cuisine": "chinese", + "ingredients": [ + "water", + "garlic", + "corn starch", + "green onions", + "hot chili sauce", + "frozen peas and carrots", + "cooking oil", + "firm tofu", + "ground turkey", + "vegetable stock", + "oyster sauce", + "onions" + ] + }, + { + "id": 41920, + "cuisine": "mexican", + "ingredients": [ + "fajita seasoning mix", + "chile pepper", + "boneless skinless chicken breasts", + "cheese" + ] + }, + { + "id": 48430, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "ground black pepper", + "salt", + "flat leaf parsley", + "pitted kalamata olives", + "extra-virgin olive oil", + "anchovy fillets", + "orecchiette", + "capers", + "anchovy paste", + "grated lemon zest", + "plum tomatoes", + "fresh parmesan cheese", + "purple onion", + "fresh lemon juice" + ] + }, + { + "id": 20413, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "ground pepper", + "toasted pine nuts", + "freshly grated parmesan", + "garlic cloves", + "coarse salt", + "fresh basil leaves" + ] + }, + { + "id": 7533, + "cuisine": "southern_us", + "ingredients": [ + "large egg whites", + "cooking spray", + "garlic cloves", + "bread crumbs", + "large eggs", + "tomato salsa", + "diced onions", + "black-eyed peas", + "vegetable oil", + "basmati rice", + "cherry tomatoes", + "jalapeno chilies", + "all-purpose flour" + ] + }, + { + "id": 24475, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "pepper", + "ditalini pasta", + "fresh parsley", + "chicken broth", + "olive oil", + "carrots", + "italian sausage", + "crushed tomatoes", + "salt", + "onions", + "fresh basil", + "grated parmesan cheese", + "celery" + ] + }, + { + "id": 14336, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "red pepper flakes", + "frozen orange juice concentrate", + "flour", + "salt", + "brown sugar", + "boneless chicken breast", + "ginger", + "ketchup", + "balsamic vinegar" + ] + }, + { + "id": 23390, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "fat free less sodium chicken broth", + "ground black pepper", + "extra-virgin olive oil", + "red bell pepper", + "capers", + "salad greens", + "large eggs", + "small red potato", + "olives", + "fresh basil", + "tarragon vinegar", + "dijon mustard", + "garlic cloves", + "fresh parsley", + "haricots verts", + "romaine lettuce", + "artichoke hearts", + "cooking spray", + "fresh lemon juice", + "large shrimp" + ] + }, + { + "id": 47318, + "cuisine": "chinese", + "ingredients": [ + "chicken wings", + "medium dry sherry", + "chinese five-spice powder", + "soy sauce", + "coarse salt", + "onions", + "sugar", + "vegetable oil", + "corn starch", + "ground black pepper", + "gingerroot" + ] + }, + { + "id": 43800, + "cuisine": "french", + "ingredients": [ + "pepper", + "crème fraîche", + "mustard", + "butter", + "neutral oil", + "salt", + "veal stock", + "dry white wine", + "steak" + ] + }, + { + "id": 36213, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "cheese", + "eggplant", + "plum tomatoes", + "grated parmesan cheese", + "olive oil", + "dry bread crumbs" + ] + }, + { + "id": 3981, + "cuisine": "irish", + "ingredients": [ + "water", + "port", + "grated orange", + "fresh cranberries", + "chopped walnuts", + "dried tart cherries", + "ground allspice", + "sugar", + "almond extract", + "orange rind" + ] + }, + { + "id": 31593, + "cuisine": "mexican", + "ingredients": [ + "guacamole", + "rice", + "taco seasoning mix", + "shredded lettuce", + "shredded Monterey Jack cheese", + "refried beans", + "vegetable oil", + "sour cream", + "flour tortillas", + "salsa" + ] + }, + { + "id": 28543, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "shredded cheddar cheese", + "flour tortillas", + "red wine vinegar", + "sour cream", + "romaine lettuce", + "corn kernels", + "ground sirloin", + "freshly ground pepper", + "chopped cilantro fresh", + "grape tomatoes", + "lime", + "shredded carrots", + "salt", + "onions", + "avocado", + "canned black beans", + "olive oil", + "chili powder", + "scallions", + "ground cumin" + ] + }, + { + "id": 49309, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "old bay seasoning", + "peanuts", + "olive oil", + "salt", + "cayenne" + ] + }, + { + "id": 39908, + "cuisine": "french", + "ingredients": [ + "flour", + "fryer chickens", + "thyme", + "baguette", + "parsley", + "garlic cloves", + "fresh parsley", + "wine", + "mushrooms", + "bacon", + "bay leaf", + "pearl onions", + "butter", + "carrots", + "onions" + ] + }, + { + "id": 38790, + "cuisine": "mexican", + "ingredients": [ + "spinach", + "olive oil", + "pork tenderloin", + "ground coriander", + "sliced green onions", + "chipotle chile", + "hominy", + "salt", + "adobo sauce", + "romaine lettuce", + "manchego cheese", + "cilantro sprigs", + "garlic cloves", + "ground cumin", + "fat free less sodium chicken broth", + "radishes", + "chopped onion", + "plum tomatoes" + ] + }, + { + "id": 40126, + "cuisine": "italian", + "ingredients": [ + "diced onions", + "fennel bulb", + "crushed red pepper", + "dried oregano", + "water", + "balsamic vinegar", + "carrots", + "capers", + "marinara sauce", + "garlic cloves", + "olive oil", + "kalamata", + "cooked vermicelli" + ] + }, + { + "id": 20455, + "cuisine": "greek", + "ingredients": [ + "penne pasta", + "cannellini beans", + "fresh spinach", + "feta cheese crumbles", + "diced tomatoes" + ] + }, + { + "id": 707, + "cuisine": "italian", + "ingredients": [ + "egg whites", + "fresh lemon juice", + "shredded Italian cheese", + "bread dough", + "boneless skinless chicken breasts", + "feta cheese crumbles", + "frozen chopped spinach", + "artichokes" + ] + }, + { + "id": 34447, + "cuisine": "thai", + "ingredients": [ + "light brown sugar", + "hot pepper sauce", + "rice vinegar", + "toasted sesame oil", + "fresh ginger", + "garlic", + "carrots", + "boneless skinless chicken breast halves", + "soy sauce", + "chunky peanut butter", + "scallions", + "noodles", + "sesame seeds", + "salt", + "hot water" + ] + }, + { + "id": 36552, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "all-purpose flour", + "white sugar", + "eggs", + "vanilla extract", + "marshmallow creme", + "butter", + "chopped walnuts", + "unsweetened cocoa powder", + "milk", + "salt", + "confectioners sugar" + ] + }, + { + "id": 21662, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "pork butt", + "orange", + "fresh lime juice", + "water", + "garlic cloves", + "cumin", + "bay leaves", + "onions" + ] + }, + { + "id": 44347, + "cuisine": "cajun_creole", + "ingredients": [ + "collard greens", + "large eggs", + "butter", + "cayenne pepper", + "canola oil", + "creole mustard", + "honey", + "shallots", + "extra-virgin olive oil", + "coarse kosher salt", + "capers", + "whole milk", + "large garlic cloves", + "fresh lemon juice", + "catfish fillets", + "ground black pepper", + "red wine vinegar", + "all-purpose flour", + "cornmeal" + ] + }, + { + "id": 15019, + "cuisine": "thai", + "ingredients": [ + "egg whites", + "kaffir lime leaves", + "whitefish", + "Thai red curry paste", + "fresh coriander" + ] + }, + { + "id": 42203, + "cuisine": "british", + "ingredients": [ + "milk", + "raisins", + "all-purpose flour", + "brown sugar", + "baking powder", + "ginger", + "cream of tartar", + "chopped almonds", + "currant", + "allspice", + "brandy", + "butter", + "beaten eggs" + ] + }, + { + "id": 21768, + "cuisine": "southern_us", + "ingredients": [ + "baguette", + "roasted red peppers", + "cayenne", + "mayonaise", + "extra sharp cheddar cheese" + ] + }, + { + "id": 1441, + "cuisine": "southern_us", + "ingredients": [ + "minced garlic", + "chili powder", + "ground cumin", + "reduced fat sharp cheddar cheese", + "white hominy", + "diced tomatoes", + "fresh cilantro", + "vegetable oil", + "low-fat sour cream", + "red beans", + "stewed tomatoes" + ] + }, + { + "id": 12362, + "cuisine": "spanish", + "ingredients": [ + "chicken broth", + "red pepper flakes", + "large shrimp", + "french bread", + "salt", + "olive oil", + "garlic", + "parsley", + "lemon juice" + ] + }, + { + "id": 14924, + "cuisine": "french", + "ingredients": [ + "great northern beans", + "olive oil", + "bacon slices", + "sausages", + "fresh rosemary", + "baby lima beans", + "diced tomatoes", + "garlic cloves", + "onions", + "tomato paste", + "bread crumb fresh", + "chopped fresh thyme", + "ground allspice", + "fresh parsley", + "brandy", + "grated parmesan cheese", + "crushed red pepper", + "low salt chicken broth" + ] + }, + { + "id": 48986, + "cuisine": "greek", + "ingredients": [ + "bread crumbs", + "lemon", + "oregano", + "medium eggs", + "low-fat greek yogurt", + "dill", + "olive oil", + "purple onion", + "pork", + "radishes", + "garlic cloves" + ] + }, + { + "id": 30143, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "sugar", + "basil dried leaves", + "onions", + "tomato sauce", + "olive oil", + "garlic cloves", + "tomato paste", + "black pepper", + "shredded parmesan cheese", + "dried leaves oregano", + "table salt", + "butter", + "celery" + ] + }, + { + "id": 36295, + "cuisine": "indian", + "ingredients": [ + "chicken broth", + "peeled fresh ginger", + "onions", + "chiles", + "large garlic cloves", + "slivered almonds", + "vegetable oil", + "basmati rice", + "garam masala", + "salt" + ] + }, + { + "id": 49496, + "cuisine": "mexican", + "ingredients": [ + "Mexican seasoning mix", + "cilantro", + "soft corn tortillas", + "frozen sweet corn", + "sweet onion", + "salt", + "shredded Monterey Jack cheese", + "crushed tomatoes", + "avocado oil", + "chicken", + "cider vinegar", + "baby spinach", + "scallions" + ] + }, + { + "id": 21251, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "crème fraîche", + "bay leaf", + "extra-virgin olive oil", + "freshly ground pepper", + "red wine vinegar", + "rice", + "chicken", + "chicken stock", + "salt", + "garlic cloves" + ] + }, + { + "id": 29918, + "cuisine": "filipino", + "ingredients": [ + "black beans", + "rice wine", + "garlic", + "bok choy", + "tofu", + "cooking oil", + "vegetable stock", + "corn starch", + "ground black pepper", + "sesame oil", + "salt", + "soy sauce", + "green onions", + "ginger", + "red bell pepper" + ] + }, + { + "id": 41450, + "cuisine": "chinese", + "ingredients": [ + "dark sesame oil", + "boiling water", + "all-purpose flour" + ] + }, + { + "id": 37676, + "cuisine": "french", + "ingredients": [ + "white button mushrooms", + "olive oil", + "chicken breasts", + "cognac", + "homemade chicken stock", + "unsalted butter", + "garlic", + "flat leaf parsley", + "black peppercorns", + "ground black pepper", + "dry red wine", + "corn starch", + "tomato paste", + "pearl onions", + "fresh thyme", + "salt", + "bay leaf" + ] + }, + { + "id": 29926, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "tortillas", + "salt", + "pork butt", + "lime juice", + "cilantro", + "dried guajillo chiles", + "chipotle chile", + "lime", + "garlic", + "ancho chile pepper", + "cider vinegar", + "pineapple", + "cumin seed", + "oregano" + ] + }, + { + "id": 3179, + "cuisine": "italian", + "ingredients": [ + "milk", + "cayenne pepper", + "eggs", + "grated parmesan cheese", + "wheat germ", + "tomato sauce", + "salt", + "eggplant", + "shredded mozzarella cheese" + ] + }, + { + "id": 44098, + "cuisine": "mexican", + "ingredients": [ + "low-fat ricotta cheese", + "red bell pepper", + "salt free southwest chipotle seasoning", + "cheese", + "onions", + "dough", + "pizza sauce", + "ground beef", + "large eggs", + "salt" + ] + }, + { + "id": 18850, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "diced tomatoes", + "pork roast", + "chicken broth", + "chips", + "salt", + "butter beans", + "white vinegar", + "pepper", + "yellow corn", + "onions", + "firmly packed brown sugar", + "worcestershire sauce", + "hot sauce", + "chicken" + ] + }, + { + "id": 10690, + "cuisine": "thai", + "ingredients": [ + "light coconut milk", + "medium shrimp", + "asparagus", + "red curry paste", + "water", + "salt", + "sliced green onions", + "cooking spray", + "rice" + ] + }, + { + "id": 39448, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "linguine", + "flat leaf parsley", + "clams", + "shallots", + "salt", + "dry white wine", + "crushed red pepper", + "cornmeal", + "black pepper", + "lemon wedge", + "garlic cloves" + ] + }, + { + "id": 28061, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "red wine vinegar", + "grated parmesan cheese", + "salt", + "olive oil", + "boneless skinless chicken breasts", + "scallions", + "artichoke hearts", + "fusilli", + "flat leaf parsley" + ] + }, + { + "id": 1199, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "oregano", + "chicken fingers", + "garlic powder", + "cumin" + ] + }, + { + "id": 9869, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salsa", + "dried oregano", + "reduced fat cheddar cheese", + "flour tortillas", + "onions", + "chicken bouillon granules", + "chopped green chilies", + "and fat free half half", + "ground cumin", + "reduced sodium chicken broth", + "all-purpose flour", + "cooked chicken breasts" + ] + }, + { + "id": 19089, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "chicken thighs", + "lime zest", + "chili powder", + "garlic cloves", + "jalapeno chilies", + "cilantro leaves", + "honey", + "lime wedges", + "fresh lime juice" + ] + }, + { + "id": 25780, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "avocado", + "greek style plain yogurt", + "shredded cheddar cheese", + "cooked brown rice", + "salsa" + ] + }, + { + "id": 39884, + "cuisine": "southern_us", + "ingredients": [ + "fat free less sodium chicken broth", + "cooking spray", + "chopped onion", + "frozen whole kernel corn", + "butter", + "boneless skinless chicken breast halves", + "black pepper", + "chopped green bell pepper", + "salt", + "stone-ground cornmeal", + "cajun seasoning", + "corn starch" + ] + }, + { + "id": 32264, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "garlic powder", + "onions", + "black beans", + "stewed tomatoes", + "quick cooking brown rice", + "dried oregano" + ] + }, + { + "id": 37650, + "cuisine": "korean", + "ingredients": [ + "green onions", + "crushed red pepper", + "fresh ginger", + "garlic", + "soy sauce", + "dry sherry", + "firmly packed light brown sugar", + "flank steak", + "dark sesame oil" + ] + }, + { + "id": 3305, + "cuisine": "moroccan", + "ingredients": [ + "water", + "yellow onion", + "serrano chile", + "black pepper", + "garlic", + "lemon juice", + "canola oil", + "pepper", + "salt", + "onions", + "chiles", + "paprika", + "scallions", + "cumin" + ] + }, + { + "id": 32741, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "yellow bell pepper", + "red bell pepper", + "pepper", + "garlic", + "green bell pepper", + "extra-virgin olive oil", + "fresh parsley", + "balsamic vinegar", + "salt" + ] + }, + { + "id": 1116, + "cuisine": "mexican", + "ingredients": [ + "spring onions", + "green chilies", + "tomatoes", + "lemon", + "avocado", + "chili powder", + "pepper", + "salt" + ] + }, + { + "id": 7596, + "cuisine": "mexican", + "ingredients": [ + "lime", + "cilantro", + "ground cumin", + "vegetable oil", + "salt", + "jalapeno chilies", + "garlic", + "avocado", + "tomatillos", + "onions" + ] + }, + { + "id": 49016, + "cuisine": "french", + "ingredients": [ + "dried tarragon leaves", + "shallots", + "white vinegar", + "butter", + "egg yolks" + ] + }, + { + "id": 21694, + "cuisine": "french", + "ingredients": [ + "caster", + "vanilla pods", + "demerara sugar", + "whipping cream", + "egg yolks" + ] + }, + { + "id": 9072, + "cuisine": "french", + "ingredients": [ + "parsley", + "salt", + "bay leaf", + "ground black pepper", + "butter", + "carrots", + "onions", + "cremini mushrooms", + "zinfandel", + "all-purpose flour", + "fresh parsley", + "cooking spray", + "chicken drumsticks", + "thyme sprigs", + "chicken" + ] + }, + { + "id": 22409, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "marinara sauce", + "garlic", + "onions", + "frozen spinach", + "olive oil", + "portabello mushroom", + "salt", + "dried basil", + "ricotta cheese", + "crushed red pepper", + "eggs", + "parmesan cheese", + "red pepper", + "jumbo pasta shells" + ] + }, + { + "id": 40304, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "ground beef", + "brown sugar", + "rice wine", + "cooked rice", + "green onions", + "soy sauce", + "togarashi" + ] + }, + { + "id": 33847, + "cuisine": "mexican", + "ingredients": [ + "cold water", + "white onion", + "yukon gold potatoes", + "cilantro sprigs", + "boiling water", + "chipotle chile", + "radishes", + "queso fresco", + "ancho chile pepper", + "boneless chicken skinless thigh", + "guacamole", + "tomato salsa", + "corn tortillas", + "tomatoes", + "olive oil", + "lime wedges", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 7453, + "cuisine": "indian", + "ingredients": [ + "chicken stock", + "roma tomatoes", + "sea salt", + "garlic cloves", + "chili flakes", + "yoghurt", + "ground coriander", + "chicken", + "curry leaves", + "potatoes", + "yellow onion", + "ground turmeric", + "ground cloves", + "vegetable oil", + "whole chicken", + "ground cumin" + ] + }, + { + "id": 29583, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "vegetable oil", + "vanilla extract", + "chopped pecans", + "granulated sugar", + "buttermilk", + "blueberries", + "baking soda", + "butter", + "all-purpose flour", + "eggs", + "baking powder", + "sweetened coconut flakes", + "cream cheese" + ] + }, + { + "id": 46444, + "cuisine": "mexican", + "ingredients": [ + "corn", + "ancho powder", + "cotija", + "unsalted butter", + "mayonaise", + "lime", + "kosher salt", + "epazote" + ] + }, + { + "id": 32206, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "cooking spray", + "less sodium beef broth", + "arborio rice", + "ground black pepper", + "shallots", + "boiling water", + "mascarpone", + "dry white wine", + "garlic cloves", + "dried porcini mushrooms", + "parmigiano reggiano cheese", + "salt" + ] + }, + { + "id": 36012, + "cuisine": "japanese", + "ingredients": [ + "wasabi", + "sugar", + "salmon", + "seaweed", + "nori", + "wasabi paste", + "sushi rice", + "salt", + "cucumber", + "brill", + "avocado", + "soy sauce", + "shells", + "king prawns", + "fish", + "sake", + "gari", + "rice vinegar", + "tuna" + ] + }, + { + "id": 16644, + "cuisine": "russian", + "ingredients": [ + "warm water", + "dark rye flour", + "active dry yeast", + "salt", + "dark corn syrup" + ] + }, + { + "id": 49015, + "cuisine": "mexican", + "ingredients": [ + "water", + "pickling salt", + "jalapeno chilies", + "white vinegar" + ] + }, + { + "id": 41603, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "sour cream", + "garlic powder", + "lime juice", + "chipotle peppers", + "salt" + ] + }, + { + "id": 26390, + "cuisine": "italian", + "ingredients": [ + "capers", + "cooking spray", + "garlic cloves", + "olive oil", + "pitted green olives", + "baguette", + "balsamic vinegar", + "plum tomatoes", + "fresh basil", + "ground black pepper", + "sea salt" + ] + }, + { + "id": 36506, + "cuisine": "southern_us", + "ingredients": [ + "chopped celery", + "tomatoes", + "sliced green onions", + "basil mayonnaise", + "cooked shrimp" + ] + }, + { + "id": 16059, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "butter", + "unsalted butter", + "crust", + "large eggs", + "fresh lemon juice", + "sugar", + "flour" + ] + }, + { + "id": 33451, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "garlic", + "onions", + "olive oil", + "fresh parsley leaves", + "ground flaxseed", + "water", + "dried chickpeas", + "fresh basil leaves", + "chili flakes", + "sea salt", + "lemon juice" + ] + }, + { + "id": 13785, + "cuisine": "korean", + "ingredients": [ + "vegetable oil", + "garlic cloves", + "extra firm tofu", + "Gochujang base", + "onions", + "shiitake", + "vegetable broth", + "kimchi", + "sesame oil", + "scallions", + "chopped cilantro fresh" + ] + }, + { + "id": 41503, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "hamburger", + "chicken", + "eggs", + "cooking oil", + "onions", + "pork chops", + "shrimp", + "cooked rice", + "bacon", + "fish" + ] + }, + { + "id": 41375, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "ground black pepper", + "coconut milk", + "panang curry paste", + "kosher salt", + "basil", + "fish sauce", + "boneless skinless chicken breasts", + "chicken stock", + "jasmine rice", + "dark brown sugar" + ] + }, + { + "id": 20848, + "cuisine": "italian", + "ingredients": [ + "water", + "reduced fat ranch dressing", + "cornflake crumbs", + "garlic powder", + "italian seasoning", + "boneless skinless chicken breasts" + ] + }, + { + "id": 37450, + "cuisine": "french", + "ingredients": [ + "pernod", + "dried thyme", + "clam juice", + "garlic cloves", + "arugula", + "clams", + "hearts of palm", + "tomato juice", + "samphire", + "fresh parsley", + "fish", + "crab", + "bouillon cube", + "crushed red pepper", + "tarragon", + "saffron", + "catfish fillets", + "corn", + "dry white wine", + "hot sauce", + "onions" + ] + }, + { + "id": 41312, + "cuisine": "italian", + "ingredients": [ + "cold water", + "unsalted butter", + "all-purpose flour", + "confectioners sugar", + "water", + "whole milk", + "orange flower water", + "orange zest", + "pure vanilla extract", + "large egg yolks", + "salt", + "corn starch", + "sugar", + "large eggs", + "ricotta", + "citron" + ] + }, + { + "id": 11917, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "unsalted butter", + "minced garlic", + "flat leaf parsley", + "kosher salt", + "grated romano cheese", + "fresh rosemary", + "ground black pepper", + "greens" + ] + }, + { + "id": 10563, + "cuisine": "mexican", + "ingredients": [ + "ground round", + "ground black pepper", + "cabbage", + "minced garlic", + "crushed red pepper flakes", + "shredded cheddar cheese", + "flour tortillas", + "water", + "onions" + ] + }, + { + "id": 25664, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "ground pork", + "shrimp", + "sugar", + "Shaoxing wine", + "oil", + "large eggs", + "scallions", + "beansprouts", + "soy sauce", + "sesame oil", + "oyster sauce" + ] + }, + { + "id": 16353, + "cuisine": "italian", + "ingredients": [ + "ladyfingers", + "egg yolks", + "brewed espresso", + "mascarpone", + "heavy cream", + "sugar", + "rum", + "cocoa powder", + "egg whites", + "vanilla extract" + ] + }, + { + "id": 36370, + "cuisine": "indian", + "ingredients": [ + "eggs", + "active dry yeast", + "white sugar", + "minced garlic", + "butter", + "warm water", + "garam masala", + "bread flour", + "milk", + "salt" + ] + }, + { + "id": 19850, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "onions", + "soy sauce", + "bonito", + "sugar", + "large eggs", + "chicken thighs", + "water", + "scallions" + ] + }, + { + "id": 44482, + "cuisine": "mexican", + "ingredients": [ + "chips", + "goat cheese", + "adobo sauce", + "paprika", + "fresh lime juice", + "cumin", + "white corn tortillas", + "purple onion", + "chipotles in adobo", + "canola oil", + "tomatillos", + "cream cheese, soften", + "chopped cilantro fresh" + ] + }, + { + "id": 11230, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "toasted sesame seeds", + "garlic cloves", + "fresh green bean", + "toasted sesame oil" + ] + }, + { + "id": 40954, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "green onions", + "vegetable oil", + "chili sauce", + "fish sauce", + "fresh coriander", + "marinade", + "sauce", + "ground white pepper", + "chicken stock", + "soy sauce", + "chicken breasts", + "garlic", + "corn starch", + "brown sugar", + "peanuts", + "rice noodles", + "tamarind paste", + "beansprouts" + ] + }, + { + "id": 15818, + "cuisine": "southern_us", + "ingredients": [ + "chop fine pecan", + "dried cranberries", + "refrigerated piecrusts" + ] + }, + { + "id": 44404, + "cuisine": "italian", + "ingredients": [ + "water", + "low salt chicken broth", + "asiago", + "arborio rice", + "purple onion", + "olive oil" + ] + }, + { + "id": 6719, + "cuisine": "british", + "ingredients": [ + "ground black pepper", + "butter", + "ground beef", + "brown sauce", + "potatoes", + "salt", + "frozen peas", + "cooking oil", + "beef stock cubes", + "onions", + "water", + "spring onions", + "carrots" + ] + }, + { + "id": 3448, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "red chili peppers", + "garam masala", + "salt", + "garlic cloves", + "red chili powder", + "white onion", + "ginger", + "ground coriander", + "chopped cilantro", + "eggs", + "bread crumbs", + "vegetable oil", + "cardamom pods", + "cinnamon sticks", + "clove", + "tumeric", + "water", + "garlic", + "cumin seed", + "ground beef" + ] + }, + { + "id": 48457, + "cuisine": "british", + "ingredients": [ + "kosher salt", + "baking powder", + "light brown sugar", + "fresh blueberries", + "heavy cream", + "granulated sugar", + "butter", + "eggs", + "half & half", + "all-purpose flour" + ] + }, + { + "id": 39236, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "boneless chicken breast", + "cayenne pepper", + "oregano", + "white wine", + "cajun seasoning", + "cooked shrimp", + "green bell pepper", + "parsley", + "rice", + "crushed tomatoes", + "smoked sausage", + "onions" + ] + }, + { + "id": 41216, + "cuisine": "mexican", + "ingredients": [ + "sausage casings", + "milk", + "cheese", + "onions", + "mayonaise", + "chipotle puree", + "prepared guacamole", + "plum tomatoes", + "raspberry jam", + "lime juice", + "cilantro", + "orange juice", + "unsweetened cocoa powder", + "green bell pepper", + "olive oil", + "garlic", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 30295, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "mirin", + "onions", + "eggs", + "fresh ginger", + "salt", + "sake", + "beef", + "scallions", + "tofu", + "soy sauce", + "udon" + ] + }, + { + "id": 2266, + "cuisine": "french", + "ingredients": [ + "olive oil", + "yellow onion", + "zucchini", + "herbes de provence", + "eggplant", + "garlic cloves", + "sage leaves", + "fine sea salt", + "plum tomatoes" + ] + }, + { + "id": 617, + "cuisine": "chinese", + "ingredients": [ + "water", + "razor clams", + "green onions", + "red bell pepper", + "fresh ginger", + "sauce", + "vegetable oil" + ] + }, + { + "id": 49351, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "mexicorn", + "cream of chicken soup", + "rotel tomatoes", + "chicken breasts", + "onions", + "cream of potato soup", + "green pepper" + ] + }, + { + "id": 5171, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "salt", + "tomatoes", + "ricotta cheese", + "grated parmesan cheese", + "tuna packed in olive oil", + "fresh basil", + "pasta shells" + ] + }, + { + "id": 43096, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "jicama", + "garlic cloves", + "jalapeno chilies", + "extra-virgin olive oil", + "fresh lime juice", + "chopped green bell pepper", + "yellow corn", + "red bell pepper", + "avocado", + "cooking spray", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 410, + "cuisine": "chinese", + "ingredients": [ + "ground black pepper", + "worcestershire sauce", + "kosher salt", + "sesame oil", + "cream cheese", + "crab meat", + "green onions", + "garlic", + "won ton wrappers", + "vegetable oil" + ] + }, + { + "id": 38697, + "cuisine": "russian", + "ingredients": [ + "fresh basil", + "salt", + "blackberries", + "raspberries", + "corn starch", + "sugar", + "fresh lemon juice", + "vanilla beans", + "muscat" + ] + }, + { + "id": 11870, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "roast", + "rosemary", + "garlic cloves", + "kosher salt", + "freshly ground pepper", + "olive oil" + ] + }, + { + "id": 10802, + "cuisine": "southern_us", + "ingredients": [ + "heavy cream", + "ground cayenne pepper", + "pepper", + "all-purpose flour", + "eggs", + "salt", + "butter", + "dry bread crumbs" + ] + }, + { + "id": 27730, + "cuisine": "indian", + "ingredients": [ + "cooked rice", + "ground coriander", + "boiling water", + "butter", + "onions", + "curry powder", + "sour cream", + "ground cumin", + "tomato paste", + "salt", + "chicken thighs" + ] + }, + { + "id": 48474, + "cuisine": "irish", + "ingredients": [ + "sugar", + "large eggs", + "vanilla extract", + "dried pear", + "whole wheat flour", + "baking powder", + "all-purpose flour", + "large egg whites", + "cooking spray", + "salt", + "ground cardamom", + "low-fat buttermilk", + "butter", + "grated lemon zest" + ] + }, + { + "id": 38425, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "radishes", + "condiments", + "purple onion", + "cucumber", + "sugar", + "lemongrass", + "shredded carrots", + "cilantro sprigs", + "firm tofu", + "mayonaise", + "baguette", + "vinegar", + "sesame oil", + "salt", + "warm water", + "ground black pepper", + "jalapeno chilies", + "garlic", + "peanut oil" + ] + }, + { + "id": 21371, + "cuisine": "italian", + "ingredients": [ + "water", + "dry white wine", + "garlic cloves", + "artichoke hearts", + "crushed red pepper", + "olive oil", + "vegetable broth", + "arborio rice", + "fresh parmesan cheese", + "grated lemon zest" + ] + }, + { + "id": 46548, + "cuisine": "french", + "ingredients": [ + "fennel fronds", + "leeks", + "garlic", + "oregano", + "saffron threads", + "orange", + "parsley", + "thyme", + "water", + "dry white wine", + "fresh herbs", + "fish", + "tomatoes", + "olive oil", + "sea salt", + "onions" + ] + }, + { + "id": 40513, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "garlic", + "wine", + "onions", + "italian sausage", + "roma tomatoes", + "olive oil" + ] + }, + { + "id": 730, + "cuisine": "mexican", + "ingredients": [ + "fresh lime juice", + "sugar", + "mango", + "lime zest", + "guanabana", + "water" + ] + }, + { + "id": 2603, + "cuisine": "thai", + "ingredients": [ + "rice sticks", + "lime wedges", + "Thai fish sauce", + "sliced green onions", + "brown sugar", + "large eggs", + "oil", + "medium shrimp", + "low sodium soy sauce", + "peanuts", + "paprika", + "beansprouts", + "water", + "chicken breasts", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 7267, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "cilantro", + "garlic cloves", + "red bell pepper", + "brown sugar", + "green onions", + "salted peanuts", + "carrots", + "ground ginger", + "green bell pepper, slice", + "yellow bell pepper", + "oyster sauce", + "beef steak", + "black pepper", + "rice noodles", + "oil", + "green beans" + ] + }, + { + "id": 4406, + "cuisine": "jamaican", + "ingredients": [ + "Angostura bitters", + "fresh mint", + "rum", + "fresh lime juice", + "simple syrup", + "champagne" + ] + }, + { + "id": 46642, + "cuisine": "italian", + "ingredients": [ + "water", + "grated parmesan cheese", + "sage leaves", + "unsalted butter", + "whole milk ricotta cheese", + "dough", + "large eggs", + "bacon slices", + "ground black pepper", + "flour" + ] + }, + { + "id": 47630, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "purple onion", + "bread, cut into italian loaf", + "Wish-Bone Italian Dressing", + "fresh basil leaves", + "ground black pepper" + ] + }, + { + "id": 9064, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "linguine", + "pears", + "butter", + "chopped pecans", + "whipping cream", + "gorgonzola", + "grated parmesan cheese", + "low salt chicken broth" + ] + }, + { + "id": 32679, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "olive oil", + "green onions", + "greek seasoning", + "roma tomatoes", + "artichoke hearts", + "chicken breasts" + ] + }, + { + "id": 22477, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "garlic cloves", + "black peppercorns", + "vinegar", + "water", + "chicken", + "brown sugar", + "bay leaves" + ] + }, + { + "id": 42117, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "channa dal", + "oil", + "masoor dal", + "rice", + "curry leaves", + "potatoes", + "green chilies", + "black pepper", + "salt", + "dal" + ] + }, + { + "id": 7713, + "cuisine": "chinese", + "ingredients": [ + "brussels sprouts", + "brown sugar", + "egg roll wrappers", + "sesame oil", + "chili sauce", + "eggs", + "pomegranate seeds", + "green onions", + "garlic", + "carrots", + "pomegranate juice", + "fish sauce", + "fresh ginger", + "boneless skinless chicken breasts", + "rice vinegar", + "low sodium soy sauce", + "soy sauce", + "hoisin sauce", + "button mushrooms", + "chinese five-spice powder" + ] + }, + { + "id": 32825, + "cuisine": "mexican", + "ingredients": [ + "knorr chicken flavor bouillon cube", + "queso blanco", + "knorr chipotl minicub", + "crema mexican", + "corn tortillas", + "knorr garlic minicub", + "whole peel tomatoes, undrain and chop", + "Knorr Onion Minicubes", + "vegetable oil", + "chorizo sausage" + ] + }, + { + "id": 29417, + "cuisine": "mexican", + "ingredients": [ + "black peppercorns", + "corn kernels", + "lime wedges", + "cinnamon sticks", + "plum tomatoes", + "chipotle chile", + "garbanzo beans", + "salt", + "onions", + "ground cumin", + "red potato", + "water", + "butternut squash", + "green beans", + "chopped cilantro fresh", + "chiles", + "olive oil", + "large garlic cloves", + "corn tortillas", + "dried oregano" + ] + }, + { + "id": 33807, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "salt", + "plum tomatoes", + "olive oil", + "onion tops", + "pepper", + "shoepeg corn", + "chopped green bell pepper", + "onions" + ] + }, + { + "id": 7764, + "cuisine": "french", + "ingredients": [ + "sugar", + "rhubarb", + "strawberries", + "large eggs", + "wine" + ] + }, + { + "id": 16214, + "cuisine": "greek", + "ingredients": [ + "fillet red snapper", + "tomato juice", + "garlic cloves", + "cherry tomatoes", + "crushed red pepper", + "plum tomatoes", + "white wine", + "red wine vinegar", + "onions", + "rosemary sprigs", + "olive oil", + "all-purpose flour", + "dried rosemary" + ] + }, + { + "id": 11631, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "nonfat yogurt plain", + "ground cumin", + "garlic", + "ground coriander", + "cilantro", + "cayenne pepper", + "boneless salmon fillets", + "salt", + "ground turmeric" + ] + }, + { + "id": 25295, + "cuisine": "french", + "ingredients": [ + "eggs", + "semisweet chocolate", + "white sugar", + "coffee granules", + "heavy whipping cream", + "water", + "butter", + "almonds", + "confectioners sugar" + ] + }, + { + "id": 24760, + "cuisine": "japanese", + "ingredients": [ + "sweet potatoes", + "beer", + "cake flour", + "red bell pepper", + "vegetable oil", + "asparagus spears", + "salt", + "large shrimp" + ] + }, + { + "id": 49236, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "orange", + "silken tofu", + "fresh ginger" + ] + }, + { + "id": 17438, + "cuisine": "italian", + "ingredients": [ + "Italian bread", + "honey", + "gorgonzola", + "water", + "toast", + "calimyrna figs" + ] + }, + { + "id": 4762, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "honey", + "sugar", + "garlic", + "chinese rice wine", + "hoisin sauce", + "pork belly", + "chinese five-spice powder" + ] + }, + { + "id": 15045, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "cooking spray", + "olive oil", + "bread dough", + "shredded cheddar cheese", + "salt", + "part-skim mozzarella cheese" + ] + }, + { + "id": 17163, + "cuisine": "indian", + "ingredients": [ + "clove", + "whole milk yoghurt", + "ginger", + "cardamom pods", + "onions", + "tumeric", + "bay leaves", + "canned tomatoes", + "lemon juice", + "ground cumin", + "garam masala", + "vegetable oil", + "salt", + "cinnamon sticks", + "spinach", + "whole milk", + "garlic", + "ground coriander", + "serrano chile" + ] + }, + { + "id": 43890, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "green onions", + "garlic", + "chopped onion", + "chicken stock", + "ground black pepper", + "worcestershire sauce", + "green pepper", + "chopped parsley", + "cooked rice", + "flour", + "diced tomatoes", + "creole seasoning", + "celery", + "dried thyme", + "butter", + "hot sauce", + "shrimp" + ] + }, + { + "id": 29741, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "minced ginger", + "cilantro", + "carrots", + "brown sugar", + "thai basil", + "salt", + "onions", + "water", + "vegetable oil", + "chinese five-spice powder", + "chuck", + "fresh tomatoes", + "lemongrass", + "star anise", + "bay leaf" + ] + }, + { + "id": 30923, + "cuisine": "japanese", + "ingredients": [ + "bonito", + "konbu" + ] + }, + { + "id": 49563, + "cuisine": "french", + "ingredients": [ + "unsalted pistachios", + "unflavored gelatin", + "almond extract", + "cold water", + "whole milk", + "sugar", + "heavy cream" + ] + }, + { + "id": 43561, + "cuisine": "french", + "ingredients": [ + "black pepper", + "purple onion", + "fresh lemon juice", + "white tuna in water", + "roasted red peppers", + "rolls", + "plum tomatoes", + "sherry vinegar", + "anchovy fillets", + "fresh parsley", + "spinach leaves", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 25024, + "cuisine": "italian", + "ingredients": [ + "egg yolks", + "pasta sauce", + "salt", + "baking potatoes", + "flour" + ] + }, + { + "id": 43472, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "self-rising cornmeal", + "large eggs", + "buttermilk" + ] + }, + { + "id": 349, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chips", + "ancho powder", + "dark brown sugar", + "cumin", + "soy sauce", + "ground black pepper", + "Mexican oregano", + "garlic", + "chopped cilantro", + "cotija", + "olive oil", + "flank steak", + "cilantro", + "fresh lime juice", + "crema mexicana", + "poblano peppers", + "lime wedges", + "salt", + "onions" + ] + }, + { + "id": 34771, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "green tomatoes", + "panko breadcrumbs", + "flour", + "oil", + "mayonaise", + "salt", + "fresh thyme", + "sauce" + ] + }, + { + "id": 19105, + "cuisine": "italian", + "ingredients": [ + "water", + "parmigiano reggiano cheese", + "garlic cloves", + "whole wheat flour", + "salt", + "pinenuts", + "large egg yolks", + "all-purpose flour", + "cherry tomatoes", + "extra-virgin olive oil", + "arugula" + ] + }, + { + "id": 20396, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "pork tenderloin", + "napa cabbage", + "soy sauce", + "sesame oil", + "white pepper", + "vegetable oil", + "sugar", + "sherry", + "salt" + ] + }, + { + "id": 10816, + "cuisine": "greek", + "ingredients": [ + "phyllo" + ] + }, + { + "id": 17284, + "cuisine": "japanese", + "ingredients": [ + "black pepper", + "finely chopped onion", + "ginger", + "cardamom pods", + "coriander", + "tomatoes", + "coriander seeds", + "bay leaves", + "chickpeas", + "instant tea powder", + "clove", + "pomegranate seeds", + "cooking oil", + "salt", + "cumin seed", + "mango", + "chiles", + "garam masala", + "cinnamon", + "green chilies", + "jeera" + ] + }, + { + "id": 13435, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "extra-virgin olive oil", + "garlic cloves", + "balsamic vinegar", + "crushed red pepper", + "basil leaves", + "linguine", + "pepper", + "vine ripened tomatoes", + "salt" + ] + }, + { + "id": 41680, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "cinnamon sticks", + "water", + "clove", + "white sugar", + "peaches" + ] + }, + { + "id": 43244, + "cuisine": "italian", + "ingredients": [ + "capers", + "olive oil", + "fresh parsley", + "fat free less sodium chicken broth", + "grated lemon zest", + "seasoned bread crumbs", + "fresh lemon juice", + "black pepper", + "shallots", + "center cut loin pork chop" + ] + }, + { + "id": 22308, + "cuisine": "french", + "ingredients": [ + "walnut halves", + "natural pistachios", + "golden raisins", + "raisins", + "dried apricot", + "dried dates" + ] + }, + { + "id": 4354, + "cuisine": "french", + "ingredients": [ + "capers", + "sherry wine vinegar", + "hard-boiled egg", + "fresh tarragon", + "dijon mustard", + "sunflower oil", + "sweet gherkin", + "shallots", + "flat leaf parsley" + ] + }, + { + "id": 24083, + "cuisine": "korean", + "ingredients": [ + "garlic", + "spring onions", + "mung bean sprouts", + "gochugaru", + "salt", + "sesame oil", + "toasted sesame seeds" + ] + }, + { + "id": 261, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "olive oil", + "green onions", + "white mushrooms", + "soy sauce", + "Sriracha", + "garlic", + "fresh udon", + "boneless chicken breast", + "ginger", + "black pepper", + "hoisin sauce", + "oil" + ] + }, + { + "id": 43048, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "pepper", + "salt", + "spinach", + "eggplant", + "couscous", + "melted butter", + "yellow squash", + "ground coriander", + "filo dough", + "powdered sugar", + "zucchini", + "onions" + ] + }, + { + "id": 9753, + "cuisine": "chinese", + "ingredients": [ + "potatoes", + "green garlic", + "sugar", + "vegetable oil", + "salt", + "chives", + "dipping sauces", + "soy sauce", + "Italian parsley leaves", + "rice vinegar" + ] + }, + { + "id": 46932, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "Italian turkey sausage", + "dried thyme", + "garlic cloves", + "fat free less sodium chicken broth", + "chopped fresh sage", + "fennel seeds", + "cannellini beans", + "plum tomatoes" + ] + }, + { + "id": 33910, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "vanilla extract", + "water", + "light corn syrup", + "sugar", + "butter", + "baking soda" + ] + }, + { + "id": 21289, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "honey", + "anise", + "sugar", + "baking powder", + "shortening", + "flour", + "water", + "vegetable oil" + ] + }, + { + "id": 40366, + "cuisine": "italian", + "ingredients": [ + "sugar", + "butter", + "egg yolks", + "vanilla extract", + "panettone", + "heavy cream", + "eggs", + "whole milk", + "grated orange" + ] + }, + { + "id": 40582, + "cuisine": "spanish", + "ingredients": [ + "red potato", + "salt", + "olive oil", + "garlic cloves", + "cooking spray", + "dried thyme", + "sauce" + ] + }, + { + "id": 33709, + "cuisine": "british", + "ingredients": [ + "heavy cream", + "white sugar", + "lemon" + ] + }, + { + "id": 29404, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "garlic powder", + "salt", + "poultry seasoning", + "broiler-fryer chicken", + "onion powder", + "hot sauce", + "dried parsley", + "black pepper", + "cooking oil", + "all-purpose flour", + "seasoning mix", + "celery salt", + "dried thyme", + "paprika", + "ground mustard", + "oregano" + ] + }, + { + "id": 10009, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "japanese cucumber", + "crab sticks", + "dashi", + "salt", + "soy sauce", + "sea salt", + "wakame", + "roasted white sesame seeds", + "rice vinegar" + ] + }, + { + "id": 44287, + "cuisine": "indian", + "ingredients": [ + "clove", + "low-fat buttermilk", + "black tea leaves", + "salt", + "brown sugar", + "peeled fresh ginger", + "vanilla extract", + "cardamom pods", + "oats", + "large eggs", + "butter", + "all-purpose flour", + "baking soda", + "baking powder", + "1% low-fat milk", + "cinnamon sticks" + ] + }, + { + "id": 32102, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "cumin", + "granulated garlic", + "cilantro" + ] + }, + { + "id": 8407, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "pepper", + "cayenne pepper", + "andouille sausage", + "diced tomatoes", + "onions", + "green bell pepper", + "brown rice", + "creole seasoning", + "tomato paste", + "boneless chicken thighs", + "salt", + "spaghetti" + ] + }, + { + "id": 24649, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "chicken", + "gai lan", + "rice noodles", + "eggs", + "vinegar", + "sugar", + "oyster sauce" + ] + }, + { + "id": 15240, + "cuisine": "indian", + "ingredients": [ + "water", + "red pepper flakes", + "garlic", + "smoked paprika", + "ground turmeric", + "boneless chicken skinless thigh", + "ground black pepper", + "diced tomatoes", + "ground coriander", + "onions", + "tomato paste", + "garam masala", + "sea salt", + "cayenne pepper", + "coconut milk", + "ground cumin", + "kosher salt", + "vegetable oil", + "ginger", + "ground cardamom", + "chopped cilantro fresh" + ] + }, + { + "id": 33822, + "cuisine": "italian", + "ingredients": [ + "corn kernels", + "scallions", + "fusilli", + "olive oil", + "tomatoes", + "red wine vinegar" + ] + }, + { + "id": 8025, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "red wine vinegar", + "cucumber", + "tomatoes", + "bell pepper", + "salt", + "marjoram", + "olive oil", + "basil", + "onions", + "sugar", + "parsley", + "croutons", + "oregano" + ] + }, + { + "id": 9129, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "unsalted butter", + "basil", + "ground white pepper", + "brandy", + "vermouth", + "garlic", + "canola oil", + "shrimp stock", + "water", + "shallots", + "fine sea salt", + "black peppercorns", + "lobster", + "whipping cream", + "tarragon" + ] + }, + { + "id": 23228, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "fresh oregano", + "fresh basil", + "artichoke hearts", + "boneless skinless chicken breast halves", + "olive oil", + "red bell pepper", + "fresh tomatoes", + "marinara sauce" + ] + }, + { + "id": 12308, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "vegetable oil", + "green pepper", + "onions", + "garam masala", + "paneer", + "cumin seed", + "ground turmeric", + "fresh ginger root", + "wine vinegar", + "green chilies", + "yellow peppers", + "chili powder", + "salt", + "chillies" + ] + }, + { + "id": 40270, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "chicken", + "enchilada sauce", + "shredded cheese", + "corn tortillas" + ] + }, + { + "id": 33905, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "ground black pepper", + "salt", + "dried oregano", + "tasso", + "dried thyme", + "butter", + "fresh mushrooms", + "crawfish", + "ground red pepper", + "all-purpose flour", + "sliced green onions", + "fettucine", + "parmesan cheese", + "whipping cream", + "garlic cloves" + ] + }, + { + "id": 39379, + "cuisine": "british", + "ingredients": [ + "cauliflower", + "dijon mustard", + "cheddar cheese", + "salt", + "plain flour", + "butter", + "milk" + ] + }, + { + "id": 24913, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "chopped cilantro fresh", + "cucumber", + "salt", + "ground cumin", + "plain yogurt", + "chopped fresh mint" + ] + }, + { + "id": 10908, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking soda", + "egg yolks", + "butter", + "corn starch", + "cream of tartar", + "water", + "egg whites", + "baking powder", + "vanilla extract", + "confectioners sugar", + "eggs", + "honey", + "flour", + "almond extract", + "salt", + "sliced almonds", + "unsalted butter", + "whole milk", + "buttermilk", + "heavy whipping cream" + ] + }, + { + "id": 6116, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "shredded mozzarella cheese", + "chicken broth", + "Barilla Oven-Ready Lasagne", + "italian seasoning", + "ricotta cheese", + "ground beef", + "pasta sauce", + "salt" + ] + }, + { + "id": 16640, + "cuisine": "spanish", + "ingredients": [ + "clove", + "water", + "lemon peel", + "dry red wine", + "sugar", + "unsalted butter", + "anise", + "pears", + "powdered sugar", + "vanilla beans", + "anisette", + "vanilla extract", + "vanilla ice cream", + "milk", + "vegetable oil", + "all-purpose flour" + ] + }, + { + "id": 3777, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "chicken breasts", + "cayenne pepper", + "cumin", + "tortillas", + "garlic", + "cream cheese, soften", + "green onions", + "salt", + "rotel tomatoes", + "Mexican cheese blend", + "chili powder", + "ground coriander" + ] + }, + { + "id": 40898, + "cuisine": "southern_us", + "ingredients": [ + "tomatoes", + "cooked bacon", + "unsalted butter", + "grits", + "cheddar cheese", + "freshly ground pepper", + "coarse salt" + ] + }, + { + "id": 30290, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "chicken breasts", + "salt", + "red bell pepper", + "garlic powder", + "paprika", + "cayenne pepper", + "dried oregano", + "dried thyme", + "butter", + "yellow onion", + "roasted tomatoes", + "fettucine", + "green onions", + "cracked black pepper", + "cream cheese" + ] + }, + { + "id": 448, + "cuisine": "indian", + "ingredients": [ + "mayonaise", + "curry powder", + "salt", + "chicken broth", + "grapes", + "boneless skinless chicken breasts", + "mango", + "ground ginger", + "black pepper", + "honey", + "fresh lime juice", + "roasted cashews", + "plain yogurt", + "purple onion" + ] + }, + { + "id": 4822, + "cuisine": "vietnamese", + "ingredients": [ + "lettuce", + "hoisin sauce", + "shrimp", + "rice paper", + "peanuts", + "rice vermicelli", + "beansprouts", + "nuoc nam", + "cilantro leaves", + "fresh mint", + "fish sauce", + "cooked chicken", + "cucumber" + ] + }, + { + "id": 46783, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "asparagus", + "whipping cream", + "rosemary sprigs", + "dry white wine", + "onions", + "water", + "butter", + "fresh rosemary", + "grated parmesan cheese", + "low salt chicken broth" + ] + }, + { + "id": 15495, + "cuisine": "chinese", + "ingredients": [ + "baby bok choy", + "tapioca starch", + "dried shiitake mushrooms", + "water", + "vegetable oil", + "low salt chicken broth", + "soy sauce", + "sesame oil", + "oyster sauce", + "sugar", + "fresh ginger", + "large garlic cloves" + ] + }, + { + "id": 29539, + "cuisine": "italian", + "ingredients": [ + "bread crumb fresh", + "all-purpose flour", + "olive oil", + "risotto", + "large eggs" + ] + }, + { + "id": 15368, + "cuisine": "irish", + "ingredients": [ + "salt", + "ground pepper", + "fresh parsley", + "potatoes", + "onions", + "water", + "lamb" + ] + }, + { + "id": 9145, + "cuisine": "italian", + "ingredients": [ + "pork chops", + "bread crumbs", + "salt", + "grated parmesan cheese", + "olive oil", + "dried parsley" + ] + }, + { + "id": 32531, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "salt", + "sugar", + "sesame seeds", + "eggs", + "minced garlic", + "beef ribs", + "soy sauce", + "green onions" + ] + }, + { + "id": 21338, + "cuisine": "italian", + "ingredients": [ + "eggs", + "ricotta cheese", + "milk", + "white sugar", + "vanilla pudding", + "instant rice", + "vanilla extract" + ] + }, + { + "id": 38322, + "cuisine": "british", + "ingredients": [ + "pepper", + "potatoes", + "salt", + "nutmeg", + "dijon mustard", + "butter", + "onions", + "milk", + "flour", + "sausages", + "wine", + "cooking oil", + "chicken stock cubes" + ] + }, + { + "id": 38689, + "cuisine": "spanish", + "ingredients": [ + "orange", + "serrano chile", + "avocado", + "salt", + "lime rind", + "grated lemon zest", + "purple onion" + ] + }, + { + "id": 11214, + "cuisine": "southern_us", + "ingredients": [ + "frozen whipped topping", + "butter", + "confectioners sugar", + "graham cracker crumbs", + "crushed pineapple", + "bananas", + "cream cheese", + "peanuts", + "cocktail cherries", + "white sugar" + ] + }, + { + "id": 13229, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "whipping cream", + "white baking bar", + "chocolate candy bars", + "ganache", + "vanilla extract", + "cream cheese, soften", + "granulated sugar", + "chocolate curls", + "crackers", + "peanuts", + "peanut butter", + "confectioners sugar" + ] + }, + { + "id": 16639, + "cuisine": "southern_us", + "ingredients": [ + "tomato paste", + "garlic powder", + "worcestershire sauce", + "celery ribs", + "ketchup", + "lean ground beef", + "flat leaf parsley", + "tomato sauce", + "large eggs", + "creole seasoning", + "greek seasoning", + "seasoned bread crumbs", + "butter", + "onions" + ] + }, + { + "id": 34119, + "cuisine": "filipino", + "ingredients": [ + "spring roll wrappers", + "canola oil", + "bananas", + "cinnamon", + "sugar" + ] + }, + { + "id": 34416, + "cuisine": "mexican", + "ingredients": [ + "vegetable stock", + "onions", + "tomatoes", + "garlic", + "cilantro", + "boiling potatoes", + "kosher salt", + "chipotles in adobo" + ] + }, + { + "id": 829, + "cuisine": "italian", + "ingredients": [ + "bread ciabatta", + "large eggs", + "pancetta", + "olive oil", + "arugula", + "pepper", + "large garlic cloves", + "light brown sugar", + "fennel bulb" + ] + }, + { + "id": 22990, + "cuisine": "greek", + "ingredients": [ + "kosher salt", + "lemon", + "bone in skin on chicken thigh", + "red potato", + "red wine vinegar", + "green beans", + "olive oil", + "garlic", + "dried oregano", + "ground black pepper", + "fresh parsley leaves" + ] + }, + { + "id": 5463, + "cuisine": "mexican", + "ingredients": [ + "celery ribs", + "ground black pepper", + "vegetable oil", + "ground coriander", + "red bell pepper", + "dried oregano", + "water", + "cooked chicken", + "paprika", + "garlic cloves", + "corn tortillas", + "ground cumin", + "kosher salt", + "low sodium chicken broth", + "heavy cream", + "scallions", + "sour cream", + "shredded Monterey Jack cheese", + "crushed tomatoes", + "chili powder", + "cayenne pepper", + "carrots", + "onions" + ] + }, + { + "id": 32692, + "cuisine": "french", + "ingredients": [ + "fennel seeds", + "marjoram", + "extra-virgin olive oil", + "lavender buds", + "thyme leaves" + ] + }, + { + "id": 18984, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "parboiled rice", + "garlic", + "celery", + "tomatoes", + "chili powder", + "salt", + "onions", + "pepper flakes", + "boneless skinless chicken breasts", + "smoked sausage", + "bay leaf", + "bell pepper", + "vegetable oil", + "shrimp", + "frozen peas" + ] + }, + { + "id": 31876, + "cuisine": "french", + "ingredients": [ + "pancetta", + "French lentils", + "garlic cloves", + "onions", + "clove", + "salt", + "flat leaf parsley", + "celery ribs", + "extra-virgin olive oil", + "carrots", + "water", + "wild rice", + "bay leaf" + ] + }, + { + "id": 5254, + "cuisine": "japanese", + "ingredients": [ + "gari", + "oil", + "sugar", + "beef sirloin", + "onions", + "sake", + "salt", + "chopped cilantro", + "soy sauce", + "medium-grain rice" + ] + }, + { + "id": 40728, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "yukon gold potatoes", + "parmigiano-reggiano cheese", + "whole milk", + "garlic cloves", + "unsalted butter", + "gruyere cheese", + "kosher salt", + "shallots", + "whole nutmegs" + ] + }, + { + "id": 6411, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "cooked chicken", + "cream cheese", + "cumin", + "flour tortillas", + "onion powder", + "sour cream", + "garlic powder", + "chili powder", + "shredded cheese", + "green onions", + "salsa", + "chopped cilantro" + ] + }, + { + "id": 4871, + "cuisine": "filipino", + "ingredients": [ + "salt", + "sweet rice", + "coconut milk", + "cocoa powder", + "light coconut milk", + "white sugar" + ] + }, + { + "id": 44371, + "cuisine": "brazilian", + "ingredients": [ + "whole milk", + "eggs", + "salt", + "butter", + "tapioca starch", + "monterey jack" + ] + }, + { + "id": 13450, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "tapioca starch", + "orange juice", + "soy sauce", + "extra-virgin olive oil", + "sugar", + "chicken cutlets", + "spaghetti", + "frozen broccoli florets", + "garlic" + ] + }, + { + "id": 49311, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "adobo sauce", + "pepper", + "pork roast", + "salt", + "chopped garlic", + "tomato paste", + "beer" + ] + }, + { + "id": 42858, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "salt", + "ground cinnamon", + "chocolate chips", + "sugar", + "pure vanilla extract", + "whole milk" + ] + }, + { + "id": 17855, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "white mushrooms", + "boneless, skinless chicken breast", + "green onions", + "bow-tie pasta", + "kosher salt", + "shiitake", + "oyster mushrooms", + "store bought low sodium chicken stock", + "sesame oil", + "ground white pepper" + ] + }, + { + "id": 15100, + "cuisine": "southern_us", + "ingredients": [ + "sack", + "mushrooms", + "celery", + "andouille sausage", + "fresh lemon", + "crab boil", + "seasoning", + "celery powder", + "garlic", + "onions", + "corn", + "bay leaves", + "small red potato" + ] + }, + { + "id": 17806, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "garlic cloves", + "cheddar cheese", + "coarse salt", + "white sandwich bread", + "half & half", + "elbow macaroni", + "ground pepper", + "butter" + ] + }, + { + "id": 28340, + "cuisine": "italian", + "ingredients": [ + "butter", + "low sodium chicken stock", + "baby portobello mushrooms", + "heavy cream", + "rigatoni", + "chicken tenderloin", + "onions", + "marsala wine", + "garlic" + ] + }, + { + "id": 38406, + "cuisine": "british", + "ingredients": [ + "sugar", + "strawberries", + "salt", + "lemon juice", + "mint", + "grated lemon zest", + "heavy cream", + "vanilla bean paste" + ] + }, + { + "id": 40089, + "cuisine": "italian", + "ingredients": [ + "cottage cheese", + "ground black pepper", + "salt", + "dried oregano", + "tomato paste", + "crushed tomatoes", + "grated parmesan cheese", + "onions", + "eggs", + "garlic powder", + "lean ground beef", + "white sugar", + "water", + "lasagna noodles", + "shredded mozzarella cheese" + ] + }, + { + "id": 35054, + "cuisine": "french", + "ingredients": [ + "melted butter", + "flour", + "pitted prunes", + "sugar", + "whole milk", + "armagnac", + "large eggs", + "salt", + "large egg yolks", + "vanilla extract" + ] + }, + { + "id": 23770, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "paprika", + "ground turmeric", + "vegetable oil", + "salt", + "chili powder", + "cauliflower florets", + "water", + "russet potatoes", + "frozen peas" + ] + }, + { + "id": 46811, + "cuisine": "mexican", + "ingredients": [ + "chip plain tortilla", + "Country Crock® Spread", + "water", + "knorr chicken flavor bouillon", + "ragu", + "cooked chicken", + "chorizo sausage", + "lime juice", + "chopped cilantro fresh" + ] + }, + { + "id": 2190, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "lemon grass", + "ginger", + "black mustard seeds", + "curry leaves", + "butter", + "salt", + "basmati rice", + "clove", + "pandanus leaf", + "garlic", + "onions", + "water", + "lemon", + "lemon rind", + "ground turmeric" + ] + }, + { + "id": 21360, + "cuisine": "korean", + "ingredients": [ + "rice powder", + "yellow onion", + "white radish", + "sugar", + "napa cabbage", + "garlic cloves", + "fish sauce", + "coarse salt", + "scallions", + "fresh ginger", + "red pepper", + "shrimp" + ] + }, + { + "id": 29990, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "strawberry ice cream", + "marshmallows", + "heavy cream", + "sorbet", + "ladyfingers", + "strawberries" + ] + }, + { + "id": 25298, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "peeled fresh ginger", + "fresh lime juice", + "ground turkey breast", + "purple onion", + "dry roasted peanuts", + "green onions", + "chile paste with garlic", + "cooking spray", + "chinese cabbage" + ] + }, + { + "id": 32033, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "thai basil", + "Thai red curry paste", + "boneless chicken skinless thigh", + "corn oil", + "garlic cloves", + "firmly packed light brown sugar", + "butternut squash", + "rice", + "unsweetened coconut milk", + "lime", + "shallots", + "asian fish sauce" + ] + }, + { + "id": 48729, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "cauliflower florets", + "lemon juice", + "frozen peas", + "sugar", + "chili paste", + "chickpeas", + "coconut milk", + "tomatoes", + "garam masala", + "salt", + "salted cashews", + "chopped cilantro fresh", + "black pepper", + "zucchini", + "garlic cloves", + "onions" + ] + }, + { + "id": 1266, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "garlic cloves", + "bittersweet chocolate", + "tomato paste", + "salt", + "red bell pepper", + "clove", + "extra-virgin olive oil", + "cinnamon sticks", + "boiling water", + "sunflower seeds", + "cumin seed", + "ancho chile pepper" + ] + }, + { + "id": 36475, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "varnish clams", + "red chili peppers", + "shallots", + "dried oregano", + "dry white wine", + "spaghetti", + "olive oil", + "flat leaf parsley", + "chopped garlic" + ] + }, + { + "id": 2871, + "cuisine": "greek", + "ingredients": [ + "honey", + "white sugar", + "ground cinnamon", + "butter", + "cold water", + "ricotta cheese", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 20547, + "cuisine": "japanese", + "ingredients": [ + "lime juice", + "vegetable oil", + "soba noodles", + "nori", + "peeled fresh ginger", + "garlic", + "toasted sesame oil", + "reduced-sodium tamari sauce", + "coarse salt", + "scallions", + "savoy cabbage", + "shallots", + "dried shiitake mushrooms", + "chopped cilantro fresh" + ] + }, + { + "id": 46744, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "yeast", + "melted butter", + "coconut milk", + "salt", + "all-purpose flour" + ] + }, + { + "id": 49219, + "cuisine": "russian", + "ingredients": [ + "green onions", + "red russian kale", + "agave nectar", + "white wine vinegar", + "mayonaise", + "ancho powder", + "celery seed", + "red cabbage", + "salt" + ] + }, + { + "id": 9755, + "cuisine": "irish", + "ingredients": [ + "olive oil", + "russet potatoes", + "beef broth", + "cabbage", + "whole milk", + "salt", + "smoked paprika", + "unsalted butter", + "stout", + "yellow onion", + "chuck", + "pepper", + "green onions", + "all-purpose flour", + "thick-cut bacon" + ] + }, + { + "id": 4370, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "honey", + "vegetable shortening", + "cane syrup", + "dark corn syrup", + "large eggs", + "all-purpose flour", + "pecans", + "unsalted butter", + "vanilla extract", + "light brown sugar", + "kosher salt", + "bourbon whiskey", + "grated nutmeg" + ] + }, + { + "id": 14009, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "salt", + "potato starch", + "vegetable oil", + "chicken thighs", + "orange marmalade", + "orange juice", + "sake", + "ginger" + ] + }, + { + "id": 32444, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "canola oil", + "whole wheat tortillas", + "black beans", + "shredded Monterey Jack cheese", + "salsa" + ] + }, + { + "id": 7336, + "cuisine": "southern_us", + "ingredients": [ + "clove", + "ground cinnamon", + "peach slices", + "ground ginger", + "honey", + "cardamom seeds", + "low-fat vanilla yogurt", + "lime juice", + "mint sprigs", + "candied ginger", + "peaches", + "orange juice" + ] + }, + { + "id": 10339, + "cuisine": "french", + "ingredients": [ + "eggs", + "almonds", + "baking powder", + "vanilla", + "salt", + "cocoa", + "cherries", + "almond extract", + "cake flour", + "confectioners sugar", + "unflavored gelatin", + "granulated sugar", + "instant coffee", + "whipping cream", + "unsweetened chocolate", + "water", + "egg whites", + "butter", + "cocktail cherries", + "candy" + ] + }, + { + "id": 22188, + "cuisine": "mexican", + "ingredients": [ + "water", + "ground black pepper", + "cotija", + "garbanzo beans", + "cilantro", + "kosher salt", + "quinoa", + "fresh lime juice", + "avocado", + "olive oil", + "diced tomatoes" + ] + }, + { + "id": 580, + "cuisine": "cajun_creole", + "ingredients": [ + "oysters", + "vegetable oil", + "salt", + "chopped onion", + "thyme", + "pepper", + "ground red pepper", + "chopped celery", + "green pepper", + "shrimp", + "tomato paste", + "bay leaves", + "paprika", + "all-purpose flour", + "okra", + "oregano", + "andouille sausage", + "green onions", + "garlic", + "broiler-fryers", + "long-grain rice" + ] + }, + { + "id": 21747, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "tortilla chips", + "romaine lettuce", + "ranch dressing", + "tomatoes", + "Taco Bell Taco Seasoning Mix", + "ground beef", + "water", + "sauce" + ] + }, + { + "id": 27913, + "cuisine": "japanese", + "ingredients": [ + "frozen shelled edamame", + "garlic", + "toasted sesame oil", + "wasabi", + "water", + "carrots", + "baby bok choy", + "dried shiitake mushrooms", + "buckwheat soba noodles", + "wakame", + "mellow white miso", + "ginger root" + ] + }, + { + "id": 36787, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "vegetable oil", + "minced garlic", + "long grain white rice", + "black pepper", + "salt", + "water", + "ground cumin" + ] + }, + { + "id": 31787, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "hazelnuts", + "apple cider", + "granny smith apples", + "whole milk", + "grated lemon peel", + "bread crumb fresh", + "whipped cream", + "sugar", + "unsalted butter", + "salt" + ] + }, + { + "id": 15535, + "cuisine": "indian", + "ingredients": [ + "chickpea flour", + "crushed red pepper flakes", + "cumin seed", + "cabbage", + "water", + "salt", + "boiling potatoes", + "red chili powder", + "garlic", + "onions", + "canola oil", + "cauliflower", + "fresh ginger", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 45462, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "cinnamon sugar", + "sugar", + "butter", + "self rising flour", + "milk", + "heavy cream" + ] + }, + { + "id": 12500, + "cuisine": "russian", + "ingredients": [ + "sugar", + "salt", + "cinnamon", + "heavy whipping cream", + "eggs", + "butter", + "yeast", + "milk", + "all-purpose flour" + ] + }, + { + "id": 26215, + "cuisine": "french", + "ingredients": [ + "olive oil", + "butter", + "vidalia onion", + "dry white wine", + "french bread", + "beef broth", + "black pepper", + "shredded swiss cheese" + ] + }, + { + "id": 29857, + "cuisine": "greek", + "ingredients": [ + "spinach", + "chicken breast halves", + "feta cheese crumbles", + "pepper", + "dry bread crumbs", + "vegetable oil cooking spray", + "balsamic vinegar", + "fresh basil", + "olive oil", + "margarine" + ] + }, + { + "id": 37321, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "taco seasoning", + "onions", + "diced tomatoes", + "ground turkey", + "hominy", + "pinto beans", + "black beans", + "Hidden Valley® Original Ranch® Dressing", + "rotel tomatoes" + ] + }, + { + "id": 8181, + "cuisine": "italian", + "ingredients": [ + "freshly grated parmesan", + "salt", + "dried fettuccine", + "nonfat ricotta cheese", + "nonfat yogurt", + "ground white pepper", + "large egg whites", + "part-skim ricotta cheese" + ] + }, + { + "id": 36261, + "cuisine": "french", + "ingredients": [ + "white wine", + "fresh thyme", + "butter", + "fresh oregano", + "fresh parsley", + "chicken stock", + "olive oil", + "bay leaves", + "garlic", + "carrots", + "boneless skinless chicken breast halves", + "fresh rosemary", + "salt and ground black pepper", + "spring onions", + "all-purpose flour", + "celery", + "water", + "leeks", + "fresh tarragon", + "fresh mushrooms", + "onions" + ] + }, + { + "id": 17439, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime wedges", + "ginger root", + "low sodium chicken broth", + "scallions", + "bird chile", + "lemongrass", + "cilantro", + "lime leaves", + "unsweetened coconut milk", + "chicken breasts", + "sliced mushrooms" + ] + }, + { + "id": 25005, + "cuisine": "mexican", + "ingredients": [ + "milk", + "sour cream", + "margarine", + "salt", + "chipotles in adobo", + "chicken bouillon granules", + "chicken leg quarters" + ] + }, + { + "id": 32732, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "caesar salad dressing", + "frozen chopped spinach", + "butter", + "croutons", + "quickcooking grits", + "freshly ground pepper", + "parmesan cheese", + "purple onion", + "garlic salt" + ] + }, + { + "id": 1700, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "boneless skinless chicken breasts", + "ginger", + "rice vinegar", + "scallions", + "peanuts", + "chili pepper flakes", + "salt", + "roasted peanuts", + "carrots", + "soy sauce", + "sesame oil", + "garlic", + "mustard powder", + "chow mein noodles", + "bell pepper", + "red pepper flakes", + "cilantro leaves", + "dark sesame oil", + "iceberg lettuce" + ] + }, + { + "id": 39673, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "ground black pepper", + "shallots", + "water", + "fresh thyme", + "sugar", + "unsalted butter", + "salt", + "olive oil", + "frozen pastry puff sheets" + ] + }, + { + "id": 1708, + "cuisine": "southern_us", + "ingredients": [ + "bacon drippings", + "butter", + "large eggs", + "salt", + "baking powder", + "white cornmeal", + "baking soda", + "buttermilk" + ] + }, + { + "id": 27202, + "cuisine": "mexican", + "ingredients": [ + "raisins", + "corn tortillas", + "ground cumin", + "tomato paste", + "extra-virgin olive oil", + "chopped cilantro fresh", + "diced tomatoes", + "pimento stuffed green olives", + "green bell pepper", + "ground allspice", + "skirt steak" + ] + }, + { + "id": 1741, + "cuisine": "mexican", + "ingredients": [ + "cilantro", + "pickled jalapeno peppers", + "sour cream", + "ranch dressing" + ] + }, + { + "id": 13365, + "cuisine": "russian", + "ingredients": [ + "reduced sodium chicken broth", + "smoked kielbasa", + "granny smith apples", + "unsalted butter", + "olive oil", + "onions", + "black pepper", + "salt" + ] + }, + { + "id": 16019, + "cuisine": "jamaican", + "ingredients": [ + "flour tortillas", + "slaw mix", + "low fat coleslaw dressing", + "prepared mustard", + "caribbean jerk seasoning", + "turkey breast tenderloins", + "tomatoes", + "jalapeno chilies" + ] + }, + { + "id": 47191, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "pita rounds", + "garlic cloves", + "freshly ground pepper", + "salt" + ] + }, + { + "id": 45904, + "cuisine": "japanese", + "ingredients": [ + "hijiki", + "dark sesame oil", + "dried shiitake mushrooms", + "onions", + "brown rice", + "hot water", + "low sodium soy sauce", + "edamame", + "toasted sesame seeds" + ] + }, + { + "id": 2655, + "cuisine": "southern_us", + "ingredients": [ + "boneless skinless chicken breasts", + "olive oil", + "smoked paprika", + "black pepper", + "salt", + "garlic powder" + ] + }, + { + "id": 13592, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "salt", + "creole seasoning", + "vegetable oil", + "hot sauce", + "meat", + "all-purpose flour", + "buttermilk", + "cayenne pepper" + ] + }, + { + "id": 21119, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "apple cider vinegar", + "chipotle peppers", + "chicken broth", + "chuck roast", + "garlic", + "dried oregano", + "ground black pepper", + "extra-virgin olive oil", + "adobo sauce", + "ground cloves", + "bay leaves", + "fresh lime juice", + "ground cumin" + ] + }, + { + "id": 28231, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "fennel bulb", + "extra-virgin olive oil", + "escarole", + "honey", + "balsamic vinegar", + "grated lemon zest", + "black pepper", + "cannellini beans", + "purple onion", + "fennel seeds", + "fresh parmesan cheese", + "diced tomatoes", + "fresh lemon juice" + ] + }, + { + "id": 7696, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "chinese five-spice powder", + "chicken wings", + "rice vinegar", + "chili flakes", + "garlic", + "kosher salt", + "peanut oil" + ] + }, + { + "id": 2230, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "vegetarian oyster sauce", + "soybean sprouts", + "ginkgo nut", + "dried black mushrooms", + "sugar", + "fresh ginger", + "garlic cloves", + "bean threads", + "bean curd skins", + "cake", + "hot water", + "romaine lettuce", + "light soy sauce", + "peanut oil", + "bamboo shoots" + ] + }, + { + "id": 19323, + "cuisine": "brazilian", + "ingredients": [ + "manioc flour", + "olive oil", + "white rice", + "red bell pepper", + "eggs", + "minced garlic", + "cracked black pepper", + "diced yellow onion", + "red kidney beans", + "green bell pepper", + "unsalted butter", + "smoked sausage", + "thick-cut bacon", + "chicken stock", + "farofa", + "bay leaves", + "salt" + ] + }, + { + "id": 10008, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "pepper", + "sesame oil", + "frozen peas", + "soy sauce", + "boneless skinless chicken breasts", + "salt", + "eggs", + "garlic powder", + "ginger", + "white onion", + "chili powder", + "cooked white rice" + ] + }, + { + "id": 32115, + "cuisine": "italian", + "ingredients": [ + "almond extract", + "sugar", + "blanched almonds", + "salt", + "large egg whites", + "apricot jam" + ] + }, + { + "id": 29418, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "large eggs", + "all-purpose flour", + "hazelnuts", + "unsalted butter", + "salt", + "sugar", + "almonds", + "heavy cream", + "light brown sugar", + "honey", + "baking powder" + ] + }, + { + "id": 10301, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "gruyere cheese", + "sliced mushrooms", + "chicken broth", + "whole milk", + "all-purpose flour", + "olive oil", + "salt", + "baby spinach leaves", + "linguine", + "garlic cloves" + ] + }, + { + "id": 20690, + "cuisine": "italian", + "ingredients": [ + "melted butter", + "olive oil", + "onion powder", + "cheese", + "sausages", + "sausage links", + "ground black pepper", + "butter", + "all-purpose flour", + "dried oregano", + "tomato purée", + "garlic powder", + "ricotta cheese", + "salt", + "white sugar", + "warm water", + "dry yeast", + "crushed red pepper flakes", + "hot sauce" + ] + }, + { + "id": 417, + "cuisine": "southern_us", + "ingredients": [ + "poblano peppers", + "fatfree lowsodium chicken broth", + "black-eyed peas", + "reduced-fat sour cream", + "diced onions", + "cooking spray", + "garlic cloves", + "kosher salt", + "green onions", + "chopped cilantro fresh" + ] + }, + { + "id": 11527, + "cuisine": "southern_us", + "ingredients": [ + "dried thyme", + "all-purpose flour", + "vidalia onion", + "paprika", + "oil", + "yellow corn meal", + "ground black pepper", + "cayenne pepper", + "milk", + "salt", + "white sugar" + ] + }, + { + "id": 24544, + "cuisine": "russian", + "ingredients": [ + "sugar", + "fresh cranberries", + "potato starch", + "water" + ] + }, + { + "id": 5447, + "cuisine": "moroccan", + "ingredients": [ + "hungarian sweet paprika", + "olive oil", + "couscous", + "ground cumin", + "ground cinnamon", + "fresh lemon juice", + "boneless skinless chicken breast halves", + "ground ginger", + "diced tomatoes", + "onions", + "golden brown sugar", + "low salt chicken broth", + "chopped cilantro fresh" + ] + }, + { + "id": 18250, + "cuisine": "indian", + "ingredients": [ + "coriander powder", + "green pepper", + "garlic cloves", + "ground cumin", + "salt", + "cumin seed", + "onions", + "chili powder", + "okra", + "lemon juice", + "garam masala", + "cilantro leaves", + "oil", + "ground turmeric" + ] + }, + { + "id": 24378, + "cuisine": "russian", + "ingredients": [ + "brown sugar", + "cider vinegar", + "large eggs", + "brown rice flour", + "molasses", + "unsalted butter", + "salt", + "flax seed meal", + "caraway seeds", + "tapioca flour", + "dry yeast", + "sorghum flour", + "unsweetened cocoa powder", + "warm water", + "coffee granules", + "cooking spray", + "xanthan gum" + ] + }, + { + "id": 30632, + "cuisine": "french", + "ingredients": [ + "fresh coriander", + "gingerroot", + "cinnamon sticks", + "saffron threads", + "chopped onion", + "fresh parsley leaves", + "chicken", + "olive oil", + "garlic cloves", + "rice pilaf", + "preserved lemon", + "brine-cured black olives", + "fresh lemon juice" + ] + }, + { + "id": 16649, + "cuisine": "mexican", + "ingredients": [ + "baked corn tortilla chips", + "cooking spray", + "purple onion", + "chopped cilantro fresh", + "crumbles", + "non-fat sour cream", + "pinto beans", + "romaine lettuce", + "diced tomatoes", + "chopped onion", + "avocado", + "chopped green bell pepper", + "shredded sharp cheddar cheese", + "chipotles in adobo" + ] + }, + { + "id": 45932, + "cuisine": "mexican", + "ingredients": [ + "extra lean ground beef", + "olive oil", + "jalapeno chilies", + "red bell pepper", + "dried oregano", + "water", + "quinoa", + "garlic", + "dried parsley", + "green bell pepper", + "crushed tomatoes", + "zucchini", + "frozen corn kernels", + "chopped cilantro fresh", + "black beans", + "salt and ground black pepper", + "chili powder", + "onions", + "ground cumin" + ] + }, + { + "id": 6864, + "cuisine": "italian", + "ingredients": [ + "eggs", + "margarine", + "salt", + "white sugar", + "anise seed", + "all-purpose flour", + "baking powder", + "chopped walnuts" + ] + }, + { + "id": 20003, + "cuisine": "southern_us", + "ingredients": [ + "refrigerated biscuits", + "boneless skinless chicken", + "frozen vegetables", + "cream of chicken soup", + "onions" + ] + }, + { + "id": 43217, + "cuisine": "cajun_creole", + "ingredients": [ + "ground cloves", + "salt", + "dri leav thyme", + "onions", + "green bell pepper", + "bay leaves", + "beef broth", + "garlic cloves", + "sliced green onions", + "tomato paste", + "pepper", + "all-purpose flour", + "creole seasoning", + "canola oil", + "tomato sauce", + "chopped celery", + "cayenne pepper", + "flat leaf parsley", + "chuck" + ] + }, + { + "id": 14801, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "baking powder", + "sauce", + "chicken broth", + "quickcooking grits", + "buttermilk", + "yellow corn meal", + "large eggs", + "butter", + "thyme sprigs", + "milk", + "ground red pepper", + "salt" + ] + }, + { + "id": 7570, + "cuisine": "thai", + "ingredients": [ + "peanuts", + "crushed red pepper flakes", + "red bell pepper", + "green onions", + "garlic", + "cooked chicken breasts", + "reduced sodium soy sauce", + "ginger", + "fresh lime juice", + "reduced sodium chicken broth", + "wheat", + "peanut butter" + ] + }, + { + "id": 7780, + "cuisine": "french", + "ingredients": [ + "cannelloni", + "sauce", + "large eggs", + "chopped fresh thyme", + "fresh parsley", + "cooking spray", + "chopped fresh sage", + "grated parmesan cheese", + "ground veal" + ] + }, + { + "id": 39925, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "fresh ginger", + "boneless skinless chicken breasts", + "kosher salt", + "jalapeno chilies", + "cooked white rice", + "olive oil", + "cilantro stems", + "soy sauce", + "eggplant", + "yellow onion" + ] + }, + { + "id": 15547, + "cuisine": "italian", + "ingredients": [ + "yellow onion", + "olive oil", + "ground beef", + "italian sausage", + "flat leaf parsley", + "garlic" + ] + }, + { + "id": 12475, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "salt", + "medium shrimp", + "chicken stock", + "shallots", + "ground white pepper", + "spring onions", + "cilantro leaves", + "greens", + "cabbage leaves", + "ground pork", + "hot water" + ] + }, + { + "id": 27602, + "cuisine": "british", + "ingredients": [ + "sugar", + "baking powder", + "all-purpose flour", + "unsalted butter", + "buttermilk", + "large eggs", + "salt", + "baking soda", + "quick-cooking oats" + ] + }, + { + "id": 32186, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "cachaca", + "kiwi fruits", + "sugar" + ] + }, + { + "id": 26908, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "boneless skinless chicken breast halves", + "ground black pepper", + "salt", + "tomatoes", + "chees fresh mozzarella", + "balsamic vinaigrette salad dressing", + "fresh basil leaves" + ] + }, + { + "id": 17306, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "olive oil", + "shredded lettuce", + "onions", + "lime juice", + "sweet potatoes", + "garlic cloves", + "pepper", + "soy milk", + "salt", + "ground cumin", + "avocado", + "fresh cilantro", + "chili powder", + "corn tortillas" + ] + }, + { + "id": 42504, + "cuisine": "spanish", + "ingredients": [ + "crushed red pepper", + "plum tomatoes", + "ground black pepper", + "garlic cloves", + "extra-virgin olive oil", + "fresh parsley", + "fresh basil", + "salt" + ] + }, + { + "id": 47045, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "clam juice", + "salt", + "bay scallops", + "crushed red pepper flakes", + "fresh parsley", + "sun-dried tomatoes", + "butter", + "medium shrimp", + "pasta", + "lemon zest", + "garlic" + ] + }, + { + "id": 1342, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "butter", + "all-purpose flour", + "dried cranberries", + "yellow corn meal", + "large egg whites", + "chopped fresh thyme", + "salt", + "chopped pecans", + "black pepper", + "cooking spray", + "1% low-fat milk", + "chopped onion", + "fat free less sodium chicken broth", + "baking powder", + "chopped celery", + "chopped fresh sage" + ] + }, + { + "id": 15085, + "cuisine": "vietnamese", + "ingredients": [ + "fresh ginger", + "rice noodles", + "cilantro leaves", + "cinnamon sticks", + "sliced green onions", + "sugar", + "hoisin sauce", + "star anise", + "green chilies", + "sliced shallots", + "anise seed", + "chili paste", + "sirloin steak", + "yellow onion", + "beansprouts", + "chuck", + "lime", + "basil leaves", + "salt", + "fat", + "asian fish sauce" + ] + }, + { + "id": 37060, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "flour tortillas", + "vegetable oil", + "salsa", + "sour cream", + "brown sugar", + "lime juice", + "chili powder", + "worcestershire sauce", + "cayenne pepper", + "ground cumin", + "pico de gallo", + "minced garlic", + "bell pepper", + "red pepper flakes", + "yellow onion", + "chopped cilantro", + "black pepper", + "boneless chicken breast", + "lime wedges", + "cilantro", + "smoked paprika" + ] + }, + { + "id": 29162, + "cuisine": "chinese", + "ingredients": [ + "long-grain rice", + "water" + ] + }, + { + "id": 42941, + "cuisine": "mexican", + "ingredients": [ + "all-purpose flour", + "vanilla extract", + "confectioners sugar", + "salt", + "butter", + "chopped pecans" + ] + }, + { + "id": 2958, + "cuisine": "italian", + "ingredients": [ + "coarse salt", + "arugula", + "olive oil", + "shredded mozzarella cheese", + "french bread", + "garlic cloves", + "extra-virgin olive oil" + ] + }, + { + "id": 27425, + "cuisine": "thai", + "ingredients": [ + "lettuce", + "lime juice", + "purple onion", + "rib eye steaks", + "cherry tomatoes", + "salt", + "fish sauce", + "mint leaves", + "cilantro leaves", + "sugar", + "vegetable oil", + "cucumber" + ] + }, + { + "id": 31533, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "russet potatoes", + "grated lemon peel", + "fresh sage", + "grated parmesan cheese", + "all-purpose flour", + "ground nutmeg", + "butter", + "ground black pepper", + "salt" + ] + }, + { + "id": 48167, + "cuisine": "irish", + "ingredients": [ + "napa cabbage", + "small red potato", + "milk", + "bacon", + "kosher salt", + "butter", + "ground black pepper", + "yellow onion" + ] + }, + { + "id": 35328, + "cuisine": "southern_us", + "ingredients": [ + "spices", + "bay leaf", + "firmly packed brown sugar", + "worcestershire sauce", + "water", + "hot sauce", + "red wine vinegar" + ] + }, + { + "id": 26822, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "vegetable oil", + "low sodium chicken broth", + "tomatoes", + "green onions", + "granulated sugar", + "firm tofu" + ] + }, + { + "id": 45476, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "crimini mushrooms", + "pancetta", + "marinara sauce", + "grated parmesan cheese", + "mozzarella cheese", + "pizza doughs" + ] + }, + { + "id": 46210, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "ogura-an", + "baking powder", + "sugar", + "pastry flour", + "katakuriko" + ] + }, + { + "id": 17453, + "cuisine": "indian", + "ingredients": [ + "water", + "garlic", + "black mustard seeds", + "tumeric", + "nut oil", + "ground coriander", + "onions", + "asafoetida", + "potatoes", + "cilantro leaves", + "juice", + "red chili peppers", + "sea salt", + "cumin seed" + ] + }, + { + "id": 47754, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "white hominy", + "tomatillos", + "dried oregano", + "avocado", + "olive oil", + "jalapeno chilies", + "cilantro", + "lime", + "radishes", + "large garlic cloves", + "chicken stock", + "salt and ground black pepper", + "chicken breasts", + "tortilla chips" + ] + }, + { + "id": 37821, + "cuisine": "italian", + "ingredients": [ + "sugar", + "fresh lemon juice", + "honeydew melon", + "prosecco" + ] + }, + { + "id": 8381, + "cuisine": "mexican", + "ingredients": [ + "Old El Paso™ refried beans", + "tortilla chips", + "green bell pepper", + "Old El Paso™ Thick 'n Chunky salsa", + "ripe olives", + "tomatoes", + "green onions", + "40% less sodium taco seasoning mix", + "shredded cheddar cheese", + "shredded lettuce", + "ground beef" + ] + }, + { + "id": 38602, + "cuisine": "french", + "ingredients": [ + "mint", + "egg yolks", + "white chocolate", + "vanilla extract", + "ice cubes", + "whole cranberry sauce", + "cranberries", + "sugar", + "whipping cream" + ] + }, + { + "id": 20838, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "red wine vinegar", + "pinenuts", + "dry white wine", + "extra-virgin olive oil", + "lower sodium chicken broth", + "fennel bulb", + "raisins", + "kosher salt", + "chicken cutlets", + "dried rosemary" + ] + }, + { + "id": 10342, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "whole milk", + "salt", + "cornmeal", + "sliced tomatoes", + "garlic powder", + "green tomatoes", + "lemon juice", + "pepper", + "basil leaves", + "oil", + "eggs", + "flour", + "ancho powder", + "smoked paprika" + ] + }, + { + "id": 22851, + "cuisine": "southern_us", + "ingredients": [ + "golden raisins", + "almonds", + "raisins", + "salt and ground black pepper", + "vegetable oil", + "shredded carrots", + "apples" + ] + }, + { + "id": 20856, + "cuisine": "greek", + "ingredients": [ + "pepper", + "extra-virgin olive oil", + "shrimp", + "green onions", + "salt", + "fresh parsley", + "peeled tomatoes", + "garlic", + "feta cheese crumbles", + "dry white wine", + "fresh oregano", + "onions" + ] + }, + { + "id": 1468, + "cuisine": "chinese", + "ingredients": [ + "water", + "oyster mushrooms", + "freshly ground pepper", + "bok choy", + "low sodium soy sauce", + "sherry", + "salt", + "corn starch", + "canola oil", + "chicken stock", + "fresh ginger", + "crushed red pepper", + "garlic cloves", + "boneless skinless chicken breast halves", + "sugar", + "sesame oil", + "rice vinegar", + "red bell pepper" + ] + }, + { + "id": 38174, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "orange juice", + "lime peel", + "pomegranate juice", + "tequila" + ] + }, + { + "id": 33436, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "celery", + "mayonaise", + "salt", + "red potato", + "green onions", + "pepper", + "carrots" + ] + }, + { + "id": 26348, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "hoisin sauce", + "broccoli", + "toasted sesame oil", + "eggs", + "minced ginger", + "cilantro", + "scallions", + "minced garlic", + "ramen noodles", + "peanut oil", + "brown sugar", + "shiitake", + "rice vinegar", + "red bell pepper" + ] + }, + { + "id": 35256, + "cuisine": "thai", + "ingredients": [ + "chili flakes", + "soy sauce", + "ginger", + "fish sauce", + "steamed rice", + "gai lan", + "lemongrass", + "brown sugar", + "chicken thigh fillets" + ] + }, + { + "id": 10364, + "cuisine": "british", + "ingredients": [ + "Jell-O Gelatin", + "bittersweet chocolate", + "sponge cake", + "vanilla pudding", + "jelli strawberri", + "heavy cream" + ] + }, + { + "id": 2788, + "cuisine": "russian", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "water", + "whole milk", + "saffron", + "active dry yeast", + "salt", + "sugar", + "large eggs", + "flour for dusting" + ] + }, + { + "id": 29059, + "cuisine": "southern_us", + "ingredients": [ + "chowchow", + "pork", + "shredded Monterey Jack cheese", + "prebaked pizza crusts", + "barbecue sauce" + ] + }, + { + "id": 37735, + "cuisine": "japanese", + "ingredients": [ + "mayonaise", + "lime juice", + "toasted sesame oil", + "lime zest", + "gari", + "chives", + "wasabi paste", + "scallops", + "vegetable oil", + "sugar", + "sesame seeds" + ] + }, + { + "id": 33574, + "cuisine": "spanish", + "ingredients": [ + "grape tomatoes", + "large eggs", + "salt", + "pepper", + "fingerling potatoes", + "fresh corn", + "grated parmesan cheese", + "garlic cloves", + "olive oil", + "basil" + ] + }, + { + "id": 3837, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "green olives", + "cucumber", + "roma tomatoes", + "romaine lettuce" + ] + }, + { + "id": 595, + "cuisine": "mexican", + "ingredients": [ + "picante sauce", + "salt", + "ground cumin", + "black beans", + "jalapeno chilies", + "chopped cilantro", + "green bell pepper", + "white hominy", + "red bell pepper", + "white onion", + "green onions", + "white sugar" + ] + }, + { + "id": 35183, + "cuisine": "italian", + "ingredients": [ + "soft goat's cheese", + "large garlic cloves", + "mozzarella cheese", + "plum tomatoes", + "pizza crust", + "fresh basil leaves", + "olive oil", + "japanese eggplants" + ] + }, + { + "id": 42358, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "garlic", + "ground allspice", + "chicken", + "avocado", + "hominy", + "tomatillos", + "yellow onion", + "bay leaf", + "celery ribs", + "lime juice", + "whole cloves", + "salt", + "allspice berries", + "ground cumin", + "black peppercorns", + "cayenne", + "cilantro", + "kale leaves", + "chopped cilantro" + ] + }, + { + "id": 40584, + "cuisine": "italian", + "ingredients": [ + "fennel bulb", + "garlic cloves", + "fat free less sodium chicken broth", + "leeks", + "cranberry beans", + "cooking spray", + "red bell pepper", + "fronds", + "Italian turkey sausage" + ] + }, + { + "id": 14086, + "cuisine": "italian", + "ingredients": [ + "pizza crust", + "shredded mozzarella cheese", + "green onions", + "barbecue sauce", + "dried oregano", + "cooked chicken" + ] + }, + { + "id": 17216, + "cuisine": "italian", + "ingredients": [ + "capers", + "olive oil", + "bow-tie pasta", + "pinenuts", + "balsamic vinegar", + "garlic cloves", + "cherry tomatoes", + "crushed red pepper", + "pitted kalamata olives", + "feta cheese", + "fresh oregano" + ] + }, + { + "id": 42606, + "cuisine": "mexican", + "ingredients": [ + "salt", + "ice cubes", + "fresh lime juice", + "cold water", + "cucumber", + "sugar" + ] + }, + { + "id": 45176, + "cuisine": "japanese", + "ingredients": [ + "pork", + "mirin", + "carrots", + "sake", + "sugar pea", + "salt", + "soy sauce", + "potatoes", + "onions", + "sugar", + "water", + "oil" + ] + }, + { + "id": 9552, + "cuisine": "french", + "ingredients": [ + "Hogue Cabernet Sauvignon", + "garlic", + "onions", + "olive oil", + "diced tomatoes", + "flat leaf parsley", + "haddock", + "cracked black pepper", + "celery", + "parmigiana-reggiano", + "sea salt", + "white beans", + "olive tapenade" + ] + }, + { + "id": 7717, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "peas", + "masala", + "brown mustard seeds", + "cumin seed", + "potatoes", + "salt", + "cauliflower", + "cilantro", + "oil" + ] + }, + { + "id": 32069, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "rice vinegar", + "bamboo shoots", + "large eggs", + "garlic chili sauce", + "shiitake", + "firm tofu", + "chicken stock", + "green onions", + "carrots" + ] + }, + { + "id": 18737, + "cuisine": "jamaican", + "ingredients": [ + "baking powder", + "cornmeal", + "water", + "salt", + "sugar", + "vegetable oil", + "baking soda", + "all-purpose flour" + ] + }, + { + "id": 9916, + "cuisine": "italian", + "ingredients": [ + "white chocolate", + "vanilla", + "grated orange", + "sugar", + "large eggs", + "all-purpose flour", + "unsalted butter", + "salt", + "dried currants", + "baking powder", + "shelled pistachios" + ] + }, + { + "id": 2417, + "cuisine": "indian", + "ingredients": [ + "sugar", + "crushed red pepper flakes", + "green chilies", + "onions", + "tomatoes", + "pandanus leaf", + "garlic", + "black mustard seeds", + "canola oil", + "curry leaves", + "frozen okra", + "ginger", + "cumin seed", + "ground turmeric", + "red chili powder", + "seeds", + "salt", + "cinnamon sticks" + ] + }, + { + "id": 35015, + "cuisine": "japanese", + "ingredients": [ + "dried bonito flakes", + "broth", + "natto", + "scallions", + "quail eggs", + "soba noodles", + "Japanese soy sauce", + "shredded nori" + ] + }, + { + "id": 1755, + "cuisine": "spanish", + "ingredients": [ + "endive", + "all-purpose flour", + "cabrales", + "whole milk", + "unsalted butter", + "cracked black pepper", + "salad", + "large eggs", + "coarse kosher salt" + ] + }, + { + "id": 5762, + "cuisine": "french", + "ingredients": [ + "bay leaves", + "salt", + "garlic cloves", + "tomatoes", + "butter", + "beef broth", + "onions", + "celery ribs", + "mushrooms", + "all-purpose flour", + "fresh parsley", + "dried thyme", + "dry red wine", + "freshly ground pepper" + ] + }, + { + "id": 4217, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "extra-virgin olive oil", + "roasted red peppers", + "dried oregano", + "feta cheese", + "fresh parsley", + "kalamata" + ] + }, + { + "id": 38694, + "cuisine": "greek", + "ingredients": [ + "eggs", + "green onions", + "olive oil cooking spray", + "spinach", + "large garlic cloves", + "phyllo pastry", + "olive oil", + "nonfat milk", + "dried oregano", + "feta cheese", + "corn starch" + ] + }, + { + "id": 46539, + "cuisine": "french", + "ingredients": [ + "dried thyme", + "whole milk", + "all-purpose flour", + "large eggs", + "butter", + "grated Gruyère cheese", + "ground black pepper", + "chili powder", + "cayenne pepper", + "milk", + "grated parmesan cheese", + "salt", + "pepperoni" + ] + }, + { + "id": 20550, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "reduced-fat sour cream", + "lemon juice", + "fresh cilantro", + "garlic", + "cotija", + "anchovy paste", + "chili", + "pumpkin seeds" + ] + }, + { + "id": 48039, + "cuisine": "vietnamese", + "ingredients": [ + "mung beans", + "banana leaves", + "ground black pepper", + "color food green", + "fish sauce", + "shallots", + "salt", + "glutinous rice", + "vegetable oil", + "pork shoulder" + ] + }, + { + "id": 6617, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "olive oil", + "fresh parsley", + "french baguette", + "goat cheese", + "fresh basil", + "salt", + "pepper", + "garlic cloves" + ] + }, + { + "id": 6186, + "cuisine": "irish", + "ingredients": [ + "whipping cream", + "unsalted butter", + "dark brown sugar" + ] + }, + { + "id": 15622, + "cuisine": "italian", + "ingredients": [ + "boneless chicken thighs", + "large eggs", + "butter", + "parmesan cheese", + "vegetable oil", + "kosher salt", + "marinara sauce", + "freshly ground pepper", + "seasoned bread crumbs", + "vermicelli", + "fresh parsley" + ] + }, + { + "id": 33634, + "cuisine": "spanish", + "ingredients": [ + "butter", + "garlic", + "turkey", + "adobo seasoning", + "rosemary", + "vegetable broth", + "bacon", + "fresh parsley" + ] + }, + { + "id": 4330, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "sea salt", + "garlic cloves", + "chopped cilantro", + "steak tips", + "chili paste", + "ground coriander", + "ginger root", + "garlic powder", + "paprika", + "fresh lemon juice", + "ground cumin", + "cider vinegar", + "onion powder", + "freshly ground pepper", + "chopped parsley" + ] + }, + { + "id": 4609, + "cuisine": "indian", + "ingredients": [ + "water", + "paprika", + "serrano chile", + "red lentils", + "lime juice", + "ginger", + "canola oil", + "tomatoes", + "fresh cilantro", + "garlic", + "ground cumin", + "tumeric", + "sea salt", + "onions" + ] + }, + { + "id": 3955, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "chili pepper flakes", + "scallions", + "radishes", + "soybean paste", + "onions", + "tofu", + "mushroom caps", + "medium zucchini", + "broth", + "chili pepper", + "vinegar", + "seafood" + ] + }, + { + "id": 9836, + "cuisine": "mexican", + "ingredients": [ + "light mayonnaise", + "cayenne pepper", + "lime", + "fine sea salt", + "queso fresco", + "chipotles in adobo", + "corn husks", + "crème fraîche" + ] + }, + { + "id": 48738, + "cuisine": "irish", + "ingredients": [ + "brown sugar", + "baking soda", + "baking powder", + "all-purpose flour", + "ground cinnamon", + "water", + "large eggs", + "fresh orange juice", + "dried plum", + "ground cloves", + "granulated sugar", + "butter", + "fresh lemon juice", + "powdered sugar", + "whole wheat flour", + "cooking spray", + "salt" + ] + }, + { + "id": 21224, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "butter", + "poblano chiles", + "homemade chicken broth", + "ground black pepper", + "salt", + "green chile", + "cooked chicken", + "sour cream", + "olive oil", + "large garlic cloves", + "corn tortillas" + ] + }, + { + "id": 1705, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "serrano peppers", + "paprika", + "cayenne pepper", + "coconut milk", + "lemongrass", + "vegetable oil", + "salt", + "ground coriander", + "water", + "shallots", + "garlic", + "fenugreek seeds", + "ground cumin", + "ground cinnamon", + "fresh ginger", + "boneless chicken", + "cilantro leaves", + "ground cardamom" + ] + }, + { + "id": 47085, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "shredded cheese", + "refried beans", + "ground beef", + "taco shells", + "taco toppings", + "taco seasoning" + ] + }, + { + "id": 25044, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "hot pepper sauce", + "beef broth", + "fresh basil", + "lime", + "thai chile", + "mung bean sprouts", + "cold water", + "fresh cilantro", + "green onions", + "oyster sauce", + "top round steak", + "fresh ginger root", + "dried rice noodles" + ] + }, + { + "id": 38000, + "cuisine": "french", + "ingredients": [ + "italian sausage", + "fat free less sodium chicken broth", + "salt", + "onions", + "great northern beans", + "ground black pepper", + "garlic cloves", + "tomato purée", + "water", + "leg quarters", + "canola oil", + "bread crumbs", + "bacon slices", + "leg of lamb" + ] + }, + { + "id": 26798, + "cuisine": "french", + "ingredients": [ + "fat free milk", + "italian seasoning", + "frozen chopped spinach", + "salt", + "fontina cheese", + "all-purpose flour", + "large eggs" + ] + }, + { + "id": 3974, + "cuisine": "greek", + "ingredients": [ + "tomato paste", + "ground black pepper", + "celery", + "dried oregano", + "dried thyme", + "salt", + "onions", + "water", + "diced tomatoes", + "fresh parsley", + "olive oil", + "carrots", + "white kidney beans" + ] + }, + { + "id": 17531, + "cuisine": "southern_us", + "ingredients": [ + "sweet pickle relish", + "prepared mustard", + "ground black pepper", + "paprika", + "mayonaise", + "Tabasco Pepper Sauce", + "sweet gherkin", + "large eggs", + "salt" + ] + }, + { + "id": 21993, + "cuisine": "russian", + "ingredients": [ + "water", + "potatoes", + "ground pork", + "onions", + "sugar", + "vinegar", + "bacon", + "blueberries", + "melted butter", + "cherries", + "2% reduced-fat milk", + "all-purpose flour", + "pierogi", + "large eggs", + "turkey", + "sour cream" + ] + }, + { + "id": 36383, + "cuisine": "mexican", + "ingredients": [ + "lime", + "red wine vinegar", + "coarse kosher salt", + "shallots", + "cilantro leaves", + "ground black pepper", + "extra-virgin olive oil", + "arugula", + "orange", + "queso fresco", + "beets" + ] + }, + { + "id": 48522, + "cuisine": "southern_us", + "ingredients": [ + "dried thyme", + "dried sage", + "salt", + "corn bread", + "black pepper", + "large eggs", + "butter", + "red bell pepper", + "fat free less sodium chicken broth", + "cooking spray", + "chopped celery", + "fresh parsley", + "prunes", + "frozen whole kernel corn", + "turkey kielbasa", + "chopped onion" + ] + }, + { + "id": 12979, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "cachaca", + "lime slices", + "sugar", + "ice" + ] + }, + { + "id": 41201, + "cuisine": "french", + "ingredients": [ + "sherry vinegar", + "garlic cloves", + "olive oil", + "freshly ground pepper", + "salt", + "dijon mustard" + ] + }, + { + "id": 38059, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "balsamic vinegar", + "fresh basil", + "finely chopped onion", + "dried oregano", + "tomato paste", + "ground black pepper", + "garlic cloves", + "white wine", + "cooking spray" + ] + }, + { + "id": 21839, + "cuisine": "southern_us", + "ingredients": [ + "batter", + "butter beans", + "pepper", + "salt", + "chicken broth", + "olive oil", + "sweet onion", + "poblano chiles" + ] + }, + { + "id": 18583, + "cuisine": "italian", + "ingredients": [ + "white wine", + "part-skim mozzarella cheese", + "cooking spray", + "part-skim ricotta cheese", + "carrots", + "tomato paste", + "crushed tomatoes", + "ground turkey breast", + "1% low-fat milk", + "chopped onion", + "pancetta", + "kosher salt", + "ground black pepper", + "lasagna noodles, cooked and drained", + "crushed red pepper", + "dried oregano", + "fresh basil", + "olive oil", + "large eggs", + "chopped celery", + "garlic cloves" + ] + }, + { + "id": 39973, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "grated parmesan cheese", + "penne pasta", + "sugar", + "olive oil", + "dry red wine", + "fresh basil", + "dried basil", + "diced tomatoes", + "dried oregano", + "cooked steak", + "ground black pepper", + "garlic" + ] + }, + { + "id": 47898, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "dri leav rosemari", + "soup", + "salt", + "pepper", + "bay leaves", + "dry red wine", + "carrots", + "frozen chopped spinach", + "tomato juice", + "center cut bacon", + "beef broth", + "lamb shanks", + "dijon mustard", + "diced tomatoes", + "chopped onion" + ] + }, + { + "id": 17852, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "large eggs", + "onions", + "bottled clam juice", + "salt", + "black peppercorns", + "water", + "fresh lemon juice", + "fillet red snapper", + "Turkish bay leaves" + ] + }, + { + "id": 27850, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "cold water", + "wheat flour", + "kosher salt", + "extra-virgin olive oil" + ] + }, + { + "id": 11706, + "cuisine": "irish", + "ingredients": [ + "nutmeg", + "flour", + "Jameson Whiskey", + "brown sugar", + "cinnamon", + "clove", + "dried fruit", + "black tea", + "eggs", + "baking powder", + "orange zest" + ] + }, + { + "id": 10266, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "frozen corn", + "orange", + "garlic", + "plantains", + "avocado", + "extra-virgin olive oil", + "fresh lime juice", + "baking powder", + "salt" + ] + }, + { + "id": 16524, + "cuisine": "mexican", + "ingredients": [ + "milk", + "garlic salt", + "cayenne pepper", + "butter", + "cumin", + "American cheese", + "green chilies" + ] + }, + { + "id": 14095, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "pickle relish", + "tomatoes", + "dill pickles", + "mustard", + "tomato ketchup", + "shredded cheddar cheese", + "ground beef" + ] + }, + { + "id": 47467, + "cuisine": "indian", + "ingredients": [ + "fresh coriander", + "salt", + "garam masala", + "cumin seed", + "potatoes", + "chillies", + "ginger" + ] + }, + { + "id": 14054, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "salsa verde", + "onions", + "iceberg lettuce", + "avocado", + "kosher salt", + "tortilla chips", + "skirt steak", + "green chile", + "lime juice", + "mexican chorizo", + "dried oregano", + "black beans", + "large garlic cloves", + "chopped cilantro fresh", + "ground cumin" + ] + }, + { + "id": 22181, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "lasagna noodles", + "dry mustard", + "cream cheese, soften", + "fresh chives", + "ground black pepper", + "cooking spray", + "salt", + "large egg whites", + "dijon mustard", + "fat-free cottage cheese", + "garlic cloves", + "pasta sauce", + "fresh parmesan cheese", + "large eggs", + "part-skim ricotta cheese" + ] + }, + { + "id": 23643, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "bay leaves", + "bacon slices", + "garlic cloves", + "black pepper", + "diced tomatoes", + "salt", + "dried rosemary", + "finely chopped onion", + "dry red wine", + "beef broth", + "lamb shanks", + "cannellini beans", + "chopped celery", + "carrots" + ] + }, + { + "id": 73, + "cuisine": "italian", + "ingredients": [ + "eggs", + "ricotta cheese", + "mozzarella cheese", + "salt", + "pasta sauce", + "pecorino romano cheese", + "pasta", + "eggplant" + ] + }, + { + "id": 47508, + "cuisine": "thai", + "ingredients": [ + "water", + "sweet potatoes", + "palm sugar", + "ginger" + ] + }, + { + "id": 25708, + "cuisine": "brazilian", + "ingredients": [ + "kosher salt", + "skirt steak", + "flat leaf parsley", + "black pepper", + "olives" + ] + }, + { + "id": 12825, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "ground cumin", + "chicken wings", + "butter", + "chili powder", + "ketchup", + "hot sauce" + ] + }, + { + "id": 21543, + "cuisine": "korean", + "ingredients": [ + "sugar", + "ground black pepper", + "green onions", + "carrots", + "shiitake", + "jalapeno chilies", + "dark sesame oil", + "noodles", + "water", + "enokitake", + "salt", + "boneless rib eye steaks", + "sake", + "lower sodium soy sauce", + "beef stock", + "garlic cloves" + ] + }, + { + "id": 150, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "water", + "Country Crock® Spread", + "instant rice", + "prepar salsa", + "frozen whole kernel corn" + ] + }, + { + "id": 44275, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "beef rib short", + "soy sauce", + "sesame oil", + "garlic cloves", + "water", + "Gochujang base", + "light brown sugar", + "peeled fresh ginger", + "scallions" + ] + }, + { + "id": 11416, + "cuisine": "indian", + "ingredients": [ + "fresh ginger root", + "vegetable oil", + "garlic", + "onions", + "ground turmeric", + "clove", + "potatoes", + "fresh green bean", + "carrots", + "cashew nuts", + "quinoa", + "butter", + "cardamom", + "frozen peas", + "water", + "broccoli florets", + "cauliflower florets", + "cinnamon sticks", + "chopped cilantro fresh" + ] + }, + { + "id": 43313, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "boneless skinless chicken breasts", + "salt", + "soy sauce", + "large eggs", + "vegetable oil", + "brown sugar", + "fresh ginger", + "apple cider vinegar", + "corn starch", + "ketchup", + "spring onions", + "garlic" + ] + }, + { + "id": 38444, + "cuisine": "greek", + "ingredients": [ + "great northern beans", + "zucchini", + "chopped onion", + "dried oregano", + "water", + "diced tomatoes", + "green beans", + "fresh dill", + "baking potatoes", + "feta cheese crumbles", + "ground black pepper", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 30792, + "cuisine": "jamaican", + "ingredients": [ + "water", + "yukon gold potatoes", + "garlic", + "allspice", + "dried thyme", + "habanero", + "coconut milk", + "curry powder", + "vegetable oil", + "salt", + "tomato sauce", + "goat", + "ginger", + "onions" + ] + }, + { + "id": 818, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "flour tortillas", + "salt", + "water", + "chile pepper", + "ripe olives", + "pepper", + "chili powder", + "chopped onion", + "Mexican cheese blend", + "lean ground beef", + "cumin" + ] + }, + { + "id": 41999, + "cuisine": "southern_us", + "ingredients": [ + "dried mint flakes", + "yellow bell pepper", + "vinaigrette", + "rose petals", + "buttermilk", + "toasted walnuts", + "bibb lettuce", + "vegetable oil", + "salt", + "ground cumin", + "green tomatoes", + "purple onion", + "cornmeal" + ] + }, + { + "id": 10611, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "pork tenderloin", + "chopped onion", + "cider vinegar", + "butter", + "ketchup", + "vegetable oil", + "garlic cloves", + "lower sodium soy sauce", + "salt" + ] + }, + { + "id": 42813, + "cuisine": "french", + "ingredients": [ + "minced garlic", + "flat leaf parsley", + "shallots", + "snails", + "unsalted butter" + ] + }, + { + "id": 20065, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "minced garlic", + "red pepper flakes", + "green bell pepper", + "olive oil", + "chickpeas", + "chicken broth", + "Italian herbs", + "diced tomatoes", + "basil pesto sauce", + "grated parmesan cheese", + "onions" + ] + }, + { + "id": 35621, + "cuisine": "italian", + "ingredients": [ + "jumbo shrimp", + "lemon zest", + "linguine", + "pepper", + "butter", + "salt", + "white wine", + "parsley", + "garlic", + "olive oil", + "red pepper flakes", + "lemon juice" + ] + }, + { + "id": 21474, + "cuisine": "korean", + "ingredients": [ + "kosher salt", + "brown rice", + "scallions", + "large eggs", + "beef broth", + "korean chile paste", + "zucchini", + "vegetable oil", + "kimchi", + "soy sauce", + "soft tofu", + "yellow onion" + ] + }, + { + "id": 49102, + "cuisine": "japanese", + "ingredients": [ + "large eggs", + "milk", + "vanilla extract", + "baking powder", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 29690, + "cuisine": "indian", + "ingredients": [ + "warm water", + "salt", + "active dry yeast", + "ghee", + "plain yogurt", + "all-purpose flour", + "seeds", + "white sugar" + ] + }, + { + "id": 10783, + "cuisine": "italian", + "ingredients": [ + "anchovies", + "extra-virgin olive oil", + "romaine lettuce", + "red wine vinegar", + "croutons", + "egg substitute", + "worcestershire sauce", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 588, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "tortilla chips", + "tomato salsa", + "salt", + "lime", + "corn tortillas" + ] + }, + { + "id": 4711, + "cuisine": "mexican", + "ingredients": [ + "cooked chicken", + "sour cream", + "green onions", + "fatfre cream of chicken soup", + "tomatoes", + "chili powder", + "shredded Monterey Jack cheese", + "pace picante sauce", + "fajita size flour tortillas" + ] + }, + { + "id": 465, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "vegetable oil", + "garlic cloves", + "galangal", + "fish sauce", + "serrano peppers", + "rice vinegar", + "red bell pepper", + "mushroom soy sauce", + "brown sugar", + "shallots", + "low sodium chicken stock", + "coconut milk", + "mango", + "kaffir lime leaves", + "peanuts", + "cilantro", + "chili garlic paste", + "chicken thighs" + ] + }, + { + "id": 14849, + "cuisine": "indian", + "ingredients": [ + "white vinegar", + "fresh ginger", + "boneless skinless chicken breasts", + "garlic cloves", + "ketchup", + "garam masala", + "salt", + "onions", + "tamarind", + "ground black pepper", + "cayenne pepper", + "sugar", + "whole grain mustard", + "vegetable oil", + "unsulphured molasses" + ] + }, + { + "id": 35939, + "cuisine": "indian", + "ingredients": [ + "cayenne", + "cucumber", + "paprika", + "ground cumin", + "mint leaves", + "plain whole-milk yogurt", + "pepper", + "salt" + ] + }, + { + "id": 26021, + "cuisine": "chinese", + "ingredients": [ + "water", + "dry sherry", + "corn starch", + "sugar", + "napa cabbage", + "oyster sauce", + "onions", + "light soy sauce", + "dark sesame oil", + "hot water", + "dried black mushrooms", + "chicken breast halves", + "garlic cloves", + "fermented black beans" + ] + }, + { + "id": 39619, + "cuisine": "french", + "ingredients": [ + "water", + "corn starch", + "fresh raspberries", + "sugar", + "fresh lime juice" + ] + }, + { + "id": 15427, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "poblano peppers", + "diced tomatoes", + "juice", + "ground cumin", + "green bell pepper", + "green onions", + "salt", + "fresh lime juice", + "black beans", + "vegetable stock", + "rice", + "chopped cilantro fresh", + "green chile", + "finely chopped onion", + "extra-virgin olive oil", + "red bell pepper" + ] + }, + { + "id": 30443, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "garlic cloves", + "peeled tomatoes", + "extra-virgin olive oil", + "kosher salt", + "crushed red pepper flakes", + "onions", + "fresh basil", + "grated parmesan cheese", + "bucatini" + ] + }, + { + "id": 2939, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "cilantro", + "oil", + "fennel seeds", + "coriander powder", + "salt", + "asafetida", + "eggplant", + "ginger", + "gram flour", + "red chili powder", + "yoghurt", + "cumin seed" + ] + }, + { + "id": 37747, + "cuisine": "brazilian", + "ingredients": [ + "crushed tomatoes", + "garlic", + "medium shrimp", + "green bell pepper", + "cooking oil", + "long-grain rice", + "onions", + "water", + "red pepper flakes", + "lemon juice", + "unsweetened coconut milk", + "ground black pepper", + "salt", + "fresh parsley" + ] + }, + { + "id": 37997, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "cornflakes", + "boneless skinless chicken breasts", + "large eggs", + "vegetable oil" + ] + }, + { + "id": 26770, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "cooking spray", + "fresh lime juice", + "low sodium soy sauce", + "pork tenderloin", + "red bell pepper", + "ground cumin", + "low-fat flour tortillas", + "garlic cloves", + "mango", + "sugar", + "non-fat sour cream", + "onions" + ] + }, + { + "id": 3257, + "cuisine": "italian", + "ingredients": [ + "angel food cake", + "unsweetened cocoa powder", + "mascarpone", + "heavy whipping cream", + "coffee granules", + "vanilla extract", + "coffee liqueur", + "confectioners sugar" + ] + }, + { + "id": 7097, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "baking soda", + "turkey sausage", + "white cornmeal", + "diced onions", + "whole wheat flour", + "large eggs", + "nonfat milk", + "egg substitute", + "cream style corn", + "greek style plain yogurt", + "pickled jalapeno peppers", + "black-eyed peas", + "colby jack cheese", + "lemon juice" + ] + }, + { + "id": 20285, + "cuisine": "japanese", + "ingredients": [ + "black cod fillets", + "mirin", + "vegetable oil", + "water", + "enokitake", + "garlic cloves", + "pepper", + "base", + "shimeji mushrooms", + "scallion greens", + "reduced sodium soy sauce", + "shallots" + ] + }, + { + "id": 19839, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "chopped fresh sage", + "black pepper", + "butternut squash", + "water", + "salt", + "parmigiano reggiano cheese", + "penne rigate" + ] + }, + { + "id": 18923, + "cuisine": "cajun_creole", + "ingredients": [ + "ground cinnamon", + "sprinkles", + "milk", + "confectioners sugar", + "firmly packed brown sugar", + "chopped pecans", + "refrigerated crescent rolls" + ] + }, + { + "id": 17668, + "cuisine": "french", + "ingredients": [ + "extra-virgin olive oil", + "garlic", + "kosher salt" + ] + }, + { + "id": 24099, + "cuisine": "french", + "ingredients": [ + "halibut fillets", + "small new potatoes", + "salt", + "vidalia onion", + "dijon mustard", + "white wine vinegar", + "green beans", + "fresh bay leaves", + "extra-virgin olive oil", + "fresh lemon juice", + "ground black pepper", + "lemon", + "garlic cloves" + ] + }, + { + "id": 45557, + "cuisine": "filipino", + "ingredients": [ + "ketchup", + "ground black pepper", + "rice vinegar", + "shrimp", + "sugar", + "kosher salt", + "ground pork", + "peanut oil", + "spring roll wrappers", + "chinese celery", + "large eggs", + "yellow onion", + "corn starch", + "soy sauce", + "water", + "salt", + "carrots" + ] + }, + { + "id": 35375, + "cuisine": "italian", + "ingredients": [ + "finely chopped onion", + "red wine vinegar", + "salt", + "prepared lasagne", + "black pepper", + "mushrooms", + "part-skim ricotta cheese", + "garlic cloves", + "olive oil", + "baby spinach", + "crushed red pepper", + "red bell pepper", + "fresh basil", + "lasagna noodles", + "diced tomatoes", + "shredded mozzarella cheese" + ] + }, + { + "id": 13887, + "cuisine": "indian", + "ingredients": [ + "nonfat yogurt", + "cayenne pepper", + "hothouse cucumber", + "curry powder", + "cilantro sprigs", + "halibut steak", + "peeled fresh ginger", + "garlic cloves", + "ground cumin", + "olive oil", + "seasoned rice wine vinegar", + "chopped cilantro fresh" + ] + }, + { + "id": 15090, + "cuisine": "mexican", + "ingredients": [ + "reduced sodium soy sauce", + "chopped cilantro fresh", + "olive oil", + "garlic cloves", + "lime", + "Sriracha", + "honey", + "boneless skinless chicken breasts" + ] + }, + { + "id": 15141, + "cuisine": "mexican", + "ingredients": [ + "flour", + "eggs", + "green chilies", + "salt", + "milk", + "monterey jack" + ] + }, + { + "id": 3864, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "cilantro sprigs", + "avocado", + "brown rice", + "shredded Monterey Jack cheese", + "black beans", + "lime wedges", + "bean dip", + "chunky" + ] + }, + { + "id": 4460, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "wheat flour", + "water", + "minced beef", + "soy sauce", + "ginger", + "spring onions", + "carrots" + ] + }, + { + "id": 6427, + "cuisine": "italian", + "ingredients": [ + "cottage cheese", + "egg noodles", + "dried oregano", + "part-skim mozzarella cheese", + "ground sirloin", + "dried basil", + "cooking spray", + "tomato purée", + "garlic powder", + "onions" + ] + }, + { + "id": 7766, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "pepper", + "salsa", + "sliced green onions", + "cheddar cheese", + "garlic powder", + "baked tortilla chips", + "taco sauce", + "non-fat sour cream", + "iceberg lettuce", + "ground round", + "kidney beans", + "whole kernel corn, drain" + ] + }, + { + "id": 29900, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "egg roll wrappers", + "butter", + "all-purpose flour", + "cream sauce", + "chicken bouillon", + "chopped green chilies", + "chili powder", + "garlic", + "oil", + "diced onions", + "water", + "chicken breasts", + "cheese", + "cayenne pepper", + "ground cumin", + "black pepper", + "garlic powder", + "onion powder", + "salt", + "sour cream" + ] + }, + { + "id": 32824, + "cuisine": "vietnamese", + "ingredients": [ + "green onions", + "white sugar", + "fish sauce", + "lemon", + "white vinegar", + "chile pepper", + "warm water", + "garlic" + ] + }, + { + "id": 14921, + "cuisine": "italian", + "ingredients": [ + "penne", + "fresh parmesan cheese", + "arugula", + "water", + "salt", + "olive oil", + "fresh lemon juice", + "pinenuts", + "large garlic cloves" + ] + }, + { + "id": 17355, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "bow-tie pasta", + "half & half", + "fresh mushrooms", + "grated parmesan cheese", + "sweet italian sausage", + "vodka", + "crushed red pepper flakes", + "roast red peppers, drain" + ] + }, + { + "id": 33350, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "fat", + "pepper", + "worcestershire sauce", + "light brown sugar", + "sesame oil", + "asian chile paste", + "light soy sauce", + "garlic" + ] + }, + { + "id": 10518, + "cuisine": "vietnamese", + "ingredients": [ + "rice stick noodles", + "fresh coriander", + "large garlic cloves", + "fresh mint", + "asian fish sauce", + "seedless cucumber", + "flank steak", + "roasted peanuts", + "fresh basil leaves", + "hot red pepper flakes", + "minced garlic", + "shredded lettuce", + "toasted sesame oil", + "sugar", + "water", + "salt", + "fresh lime juice" + ] + }, + { + "id": 42199, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "boneless skinless chicken breasts", + "all-purpose flour", + "black pepper", + "red pepper flakes", + "bbq sauce", + "soy sauce", + "vegetable oil", + "garlic cloves", + "fresh ginger", + "rice vinegar", + "cashew nuts" + ] + }, + { + "id": 16290, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "ground black pepper", + "extra-virgin olive oil", + "boneless skinless chicken breast halves", + "chicken stock", + "prosciutto", + "dry white wine", + "lentils", + "tomato sauce", + "unsalted butter", + "salt", + "italian tomatoes", + "parmigiano reggiano cheese", + "all-purpose flour" + ] + }, + { + "id": 46125, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "lean ground beef", + "cheddar cheese", + "green onions", + "onions", + "kidney beans", + "hot sauce", + "taco seasoning mix", + "canned jalapeno peppers" + ] + }, + { + "id": 34696, + "cuisine": "french", + "ingredients": [ + "fennel seeds", + "baguette", + "extra-virgin olive oil", + "celery", + "parsley sprigs", + "large eggs", + "garlic cloves", + "onions", + "black peppercorns", + "water", + "salt", + "thyme sprigs", + "black pepper", + "peas", + "California bay leaves", + "boiling potatoes" + ] + }, + { + "id": 40819, + "cuisine": "indian", + "ingredients": [ + "sugar", + "brown mustard seeds", + "canola oil", + "fresh curry leaves", + "cilantro leaves", + "kosher salt", + "thai chile", + "tumeric", + "fresh cranberries", + "asafetida" + ] + }, + { + "id": 15465, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "fresh cilantro", + "brown mustard seeds", + "salt", + "oil", + "cauliflower", + "lime juice", + "broccoli florets", + "garlic", + "chickpeas", + "frozen peas", + "chili pepper", + "fresh ginger", + "russet potatoes", + "yellow onion", + "coconut milk", + "spinach", + "sweetener", + "crimini mushrooms", + "powdered turmeric", + "cumin seed" + ] + }, + { + "id": 41682, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic cloves", + "black pepper", + "salt", + "polenta", + "fat free less sodium chicken broth", + "chopped onion", + "green cabbage", + "fresh parmesan cheese", + "bay leaf" + ] + }, + { + "id": 10752, + "cuisine": "russian", + "ingredients": [ + "sugar", + "cardamom pods", + "fresh ginger", + "fresh mint", + "clove", + "lemon zest", + "honey", + "cinnamon sticks" + ] + }, + { + "id": 23197, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "water chestnuts", + "salt", + "chopped cilantro", + "won ton skins", + "cooking wine", + "ground white pepper", + "soy sauce", + "napa cabbage leaves", + "scallions", + "pork butt", + "large egg whites", + "sesame oil", + "corn starch", + "dried mushrooms" + ] + }, + { + "id": 43662, + "cuisine": "italian", + "ingredients": [ + "almonds", + "corkscrew pasta", + "pecorino cheese", + "garlic", + "pancetta", + "extra-virgin olive oil", + "kale", + "salt" + ] + }, + { + "id": 2271, + "cuisine": "mexican", + "ingredients": [ + "milk", + "sugar", + "cinnamon sticks", + "egg yolks", + "shredded coconut" + ] + }, + { + "id": 14018, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "salt", + "soy sauce", + "ground pork", + "white sugar", + "chinese winter melon", + "fresh ginger", + "corn starch", + "eggs", + "water", + "cilantro leaves" + ] + }, + { + "id": 758, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "cake flour", + "ground cinnamon", + "anise", + "margarine", + "sugar", + "vanilla extract", + "baking powder", + "salt" + ] + }, + { + "id": 41109, + "cuisine": "french", + "ingredients": [ + "dry vermouth", + "bacon slices", + "low salt chicken broth", + "russet potatoes", + "garlic cloves", + "chopped fresh thyme", + "all-purpose flour", + "butter", + "veal scallops" + ] + }, + { + "id": 16007, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salt", + "baby spinach", + "shredded Monterey Jack cheese", + "flour tortillas", + "yellow onion", + "grapeseed oil" + ] + }, + { + "id": 17606, + "cuisine": "chinese", + "ingredients": [ + "ground black pepper", + "salt", + "soy sauce", + "fresh shiitake mushrooms", + "peanut oil", + "hoisin sauce", + "rice", + "kale", + "ginger", + "scallions" + ] + }, + { + "id": 17995, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "jalapeno chilies", + "salt", + "oil", + "masa harina", + "lime juice", + "chili powder", + "cayenne pepper", + "onions", + "water", + "Mexican oregano", + "salsa", + "ground beef", + "fresh cilantro", + "garlic", + "peanut oil", + "cumin" + ] + }, + { + "id": 40193, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "red bell pepper", + "balsamic vinegar", + "green bell pepper", + "yellow bell pepper", + "olive oil", + "onions" + ] + }, + { + "id": 19776, + "cuisine": "british", + "ingredients": [ + "dark corn syrup", + "whipping cream", + "grated lemon peel", + "sugar", + "unsalted butter", + "dark brown sugar", + "milk", + "all-purpose flour", + "blackberries", + "brandy", + "large eggs", + "fresh lemon juice" + ] + }, + { + "id": 48043, + "cuisine": "greek", + "ingredients": [ + "salt", + "ground black pepper", + "fresh mint", + "plain yogurt", + "cucumber", + "crushed garlic" + ] + }, + { + "id": 5793, + "cuisine": "southern_us", + "ingredients": [ + "curry powder", + "barbecue sauce", + "salt", + "fat free less sodium chicken broth", + "cooking spray", + "chili powder", + "and fat free half half", + "jalapeno chilies", + "cooked chicken", + "chopped onion", + "black beans", + "condensed reduced fat reduced sodium tomato soup", + "reduced-fat sour cream", + "garlic cloves" + ] + }, + { + "id": 24347, + "cuisine": "mexican", + "ingredients": [ + "romano cheese", + "olive oil", + "all-purpose flour", + "poblano chiles", + "shredded Monterey Jack cheese", + "roast breast of chicken", + "fat free less sodium chicken broth", + "Anaheim chile", + "rubbed sage", + "fat free cream cheese", + "ground cumin", + "cremini mushrooms", + "water", + "cooking spray", + "red bell pepper", + "chopped cilantro fresh", + "black pepper", + "shiitake", + "garlic cloves", + "corn tortillas", + "sliced green onions" + ] + }, + { + "id": 14435, + "cuisine": "southern_us", + "ingredients": [ + "white corn", + "green onions", + "chicken fingers", + "eggs", + "water", + "white beans", + "sour cream", + "green chile", + "cream of chicken soup", + "taco seasoning", + "onions", + "chicken broth", + "corn mix muffin", + "garlic", + "Mexican cheese" + ] + }, + { + "id": 19252, + "cuisine": "french", + "ingredients": [ + "chopped fresh chives", + "garlic cloves", + "unsalted butter", + "salt", + "potatoes", + "grated Gruyère cheese", + "ground black pepper", + "double cream" + ] + }, + { + "id": 42441, + "cuisine": "mexican", + "ingredients": [ + "crushed tomatoes", + "cilantro", + "eggs", + "poblano peppers", + "purple onion", + "avocado", + "lime", + "garlic", + "cotija", + "spices", + "corn tortillas" + ] + }, + { + "id": 9963, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "preserv raspberri seedless", + "fat free less sodium beef broth", + "ancho powder", + "center cut pork chops", + "dried thyme", + "salt" + ] + }, + { + "id": 5250, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "cooking oil", + "garlic", + "shredded Monterey Jack cheese", + "lime", + "cilantro stems", + "corn tortillas", + "black pepper", + "sweet potatoes", + "salt", + "ground cumin", + "avocado", + "chopped tomatoes", + "cooked chicken", + "onions" + ] + }, + { + "id": 2296, + "cuisine": "japanese", + "ingredients": [ + "chili powder", + "salt", + "wheat flour", + "amchur", + "peas", + "cumin seed", + "sugar", + "butter", + "all-purpose flour", + "cooking oil", + "rapid rise yeast", + "oil" + ] + }, + { + "id": 35245, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "ground allspice", + "mayonaise", + "large garlic cloves", + "creole mustard", + "green onions", + "bread crumb fresh", + "veal rib chops" + ] + }, + { + "id": 1383, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "shrimp", + "sugar", + "cilantro", + "white kidney beans", + "dried tarragon leaves", + "red wine vinegar", + "plum tomatoes", + "dried basil", + "purple onion" + ] + }, + { + "id": 41209, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "salt", + "chopped parsley", + "pepper", + "crushed red pepper flakes", + "carrots", + "chicken broth", + "black-eyed peas", + "chopped onion", + "celery", + "turkey bacon", + "garlic", + "red bell pepper" + ] + }, + { + "id": 567, + "cuisine": "thai", + "ingredients": [ + "butternut squash", + "lemongrass", + "coconut milk", + "red chili peppers", + "cilantro leaves", + "lime", + "onions" + ] + }, + { + "id": 2537, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "buttermilk", + "ground red pepper", + "all-purpose flour", + "butter", + "white cornmeal", + "large eggs", + "white cheddar cheese" + ] + }, + { + "id": 43860, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "large eggs", + "unsalted butter", + "salt", + "chipotle chile", + "fresh orange juice", + "semisweet chocolate", + "all-purpose flour" + ] + }, + { + "id": 39870, + "cuisine": "chinese", + "ingredients": [ + "gai lan", + "minced ginger", + "beef sirloin", + "white onion", + "Shaoxing wine", + "corn starch", + "sugar", + "light soy sauce", + "peanut oil", + "dark soy sauce", + "minced garlic", + "green onions", + "noodles" + ] + }, + { + "id": 5761, + "cuisine": "italian", + "ingredients": [ + "pearl onions", + "chicken breast halves", + "pitted olives", + "dried rosemary", + "chicken stock", + "potatoes", + "green peas", + "fresh mushrooms", + "dried thyme", + "butter", + "salt", + "pepper", + "dry white wine", + "garlic", + "pimento stuffed green olives" + ] + }, + { + "id": 29678, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "shredded lettuce", + "pinto beans", + "chopped cilantro fresh", + "tomato sauce", + "olive oil", + "salt", + "ground beef", + "taco shells", + "chili powder", + "salsa", + "onions", + "water", + "diced tomatoes", + "sour cream", + "ground cumin" + ] + }, + { + "id": 34513, + "cuisine": "greek", + "ingredients": [ + "prawns", + "fresh lemon juice", + "olive oil", + "coarse salt", + "dried thyme", + "lemon wedge", + "dried oregano", + "ground black pepper", + "grated lemon zest" + ] + }, + { + "id": 43286, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "cooking wine", + "soy", + "sugar", + "star anise", + "chinese five-spice powder", + "ground cumin", + "chili", + "salt", + "chicken", + "white wine", + "garlic", + "oil" + ] + }, + { + "id": 21874, + "cuisine": "cajun_creole", + "ingredients": [ + "redfish", + "unsalted butter", + "fresh orange juice", + "fresh herbs", + "brioche", + "butter", + "rice vinegar", + "shrimp", + "fennel", + "fresh tarragon", + "cayenne pepper", + "salad", + "egg yolks", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 978, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic cloves", + "fresh basil", + "large eggs", + "sliced green onions", + "bread", + "ground black pepper", + "plum tomatoes", + "pecorino cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 30874, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "olive oil", + "salt", + "serrano chile", + "pepper", + "green onions", + "garlic cloves", + "soy sauce", + "eggplant", + "rice vinegar", + "cooked chicken breasts", + "cooked rice", + "water", + "sesame oil", + "bok choy" + ] + }, + { + "id": 22569, + "cuisine": "greek", + "ingredients": [ + "green onions", + "plain yogurt", + "feta cheese", + "grated lemon peel" + ] + }, + { + "id": 32204, + "cuisine": "greek", + "ingredients": [ + "fat free yogurt", + "cucumber", + "lemon rind", + "salt", + "chopped cilantro fresh", + "ground black pepper", + "fresh parsley" + ] + }, + { + "id": 16706, + "cuisine": "southern_us", + "ingredients": [ + "barbecue sauce", + "hot chili sauce", + "soy sauce" + ] + }, + { + "id": 40703, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "crushed red pepper", + "dry roasted peanuts", + "dark sesame oil", + "sugar", + "rice vinegar", + "thai basil", + "garlic cloves" + ] + }, + { + "id": 697, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "salt", + "nutmeg", + "parmigiano reggiano cheese", + "goat cheese", + "eggs", + "whole milk ricotta cheese", + "garlic cloves", + "frozen spinach", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 22150, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "worcestershire sauce", + "fresh lemon juice", + "pepper", + "french bread", + "salt", + "dried oregano", + "unsalted butter", + "paprika", + "shrimp shells", + "dried thyme", + "onion powder", + "cayenne pepper", + "chopped garlic" + ] + }, + { + "id": 45083, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "beef", + "cilantro", + "roasted peanuts", + "coriander", + "lemongrass", + "shallots", + "salt", + "lime leaves", + "water", + "shrimp paste", + "garlic", + "oil", + "ground cumin", + "palm sugar", + "chili powder", + "coconut cream", + "galangal" + ] + }, + { + "id": 26824, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "unsalted butter", + "vanilla extract", + "pecans", + "sweet potatoes", + "grated nutmeg", + "ground cinnamon", + "large eggs", + "maple syrup", + "kosher salt", + "bourbon whiskey", + "pie shell" + ] + }, + { + "id": 37032, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "szechwan peppercorns", + "cinnamon sticks", + "chinese rock sugar", + "licorice root", + "star anise", + "clove", + "soy sauce", + "black tea leaves", + "orange peel", + "eggs", + "fresh ginger root", + "chinese five-spice powder" + ] + }, + { + "id": 3702, + "cuisine": "korean", + "ingredients": [ + "fresh ginger root", + "beef rib short", + "brown sugar", + "green onions", + "reduced sodium soy sauce", + "carrots", + "water", + "garlic" + ] + }, + { + "id": 17835, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "spices", + "chinese black vinegar", + "spring onions", + "duck", + "chinese pancakes", + "star anise", + "rice wine", + "orange peel" + ] + }, + { + "id": 35926, + "cuisine": "spanish", + "ingredients": [ + "water", + "prawns", + "farro", + "fine sea salt", + "ancho chile pepper", + "mussels", + "ground black pepper", + "dry white wine", + "extra-virgin olive oil", + "sweet paprika", + "varnish clams", + "clams", + "crushed tomatoes", + "green onions", + "tomatoes with juice", + "yellow onion", + "flat leaf parsley", + "green bell pepper", + "seafood stock", + "parsley", + "garlic", + "red bell pepper", + "chorizo sausage" + ] + }, + { + "id": 19324, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "diced tomatoes", + "carrots", + "brown basmati rice", + "chicken broth", + "minced ginger", + "salt", + "onions", + "curry powder", + "garlic", + "chopped cilantro", + "canola oil", + "black pepper", + "heavy cream", + "cayenne pepper", + "chicken thighs" + ] + }, + { + "id": 38341, + "cuisine": "greek", + "ingredients": [ + "vanilla extract", + "water", + "chopped walnuts", + "butter", + "confectioners sugar", + "clove", + "all-purpose flour" + ] + }, + { + "id": 40420, + "cuisine": "french", + "ingredients": [ + "canned low sodium chicken broth", + "ground black pepper", + "butter", + "fresh parsley", + "crushed tomatoes", + "flour", + "salt", + "dry vermouth", + "cooking oil", + "garlic", + "onions", + "dried thyme", + "mushrooms", + "bone-in chicken breasts" + ] + }, + { + "id": 34062, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "red wine vinegar", + "chopped garlic", + "soy sauce", + "cooked chicken", + "scallions", + "spinach", + "hoisin sauce", + "chinese cabbage", + "fresh ginger", + "corn oil", + "carrots" + ] + }, + { + "id": 34952, + "cuisine": "chinese", + "ingredients": [ + "garlic chili sauce", + "vegetable oil", + "extra large shrimp", + "long grain white rice", + "broccoli" + ] + }, + { + "id": 34817, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "garlic", + "scallions", + "grits", + "Tabasco Pepper Sauce", + "all-purpose flour", + "shrimp", + "unsalted butter", + "salt", + "lemon juice", + "chicken stock", + "bacon", + "sharp cheddar cheese", + "onions" + ] + }, + { + "id": 38243, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "grated parmesan cheese", + "black pepper", + "dry white wine", + "fresh basil", + "low sodium chicken broth", + "unsalted butter", + "onions" + ] + }, + { + "id": 6162, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "soybean sprouts", + "garlic cloves", + "brown sugar", + "mushrooms", + "rice", + "beef carpaccio", + "eggs", + "zucchini", + "Gochujang base", + "carrots", + "fresh spinach", + "salt", + "oil" + ] + }, + { + "id": 9934, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "okra pods", + "salt" + ] + }, + { + "id": 21314, + "cuisine": "irish", + "ingredients": [ + "buttermilk", + "grated orange", + "self rising flour", + "vanilla extract", + "butter", + "chopped pecans", + "sugar", + "fresh orange juice" + ] + }, + { + "id": 1099, + "cuisine": "thai", + "ingredients": [ + "pepper", + "cilantro", + "vegetable broth", + "peanut butter", + "sliced green onions", + "celery ribs", + "olive oil", + "Thai red curry paste", + "garlic", + "beansprouts", + "lime", + "ginger", + "light coconut milk", + "shrimp", + "brown sugar", + "baby spinach", + "rice vermicelli", + "salt", + "onions" + ] + }, + { + "id": 36690, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "fresh ginger root", + "vegetable oil", + "oil", + "chile paste", + "flank steak", + "salt", + "red bell pepper", + "water", + "granulated sugar", + "garlic", + "corn starch", + "soy sauce", + "honey", + "rice wine", + "rice vinegar", + "onions" + ] + }, + { + "id": 21256, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "cilantro", + "garlic paste", + "chile pepper", + "cumin seed", + "tomatoes", + "eggplant", + "salt", + "plain yogurt", + "vegetable oil", + "onions" + ] + }, + { + "id": 24485, + "cuisine": "thai", + "ingredients": [ + "black pepper", + "light coconut milk", + "corn starch", + "green curry paste", + "yellow onion", + "lime", + "salt", + "stir fry vegetable blend", + "brown sugar", + "boneless skinless chicken breasts", + "garlic cloves" + ] + }, + { + "id": 8857, + "cuisine": "mexican", + "ingredients": [ + "guacamole", + "shredded Monterey Jack cheese", + "olive oil", + "cilantro leaves", + "prepar salsa", + "flour tortillas", + "flat leaf parsley" + ] + }, + { + "id": 2333, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "rice wine", + "garlic cloves", + "sugar", + "thai basil", + "chicken drumsticks", + "fresh ginger", + "sesame oil", + "red chili peppers", + "steamed white rice", + "meat bones" + ] + }, + { + "id": 44675, + "cuisine": "vietnamese", + "ingredients": [ + "eggs", + "lime juice", + "cucumber", + "sweet chili sauce", + "salt", + "chicken", + "white vinegar", + "pepper", + "carrots", + "sugar", + "vegetables", + "green papaya" + ] + }, + { + "id": 23789, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "fresh mushrooms", + "bok choy", + "toasted sesame seeds", + "water", + "purple onion", + "corn starch", + "wonton noodles", + "pepper", + "vegetable oil", + "oyster sauce", + "celery", + "green onions", + "salt", + "red bell pepper", + "mung bean sprouts" + ] + }, + { + "id": 6503, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "chopped onion", + "minced garlic", + "dry white wine", + "fresh basil", + "eggplant", + "brine-cured black olives", + "whole wheat bread slices", + "vegetable oil spray", + "low salt chicken broth" + ] + }, + { + "id": 29896, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "mozzarella cheese", + "grated parmesan cheese", + "sausages", + "ground chuck", + "ground black pepper", + "salt", + "dried oregano", + "fire roasted diced tomatoes", + "olive oil", + "ricotta cheese", + "onions", + "pepperoni slices", + "lasagna noodles", + "garlic cloves" + ] + }, + { + "id": 25796, + "cuisine": "french", + "ingredients": [ + "sugar", + "olive oil", + "fresh thyme", + "coarse salt", + "beef tenderloin", + "bay leaf", + "fresh rosemary", + "ground cloves", + "ground black pepper", + "shallots", + "large garlic cloves", + "all-purpose flour", + "brandy", + "ground nutmeg", + "bay leaves", + "canned beef broth", + "rosemary leaves", + "grated orange peel", + "minced garlic", + "unsalted butter", + "fresh thyme leaves", + "dry red wine", + "sliced shallots" + ] + }, + { + "id": 40734, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "bay leaves", + "sweetened condensed milk", + "orange", + "pork shoulder", + "water", + "garlic cloves", + "dried oregano", + "white onion", + "fine salt", + "pork lard" + ] + }, + { + "id": 1947, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "cilantro leaves", + "mayonaise", + "green onions", + "corn tortillas", + "lime", + "salt", + "vidalia onion", + "red cabbage", + "filet" + ] + }, + { + "id": 26700, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "chili powder", + "cayenne pepper", + "corn tortillas", + "ground cumin", + "corn salsa", + "lime juice", + "ground pork", + "sour cream", + "onions", + "black beans", + "ground black pepper", + "pineapple juice", + "coconut milk", + "oregano", + "avocado", + "shredded cheddar cheese", + "large garlic cloves", + "smoked paprika", + "chopped cilantro" + ] + }, + { + "id": 49203, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "monterey jack", + "prepar salsa", + "flour tortillas", + "chorizo sausage", + "hot sauce" + ] + }, + { + "id": 29271, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "fresh lemon juice", + "ground black pepper", + "salt", + "boneless skinless chicken breast halves", + "dried mint flakes", + "garlic cloves", + "dried oregano", + "salad", + "purple onion", + "fresh mint" + ] + }, + { + "id": 13416, + "cuisine": "vietnamese", + "ingredients": [ + "lime juice", + "fresh ginger root", + "sesame oil", + "rice paper", + "seedless cucumber", + "ground peanut", + "jalapeno chilies", + "fresh mint", + "fish sauce", + "fresh cilantro", + "lemon grass", + "peanut oil", + "red leaf lettuce", + "thai basil", + "boneless skinless chicken breasts", + "white sugar" + ] + }, + { + "id": 29656, + "cuisine": "mexican", + "ingredients": [ + "enchilada sauce", + "milk", + "chicken", + "shredded cheddar cheese", + "fritos", + "cream of chicken soup" + ] + }, + { + "id": 28358, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "cooking oil", + "unsalted butter", + "heavy cream", + "granulated sugar", + "strawberries", + "self rising flour" + ] + }, + { + "id": 44499, + "cuisine": "chinese", + "ingredients": [ + "dry sherry", + "broccoli", + "kosher salt", + "ginger", + "corn starch", + "soy sauce", + "crushed red pepper flakes", + "oyster sauce", + "flank steak", + "garlic", + "canola oil" + ] + }, + { + "id": 49220, + "cuisine": "italian", + "ingredients": [ + "pepper", + "garlic", + "escarole", + "olive oil", + "salt", + "italian chicken sausage", + "crushed red pepper", + "onions", + "pasta", + "parmigiano reggiano cheese", + "red bell pepper" + ] + }, + { + "id": 43075, + "cuisine": "jamaican", + "ingredients": [ + "jamaican jerk season", + "chopped onion", + "brown rice", + "red beans", + "chopped cilantro fresh", + "fat free less sodium chicken broth", + "bacon slices" + ] + }, + { + "id": 5033, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "butter", + "roasting chickens", + "olive oil", + "mushrooms", + "heavy cream", + "onions", + "fresh spinach", + "grated parmesan cheese", + "condensed cream of mushroom soup", + "shredded mozzarella cheese", + "salt and ground black pepper", + "ricotta cheese", + "garlic" + ] + }, + { + "id": 30371, + "cuisine": "mexican", + "ingredients": [ + "bananas", + "fresh lemon juice", + "roasted salted cashews", + "sugar" + ] + }, + { + "id": 24831, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "tomatoes", + "extra-virgin olive oil", + "fresh basil leaves", + "parmesan cheese", + "spaghetti squash", + "mozzarella cheese", + "garlic" + ] + }, + { + "id": 39872, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "purple onion", + "jalapeno chilies", + "lime", + "tomatoes", + "cilantro" + ] + }, + { + "id": 41616, + "cuisine": "italian", + "ingredients": [ + "sea salt", + "beefsteak tomatoes", + "extra-virgin olive oil", + "avocado", + "chees fresh mozzarella", + "balsamic vinegar", + "freshly ground pepper" + ] + }, + { + "id": 40924, + "cuisine": "british", + "ingredients": [ + "water", + "red wine", + "balsamic reduction", + "eggs", + "potatoes", + "all-purpose flour", + "diced onions", + "rosemary", + "salt", + "steak", + "pepper", + "butter", + "carrots" + ] + }, + { + "id": 37271, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "ground coriander", + "chopped cilantro fresh", + "chicken breasts", + "sour cream", + "Mexican cheese blend", + "red enchilada sauce", + "ground cumin", + "chile pepper", + "corn tortillas" + ] + }, + { + "id": 7875, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "broccoli", + "garlic", + "peanut oil", + "water", + "peanut butter", + "brown sugar", + "crushed red pepper", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 15809, + "cuisine": "italian", + "ingredients": [ + "baguette", + "grated parmesan cheese", + "olive oil", + "red bell pepper", + "minced garlic", + "whipping cream", + "fresh spinach", + "prosciutto" + ] + }, + { + "id": 33565, + "cuisine": "italian", + "ingredients": [ + "water", + "garlic", + "white onion", + "ground black pepper", + "garlic salt", + "romano cheese", + "garbanzo beans", + "tuna packed in olive oil", + "pitted black olives", + "olive oil", + "penne pasta" + ] + }, + { + "id": 18221, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "Italian seasoned breadcrumbs", + "pasta sauce", + "ricotta cheese", + "eggs", + "parmesan cheese", + "mozzarella cheese", + "basil" + ] + }, + { + "id": 41482, + "cuisine": "cajun_creole", + "ingredients": [ + "hot pepper sauce", + "all-purpose flour", + "medium shrimp", + "crushed tomatoes", + "crushed garlic", + "celery", + "white sugar", + "tomato sauce", + "vegetable oil", + "cayenne pepper", + "onions", + "ground black pepper", + "salt", + "bay leaf" + ] + }, + { + "id": 45682, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "red wine vinegar", + "garlic cloves", + "olive oil", + "salt", + "onions", + "pepper", + "cheese", + "croutons", + "tomatoes", + "garnish", + "fresh oregano" + ] + }, + { + "id": 46576, + "cuisine": "brazilian", + "ingredients": [ + "olive oil", + "salt", + "eggs", + "yucca", + "chopped cilantro", + "garlic powder", + "chopped onion", + "chorizo", + "coconut flour" + ] + }, + { + "id": 25428, + "cuisine": "italian", + "ingredients": [ + "scallops", + "linguine", + "green peas", + "uncook medium shrimp, peel and devein", + "dry white wine", + "garlic", + "I Can't Believe It's Not Butter!® Spread", + "onions" + ] + }, + { + "id": 36196, + "cuisine": "french", + "ingredients": [ + "pepper", + "butter", + "chopped parsley", + "riesling", + "salt", + "onions", + "olive oil", + "bacon", + "chicken pieces", + "cream", + "crimini mushrooms", + "garlic cloves" + ] + }, + { + "id": 29672, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "water", + "corn starch", + "reduced sodium chicken broth", + "broccoli florets", + "canola oil", + "table salt", + "beef", + "ginger root", + "minced garlic", + "red pepper flakes" + ] + }, + { + "id": 24164, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "ground black pepper", + "salt", + "lemon juice", + "navy beans", + "water", + "butter", + "cayenne pepper", + "white sugar", + "eggs", + "olive oil", + "garlic", + "frozen brussels sprouts", + "boneless skinless chicken breast halves", + "pepper", + "grated parmesan cheese", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 3493, + "cuisine": "mexican", + "ingredients": [ + "catalina dressing", + "water", + "doritos", + "cheddar cheese", + "sour cream", + "tomatoes", + "taco seasoning", + "lettuce", + "red kidnei beans, rins and drain", + "ground beef" + ] + }, + { + "id": 45351, + "cuisine": "thai", + "ingredients": [ + "white pepper", + "jalapeno chilies", + "bird chile", + "fish sauce", + "palm sugar", + "garlic", + "thai basil", + "shallots", + "ground chicken", + "kecap manis", + "oil" + ] + }, + { + "id": 31579, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "cracker crumbs", + "fresh parsley", + "dijon mustard", + "butter", + "garlic powder", + "chicken cutlets", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 18370, + "cuisine": "mexican", + "ingredients": [ + "serrano peppers", + "chopped onion", + "chopped cilantro", + "kosher salt", + "garlic", + "red bell pepper", + "monterey jack", + "canned black beans", + "diced tomatoes", + "scallions", + "cumin", + "reduced sodium fat free chicken broth", + "frozen corn", + "ground turkey" + ] + }, + { + "id": 36943, + "cuisine": "southern_us", + "ingredients": [ + "pimentos", + "chopped parsley", + "worcestershire sauce", + "extra sharp cheddar cheese", + "ground red pepper", + "onions", + "mayonaise", + "sharp cheddar cheese" + ] + }, + { + "id": 39873, + "cuisine": "italian", + "ingredients": [ + "red wine", + "carrots", + "tomatoes", + "extra-virgin olive oil", + "ground beef", + "tomato paste", + "ground pork", + "celery", + "black pepper", + "salt", + "onions" + ] + }, + { + "id": 1320, + "cuisine": "italian", + "ingredients": [ + "ground round", + "chili powder", + "beef broth", + "ground cumin", + "tomato paste", + "shredded cheddar cheese", + "purple onion", + "onions", + "black beans", + "diced tomatoes", + "sour cream", + "green chile", + "olive oil", + "salt", + "spaghetti" + ] + }, + { + "id": 2591, + "cuisine": "italian", + "ingredients": [ + "clams", + "fresh parmesan cheese", + "onions", + "pizza crust", + "reduced fat alfredo sauce", + "black pepper", + "bacon slices", + "dried thyme", + "fresh parsley" + ] + }, + { + "id": 1283, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "chopped garlic", + "serrano chilies", + "salt", + "lime juice", + "chopped cilantro fresh", + "tomatillos" + ] + }, + { + "id": 39524, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "serrano peppers", + "purple onion", + "scallions", + "cumin", + "lime juice", + "hand", + "pineapple", + "greek style plain yogurt", + "chopped cilantro", + "mango", + "avocado", + "pineapple salsa", + "chili powder", + "salt", + "mahi mahi fillets", + "cabbage", + "chili", + "flour tortillas", + "cilantro", + "serrano", + "coriander" + ] + }, + { + "id": 28775, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "onions", + "fresh rosemary", + "low salt chicken broth", + "bread", + "grated parmesan cheese", + "thick-cut bacon", + "fresh basil", + "escarole" + ] + }, + { + "id": 9571, + "cuisine": "british", + "ingredients": [ + "water", + "worcestershire sauce", + "vegetable oil", + "onions", + "black pepper", + "canned beef broth", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 17870, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "slaw mix", + "low sodium soy sauce", + "green onions", + "garlic cloves", + "white button mushrooms", + "flour tortillas", + "rice vinegar", + "olive oil", + "boneless skinless chicken breasts", + "corn starch" + ] + }, + { + "id": 1439, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "black beans", + "ground black pepper", + "purple onion", + "ground cumin", + "tomato paste", + "ancho chili ground pepper", + "lean ground beef", + "homemade beef stock", + "avocado", + "chili pepper", + "chile pepper", + "salt", + "(14.5 oz.) diced tomatoes", + "olive oil", + "cilantro", + "fresh lime juice" + ] + }, + { + "id": 21748, + "cuisine": "moroccan", + "ingredients": [ + "paprika", + "garlic cloves", + "basmati rice", + "cooking spray", + "mahimahi", + "flat leaf parsley", + "extra-virgin olive oil", + "fresh lemon juice", + "ground cumin", + "ground red pepper", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 1558, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "mirin", + "ramen noodles", + "salt", + "nori sheets", + "chicken", + "dashi kombu", + "spring onions", + "ginger", + "oil", + "pork shoulder", + "sake", + "bonito flakes", + "chili oil", + "freshly ground pepper", + "toasted sesame oil", + "cold water", + "reduced sodium soy sauce", + "shichimi togarashi", + "garlic", + "carrots", + "pork bones" + ] + }, + { + "id": 24147, + "cuisine": "italian", + "ingredients": [ + "cremini mushrooms", + "shallots", + "corn starch", + "water", + "salt", + "fat free less sodium chicken broth", + "butter", + "polenta", + "chopped fresh chives", + "fresh lemon juice" + ] + }, + { + "id": 6407, + "cuisine": "irish", + "ingredients": [ + "chopped fresh chives", + "salsa", + "grating cheese", + "potatoes", + "greek yogurt" + ] + }, + { + "id": 18005, + "cuisine": "italian", + "ingredients": [ + "pepper", + "grated parmesan cheese", + "fresh mushrooms", + "pearl onions", + "butter", + "water", + "orzo pasta", + "fresh parsley", + "white wine", + "garlic powder", + "salt" + ] + }, + { + "id": 132, + "cuisine": "spanish", + "ingredients": [ + "coriander seeds", + "sea salt", + "fresh mint", + "frozen orange juice concentrate", + "fennel bulb", + "extra-virgin olive oil", + "ground black pepper", + "navel oranges", + "fat free yogurt", + "red wine vinegar", + "purple onion" + ] + }, + { + "id": 27955, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "boneless skinless chicken breasts", + "salt", + "corn starch", + "white pepper", + "marinade", + "oil", + "soy sauce", + "baking powder", + "lemon slices", + "chicken broth", + "large eggs", + "yellow food coloring", + "lemon juice" + ] + }, + { + "id": 43864, + "cuisine": "mexican", + "ingredients": [ + "corn husks", + "sauce", + "masa dough", + "salt", + "hot water", + "cooking spray", + "chopped onion", + "dried oregano", + "ground sirloin", + "garlic cloves" + ] + }, + { + "id": 16034, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sesame seeds", + "grapeseed oil", + "garlic cloves", + "onions", + "fresh ginger", + "rice wine", + "Gochujang base", + "kimchi", + "water", + "mirin", + "beef broth", + "carrots", + "boneless chuck roast", + "sesame oil", + "scallions", + "bay leaf" + ] + }, + { + "id": 18400, + "cuisine": "southern_us", + "ingredients": [ + "poblano peppers", + "yellow onion", + "corn", + "heavy cream", + "butter", + "olive oil", + "salt" + ] + }, + { + "id": 28079, + "cuisine": "greek", + "ingredients": [ + "orange", + "frozen mixed berries", + "bananas", + "greek yogurt" + ] + }, + { + "id": 26510, + "cuisine": "mexican", + "ingredients": [ + "dried cherry", + "tomatillos", + "corn tortillas", + "pears", + "green onions", + "large garlic cloves", + "dried oregano", + "dried apricot", + "epazote", + "onions", + "chipotle chile", + "vegetable oil", + "cinnamon sticks", + "chicken" + ] + }, + { + "id": 13357, + "cuisine": "jamaican", + "ingredients": [ + "capers", + "dried thyme", + "crushed red pepper flakes", + "long-grain rice", + "black beans", + "boneless skinless chicken breasts", + "garlic", + "black pepper", + "olive oil", + "dry red wine", + "onions", + "curry powder", + "diced tomatoes", + "ground allspice" + ] + }, + { + "id": 24721, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "asian fish sauce", + "brown sugar", + "fresh lime juice" + ] + }, + { + "id": 8808, + "cuisine": "indian", + "ingredients": [ + "bread", + "garam masala", + "salt", + "tomatoes", + "capsicum", + "oil", + "mustard", + "seeds", + "green chilies", + "tumeric", + "chili powder", + "coriander" + ] + }, + { + "id": 10219, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "orzo", + "red bell pepper", + "greek seasoning", + "cooking spray", + "salt", + "chicken breast tenders", + "extra-virgin olive oil", + "capers", + "green onions", + "fresh lemon juice" + ] + }, + { + "id": 13729, + "cuisine": "brazilian", + "ingredients": [ + "chili flakes", + "paprika", + "piri-piri sauce", + "pepper", + "salt", + "paprika paste", + "garlic", + "chicken", + "olive oil", + "lemon juice" + ] + }, + { + "id": 48750, + "cuisine": "greek", + "ingredients": [ + "pitas", + "garlic", + "garlic cloves", + "oregano", + "water", + "red wine vinegar", + "salt", + "lemon juice", + "pepper", + "pork loin", + "purple onion", + "fresh lemon juice", + "olive oil", + "extra-virgin olive oil", + "english cucumber", + "greek yogurt" + ] + }, + { + "id": 15305, + "cuisine": "japanese", + "ingredients": [ + "edamame", + "sushi rice", + "nori", + "wasabi", + "white sesame seeds", + "salt" + ] + }, + { + "id": 12125, + "cuisine": "southern_us", + "ingredients": [ + "fresh thyme leaves", + "lemon juice", + "ground black pepper", + "old bay seasoning", + "butter", + "large shrimp", + "Tabasco Pepper Sauce", + "worcestershire sauce" + ] + }, + { + "id": 3131, + "cuisine": "indian", + "ingredients": [ + "pastry", + "potatoes", + "cumin seed", + "frozen peas", + "cold water", + "water", + "ginger", + "rapeseed oil", + "fresh coriander", + "chili powder", + "oil", + "plain flour", + "garam masala", + "salt", + "chillies" + ] + }, + { + "id": 38976, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "coriander powder", + "cumin seed", + "tumeric", + "gluten free all purpose flour", + "tomatoes", + "salt", + "oil", + "marsala wine", + "chickpeas" + ] + }, + { + "id": 37609, + "cuisine": "irish", + "ingredients": [ + "large egg whites", + "jam", + "large eggs", + "sugar", + "fine sea salt", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 43290, + "cuisine": "mexican", + "ingredients": [ + "guajillo chiles", + "cinnamon", + "lard", + "boneless pork shoulder", + "ground black pepper", + "garlic cloves", + "dried oregano", + "chicken stock", + "baking powder", + "hot water", + "masa harina", + "kosher salt", + "banana leaves", + "chipotles in adobo" + ] + }, + { + "id": 1236, + "cuisine": "italian", + "ingredients": [ + "pecorino cheese", + "bay leaves", + "garlic", + "onions", + "tomatoes", + "boar", + "extra-virgin olive oil", + "fresh parsley", + "gnocchetti sardi", + "red wine", + "carrots", + "juniper berries", + "basil", + "celery" + ] + }, + { + "id": 33204, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "Progresso Balsamic Vinegar", + "shredded mozzarella cheese", + "gray salt", + "beef broth", + "onions", + "sage leaves", + "country bread", + "chopped garlic" + ] + }, + { + "id": 1164, + "cuisine": "korean", + "ingredients": [ + "red chili peppers", + "sesame oil", + "scallions", + "shiitake", + "garlic", + "soy sauce", + "chinese wheat noodles", + "carrots", + "sugar", + "flank steak", + "peanut oil" + ] + }, + { + "id": 10126, + "cuisine": "italian", + "ingredients": [ + "pepper", + "truffle oil", + "dry white wine", + "chopped celery", + "chopped fresh sage", + "shiitake mushroom caps", + "tomatoes", + "sherry vinegar", + "butternut squash", + "green peas", + "unsalted pumpkinseed kernels", + "carrots", + "water", + "chopped fresh chives", + "brown rice", + "salt", + "wild rice", + "fresh parsley", + "fontina cheese", + "olive oil", + "leeks", + "chopped fresh thyme", + "pearl barley", + "garlic cloves" + ] + }, + { + "id": 3747, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "cumin", + "low sodium chicken broth", + "chopped cilantro", + "olive oil", + "yellow onion", + "tomato paste", + "garlic", + "long grain white rice" + ] + }, + { + "id": 4954, + "cuisine": "italian", + "ingredients": [ + "capers", + "ground black pepper", + "chopped onion", + "flat leaf parsley", + "water", + "diced tomatoes", + "garlic cloves", + "large shrimp", + "pitted kalamata olives", + "dry white wine", + "lemon rind", + "couscous", + "fresh basil", + "olive oil", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 17940, + "cuisine": "french", + "ingredients": [ + "whole allspice", + "veal", + "heavy cream", + "fatback", + "pork shoulder", + "unsalted butter", + "baked ham", + "grated nutmeg", + "California bay leaves", + "black peppercorns", + "finely chopped onion", + "chopped fresh thyme", + "cognac", + "chicken livers", + "kosher salt", + "large eggs", + "bacon slices", + "garlic cloves" + ] + }, + { + "id": 43704, + "cuisine": "greek", + "ingredients": [ + "rice", + "greek seasoning", + "ripe olives", + "tomatoes", + "lemon juice" + ] + }, + { + "id": 14692, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "sesame oil", + "soy sauce", + "green onions", + "ground black pepper", + "white sugar", + "minced garlic", + "flank steak" + ] + }, + { + "id": 42921, + "cuisine": "italian", + "ingredients": [ + "milk", + "lemon zest", + "salt", + "marsala wine", + "large egg yolks", + "golden raisins", + "citron", + "sugar", + "active dry yeast", + "large eggs", + "fresh lemon juice", + "water", + "unsalted butter", + "all purpose unbleached flour" + ] + }, + { + "id": 34151, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "tomatoes", + "grated parmesan cheese", + "anchovy fillets", + "ground black pepper", + "salt", + "fontina", + "baking potatoes", + "dried oregano" + ] + }, + { + "id": 21835, + "cuisine": "cajun_creole", + "ingredients": [ + "yellow squash", + "green onions", + "garlic", + "oil", + "cooked rice", + "file powder", + "worcestershire sauce", + "chopped onion", + "shrimp", + "chicken broth", + "cayenne", + "parsley", + "salt", + "diced celery", + "green bell pepper", + "bay leaves", + "bacon", + "okra" + ] + }, + { + "id": 42440, + "cuisine": "italian", + "ingredients": [ + "Italian parsley leaves", + "chopped fresh mint", + "grated parmesan cheese", + "garlic cloves", + "fresh dill", + "toasted walnuts", + "grated lemon peel", + "chopped fresh chives", + "walnut oil" + ] + }, + { + "id": 44869, + "cuisine": "jamaican", + "ingredients": [ + "water", + "margarine", + "salt", + "sugar", + "all-purpose flour", + "instant yeast" + ] + }, + { + "id": 23969, + "cuisine": "italian", + "ingredients": [ + "nonfat yogurt", + "chestnut spread", + "ladyfingers", + "rum", + "semisweet chocolate", + "orange", + "whipping cream" + ] + }, + { + "id": 3682, + "cuisine": "southern_us", + "ingredients": [ + "dijon mustard", + "italian salad dressing", + "fresh cilantro", + "leaf lettuce", + "celery ribs", + "green onions", + "black-eyed peas", + "red bell pepper" + ] + }, + { + "id": 23262, + "cuisine": "vietnamese", + "ingredients": [ + "black pepper", + "garlic sauce", + "canola oil", + "fish sauce", + "sesame seeds", + "tri-tip steak", + "lemongrass", + "salt", + "brown sugar", + "shallots", + "sauce" + ] + }, + { + "id": 14477, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "garlic powder", + "refrigerated buttermilk biscuits", + "salt", + "unsalted butter" + ] + }, + { + "id": 30531, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "carrots", + "onions", + "yellow mustard seeds", + "peeled fresh ginger", + "grate lime peel", + "coriander seeds", + "low salt chicken broth", + "plain yogurt", + "peanut oil", + "fresh lime juice" + ] + }, + { + "id": 12346, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "shallots", + "fresh lemon juice", + "bibb lettuce", + "vinaigrette", + "ground black pepper", + "Italian parsley leaves", + "chervil", + "chives", + "tarragon leaves" + ] + }, + { + "id": 15987, + "cuisine": "italian", + "ingredients": [ + "roma tomatoes", + "pesto sauce", + "prepared pizza crust", + "mozzarella cheese" + ] + }, + { + "id": 9492, + "cuisine": "cajun_creole", + "ingredients": [ + "butter", + "Sargento® Artisan Blends® Shredded Parmesan Cheese", + "boneless skinless chicken breasts", + "heavy whipping cream", + "penne pasta", + "cajun seasoning", + "chopped parsley" + ] + }, + { + "id": 37844, + "cuisine": "indian", + "ingredients": [ + "large eggs", + "all-purpose flour", + "ground turmeric", + "russet", + "yoghurt", + "ground coriander", + "ground cumin", + "unsalted butter", + "vegetable oil", + "frozen peas", + "fresh cilantro", + "peeled fresh ginger", + "onions" + ] + }, + { + "id": 24259, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "fresh lemon juice", + "sugar", + "salt", + "blackberries", + "baking powder", + "nectarines", + "milk", + "all-purpose flour" + ] + }, + { + "id": 34231, + "cuisine": "indian", + "ingredients": [ + "tortillas", + "greek yogurt", + "purple onion", + "tandoori paste", + "chicken breasts", + "red bell pepper", + "carrots", + "iceberg lettuce" + ] + }, + { + "id": 19130, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "flour tortillas", + "salsa", + "iceberg lettuce", + "kidney beans", + "chili powder", + "ground beef", + "shredded cheddar cheese", + "corn oil", + "sour cream", + "finely chopped onion", + "salt", + "cumin" + ] + }, + { + "id": 46455, + "cuisine": "mexican", + "ingredients": [ + "bay leaves", + "ground allspice", + "ancho chile pepper", + "chopped cilantro fresh", + "kosher salt", + "large garlic cloves", + "dark beer", + "fresh lime juice", + "ground cumin", + "radishes", + "chile de arbol", + "pork shoulder boston butt", + "onions", + "sugar", + "vegetable oil", + "ground coriander", + "corn tortillas", + "dried oregano" + ] + }, + { + "id": 47384, + "cuisine": "indian", + "ingredients": [ + "chile de arbol", + "basmati rice", + "asafoetida", + "yellow onion", + "plum tomatoes", + "curry leaves", + "garlic", + "ground turmeric", + "kosher salt", + "black mustard seeds", + "canola oil" + ] + }, + { + "id": 2928, + "cuisine": "french", + "ingredients": [ + "sugar", + "large eggs", + "all-purpose flour", + "milk", + "butter", + "active dry yeast", + "salt", + "warm water", + "vegetable oil" + ] + }, + { + "id": 14443, + "cuisine": "indian", + "ingredients": [ + "water", + "cilantro leaves", + "dried red chile peppers", + "red chili powder", + "chile pepper", + "mustard seeds", + "white sugar", + "tomatoes", + "cooking oil", + "cumin seed", + "onions", + "fresh curry leaves", + "salt", + "asafoetida powder", + "ground turmeric" + ] + }, + { + "id": 18447, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "fat free milk", + "romaine lettuce leaves", + "all-purpose flour", + "warm water", + "cooking spray", + "salt", + "garlic cloves", + "sesame seeds", + "peeled fresh ginger", + "rice vinegar", + "sugar", + "dry yeast", + "crushed red pepper", + "pork roast" + ] + }, + { + "id": 8775, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "rice noodles", + "green onions", + "garlic chili sauce", + "medium shrimp uncook", + "napa cabbage", + "brown sugar", + "sesame oil", + "carrots" + ] + }, + { + "id": 40252, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "salt", + "sesame oil", + "scallions", + "sesame seeds", + "persian cucumber", + "vegetable oil" + ] + }, + { + "id": 4267, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "yellow onion", + "soya bean", + "coconut milk", + "sugar", + "rice vinegar", + "chili paste", + "roasted peanuts" + ] + }, + { + "id": 20796, + "cuisine": "jamaican", + "ingredients": [ + "white pepper", + "ground nutmeg", + "rum", + "ground allspice", + "lime", + "jerk rub seasoning", + "purple onion", + "chicken", + "dried thyme", + "cooking oil", + "salt", + "ground cinnamon", + "leaves", + "jalapeno chilies", + "onion tops" + ] + }, + { + "id": 6203, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "dark rum", + "apple cider", + "sugar", + "large eggs", + "heavy cream", + "unsalted butter", + "vegetable oil", + "confectioners sugar", + "water", + "golden delicious apples", + "self-rising cake flour" + ] + }, + { + "id": 19991, + "cuisine": "vietnamese", + "ingredients": [ + "mint", + "pepper", + "thai basil", + "hot pepper", + "garlic", + "fresh herbs", + "sirloin tip", + "sugar", + "olive oil", + "shallots", + "cilantro", + "scallions", + "Balsamico Bianco", + "fish sauce", + "water", + "herbs", + "rice noodles", + "hot sauce", + "fresh lime juice", + "dressing", + "kosher salt", + "hot chili", + "marinade", + "crushed red pepper flakes", + "garlic cloves" + ] + }, + { + "id": 12868, + "cuisine": "japanese", + "ingredients": [ + "spinach leaves", + "white miso", + "white sugar", + "salmon fillets", + "egg yolks", + "sake", + "mirin", + "water", + "salt" + ] + }, + { + "id": 43690, + "cuisine": "italian", + "ingredients": [ + "crushed red pepper", + "olive oil", + "fresh rosemary", + "cornish game hens" + ] + }, + { + "id": 13538, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "chopped cilantro fresh", + "corn kernels", + "salt", + "sweet onion", + "cracked black pepper", + "unsalted butter", + "red bell pepper" + ] + }, + { + "id": 46288, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "waxy potatoes", + "unsalted butter", + "garlic cloves", + "onions", + "ground black pepper", + "salt", + "flat leaf parsley", + "lemon", + "mullet" + ] + }, + { + "id": 19139, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "fresh cilantro", + "udon", + "salt", + "soy sauce", + "sesame seeds", + "vegetable oil", + "toasted sesame oil", + "baby bok choy", + "fresh ginger", + "green onions", + "carrots", + "chicken broth", + "black cod fillets", + "ground black pepper", + "dry sherry", + "five-spice powder" + ] + }, + { + "id": 37458, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "ground coriander", + "ground cumin", + "hungarian paprika", + "ground turmeric", + "ground cloves", + "ground cardamom", + "fennel seeds", + "ground red pepper", + "brown mustard" + ] + }, + { + "id": 9587, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "butter", + "onions", + "cream", + "meat", + "pork roast", + "potatoes", + "salt", + "milk", + "chicken meat" + ] + }, + { + "id": 2290, + "cuisine": "filipino", + "ingredients": [ + "kosher salt", + "shallots", + "tomatoes", + "Anaheim chile", + "kabocha squash", + "ground black pepper", + "okra", + "pork belly", + "shrimp paste", + "japanese eggplants" + ] + }, + { + "id": 10761, + "cuisine": "spanish", + "ingredients": [ + "chicken broth", + "golden raisins", + "extra-virgin olive oil", + "boneless skinless chicken breast halves", + "sliced almonds", + "dry sherry", + "freshly ground pepper", + "tumeric", + "butter", + "salt", + "saffron threads", + "piquillo peppers", + "white rice", + "flat leaf parsley" + ] + }, + { + "id": 49646, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "fresh ginger", + "coarse salt", + "salt", + "carrots", + "toasted cashews", + "sweet potatoes", + "raw cashews", + "chickpeas", + "onions", + "neutral oil", + "coriander seeds", + "raisins", + "broccoli", + "coconut milk", + "fresh cilantro", + "seeds", + "garlic", + "cumin seed", + "naan" + ] + }, + { + "id": 26818, + "cuisine": "cajun_creole", + "ingredients": [ + "liquid smoke", + "Tabasco Pepper Sauce", + "garlic", + "oregano", + "Heinz Chili Sauce", + "worcestershire sauce", + "fresh lemon juice", + "jumbo shrimp", + "butter", + "cayenne pepper", + "olive oil", + "paprika", + "fresh parsley" + ] + }, + { + "id": 12310, + "cuisine": "filipino", + "ingredients": [ + "vanilla beans", + "coconut milk", + "sugar", + "flaked coconut", + "soy milk", + "fruit", + "small pearl tapioca" + ] + }, + { + "id": 49149, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "baking powder", + "whole milk", + "all-purpose flour", + "butter" + ] + }, + { + "id": 3718, + "cuisine": "filipino", + "ingredients": [ + "condensed milk", + "water", + "table cream", + "gelatin" + ] + }, + { + "id": 4189, + "cuisine": "greek", + "ingredients": [ + "sugar", + "dry white wine", + "plum tomatoes", + "water", + "salt", + "black pepper", + "red wine vinegar", + "chicken", + "prunes", + "unsalted butter", + "cinnamon sticks" + ] + }, + { + "id": 6807, + "cuisine": "indian", + "ingredients": [ + "evaporated milk", + "white rice", + "chillies", + "tomatoes", + "chicken breasts", + "natural yogurt", + "ground cumin", + "cooking spray", + "garlic", + "coriander", + "lime juice", + "paprika", + "ginger root" + ] + }, + { + "id": 22536, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "salt", + "onions", + "mint", + "garlic", + "greek yogurt", + "feta cheese", + "cayenne pepper", + "oregano", + "chicken breasts", + "lemon juice" + ] + }, + { + "id": 24953, + "cuisine": "french", + "ingredients": [ + "sugar", + "semisweet chocolate", + "water", + "hot water", + "instant espresso granules", + "whipped topping", + "cream of tartar", + "large egg whites", + "unsweetened cocoa powder" + ] + }, + { + "id": 12559, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "large egg yolks", + "whole milk", + "vanilla extract", + "milk chocolate", + "semisweet chocolate", + "almond extract", + "all-purpose flour", + "marzipan", + "large eggs", + "whipping cream", + "sugar", + "unsalted butter", + "mushrooms", + "salt" + ] + }, + { + "id": 46434, + "cuisine": "japanese", + "ingredients": [ + "pomegranate seeds", + "daikon", + "granulated sugar", + "rice vinegar", + "Fuyu persimmons", + "carrots", + "dashi", + "salt" + ] + }, + { + "id": 45909, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "salt", + "olive oil", + "balsamic vinegar", + "plum tomatoes", + "fresh cilantro", + "green onions", + "white sugar", + "black-eyed peas", + "garlic" + ] + }, + { + "id": 3164, + "cuisine": "mexican", + "ingredients": [ + "turkey bacon", + "onions", + "black beans", + "jalapeno chilies", + "chicken stock", + "ground black pepper", + "chopped cilantro fresh", + "minced garlic", + "salt" + ] + }, + { + "id": 49107, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "taco seasoning mix", + "shredded cheddar cheese", + "chopped cilantro", + "boneless skinless chicken breasts" + ] + }, + { + "id": 12422, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "pepper", + "butter", + "coriander", + "tandoori masala mix", + "chicken breasts", + "paprika", + "tumeric", + "ground nutmeg", + "heavy cream", + "ground cumin", + "ground ginger", + "ground cloves", + "cinnamon", + "salt" + ] + }, + { + "id": 33095, + "cuisine": "southern_us", + "ingredients": [ + "chopped green bell pepper", + "clam juice", + "chopped celery", + "garlic cloves", + "lump crab meat", + "cooking spray", + "old bay seasoning", + "all-purpose flour", + "red bell pepper", + "black pepper", + "half & half", + "butter", + "salt", + "carrots", + "dried thyme", + "whole milk", + "dry sherry", + "chopped onion", + "bay leaf" + ] + }, + { + "id": 15398, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "frozen whole kernel corn", + "cilantro sprigs", + "boneless pork loin", + "dried oregano", + "chicken broth", + "shredded cheddar cheese", + "vegetable oil", + "salsa", + "onions", + "green chile", + "flour tortillas", + "salt", + "garlic cloves", + "ground cumin", + "black beans", + "green onions", + "all-purpose flour", + "sour cream" + ] + }, + { + "id": 10576, + "cuisine": "mexican", + "ingredients": [ + "lime", + "purple onion", + "freshly ground pepper", + "cumin", + "poblano peppers", + "grated jack cheese", + "adobo sauce", + "olive oil", + "salt", + "sour cream", + "lime juice", + "jalapeno chilies", + "ear of corn", + "chopped cilantro fresh" + ] + }, + { + "id": 24608, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "garlic powder", + "chopped onion", + "ground cumin", + "pepper", + "cheese", + "chopped cilantro", + "black beans", + "chili powder", + "red bell pepper", + "cooked rice", + "corn", + "salt", + "ground beef" + ] + }, + { + "id": 44454, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "chili powder", + "salt", + "peanut oil", + "chicken", + "coriander powder", + "ginger", + "rice", + "juice", + "plain yogurt", + "cinnamon", + "cilantro leaves", + "cardamom", + "clove", + "mint leaves", + "garlic", + "green chilies", + "onions" + ] + }, + { + "id": 22525, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "slaw mix", + "chipotle chile powder", + "plain yogurt", + "flounder fillets", + "black pepper", + "salt", + "olive oil", + "corn tortillas" + ] + }, + { + "id": 14604, + "cuisine": "french", + "ingredients": [ + "spanish onion", + "fresh thyme leaves", + "unsalted butter", + "frozen pastry puff sheets", + "ground black pepper", + "salt" + ] + }, + { + "id": 3598, + "cuisine": "spanish", + "ingredients": [ + "crusty bread", + "salt", + "olive oil", + "garlic cloves", + "broad beans", + "dill", + "mint", + "lemon", + "chorizo sausage" + ] + }, + { + "id": 30355, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "heavy cream", + "sliced mushrooms", + "parsley flakes", + "butter", + "bow-tie pasta", + "chicken bouillon", + "asiago", + "corn starch", + "vegetable oil", + "garlic", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 1327, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "vegetable oil", + "dried rosemary", + "vinegar", + "salt", + "ground black pepper", + "garlic", + "water", + "italian style seasoning", + "poultry seasoning" + ] + }, + { + "id": 18944, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "butter", + "applesauce", + "honey", + "large eggs", + "salt", + "melted butter", + "raw honey", + "buttermilk", + "cornmeal", + "baking soda", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 30204, + "cuisine": "british", + "ingredients": [ + "cream", + "strawberries", + "egg whites", + "orange liqueur", + "superfine sugar", + "confectioners sugar", + "cream of tartar", + "meringue nests" + ] + }, + { + "id": 32890, + "cuisine": "french", + "ingredients": [ + "parsley sprigs", + "yukon gold potatoes", + "carrots", + "celery ribs", + "beef shank", + "beef rib short", + "thyme sprigs", + "black peppercorns", + "Turkish bay leaves", + "garlic cloves", + "cold water", + "leeks", + "allspice berries" + ] + }, + { + "id": 29094, + "cuisine": "chinese", + "ingredients": [ + "honey", + "peeled fresh ginger", + "garlic cloves", + "soy sauce", + "hoisin sauce", + "rice vinegar", + "cayenne", + "plums", + "boneless chicken skinless thigh", + "flour tortillas", + "scallions" + ] + }, + { + "id": 49696, + "cuisine": "french", + "ingredients": [ + "grated parmesan cheese", + "bay leaves", + "salt", + "ground nutmeg", + "egg yolks", + "butter", + "large eggs", + "half & half", + "heavy cream", + "milk", + "frozen pastry puff sheets", + "yukon gold potatoes", + "freshly ground pepper" + ] + }, + { + "id": 17964, + "cuisine": "mexican", + "ingredients": [ + "pasta", + "vegetable oil", + "sour cream", + "green onions", + "yellow onion", + "jack", + "garlic", + "chicken breasts", + "enchilada sauce" + ] + }, + { + "id": 10906, + "cuisine": "french", + "ingredients": [ + "capers", + "lemon juice", + "dried tarragon leaves", + "mayonaise", + "creole mustard", + "sweet pickle" + ] + }, + { + "id": 42736, + "cuisine": "chinese", + "ingredients": [ + "turbinado", + "light soy sauce", + "chinese five-spice powder", + "dark soy sauce", + "star anise", + "cinnamon sticks", + "eggs", + "coarse salt", + "black tea", + "water", + "freshly ground pepper" + ] + }, + { + "id": 45862, + "cuisine": "french", + "ingredients": [ + "honey", + "parsnips", + "extra-virgin olive oil", + "kosher salt", + "carrots", + "fresh rosemary", + "butter" + ] + }, + { + "id": 32671, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "baking soda", + "pineapple juice", + "confectioners sugar", + "whole wheat pastry flour", + "unsalted butter", + "chopped walnuts", + "sugar", + "bananas", + "cream cheese", + "ground cinnamon", + "olive oil", + "vanilla extract", + "crushed pineapple" + ] + }, + { + "id": 23220, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "chopped cilantro", + "crushed tomatoes", + "chickpeas", + "serrano chile", + "tomato paste", + "vegetable oil", + "onions", + "fresh ginger", + "greek yogurt" + ] + }, + { + "id": 5960, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "cooking spray", + "fresh parmesan cheese", + "yellow corn meal", + "extra-virgin olive oil" + ] + }, + { + "id": 9501, + "cuisine": "moroccan", + "ingredients": [ + "chicken stock", + "extra-virgin olive oil", + "cumin seed", + "bay leaf", + "cornish game hens", + "sauce", + "carrots", + "coriander seeds", + "cardamom seeds", + "garlic cloves", + "fennel seeds", + "whole cloves", + "orange juice", + "cinnamon sticks" + ] + }, + { + "id": 23885, + "cuisine": "italian", + "ingredients": [ + "turkey breast cutlets", + "olive oil", + "basil", + "black pepper", + "cooking spray", + "garlic cloves", + "marsala wine", + "garlic powder", + "salt", + "fresh basil", + "fat free less sodium chicken broth", + "mushrooms", + "corn starch" + ] + }, + { + "id": 145, + "cuisine": "french", + "ingredients": [ + "ground ginger", + "salt", + "butter", + "white pepper", + "chicken", + "dry sherry" + ] + }, + { + "id": 42207, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "chicken broth", + "dry white wine", + "sweet onion", + "butter", + "arborio rice", + "parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 4026, + "cuisine": "cajun_creole", + "ingredients": [ + "bacon", + "creole seasoning", + "ground black pepper", + "salt", + "onions", + "green bell pepper", + "garlic", + "green beans", + "unsalted butter", + "cayenne pepper" + ] + }, + { + "id": 28386, + "cuisine": "spanish", + "ingredients": [ + "mussels", + "baguette", + "dry white wine", + "garlic cloves", + "celery ribs", + "pepper", + "unsalted butter", + "cayenne pepper", + "tomato paste", + "water", + "extra-virgin olive oil", + "fresh lemon juice", + "saffron threads", + "bottled clam juice", + "light cream", + "salt", + "onions" + ] + }, + { + "id": 23442, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "pineapple", + "liquid", + "ground cumin", + "catfish fillets", + "water", + "salt", + "beansprouts", + "sugar", + "cilantro", + "okra", + "tomatoes", + "rice paddy herb", + "yellow onion", + "canola oil" + ] + }, + { + "id": 26206, + "cuisine": "cajun_creole", + "ingredients": [ + "milk", + "salt", + "melted butter", + "large eggs", + "oil", + "powdered sugar", + "baking powder", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 12446, + "cuisine": "greek", + "ingredients": [ + "pitted kalamata olives", + "feta cheese", + "orzo", + "dried oregano", + "minced garlic", + "green onions", + "fresh lemon juice", + "pinenuts", + "dijon mustard", + "white wine vinegar", + "ground cumin", + "capers", + "olive oil", + "yellow bell pepper", + "red bell pepper" + ] + }, + { + "id": 47478, + "cuisine": "indian", + "ingredients": [ + "white bread", + "cilantro", + "green chilies", + "bell pepper", + "salt", + "oil", + "tomatoes", + "ginger", + "cumin seed", + "yoghurt", + "all-purpose flour", + "coarse semolina" + ] + }, + { + "id": 21103, + "cuisine": "indian", + "ingredients": [ + "grated coconut", + "urad dal", + "asafetida", + "red chili peppers", + "channa dal", + "jaggery", + "vegetable oil", + "fenugreek seeds", + "tamarind", + "salt" + ] + }, + { + "id": 22397, + "cuisine": "indian", + "ingredients": [ + "warm water", + "cilantro sprigs", + "onions", + "vegetable oil", + "tamarind concentrate", + "coconut", + "black mustard seeds", + "serrano chile", + "tumeric", + "coarse salt", + "fillets" + ] + }, + { + "id": 47590, + "cuisine": "spanish", + "ingredients": [ + "chicken wings", + "clam juice", + "rice mix", + "frozen peas", + "pepperoni slices", + "cooked shrimp", + "roasted red peppers", + "saffron" + ] + }, + { + "id": 1351, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "butter", + "grated lemon peel", + "milk", + "salt", + "sugar", + "vanilla extract", + "pears", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 20738, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "black pepper", + "salt", + "water", + "polenta", + "parmigiano reggiano cheese" + ] + }, + { + "id": 40104, + "cuisine": "mexican", + "ingredients": [ + "dark chocolate", + "olive oil", + "chipotles in adobo", + "black beans", + "shallots", + "pasilla chiles", + "almonds", + "chicken stock", + "kosher salt", + "garlic" + ] + }, + { + "id": 47816, + "cuisine": "chinese", + "ingredients": [ + "chinese black mushrooms", + "green onions", + "shrimp", + "soy sauce", + "won ton wrappers", + "dry sherry", + "hot water", + "sugar", + "water", + "sesame oil", + "corn starch", + "lean ground pork", + "water chestnuts", + "chinese pepper" + ] + }, + { + "id": 8542, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "butter", + "cheddar cheese", + "ground black pepper", + "milk", + "grits", + "vegetable oil cooking spray", + "half & half" + ] + }, + { + "id": 14270, + "cuisine": "mexican", + "ingredients": [ + "barbecue sauce", + "sazon seasoning", + "ground black pepper", + "coriander", + "garlic powder", + "Mexican beer", + "achiote", + "bone in chicken thighs" + ] + }, + { + "id": 35111, + "cuisine": "chinese", + "ingredients": [ + "chili oil", + "oil", + "soy sauce", + "rice", + "eggs", + "sauce", + "zucchini", + "scallions" + ] + }, + { + "id": 24106, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "fresh dill", + "red wine vinegar", + "salt", + "rocket leaves", + "ground black pepper", + "extra-virgin olive oil", + "garlic cloves", + "pita bread", + "fresh oregano leaves", + "dry red wine", + "greek style plain yogurt", + "tomato paste", + "capers", + "pork tenderloin", + "purple onion", + "bay leaf" + ] + }, + { + "id": 43089, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "salt", + "tumeric", + "green onions", + "water", + "vegetable oil", + "finely chopped onion", + "long grain white rice" + ] + }, + { + "id": 16707, + "cuisine": "greek", + "ingredients": [ + "artichoke hearts", + "white wine vinegar", + "dried oregano", + "tomatoes", + "yellow bell pepper", + "cucumber", + "kalamata", + "feta cheese crumbles", + "sweet onion", + "extra-virgin olive oil", + "grated lemon peel" + ] + }, + { + "id": 5747, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garbanzo beans", + "peas", + "garlic cloves", + "water", + "chili powder", + "paneer", + "basmati rice", + "tumeric", + "garam masala", + "mild green chiles", + "onions", + "olive oil", + "ginger", + "salt" + ] + }, + { + "id": 25174, + "cuisine": "cajun_creole", + "ingredients": [ + "white wine", + "roma tomatoes", + "cajun seasoning", + "medium shrimp", + "fettucine", + "ground black pepper", + "mushrooms", + "garlic", + "green bell pepper", + "grated parmesan cheese", + "green onions", + "smoked sausage", + "milk", + "broccoli florets", + "butter", + "cooked chicken breasts" + ] + }, + { + "id": 19337, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "lemon peel", + "all-purpose flour", + "sugar", + "active dry yeast", + "beaten eggs", + "lemon juice", + "warm water", + "ground nutmeg", + "salt", + "glaze", + "ground cinnamon", + "milk", + "egg yolks", + "softened butter" + ] + }, + { + "id": 8070, + "cuisine": "indian", + "ingredients": [ + "whole wheat flour", + "hot water", + "salt", + "olive oil" + ] + }, + { + "id": 258, + "cuisine": "irish", + "ingredients": [ + "vegetable oil", + "crumbled blue cheese", + "large eggs", + "all-purpose flour", + "milk", + "salt" + ] + }, + { + "id": 38477, + "cuisine": "mexican", + "ingredients": [ + "extra-virgin olive oil", + "garlic cloves", + "medium shrimp", + "corn husks", + "cilantro leaves", + "masa dough", + "lime wedges", + "frozen corn kernels", + "fresh lime juice", + "salt", + "hot water", + "sliced green onions" + ] + }, + { + "id": 20115, + "cuisine": "southern_us", + "ingredients": [ + "corn kernels", + "shallots", + "chopped onion", + "fresh mint", + "rosemary sprigs", + "pork tenderloin", + "all-purpose flour", + "chutney", + "olive oil", + "whipping cream", + "garlic cloves", + "ground black pepper", + "salt", + "low salt chicken broth" + ] + }, + { + "id": 30427, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "mushrooms", + "large shrimp", + "spinach", + "olive oil", + "refrigerated fettuccine", + "fresh basil", + "kosher salt", + "garlic cloves", + "vodka", + "marinara sauce", + "heavy whipping cream" + ] + }, + { + "id": 30098, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dry white wine", + "salt", + "canned low sodium chicken broth", + "pork tenderloin", + "garlic", + "clove", + "ground black pepper", + "bacon", + "onions", + "rosemary", + "bay leaves", + "wine vinegar" + ] + }, + { + "id": 38888, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "lemon-lime soda", + "grated lemon peel", + "unsalted butter", + "all-purpose flour", + "vegetable oil spray", + "salt", + "powdered sugar", + "large eggs", + "grate lime peel" + ] + }, + { + "id": 17153, + "cuisine": "italian", + "ingredients": [ + "bell pepper", + "baby arugula", + "orzo", + "olive oil", + "feta cheese crumbles" + ] + }, + { + "id": 27686, + "cuisine": "italian", + "ingredients": [ + "parsley sprigs", + "olive oil", + "salt", + "italian sausage", + "water", + "large eggs", + "Italian bread", + "pepper", + "prosciutto", + "provolone cheese", + "spinach", + "milk", + "hard-boiled egg", + "ground beef" + ] + }, + { + "id": 4369, + "cuisine": "mexican", + "ingredients": [ + "lime", + "sour cream", + "whitefish", + "olive oil", + "salad greens", + "corn tortillas", + "pico de gallo", + "Sriracha" + ] + }, + { + "id": 28945, + "cuisine": "filipino", + "ingredients": [ + "worcestershire sauce", + "onions", + "water", + "ground mustard", + "canola oil", + "soy sauce", + "green pepper", + "boneless skinless chicken breast halves", + "zucchini", + "fresh mushrooms" + ] + }, + { + "id": 47152, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "fresh orange juice", + "ancho chile pepper", + "honey", + "turkey", + "low salt chicken broth", + "stock", + "unsalted butter", + "garlic", + "plum tomatoes", + "water", + "chili powder", + "unsweetened chocolate" + ] + }, + { + "id": 41010, + "cuisine": "filipino", + "ingredients": [ + "cooking oil", + "scallions", + "garlic powder", + "yellow onion", + "plum tomatoes", + "minced ginger", + "sea salt", + "lemon juice", + "ground black pepper", + "tilapia" + ] + }, + { + "id": 35612, + "cuisine": "italian", + "ingredients": [ + "white pepper", + "gorgonzola", + "butter", + "milk", + "brown mustard", + "eggs", + "cheese" + ] + }, + { + "id": 48603, + "cuisine": "mexican", + "ingredients": [ + "strawberries", + "sugar", + "fresh lime juice", + "water" + ] + }, + { + "id": 30051, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "salt", + "chili powder", + "garlic cloves", + "crushed red pepper", + "peanuts", + "salted peanuts" + ] + }, + { + "id": 15205, + "cuisine": "mexican", + "ingredients": [ + "skim milk", + "butter", + "salt", + "eggs", + "pepper", + "red pepper", + "shredded cheese", + "chili pepper", + "grapeseed oil", + "green pepper", + "spinach", + "garlic powder", + "purple onion", + "smoked paprika" + ] + }, + { + "id": 25395, + "cuisine": "italian", + "ingredients": [ + "garbanzo beans", + "chopped fresh mint", + "extra-virgin olive oil", + "orecchiette", + "feta cheese", + "chopped cilantro fresh", + "grape tomatoes", + "garlic cloves", + "sliced green onions" + ] + }, + { + "id": 21572, + "cuisine": "french", + "ingredients": [ + "red potato", + "ground black pepper", + "loin", + "plum tomatoes", + "brine-cured olives", + "romaine lettuce", + "purple onion", + "fresh parsley leaves", + "dressing", + "rosemary sprigs", + "hard-boiled egg", + "tarragon leaves", + "haricots verts", + "olive oil", + "salt", + "chopped fresh herbs" + ] + }, + { + "id": 40331, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "salt", + "medium eggs", + "eggplant", + "nonfat ricotta cheese", + "olive oil", + "fresh parsley", + "tomato sauce", + "pecorino romano cheese" + ] + }, + { + "id": 36939, + "cuisine": "cajun_creole", + "ingredients": [ + "green onions", + "white wine vinegar", + "garlic cloves", + "jumbo shrimp", + "sub buns", + "peanut oil", + "pickle relish", + "yellow corn meal", + "light mayonnaise", + "all-purpose flour", + "cabbage", + "creole mustard", + "ground red pepper", + "salt", + "fresh parsley" + ] + }, + { + "id": 4889, + "cuisine": "italian", + "ingredients": [ + "gaeta olives", + "pecorino romano cheese", + "unsalted butter", + "water", + "salt", + "black pepper", + "basil leaves" + ] + }, + { + "id": 28694, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "kosher salt", + "finely chopped onion", + "heirloom tomatoes", + "chopped fresh mint", + "bread crumb fresh", + "ground black pepper", + "large garlic cloves", + "red bell pepper", + "pecorino cheese", + "water", + "large eggs", + "extra-virgin olive oil", + "polenta", + "fresh marjoram", + "eggplant", + "dry white wine", + "salt", + "ground lamb" + ] + }, + { + "id": 22776, + "cuisine": "thai", + "ingredients": [ + "butter lettuce", + "tangerine zest", + "raw sugar", + "champagne vinegar", + "avocado", + "kosher salt", + "rice noodles", + "cilantro leaves", + "jumbo shrimp", + "zucchini", + "fresh orange juice", + "rice paper", + "pea shoots", + "vegetables", + "red pepper flakes", + "garlic cloves" + ] + }, + { + "id": 16825, + "cuisine": "indian", + "ingredients": [ + "batter", + "garlic", + "masala", + "sugar", + "color food orang", + "all-purpose flour", + "water", + "chili powder", + "chicken thighs", + "olive oil", + "salt", + "ginger paste" + ] + }, + { + "id": 7896, + "cuisine": "italian", + "ingredients": [ + "sourdough bread", + "diced tomatoes with garlic and onion", + "fresh basil", + "fresh parmesan cheese", + "olive oil", + "garlic cloves", + "fat free less sodium chicken broth", + "chopped onion" + ] + }, + { + "id": 11308, + "cuisine": "italian", + "ingredients": [ + "sugar", + "almond extract", + "whole milk", + "slivered almonds", + "almond paste" + ] + }, + { + "id": 44147, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "rice wine", + "honey", + "chopped garlic", + "sugar", + "asian pear", + "pepper", + "sesame oil" + ] + }, + { + "id": 12113, + "cuisine": "chinese", + "ingredients": [ + "water", + "sesame oil", + "scallions", + "sugar", + "chicken breasts", + "star anise", + "Shaoxing wine", + "ginger", + "garlic cloves", + "soy sauce", + "szechwan peppercorns", + "rice vinegar" + ] + }, + { + "id": 6299, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "Tabasco Pepper Sauce", + "green pepper", + "thyme", + "fresh basil", + "bay leaves", + "salt", + "okra", + "oregano", + "non fat chicken stock", + "garlic", + "chopped onion", + "celery", + "andouille sausage", + "brown rice", + "cayenne pepper", + "shrimp", + "plum tomatoes" + ] + }, + { + "id": 38791, + "cuisine": "southern_us", + "ingredients": [ + "kielbasa", + "water", + "shrimp", + "fresh corn", + "small red potato", + "old bay seasoning" + ] + }, + { + "id": 31637, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "whole wheat tortillas", + "onions", + "Anaheim chile", + "green pepper", + "black beans", + "romaine lettuce leaves", + "shredded Monterey Jack cheese", + "corn oil", + "red bell pepper" + ] + }, + { + "id": 11727, + "cuisine": "chinese", + "ingredients": [ + "white button mushrooms", + "fresh ginger", + "all-purpose flour", + "soy sauce", + "boneless skinless chicken breasts", + "garlic cloves", + "chicken broth", + "cooking oil", + "broccoli", + "honey", + "sesame oil", + "onions" + ] + }, + { + "id": 31794, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "chinese barbecue sauce", + "sugar" + ] + }, + { + "id": 12419, + "cuisine": "french", + "ingredients": [ + "cooking spray", + "cinnamon sticks", + "phyllo dough", + "port", + "walnut oil", + "honey", + "salt", + "dried fig", + "powdered sugar", + "fresh orange juice", + "cream cheese, soften" + ] + }, + { + "id": 14424, + "cuisine": "cajun_creole", + "ingredients": [ + "crawfish", + "vegetable oil", + "onions", + "tomato paste", + "chopped green bell pepper", + "corn starch", + "water", + "butter", + "chicken broth", + "green onions", + "celery" + ] + }, + { + "id": 16265, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "purple onion", + "chopped cilantro fresh", + "sugar", + "balsamic vinegar", + "fresh lime juice", + "corn kernels", + "salt", + "vegetable oil", + "nopalitos" + ] + }, + { + "id": 6135, + "cuisine": "southern_us", + "ingredients": [ + "yellow squash", + "salt", + "garlic cloves", + "water", + "condensed reduced fat reduced sodium cream of mushroom soup", + "provolone cheese", + "black pepper", + "non-fat sour cream", + "Italian turkey sausage", + "white bread", + "cooking spray", + "chopped onion" + ] + }, + { + "id": 10215, + "cuisine": "thai", + "ingredients": [ + "romaine lettuce", + "serrano peppers", + "green peas", + "corn starch", + "unsweetened coconut milk", + "granny smith apples", + "vegetable oil", + "freshly ground pepper", + "curry paste", + "soy sauce", + "green onions", + "dried shiitake mushrooms", + "hot water", + "cold water", + "boneless chicken thighs", + "loosely packed fresh basil leaves", + "carrots" + ] + }, + { + "id": 36909, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "garlic", + "parsley", + "couscous", + "lemon", + "heirloom squash", + "lamb sausage", + "purple onion" + ] + }, + { + "id": 9441, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "granulated garlic", + "flour", + "thyme", + "eggs", + "milk", + "oil", + "black pepper", + "paprika" + ] + }, + { + "id": 41439, + "cuisine": "southern_us", + "ingredients": [ + "egg yolks", + "vanilla extract", + "heavy whipping cream", + "unflavored gelatin", + "whole milk", + "all-purpose flour", + "sugar", + "butter", + "gingersnap crumbs", + "banana puree", + "graham cracker crumbs", + "vanilla wafers", + "confectioners sugar" + ] + }, + { + "id": 4166, + "cuisine": "thai", + "ingredients": [ + "dark soy sauce", + "dark brown sugar", + "baby eggplants", + "white vinegar", + "garlic", + "red bell pepper", + "jasmine rice", + "peanut oil", + "fresh basil", + "crushed red pepper", + "onions" + ] + }, + { + "id": 30411, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "ground sirloin", + "fresh onion", + "fresh parmesan cheese", + "1% low-fat milk", + "fresh parsley", + "shredded carrots", + "salt", + "fat free less sodium chicken broth", + "orzo", + "Italian bread" + ] + }, + { + "id": 18057, + "cuisine": "southern_us", + "ingredients": [ + "whole grain mustard", + "buttermilk", + "cornmeal", + "Louisiana Hot Sauce", + "vegetable oil", + "creole seasoning", + "catfish fillets", + "lemon wedge", + "all-purpose flour", + "minced garlic", + "coarse salt", + "tartar sauce" + ] + }, + { + "id": 40698, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "chicken", + "avocado", + "crema mexican", + "flour tortillas", + "white onion", + "salsa" + ] + }, + { + "id": 4269, + "cuisine": "italian", + "ingredients": [ + "garlic", + "ground black pepper", + "spaghettini", + "butter" + ] + }, + { + "id": 4226, + "cuisine": "french", + "ingredients": [ + "fresh raspberries", + "sugar", + "chambord", + "water" + ] + }, + { + "id": 7215, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "olive oil", + "chopped celery", + "carrots", + "fat free less sodium chicken broth", + "shallots", + "garlic cloves", + "rosemary sprigs", + "dry white wine", + "lamb loin chops", + "flageolet", + "ground black pepper", + "salt" + ] + }, + { + "id": 25011, + "cuisine": "cajun_creole", + "ingredients": [ + "onion powder", + "oregano", + "dried thyme", + "salt", + "black pepper", + "paprika", + "garlic powder", + "cayenne pepper" + ] + }, + { + "id": 28157, + "cuisine": "greek", + "ingredients": [ + "meat", + "all-purpose flour", + "pepper", + "garlic", + "olive oil", + "salt", + "red wine vinegar", + "fresh parsley" + ] + }, + { + "id": 29436, + "cuisine": "japanese", + "ingredients": [ + "water", + "potatoes", + "cumin seed", + "coriander seeds", + "green peas", + "tumeric", + "garam masala", + "salt", + "fresh ginger", + "butter", + "basmati rice" + ] + }, + { + "id": 16328, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "kecap manis", + "shallots", + "onions", + "lime juice", + "green onions", + "chili oil", + "minced garlic", + "sliced cucumber", + "sesame oil", + "chopped cilantro fresh", + "tomatoes", + "fresh ginger root", + "flank steak", + "thai chile" + ] + }, + { + "id": 42302, + "cuisine": "southern_us", + "ingredients": [ + "egg whites", + "pecans", + "agave nectar", + "ground cinnamon", + "sea salt" + ] + }, + { + "id": 32569, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "artichoke hearts", + "reduced sodium chicken broth", + "bread ciabatta", + "parmesan cheese", + "chard", + "olive oil" + ] + }, + { + "id": 30547, + "cuisine": "southern_us", + "ingredients": [ + "molasses", + "buttermilk", + "sugar", + "unsalted butter", + "all-purpose flour", + "ground cloves", + "cinnamon", + "ground ginger", + "baking soda", + "salt" + ] + }, + { + "id": 24577, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "rolls", + "chuck", + "pepper", + "pimentos", + "juice", + "beef stock", + "provolone cheese", + "crushed tomatoes", + "salt", + "hot cherry pepper" + ] + }, + { + "id": 5175, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "bacon slices", + "granulated sugar", + "mixed greens", + "cider vinegar", + "scallions", + "light brown sugar", + "chives", + "arugula" + ] + }, + { + "id": 32291, + "cuisine": "mexican", + "ingredients": [ + "water", + "jalapeno chilies", + "peaches", + "fresh lime juice", + "watermelon", + "queso fresco", + "sugar", + "fresh blueberries" + ] + }, + { + "id": 8598, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "shallots", + "salmon steaks", + "fenugreek seeds", + "mustard seeds", + "coriander powder", + "vegetable oil", + "vegetable broth", + "garlic cloves", + "water", + "chili powder", + "ginger", + "rice", + "ground turmeric", + "saffron threads", + "fenugreek", + "butter", + "salt", + "lemon juice" + ] + }, + { + "id": 43453, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "marjoram", + "white vinegar", + "salt", + "pepper", + "garlic cloves", + "dried thyme", + "leg of lamb" + ] + }, + { + "id": 1019, + "cuisine": "indian", + "ingredients": [ + "clove", + "tomatoes", + "jackfruit", + "black cumin seeds", + "cumin seed", + "basmati rice", + "ground ginger", + "red chili powder", + "coriander powder", + "green cardamom", + "bay leaf", + "fennel seeds", + "black peppercorns", + "mace", + "salt", + "cinnamon sticks", + "ground turmeric", + "nutmeg", + "garlic paste", + "mint leaves", + "curds", + "onions" + ] + }, + { + "id": 629, + "cuisine": "italian", + "ingredients": [ + "eggs", + "parmesan cheese", + "mozzarella cheese", + "ricotta cheese", + "Bertolli Tomato & Basil Sauce", + "lasagna noodles", + "Bertolli® Alfredo Sauce" + ] + }, + { + "id": 19067, + "cuisine": "chinese", + "ingredients": [ + "hot red pepper flakes", + "steamer", + "rice vinegar", + "cabbage", + "soy sauce", + "vegetable oil", + "scallions", + "sugar", + "sesame oil", + "gingerroot", + "fish", + "scrod fillets", + "salt", + "garlic cloves" + ] + }, + { + "id": 44545, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "green onions", + "rice vinegar", + "chicken broth", + "jalapeno chilies", + "garlic", + "roast breast of chicken", + "fresh ginger", + "sesame oil", + "chopped cilantro", + "baby bok choy", + "chinese noodles", + "salt" + ] + }, + { + "id": 39309, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "fresh fava bean", + "onions", + "olive oil", + "scallions", + "red pepper", + "garlic cloves", + "corn kernels", + "ear of corn" + ] + }, + { + "id": 16004, + "cuisine": "indian", + "ingredients": [ + "spinach", + "vegetable oil", + "black mustard seeds", + "coriander seeds", + "large garlic cloves", + "serrano chile", + "plain yogurt", + "coarse salt", + "onions", + "lobster", + "gingerroot" + ] + }, + { + "id": 15769, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "garlic", + "sea bass", + "peeled fresh ginger", + "scallions", + "chinese rice wine", + "sesame oil", + "fresh ginger", + "dried shiitake mushrooms" + ] + }, + { + "id": 9384, + "cuisine": "british", + "ingredients": [ + "eggs", + "salt", + "baking powder", + "white sugar", + "milk", + "all-purpose flour", + "caraway seeds", + "butter" + ] + }, + { + "id": 31726, + "cuisine": "italian", + "ingredients": [ + "baby portobello mushrooms", + "fresh parmesan cheese", + "fontina cheese", + "artichoke hearts", + "kalamata", + "pizza crust", + "prosciutto", + "fresh basil", + "part-skim mozzarella cheese", + "garlic" + ] + }, + { + "id": 26053, + "cuisine": "indian", + "ingredients": [ + "lime wedges", + "red curry paste", + "canola oil", + "green bell pepper", + "light coconut milk", + "fresh lime juice", + "less sodium soy sauce", + "long-grain rice", + "sugar", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 25025, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "scallions", + "beef", + "corn starch", + "soy sauce", + "oil", + "sake", + "mirin", + "white sesame seeds" + ] + }, + { + "id": 42635, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "olive oil", + "fish stock", + "sausages", + "yellow corn meal", + "leeks", + "littleneck clams", + "dried oregano", + "mussels", + "cod fillets", + "diced tomatoes", + "fresh parsley", + "minced garlic", + "dry white wine", + "chopped onion" + ] + }, + { + "id": 36452, + "cuisine": "mexican", + "ingredients": [ + "coffee", + "brown sugar", + "cinnamon sticks", + "piloncillo", + "anise", + "molasses" + ] + }, + { + "id": 35467, + "cuisine": "southern_us", + "ingredients": [ + "celery salt", + "black pepper", + "raisins", + "carrots", + "cooked rice", + "chuck roast", + "salt", + "garlic salt", + "ground ginger", + "water", + "diced tomatoes", + "onions", + "bacon drippings", + "molasses", + "red wine vinegar", + "all-purpose flour" + ] + }, + { + "id": 33723, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "chiffonade", + "large shrimp", + "tomato paste", + "vegetable oil", + "lemon juice", + "garam masala", + "watercress", + "minced garlic", + "coarse salt", + "coconut milk" + ] + }, + { + "id": 3487, + "cuisine": "italian", + "ingredients": [ + "french baguette", + "fresh parsley", + "butter", + "chop fine pecan", + "crumbled blue cheese" + ] + }, + { + "id": 4379, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "vegetable oil", + "jalapeno chilies", + "all-purpose flour", + "ground black pepper", + "salt", + "eggs", + "chili powder", + "beer" + ] + }, + { + "id": 27414, + "cuisine": "indian", + "ingredients": [ + "water", + "chili powder", + "corn starch", + "ground turmeric", + "pepper", + "brown rice", + "salt", + "stir fry vegetable blend", + "cod fillets", + "garlic", + "onions", + "curry powder", + "vegetable oil", + "coconut milk", + "ground cumin" + ] + }, + { + "id": 24530, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "cooking spray", + "large egg yolks", + "amaretto", + "water", + "whole milk", + "large eggs", + "salt" + ] + }, + { + "id": 11763, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "salt", + "chillies", + "fresh coriander", + "chili powder", + "gram flour", + "potatoes", + "cumin seed", + "water", + "ginger", + "rapeseed oil" + ] + }, + { + "id": 199, + "cuisine": "indian", + "ingredients": [ + "fresh lemon juice", + "whole milk" + ] + }, + { + "id": 35226, + "cuisine": "mexican", + "ingredients": [ + "flour", + "boiling water", + "vegetable shortening", + "baking powder", + "salt" + ] + }, + { + "id": 22785, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "toasted baguette", + "cajun seasoning", + "garlic cloves", + "crawfish", + "cream cheese", + "diced pimentos", + "butter", + "sliced green onions" + ] + }, + { + "id": 8817, + "cuisine": "irish", + "ingredients": [ + "capers", + "chives", + "raisins", + "kosher salt", + "butter", + "salmon fillets", + "vegetable oil", + "ground black pepper", + "lemon" + ] + }, + { + "id": 25144, + "cuisine": "irish", + "ingredients": [ + "brussels sprouts", + "stout", + "apple juice concentrate", + "cheddar cheese", + "cauliflower florets", + "red potato", + "apples", + "dijon mustard", + "all-purpose flour" + ] + }, + { + "id": 18051, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "grated lemon peel", + "grated parmesan cheese", + "fresh lemon juice", + "dry white wine", + "low salt chicken broth", + "arborio rice", + "shallots", + "fresh parsley" + ] + }, + { + "id": 23985, + "cuisine": "greek", + "ingredients": [ + "milk", + "grated nutmeg", + "penne", + "large eggs", + "kefalotyri", + "fresh dill", + "unsalted butter", + "liquid", + "lamb shanks", + "all-purpose flour" + ] + }, + { + "id": 6388, + "cuisine": "mexican", + "ingredients": [ + "lime", + "queso fresco", + "purple onion", + "dried oregano", + "tomatoes", + "jalapeno chilies", + "cilantro", + "red radishes", + "chicken", + "avocado", + "hominy", + "watercress", + "salt", + "cabbage", + "tostadas", + "chile pepper", + "garlic", + "Mexican cheese" + ] + }, + { + "id": 48339, + "cuisine": "indian", + "ingredients": [ + "cinnamon", + "water", + "ghee", + "sugar", + "salt", + "whole wheat flour" + ] + }, + { + "id": 3012, + "cuisine": "chinese", + "ingredients": [ + "yams", + "white sugar", + "vegetable oil" + ] + }, + { + "id": 44279, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "vanilla extract", + "half & half", + "sugar", + "chopped pecans", + "butter" + ] + }, + { + "id": 2967, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "garlic", + "boneless skinless chicken breasts", + "oil", + "light beer", + "orange juice", + "reduced sodium chicken broth", + "yellow mustard", + "chipotles in adobo" + ] + }, + { + "id": 22111, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "eggplant", + "salt", + "oyster sauce", + "chopped cilantro fresh", + "fresh ginger", + "green onions", + "peanut oil", + "bok choy", + "water", + "cooking spray", + "rice vinegar", + "red bell pepper", + "sesame seeds", + "crushed red pepper", + "garlic chili sauce", + "medium shrimp" + ] + }, + { + "id": 3106, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "chipotle chile", + "coriander seeds", + "vegetable oil", + "rolls", + "pasilla chiles", + "sesame seeds", + "mulato chiles", + "garlic", + "ancho chile pepper", + "whole almonds", + "kosher salt", + "ground black pepper", + "raisins", + "dark brown sugar", + "ground cloves", + "chopped tomatoes", + "turkey stock", + "mexican chocolate", + "onions" + ] + }, + { + "id": 9080, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "leeks", + "salt", + "shiitake mushroom caps", + "cremini mushrooms", + "chopped fresh chives", + "baking potatoes", + "carrots", + "thyme sprigs", + "water", + "cooking spray", + "butter", + "gnocchi", + "low sodium soy sauce", + "ground black pepper", + "sliced carrots", + "all-purpose flour", + "celery" + ] + }, + { + "id": 37045, + "cuisine": "italian", + "ingredients": [ + "merlot", + "sugar", + "orange rind", + "whipped topping", + "tangerine juice", + "clove", + "cinnamon sticks" + ] + }, + { + "id": 32379, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "butter", + "ground cinnamon", + "sweet potatoes", + "large eggs", + "salt", + "firmly packed brown sugar", + "pastry shell" + ] + }, + { + "id": 5610, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "zucchini", + "frozen peas", + "coconut oil", + "water", + "cayenne pepper", + "ground turmeric", + "hot red pepper flakes", + "coconut", + "carrots", + "ground cumin", + "green chile", + "fresh curry leaves", + "salt", + "boiling potatoes" + ] + }, + { + "id": 1030, + "cuisine": "italian", + "ingredients": [ + "capers", + "red pepper flakes", + "arugula", + "sweet onion", + "garlic", + "black pepper", + "extra-virgin olive oil", + "dried oregano", + "whole wheat spaghetti", + "roasted tomatoes" + ] + }, + { + "id": 10692, + "cuisine": "british", + "ingredients": [ + "molasses", + "vanilla", + "white sugar", + "unsalted butter", + "cranberries", + "baking soda", + "all-purpose flour", + "heavy cream", + "hot water" + ] + }, + { + "id": 18336, + "cuisine": "filipino", + "ingredients": [ + "granulated sugar", + "eggs", + "condensed milk", + "vanilla extract", + "milk" + ] + }, + { + "id": 47939, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "cannellini beans", + "tomatoes", + "parmesan cheese", + "italian seasoning", + "chicken broth", + "olive oil", + "ham", + "small shells", + "marinara sauce" + ] + }, + { + "id": 22301, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "canned tomatoes", + "medium shrimp", + "fresh tomatoes", + "bay leaves", + "salt", + "cayenne", + "chopped celery", + "onions", + "water", + "vegetable oil", + "okra" + ] + }, + { + "id": 2453, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "roasted tomatoes", + "shredded cheese", + "green chilies", + "green onions", + "bbq sauce" + ] + }, + { + "id": 29685, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "olive oil", + "jalapeno chilies", + "ginger", + "corn starch", + "soy sauce", + "zucchini", + "sesame oil", + "rice vinegar", + "onions", + "baby bok choy", + "ground black pepper", + "sweet potatoes", + "salt", + "red bell pepper", + "savoy cabbage", + "water", + "extra firm tofu", + "diced tomatoes", + "carrots" + ] + }, + { + "id": 19120, + "cuisine": "mexican", + "ingredients": [ + "reduced fat cheddar cheese", + "low-sodium fat-free chicken broth", + "frozen corn", + "chopped cilantro", + "chili", + "garlic", + "skinless chicken breasts", + "dried oregano", + "black beans", + "diced tomatoes", + "sauce", + "onions", + "olive oil", + "non-fat sour cream", + "scallions", + "cumin" + ] + }, + { + "id": 30911, + "cuisine": "thai", + "ingredients": [ + "boneless skinless chicken breasts", + "fresh lime juice", + "glutinous rice", + "fresh mint", + "chiles", + "scallions", + "asian fish sauce", + "vegetable oil", + "chopped cilantro fresh" + ] + }, + { + "id": 41157, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "all-purpose flour", + "warm water", + "baby spinach", + "dried parsley", + "sugar", + "ricotta cheese", + "shredded mozzarella cheese", + "olive oil", + "sea salt" + ] + }, + { + "id": 17807, + "cuisine": "filipino", + "ingredients": [ + "white vinegar", + "water", + "brown rice", + "canola oil", + "black peppercorns", + "Kikkoman Soy Sauce", + "corn starch", + "cold water", + "sunchokes", + "okra pods", + "minced garlic", + "bay leaves", + "chicken thighs" + ] + }, + { + "id": 18782, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "Eggland's Best® eggs", + "onions", + "eggs", + "green onions", + "beansprouts", + "mushrooms", + "corn starch", + "beef gravy", + "vegetable oil", + "cooked shrimp" + ] + }, + { + "id": 21823, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "cooked chicken", + "water", + "chopped cooked ham", + "jambalaya mix" + ] + }, + { + "id": 9609, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "red pepper flakes", + "onions", + "pork tail", + "garlic" + ] + }, + { + "id": 40085, + "cuisine": "italian", + "ingredients": [ + "capers", + "oil-cured black olives", + "garlic cloves", + "olive oil", + "red wine vinegar", + "water", + "fusilli", + "fresh basil leaves", + "tomatoes", + "grated parmesan cheese", + "oil" + ] + }, + { + "id": 25080, + "cuisine": "korean", + "ingredients": [ + "ground black pepper", + "top sirloin", + "fresh ginger", + "rice wine", + "white sugar", + "soy sauce", + "green onions", + "garlic", + "sesame seeds", + "sesame oil", + "pears" + ] + }, + { + "id": 6877, + "cuisine": "italian", + "ingredients": [ + "lemon", + "limoncello", + "champagne", + "sugar", + "fresh lemon juice", + "mint leaves" + ] + }, + { + "id": 45070, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "heavy cream", + "onions", + "pasta", + "egg yolks", + "garlic", + "parmesan cheese", + "bacon", + "pepper", + "shallots", + "salt" + ] + }, + { + "id": 30135, + "cuisine": "italian", + "ingredients": [ + "mayonaise", + "salt", + "ground black pepper", + "italian salad dressing", + "spicy brown mustard", + "eggs", + "paprika" + ] + }, + { + "id": 36477, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "red beans", + "fresh basil leaves", + "green bell pepper", + "ground black pepper", + "creole seasoning", + "cooked rice", + "sweet onion", + "garlic", + "andouille sausage", + "jalapeno chilies", + "ham hock" + ] + }, + { + "id": 28119, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "fresh ginger", + "salt", + "onions", + "fresh coriander", + "chili powder", + "coconut milk", + "ground cumin", + "coconut oil", + "coriander powder", + "green chilies", + "ground turmeric", + "curry leaves", + "water", + "crushed garlic", + "chicken pieces" + ] + }, + { + "id": 6105, + "cuisine": "filipino", + "ingredients": [ + "cream style corn", + "coconut cream", + "vanilla extract", + "white sugar", + "frozen corn", + "butter", + "corn starch" + ] + }, + { + "id": 9794, + "cuisine": "japanese", + "ingredients": [ + "milk", + "cake flour", + "sugar", + "butter", + "corn starch", + "medium eggs", + "yolk", + "salt", + "water", + "vanilla extract" + ] + }, + { + "id": 42235, + "cuisine": "moroccan", + "ingredients": [ + "mayonaise", + "vegetable oil spray", + "paprika", + "garlic cloves", + "olives", + "honey", + "bibb lettuce", + "salt", + "orange peel", + "ground cumin", + "chiles", + "olive oil", + "shallots", + "beets", + "chopped cilantro fresh", + "hamburger buns", + "ground black pepper", + "purple onion", + "fresh lemon juice", + "ground lamb" + ] + }, + { + "id": 21125, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "olive oil", + "salad leaves", + "cooked turkey", + "jalapeno chilies", + "cheddar cheese", + "flour tortillas", + "sour cream", + "avocado", + "lime", + "purple onion" + ] + }, + { + "id": 5557, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "low salt chicken broth", + "giant white beans", + "crushed red pepper", + "plum tomatoes", + "fresh dill", + "red wine vinegar", + "onions", + "ouzo", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 37530, + "cuisine": "irish", + "ingredients": [ + "sugar", + "cointreau liqueur", + "fresh orange juice", + "grated orange peel", + "whipping cream", + "plain yogurt", + "strawberries" + ] + }, + { + "id": 13989, + "cuisine": "italian", + "ingredients": [ + "roasted red peppers", + "pesto sauce", + "all-purpose flour", + "refrigerated pizza dough", + "mozzarella cheese", + "Italian turkey sausage" + ] + }, + { + "id": 8168, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "olive oil", + "cracked black pepper", + "garlic cloves", + "parsley sprigs", + "dry white wine", + "dry bread crumbs", + "herbes de provence", + "halibut fillets", + "diced tomatoes", + "chopped onion", + "pitted kalamata olives", + "fennel bulb", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 35331, + "cuisine": "italian", + "ingredients": [ + "speck", + "salt", + "whole milk", + "potatoes", + "asiago" + ] + }, + { + "id": 6938, + "cuisine": "chinese", + "ingredients": [ + "chicken wings", + "kosher salt", + "cayenne pepper", + "mayonaise", + "lemon", + "regular sour cream", + "ground black pepper", + "chinese five-spice powder", + "plain yogurt", + "cilantro leaves" + ] + }, + { + "id": 49622, + "cuisine": "italian", + "ingredients": [ + "water", + "parsley", + "stewed tomatoes", + "carrots", + "oregano", + "tomato purée", + "kidney beans", + "red wine", + "garlic", + "celery", + "pepper", + "cannellini beans", + "basil", + "beef broth", + "onions", + "french onion soup", + "lasagna noodles", + "bacon", + "salt", + "ground beef" + ] + }, + { + "id": 30331, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "shredded cheese", + "table salt", + "macaroni", + "salted butter", + "Velveeta", + "mustard powder" + ] + }, + { + "id": 3869, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garam masala", + "vegetable oil", + "sauce", + "chopped cilantro", + "tumeric", + "salami", + "ginger", + "cumin seed", + "min", + "potatoes", + "spices", + "green chilies", + "onions", + "cauliflower", + "fresh cilantro", + "chili powder", + "salt", + "garlic cloves" + ] + }, + { + "id": 6309, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "chili pepper", + "salt", + "onion flakes", + "pepper", + "chopped cilantro" + ] + }, + { + "id": 8960, + "cuisine": "japanese", + "ingredients": [ + "salt", + "boneless skinless chicken breast halves", + "all-purpose flour", + "eggs", + "oil", + "pepper", + "panko breadcrumbs" + ] + }, + { + "id": 43777, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "part-skim ricotta cheese", + "frozen chopped spinach, thawed and squeezed dry", + "sweet onion", + "butter", + "sauce", + "grated parmesan cheese", + "salt", + "shrimp", + "lasagna noodles", + "heavy cream", + "garlic cloves" + ] + }, + { + "id": 22281, + "cuisine": "brazilian", + "ingredients": [ + "minced garlic", + "grated parmesan cheese", + "milk", + "butter", + "water", + "tapioca starch", + "table salt", + "large eggs" + ] + }, + { + "id": 37559, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "fresh orange juice", + "fresh lime juice", + "ground cumin", + "kosher salt", + "jicama", + "california avocado", + "arugula", + "white vinegar", + "tuna steaks", + "cracked black pepper", + "chipotles in adobo", + "olive oil", + "chili powder", + "ground coriander", + "chopped cilantro fresh" + ] + }, + { + "id": 47441, + "cuisine": "chinese", + "ingredients": [ + "evaporated cane juice", + "soy sauce", + "salt", + "garlic chives", + "vegetable oil", + "large eggs" + ] + }, + { + "id": 1523, + "cuisine": "spanish", + "ingredients": [ + "crushed tomatoes", + "yellow bell pepper", + "chickpeas", + "red bell pepper", + "saffron threads", + "vegetable oil", + "salt", + "juice", + "chuck", + "ground black pepper", + "dry red wine", + "sweet paprika", + "onions", + "chicken broth", + "large garlic cloves", + "all-purpose flour", + "rioja", + "ground cumin" + ] + }, + { + "id": 2409, + "cuisine": "italian", + "ingredients": [ + "condensed cream of chicken soup", + "sliced black olives", + "chicken meat", + "sour cream", + "dried basil", + "condensed cream of mushroom soup", + "shredded mozzarella cheese", + "cottage cheese", + "grated parmesan cheese", + "poultry seasoning", + "colby cheese", + "lasagna noodles", + "chopped onion", + "dried oregano" + ] + }, + { + "id": 12161, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "bacon", + "fresh parsley", + "butter", + "beef broth", + "spaghetti", + "dry white wine", + "salt", + "onions", + "tomato paste", + "heavy cream", + "ground beef", + "dried oregano" + ] + }, + { + "id": 24346, + "cuisine": "thai", + "ingredients": [ + "sticky rice", + "coconut milk", + "salt", + "sugar", + "mango" + ] + }, + { + "id": 1876, + "cuisine": "japanese", + "ingredients": [ + "shiso", + "fine sea salt", + "ground black pepper", + "pork belly" + ] + }, + { + "id": 35776, + "cuisine": "mexican", + "ingredients": [ + "base", + "dried oregano", + "shells", + "ground cumin", + "chili powder", + "iceberg lettuce", + "salt" + ] + }, + { + "id": 5277, + "cuisine": "japanese", + "ingredients": [ + "japanese rice", + "honey", + "cilantro leaves", + "warm water", + "mirin", + "konbu", + "cremini mushrooms", + "fresh ginger", + "dried shiitake mushrooms", + "soy sauce", + "salt", + "carrots" + ] + }, + { + "id": 19770, + "cuisine": "filipino", + "ingredients": [ + "mussels", + "garlic", + "fresh leav spinach", + "celery", + "chicken broth", + "carrots", + "olive oil", + "onions" + ] + }, + { + "id": 23615, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "duck", + "garam masala", + "pepper", + "ginger paste", + "salt" + ] + }, + { + "id": 12023, + "cuisine": "filipino", + "ingredients": [ + "water", + "ginger", + "oil", + "fish sauce", + "pork liver", + "salt", + "onions", + "blood", + "leaves", + "garlic", + "pork heart", + "pepper", + "pork tenderloin", + "miswa" + ] + }, + { + "id": 23608, + "cuisine": "japanese", + "ingredients": [ + "pork", + "cabbage", + "green onions", + "soy sauce", + "eggs", + "wonton wrappers" + ] + }, + { + "id": 5324, + "cuisine": "italian", + "ingredients": [ + "butter", + "fresh parsley", + "fresh lemon juice", + "dijon style mustard", + "chopped garlic", + "shrimp" + ] + }, + { + "id": 19544, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "toasted sesame oil", + "water chestnuts", + "carrots", + "phyllo pastry", + "zucchini", + "dry sherry", + "fillets", + "spring onions", + "beansprouts", + "bamboo shoots" + ] + }, + { + "id": 8758, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "coriander powder", + "ginger", + "green chilies", + "clove", + "coconut oil", + "chili powder", + "garlic", + "onions", + "black peppercorns", + "beef", + "star anise", + "cardamom", + "fennel seeds", + "water", + "cinnamon", + "salt", + "ground turmeric" + ] + }, + { + "id": 4230, + "cuisine": "japanese", + "ingredients": [ + "basil pesto sauce", + "shredded mozzarella cheese", + "brown beech mushrooms", + "fresh basil leaves", + "olive oil", + "onions", + "flatbread", + "grated parmesan cheese" + ] + }, + { + "id": 26470, + "cuisine": "southern_us", + "ingredients": [ + "water", + "fresh mushrooms", + "diced onions", + "olive oil", + "grits", + "milk", + "sausages", + "shredded cheddar cheese", + "raspberry preserves" + ] + }, + { + "id": 44964, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chinese sausage", + "garlic cloves", + "kosher salt", + "peeled fresh ginger", + "sugar pea", + "medium dry sherry", + "corn starch", + "sugar", + "water", + "scallions" + ] + }, + { + "id": 44346, + "cuisine": "thai", + "ingredients": [ + "vegetable oil cooking spray", + "fresh ginger", + "slaw mix", + "fresh mint", + "fish sauce", + "olive oil", + "sesame oil", + "cucumber", + "basmati rice", + "light soy sauce", + "ground red pepper", + "rice vinegar", + "chopped cilantro fresh", + "boneless chop pork", + "green onions", + "cilantro sprigs", + "fresh lime juice" + ] + }, + { + "id": 12441, + "cuisine": "chinese", + "ingredients": [ + "tilapia fillets", + "rice vinegar", + "canola oil", + "low sodium soy sauce", + "ground red pepper", + "lemon juice", + "fresh ginger", + "orange juice", + "sliced green onions", + "brown sugar", + "salt", + "five-spice powder" + ] + }, + { + "id": 13949, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "curry powder", + "chicken breasts", + "red curry paste", + "ginger root", + "coconut oil", + "garam masala", + "green peas", + "cumin seed", + "ground turmeric", + "tomato paste", + "fresh cilantro", + "brown rice", + "fenugreek seeds", + "coconut milk", + "cauliflower", + "plain yogurt", + "cayenne", + "salt", + "lemon juice", + "raita" + ] + }, + { + "id": 12502, + "cuisine": "italian", + "ingredients": [ + "pepper", + "beef consomme", + "garlic", + "deli rolls", + "rosemary", + "spices", + "thyme", + "water", + "sherry", + "salt", + "italian seasoning", + "soy sauce", + "chuck roast", + "butter", + "onions" + ] + }, + { + "id": 13606, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "ground black pepper", + "kosher salt", + "scallions", + "chiles", + "flour tortillas", + "avocado", + "lime", + "chopped cilantro" + ] + }, + { + "id": 37076, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "shrimp", + "pepper", + "garlic", + "fettuccine pasta", + "seafood seasoning", + "fresh asparagus", + "olive oil", + "salt" + ] + }, + { + "id": 40876, + "cuisine": "japanese", + "ingredients": [ + "water", + "radishes", + "wasabi powder", + "eggplant", + "sesame oil", + "raw tiger prawn", + "Japanese soy sauce", + "vegetable oil", + "shiitake", + "large eggs", + "cornflour" + ] + }, + { + "id": 40416, + "cuisine": "thai", + "ingredients": [ + "lime wedges", + "fresh basil", + "Thai red curry paste", + "unsweetened coconut milk", + "top sirloin", + "asparagus", + "oil" + ] + }, + { + "id": 47702, + "cuisine": "italian", + "ingredients": [ + "swiss chard", + "large eggs", + "fresh basil leaves", + "black pepper", + "zucchini", + "scallions", + "olive oil", + "parmigiano reggiano cheese", + "fresh parsley", + "prosciutto", + "salt" + ] + }, + { + "id": 41560, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "butter", + "serrano ham", + "large eggs", + "sour cream", + "manchego cheese", + "salt", + "masa", + "baking powder", + "poblano chiles" + ] + }, + { + "id": 23282, + "cuisine": "italian", + "ingredients": [ + "sherry", + "fresh mushrooms", + "chicken", + "crushed tomatoes", + "salt", + "onions", + "tomato sauce", + "garlic", + "peanut oil", + "chopped green bell pepper", + "all-purpose flour", + "dried oregano" + ] + }, + { + "id": 32899, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "(10 oz.) frozen chopped spinach", + "olive oil", + "ricotta cheese", + "ground nutmeg", + "garlic", + "dough", + "marinara sauce" + ] + }, + { + "id": 21310, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "butter", + "ground cinnamon", + "ground nutmeg", + "salt", + "milk", + "light corn syrup", + "eggs", + "sweet potatoes", + "pie shell" + ] + }, + { + "id": 43035, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "garam masala", + "salt", + "oil", + "atta", + "lime juice", + "butter", + "cumin seed", + "ground turmeric", + "chat masala", + "potatoes", + "cilantro leaves", + "onions", + "warm water", + "chili powder", + "green chilies", + "coriander" + ] + }, + { + "id": 1143, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "cornish hens", + "olive oil", + "garlic", + "grated parmesan cheese", + "lemon juice", + "sun-dried tomatoes", + "salt" + ] + }, + { + "id": 33685, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "ranch dressing", + "hot sauce", + "sour cream", + "tomato paste", + "taco shells", + "salt", + "taco seasoning", + "beans", + "grating cheese", + "tortilla chips", + "ground beef", + "grape tomatoes", + "green leaf lettuce", + "salsa", + "hot water" + ] + }, + { + "id": 7992, + "cuisine": "chinese", + "ingredients": [ + "caster sugar", + "cooking oil", + "peanut oil", + "pork belly", + "light soy sauce", + "red preserved bean curd", + "water", + "Shaoxing wine", + "oyster sauce", + "white pepper", + "honey", + "salt" + ] + }, + { + "id": 30207, + "cuisine": "jamaican", + "ingredients": [ + "flour", + "cold water", + "salt" + ] + }, + { + "id": 35316, + "cuisine": "indian", + "ingredients": [ + "mace", + "star anise", + "nutmeg", + "whole cloves", + "cinnamon sticks", + "black peppercorns", + "bay leaves", + "green cardamom pods", + "coriander seeds", + "cumin seed" + ] + }, + { + "id": 37542, + "cuisine": "italian", + "ingredients": [ + "sugar", + "dry red wine", + "spaghetti", + "fresh basil", + "finely chopped onion", + "salt", + "tomato paste", + "olive oil", + "crushed red pepper", + "ground round", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 27517, + "cuisine": "italian", + "ingredients": [ + "mussels", + "large garlic cloves", + "red bell pepper", + "unsalted butter", + "linguine", + "black pepper", + "heavy cream", + "flat leaf parsley", + "celery ribs", + "shallots", + "salt" + ] + }, + { + "id": 43657, + "cuisine": "mexican", + "ingredients": [ + "ground turkey breast", + "salad oil", + "fresh oregano leaves", + "chopped onion", + "chopped cilantro fresh", + "jack cheese", + "salt", + "corn tortillas", + "minced garlic", + "enchilada sauce", + "ground cumin" + ] + }, + { + "id": 37538, + "cuisine": "french", + "ingredients": [ + "active dry yeast", + "white vinegar", + "all purpose unbleached flour", + "warm water", + "salt", + "olive oil" + ] + }, + { + "id": 41877, + "cuisine": "moroccan", + "ingredients": [ + "eggs", + "orange flower water", + "sugar", + "lemon juice", + "powdered sugar", + "ground almonds", + "baking powder", + "corn flour" + ] + }, + { + "id": 31511, + "cuisine": "spanish", + "ingredients": [ + "walnut halves", + "half & half", + "bananas", + "sugar", + "vanilla bean paste", + "large eggs" + ] + }, + { + "id": 11792, + "cuisine": "southern_us", + "ingredients": [ + "vinegar", + "salt", + "green tomatoes", + "cabbage", + "bell pepper", + "onions", + "sugar", + "hot pepper" + ] + }, + { + "id": 11414, + "cuisine": "french", + "ingredients": [ + "Emmenthal", + "grated Gruyère cheese", + "baguette", + "heavy cream", + "chicken broth", + "pumpkin", + "olive oil", + "grated nutmeg" + ] + }, + { + "id": 4793, + "cuisine": "mexican", + "ingredients": [ + "ground chipotle chile pepper", + "scallions", + "sea salt", + "mango", + "lime juice", + "cucumber", + "cilantro" + ] + }, + { + "id": 572, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "olive oil", + "extra-virgin olive oil", + "white onion", + "tomatillos", + "chopped cilantro fresh", + "pasta", + "kosher salt", + "fresh orange juice", + "chiles", + "sea scallops", + "fresh lime juice" + ] + }, + { + "id": 29289, + "cuisine": "british", + "ingredients": [ + "melted butter", + "potatoes", + "milk", + "pork sausages", + "beef gravy", + "onions", + "chicken stock", + "cooking oil", + "dried oregano" + ] + }, + { + "id": 44766, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "grated parmesan cheese", + "chopped fresh thyme", + "garlic cloves", + "olive oil", + "butternut squash", + "acorn squash", + "white wine", + "low sodium chicken broth", + "sea salt", + "onions", + "unsalted butter", + "balsamic vinegar", + "freshly ground pepper" + ] + }, + { + "id": 28321, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "ground meat", + "cooking wine", + "salt", + "large eggs" + ] + }, + { + "id": 40662, + "cuisine": "italian", + "ingredients": [ + "eggs", + "frozen pastry puff sheets", + "dried oregano", + "marinara sauce", + "onions", + "bread crumbs", + "large garlic cloves", + "milk", + "sweet italian sausage" + ] + }, + { + "id": 3097, + "cuisine": "mexican", + "ingredients": [ + "red chili peppers", + "tortillas", + "garlic cloves", + "avocado", + "lime", + "butter", + "sour cream", + "black beans", + "cajun seasoning", + "waxy potatoes", + "eggs", + "olive oil", + "sweet corn" + ] + }, + { + "id": 45232, + "cuisine": "jamaican", + "ingredients": [ + "pizza sauce", + "shredded mozzarella cheese", + "olive oil", + "portabello mushroom", + "thin pizza crust", + "green bell pepper", + "salami", + "jerk sauce", + "boneless skinless chicken breasts", + "garlic" + ] + }, + { + "id": 12591, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "baking soda", + "butter", + "nonfat buttermilk", + "egg substitute", + "jalapeno chilies", + "all-purpose flour", + "yellow corn meal", + "reduced fat cheddar cheese", + "cream style corn", + "salt", + "vegetable oil cooking spray", + "garlic powder", + "green onions" + ] + }, + { + "id": 1614, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "dry white wine", + "chicken", + "kosher salt", + "garlic cloves", + "ground cinnamon", + "cooking spray", + "fresh lemon juice", + "black pepper", + "pomegranate" + ] + }, + { + "id": 4256, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "skinless chicken breasts", + "pepper", + "garlic", + "cilantro", + "oil", + "lime juice", + "salt" + ] + }, + { + "id": 42508, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "green onions", + "chees fresco queso", + "romaine lettuce", + "ranch dressing", + "taco seasoning", + "grape tomatoes", + "boneless skinless chicken breasts", + "salsa", + "corn kernels", + "bacon" + ] + }, + { + "id": 39165, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "lettuce leaves", + "sauce", + "tomatoes", + "pita bread rounds", + "dry bread crumbs", + "chopped fresh mint", + "finely chopped onion", + "salt", + "garlic cloves", + "pepper", + "cooking spray", + "fresh oregano", + "ground lamb" + ] + }, + { + "id": 39192, + "cuisine": "italian", + "ingredients": [ + "pepper", + "large garlic cloves", + "kosher salt", + "roasted red peppers", + "country bread", + "olive oil", + "heirloom tomatoes", + "mozzarella cheese", + "basil leaves", + "sourdough" + ] + }, + { + "id": 15071, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "shallots", + "corn grits", + "olive oil", + "rosemary leaves", + "eggs", + "spices", + "unsalted butter", + "salt" + ] + }, + { + "id": 34134, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "red pepper", + "frozen corn", + "sliced green onions", + "chicken broth", + "chili powder", + "diced tomatoes", + "cumin", + "poblano peppers", + "grating cheese", + "rice", + "black beans", + "chili pepper flakes", + "salt", + "chicken" + ] + }, + { + "id": 33973, + "cuisine": "spanish", + "ingredients": [ + "salt", + "large shrimp", + "lemon wedge", + "bay leaf", + "ground red pepper", + "garlic cloves", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 35069, + "cuisine": "italian", + "ingredients": [ + "water", + "grated parmesan cheese", + "white sugar", + "olive oil", + "salt", + "active dry yeast", + "butter", + "bread flour", + "garlic powder", + "shredded mozzarella cheese" + ] + }, + { + "id": 26815, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "rice wine", + "oil", + "angel hair", + "fresh ginger", + "star anise", + "tomatoes", + "water", + "napa cabbage", + "garlic cloves", + "rock sugar", + "beef shank", + "scallions" + ] + }, + { + "id": 23999, + "cuisine": "mexican", + "ingredients": [ + "cooked ham", + "guacamole", + "cream", + "jack cheese", + "vegetable oil", + "pico de gallo", + "flour tortillas" + ] + }, + { + "id": 39149, + "cuisine": "moroccan", + "ingredients": [ + "ground nutmeg", + "sweet paprika", + "ground lamb", + "olive oil", + "purple onion", + "chopped cilantro", + "ground cinnamon", + "cayenne", + "chopped parsley", + "ground cumin", + "mace", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 2060, + "cuisine": "southern_us", + "ingredients": [ + "granny smith apples", + "allspice", + "clove", + "apple juice", + "cinnamon", + "sugar", + "applesauce" + ] + }, + { + "id": 11881, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "flour", + "salt", + "melted butter", + "milk", + "butter", + "water", + "sweet potatoes", + "chopped pecans", + "eggs", + "mini marshmallows", + "vanilla" + ] + }, + { + "id": 28053, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "water", + "sesame oil", + "rice vinegar", + "red chili peppers", + "mint leaves", + "red pepper", + "chopped garlic", + "duck breasts", + "lime", + "rice noodles", + "coriander", + "caster sugar", + "spring onions", + "salt", + "mango" + ] + }, + { + "id": 37708, + "cuisine": "russian", + "ingredients": [ + "raspberries", + "honey", + "water" + ] + }, + { + "id": 8537, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "salt", + "baguette", + "garlic", + "herbes de provence", + "duck fat", + "cognac", + "shallots", + "duck liver" + ] + }, + { + "id": 24479, + "cuisine": "mexican", + "ingredients": [ + "serrano chilies", + "asadero", + "salt", + "white onion", + "tomatillos", + "white corn tortillas", + "vegetable oil", + "poblano peppers", + "garlic" + ] + }, + { + "id": 45074, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "tortilla chips", + "chili", + "water", + "tamales", + "green onions" + ] + }, + { + "id": 42068, + "cuisine": "italian", + "ingredients": [ + "jalapeno chilies", + "tortilla chips", + "onions", + "pasta sauce", + "black olives", + "feta cheese crumbles", + "crushed red pepper flakes", + "pepperoni", + "bulk italian sausag", + "salsa", + "sour cream" + ] + }, + { + "id": 43811, + "cuisine": "british", + "ingredients": [ + "skim milk", + "beef stock cubes", + "carrots", + "tomato purée", + "leeks", + "grated nutmeg", + "porridge oats", + "water", + "worcestershire sauce", + "whole wheat breadcrumbs", + "minced lean steak", + "butternut squash", + "garlic cloves" + ] + }, + { + "id": 5237, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "diced tomatoes", + "garlic cloves", + "chopped cilantro fresh", + "tumeric", + "ground pepper", + "cayenne pepper", + "shrimp", + "cooked rice", + "fresh ginger", + "yellow onion", + "lemon juice", + "canola oil", + "kosher salt", + "ground black pepper", + "ground coriander", + "coconut milk" + ] + }, + { + "id": 33566, + "cuisine": "japanese", + "ingredients": [ + "sweet onion", + "gala apples", + "sugar", + "watercress", + "avocado", + "vegetable oil", + "soy sauce", + "rice vinegar" + ] + }, + { + "id": 23174, + "cuisine": "french", + "ingredients": [ + "framboise liqueur", + "strawberries", + "fresh lemon juice", + "sugar" + ] + }, + { + "id": 45553, + "cuisine": "chinese", + "ingredients": [ + "pimentos", + "cream of mushroom soup", + "green bell pepper", + "butter", + "cashew nuts", + "soy sauce", + "chow mein noodles", + "celery ribs", + "cooked chicken", + "onions" + ] + }, + { + "id": 20990, + "cuisine": "indian", + "ingredients": [ + "water", + "all-purpose flour", + "baking powder", + "kosher salt", + "canola oil" + ] + }, + { + "id": 11383, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "chili", + "shredded cheddar cheese", + "cream cheese", + "diced green chilies" + ] + }, + { + "id": 15676, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "white pepper", + "chicken breasts", + "garlic", + "orange juice", + "orange zest", + "soy sauce", + "baking soda", + "dry sherry", + "rice vinegar", + "oil", + "red chili peppers", + "water", + "sesame oil", + "salt", + "scallions", + "eggs", + "canned chicken broth", + "cooking oil", + "ginger", + "all-purpose flour", + "corn starch" + ] + }, + { + "id": 2423, + "cuisine": "italian", + "ingredients": [ + "Italian cheese", + "shells", + "large eggs", + "plum tomatoes", + "milk", + "freshly ground pepper", + "fresh basil", + "bacon slices" + ] + }, + { + "id": 1811, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "halibut fillets", + "green onions", + "shredded cheddar cheese", + "flour tortillas", + "chopped cilantro fresh", + "mayonaise", + "garlic powder", + "sour cream", + "green bell pepper", + "salt and ground black pepper", + "enchilada sauce" + ] + }, + { + "id": 15660, + "cuisine": "italian", + "ingredients": [ + "white chocolate chips", + "butter", + "grated lemon zest", + "sugar", + "cooking spray", + "salt", + "chopped pecans", + "large eggs", + "vanilla extract", + "and fat free half half", + "large egg whites", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 7119, + "cuisine": "spanish", + "ingredients": [ + "cream", + "salt", + "kidney", + "brandy", + "butter", + "oil", + "tomatoes", + "mushrooms", + "green pepper", + "onions", + "black pepper", + "dry sherry", + "garlic cloves" + ] + }, + { + "id": 11427, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "yukon gold potatoes", + "broccoli", + "salt", + "peperoncino" + ] + }, + { + "id": 28560, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "green onions", + "black-eyed peas", + "sweet corn", + "olive oil", + "apple cider vinegar", + "feta cheese" + ] + }, + { + "id": 19571, + "cuisine": "mexican", + "ingredients": [ + "salt", + "bay leaf", + "crimini mushrooms", + "fresh lemon juice", + "rosemary sprigs", + "garlic cloves", + "dried oregano", + "cracked black pepper", + "tequila" + ] + }, + { + "id": 10400, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "broccoli", + "tomatoes", + "sliced black olives", + "salsa verde", + "pickled jalapenos", + "corn chips" + ] + }, + { + "id": 37473, + "cuisine": "mexican", + "ingredients": [ + "lime", + "cilantro", + "minced onion", + "chopped cilantro fresh", + "avocado", + "chile pepper", + "pomegranate seeds", + "salt" + ] + }, + { + "id": 23103, + "cuisine": "french", + "ingredients": [ + "hazelnuts", + "olive oil", + "salt", + "pepper", + "dijon mustard", + "blood orange", + "sherry vinegar", + "salad greens", + "confit" + ] + }, + { + "id": 45623, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "smoked sausage", + "lipton onion soup mix", + "rotisserie chicken", + "olive oil", + "salt", + "chicken broth", + "brown rice", + "onions" + ] + }, + { + "id": 35779, + "cuisine": "french", + "ingredients": [ + "olive oil", + "green onions", + "anchovy paste", + "dried tarragon leaves", + "cooking spray", + "chicken breast halves", + "garlic cloves", + "red potato", + "dijon mustard", + "dry white wine", + "white wine vinegar", + "cherry tomatoes", + "lettuce leaves", + "shallots", + "green beans" + ] + }, + { + "id": 17447, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "olive oil", + "sugar", + "salt", + "warm water", + "bread flour" + ] + }, + { + "id": 46587, + "cuisine": "southern_us", + "ingredients": [ + "mini marshmallows", + "chopped walnuts", + "milk", + "margarine", + "unsweetened cocoa powder", + "eggs", + "all-purpose flour", + "white sugar", + "vanilla extract", + "confectioners sugar" + ] + }, + { + "id": 46274, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "cider vinegar", + "flour", + "cayenne pepper", + "celery", + "safflower oil", + "black-eyed peas", + "paprika", + "scallions", + "sugar", + "boneless, skinless chicken breast", + "buttermilk", + "freshly ground pepper", + "romaine lettuce", + "cream", + "garlic powder", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 4451, + "cuisine": "italian", + "ingredients": [ + "pepper", + "bow-tie pasta", + "parsley sprigs", + "garlic", + "plum tomatoes", + "olive oil", + "sweet italian sausage", + "kosher salt", + "purple onion" + ] + }, + { + "id": 47819, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "olive oil", + "lean ground beef", + "hot sauce", + "capers", + "chopped green bell pepper", + "canned tomatoes", + "green olives", + "ground black pepper", + "garlic", + "chopped onion", + "white vinegar", + "ground cloves", + "bay leaves", + "salt" + ] + }, + { + "id": 24244, + "cuisine": "french", + "ingredients": [ + "sugar", + "puff pastry", + "unsalted butter", + "heavy cream", + "granny smith apples" + ] + }, + { + "id": 25208, + "cuisine": "italian", + "ingredients": [ + "baking powder", + "eggs", + "confectioners sugar", + "all-purpose flour", + "ground cloves" + ] + }, + { + "id": 43545, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "corn", + "old bay seasoning", + "onions", + "minced garlic", + "butter", + "beer", + "shrimp and crab boil seasoning", + "prawns", + "kielbasa", + "water", + "lemon", + "small red potato" + ] + }, + { + "id": 47379, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "olive oil", + "golden raisins", + "flat leaf parsley", + "kosher salt", + "ground black pepper", + "yellow bell pepper", + "bread crumb fresh", + "oil packed anchovy fillets", + "pitted green olives", + "saffron threads", + "minced garlic", + "cream sherry", + "red bell pepper" + ] + }, + { + "id": 35976, + "cuisine": "mexican", + "ingredients": [ + "pasta", + "garlic powder", + "sea salt", + "smoked paprika", + "white onion", + "meat", + "extra-virgin olive oil", + "chopped cilantro", + "black pepper", + "salsa verde", + "diced tomatoes", + "ancho chile pepper", + "minced garlic", + "heavy cream", + "sweet pepper" + ] + }, + { + "id": 41249, + "cuisine": "vietnamese", + "ingredients": [ + "pepper", + "rice", + "green beans", + "soy sauce", + "garlic", + "carrots", + "white wine", + "salt", + "shrimp", + "eggs", + "vegetable oil", + "ham", + "coriander" + ] + }, + { + "id": 13977, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "garlic", + "red bell pepper", + "cotija", + "flour tortillas", + "cumin seed", + "onions", + "red chili peppers", + "cilantro sprigs", + "enchilada sauce", + "chopped cilantro fresh", + "avocado", + "pepper jack", + "frozen corn kernels", + "salad oil" + ] + }, + { + "id": 30536, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "green onions", + "garlic", + "chicken broth", + "hoisin sauce", + "sesame oil", + "corn starch", + "soy sauce", + "chicken breasts", + "rice vinegar", + "eggs", + "flour", + "ginger" + ] + }, + { + "id": 32467, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "lemon juice", + "angel hair", + "salt", + "chopped parsley", + "chicken stock", + "chives", + "heavy whipping cream", + "black pepper", + "zest", + "medium shrimp" + ] + }, + { + "id": 27333, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "rice wine", + "rice vinegar", + "sugar", + "ground black pepper", + "beef tenderloin", + "garlic cloves", + "fish sauce", + "lime", + "watercress", + "scallions", + "soy sauce", + "unsalted butter", + "purple onion", + "canola oil" + ] + }, + { + "id": 7803, + "cuisine": "italian", + "ingredients": [ + "sugar", + "crushed tomatoes", + "cheese tortellini", + "fat free less sodium chicken broth", + "olive oil", + "garlic cloves", + "black pepper", + "dried basil", + "chopped onion", + "water", + "fresh parmesan cheese" + ] + }, + { + "id": 6401, + "cuisine": "italian", + "ingredients": [ + "sugar", + "unsalted butter", + "lemon", + "pure vanilla extract", + "blood orange", + "orange marmalade", + "plain whole-milk yogurt", + "eggs", + "almonds", + "pistachio nuts", + "kosher salt", + "flour", + "lemon juice" + ] + }, + { + "id": 27501, + "cuisine": "greek", + "ingredients": [ + "russet potatoes", + "feta cheese crumbles", + "olive oil", + "salt", + "garlic", + "oregano", + "lemon zest", + "lemon juice" + ] + }, + { + "id": 2773, + "cuisine": "italian", + "ingredients": [ + "roasted red peppers", + "ground red pepper", + "tomato paste", + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "finely chopped onion", + "balsamic vinegar", + "fresh basil", + "half & half", + "bow-tie pasta" + ] + }, + { + "id": 9889, + "cuisine": "japanese", + "ingredients": [ + "diced onions", + "garam masala", + "seeds", + "cilantro leaves", + "fresh lemon juice", + "ground cumin", + "coriander seeds", + "potatoes", + "green peas", + "cumin seed", + "clarified butter", + "water", + "chili paste", + "chili powder", + "all-purpose flour", + "carrots", + "cauliflower", + "baking soda", + "poha", + "salt", + "oil", + "ground turmeric" + ] + }, + { + "id": 39528, + "cuisine": "filipino", + "ingredients": [ + "pork belly", + "fresh ginger", + "green onions", + "rice vinegar", + "soy sauce", + "milk", + "flour", + "fresh chili", + "asian fish sauce", + "brown sugar", + "water", + "cooking oil", + "salt", + "kimchi", + "chili pepper", + "hoisin sauce", + "garlic", + "flour for dusting" + ] + }, + { + "id": 15691, + "cuisine": "french", + "ingredients": [ + "wine", + "honey", + "salt", + "calimyrna figs", + "melted butter", + "water", + "large eggs", + "all-purpose flour", + "frozen sweetened raspberries", + "grated orange peel", + "vanilla beans", + "whole milk", + "chopped walnuts", + "orange peel", + "sugar", + "unsalted butter", + "crème fraîche", + "dark brown sugar" + ] + }, + { + "id": 48104, + "cuisine": "thai", + "ingredients": [ + "whitefish", + "peanuts", + "cucumber", + "kaffir lime leaves", + "cilantro", + "long beans", + "green onions", + "bird chile", + "eggs", + "curry" + ] + }, + { + "id": 41461, + "cuisine": "mexican", + "ingredients": [ + "evaporated milk", + "sweetened condensed milk", + "semisweet chocolate", + "cool whip", + "white cake mix", + "sour cream" + ] + }, + { + "id": 27376, + "cuisine": "french", + "ingredients": [ + "green onions", + "all-purpose flour", + "pepper", + "butter", + "cream", + "shredded swiss cheese", + "fresh parsley", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 30528, + "cuisine": "cajun_creole", + "ingredients": [ + "Kitchen Bouquet", + "garlic powder", + "butter", + "beef roast", + "tomatoes", + "water", + "flour", + "broth", + "black pepper", + "beef", + "salt", + "French bread loaves", + "mayonaise", + "sweet onion", + "vegetable oil", + "iceberg lettuce" + ] + }, + { + "id": 31054, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "salt", + "pepper", + "chili powder", + "cumin", + "soy sauce", + "olive oil", + "corn tortillas", + "tilapia fillets", + "garlic" + ] + }, + { + "id": 44481, + "cuisine": "italian", + "ingredients": [ + "smoked salmon", + "lemon zest", + "black pepper", + "salt", + "fresh dill", + "heavy cream", + "asparagus", + "gemelli" + ] + }, + { + "id": 34530, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "scallions", + "lobster", + "sauce", + "corn starch", + "fresh ginger", + "chinese black bean", + "garlic cloves", + "sugar", + "rice wine", + "dark sesame oil" + ] + }, + { + "id": 8990, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "ground allspice", + "brown sugar", + "maple syrup", + "bourbon whiskey", + "fresh ham", + "ground ginger", + "salt", + "garlic cloves" + ] + }, + { + "id": 10023, + "cuisine": "italian", + "ingredients": [ + "parsnips", + "fettucine", + "flat leaf parsley", + "unsalted butter", + "pancetta slices" + ] + }, + { + "id": 30273, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "mussels, well scrubbed", + "linguine, cook and drain" + ] + }, + { + "id": 36210, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "mushrooms", + "salt", + "soy sauce", + "vegetable oil", + "beansprouts", + "eggs", + "spring onions", + "ground white pepper", + "cold water", + "prawns", + "cornflour" + ] + }, + { + "id": 37202, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cherry tomatoes", + "chili powder", + "spaghetti squash", + "minced garlic", + "Tabasco Green Pepper Sauce", + "vegetable broth", + "ground cumin", + "lime juice", + "Anaheim chile", + "salt", + "black beans", + "olive oil", + "cilantro", + "onions" + ] + }, + { + "id": 7070, + "cuisine": "vietnamese", + "ingredients": [ + "napa cabbage", + "soybean sprouts", + "red cabbage", + "purple onion", + "ground black pepper", + "fine sea salt", + "carrots", + "green onions", + "cilantro leaves" + ] + }, + { + "id": 26691, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garam masala", + "seeds", + "salt", + "white sesame seeds", + "amchur", + "finely chopped onion", + "ginger", + "green chilies", + "cumin", + "curry leaves", + "peanuts", + "dry coconut", + "kasuri methi", + "oil", + "red chili powder", + "coriander powder", + "capsicum", + "green cardamom", + "onions" + ] + }, + { + "id": 34329, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "garlic powder", + "Mexican oregano", + "salt", + "ground cumin", + "serrano chilies", + "fresh cilantro", + "green onions", + "paprika", + "monterey jack", + "soy sauce", + "lime", + "flank steak", + "cracked black pepper", + "canola oil", + "avocado", + "water", + "roma tomatoes", + "russet potatoes", + "sour cream" + ] + }, + { + "id": 21020, + "cuisine": "southern_us", + "ingredients": [ + "honey", + "sweet potatoes", + "sweetened coconut flakes", + "chopped pecans", + "sugar", + "large eggs", + "whipped cream", + "dark brown sugar", + "ground nutmeg", + "dark rum", + "vanilla extract", + "coconut milk", + "ground cinnamon", + "tart shells", + "butter", + "ground allspice" + ] + }, + { + "id": 14286, + "cuisine": "chinese", + "ingredients": [ + "water", + "salt", + "corn starch", + "boneless skinless chicken breast halves", + "pepper", + "garlic", + "chinese five-spice powder", + "onions", + "soy sauce", + "red pepper flakes", + "roasted peanuts", + "celery", + "brown sugar", + "vegetable oil", + "rice vinegar", + "toasted sesame oil" + ] + }, + { + "id": 18513, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "rice noodles", + "white wine vinegar", + "chopped cilantro", + "minced garlic", + "lemon", + "shrimp", + "white sugar", + "eggs", + "peanuts", + "unsalted dry roast peanuts", + "beansprouts", + "ketchup", + "vegetable oil", + "lemon juice", + "onions" + ] + }, + { + "id": 39792, + "cuisine": "russian", + "ingredients": [ + "potatoes", + "salt", + "carrots", + "olive oil", + "green onions", + "dill", + "chicken broth", + "half & half", + "all-purpose flour", + "bay leaf", + "ground black pepper", + "butter", + "fresh mushrooms" + ] + }, + { + "id": 6946, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "carrots", + "cold water", + "turkey", + "celery ribs", + "Turkish bay leaves", + "onions", + "clove", + "garlic" + ] + }, + { + "id": 16102, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "baby spinach", + "black beans", + "salsa", + "cooked brown rice", + "sea salt", + "cheddar cheese", + "tortillas", + "greek yogurt" + ] + }, + { + "id": 49624, + "cuisine": "russian", + "ingredients": [ + "capers", + "kosher salt", + "vegan butter", + "vegan mayonnaise", + "mayonaise", + "baking powder", + "buckwheat flour", + "fresh chives", + "all purpose unbleached flour", + "brine", + "beluga lentil", + "water", + "non dairy milk" + ] + }, + { + "id": 14934, + "cuisine": "italian", + "ingredients": [ + "crushed red pepper flakes", + "crushed tomatoes", + "garlic", + "fresh basil", + "extra-virgin olive oil", + "bay leaves", + "penne pasta" + ] + }, + { + "id": 125, + "cuisine": "jamaican", + "ingredients": [ + "dried basil", + "yellow mustard", + "scallions", + "chicken", + "cider vinegar", + "jerk paste", + "beer", + "flat leaf parsley", + "kosher salt", + "dried thyme", + "cracked black pepper", + "mustard seeds", + "lime juice", + "chile pepper", + "orange juice", + "dried rosemary" + ] + }, + { + "id": 40148, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "garlic cloves", + "celery", + "ground black pepper", + "white beans", + "carrots", + "fresh basil leaves", + "yellow crookneck squash", + "salt", + "small red potato", + "onions", + "chicken stock", + "zucchini", + "grated Gruyère cheese", + "green beans" + ] + }, + { + "id": 38913, + "cuisine": "italian", + "ingredients": [ + "cucumber", + "mayonaise", + "salad dressing", + "rye bread" + ] + }, + { + "id": 13171, + "cuisine": "brazilian", + "ingredients": [ + "crushed tomatoes", + "salt", + "medium shrimp", + "green bell pepper", + "cooking oil", + "garlic cloves", + "onions", + "unsweetened coconut milk", + "ground black pepper", + "long-grain rice", + "fresh parsley", + "water", + "red pepper flakes", + "lemon juice" + ] + }, + { + "id": 3239, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "pork tenderloin", + "dried shiitake mushrooms", + "sliced green onions", + "white wine", + "hoisin sauce", + "vegetable oil", + "white sugar", + "minced garlic", + "large eggs", + "napa cabbage", + "pancake", + "soy sauce", + "ground black pepper", + "sesame oil", + "corn starch" + ] + }, + { + "id": 22542, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "buttermilk", + "kosher salt", + "large eggs", + "all-purpose flour", + "yellow corn meal", + "unsalted butter", + "maple syrup", + "whole wheat flour", + "baking powder" + ] + }, + { + "id": 2935, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "baking powder", + "shrimp", + "jalapeno chilies", + "salt", + "garlic powder", + "coconut flour", + "eggs", + "sweet potatoes", + "bacon fat" + ] + }, + { + "id": 27391, + "cuisine": "thai", + "ingredients": [ + "molasses", + "garlic", + "ginger", + "red wine vinegar", + "beef ribs", + "soy sauce", + "thai chile" + ] + }, + { + "id": 31824, + "cuisine": "brazilian", + "ingredients": [ + "molasses", + "sesame seeds", + "sunflower seeds", + "kosher salt", + "sharp cheddar cheese", + "eggs", + "tapioca flour", + "whole milk", + "safflower oil", + "water", + "pepitas" + ] + }, + { + "id": 44046, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "sauce", + "beansprouts", + "chicken stock", + "green bell pepper, slice", + "sesame oil", + "Chinese egg noodles", + "black pepper", + "marinade", + "peanut oil", + "onions", + "chinese rice wine", + "hoisin sauce", + "dried shiitake mushrooms", + "carrots" + ] + }, + { + "id": 17042, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "corn starch", + "sugar", + "garlic", + "chicken broth", + "ginger", + "bok choy", + "soy sauce", + "oyster-flavor sauc" + ] + }, + { + "id": 8316, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "butter", + "sour cream", + "tortillas", + "salsa", + "fajita seasoning mix", + "olive oil", + "cheese", + "onions", + "boneless chicken breast", + "red bell pepper" + ] + }, + { + "id": 25584, + "cuisine": "indian", + "ingredients": [ + "water", + "oil", + "salt", + "active dry yeast", + "thyme", + "sugar", + "all-purpose flour" + ] + }, + { + "id": 20469, + "cuisine": "thai", + "ingredients": [ + "palm sugar", + "sticky rice", + "coconut milk", + "shallots", + "tamarind concentrate", + "shrimp paste", + "salt", + "minced pork", + "peanuts", + "cilantro root", + "shrimp" + ] + }, + { + "id": 8348, + "cuisine": "italian", + "ingredients": [ + "sugar", + "semisweet chocolate", + "salt", + "large egg yolks", + "whole milk", + "all-purpose flour", + "hazelnuts", + "large eggs", + "crème fraîche", + "unsalted butter", + "vanilla" + ] + }, + { + "id": 32847, + "cuisine": "italian", + "ingredients": [ + "hazelnuts", + "fine sea salt", + "pecorino romano cheese", + "fresh lemon juice", + "whole milk ricotta cheese", + "garlic cloves", + "fresh basil", + "extra-virgin olive oil", + "grated lemon peel" + ] + }, + { + "id": 10835, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "thyme", + "rosemary", + "garlic", + "kosher salt", + "lemon", + "sugar", + "vegetable oil", + "chicken" + ] + }, + { + "id": 2858, + "cuisine": "french", + "ingredients": [ + "chocolate morsels", + "whipping cream", + "orange liqueur" + ] + }, + { + "id": 37040, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "parmesan cheese", + "milk", + "crumbs", + "mozzarella cheese", + "boneless chicken breast", + "eggs", + "olive oil" + ] + }, + { + "id": 30245, + "cuisine": "italian", + "ingredients": [ + "capers", + "salt", + "veal scallops", + "unsalted butter", + "all-purpose flour", + "olive oil", + "lemon slices", + "dry white wine", + "fresh parsley leaves" + ] + }, + { + "id": 14073, + "cuisine": "indian", + "ingredients": [ + "lime", + "cracked black pepper", + "green chilies", + "plain flour", + "cassia cinnamon", + "garlic", + "chicken", + "vinegar", + "ginger", + "cumin seed", + "eggs", + "vegetable oil", + "salt" + ] + }, + { + "id": 6078, + "cuisine": "french", + "ingredients": [ + "warm water", + "olive oil", + "cornmeal", + "dried basil", + "sea salt", + "active dry yeast", + "savory", + "dried rosemary", + "dried thyme", + "all-purpose flour" + ] + }, + { + "id": 11306, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "ripe olives", + "chili beans", + "salsa", + "onions", + "vegetable oil", + "ground beef", + "shredded cheddar cheese", + "enchilada sauce" + ] + }, + { + "id": 23599, + "cuisine": "indian", + "ingredients": [ + "fat free yogurt", + "brown mustard seeds", + "cumin seed", + "basmati rice", + "curry powder", + "cauliflower florets", + "onions", + "water", + "diced tomatoes", + "garlic cloves", + "canola oil", + "fresh ginger", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 31299, + "cuisine": "cajun_creole", + "ingredients": [ + "kosher salt", + "worcestershire sauce", + "fresh oregano", + "fresh rosemary", + "fresh thyme", + "hot sauce", + "fresh lemon juice", + "black pepper", + "shell-on shrimp", + "cayenne pepper", + "flat leaf parsley", + "unsalted butter", + "garlic", + "beer" + ] + }, + { + "id": 48959, + "cuisine": "mexican", + "ingredients": [ + "pork lard", + "queso fresco", + "chopped garlic", + "white onion", + "broth", + "sea salt" + ] + }, + { + "id": 18693, + "cuisine": "italian", + "ingredients": [ + "granulated garlic", + "all purpose unbleached flour", + "dry yeast", + "italian seasoning", + "olive oil", + "salt", + "ice water" + ] + }, + { + "id": 10121, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "fresh mozzarella", + "italian seasoning", + "Alfredo sauce", + "fresh oregano", + "pasta", + "chicken breasts", + "italian salad dressing", + "bread crumbs", + "garlic" + ] + }, + { + "id": 25213, + "cuisine": "italian", + "ingredients": [ + "pasta", + "lemon", + "parsley", + "butter", + "pepper", + "salt" + ] + }, + { + "id": 16889, + "cuisine": "russian", + "ingredients": [ + "ground black pepper", + "salt", + "large eggs", + "onions", + "finely chopped fresh parsley", + "minced beef", + "plain flour", + "ground pork" + ] + }, + { + "id": 9592, + "cuisine": "italian", + "ingredients": [ + "swiss chard", + "extra-virgin olive oil", + "walnuts", + "pinto beans", + "Italian bread", + "fat free less sodium chicken broth", + "basil leaves", + "purple onion", + "garlic cloves", + "hot water", + "rosemary", + "yukon gold potatoes", + "salt", + "fresh lemon juice", + "thyme leaves", + "ground black pepper", + "chopped celery", + "chopped fresh sage", + "carrots", + "flat leaf parsley" + ] + }, + { + "id": 17347, + "cuisine": "italian", + "ingredients": [ + "water", + "goat s milk cheese", + "kosher salt", + "unsalted butter", + "pasta water", + "olive oil", + "farro", + "red beets", + "poppy seeds" + ] + }, + { + "id": 879, + "cuisine": "italian", + "ingredients": [ + "clove", + "dry red wine", + "olive oil", + "veal shanks", + "tomatoes", + "purple onion", + "red pepper" + ] + }, + { + "id": 7363, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "dried porcini mushrooms", + "extra-virgin olive oil", + "onions", + "black peppercorns", + "beef stock", + "garlic cloves", + "sage leaves", + "barolo", + "sea salt", + "carrots", + "fresh rosemary", + "ground black pepper", + "grated nutmeg", + "beef roast" + ] + }, + { + "id": 24635, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "bacon", + "parsley", + "ear of corn", + "granulated sugar", + "cracked black pepper", + "kosher salt", + "heavy cream" + ] + }, + { + "id": 25110, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "grated parmesan cheese", + "fresh mushrooms", + "dried oregano", + "dried basil", + "tortellini", + "fresh parsley", + "sugar", + "italian plum tomatoes", + "garlic cloves", + "olive oil", + "crushed red pepper", + "onions" + ] + }, + { + "id": 2959, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "all-purpose flour", + "kosher salt", + "baking powder", + "bacon drippings", + "large eggs", + "stone-ground cornmeal", + "buttermilk" + ] + }, + { + "id": 47074, + "cuisine": "southern_us", + "ingredients": [ + "cake", + "pecan halves", + "chopped pecans", + "cream" + ] + }, + { + "id": 11234, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "onions", + "ragu old world style pasta sauc", + "chop green chilies, undrain", + "vegetable oil", + "shredded cheddar cheese", + "ground beef" + ] + }, + { + "id": 44814, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "vegetable oil", + "chopped celery", + "carrots", + "fresh thyme leaves", + "dry red wine", + "bulgur", + "lamb shanks", + "parsley", + "garlic", + "fresh lemon juice", + "ground black pepper", + "diced tomatoes", + "salt", + "onions" + ] + }, + { + "id": 19364, + "cuisine": "filipino", + "ingredients": [ + "fresh ginger root", + "carrots", + "white vinegar", + "raisins", + "green papaya", + "water", + "salt", + "white sugar", + "chile pepper", + "red bell pepper" + ] + }, + { + "id": 4684, + "cuisine": "mexican", + "ingredients": [ + "wish bone ranch dress", + "red kidney beans", + "whole kernel corn, drain", + "chickpeas", + "pasta", + "sliced green onions" + ] + }, + { + "id": 32189, + "cuisine": "italian", + "ingredients": [ + "broccoli rabe", + "Italian parsley leaves", + "olive oil", + "cannellini beans", + "freshly ground pepper", + "oil packed anchovy fillets", + "lemon", + "garlic cloves", + "kosher salt", + "grated parmesan cheese", + "crushed red pepper flakes" + ] + }, + { + "id": 31078, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "red capsicum", + "carrots", + "prawns", + "garlic", + "vermicelli noodles", + "mirin", + "chilli paste", + "green beans", + "red chili peppers", + "kecap manis", + "oil", + "onions" + ] + }, + { + "id": 5213, + "cuisine": "french", + "ingredients": [ + "sugar", + "large eggs", + "milk", + "cream cheese", + "water", + "all-purpose flour", + "unsalted butter", + "jelly" + ] + }, + { + "id": 8206, + "cuisine": "southern_us", + "ingredients": [ + "fresh rosemary", + "butter", + "all-purpose flour", + "sugar", + "black olives", + "white cornmeal", + "grape tomatoes", + "buttermilk", + "feta cheese crumbles", + "large eggs", + "rapid rise yeast" + ] + }, + { + "id": 1874, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "cilantro", + "lime juice", + "scallions", + "brown sugar", + "garlic", + "chili" + ] + }, + { + "id": 7781, + "cuisine": "italian", + "ingredients": [ + "pasta", + "grated parmesan cheese", + "onions", + "pasta sauce", + "provolone cheese", + "fresh basil", + "lean ground beef", + "mozzarella cheese", + "sour cream" + ] + }, + { + "id": 28687, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "marinade", + "chicken wings", + "minced garlic", + "Gochujang base", + "sugar", + "honey", + "toasted sesame oil", + "black pepper", + "paprika" + ] + }, + { + "id": 33564, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "diced tomatoes", + "salt", + "diced onions", + "garbanzo beans", + "white rice", + "canola oil", + "curry powder", + "ginger", + "chicken thighs", + "chicken broth", + "red pepper flakes", + "garlic" + ] + }, + { + "id": 43997, + "cuisine": "mexican", + "ingredients": [ + "oysters", + "green onions", + "olive oil", + "plum tomatoes", + "french bread", + "ground cumin", + "chili", + "chopped cilantro fresh" + ] + }, + { + "id": 22239, + "cuisine": "mexican", + "ingredients": [ + "ancho chili ground pepper", + "butter", + "confectioners sugar", + "eggs", + "chocolate cake mix", + "cayenne pepper", + "ground cinnamon", + "water", + "vanilla extract", + "red chili peppers", + "vegetable oil", + "cream cheese" + ] + }, + { + "id": 4573, + "cuisine": "french", + "ingredients": [ + "yellow squash", + "fresh thyme", + "red bell pepper", + "plum tomatoes", + "green bell pepper", + "eggplant", + "garlic", + "fresh parsley", + "pepper", + "zucchini", + "salt", + "onions", + "olive oil", + "yellow bell pepper", + "bay leaf" + ] + }, + { + "id": 13459, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large egg yolks", + "strawberries", + "marsala wine" + ] + }, + { + "id": 35471, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "unsweetened coconut milk", + "red curry paste", + "lime", + "fish sauce", + "peanut butter" + ] + }, + { + "id": 44919, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "shallots", + "caviar", + "white bread", + "ground black pepper", + "fresh lemon juice", + "olive oil", + "sweet paprika", + "tarama", + "whole milk", + "roe" + ] + }, + { + "id": 30021, + "cuisine": "british", + "ingredients": [ + "Angostura bitters", + "gin", + "boiling water", + "lemon slices", + "sugar" + ] + }, + { + "id": 44130, + "cuisine": "greek", + "ingredients": [ + "butter", + "milk", + "all-purpose flour", + "eggs", + "salt", + "vinegar" + ] + }, + { + "id": 36926, + "cuisine": "southern_us", + "ingredients": [ + "dried thyme", + "refrigerated biscuits", + "yellow onion", + "chicken broth", + "cream of chicken soup", + "garlic", + "celery", + "ground black pepper", + "butter", + "carrots", + "cream of celery soup", + "boneless chicken breast", + "chicken stock cubes" + ] + }, + { + "id": 40132, + "cuisine": "mexican", + "ingredients": [ + "water", + "corn tortillas", + "tomato paste", + "onion powder", + "garlic salt", + "refried beans", + "ground beef", + "shredded cheddar cheese", + "enchilada sauce", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 46928, + "cuisine": "french", + "ingredients": [ + "butter", + "milk", + "freshly ground pepper", + "flour", + "salt" + ] + }, + { + "id": 36327, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "kale leaves", + "homemade chicken stock", + "red pepper flakes", + "rotini", + "large garlic cloves", + "hot Italian sausages", + "olive oil", + "salt" + ] + }, + { + "id": 43190, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "pearl barley", + "fresh parsley", + "homemade chicken stock", + "ground black pepper", + "garlic cloves", + "olive oil", + "chopped onion", + "kosher salt", + "zucchini", + "feta cheese crumbles" + ] + }, + { + "id": 37398, + "cuisine": "italian", + "ingredients": [ + "penne", + "extra-virgin olive oil", + "yellow bell pepper", + "large garlic cloves", + "dry white wine" + ] + }, + { + "id": 32077, + "cuisine": "mexican", + "ingredients": [ + "extra lean ground beef", + "jalapeno chilies", + "taco seasoning mix", + "cream cheese", + "water", + "salsa", + "Mexican cheese blend" + ] + }, + { + "id": 7026, + "cuisine": "greek", + "ingredients": [ + "salad", + "pepper", + "paprika", + "ground coriander", + "greek yogurt", + "flatbread", + "ground black pepper", + "salt", + "lemon juice", + "cumin", + "ground cinnamon", + "fresh coriander", + "garlic", + "cumin seed", + "onions", + "bread crumbs", + "red cabbage", + "cayenne pepper", + "carrots", + "ground lamb" + ] + }, + { + "id": 45913, + "cuisine": "mexican", + "ingredients": [ + "Herdez Salsa", + "shredded cheddar cheese", + "lean ground beef", + "black olives", + "sour cream", + "ground cumin", + "beans", + "green onions", + "extra-virgin olive oil", + "hot sauce", + "chopped cilantro", + "warm water", + "jalapeno chilies", + "diced tomatoes", + "sweet pepper", + "fresh lime juice", + "tomato paste", + "kosher salt", + "chili powder", + "garlic", + "fritos", + "onions" + ] + }, + { + "id": 17722, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "chili powder", + "oil", + "black pepper", + "cilantro leaves", + "chicken", + "tomatoes", + "coriander powder", + "curds", + "ground cumin", + "tumeric", + "salt", + "onions" + ] + }, + { + "id": 31622, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "parmesan cheese", + "olive oil", + "lamb cutlet", + "tomato chutney" + ] + }, + { + "id": 4383, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "lime", + "paprika", + "chipotle peppers", + "avocado", + "tilapia fillets", + "roma tomatoes", + "greek style plain yogurt", + "cumin", + "pepper", + "garlic powder", + "salt", + "cooked quinoa", + "fresh corn", + "fresh cilantro", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 13070, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "honey", + "cumin seed", + "black beans", + "coriander seeds", + "pepper flakes", + "olive oil", + "corn tortillas", + "lime", + "goat cheese" + ] + }, + { + "id": 21011, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "sweet potatoes", + "light whipping cream", + "milk", + "vanilla extract", + "unbaked pie crusts", + "butter", + "white sugar", + "ground nutmeg", + "lemon juice" + ] + }, + { + "id": 20441, + "cuisine": "french", + "ingredients": [ + "white flour", + "yeast", + "fine sea salt", + "poolish", + "dough", + "Spring! Water" + ] + }, + { + "id": 33590, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "sesame oil", + "carrots", + "gochugaru", + "ginger", + "asian pear", + "daikon", + "pears", + "fish sauce", + "green onions", + "garlic" + ] + }, + { + "id": 15744, + "cuisine": "italian", + "ingredients": [ + "purple onion", + "Wish-Bone® Robusto Italian Dressing", + "bread crumb fresh", + "fresh basil leaves", + "tomatoes", + "hellmann' or best food real mayonnais", + "grated parmesan cheese", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 6989, + "cuisine": "italian", + "ingredients": [ + "dough", + "garlic cloves", + "ground pepper", + "fennel seeds", + "olive oil flavored cooking spray", + "extra-virgin olive oil" + ] + }, + { + "id": 7879, + "cuisine": "chinese", + "ingredients": [ + "water", + "red pepper flakes", + "corn starch", + "green onions", + "round steaks", + "sesame seeds", + "garlic", + "white sugar", + "soy sauce", + "vegetable oil", + "carrots" + ] + }, + { + "id": 47139, + "cuisine": "italian", + "ingredients": [ + "sugar", + "whipped topping", + "brewed coffee", + "unsweetened cocoa powder", + "mascarpone", + "cream cheese, soften", + "kahlúa", + "cake" + ] + }, + { + "id": 40156, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "corn starch", + "fryer chickens", + "oil", + "dried oregano", + "eggs", + "paprika", + "rubbed sage", + "water", + "all-purpose flour", + "cornmeal" + ] + }, + { + "id": 33395, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "Mexican oregano", + "all-purpose flour", + "smoked paprika", + "chuck", + "minced onion", + "ground pork", + "beer", + "cornmeal", + "water", + "chili powder", + "hot sauce", + "meat drippings", + "ground cumin", + "beef stock", + "garlic", + "ground coriander", + "unsweetened cocoa powder" + ] + }, + { + "id": 38147, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "cinnamon sticks", + "cardamom seeds", + "nutmeg", + "cumin seed", + "whole cloves" + ] + }, + { + "id": 3119, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "lamb stew meat", + "chickpeas", + "chopped cilantro fresh", + "curry powder", + "diced tomatoes", + "chopped onion", + "ground cumin", + "rice stick noodles", + "peeled fresh ginger", + "whipping cream", + "ground coriander", + "fat free less sodium chicken broth", + "mango chutney", + "all-purpose flour", + "garlic cloves" + ] + }, + { + "id": 35544, + "cuisine": "jamaican", + "ingredients": [ + "cold water", + "garlic", + "long-grain rice", + "scotch bonnet chile", + "ground allspice", + "dried kidney beans", + "fresh thyme", + "salt", + "coconut milk", + "butter", + "scallions" + ] + }, + { + "id": 18908, + "cuisine": "italian", + "ingredients": [ + "pepperoni slices", + "bisquick", + "pizza sauce", + "water", + "shredded mozzarella cheese" + ] + }, + { + "id": 3944, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "worcestershire sauce", + "kosher salt", + "butter", + "cracked black pepper", + "Tabasco Pepper Sauce", + "paprika", + "minced garlic", + "spicy brown mustard", + "large shrimp" + ] + }, + { + "id": 27310, + "cuisine": "italian", + "ingredients": [ + "dark chocolate", + "coffee", + "cocoa powder", + "marsala wine", + "cookies", + "light brown sugar", + "large eggs", + "butter", + "roasted hazelnuts", + "roasted pistachios" + ] + }, + { + "id": 14581, + "cuisine": "korean", + "ingredients": [ + "kosher salt", + "ginger", + "chile powder", + "daikon", + "scallions", + "white vinegar", + "napa cabbage", + "garlic", + "sugar", + "watercress", + "shrimp" + ] + }, + { + "id": 14898, + "cuisine": "japanese", + "ingredients": [ + "cold water", + "corn starch", + "fresh ginger", + "soy sauce", + "white sugar", + "rice wine" + ] + }, + { + "id": 10756, + "cuisine": "korean", + "ingredients": [ + "pepper", + "scallions", + "hot red pepper flakes", + "salt", + "kimchi", + "stock", + "minced garlic", + "juice", + "soy sauce", + "soybean sprouts" + ] + }, + { + "id": 25340, + "cuisine": "mexican", + "ingredients": [ + "light sour cream", + "fresh cilantro", + "baked tortilla chips", + "pico de gallo", + "bean dip", + "cumin", + "reduced fat Mexican cheese", + "garlic powder", + "turkey breast", + "pepper", + "salt" + ] + }, + { + "id": 37770, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "water", + "garlic", + "corn starch", + "chicken broth", + "boneless chicken skinless thigh", + "sesame oil", + "rice vinegar", + "orange zest", + "ground ginger", + "soy sauce", + "green onions", + "salt", + "white sugar", + "eggs", + "white pepper", + "vegetable oil", + "peanut oil" + ] + }, + { + "id": 43214, + "cuisine": "southern_us", + "ingredients": [ + "crawfish", + "milk", + "creole seasoning", + "condensed cream of chicken soup", + "minced garlic", + "broccoli", + "corn starch", + "chicken broth", + "shredded cheddar cheese", + "hot pepper sauce", + "chopped onion", + "condensed cream of celery soup", + "water", + "margarine" + ] + }, + { + "id": 37839, + "cuisine": "italian", + "ingredients": [ + "salad dressing", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 43275, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "lime", + "boneless skinless chicken breasts", + "salt", + "garlic cloves", + "pepper", + "red cabbage", + "napa cabbage", + "edamame", + "coconut milk", + "sweet chili sauce", + "peanuts", + "sliced carrots", + "rice vinegar", + "cucumber", + "brown sugar", + "fresh cilantro", + "green onions", + "ginger", + "creamy peanut butter" + ] + }, + { + "id": 28360, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "grits", + "salt", + "freshly ground pepper", + "asiago" + ] + }, + { + "id": 48893, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "rice vinegar", + "oil", + "light brown sugar", + "reduced sodium soy sauce", + "barbecued pork", + "salad", + "napa cabbage", + "dark sesame oil", + "chili paste", + "salted peanuts", + "garlic cloves" + ] + }, + { + "id": 42664, + "cuisine": "italian", + "ingredients": [ + "sweet italian sausage", + "olive oil", + "cabbage", + "beef stock", + "peeled tomatoes", + "polenta" + ] + }, + { + "id": 5139, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "ground turmeric", + "pineapple juice", + "cider vinegar", + "garlic cloves", + "salt", + "mango" + ] + }, + { + "id": 35097, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "habanero chile", + "dried thyme", + "salt", + "garlic cloves", + "andouille sausage", + "lump crab meat", + "vegetable oil", + "okra", + "bay leaf", + "celery ribs", + "shucked oysters", + "steamed rice", + "worcestershire sauce", + "freshly ground pepper", + "onions", + "tomatoes", + "bottled clam juice", + "file powder", + "all-purpose flour", + "red bell pepper" + ] + }, + { + "id": 13552, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "scallions", + "vegetable oil", + "monterey jack", + "flour tortillas", + "chopped cilantro fresh", + "mayonaise", + "frozen corn" + ] + }, + { + "id": 1043, + "cuisine": "french", + "ingredients": [ + "large eggs", + "cornichons", + "bread crumb fresh", + "russet potatoes", + "onions", + "vegetable oil", + "grated Gruyère cheese", + "large egg yolks", + "fresh tarragon" + ] + }, + { + "id": 9999, + "cuisine": "italian", + "ingredients": [ + "white mushrooms", + "extra-virgin olive oil", + "pecorino cheese", + "celery", + "fresh lemon juice" + ] + }, + { + "id": 3959, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "ziti", + "portobello caps", + "olive oil", + "shredded carrots", + "chopped onion", + "dried oregano", + "chopped green bell pepper", + "dry red wine", + "garlic cloves", + "marinara sauce", + "chopped celery", + "red bell pepper" + ] + }, + { + "id": 44663, + "cuisine": "thai", + "ingredients": [ + "mussels", + "shallots", + "peanut oil", + "lemongrass", + "Thai red curry paste", + "fresh basil leaves", + "light brown sugar", + "large garlic cloves", + "coconut milk", + "lime", + "vietnamese fish sauce" + ] + }, + { + "id": 39413, + "cuisine": "thai", + "ingredients": [ + "thai basil", + "salt", + "fresh cilantro", + "gluten", + "eggs", + "grassfed beef", + "coconut aminos", + "almond flour", + "Thai red curry paste" + ] + }, + { + "id": 3782, + "cuisine": "cajun_creole", + "ingredients": [ + "butter", + "salt", + "lemon juice", + "ground black pepper", + "worcestershire sauce", + "cognac", + "large shrimp", + "dried thyme", + "lemon", + "cayenne pepper", + "dried oregano", + "shallots", + "garlic", + "sweet paprika" + ] + }, + { + "id": 14116, + "cuisine": "mexican", + "ingredients": [ + "lime", + "cilantro leaves", + "black pepper", + "jalapeno chilies", + "ground cumin", + "boneless pork shoulder", + "flour tortillas", + "apricot jam", + "kosher salt", + "purple onion" + ] + }, + { + "id": 9281, + "cuisine": "mexican", + "ingredients": [ + "salt", + "fresh lemon juice", + "black pepper", + "scallions", + "plum tomatoes", + "california avocado", + "fresh lime juice", + "lime wedges", + "garlic cloves", + "large shrimp" + ] + }, + { + "id": 30814, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "lemon juice", + "couscous", + "water", + "salt", + "cucumber", + "dried oregano", + "purple onion", + "feta cheese crumbles", + "plum tomatoes", + "ground pepper", + "chickpeas", + "ripe olives" + ] + }, + { + "id": 40773, + "cuisine": "indian", + "ingredients": [ + "water", + "peeled fresh ginger", + "garlic cloves", + "plum tomatoes", + "fat free yogurt", + "sweet potatoes", + "ground coriander", + "basmati rice", + "roasted cashews", + "cooking spray", + "chopped onion", + "chopped cilantro", + "chile paste with garlic", + "garam masala", + "salt", + "coconut milk" + ] + }, + { + "id": 8495, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "ground sirloin", + "cream cheese", + "penne", + "part-skim mozzarella cheese", + "all-purpose flour", + "flat leaf parsley", + "fat free milk", + "diced tomatoes", + "garlic cloves", + "kosher salt", + "cooking spray", + "chopped onion", + "fat free cream cheese" + ] + }, + { + "id": 29340, + "cuisine": "japanese", + "ingredients": [ + "sake", + "sesame oil", + "orange juice", + "white miso", + "ginger", + "low sodium soy sauce", + "black sesame seeds", + "rice vinegar", + "ahi", + "red pepper", + "white sesame seeds" + ] + }, + { + "id": 4208, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "salt", + "oil", + "water", + "green chilies", + "red chili powder", + "cilantro leaves", + "ground turmeric", + "chickpea flour", + "potatoes", + "cumin seed" + ] + }, + { + "id": 20194, + "cuisine": "thai", + "ingredients": [ + "water", + "cilantro root", + "serrano chile", + "palm sugar", + "peanut oil", + "minced garlic", + "Sriracha", + "shrimp", + "tamarind", + "sea salt", + "asian fish sauce" + ] + }, + { + "id": 7284, + "cuisine": "brazilian", + "ingredients": [ + "heavy cream", + "semisweet chocolate", + "unsweetened cocoa powder", + "sweetened condensed milk", + "unsalted butter", + "chocolate sprinkles" + ] + }, + { + "id": 37286, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "star anise", + "sugar", + "black tea leaves", + "Shaoxing wine", + "cinnamon sticks", + "quail eggs", + "ginger" + ] + }, + { + "id": 22961, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "flour tortillas", + "salt", + "avocado", + "olive oil", + "shallots", + "fresh lime juice", + "kale", + "jalapeno chilies", + "garlic cloves", + "cotija", + "tortillas", + "cilantro", + "ground cumin" + ] + }, + { + "id": 14066, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "quickcooking grits", + "cream of tartar", + "large egg yolks", + "ground white pepper", + "large egg whites", + "salt", + "water", + "unsalted butter", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 35528, + "cuisine": "filipino", + "ingredients": [ + "butter", + "hawaiian sweet rolls", + "granulated sugar", + "cheddar cheese", + "ham" + ] + }, + { + "id": 37872, + "cuisine": "jamaican", + "ingredients": [ + "white vinegar", + "molasses", + "fresh thyme", + "garlic", + "orange juice", + "ground ginger", + "water", + "shredded cabbage", + "purple onion", + "thyme", + "ground cinnamon", + "ground nutmeg", + "green onions", + "salt", + "ground beef", + "mayonaise", + "ground black pepper", + "scotch bonnet chile", + "ground allspice", + "grated orange" + ] + }, + { + "id": 38793, + "cuisine": "irish", + "ingredients": [ + "Guinness Beer", + "sugar", + "beef brisket", + "green cabbage", + "ground black pepper", + "olive oil", + "balsamic vinegar" + ] + }, + { + "id": 38467, + "cuisine": "southern_us", + "ingredients": [ + "pepper flakes", + "lemon wedge", + "egg whites", + "all-purpose flour", + "corn oil", + "cornmeal", + "fish fillets", + "paprika" + ] + }, + { + "id": 40594, + "cuisine": "italian", + "ingredients": [ + "clams", + "olive oil", + "lemon", + "medium shrimp", + "tentacles", + "ground black pepper", + "salt", + "italian seasoning", + "crushed tomatoes", + "bay scallops", + "anchovy fillets", + "pasta", + "manchego cheese", + "garlic", + "fresh basil leaves" + ] + }, + { + "id": 17915, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "ground pepper", + "ginger", + "chopped cilantro", + "ground cumin", + "tumeric", + "potatoes", + "cayenne pepper", + "frozen peas", + "eggs", + "garam masala", + "crust", + "onions", + "kosher salt", + "vegetable stock", + "cumin seed", + "canola oil" + ] + }, + { + "id": 21893, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "pasta shells", + "ground pepper", + "garlic cloves", + "coarse salt", + "tomatoes", + "extra-virgin olive oil" + ] + }, + { + "id": 11902, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "garlic cloves", + "tomato paste", + "salt", + "olive oil", + "dried porcini mushrooms", + "whole chicken" + ] + }, + { + "id": 21239, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "chees fresh mozzarella", + "chopped cilantro", + "kosher salt", + "barbecue sauce", + "salt", + "warm water", + "olive oil", + "purple onion", + "pizza crust", + "boneless skinless chicken breasts", + "all-purpose flour" + ] + }, + { + "id": 42079, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "butter", + "frozen corn", + "red bell pepper", + "green bell pepper", + "flour", + "garlic", + "green chilies", + "onions", + "chicken broth", + "flour tortillas", + "ground pork", + "cayenne pepper", + "sour cream", + "black pepper", + "chili powder", + "salt", + "shredded cheese", + "dried oregano" + ] + }, + { + "id": 34539, + "cuisine": "irish", + "ingredients": [ + "mayonaise", + "chips", + "pepper", + "malt vinegar" + ] + }, + { + "id": 4124, + "cuisine": "southern_us", + "ingredients": [ + "evaporated milk", + "cinnamon", + "salt", + "nutmeg", + "flour", + "raw sugar", + "pie crust", + "lemon extract", + "orange extract", + "softened butter", + "eggs", + "sweet potatoes", + "vanilla extract" + ] + }, + { + "id": 34192, + "cuisine": "italian", + "ingredients": [ + "parmigiano-reggiano cheese", + "kosher salt", + "cooking spray", + "chopped walnuts", + "warm water", + "prosciutto", + "purple onion", + "arugula", + "sugar", + "olive oil", + "chopped fresh thyme", + "fresh lemon juice", + "black pepper", + "dry yeast", + "all-purpose flour" + ] + }, + { + "id": 14392, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil cooking spray", + "cream style corn", + "all-purpose flour", + "skim milk", + "vegetable oil", + "sugar", + "baking powder", + "yellow corn meal", + "egg substitute", + "salt" + ] + }, + { + "id": 4656, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime juice", + "chili powder", + "garlic cloves", + "chopped cilantro", + "water", + "flour", + "salt", + "corn tortillas", + "black beans", + "diced red onions", + "purple onion", + "flavored oil", + "cumin", + "tomato paste", + "garlic powder", + "red pepper flakes", + "carrots", + "cooked quinoa" + ] + }, + { + "id": 14193, + "cuisine": "korean", + "ingredients": [ + "sugar", + "green onions", + "garlic chili sauce", + "salmon fillets", + "olive oil", + "sesame oil", + "chinese rice wine", + "peeled fresh ginger", + "large garlic cloves", + "soy sauce", + "fresh shiitake mushrooms", + "bok choy" + ] + }, + { + "id": 31574, + "cuisine": "spanish", + "ingredients": [ + "water", + "salt", + "potatoes", + "olive oil", + "cayenne pepper", + "pancetta", + "paprika" + ] + }, + { + "id": 14409, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "canola oil", + "thai chile", + "ground pork", + "garlic chives", + "fermented black beans" + ] + }, + { + "id": 6431, + "cuisine": "italian", + "ingredients": [ + "bacon", + "fresh basil", + "bow-tie pasta", + "mozzarella cheese", + "balsamic vinaigrette", + "diced tomatoes" + ] + }, + { + "id": 17851, + "cuisine": "italian", + "ingredients": [ + "baking soda", + "old-fashioned oats", + "all purpose unbleached flour", + "sugar", + "lemon zest", + "vegetable oil", + "orange zest", + "kosher salt", + "large eggs", + "almond extract", + "unsalted shelled pistachio", + "dried cherry", + "baking powder", + "vanilla extract" + ] + }, + { + "id": 43604, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "boneless skinless chicken breasts", + "all-purpose flour", + "low sodium soy sauce", + "sesame seeds", + "red pepper flakes", + "fresh lemon juice", + "honey", + "green onions", + "light corn syrup", + "fresh ginger", + "sesame oil", + "garlic cloves" + ] + }, + { + "id": 1023, + "cuisine": "vietnamese", + "ingredients": [ + "rice vermicelli", + "lettuce leaves", + "rice paper", + "cilantro", + "mint leaves", + "medium shrimp" + ] + }, + { + "id": 8795, + "cuisine": "italian", + "ingredients": [ + "garlic", + "plum tomatoes", + "olive oil", + "pumpkin seeds", + "pasta", + "cayenne pepper", + "green onions", + "goat cheese" + ] + }, + { + "id": 24739, + "cuisine": "french", + "ingredients": [ + "single crust pie", + "herbes de provence", + "olive oil", + "pastry", + "brown mustard", + "tomatoes", + "swiss cheese" + ] + }, + { + "id": 430, + "cuisine": "indian", + "ingredients": [ + "clove", + "boneless skinless chicken breasts", + "chopped onion", + "ghee", + "tumeric", + "salt", + "cinnamon sticks", + "black peppercorns", + "garlic", + "ground coriander", + "basmati rice", + "roma tomatoes", + "cilantro leaves", + "ginger root" + ] + }, + { + "id": 4015, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "papaya", + "shallots", + "cucumber", + "brown sugar", + "minced garlic", + "yardlong beans", + "salted roast peanuts", + "fish sauce", + "Vietnamese coriander", + "thai basil", + "cilantro root", + "mango", + "chiles", + "lime", + "peeled fresh ginger", + "baton" + ] + }, + { + "id": 37529, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "baking soda", + "all-purpose flour", + "shortening", + "buttermilk", + "eggs", + "baking powder", + "milk", + "salt" + ] + }, + { + "id": 45135, + "cuisine": "mexican", + "ingredients": [ + "low-fat sour cream", + "green onions", + "goya sazon", + "avocado", + "minced garlic", + "brown rice", + "onions", + "black beans", + "Mexican oregano", + "salsa", + "green chile", + "mozzarella string cheese", + "vegetable broth", + "ground cumin" + ] + }, + { + "id": 31981, + "cuisine": "irish", + "ingredients": [ + "white pepper", + "flour", + "salt", + "clams", + "milk", + "butter", + "bay leaf", + "water", + "egg yolks", + "chopped parsley", + "mussels", + "ground nutmeg", + "heavy cream", + "onions" + ] + }, + { + "id": 16434, + "cuisine": "brazilian", + "ingredients": [ + "milk", + "sweetened condensed milk", + "mango", + "vanilla extract" + ] + }, + { + "id": 42714, + "cuisine": "greek", + "ingredients": [ + "butter", + "spaghetti", + "salt", + "grated parmesan cheese", + "dried oregano" + ] + }, + { + "id": 9229, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "minced ginger", + "gluten-free oyster sauce", + "white pepper", + "minced garlic", + "gluten-free tamari sauce", + "jasmine rice", + "water", + "salt", + "frozen seafood", + "fresh coriander", + "green onions", + "fish" + ] + }, + { + "id": 15637, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "ricotta cheese", + "frozen chopped spinach", + "dried basil", + "salt", + "fennel seeds", + "grated parmesan cheese", + "jumbo pasta shells", + "pepper", + "garlic" + ] + }, + { + "id": 35356, + "cuisine": "italian", + "ingredients": [ + "red potato", + "fat free milk", + "cooking spray", + "large egg whites", + "large eggs", + "beets", + "black pepper", + "fresh parmesan cheese", + "salt", + "beet greens", + "part-skim mozzarella cheese", + "butter" + ] + }, + { + "id": 25508, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "sour cream", + "taco sauce", + "sharp cheddar cheese", + "flatbread", + "shredded lettuce", + "ground beef", + "chopped tomatoes", + "taco seasoning" + ] + }, + { + "id": 30587, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "coarse salt", + "hot sauce", + "plum tomatoes", + "unsalted butter", + "paprika", + "cooked white rice", + "green bell pepper", + "cajun seasoning", + "flat leaf parsley", + "large shrimp", + "low sodium chicken broth", + "all-purpose flour", + "onions" + ] + }, + { + "id": 22007, + "cuisine": "british", + "ingredients": [ + "large egg yolks", + "baking powder", + "malt vinegar", + "corn flour", + "fresh dill", + "ground black pepper", + "vegetable oil", + "all-purpose flour", + "club soda", + "kosher salt", + "french fries", + "old bay seasoning", + "freshly ground pepper", + "cod", + "baking soda", + "lemon wedge", + "light lager", + "sea salt flakes" + ] + }, + { + "id": 10416, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "broccoli florets", + "chinese five-spice powder", + "curry powder", + "ginger", + "coconut milk", + "soy sauce", + "crushed red pepper flakes", + "carrots", + "potatoes", + "boneless skinless chicken", + "onions" + ] + }, + { + "id": 6572, + "cuisine": "french", + "ingredients": [ + "sugar", + "butter", + "whipped cream", + "golden delicious apples", + "vegetable shortening", + "flour", + "lemon", + "unsalted butter", + "ice water", + "cake flour" + ] + }, + { + "id": 18876, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "fresh lemon juice", + "black pepper", + "whole milk", + "wondra flour", + "kosher salt", + "butter", + "soft-shelled crabs", + "flat leaf parsley" + ] + }, + { + "id": 21337, + "cuisine": "italian", + "ingredients": [ + "fronds", + "fusilli", + "green peas", + "dry vermouth", + "fennel bulb", + "chopped fresh thyme", + "garlic cloves", + "fresh basil", + "olive oil", + "sliced carrots", + "salt", + "fresh dill", + "leeks", + "asiago", + "red bell pepper" + ] + }, + { + "id": 20752, + "cuisine": "spanish", + "ingredients": [ + "Belgian endive", + "water", + "finely chopped fresh parsley", + "medium shrimp", + "pepper", + "dijon mustard", + "salt", + "sugar", + "ground black pepper", + "extra-virgin olive oil", + "vidalia onion", + "sherry vinegar", + "watercress", + "onions" + ] + }, + { + "id": 41835, + "cuisine": "mexican", + "ingredients": [ + "herbs", + "salt", + "lime", + "crushed red pepper flakes", + "paprika", + "shrimp", + "olive oil", + "garlic" + ] + }, + { + "id": 7775, + "cuisine": "mexican", + "ingredients": [ + "butter", + "American cheese", + "all-purpose flour", + "salt", + "milk" + ] + }, + { + "id": 9334, + "cuisine": "french", + "ingredients": [ + "green olives", + "dijon mustard", + "black pepper", + "fresh lemon juice", + "capers", + "garlic cloves", + "artichoke hearts", + "fresh parsley" + ] + }, + { + "id": 10674, + "cuisine": "indian", + "ingredients": [ + "pea pods", + "oil", + "ground turmeric", + "tomatoes", + "ground coriander", + "coconut milk", + "salt", + "cinnamon sticks", + "chili powder", + "cumin seed", + "onions" + ] + }, + { + "id": 39712, + "cuisine": "italian", + "ingredients": [ + "reduced fat milk", + "chopped onion", + "minced garlic", + "dry red wine", + "black pepper", + "ground sirloin", + "spaghetti", + "low-fat spaghetti sauce", + "salt" + ] + }, + { + "id": 14254, + "cuisine": "chinese", + "ingredients": [ + "thai basil", + "szechwan peppercorns", + "garlic cloves", + "boneless skinless chicken breasts", + "dark brown sugar", + "fresno chiles", + "reduced sodium soy sauce", + "all-purpose flour", + "rice flour", + "kosher salt", + "rice wine", + "peanut oil", + "potato flour" + ] + }, + { + "id": 43119, + "cuisine": "italian", + "ingredients": [ + "shredded cheddar cheese", + "bacon", + "olive oil", + "shredded mozzarella cheese", + "minced garlic", + "purple onion", + "dough", + "bell pepper", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 863, + "cuisine": "french", + "ingredients": [ + "milk", + "grated nutmeg", + "salt", + "butter", + "all-purpose flour" + ] + }, + { + "id": 3867, + "cuisine": "southern_us", + "ingredients": [ + "pectin", + "mint leaves", + "sugar", + "white vinegar", + "water", + "food colouring" + ] + }, + { + "id": 37698, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "corn tortillas", + "shredded cheddar cheese", + "vegetable oil", + "green bell pepper", + "boneless skinless chicken breasts", + "onions", + "water", + "salsa" + ] + }, + { + "id": 43319, + "cuisine": "thai", + "ingredients": [ + "sugar", + "jalapeno chilies", + "sirloin steak", + "Thai fish sauce", + "peanuts", + "shallots", + "carrots", + "lime zest", + "red cabbage", + "napa cabbage", + "green beans", + "lime juice", + "peeled fresh ginger", + "scallions", + "canola oil" + ] + }, + { + "id": 17561, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "rice vinegar", + "chopped cilantro", + "lime", + "garlic", + "bird chile", + "sugar", + "ponzu", + "corn tortillas", + "skirt steak", + "red pepper flakes", + "kimchi", + "onions" + ] + }, + { + "id": 44325, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "vegetable oil", + "onions", + "tomatoes", + "lager", + "ancho chile pepper", + "chipotle chile", + "Mexican oregano", + "pork shoulder", + "silver tequila", + "garlic cloves", + "ground cumin" + ] + }, + { + "id": 29293, + "cuisine": "italian", + "ingredients": [ + "artichoke hearts", + "lemon rind", + "parmigiano reggiano cheese", + "olive oil", + "salt", + "finely chopped fresh parsley", + "fresh lemon juice" + ] + }, + { + "id": 8117, + "cuisine": "french", + "ingredients": [ + "plain low-fat yogurt", + "cheese", + "cottage cheese", + "gran marnier", + "raspberries", + "orange zest", + "sugar", + "strawberries" + ] + }, + { + "id": 48140, + "cuisine": "filipino", + "ingredients": [ + "kangkong", + "oil", + "sesame oil", + "oyster sauce", + "water", + "garlic chili sauce", + "firm tofu", + "onions" + ] + }, + { + "id": 9181, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "corn kernels", + "bacon slices", + "basil pesto sauce", + "fusilli", + "zucchini" + ] + }, + { + "id": 40020, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "cilantro leaves", + "fish sauce", + "linguine", + "beansprouts", + "slaw mix", + "english cucumber", + "sugar", + "unsalted dry roast peanuts", + "fresh lime juice" + ] + }, + { + "id": 23468, + "cuisine": "mexican", + "ingredients": [ + "baking powder", + "shortening", + "all-purpose flour", + "salt", + "warm water" + ] + }, + { + "id": 39301, + "cuisine": "southern_us", + "ingredients": [ + "oysters", + "saltine crumbs", + "large eggs", + "prepared horseradish", + "canola oil", + "ketchup", + "hot sauce" + ] + }, + { + "id": 15598, + "cuisine": "italian", + "ingredients": [ + "semolina flour", + "baking powder", + "orange juice", + "sliced almonds", + "vanilla extract", + "grated orange", + "brandy", + "butter", + "white sugar", + "eggs", + "almonds", + "all-purpose flour" + ] + }, + { + "id": 16733, + "cuisine": "spanish", + "ingredients": [ + "chicken stock", + "russet potatoes", + "fresh parsley", + "fresh shiitake mushrooms", + "button mushrooms", + "chives", + "large garlic cloves", + "greens", + "sherry wine vinegar", + "extra-virgin olive oil" + ] + }, + { + "id": 11672, + "cuisine": "mexican", + "ingredients": [ + "mozzarella cheese", + "salsa", + "taco shells", + "garlic", + "chiles", + "chicken breasts", + "olive oil", + "red bell pepper" + ] + }, + { + "id": 45148, + "cuisine": "mexican", + "ingredients": [ + "condensed cream of chicken soup", + "chopped tomatoes", + "reduced-fat sour cream", + "white corn", + "cooked chicken", + "green chile", + "shredded cheddar cheese", + "shredded lettuce", + "fat free yogurt", + "green onions" + ] + }, + { + "id": 20652, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "apple cider vinegar", + "garlic cloves", + "onions", + "coke", + "water", + "salt", + "lemon juice", + "ketchup", + "red pepper flakes", + "oyster sauce", + "brown sugar", + "ground black pepper", + "orange juice", + "pork shoulder" + ] + }, + { + "id": 2747, + "cuisine": "mexican", + "ingredients": [ + "country white bread", + "mascarpone", + "olive oil", + "salt", + "pepper", + "jalapeno chilies", + "salted butter", + "aged cheddar cheese" + ] + }, + { + "id": 34263, + "cuisine": "vietnamese", + "ingredients": [ + "herbs", + "rolls", + "pickles", + "rice vermicelli", + "perilla", + "mint", + "balm", + "cucumber", + "red leaf lettuce", + "dipping sauces" + ] + }, + { + "id": 24874, + "cuisine": "indian", + "ingredients": [ + "mint", + "star anise", + "rice", + "lemon juice", + "shahi jeera", + "mace", + "salt", + "green chilies", + "bay leaf", + "water", + "garlic", + "green cardamom", + "cinnamon sticks", + "clove", + "ginger", + "cilantro leaves", + "oil", + "onions" + ] + }, + { + "id": 46925, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "honey", + "extra-virgin olive oil", + "carrots", + "hothouse cucumber", + "romaine lettuce", + "ground black pepper", + "pitted olives", + "flat leaf parsley", + "grape tomatoes", + "feta cheese", + "garlic", + "red bell pepper", + "ricotta salata", + "red wine vinegar", + "salt", + "dried oregano" + ] + }, + { + "id": 46026, + "cuisine": "chinese", + "ingredients": [ + "pork tenderloin", + "garlic chili sauce", + "fat free less sodium chicken broth", + "peanut butter", + "soba", + "low sodium soy sauce", + "green onions", + "red bell pepper", + "fresh ginger", + "dark sesame oil" + ] + }, + { + "id": 16996, + "cuisine": "southern_us", + "ingredients": [ + "white bread", + "large eggs", + "sugar", + "butter", + "ground cinnamon", + "golden raisins", + "milk", + "vanilla extract" + ] + }, + { + "id": 17577, + "cuisine": "italian", + "ingredients": [ + "pizza crust", + "garlic", + "olive oil", + "shredded mozzarella cheese", + "pepper", + "salt", + "pizza sauce", + "escarole" + ] + }, + { + "id": 14074, + "cuisine": "italian", + "ingredients": [ + "shredded Italian cheese", + "marinara sauce", + "french bread", + "cold meatloaf", + "italian seasoning" + ] + }, + { + "id": 45283, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "essence", + "peanuts", + "all-purpose flour", + "sugar", + "salt", + "eggs", + "butter" + ] + }, + { + "id": 19888, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "sugar", + "bacon", + "water", + "beans", + "salt" + ] + }, + { + "id": 8696, + "cuisine": "indian", + "ingredients": [ + "saffron threads", + "vegetable oil", + "gram flour", + "granulated sugar", + "fresh lemon juice", + "water", + "all-purpose flour", + "yeast", + "color food orang", + "ground cardamom" + ] + }, + { + "id": 19566, + "cuisine": "korean", + "ingredients": [ + "stock", + "water", + "leeks", + "salt", + "chuck", + "Korean chile flakes", + "pepper", + "soft tofu", + "garlic", + "onions", + "clams", + "soy sauce", + "enokitake", + "chili oil", + "kelp", + "red chili peppers", + "anchovies", + "sesame oil", + "green chilies" + ] + }, + { + "id": 30400, + "cuisine": "spanish", + "ingredients": [ + "clams", + "white wine", + "olive oil", + "garlic", + "langoustines", + "onions", + "tomatoes", + "chili pepper", + "lemon", + "squid", + "red bell pepper", + "fish", + "mussels", + "scallops", + "chicken parts", + "salt", + "shrimp", + "frozen peas", + "saffron threads", + "valencia rice", + "chorizo", + "paprika", + "ham", + "fresh parsley" + ] + }, + { + "id": 41664, + "cuisine": "greek", + "ingredients": [ + "fresh tomatoes", + "feta cheese crumbles", + "salt and ground black pepper", + "fettuccine pasta", + "chopped fresh mint", + "black olives" + ] + }, + { + "id": 13348, + "cuisine": "japanese", + "ingredients": [ + "dark miso", + "soy sauce", + "yellow onion", + "sake", + "panko", + "ground round", + "canola", + "hot water", + "sugar", + "beaten eggs" + ] + }, + { + "id": 15121, + "cuisine": "italian", + "ingredients": [ + "cremini mushrooms", + "shallots", + "fresh parsley", + "grated parmesan cheese", + "butter", + "prosciutto fat", + "ricotta cheese", + "fresh basil", + "marinara sauce", + "jumbo pasta shells" + ] + }, + { + "id": 35428, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "italian seasoning", + "sausage casings", + "ricotta cheese", + "pasta", + "marinara sauce", + "mozzarella cheese", + "salt" + ] + }, + { + "id": 30491, + "cuisine": "british", + "ingredients": [ + "mushrooms", + "chopped onion", + "kidney", + "cold water", + "parsley", + "carrots", + "flour", + "round steaks", + "bay leaf", + "pastry shell", + "oil" + ] + }, + { + "id": 10105, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "sour cream", + "ranch dressing", + "shredded cheddar cheese" + ] + }, + { + "id": 30266, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "garlic", + "corn starch", + "soy sauce", + "chili oil", + "rice vinegar", + "sake", + "sesame oil", + "gyoza wrappers", + "cabbage", + "water", + "ground pork", + "oil" + ] + }, + { + "id": 14173, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "baking powder", + "bittersweet chocolate", + "raw pistachios", + "dark rum", + "salt", + "sugar", + "large eggs", + "cinnamon", + "unsweetened cocoa powder", + "large egg whites", + "vanilla bean seeds", + "all-purpose flour" + ] + }, + { + "id": 28572, + "cuisine": "southern_us", + "ingredients": [ + "chestnuts", + "large eggs", + "dried apple", + "medjool date", + "light brown sugar", + "granulated sugar", + "unsweetened apple juice", + "grated nutmeg", + "honey", + "sweet potatoes", + "cinnamon", + "pure vanilla extract", + "unsalted butter", + "whole milk", + "heavy cream" + ] + }, + { + "id": 5893, + "cuisine": "cajun_creole", + "ingredients": [ + "warm water", + "large eggs", + "powdered sugar", + "evaporated milk", + "salt", + "active dry yeast", + "vegetable oil", + "shortening", + "granulated sugar", + "bread flour" + ] + }, + { + "id": 27567, + "cuisine": "italian", + "ingredients": [ + "warm water", + "butter", + "olive oil", + "all-purpose flour", + "active dry yeast", + "salt", + "fresh basil", + "sun-dried tomatoes", + "white sugar" + ] + }, + { + "id": 44035, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "chipotle chile", + "cilantro leaves", + "avocado", + "sea salt", + "white onion", + "fresh lime juice" + ] + }, + { + "id": 972, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "whole milk", + "all-purpose flour", + "unsalted butter", + "cinnamon", + "honey", + "baking powder", + "sweet potatoes", + "salt" + ] + }, + { + "id": 35691, + "cuisine": "korean", + "ingredients": [ + "tofu", + "garlic", + "mushrooms", + "noodles", + "green onions", + "chicken broth", + "kimchi" + ] + }, + { + "id": 40736, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "golden raisins", + "garlic", + "boneless skinless chicken breast halves", + "chicken broth", + "hot pepper sauce", + "currant", + "toasted sesame seeds", + "slivered almonds", + "ancho powder", + "cocoa powder", + "tomato sauce", + "diced tomatoes", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 35236, + "cuisine": "italian", + "ingredients": [ + "Italian bread", + "grated parmesan cheese", + "large garlic cloves", + "salted butter" + ] + }, + { + "id": 12758, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "cooking oil", + "shrimp", + "soy sauce", + "green onions", + "pork", + "water chestnuts", + "lumpia skins", + "black pepper", + "salt" + ] + }, + { + "id": 45734, + "cuisine": "chinese", + "ingredients": [ + "center cut pork roast", + "hoisin sauce", + "chinese five-spice powder", + "lo mein noodles", + "garlic", + "snow peas", + "reduced sodium chicken broth", + "reduced sodium soy sauce", + "scallions", + "honey", + "ginger", + "corn starch" + ] + }, + { + "id": 21904, + "cuisine": "cajun_creole", + "ingredients": [ + "flour", + "yeast", + "eggs", + "salt", + "butter", + "sugar", + "candy" + ] + }, + { + "id": 5807, + "cuisine": "jamaican", + "ingredients": [ + "snappers", + "beer", + "dried thyme", + "lime", + "smoked paprika", + "onion powder" + ] + }, + { + "id": 21924, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "anise", + "grated lemon zest", + "water", + "baking powder", + "all-purpose flour", + "sugar", + "large eggs", + "vanilla extract", + "bittersweet chocolate", + "hazelnuts", + "cooking spray", + "salt" + ] + }, + { + "id": 45319, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "half & half", + "salt", + "quickcooking grits", + "pepper", + "gruyere cheese" + ] + }, + { + "id": 12703, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salt", + "scallions", + "chili powder", + "frozen corn kernels", + "cumin", + "flour tortillas", + "shredded pepper jack cheese", + "sour cream", + "pepper", + "prepar salsa", + "cream cheese", + "chicken" + ] + }, + { + "id": 12690, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "hot water", + "granulated sugar" + ] + }, + { + "id": 16914, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "leeks", + "bacon slices", + "aged cheddar cheese", + "pasta", + "unsalted butter", + "heavy cream", + "all-purpose flour", + "ground black pepper", + "ground red pepper", + "salt", + "bread crumb fresh", + "egg yolks", + "dry mustard", + "grated Gruyère cheese" + ] + }, + { + "id": 4806, + "cuisine": "british", + "ingredients": [ + "pepper", + "red wine", + "chopped parsley", + "mashed cauliflower", + "salt", + "olive oil", + "heavy cream", + "onions", + "chicken stock", + "butter", + "sausages" + ] + }, + { + "id": 30498, + "cuisine": "french", + "ingredients": [ + "french baguette", + "shredded swiss cheese", + "tomato chutney", + "sliced ham", + "milk", + "butter", + "eggs", + "chopped fresh chives" + ] + }, + { + "id": 41540, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "boiling potatoes", + "pepper", + "coarse salt", + "chicken broth", + "artichok heart marin", + "olive oil", + "onions" + ] + }, + { + "id": 39498, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic cloves", + "olive oil", + "crushed tomatoes", + "fresh basil leaves", + "balsamic vinegar" + ] + }, + { + "id": 30013, + "cuisine": "mexican", + "ingredients": [ + "bananas", + "vanilla extract", + "butter", + "sweetened condensed milk", + "graham cracker crumbs", + "confectioners sugar", + "whipping cream" + ] + }, + { + "id": 28009, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "shiitake", + "rice wine", + "salt", + "soy sauce", + "spring onions", + "ground pork", + "pork lard", + "warm water", + "flour", + "sesame oil", + "oyster sauce", + "cold water", + "fresh ginger", + "baking powder", + "garlic", + "yeast" + ] + }, + { + "id": 24438, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "butternut squash", + "water", + "dried sage", + "ground black pepper", + "chicken" + ] + }, + { + "id": 7165, + "cuisine": "korean", + "ingredients": [ + "sugar", + "green onions", + "pork belly", + "kimchi", + "pork", + "Gochujang base", + "tofu", + "water" + ] + }, + { + "id": 26418, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "broccoli florets", + "pepper", + "heavy whipping cream", + "kosher salt", + "chicken breasts", + "parmesan cheese" + ] + }, + { + "id": 11865, + "cuisine": "mexican", + "ingredients": [ + "poblano peppers", + "ancho powder", + "sour cream", + "lime", + "chicken breasts", + "purple onion", + "kosher salt", + "flour", + "cilantro", + "cumin", + "tortillas", + "vegetable oil", + "salsa" + ] + }, + { + "id": 32880, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "salt", + "sugar", + "baking powder", + "eggs", + "egg yolks", + "all-purpose flour", + "fresh chives", + "buttermilk" + ] + }, + { + "id": 24178, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "cumin seed", + "ground turmeric", + "tomatoes", + "salt", + "mustard seeds", + "chili powder", + "oil", + "puffed rice", + "green bell pepper", + "green chilies", + "coriander" + ] + }, + { + "id": 23300, + "cuisine": "southern_us", + "ingredients": [ + "cooking oil", + "salmon", + "eggs", + "all-purpose flour", + "baking soda" + ] + }, + { + "id": 27683, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "garlic", + "italian sausage", + "parsley", + "bow-tie pasta", + "italian plum tomatoes", + "salt", + "olive oil", + "whipping cream", + "onions" + ] + }, + { + "id": 43683, + "cuisine": "chinese", + "ingredients": [ + "large egg whites", + "sesame oil", + "salt", + "oil", + "low sodium soy sauce", + "cayenne", + "napa cabbage", + "rice vinegar", + "toasted sesame oil", + "dumpling wrappers", + "shallots", + "ginger", + "scallions", + "large shrimp", + "ground black pepper", + "vegetable oil", + "cilantro leaves", + "carrots" + ] + }, + { + "id": 19543, + "cuisine": "indian", + "ingredients": [ + "cooking oil", + "purple onion", + "white mushrooms", + "curry powder", + "crushed garlic", + "chickpeas", + "chili powder", + "salt", + "chopped tomatoes", + "red pepper", + "rice" + ] + }, + { + "id": 18014, + "cuisine": "irish", + "ingredients": [ + "red potato", + "ground black pepper", + "corned beef", + "mustard", + "white wine", + "butter cooking spray", + "phyllo dough", + "shredded swiss cheese", + "melted butter", + "garlic powder", + "cabbage" + ] + }, + { + "id": 47220, + "cuisine": "british", + "ingredients": [ + "dried currants", + "frozen pastry puff sheets", + "raw cane sugar", + "cinnamon", + "unsalted butter", + "whole milk", + "nutmeg", + "large eggs", + "allspice" + ] + }, + { + "id": 32093, + "cuisine": "southern_us", + "ingredients": [ + "flank steak", + "ground pepper", + "leaf lettuce", + "tomatoes", + "purple onion", + "barbecue sauce", + "rolls" + ] + }, + { + "id": 13578, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "long grain white rice", + "salt", + "vegetable oil", + "water", + "chopped cilantro" + ] + }, + { + "id": 47485, + "cuisine": "italian", + "ingredients": [ + "pasta", + "garbanzo beans", + "pepper", + "salt", + "olive oil", + "fresh rosemary", + "diced tomatoes" + ] + }, + { + "id": 26367, + "cuisine": "indian", + "ingredients": [ + "cumin seed", + "fennel seeds", + "dried oregano", + "fenugreek seeds", + "black mustard seeds" + ] + }, + { + "id": 46668, + "cuisine": "italian", + "ingredients": [ + "shredded cheddar cheese", + "salt", + "dried oregano", + "tomato sauce", + "frozen bread dough", + "onions", + "pepper", + "paprika", + "garlic salt", + "melted butter", + "part-skim mozzarella cheese", + "ground beef" + ] + }, + { + "id": 35147, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "bacon slices", + "lentils", + "dried rosemary", + "canned low sodium chicken broth", + "tubetti", + "canned tomatoes", + "celery", + "fresh rosemary", + "mushrooms", + "garlic", + "carrots", + "water", + "red pepper flakes", + "salt", + "onions" + ] + }, + { + "id": 44402, + "cuisine": "korean", + "ingredients": [ + "pepper", + "shredded carrots", + "vegetable broth", + "garlic cloves", + "eggs", + "sesame seeds", + "sesame oil", + "rice vinegar", + "mung bean sprouts", + "honey", + "green onions", + "salt", + "sliced mushrooms", + "spinach", + "beef", + "sticky rice", + "sauce" + ] + }, + { + "id": 29684, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "ground black pepper", + "garlic", + "kosher salt", + "grated parmesan cheese", + "fresh basil leaves", + "tomato sauce", + "large eggs", + "nonstick spray", + "cauliflower", + "part-skim mozzarella cheese", + "crushed red pepper flakes" + ] + }, + { + "id": 18264, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "grated parmesan cheese", + "garlic cloves", + "tomatoes", + "olive oil", + "salt", + "dried basil", + "butter", + "dried oregano", + "eggs", + "boneless chicken breast halves", + "dry bread crumbs" + ] + }, + { + "id": 20137, + "cuisine": "irish", + "ingredients": [ + "baking powder", + "salt", + "eggs", + "buttermilk", + "white sugar", + "baking soda", + "raisins", + "butter", + "all-purpose flour" + ] + }, + { + "id": 10652, + "cuisine": "italian", + "ingredients": [ + "fresh parsley", + "red wine vinegar", + "olive oil", + "oregano" + ] + }, + { + "id": 39703, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "prepared horseradish", + "Tabasco Pepper Sauce", + "smoked sausage", + "small red potato", + "kosher salt", + "bay leaves", + "lemon", + "beer", + "fresh corn", + "water", + "shell-on shrimp", + "old bay seasoning", + "garlic cloves", + "ketchup", + "Sriracha", + "red wine vinegar", + "cayenne pepper" + ] + }, + { + "id": 32856, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "fennel bulb", + "red bell pepper", + "tumeric", + "olive oil", + "purple onion", + "sugar", + "cayenne", + "garlic cloves", + "cider vinegar", + "red cabbage" + ] + }, + { + "id": 27681, + "cuisine": "thai", + "ingredients": [ + "shell-on shrimp", + "salt", + "grapefruit", + "asian fish sauce", + "dry coconut", + "thai chile", + "coconut cream", + "dried shrimp", + "boneless skinless chicken breasts", + "cilantro leaves", + "rice flour", + "sugar", + "vegetable oil", + "pummelo", + "fresh lime juice" + ] + }, + { + "id": 48018, + "cuisine": "irish", + "ingredients": [ + "dried thyme", + "vegetable oil", + "bacon", + "chopped onion", + "cabbage", + "chuck roast", + "butter", + "salt", + "carrots", + "ground black pepper", + "russet potatoes", + "garlic", + "beer", + "milk", + "bay leaves", + "worcestershire sauce", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 46531, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "bean paste", + "corn starch", + "sambal ulek", + "water", + "ginger", + "black vinegar", + "boneless pork shoulder", + "kosher salt", + "chinese wheat noodles", + "chinese chives", + "chiles", + "light soy sauce", + "garlic", + "canola oil" + ] + }, + { + "id": 26060, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "garlic", + "onions", + "tumeric", + "red pepper flakes", + "ground coriander", + "cooking oil", + "salt", + "ground cumin", + "water", + "sirloin steak", + "chopped cilantro" + ] + }, + { + "id": 41413, + "cuisine": "italian", + "ingredients": [ + "sea salt", + "anchovy fillets", + "flat leaf parsley", + "cracked black pepper", + "fresh lemon juice", + "green garlic", + "garlic cloves", + "tagliarini", + "white wine", + "extra-virgin olive oil", + "halibut steak" + ] + }, + { + "id": 12779, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "green onions", + "yellow corn", + "shrimp", + "avocado", + "bell pepper", + "heavy cream", + "garlic cloves", + "water", + "brown rice", + "salt", + "sour cream", + "flour tortillas", + "butter", + "salsa", + "onions" + ] + }, + { + "id": 8228, + "cuisine": "mexican", + "ingredients": [ + "piloncillo", + "dark rum", + "fresh lime juice", + "water", + "vanilla extract", + "vegetable oil cooking spray", + "pineapple", + "clove", + "papaya", + "cinnamon sticks" + ] + }, + { + "id": 44313, + "cuisine": "japanese", + "ingredients": [ + "ice cubes", + "water", + "red cabbage", + "scallions", + "nori", + "soy sauce", + "baking soda", + "soba noodles", + "medium shrimp", + "eggs", + "sesame seeds", + "all-purpose flour", + "shiso", + "wasabi paste", + "yellow squash", + "salt", + "carrots" + ] + }, + { + "id": 43672, + "cuisine": "french", + "ingredients": [ + "bittersweet chocolate", + "crust", + "light corn syrup", + "heavy whipping cream" + ] + }, + { + "id": 8116, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chili sauce", + "curry powder", + "orzo", + "garlic cloves", + "low sodium chicken broth", + "chopped onion", + "dried thyme", + "chickpeas", + "carrots" + ] + }, + { + "id": 10153, + "cuisine": "italian", + "ingredients": [ + "semolina", + "all purpose unbleached flour", + "water" + ] + }, + { + "id": 35839, + "cuisine": "cajun_creole", + "ingredients": [ + "light brown sugar", + "granulated sugar", + "evaporated milk", + "pecan halves", + "vanilla extract", + "unsalted butter" + ] + }, + { + "id": 33241, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "sugar", + "vanilla", + "heavy cream", + "peaches" + ] + }, + { + "id": 17838, + "cuisine": "cajun_creole", + "ingredients": [ + "onion powder", + "salt", + "paprika", + "lemon pepper", + "butter", + "cayenne pepper", + "garlic powder", + "popcorn" + ] + }, + { + "id": 16109, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "olive oil", + "lean ground beef", + "chopped cilantro fresh", + "light sour cream", + "cream", + "jalapeno chilies", + "salt", + "green chile", + "shredded cheddar cheese", + "fat-free cottage cheese", + "elbow macaroni", + "white pepper", + "garlic powder", + "butter", + "adobo seasoning" + ] + }, + { + "id": 28500, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "cider vinegar", + "puff pastry", + "sugar", + "golden delicious apples", + "water" + ] + }, + { + "id": 24050, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "boneless skinless chicken breasts", + "panko breadcrumbs", + "freshly grated parmesan", + "worcestershire sauce", + "olive oil", + "parsley", + "mayonaise", + "ground black pepper", + "fresh lemon juice" + ] + }, + { + "id": 37799, + "cuisine": "italian", + "ingredients": [ + "cremini mushrooms", + "unsalted butter", + "worcestershire sauce", + "fresh lemon juice", + "bread crumb fresh", + "parmigiano reggiano cheese", + "grated lemon zest", + "spaghetti", + "olive oil", + "lemon wedge", + "garlic cloves", + "black pepper", + "fresh thyme", + "salt", + "fresh parsley" + ] + }, + { + "id": 19927, + "cuisine": "indian", + "ingredients": [ + "Lipton Lemon Iced Tea Mix", + "mango", + "water" + ] + }, + { + "id": 1258, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "jalapeno chilies", + "brown rice", + "extra-virgin olive oil", + "dried oregano", + "low sodium black beans", + "boneless skinless chicken breasts", + "paprika", + "salt", + "pepper", + "low sodium chicken broth", + "onion powder", + "garlic", + "cumin", + "garlic powder", + "shallots", + "cilantro", + "fresh lime juice" + ] + }, + { + "id": 18658, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "cannellini beans", + "salt", + "pasta", + "finely chopped fresh parsley", + "purple onion", + "ground black pepper", + "chopped celery", + "olive oil", + "bacon", + "chopped fresh sage" + ] + }, + { + "id": 2859, + "cuisine": "british", + "ingredients": [ + "kosher salt", + "russet potatoes", + "tartar sauce", + "pollock", + "cayenne pepper", + "ground black pepper", + "malt vinegar", + "crispy rice cereal", + "large egg whites", + "extra-virgin olive oil", + "olive oil cooking spray" + ] + }, + { + "id": 24469, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "vegetable oil", + "bread", + "fresh ginger", + "purple onion", + "fresh lime juice", + "rib eye steaks", + "fresh cilantro", + "garlic", + "onions", + "kosher salt", + "mango chutney", + "green chilies" + ] + }, + { + "id": 40490, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "heavy cream", + "Madeira", + "fresh thyme leaves", + "shallots", + "unsalted butter", + "chicken livers" + ] + }, + { + "id": 25339, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "olive oil", + "brown rice", + "garlic", + "boneless skinless chicken breast halves", + "curry powder", + "chunky peanut butter", + "sliced carrots", + "red bell pepper", + "crushed tomatoes", + "sweet potatoes", + "crushed red pepper flakes", + "onions", + "ground cinnamon", + "ground black pepper", + "chili powder", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 13605, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "full fat coconut milk", + "diced tomatoes", + "avocado oil", + "coconut cream", + "cashew nuts", + "water", + "white poppy seeds", + "ginger", + "cilantro leaves", + "carrots", + "chili", + "sweet potatoes", + "garlic", + "yellow onion", + "frozen peas", + "tapioca flour", + "coriander powder", + "paprika", + "salt", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 37176, + "cuisine": "vietnamese", + "ingredients": [ + "green mango", + "medium shrimp", + "red chili peppers", + "carrots", + "fish sauce", + "bawang goreng", + "leaves", + "chinese chives" + ] + }, + { + "id": 13441, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "chili powder", + "salt", + "quinoa", + "cilantro", + "oregano", + "pepper", + "diced tomatoes", + "onions", + "corn oil", + "garlic", + "cumin" + ] + }, + { + "id": 24755, + "cuisine": "southern_us", + "ingredients": [ + "pimentos", + "sharp cheddar cheese", + "hot sauce", + "salt", + "mayonaise", + "cayenne pepper" + ] + }, + { + "id": 3256, + "cuisine": "french", + "ingredients": [ + "large egg whites", + "large eggs", + "dried oregano", + "pepper", + "zucchini", + "chopped onion", + "olive oil", + "cooking spray", + "fresh parmesan cheese", + "salt" + ] + }, + { + "id": 2091, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "mutton", + "mustard oil", + "onions", + "cilantro", + "brown cardamom", + "bay leaf", + "water", + "salt", + "garlic cloves", + "ground turmeric", + "clove", + "ginger", + "curds", + "ghee" + ] + }, + { + "id": 25828, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "sugar", + "light corn syrup", + "baking soda", + "vanilla extract", + "buttermilk" + ] + }, + { + "id": 28667, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "white rice", + "onions", + "minced garlic", + "Shaoxing wine", + "chinese cabbage", + "soy sauce", + "ground black pepper", + "salt", + "water", + "ground pork", + "corn starch" + ] + }, + { + "id": 49647, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "water", + "lemon juice", + "sugar", + "pistachios", + "phyllo dough", + "honey", + "cinnamon sticks", + "chopped nuts", + "ground cloves", + "butter" + ] + }, + { + "id": 2097, + "cuisine": "italian", + "ingredients": [ + "vegetable oil cooking spray", + "whole wheat penne", + "diced onions", + "marinara sauce", + "green bell pepper", + "ground turkey", + "freshly grated parmesan" + ] + }, + { + "id": 44557, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "fennel", + "vegetable oil", + "garlic", + "lemon juice", + "serrano chile", + "tumeric", + "brown rice", + "cilantro sprigs", + "cumin seed", + "onions", + "red kidney beans", + "cayenne", + "ginger", + "ground coriander", + "bay leaf", + "green cardamom pods", + "garam masala", + "florets", + "salt", + "cinnamon sticks", + "plum tomatoes" + ] + }, + { + "id": 7916, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "garlic", + "tomatillos", + "pasilla chiles" + ] + }, + { + "id": 26344, + "cuisine": "spanish", + "ingredients": [ + "collard greens", + "crushed red pepper", + "russet potatoes", + "onions", + "olive oil", + "low salt chicken broth", + "spicy sausage", + "garlic" + ] + }, + { + "id": 39398, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sprouts", + "rice vinegar", + "sugar", + "mirin", + "ginger", + "fresh salmon", + "fish sauce", + "lime", + "wonton skins", + "sauce", + "red chili peppers", + "spring onions", + "garlic", + "toasted sesame oil" + ] + }, + { + "id": 49461, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "salt", + "vidalia onion", + "green peas", + "fresh ginger", + "small red potato", + "fat free beef broth", + "cooking spray", + "leg of lamb" + ] + }, + { + "id": 16536, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh parsley", + "button mushrooms", + "tomatoes", + "garlic cloves", + "cooking spray", + "polenta" + ] + }, + { + "id": 34621, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "green onions", + "ground ginger", + "hoisin sauce", + "cooking sherry", + "granulated sugar", + "salt", + "soy sauce", + "pork loin" + ] + }, + { + "id": 24542, + "cuisine": "korean", + "ingredients": [ + "ketchup", + "ginger", + "garlic cloves", + "brown sugar", + "chuck roast", + "apple juice", + "onions", + "mirin", + "white rice", + "carrots", + "soy sauce", + "sesame oil", + "scallions", + "cabbage" + ] + }, + { + "id": 3657, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "mushrooms", + "medium shrimp", + "cold water", + "udon", + "rice vinegar", + "fresh ginger", + "green onions", + "low sodium soy sauce", + "bonito flakes", + "konbu" + ] + }, + { + "id": 9161, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "buttermilk", + "peanut butter", + "powdered sugar", + "baking powder", + "salt", + "bananas", + "bacon slices", + "honey roasted peanuts", + "butter", + "all-purpose flour" + ] + }, + { + "id": 30781, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "ajwain", + "kasuri methi", + "chapati flour", + "tumeric", + "minced ginger", + "salt", + "lentils", + "green bell pepper", + "minced garlic", + "paneer", + "oil", + "tomato paste", + "red chili peppers", + "coriander seeds", + "chopped onion", + "canola oil" + ] + }, + { + "id": 47632, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "rice noodles", + "oil", + "medium shrimp", + "Shaoxing wine", + "chinese roast pork", + "red bell pepper", + "soy sauce", + "garlic", + "oyster sauce", + "onions", + "eggs", + "sesame oil", + "scallions", + "boiled ham" + ] + }, + { + "id": 31308, + "cuisine": "italian", + "ingredients": [ + "eggs", + "panko", + "pepper", + "flat leaf parsley", + "lean ground pork", + "salt", + "fennel seeds", + "olive oil", + "onions" + ] + }, + { + "id": 46859, + "cuisine": "indian", + "ingredients": [ + "red pepper", + "cumin seed", + "ghee", + "fresh spinach", + "urad dal", + "asafoetida powder", + "red chili powder", + "ginger", + "mustard seeds", + "ground turmeric", + "water", + "salt", + "small green chile" + ] + }, + { + "id": 36464, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "meat", + "hot sauce", + "green chile", + "minced onion", + "garlic", + "olive oil", + "chili powder", + "ground cumin", + "tomato sauce", + "flour tortillas", + "shredded pepper jack cheese" + ] + }, + { + "id": 13753, + "cuisine": "french", + "ingredients": [ + "green chile", + "cooked chicken", + "garlic", + "onions", + "green onions", + "whipping cream", + "red bell pepper", + "green bell pepper", + "shredded swiss cheese", + "salt", + "pepper", + "butter", + "poultry seasoning" + ] + }, + { + "id": 17774, + "cuisine": "indian", + "ingredients": [ + "scallops", + "heavy cream", + "cumin seed", + "garam masala", + "salt", + "ground turmeric", + "fresh ginger", + "purple onion", + "garlic cloves", + "fresh leav spinach", + "ground black pepper", + "cayenne pepper", + "canola oil" + ] + }, + { + "id": 39390, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "ground black pepper", + "fresh spinach", + "salt", + "chicken broth", + "potatoes", + "evaporated milk", + "onions" + ] + }, + { + "id": 15723, + "cuisine": "korean", + "ingredients": [ + "seasoning", + "pork sirloin chops", + "pepper", + "panko breadcrumbs", + "eggs", + "salt", + "flour", + "canola oil" + ] + }, + { + "id": 33374, + "cuisine": "italian", + "ingredients": [ + "sugar", + "cooking spray", + "chopped pecans", + "ground ginger", + "white chocolate chips", + "salt", + "water", + "baking powder", + "canola oil", + "oats", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 39084, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "fresh raspberries", + "eggs", + "unsalted butter", + "greek yogurt", + "unsalted pistachios", + "all-purpose flour", + "confectioners sugar", + "mascarpone", + "ground almonds" + ] + }, + { + "id": 44519, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "unsalted butter", + "salt", + "active dry yeast", + "large eggs", + "confectioners sugar", + "pure vanilla extract", + "evaporated milk", + "sanding sugar", + "milk", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 40455, + "cuisine": "indian", + "ingredients": [ + "chili flakes", + "pepper", + "fennel", + "potatoes", + "vegetable oil", + "salt", + "ground coriander", + "jaggery", + "granny smith apples", + "amchur", + "cayenne", + "seeds", + "star anise", + "tamarind paste", + "mustard seeds", + "ground turmeric", + "clove", + "plain yogurt", + "fresh ginger", + "granulated sugar", + "apple cider vinegar", + "garlic", + "green chilies", + "frozen peas", + "ground cumin", + "warm water", + "water", + "garam masala", + "mint leaves", + "cilantro", + "all-purpose flour", + "cardamom", + "greens" + ] + }, + { + "id": 26113, + "cuisine": "indian", + "ingredients": [ + "golden raisins", + "onions", + "blanched almonds", + "salt", + "basmati rice", + "olive oil", + "cinnamon sticks" + ] + }, + { + "id": 10941, + "cuisine": "southern_us", + "ingredients": [ + "fresh basil", + "peaches", + "sweetened coconut flakes", + "panko breadcrumbs", + "lime", + "flour", + "salt", + "jumbo shrimp", + "jalapeno chilies", + "crushed red pepper flakes", + "mango", + "eggs", + "cayenne", + "buttermilk", + "chili sauce" + ] + }, + { + "id": 21421, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "cooking spray", + "all-purpose flour", + "parsnips", + "panko", + "butter", + "turnips", + "water", + "whole milk", + "fat free less sodium chicken broth", + "ground black pepper", + "gruyere cheese" + ] + }, + { + "id": 19240, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "powdered vanilla pudding mix", + "large eggs", + "butter", + "corn starch", + "sugar", + "custard powder", + "starch", + "salt", + "medium eggs", + "warm water", + "unsalted butter", + "yellow food coloring", + "all-purpose flour", + "powdered sugar", + "active dry yeast", + "powdered milk", + "vanilla extract", + "sweetened condensed milk" + ] + }, + { + "id": 5946, + "cuisine": "spanish", + "ingredients": [ + "large egg whites", + "all-purpose flour", + "sugar", + "unsalted butter", + "honey", + "sea salt flakes", + "sliced almonds", + "light corn syrup" + ] + }, + { + "id": 24850, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "button mushrooms", + "ground ginger", + "Kikkoman Soy Sauce", + "shrimp", + "chicken stock", + "water chestnuts", + "scallions", + "Kikkoman Oyster Sauce", + "sesame oil", + "cooking sherry" + ] + }, + { + "id": 31003, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "provolone cheese", + "ground black pepper", + "purple onion", + "hot water", + "fresh basil", + "part-skim ricotta cheese", + "beets", + "red wine vinegar", + "salt", + "serrano chile" + ] + }, + { + "id": 40388, + "cuisine": "chinese", + "ingredients": [ + "spring roll wrappers", + "thai basil", + "sesame oil", + "chinese five-spice powder", + "beansprouts", + "red chili peppers", + "mushrooms", + "cornflour", + "oyster sauce", + "coriander", + "toasted peanuts", + "reduced sodium soy sauce", + "ginger", + "oil", + "vermicelli noodles", + "sweet chili sauce", + "spring onions", + "chinese cabbage", + "carrots" + ] + }, + { + "id": 13732, + "cuisine": "southern_us", + "ingredients": [ + "fresh basil", + "peach nectar", + "water", + "sugar", + "vanilla beans" + ] + }, + { + "id": 10623, + "cuisine": "greek", + "ingredients": [ + "eggs", + "vanilla extract", + "unsalted butter", + "all-purpose flour", + "sesame seeds", + "salt", + "baking powder", + "white sugar" + ] + }, + { + "id": 40367, + "cuisine": "italian", + "ingredients": [ + "dry vermouth", + "chopped fresh chives", + "medium egg noodles", + "unsalted butter", + "fresh tarragon", + "capers", + "pork tenderloin" + ] + }, + { + "id": 43955, + "cuisine": "mexican", + "ingredients": [ + "milk", + "butter", + "shredded cheese", + "flour", + "garlic", + "onions", + "jalapeno chilies", + "cilantro", + "sour cream", + "serrano peppers", + "salt", + "plum tomatoes" + ] + }, + { + "id": 24011, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "whole wheat hamburger buns", + "apple cider vinegar", + "firm tofu", + "beansprouts", + "eggs", + "ground chicken", + "shiitake", + "cilantro", + "carrots", + "white vinegar", + "soy sauce", + "olive oil", + "sesame oil", + "scallions", + "ground cumin", + "brown sugar", + "black pepper", + "radishes", + "salt", + "cucumber" + ] + }, + { + "id": 39760, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "butter", + "all-purpose flour", + "cream of tartar", + "large egg yolks", + "salt", + "large egg whites", + "vanilla extract", + "meringue", + "sugar", + "bananas", + "vanilla wafers" + ] + }, + { + "id": 21273, + "cuisine": "japanese", + "ingredients": [ + "dark soy sauce", + "spring onions", + "cornflour", + "fresh coriander", + "red pepper", + "soba", + "stock", + "sirloin steak", + "garlic cloves", + "wasabi paste", + "shiitake", + "sunflower oil", + "nori" + ] + }, + { + "id": 28304, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "cannellini beans", + "country bread", + "sage leaves", + "diced tomatoes", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 18804, + "cuisine": "vietnamese", + "ingredients": [ + "lime", + "hoisin sauce", + "beef broth", + "onions", + "black peppercorns", + "lemon grass", + "cilantro leaves", + "beansprouts", + "sirloin tip", + "fresh ginger root", + "jalapeno chilies", + "cinnamon sticks", + "fresh basil leaves", + "fish sauce", + "hot pepper sauce", + "dried rice noodles", + "fresh mint" + ] + }, + { + "id": 16494, + "cuisine": "southern_us", + "ingredients": [ + "romaine lettuce", + "butter", + "salt", + "fat free less sodium chicken broth", + "green peas", + "sugar", + "cracked black pepper", + "fresh parsley", + "vidalia onion", + "dried thyme", + "chopped celery" + ] + }, + { + "id": 47491, + "cuisine": "mexican", + "ingredients": [ + "guajillo chiles", + "vegetable oil", + "salt", + "skirt steak", + "water", + "anise", + "corn tortillas", + "avocado", + "olive oil", + "chile de arbol", + "chopped cilantro fresh", + "white onion", + "tomatillos", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 2183, + "cuisine": "filipino", + "ingredients": [ + "water", + "coconut milk", + "lumpia wrappers", + "bananas", + "brown sugar", + "oil" + ] + }, + { + "id": 15310, + "cuisine": "italian", + "ingredients": [ + "bread crumb fresh", + "grated parmesan cheese", + "fresh basil leaves", + "eggplant", + "ricotta cheese", + "mozzarella cheese", + "marinara sauce", + "olive oil spray", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 680, + "cuisine": "greek", + "ingredients": [ + "plain low-fat yogurt", + "purple onion", + "fresh mint", + "swordfish steaks", + "fresh lemon juice", + "dried oregano", + "pita bread", + "salt", + "plum tomatoes", + "parsley leaves", + "cucumber", + "chopped garlic" + ] + }, + { + "id": 15833, + "cuisine": "italian", + "ingredients": [ + "eggs", + "cooking oil", + "garlic", + "olive oil", + "boneless skinless chicken breasts", + "dry bread crumbs", + "crushed tomatoes", + "grated parmesan cheese", + "salt", + "sandwich rolls", + "ground black pepper", + "red pepper flakes", + "onions" + ] + }, + { + "id": 28966, + "cuisine": "southern_us", + "ingredients": [ + "fresh rosemary", + "peas", + "onions", + "low-sodium fat-free chicken broth", + "carrots", + "olive oil", + "ham", + "batter", + "garlic cloves", + "butter beans" + ] + }, + { + "id": 23182, + "cuisine": "british", + "ingredients": [ + "cream", + "coffee" + ] + }, + { + "id": 26532, + "cuisine": "italian", + "ingredients": [ + "baking powder", + "all-purpose flour", + "eggs", + "vanilla extract", + "white sugar", + "butter", + "anise extract", + "chopped almonds", + "salt" + ] + }, + { + "id": 42456, + "cuisine": "italian", + "ingredients": [ + "heavy cream", + "lemon juice", + "shallots", + "linguine", + "ground pepper", + "extra-virgin olive oil", + "coarse salt", + "grated lemon zest" + ] + }, + { + "id": 13628, + "cuisine": "thai", + "ingredients": [ + "sugar", + "lime wedges", + "chopped cilantro fresh", + "fish sauce", + "green curry paste", + "fresh lime juice", + "mussels", + "water", + "light coconut milk", + "lime rind", + "clam juice", + "long grain white rice" + ] + }, + { + "id": 34199, + "cuisine": "chinese", + "ingredients": [ + "black sesame seeds", + "rice vinegar", + "ground black pepper", + "napa cabbage", + "scallions", + "olive oil", + "sesame oil", + "rotisserie chicken", + "shredded carrots", + "peanut sauce" + ] + }, + { + "id": 30686, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "leeks", + "elbow macaroni", + "salt and ground black pepper", + "vegetable stock", + "green beans", + "chopped tomatoes", + "cannellini beans", + "carrots", + "zucchini", + "chopped fresh thyme", + "celery" + ] + }, + { + "id": 35373, + "cuisine": "moroccan", + "ingredients": [ + "prunes", + "sesame seeds", + "onions", + "ground ginger", + "pepper", + "cilantro sprigs", + "ground turmeric", + "chicken broth", + "honey", + "salt", + "saffron", + "ground cinnamon", + "olive oil", + "leg of lamb" + ] + }, + { + "id": 6028, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "sweet pepper", + "mango", + "fish fillets", + "shredded lettuce", + "tequila", + "jalapeno chilies", + "purple onion", + "ground cumin", + "lime juice", + "garlic", + "corn tortillas" + ] + }, + { + "id": 18335, + "cuisine": "cajun_creole", + "ingredients": [ + "red kidney beans", + "salt", + "long grain brown rice", + "cajun seasoning", + "garlic cloves", + "boiling water", + "chives", + "green pepper", + "celery", + "purple onion", + "smoked paprika" + ] + }, + { + "id": 31733, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "baking soda", + "dark rum", + "vanilla extract", + "cream cheese, soften", + "lime juice", + "large eggs", + "butter", + "all-purpose flour", + "lime rind", + "bananas", + "baking powder", + "salt", + "fresh lime juice", + "brown sugar", + "fat free milk", + "cooking spray", + "sweetened coconut flakes", + "chopped pecans" + ] + }, + { + "id": 37226, + "cuisine": "french", + "ingredients": [ + "potatoes", + "salt", + "tarragon vinegar", + "green onions", + "beef consomme", + "fresh parsley", + "ground black pepper", + "vegetable oil" + ] + }, + { + "id": 33683, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "grated parmesan cheese", + "flat leaf parsley", + "egg substitute", + "low-fat pasta sauce", + "seasoned bread crumbs", + "chicken breasts", + "whole wheat rotini", + "olive oil", + "shredded low-fat mozzarella cheese" + ] + }, + { + "id": 25786, + "cuisine": "italian", + "ingredients": [ + "capers", + "kalamata", + "garlic cloves", + "beefsteak tomatoes", + "linguine", + "hot red pepper flakes", + "extra-virgin olive oil", + "flat leaf parsley", + "fresh basil", + "red wine vinegar", + "anchovy fillets" + ] + }, + { + "id": 30272, + "cuisine": "vietnamese", + "ingredients": [ + "lime", + "salt", + "asian fish sauce", + "coriander seeds", + "cinnamon sticks", + "canola oil", + "fresh ginger", + "beef broth", + "beef steak", + "fresh basil", + "rice vermicelli", + "beansprouts" + ] + }, + { + "id": 37301, + "cuisine": "jamaican", + "ingredients": [ + "water", + "garlic", + "vegetable oil", + "onions", + "curry powder", + "salt", + "red pepper", + "chicken" + ] + }, + { + "id": 8061, + "cuisine": "korean", + "ingredients": [ + "sugar", + "tortillas", + "salt", + "chili flakes", + "pork belly", + "ginger", + "kimchi", + "sambal ulek", + "soy sauce", + "sesame oil", + "sauce", + "dark soy sauce", + "water", + "garlic", + "toasted sesame seeds" + ] + }, + { + "id": 47856, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "heavy cream", + "ground coriander", + "chopped cilantro fresh", + "tomato paste", + "whole peeled tomatoes", + "chile de arbol", + "ghee", + "ground turmeric", + "kosher salt", + "chicken breast halves", + "cardamom pods", + "onions", + "ground cumin", + "whole milk yoghurt", + "ginger", + "garlic cloves", + "basmati rice" + ] + }, + { + "id": 44045, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "tomatoes with juice", + "sour cream", + "egg noodles", + "salt", + "onions", + "sliced black olives", + "garlic", + "ground beef", + "chili beans", + "green onions", + "liquid" + ] + }, + { + "id": 18149, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "sesame oil", + "scallions", + "Sriracha", + "rice", + "minced ginger", + "garlic", + "frozen peas", + "soy sauce", + "fresh shiitake mushrooms", + "peanut oil" + ] + }, + { + "id": 24733, + "cuisine": "chinese", + "ingredients": [ + "salt", + "toasted sesame oil", + "seeds", + "garlic cloves", + "chinese five-spice powder", + "sesame oil", + "carrots" + ] + }, + { + "id": 22300, + "cuisine": "chinese", + "ingredients": [ + "water", + "sesame oil", + "garlic cloves", + "sliced green onions", + "water chestnuts, drained and chopped", + "hoisin sauce", + "creamy peanut butter", + "iceberg lettuce", + "shiitake", + "rice vinegar", + "ground turkey", + "fresh ginger", + "teriyaki sauce", + "carrots" + ] + }, + { + "id": 9634, + "cuisine": "japanese", + "ingredients": [ + "ponzu", + "sliced green onions", + "silken tofu", + "shredded nori" + ] + }, + { + "id": 18148, + "cuisine": "italian", + "ingredients": [ + "coarse salt", + "salt", + "olive oil", + "garlic cloves", + "focaccia" + ] + }, + { + "id": 18907, + "cuisine": "mexican", + "ingredients": [ + "mole sauce", + "cooked chicken", + "pico de gallo", + "corn tortillas", + "cilantro" + ] + }, + { + "id": 39255, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "shredded extra sharp cheddar cheese", + "butter", + "salsa", + "chopped cilantro fresh", + "chile powder", + "refried beans", + "jalapeno chilies", + "diced tomatoes", + "sour cream", + "black pepper", + "flour tortillas", + "shredded lettuce", + "rotisserie chicken", + "ground cumin", + "avocado", + "olive oil", + "coarse salt", + "garlic", + "onions" + ] + }, + { + "id": 15930, + "cuisine": "mexican", + "ingredients": [ + "posole", + "eggplant", + "garlic", + "onions", + "yellow squash", + "chile pepper", + "dried minced onion", + "ketchup", + "hot pepper sauce", + "salt", + "water", + "pork loin", + "carrots" + ] + }, + { + "id": 10267, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "lemon grass", + "salt", + "cucumber", + "iceberg lettuce", + "fish sauce", + "minced garlic", + "grated carrot", + "hot water", + "chopped cilantro fresh", + "soy sauce", + "flank steak", + "rice vinegar", + "beansprouts", + "pineapple slices", + "spring roll wrappers", + "pepper", + "vegetable oil", + "corn starch", + "chopped fresh mint" + ] + }, + { + "id": 44441, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "kidney beans", + "yellow bell pepper", + "rice", + "dried oregano", + "black pepper", + "bay leaves", + "salt", + "celery", + "andouille sausage", + "cayenne", + "garlic", + "red bell pepper", + "allspice", + "clove", + "olive oil", + "diced tomatoes", + "hot sauce", + "onions" + ] + }, + { + "id": 46690, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "extra-virgin olive oil", + "mayonaise", + "buttermilk", + "lemon juice", + "dijon mustard", + "garlic cloves", + "kosher salt", + "scallions" + ] + }, + { + "id": 29871, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "zucchini", + "ground almonds", + "couscous", + "ground cumin", + "cherry tomatoes", + "butternut squash", + "garlic cloves", + "onions", + "tomatoes", + "olive oil", + "apricot halves", + "leg of lamb", + "saffron", + "lamb stock", + "harissa paste", + "ground coriander", + "fresh parsley" + ] + }, + { + "id": 38562, + "cuisine": "mexican", + "ingredients": [ + "water", + "salsa", + "baby spinach leaves", + "low sodium tomato sauce", + "boneless skinless chicken breast halves", + "Mexican cheese blend", + "taco seasoning", + "black beans", + "non-fat sour cream" + ] + }, + { + "id": 32862, + "cuisine": "mexican", + "ingredients": [ + "Knorr Onion Minicubes", + "boneless sirloin steak", + "vegetable oil", + "knorr garlic minicub", + "lime juice", + "corn tortillas" + ] + }, + { + "id": 16202, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "chili sauce", + "sesame seeds", + "garlic", + "safflower oil", + "linguine", + "sugar", + "green onions", + "rice vinegar" + ] + }, + { + "id": 34562, + "cuisine": "british", + "ingredients": [ + "sugar", + "large eggs", + "milk", + "salt", + "dried currants", + "baking powder", + "unsalted margarine", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 37808, + "cuisine": "indian", + "ingredients": [ + "cooking spray", + "paprika", + "fresh mint", + "chicken legs", + "chili powder", + "salt", + "ground turmeric", + "ground red pepper", + "garlic", + "fresh lime juice", + "fresh ginger", + "fat free greek yogurt", + "cucumber", + "ground cumin" + ] + }, + { + "id": 714, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "vegetable oil", + "salt", + "ground white pepper", + "iceberg lettuce", + "sirloin", + "chili", + "garlic", + "roasted peanuts", + "beansprouts", + "fish sauce", + "lemongrass", + "rice vermicelli", + "rice vinegar", + "cucumber", + "sugar", + "mint leaves", + "purple onion", + "scallions", + "fresh lime juice" + ] + }, + { + "id": 6167, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "salt", + "garlic cloves", + "dried oregano", + "flour tortillas", + "chopped onion", + "fresh lime juice", + "ground black pepper", + "salsa", + "pork shoulder boston butt", + "ground cumin", + "lime wedges", + "orange juice", + "chopped cilantro fresh" + ] + }, + { + "id": 5502, + "cuisine": "italian", + "ingredients": [ + "parsley sprigs", + "prosciutto", + "dried parsley", + "olive oil", + "dry white wine", + "fat free less sodium chicken broth", + "ground black pepper", + "plum tomatoes", + "arborio rice", + "fresh parmesan cheese", + "chopped onion" + ] + }, + { + "id": 21643, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "tortilla chips", + "monterey jack", + "guacamole", + "sour cream", + "jalapeno chilies", + "sharp cheddar cheese", + "sliced green onions", + "black beans", + "salsa", + "plum tomatoes" + ] + }, + { + "id": 38140, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "ground beef", + "frozen corn", + "purple onion", + "taco sauce", + "corn tortillas" + ] + }, + { + "id": 2412, + "cuisine": "mexican", + "ingredients": [ + "canned low sodium chicken broth", + "lime juice", + "garlic", + "boneless, skinless chicken breast", + "cooking oil", + "corn tortillas", + "chiles", + "ground black pepper", + "salt", + "avocado", + "water", + "Tabasco Pepper Sauce", + "onions" + ] + }, + { + "id": 32481, + "cuisine": "cajun_creole", + "ingredients": [ + "boneless skinless chicken breasts", + "button mushrooms", + "purple onion", + "olive oil", + "butter", + "linguine", + "red bell pepper", + "milk", + "cajun seasoning", + "yellow bell pepper", + "shredded parmesan cheese", + "flour", + "heavy cream", + "garlic", + "fresh parsley" + ] + }, + { + "id": 28517, + "cuisine": "indian", + "ingredients": [ + "clove", + "poppy seeds", + "garlic", + "cumin seed", + "canola oil", + "kosher salt", + "chile de arbol", + "yellow onion", + "jaggery", + "black peppercorns", + "ginger", + "white wine vinegar", + "black mustard seeds", + "boneless pork shoulder", + "cinnamon", + "thai chile", + "tamarind paste", + "ground turmeric" + ] + }, + { + "id": 10708, + "cuisine": "indian", + "ingredients": [ + "fresh spinach", + "vegetable oil", + "long grain white rice", + "fresh ginger root", + "salt", + "water", + "yellow lentils", + "jaggery", + "chile pepper", + "carrots" + ] + }, + { + "id": 44239, + "cuisine": "french", + "ingredients": [ + "black pepper", + "chopped celery", + "carrots", + "dried tarragon leaves", + "finely chopped onion", + "goat cheese", + "cooked rice", + "fat free less sodium chicken broth", + "salt", + "red bell pepper", + "boneless chicken skinless thigh", + "butter", + "garlic cloves" + ] + }, + { + "id": 20909, + "cuisine": "british", + "ingredients": [ + "butter", + "stilton cheese", + "russet potatoes", + "low salt chicken broth" + ] + }, + { + "id": 14106, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "whole milk", + "mozzarella cheese", + "grated parmesan cheese", + "fresh rosemary" + ] + }, + { + "id": 25881, + "cuisine": "italian", + "ingredients": [ + "salad", + "cherry tomatoes", + "worcestershire sauce", + "croutons", + "romano cheese", + "chicken breasts", + "anchovy paste", + "ground cumin", + "vegetable oil cooking spray", + "low-fat buttermilk", + "dry mustard", + "lemon juice", + "pepper", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 13232, + "cuisine": "italian", + "ingredients": [ + "pasta", + "salt and ground black pepper", + "garlic", + "olive oil", + "diced tomatoes", + "onions", + "sweet italian pork sausage", + "red wine", + "fresh parsley", + "green bell pepper", + "marinara sauce", + "red bell pepper" + ] + }, + { + "id": 6098, + "cuisine": "french", + "ingredients": [ + "granulated sugar", + "milk", + "flour", + "melted butter", + "egg whites", + "unsalted butter", + "salt" + ] + }, + { + "id": 38183, + "cuisine": "chinese", + "ingredients": [ + "water", + "sesame oil", + "maple syrup", + "juice", + "fettucine", + "extra firm tofu", + "crushed red pepper flakes", + "rice vinegar", + "soy sauce", + "serrano peppers", + "garlic", + "creamy peanut butter", + "liquid smoke", + "fresh ginger", + "sea salt", + "cilantro leaves" + ] + }, + { + "id": 14726, + "cuisine": "southern_us", + "ingredients": [ + "parmesan cheese", + "salt", + "water", + "tomato salsa", + "black pepper", + "cooking spray", + "grits", + "garlic powder", + "extra-virgin olive oil" + ] + }, + { + "id": 13002, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "chickpeas", + "ground cloves", + "sea salt", + "ground ginger", + "cinnamon", + "allspice", + "curry powder", + "cayenne pepper" + ] + }, + { + "id": 17580, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "jalapeno chilies", + "cilantro", + "tamarind concentrate", + "honey roasted peanuts", + "rice noodles", + "rice vinegar", + "eggs", + "pepper", + "vegetable oil", + "garlic cloves", + "sugar", + "shallots", + "salt", + "medium shrimp" + ] + }, + { + "id": 39415, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "fennel bulb", + "salt", + "feta cheese crumbles", + "greek seasoning", + "pitas", + "non-fat sour cream", + "pimento stuffed olives", + "ground lamb", + "fat free yogurt", + "ground turkey breast", + "purple onion", + "garlic cloves", + "honey", + "cooking spray", + "grated lemon zest", + "chopped fresh mint" + ] + }, + { + "id": 39955, + "cuisine": "japanese", + "ingredients": [ + "red chili powder", + "beef", + "mutton", + "ghee", + "spinach", + "teas", + "cumin seed", + "cracked wheat", + "spices", + "oil", + "garlic paste", + "yoghurt", + "salt", + "onions" + ] + }, + { + "id": 6439, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "water", + "sea salt", + "ground coriander", + "tomatoes", + "guajillo chiles", + "ground black pepper", + "pineapple juice", + "chipotle chile", + "sweet onion", + "garlic", + "ancho chile pepper", + "chiles", + "cider vinegar", + "mango juice", + "mustard powder" + ] + }, + { + "id": 30645, + "cuisine": "french", + "ingredients": [ + "milk", + "cracked black pepper", + "xanthan gum", + "unsalted butter", + "gruyere cheese", + "corn starch", + "ancho chili ground pepper", + "coarse salt", + "white rice flour", + "large eggs", + "salt" + ] + }, + { + "id": 1188, + "cuisine": "french", + "ingredients": [ + "green bell pepper", + "brie cheese", + "heavy cream", + "celery", + "butter", + "red bell pepper", + "chicken stock", + "all-purpose flour", + "onions" + ] + }, + { + "id": 26576, + "cuisine": "french", + "ingredients": [ + "chambord", + "red food coloring", + "granulated sugar", + "water", + "fresh lemon juice", + "vodka", + "pineapple juice" + ] + }, + { + "id": 10540, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chili powder", + "salsa", + "garlic cloves", + "ground cumin", + "chicken stock", + "flour tortillas", + "chees fresco queso", + "cayenne pepper", + "iceberg lettuce", + "avocado", + "chopped tomatoes", + "cilantro", + "yellow onion", + "chopped cilantro fresh", + "tomatoes", + "cooked chicken", + "salt", + "fresh oregano", + "canola oil" + ] + }, + { + "id": 37645, + "cuisine": "mexican", + "ingredients": [ + "mild salsa", + "chili powder", + "raisins", + "carrots", + "pepper jack", + "lean ground beef", + "garlic", + "onions", + "flour", + "cinnamon", + "toasted walnuts", + "oregano", + "eggs", + "half & half", + "poblano", + "shredded cheese", + "ground cumin" + ] + }, + { + "id": 34193, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "curry", + "mustard seeds", + "vegetable oil", + "salt", + "ginger paste", + "potatoes", + "purple onion", + "ground turmeric", + "tomatoes", + "peas", + "green chilies" + ] + }, + { + "id": 36286, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "salt", + "pepper", + "chopped cilantro", + "boneless skinless chicken breasts", + "monterey jack", + "pasta sauce", + "corn tortillas" + ] + }, + { + "id": 29721, + "cuisine": "southern_us", + "ingredients": [ + "sweet and sour mix", + "triple sec", + "ice cubes", + "whiskey", + "lemon-lime soda" + ] + }, + { + "id": 39141, + "cuisine": "mexican", + "ingredients": [ + "scallions", + "monterey jack", + "jalapeno chilies", + "low fat tortilla chip", + "black beans", + "chopped cilantro fresh", + "lime wedges", + "plum tomatoes" + ] + }, + { + "id": 18177, + "cuisine": "chinese", + "ingredients": [ + "vegetables", + "rice vinegar", + "green onions", + "hoisin sauce", + "minced garlic", + "chicken breasts" + ] + }, + { + "id": 23339, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "red pepper flakes", + "peanut oil", + "fresh pineapple", + "spring roll wrappers", + "water", + "garlic", + "corn starch", + "brown sugar", + "green onions", + "pineapple juice", + "toasted sesame seeds", + "cider vinegar", + "ginger", + "spam" + ] + }, + { + "id": 20820, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "lemon juice", + "sugar" + ] + }, + { + "id": 44730, + "cuisine": "italian", + "ingredients": [ + "watercress", + "mayonaise", + "walnuts", + "garlic", + "grated parmesan cheese" + ] + }, + { + "id": 19636, + "cuisine": "french", + "ingredients": [ + "brandy", + "canned beef broth", + "all-purpose flour", + "onions", + "red potato", + "mushrooms", + "beef stew meat", + "Burgundy wine", + "celery ribs", + "bay leaves", + "large garlic cloves", + "thyme sprigs", + "ground nutmeg", + "butter", + "carrots", + "dried oregano" + ] + }, + { + "id": 14779, + "cuisine": "korean", + "ingredients": [ + "green onions", + "water", + "soybean paste", + "sugar", + "vegetable oil", + "flour" + ] + }, + { + "id": 2048, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "dried thyme", + "cooking spray", + "yellow onion", + "fresh lime juice", + "dried oregano", + "tomato paste", + "water", + "ground black pepper", + "littleneck clams", + "tequila", + "ground turmeric", + "kosher salt", + "sea scallops", + "diced tomatoes", + "red bell pepper", + "chopped cilantro fresh", + "fat free less sodium chicken broth", + "olive oil", + "green onions", + "garlic cloves", + "medium shrimp", + "ground cumin" + ] + }, + { + "id": 35459, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "garlic", + "lime", + "kosher salt", + "chopped cilantro", + "serrano peppers" + ] + }, + { + "id": 31161, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "yellow bell pepper", + "mushrooms", + "lemon pepper", + "olive oil", + "garlic", + "green onions", + "onions" + ] + }, + { + "id": 26639, + "cuisine": "greek", + "ingredients": [ + "eggplant", + "italian plum tomatoes", + "cinnamon", + "dried oregano", + "minced garlic", + "unsalted butter", + "baking potatoes", + "onions", + "freshly grated parmesan", + "dried mint flakes", + "ground allspice", + "ground lamb", + "tomato paste", + "feta cheese", + "vegetable oil", + "juice" + ] + }, + { + "id": 4799, + "cuisine": "indian", + "ingredients": [ + "tomato sauce", + "garlic", + "onions", + "fresh cilantro", + "brown lentils", + "curry powder", + "salt", + "olive oil", + "carrots" + ] + }, + { + "id": 22745, + "cuisine": "british", + "ingredients": [ + "large eggs", + "sugar", + "vanilla", + "challa", + "half & half", + "unsalted butter", + "salt" + ] + }, + { + "id": 3464, + "cuisine": "italian", + "ingredients": [ + "fresh lemon juice", + "linguine", + "large garlic cloves", + "fresh parsley", + "butter", + "shrimp" + ] + }, + { + "id": 18741, + "cuisine": "korean", + "ingredients": [ + "kosher salt", + "boneless pork loin", + "canola oil", + "white vinegar", + "pickling liquid", + "kimchi", + "mung beans", + "scallions", + "soy sauce", + "garlic", + "mung bean sprouts" + ] + }, + { + "id": 23531, + "cuisine": "mexican", + "ingredients": [ + "seedless cucumber", + "scallions", + "avocado", + "salt", + "lime", + "chopped cilantro", + "mayonaise", + "hot sauce" + ] + }, + { + "id": 19141, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "garlic", + "lime juice", + "oyster sauce", + "black pepper", + "salt", + "brown sugar", + "bouillon cube", + "chicken thighs" + ] + }, + { + "id": 8389, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "cream cheese", + "salsa", + "shredded cheddar cheese" + ] + }, + { + "id": 42314, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "onion powder", + "sour cream", + "shredded cheddar cheese", + "ranch dressing", + "salt", + "ground beef", + "beans", + "green onions", + "black olives", + "rotel tomatoes", + "garlic powder", + "chili powder", + "yellow onion" + ] + }, + { + "id": 1955, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "palm sugar", + "vegetable oil", + "fish sauce", + "Vietnamese coriander", + "green onions", + "rice vinegar", + "pork", + "kecap manis", + "seedless watermelon", + "brown sugar", + "lime juice", + "shallots", + "garlic cloves" + ] + }, + { + "id": 8950, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "lemon juice", + "olive oil", + "salt", + "parmesan cheese", + "garlic cloves", + "fresh basil", + "zucchini" + ] + }, + { + "id": 37416, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "rice noodles", + "shrimp", + "soy sauce", + "garlic", + "cabbage", + "chicken broth", + "boneless chicken breast", + "carrots", + "pork", + "vegetable oil", + "onions" + ] + }, + { + "id": 38986, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "water", + "lettuce leaves", + "beer", + "chili garlic paste", + "perilla", + "salad", + "sugar", + "mung beans", + "cilantro", + "rice flour", + "coconut milk", + "mint", + "pork", + "sliced cucumber", + "salt", + "shrimp", + "onions", + "tumeric", + "lime juice", + "soda", + "garlic cloves", + "beansprouts", + "sliced green onions" + ] + }, + { + "id": 23888, + "cuisine": "italian", + "ingredients": [ + "mushroom soup", + "yellow onion", + "tomato paste", + "bell pepper", + "ground beef", + "italian sausage", + "tomato sauce", + "tomato soup", + "tomatoes", + "garlic" + ] + }, + { + "id": 35739, + "cuisine": "irish", + "ingredients": [ + "sauerkraut", + "mayonaise", + "shredded swiss cheese", + "rye bread", + "shredded cheddar cheese", + "corned beef" + ] + }, + { + "id": 34743, + "cuisine": "thai", + "ingredients": [ + "sweet chili sauce", + "boneless chicken breast", + "eggs", + "milk", + "vegetable oil", + "pepper", + "flour", + "red chili powder", + "garlic powder", + "salt" + ] + }, + { + "id": 25108, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "salt", + "dried oregano", + "water", + "cajun seasoning", + "garlic cloves", + "andouille sausage links", + "red beans", + "long-grain rice", + "olive oil", + "diced tomatoes", + "onions" + ] + }, + { + "id": 38336, + "cuisine": "italian", + "ingredients": [ + "lacinato kale", + "parmigiano reggiano cheese", + "Italian turkey sausage", + "rigatoni", + "whole wheat flour", + "1% low-fat milk", + "olive oil cooking spray", + "sun-dried tomatoes", + "sea salt", + "low moisture mozzarella", + "ground black pepper", + "garlic", + "organic unsalted butter" + ] + }, + { + "id": 14728, + "cuisine": "british", + "ingredients": [ + "dijon mustard", + "salt", + "pepper", + "extra-virgin olive oil", + "panko breadcrumbs", + "mayonaise", + "sweet potatoes", + "fresh lemon juice", + "eggs", + "flour", + "tilapia" + ] + }, + { + "id": 46575, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "flour for dusting", + "pizza doughs", + "dried oregano", + "salt", + "plum tomatoes", + "shredded mozzarella cheese" + ] + }, + { + "id": 36293, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "fresh orange juice", + "red bell pepper", + "green bell pepper", + "cooking spray", + "garlic cloves", + "diced onions", + "jalapeno chilies", + "salt", + "grated orange", + "olive oil", + "shuck corn", + "fresh lemon juice" + ] + }, + { + "id": 13751, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "water chestnuts", + "purple onion", + "serrano chile", + "fat free less sodium chicken broth", + "peeled fresh ginger", + "fresh lime juice", + "sugar", + "lettuce leaves", + "salt", + "sliced green onions", + "peanuts", + "boneless skinless chicken breasts", + "chopped cilantro fresh" + ] + }, + { + "id": 20017, + "cuisine": "vietnamese", + "ingredients": [ + "chili paste", + "chopped fresh mint", + "Thai fish sauce", + "carrots", + "chopped cilantro fresh", + "sugar", + "fresh lime juice" + ] + }, + { + "id": 1421, + "cuisine": "southern_us", + "ingredients": [ + "great northern beans", + "ground black pepper", + "garlic cloves", + "water", + "sea salt", + "tomatoes", + "olive oil", + "dried pinto beans", + "collard greens", + "leeks", + "dried oregano" + ] + }, + { + "id": 3612, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "key lime", + "shredded cheddar cheese" + ] + }, + { + "id": 25667, + "cuisine": "italian", + "ingredients": [ + "chopped tomatoes", + "salad dressing", + "fresh basil", + "salt", + "chees fresh mozzarella", + "sliced green onions", + "ground black pepper", + "crackers" + ] + }, + { + "id": 9389, + "cuisine": "southern_us", + "ingredients": [ + "water", + "buttermilk", + "ground ginger", + "baking powder", + "all-purpose flour", + "baking soda", + "salt", + "shortening", + "dried apple", + "white sugar" + ] + }, + { + "id": 48769, + "cuisine": "mexican", + "ingredients": [ + "dried apricot", + "cilantro sprigs", + "pineapple", + "jicama", + "purple onion", + "habanero" + ] + }, + { + "id": 28801, + "cuisine": "cajun_creole", + "ingredients": [ + "creole seasoning", + "lemon", + "chopped parsley", + "minced garlic", + "red bell pepper", + "grapeseed oil", + "large shrimp" + ] + }, + { + "id": 1609, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "cilantro leaves", + "carrots", + "red lentils", + "crushed tomatoes", + "ground coriander", + "kosher salt", + "chickpeas", + "ground cumin", + "ground ginger", + "lemon", + "garlic cloves" + ] + }, + { + "id": 31891, + "cuisine": "southern_us", + "ingredients": [ + "parmesan cheese", + "condensed chicken broth", + "pork sausages", + "celery ribs", + "cooking spray", + "fresh parsley", + "water", + "butter", + "onions", + "large eggs", + "garlic cloves", + "grits" + ] + }, + { + "id": 34223, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "peeled fresh ginger", + "water", + "ice cubes", + "pineapple" + ] + }, + { + "id": 45055, + "cuisine": "indian", + "ingredients": [ + "milk", + "ground cardamom", + "butter", + "powdered milk", + "saffron", + "condensed milk" + ] + }, + { + "id": 23690, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "lasagna noodles", + "salt", + "carrots", + "fresh basil", + "small curd cottage cheese", + "grated parmesan cheese", + "cream cheese", + "boiling water", + "chicken bouillon", + "ground black pepper", + "butter", + "shredded mozzarella cheese", + "milk", + "zucchini", + "all-purpose flour", + "onions" + ] + }, + { + "id": 47187, + "cuisine": "mexican", + "ingredients": [ + "cayenne", + "english cucumber", + "chili powder", + "coarse salt", + "jicama", + "fresh lime juice" + ] + }, + { + "id": 30901, + "cuisine": "indian", + "ingredients": [ + "poha", + "oil", + "whole wheat flour", + "salt", + "ground turmeric", + "water", + "chili powder", + "jeera", + "garam masala", + "cilantro leaves" + ] + }, + { + "id": 33836, + "cuisine": "filipino", + "ingredients": [ + "ketchup", + "hot dogs", + "carrots", + "noodles", + "pasta sauce", + "water", + "salt", + "ground beef", + "pepper", + "grating cheese", + "bay leaf", + "sugar", + "olive oil", + "garlic cloves", + "onions" + ] + }, + { + "id": 1606, + "cuisine": "italian", + "ingredients": [ + "sugar", + "dry red wine", + "dri leav rosemari", + "salt", + "minced garlic", + "extra-virgin olive oil", + "black peppercorns", + "balsamic vinegar", + "fresh lime juice" + ] + }, + { + "id": 40966, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "sliced black olives", + "scallions", + "corn tortillas", + "lean ground turkey", + "frozen corn kernels", + "red bell pepper", + "ground cumin", + "green chile", + "mexican style 4 cheese blend", + "enchilada sauce", + "onions", + "olive oil", + "diced tomatoes with garlic and onion", + "sour cream" + ] + }, + { + "id": 28020, + "cuisine": "mexican", + "ingredients": [ + "ground pepper", + "taco seasoning", + "fresh cilantro", + "boneless skinless chicken breasts", + "corn", + "green chilies", + "shredded cheddar cheese", + "green onions", + "enchilada sauce" + ] + }, + { + "id": 3512, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "piecrust", + "creole seasoning", + "onions", + "green bell pepper", + "cheese spread", + "garlic cloves", + "tomato paste", + "water", + "freshly ground pepper", + "plum tomatoes", + "andouille sausage", + "salt", + "shrimp" + ] + }, + { + "id": 21534, + "cuisine": "mexican", + "ingredients": [ + "low sodium worcestershire sauce", + "olive oil", + "salt", + "baked tortilla chips", + "oregano", + "pepper", + "green onions", + "green pepper", + "thyme", + "vegetable oil cooking spray", + "black-eyed peas", + "hot sauce", + "long-grain rice", + "green chile", + "minced garlic", + "stewed tomatoes", + "chopped onion", + "fresh parsley" + ] + }, + { + "id": 9672, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "ground black pepper", + "sprinkles", + "fettucine", + "fresh parmesan cheese", + "shallots", + "boiling water", + "olive oil", + "dry white wine", + "salt", + "chicken breast tenders", + "cooking spray", + "whipping cream" + ] + }, + { + "id": 2367, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "crushed tomatoes", + "yoghurt", + "salt", + "canola oil", + "water", + "fresh ginger", + "garlic", + "ground cardamom", + "pepper", + "honey", + "cinnamon", + "ground coriander", + "boneless chicken skinless thigh", + "curry powder", + "garam masala", + "purple onion", + "onions" + ] + }, + { + "id": 3431, + "cuisine": "vietnamese", + "ingredients": [ + "prawns", + "vegetable oil", + "coconut cream", + "chillies", + "lettuce leaves", + "cilantro leaves", + "rice flour", + "mint leaves", + "sprouts", + "shiso leaves", + "ground turmeric", + "spring onions", + "jam", + "carrots" + ] + }, + { + "id": 25280, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "ghee", + "cardamom", + "carrots", + "milk", + "cashew nuts" + ] + }, + { + "id": 37971, + "cuisine": "southern_us", + "ingredients": [ + "water", + "bourbon whiskey", + "cake flour", + "confectioners sugar", + "light brown sugar", + "large eggs", + "cinnamon", + "grated nutmeg", + "pure vanilla extract", + "baking soda", + "vegetable oil", + "salt", + "pecans", + "baking powder", + "heavy cream", + "black mission figs" + ] + }, + { + "id": 3697, + "cuisine": "mexican", + "ingredients": [ + "shortening", + "semisweet chocolate", + "vanilla extract", + "firmly packed light brown sugar", + "milk", + "butter", + "powdered sugar", + "water", + "vegetable oil", + "ground cinnamon", + "sliced almonds", + "large eggs", + "devil's food cake mix" + ] + }, + { + "id": 28970, + "cuisine": "cajun_creole", + "ingredients": [ + "light mayonnaise", + "spinach tortilla", + "canned black beans", + "vegetable oil", + "dip mix", + "cilantro leaves", + "chicken breasts", + "mango" + ] + }, + { + "id": 6584, + "cuisine": "irish", + "ingredients": [ + "eggs", + "vegetable oil", + "ground pepper", + "canadian bacon", + "cheddar cheese", + "salt", + "diced onions", + "potatoes", + "chopped parsley" + ] + }, + { + "id": 1059, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "iceberg lettuce", + "tomatoes", + "ground beef", + "taco seasoning", + "french dressing", + "doritos" + ] + }, + { + "id": 47905, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "garlic", + "corn starch", + "chopped cilantro fresh", + "cold water", + "ground red pepper", + "black mustard seeds", + "medium shrimp", + "tomato paste", + "vegetable oil", + "fresh lemon juice", + "white sugar", + "jalapeno chilies", + "salt", + "coconut milk", + "ground cumin" + ] + }, + { + "id": 2428, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "shallots", + "small red potato", + "leeks", + "sea salt", + "carrots", + "unsalted butter", + "heavy cream", + "lemon juice", + "olive oil", + "dry white wine", + "whole chicken", + "flat leaf parsley" + ] + }, + { + "id": 10684, + "cuisine": "greek", + "ingredients": [ + "artichokes", + "lemon", + "fresh dill", + "salt", + "extra-virgin olive oil" + ] + }, + { + "id": 33605, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large egg yolks", + "marsala wine", + "strawberries" + ] + }, + { + "id": 30283, + "cuisine": "chinese", + "ingredients": [ + "sesame", + "rooster", + "baking powder", + "all-purpose flour", + "oil", + "chicken broth", + "sugar", + "boneless chicken breast", + "garlic", + "orange juice", + "orange zest", + "chinese rice wine", + "water", + "apple cider vinegar", + "sauce", + "corn starch", + "eggs", + "soy sauce", + "cooking oil", + "salt", + "scallions" + ] + }, + { + "id": 24286, + "cuisine": "southern_us", + "ingredients": [ + "orange", + "butter", + "white wine vinegar", + "light brown sugar", + "ground black pepper", + "apples", + "orange zest", + "Belgian endive", + "olive oil", + "sea salt", + "mixed greens", + "pecan halves", + "dijon mustard", + "extra-virgin olive oil" + ] + }, + { + "id": 6461, + "cuisine": "filipino", + "ingredients": [ + "butter", + "bone-in pork chops", + "pepper", + "all-purpose flour", + "black pepper", + "salt", + "canola oil", + "seasoning salt", + "cayenne pepper" + ] + }, + { + "id": 1812, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "flour", + "vanilla", + "brown sugar", + "cinnamon", + "pecans", + "sweet potatoes", + "margarine", + "sugar", + "sweetened coconut flakes" + ] + }, + { + "id": 10063, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "chopped onion", + "water", + "diced tomatoes", + "ground beef", + "black beans", + "flour tortillas", + "taco seasoning", + "refried beans", + "green pepper" + ] + }, + { + "id": 9003, + "cuisine": "italian", + "ingredients": [ + "milk", + "all-purpose flour", + "unsweetened cocoa powder", + "ground cinnamon", + "ground nutmeg", + "white sugar", + "ground cloves", + "butter", + "semi-sweet chocolate morsels", + "baking soda", + "chopped walnuts" + ] + }, + { + "id": 46689, + "cuisine": "mexican", + "ingredients": [ + "vanilla extract", + "white sugar", + "large eggs", + "cream cheese", + "evaporated milk", + "cream of coconut", + "sweetened condensed milk", + "rum", + "coconut milk" + ] + }, + { + "id": 7139, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "garlic", + "fresh parsley", + "radicchio leaves", + "ricotta cheese", + "mixed greens", + "grated lemon peel", + "fresh corn", + "chopped fresh chives", + "capellini", + "fresh basil leaves", + "fresh dill", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 40765, + "cuisine": "mexican", + "ingredients": [ + "orange", + "red pepper", + "onions", + "chicken broth", + "jalapeno chilies", + "garlic", + "lime", + "paprika", + "cumin", + "pepper", + "boneless skinless chicken breasts", + "green pepper" + ] + }, + { + "id": 15201, + "cuisine": "japanese", + "ingredients": [ + "silver", + "almonds", + "saffron", + "water", + "carrots", + "sugar", + "cardamom", + "evaporated milk", + "ghee" + ] + }, + { + "id": 27081, + "cuisine": "chinese", + "ingredients": [ + "water", + "salt", + "soy sauce", + "sesame oil", + "rice", + "green onions", + "bone-in chicken breasts", + "pepper", + "ginger" + ] + }, + { + "id": 3204, + "cuisine": "irish", + "ingredients": [ + "sugar", + "baking powder", + "unsalted butter", + "cake flour", + "dried currants", + "heavy cream", + "egg yolks", + "salt" + ] + }, + { + "id": 21880, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "unsalted butter", + "white cornmeal", + "baking soda", + "fine sea salt", + "large eggs" + ] + }, + { + "id": 34636, + "cuisine": "mexican", + "ingredients": [ + "bell pepper", + "yellow onion", + "shredded Monterey Jack cheese", + "lean ground beef", + "enchilada sauce", + "green onions", + "rice", + "pepper", + "salt", + "sour cream" + ] + }, + { + "id": 24625, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "salt", + "pepper", + "ricotta cheese", + "shredded cheddar cheese", + "garlic", + "pasta sauce", + "lean ground beef", + "shredded mozzarella cheese" + ] + }, + { + "id": 33192, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "extra-virgin olive oil", + "green onions", + "campanelle", + "large garlic cloves", + "arugula", + "cherry tomatoes", + "feta cheese crumbles" + ] + }, + { + "id": 9803, + "cuisine": "indian", + "ingredients": [ + "flour", + "warm water", + "chapati flour" + ] + }, + { + "id": 5907, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "olive oil", + "boneless skinless chicken breasts", + "salt", + "ground cumin", + "shredded cheddar cheese", + "garlic powder", + "chili powder", + "red enchilada sauce", + "crushed tomatoes", + "tortillas", + "paprika", + "onions", + "corn kernels", + "flour", + "garlic", + "dried leaves oregano" + ] + }, + { + "id": 36501, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "dried oregano", + "garlic", + "ground black pepper", + "kosher salt", + "lemon juice" + ] + }, + { + "id": 38362, + "cuisine": "russian", + "ingredients": [ + "lean ground beef", + "onions", + "eggs", + "salt", + "cold water", + "vegetable oil", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 29866, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "fresh oregano", + "fresh rosemary", + "fresh orange juice", + "olives", + "crushed red pepper flakes", + "fresh parsley", + "olive oil", + "garlic", + "grated orange" + ] + }, + { + "id": 32312, + "cuisine": "southern_us", + "ingredients": [ + "light rum", + "watermelon", + "sugar", + "fresh lime juice", + "strawberries" + ] + }, + { + "id": 26936, + "cuisine": "greek", + "ingredients": [ + "garlic", + "fresh mint", + "plain low fat greek yogurt", + "english cucumber", + "mint", + "salt", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 1750, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "chicken stock", + "black-eyed peas", + "collard greens", + "white wine vinegar", + "spanish onion", + "chipotles in adobo" + ] + }, + { + "id": 1934, + "cuisine": "vietnamese", + "ingredients": [ + "dried basil", + "orzo", + "reduced sodium chicken broth", + "butter", + "uncook medium shrimp, peel and devein", + "broccoli florets", + "salt", + "pepper", + "diced tomatoes" + ] + }, + { + "id": 18797, + "cuisine": "british", + "ingredients": [ + "low-fat sour cream", + "strawberries", + "nonfat yogurt", + "light brown sugar", + "vanilla extract", + "sugar", + "confectioners sugar" + ] + }, + { + "id": 28007, + "cuisine": "french", + "ingredients": [ + "chopped fresh chives", + "garlic cloves", + "zucchini", + "yukon gold potatoes", + "leeks", + "low salt chicken broth", + "half & half", + "butter" + ] + }, + { + "id": 30215, + "cuisine": "french", + "ingredients": [ + "eggs", + "kalamata", + "ground black pepper", + "salad dressing", + "salad greens", + "small red potato", + "fresh green bean" + ] + }, + { + "id": 25502, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "fresh basil leaves", + "jack cheese", + "basil", + "parmesan cheese", + "polenta", + "dried porcini mushrooms", + "dry red wine" + ] + }, + { + "id": 14893, + "cuisine": "korean", + "ingredients": [ + "pinenuts", + "black sesame seeds", + "pumpkin", + "hot water", + "water", + "salt", + "brown sugar", + "red beans", + "sweet rice flour" + ] + }, + { + "id": 7194, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "chili powder", + "salt", + "cumin seed", + "onions", + "masala", + "clove", + "seeds", + "garlic", + "curds", + "bay leaf", + "boiling potatoes", + "garbanzo beans", + "ginger", + "all-purpose flour", + "flour for dusting", + "peppercorns", + "whole wheat flour", + "cinnamon", + "cilantro leaves", + "oil", + "coriander" + ] + }, + { + "id": 15692, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "chickpeas", + "couscous", + "mango chutney", + "feta cheese crumbles", + "ground turmeric", + "olive oil", + "garlic cloves", + "chopped fresh mint", + "vegetable broth", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 38607, + "cuisine": "greek", + "ingredients": [ + "water", + "green onions", + "fresh parsley", + "fresh dill", + "cooking spray", + "yellow onion", + "ground lamb", + "pinenuts", + "golden raisins", + "long-grain rice", + "grape leaves", + "ground black pepper", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 24692, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "balsamic vinegar", + "mozzarella cheese", + "fresh basil leaves", + "kosher salt", + "extra-virgin olive oil", + "pepper" + ] + }, + { + "id": 10225, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "dried guajillo chiles", + "large garlic cloves", + "large shrimp", + "olive oil", + "onions", + "salt" + ] + }, + { + "id": 24612, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "garlic", + "serrano chile", + "water", + "ice water", + "all-purpose flour", + "Mexican oregano", + "yellow mustard", + "fresh lime juice", + "white corn tortillas", + "vegetable oil", + "fine sea salt" + ] + }, + { + "id": 24757, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "chopped onion", + "pepper", + "salt", + "cooked rice", + "green onions", + "ham", + "water", + "hot sauce" + ] + }, + { + "id": 12943, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "large eggs", + "italian seasoning", + "finely chopped onion", + "carrots", + "panko", + "sea salt", + "store bought low sodium chicken broth", + "zucchini", + "ground turkey" + ] + }, + { + "id": 33099, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "butter", + "grated parmesan cheese", + "artichokes", + "dry white wine", + "low salt chicken broth", + "finely chopped onion", + "extra-virgin olive oil" + ] + }, + { + "id": 12685, + "cuisine": "mexican", + "ingredients": [ + "onions", + "boneless skinless chicken breast halves", + "green bell pepper, slice" + ] + }, + { + "id": 267, + "cuisine": "vietnamese", + "ingredients": [ + "clove", + "water", + "low sodium chicken broth", + "ginger", + "beef broth", + "sugar", + "shiitake", + "flank steak", + "garlic", + "snow peas", + "soy sauce", + "thai basil", + "rice noodles", + "cilantro leaves", + "canola oil", + "fish sauce", + "lime", + "green onions", + "star anise", + "onions" + ] + }, + { + "id": 47031, + "cuisine": "italian", + "ingredients": [ + "great northern beans", + "olive oil", + "zucchini", + "chopped onion", + "water", + "fennel", + "asiago", + "carrots", + "tomato paste", + "dried basil", + "ground black pepper", + "acorn squash", + "dried oregano", + "fat free less sodium chicken broth", + "swiss chard", + "ditalini", + "garlic cloves" + ] + }, + { + "id": 47270, + "cuisine": "indian", + "ingredients": [ + "cream", + "butter", + "diced tomatoes in juice", + "ground ginger", + "minced onion", + "salt", + "whole milk yoghurt", + "large garlic cloves", + "masala", + "tomato paste", + "boneless skinless chicken breasts", + "lemon juice" + ] + }, + { + "id": 22871, + "cuisine": "moroccan", + "ingredients": [ + "clear honey", + "ground cumin", + "olive oil", + "chickpeas", + "fresh coriander", + "purple onion", + "eggplant", + "lemon juice" + ] + }, + { + "id": 3437, + "cuisine": "cajun_creole", + "ingredients": [ + "corn mix muffin", + "peanut oil", + "creole mustard", + "buttermilk", + "large eggs", + "andouille sausage", + "creole seasoning" + ] + }, + { + "id": 23792, + "cuisine": "mexican", + "ingredients": [ + "diced green chilies", + "butter", + "shredded mozzarella cheese", + "parmesan cheese", + "green onions", + "cream cheese", + "fresh parsley", + "salt and ground black pepper", + "seafood seasoning", + "halibut", + "sour cream", + "mayonaise", + "flour tortillas", + "heavy cream", + "lemon juice" + ] + }, + { + "id": 31776, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "granulated sugar", + "butter", + "all-purpose flour", + "light brown sugar", + "baking soda", + "graham cracker crumbs", + "vanilla extract", + "semi-sweet chocolate morsels", + "marshmallows", + "crystallized ginger", + "baking powder", + "salt", + "shortening", + "large eggs", + "sea salt", + "sour cream" + ] + }, + { + "id": 17149, + "cuisine": "british", + "ingredients": [ + "blueberries", + "sugar", + "brioche", + "fresh lemon juice", + "raspberries" + ] + }, + { + "id": 40088, + "cuisine": "indian", + "ingredients": [ + "mild curry powder", + "coriander powder", + "salt", + "olive oil", + "boneless skinless chicken breasts", + "coconut milk", + "tumeric", + "mint leaves", + "cilantro leaves", + "tomato paste", + "garam masala", + "paprika", + "onions" + ] + }, + { + "id": 42254, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "garlic cloves", + "lemon", + "broad beans", + "lemon rind", + "spices", + "coriander" + ] + }, + { + "id": 48650, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "mild salsa", + "farro", + "salt", + "smoked paprika", + "tomatoes", + "corn kernels", + "chili powder", + "raw cashews", + "cayenne pepper", + "sliced green onions", + "water", + "guacamole", + "cilantro", + "salsa", + "fresh lime juice", + "romaine lettuce", + "olive oil", + "lime wedges", + "garlic", + "tortilla chips", + "ground cumin" + ] + }, + { + "id": 35007, + "cuisine": "greek", + "ingredients": [ + "garlic powder", + "black olives", + "dried oregano", + "cherry tomatoes", + "red wine vinegar", + "sliced mushrooms", + "green onions", + "feta cheese crumbles", + "olive oil", + "basil dried leaves", + "rotini" + ] + }, + { + "id": 4066, + "cuisine": "french", + "ingredients": [ + "sugar", + "cooking spray", + "large eggs", + "all-purpose flour", + "figs", + "reduced fat milk", + "grated orange", + "ground cloves", + "salt" + ] + }, + { + "id": 21741, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "red pepper flakes", + "yellow onion", + "water", + "flour", + "diced tomatoes", + "pepper", + "roasted red peppers", + "red wine", + "rosemary", + "pork loin", + "salt" + ] + }, + { + "id": 42140, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "reduced sugar ketchup", + "salt", + "pepper", + "chicken tenderloin", + "horseradish sauce", + "mayonaise", + "lemon", + "oil", + "celery salt", + "almond flour", + "paprika", + "pickle juice" + ] + }, + { + "id": 16159, + "cuisine": "french", + "ingredients": [ + "cooking spray", + "garlic cloves", + "black pepper", + "artichokes", + "fresh spinach", + "sea salt", + "fresh lemon juice", + "water", + "grated Gruyère cheese" + ] + }, + { + "id": 46951, + "cuisine": "italian", + "ingredients": [ + "cheese ravioli", + "pasta sauce", + "cheese", + "diced tomatoes", + "water", + "Kraft Grated Parmesan Cheese" + ] + }, + { + "id": 3340, + "cuisine": "jamaican", + "ingredients": [ + "fresh spinach", + "zucchini", + "sea salt", + "celery", + "fresh ginger root", + "vegetable stock", + "cayenne pepper", + "ground turmeric", + "olive oil", + "potatoes", + "garlic", + "onions", + "demerara sugar", + "ground nutmeg", + "red pepper", + "ground allspice" + ] + }, + { + "id": 41096, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "water", + "shallots", + "ground coriander", + "ground turmeric", + "red chili peppers", + "thai noodles", + "light coconut milk", + "chopped cilantro fresh", + "canola oil", + "sugar", + "curry powder", + "lime wedges", + "garlic cloves", + "cooked chicken breasts", + "lower sodium chicken broth", + "fresh leav spinach", + "green onions", + "red curry paste", + "snow peas" + ] + }, + { + "id": 48532, + "cuisine": "indian", + "ingredients": [ + "nutmeg", + "crushed tomatoes", + "chili powder", + "heavy cream", + "plain yogurt", + "fresh ginger", + "butter", + "firm tofu", + "tumeric", + "honey", + "crushed garlic", + "extra-virgin olive oil", + "curry powder", + "garam masala", + "lemon", + "onions" + ] + }, + { + "id": 32742, + "cuisine": "indian", + "ingredients": [ + "water", + "unbleached flour", + "slivered almonds", + "baking soda", + "ground cardamom", + "evaporated milk", + "oil", + "sugar", + "pistachios", + "nonfat milk powder" + ] + }, + { + "id": 39845, + "cuisine": "mexican", + "ingredients": [ + "granulated garlic", + "cream cheese lowfat", + "chili powder", + "cumin", + "kosher salt", + "cooking spray", + "fresh lime juice", + "jack cheese", + "flour tortillas", + "onion powder", + "sliced green onions", + "salsa verde", + "cooked chicken", + "chopped cilantro" + ] + }, + { + "id": 1817, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "crushed red pepper flakes", + "whole kernel corn, drain", + "red wine vinegar", + "garlic", + "red bell pepper", + "ground black pepper", + "stewed tomatoes", + "cucumber", + "cilantro", + "salt", + "cumin" + ] + }, + { + "id": 5071, + "cuisine": "chinese", + "ingredients": [ + "oyster mushrooms", + "low sodium soy sauce", + "toasted sesame oil", + "long beans", + "carrots", + "chile de arbol", + "bamboo shoots" + ] + }, + { + "id": 47739, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "chopped cilantro", + "shredded cheddar cheese", + "purple onion", + "vegetable oil", + "shredded Monterey Jack cheese", + "flour tortillas", + "red bell pepper" + ] + }, + { + "id": 28520, + "cuisine": "italian", + "ingredients": [ + "eggs", + "garlic powder", + "chopped onion", + "marjoram", + "frozen chopped spinach", + "small curd cottage cheese", + "butter", + "red bell pepper", + "black pepper", + "grated parmesan cheese", + "shredded mozzarella cheese", + "tomato sauce", + "lasagna noodles", + "fresh mushrooms", + "white sugar" + ] + }, + { + "id": 18072, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "waxy potatoes", + "salt", + "olive oil", + "onions" + ] + }, + { + "id": 44790, + "cuisine": "chinese", + "ingredients": [ + "hoisin sauce", + "white rice", + "corn starch", + "vegetable oil", + "rice vinegar", + "boneless skinless chicken breasts", + "garlic", + "cashew nuts", + "ground pepper", + "coarse salt", + "scallions" + ] + }, + { + "id": 1111, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "olive oil", + "chili powder", + "red bell pepper", + "monterey jack", + "water", + "flour tortillas", + "salsa", + "chopped cilantro", + "pepper", + "zucchini", + "salt", + "fresh lime juice", + "canned black beans", + "corn", + "green onions", + "cayenne pepper", + "cumin" + ] + }, + { + "id": 36996, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "fresh basil leaves", + "part-skim mozzarella cheese", + "focaccia", + "ground pepper", + "sauce", + "large garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 8679, + "cuisine": "italian", + "ingredients": [ + "water", + "frozen chopped spinach", + "ricotta cheese", + "lasagna noodles", + "prego fresh mushroom italian sauce", + "shredded mozzarella cheese" + ] + }, + { + "id": 42072, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "vegetable oil", + "garlic", + "chopped cilantro", + "kosher salt", + "vine ripened tomatoes", + "firm tofu", + "soy sauce", + "vegetable stock", + "tamarind paste", + "onions", + "chili flakes", + "chives", + "cracked black pepper", + "sliced mushrooms" + ] + }, + { + "id": 11850, + "cuisine": "french", + "ingredients": [ + "potatoes", + "paprika", + "spinach leaves", + "chives", + "scallions", + "chicken broth", + "lettuce leaves", + "salt", + "cress", + "butter" + ] + }, + { + "id": 24041, + "cuisine": "british", + "ingredients": [ + "large egg yolks", + "fresh cranberries", + "grated lemon zest", + "large eggs", + "salt", + "unsalted butter", + "heavy cream", + "dried cranberries", + "sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 78, + "cuisine": "mexican", + "ingredients": [ + "fresh spinach", + "flour", + "garlic", + "olive oil", + "queso fresco", + "shrimp", + "green chile", + "poblano peppers", + "heavy cream", + "corn tortillas", + "pepper", + "mushrooms", + "salt" + ] + }, + { + "id": 45659, + "cuisine": "italian", + "ingredients": [ + "baby portobello mushrooms", + "diced red onions", + "shredded mozzarella cheese", + "eggs", + "crushed tomatoes", + "grapeseed oil", + "fresh spinach", + "lean ground beef", + "garlic cloves", + "fresh basil", + "small curd cottage cheese", + "shells" + ] + }, + { + "id": 35624, + "cuisine": "russian", + "ingredients": [ + "eggs", + "butter", + "milk", + "oil", + "sugar", + "salt", + "flour" + ] + }, + { + "id": 46580, + "cuisine": "southern_us", + "ingredients": [ + "cheddar cheese", + "minced onion", + "vegetable oil", + "chipotle sauce", + "tomatoes", + "olive oil", + "cake", + "seasoned panko bread crumbs", + "kosher salt", + "flour", + "heavy cream", + "eggs", + "extra large shrimp", + "chives", + "chopped parsley" + ] + }, + { + "id": 24630, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "diced tomatoes", + "fresh oregano", + "bay leaf", + "olive oil", + "salt", + "carrots", + "pepper", + "garlic", + "veal shanks", + "onions", + "butter", + "all-purpose flour", + "celery" + ] + }, + { + "id": 45007, + "cuisine": "mexican", + "ingredients": [ + "dried basil", + "russet potatoes", + "onions", + "cotija", + "olive oil", + "salt", + "dried thyme", + "garlic", + "pepper", + "roma tomatoes", + "hot sauce" + ] + }, + { + "id": 23960, + "cuisine": "italian", + "ingredients": [ + "tomato purée", + "ground black pepper", + "extra-virgin olive oil", + "red chili peppers", + "prawns", + "garlic", + "white wine", + "lemon", + "spaghetti", + "sun-dried tomatoes", + "sea salt", + "arugula" + ] + }, + { + "id": 21132, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "ground black pepper", + "ground red pepper", + "salt", + "bay leaf", + "fresh cilantro", + "finely chopped onion", + "sea bass fillets", + "red bell pepper", + "olive oil", + "green onions", + "light coconut milk", + "fresh lime juice", + "fat free less sodium chicken broth", + "chopped green bell pepper", + "clam juice", + "garlic cloves", + "large shrimp" + ] + }, + { + "id": 10322, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "bay leaves", + "paprika", + "cane syrup", + "black pepper", + "cooking spray", + "worcestershire sauce", + "garlic cloves", + "dried thyme", + "ground red pepper", + "salt", + "dried oregano", + "extra large shrimp", + "butter", + "hot sauce", + "sliced green onions" + ] + }, + { + "id": 33739, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic shoots", + "lemon juice", + "grated parmesan cheese", + "olive oil" + ] + }, + { + "id": 16384, + "cuisine": "japanese", + "ingredients": [ + "kosher salt", + "bacon", + "shrimp", + "eggs", + "vegetable oil", + "all-purpose flour", + "cabbage", + "gari", + "Kewpie Mayonnaise", + "scallions", + "dashi", + "tonkatsu sauce", + "toasted sesame seeds" + ] + }, + { + "id": 16371, + "cuisine": "moroccan", + "ingredients": [ + "cherry tomatoes", + "harissa paste", + "ground cumin", + "zucchini", + "skinless chicken breasts", + "olive oil", + "chickpeas", + "clear honey", + "onions" + ] + }, + { + "id": 44523, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "bow-tie pasta", + "parsley", + "kielbasa", + "boneless skinless chicken breasts", + "sauce" + ] + }, + { + "id": 22740, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "tomatillos", + "tortilla chips", + "sour cream", + "jalapeno chilies", + "cilantro", + "garlic cloves", + "oregano", + "hominy", + "bacon", + "beets", + "onions", + "lettuce", + "chicken breasts", + "salt", + "ham", + "chicken" + ] + }, + { + "id": 30511, + "cuisine": "italian", + "ingredients": [ + "chicken sausage", + "purple onion", + "pizza sauce", + "part-skim mozzarella cheese", + "thin pizza crust", + "fresh basil", + "yellow bell pepper" + ] + }, + { + "id": 22322, + "cuisine": "indian", + "ingredients": [ + "eggs", + "ground black pepper", + "ginger", + "onions", + "bread crumb fresh", + "serrano peppers", + "chutney", + "clove", + "kosher salt", + "vegetable oil", + "bay leaf", + "black peppercorns", + "goat", + "garlic", + "ground turmeric" + ] + }, + { + "id": 42893, + "cuisine": "italian", + "ingredients": [ + "eggs", + "grated parmesan cheese", + "garlic", + "provolone cheese", + "olive oil", + "heavy cream", + "cream cheese", + "water", + "ricotta cheese", + "all-purpose flour", + "dried parsley", + "basil pesto sauce", + "marinara sauce", + "salt", + "shredded mozzarella cheese" + ] + }, + { + "id": 15946, + "cuisine": "thai", + "ingredients": [ + "sugar", + "fresh cilantro", + "fresh green bean", + "corn starch", + "eggs", + "whitefish fillets", + "shallots", + "red curry paste", + "fresh basil leaves", + "kaffir lime leaves", + "kosher salt", + "fresh ginger", + "rice vinegar", + "cucumber", + "fish sauce", + "water", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 16223, + "cuisine": "mexican", + "ingredients": [ + "clove", + "sesame seeds", + "sea salt", + "allspice berries", + "flat leaf parsley", + "water", + "giblet", + "pumpkin seeds", + "lard", + "chicken", + "chicken broth", + "swiss chard", + "cilantro", + "garlic cloves", + "peppercorns", + "white onion", + "tomate verde", + "romaine lettuce leaves", + "poblano chiles", + "serrano chile" + ] + }, + { + "id": 49266, + "cuisine": "indian", + "ingredients": [ + "light mayonnaise", + "carrots", + "red cabbage", + "roasting chickens", + "mild curry powder", + "mango chutney", + "coriander", + "yoghurt", + "black mustard seeds" + ] + }, + { + "id": 26284, + "cuisine": "french", + "ingredients": [ + "semisweet chocolate", + "sugar", + "whipping cream", + "whole milk", + "large egg yolks" + ] + }, + { + "id": 17205, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "enchilada sauce", + "Campbell's Condensed Cheddar Cheese Soup", + "onions", + "taco seasoning mix", + "ground beef", + "shredded cheddar cheese", + "flour tortillas", + "long grain white rice" + ] + }, + { + "id": 27734, + "cuisine": "italian", + "ingredients": [ + "celery salt", + "milk", + "ground pepper", + "butter", + "sweet pepper", + "shrimp", + "crab", + "garlic powder", + "onion powder", + "paprika", + "salt", + "eggs", + "olive oil", + "flour", + "coarse sea salt", + "pasta shells", + "onions", + "crab meat", + "cream", + "parmesan cheese", + "ricotta cheese", + "garlic", + "shredded mozzarella cheese" + ] + }, + { + "id": 23287, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "dried oregano", + "olive oil", + "onions", + "spareribs", + "low salt chicken broth", + "chopped garlic", + "hominy", + "chopped cilantro fresh" + ] + }, + { + "id": 46418, + "cuisine": "southern_us", + "ingredients": [ + "bourbon whiskey", + "Breyers® Natural Vanilla Ice Cream", + "granulated sugar", + "I Can't Believe It's Not Butter!® Spread", + "pecan halves", + "light corn syrup", + "large eggs", + "deep dish pie crust" + ] + }, + { + "id": 47841, + "cuisine": "japanese", + "ingredients": [ + "wasabi", + "water", + "vegetable oil", + "garlic cloves", + "sushi rice", + "eggplant", + "rice vinegar", + "soy sauce", + "sesame seeds", + "salt", + "nori sheets", + "gari", + "chili paste", + "scallions" + ] + }, + { + "id": 36225, + "cuisine": "southern_us", + "ingredients": [ + "fresh chives", + "cream cheese", + "hot pepper sauce", + "pickle juice", + "mayonaise", + "roasted red peppers", + "ground black pepper", + "sharp cheddar cheese" + ] + }, + { + "id": 12439, + "cuisine": "mexican", + "ingredients": [ + "corn tortillas", + "olive oil", + "fine sea salt" + ] + }, + { + "id": 46075, + "cuisine": "spanish", + "ingredients": [ + "water", + "salt", + "medium shrimp", + "chopped green bell pepper", + "medium-grain rice", + "olive oil", + "chopped onion", + "plum tomatoes", + "chopped celery", + "garlic cloves" + ] + }, + { + "id": 45286, + "cuisine": "cajun_creole", + "ingredients": [ + "gumbo file", + "andouille sausage", + "butter", + "flour", + "red pepper", + "green onions" + ] + }, + { + "id": 38649, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "pistachios", + "diced tomatoes", + "couscous", + "ground ginger", + "olive oil", + "raisins", + "chopped onion", + "water", + "sweet potatoes", + "garlic", + "ground cumin", + "cooked turkey", + "sliced carrots", + "salt" + ] + }, + { + "id": 31056, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "paprika", + "dried oregano", + "ground black pepper", + "cayenne pepper", + "olive oil", + "lemon slices", + "coarse salt", + "filet" + ] + }, + { + "id": 704, + "cuisine": "indian", + "ingredients": [ + "cottage cheese", + "raisins", + "oil", + "ground cumin", + "cream", + "salt", + "cashew nuts", + "tomatoes", + "whole milk", + "cilantro leaves", + "boiling potatoes", + "black pepper", + "cornflour", + "ground cardamom" + ] + }, + { + "id": 43892, + "cuisine": "chinese", + "ingredients": [ + "silken tofu", + "coriander", + "roasted hazelnuts", + "egg noodles", + "olive oil", + "snow peas", + "red chili peppers", + "sauce" + ] + }, + { + "id": 34245, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "baby carrots", + "onions", + "chinese rice wine", + "garlic", + "oil", + "dark soy sauce", + "lean ground beef", + "dark sesame oil", + "spaghetti", + "sugar", + "salt", + "celery" + ] + }, + { + "id": 34511, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "cooking oil", + "tomatillos", + "broth", + "water", + "flour", + "chopped onion", + "minced garlic", + "jalapeno chilies", + "salt", + "ground cumin", + "diced green chilies", + "chili powder", + "pork roast" + ] + }, + { + "id": 47988, + "cuisine": "chinese", + "ingredients": [ + "water", + "ground pork", + "sake", + "green onions", + "chili bean sauce", + "tofu", + "fresh ginger", + "garlic", + "soy sauce", + "sesame oil", + "oyster sauce" + ] + }, + { + "id": 3873, + "cuisine": "indian", + "ingredients": [ + "seeds", + "thai chile", + "clarified butter", + "dried neem leaves", + "yukon gold potatoes", + "cumin seed", + "taro", + "tapioca pearls", + "chopped cilantro", + "water", + "brown mustard seeds", + "roasted peanuts", + "chopped garlic" + ] + }, + { + "id": 6582, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "boneless skinless chicken breast halves", + "paprika", + "corn kernel whole", + "water", + "long grain white rice", + "Campbell's Condensed Cream of Chicken Soup", + "Pace Chunky Salsa" + ] + }, + { + "id": 581, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "salt and ground black pepper", + "red wine vinegar", + "fresh orange juice", + "ground coriander", + "ground cumin", + "ground cinnamon", + "crushed tomatoes", + "green onions", + "chicken drumsticks", + "garlic", + "onions", + "green olives", + "olive oil", + "coarse salt", + "paprika", + "cayenne pepper", + "orange zest", + "water", + "almonds", + "lemon", + "extra-virgin olive oil", + "couscous" + ] + }, + { + "id": 47958, + "cuisine": "french", + "ingredients": [ + "sugar", + "egg yolks", + "all-purpose flour", + "vanilla beans", + "vegetable oil", + "corn starch", + "eggs", + "milk", + "salt", + "white sugar", + "water", + "glucose", + "lemon juice" + ] + }, + { + "id": 40932, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "laurel leaves", + "fresh parsley", + "water", + "bell pepper", + "fish", + "saffron threads", + "olive oil", + "salt", + "white wine", + "potatoes", + "onions" + ] + }, + { + "id": 17119, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "oil", + "mirin", + "soy sauce", + "salt" + ] + }, + { + "id": 25090, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "starch", + "scallions", + "black vinegar", + "red chili peppers", + "sweet soy sauce", + "roasted peanuts", + "onions", + "green bell pepper", + "white pepper", + "sesame oil", + "oil", + "sugar", + "water", + "garlic", + "shrimp" + ] + }, + { + "id": 22936, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "oil", + "paprika", + "red bell pepper", + "smoked turkey", + "low salt chicken broth", + "green peas", + "long grain white rice" + ] + }, + { + "id": 44526, + "cuisine": "jamaican", + "ingredients": [ + "chile powder", + "black beans", + "balsamic vinegar", + "garlic", + "chopped cilantro fresh", + "ground round", + "kidney beans", + "yellow bell pepper", + "chopped onion", + "tomato paste", + "olive oil", + "paprika", + "salt", + "ground cumin", + "ground cloves", + "cannellini beans", + "stewed tomatoes", + "white sugar" + ] + }, + { + "id": 10892, + "cuisine": "filipino", + "ingredients": [ + "brown sugar", + "vinegar", + "meat bones", + "pork back ribs", + "butter", + "peppercorns", + "soy sauce", + "bay leaves", + "panko breadcrumbs", + "honey", + "garlic" + ] + }, + { + "id": 3061, + "cuisine": "southern_us", + "ingredients": [ + "crushed red pepper", + "pepper", + "dark brown sugar", + "vegetable oil", + "whole chicken", + "cider vinegar", + "salt" + ] + }, + { + "id": 40149, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "butter", + "arborio rice", + "grated parmesan cheese", + "flat leaf parsley", + "pancetta", + "minced onion", + "extra-virgin olive oil", + "kosher salt", + "vegetable stock", + "frozen peas" + ] + }, + { + "id": 2518, + "cuisine": "southern_us", + "ingredients": [ + "minced garlic", + "onions", + "salt", + "crushed red pepper flakes", + "chitterlings" + ] + }, + { + "id": 41322, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "olive oil", + "fresh mint", + "sweet onion", + "red pepper", + "fresh spinach", + "feta cheese", + "phyllo dough", + "large egg whites", + "olive oil cooking spray" + ] + }, + { + "id": 45307, + "cuisine": "chinese", + "ingredients": [ + "beef", + "sauce", + "brown sugar", + "sesame oil", + "corn starch", + "cooked rice", + "broccoli florets", + "garlic cloves", + "soy sauce", + "boneless beef chuck roast" + ] + }, + { + "id": 33255, + "cuisine": "southern_us", + "ingredients": [ + "toasted pecans", + "baking soda", + "butter", + "cake flour", + "white vinegar", + "cocoa", + "baking powder", + "red food coloring", + "all-purpose flour", + "sugar", + "large eggs", + "buttermilk", + "salt", + "powdered sugar", + "milk", + "vegetable oil", + "vanilla extract", + "cream cheese" + ] + }, + { + "id": 34250, + "cuisine": "greek", + "ingredients": [ + "radicchio", + "walnuts", + "extra-virgin olive oil", + "feta cheese crumbles", + "parsley leaves", + "fresh lemon juice", + "celery ribs", + "pearl barley", + "pears" + ] + }, + { + "id": 33706, + "cuisine": "french", + "ingredients": [ + "cayenne", + "bread crumb fresh", + "extra-virgin olive oil", + "coarse sea salt", + "water", + "garlic cloves" + ] + }, + { + "id": 24617, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "olive oil", + "garlic", + "red bell pepper", + "sugar pea", + "lime wedges", + "creamy peanut butter", + "chopped cilantro fresh", + "cooked rice", + "boneless skinless chicken breasts", + "salt", + "coconut milk yogurt", + "pepper", + "Thai red curry paste", + "gingerroot" + ] + }, + { + "id": 12244, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "raw cashews", + "hot water", + "clove", + "raisins", + "fresh lemon juice", + "clarified butter", + "ground cinnamon", + "fryer chickens", + "ground cardamom", + "ground cumin", + "ground black pepper", + "cayenne pepper", + "coarse kosher salt" + ] + }, + { + "id": 34761, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "monterey jack", + "crab meat", + "sour cream", + "enchilada sauce", + "flour tortillas", + "medium shrimp" + ] + }, + { + "id": 33995, + "cuisine": "italian", + "ingredients": [ + "water", + "ground thyme", + "tomato paste", + "beef", + "spaghetti", + "dried basil", + "carrots", + "granulated garlic", + "lean ground beef", + "dried oregano" + ] + }, + { + "id": 15683, + "cuisine": "french", + "ingredients": [ + "morel", + "vegetable oil", + "garlic cloves", + "chives", + "crème fraîche", + "tarragon", + "unsalted butter", + "veal rib chops", + "thyme", + "shallots", + "cognac", + "boiling water" + ] + }, + { + "id": 16028, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "corn starch", + "cold water", + "all-purpose flour", + "boiling water", + "salt", + "white sugar", + "baking powder", + "lemon juice", + "blackberries" + ] + }, + { + "id": 27601, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "large eggs", + "prepar pesto", + "shredded parmesan cheese", + "fontina cheese", + "ricotta cheese", + "chunky pasta sauce", + "oven-ready lasagna noodles" + ] + }, + { + "id": 7271, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "jalapeno chilies", + "garlic", + "scallions", + "Mexican cheese blend", + "vegetable oil", + "crema", + "garlic cloves", + "white onion", + "radishes", + "tomatillos", + "salt", + "poblano chiles", + "pepper", + "flour tortillas", + "butter", + "acorn squash", + "allspice" + ] + }, + { + "id": 24922, + "cuisine": "korean", + "ingredients": [ + "anchovies", + "garlic", + "onions", + "potatoes", + "green chilies", + "zucchini", + "soybean paste", + "tofu", + "green onions", + "shrimp" + ] + }, + { + "id": 1646, + "cuisine": "mexican", + "ingredients": [ + "shallots", + "cooked shrimp", + "queso panela", + "red bell pepper", + "fresh basil", + "poblano chilies", + "fresh basil leaves", + "pepper sauce", + "soft fresh goat cheese", + "chopped cilantro fresh" + ] + }, + { + "id": 47519, + "cuisine": "southern_us", + "ingredients": [ + "vanilla extract", + "vanilla ice cream", + "bittersweet chocolate", + "ground cinnamon", + "grated nutmeg", + "bourbon whiskey" + ] + }, + { + "id": 2589, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "heavy cream", + "penne pasta", + "fresh basil leaves", + "kosher salt", + "red pepper", + "extra-virgin olive oil", + "garlic cloves", + "jumbo shrimp", + "shiitake", + "cracked black pepper", + "creole seasoning", + "milk", + "skinless salmon fillets", + "cooking wine", + "onions" + ] + }, + { + "id": 1243, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "flour", + "ground mustard", + "thyme", + "celery", + "cooked rice", + "chili pepper", + "Italian parsley leaves", + "okra", + "chopped parsley", + "marjoram", + "tomato paste", + "black pepper", + "bay leaves", + "low sodium chicken stock", + "red bell pepper", + "onions", + "green bell pepper", + "duck fat", + "garlic", + "sweet paprika", + "duck drumsticks", + "large shrimp" + ] + }, + { + "id": 15813, + "cuisine": "jamaican", + "ingredients": [ + "vegetable oil", + "dried minced onion", + "dried thyme", + "cayenne pepper", + "ground cinnamon", + "salt", + "ground black pepper", + "ground allspice" + ] + }, + { + "id": 23764, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "grated parmesan cheese", + "all-purpose flour", + "cream", + "butter", + "crabmeat", + "white pepper", + "green onions", + "frozen corn", + "eggs", + "ground nutmeg", + "salt" + ] + }, + { + "id": 20355, + "cuisine": "mexican", + "ingredients": [ + "water", + "cilantro leaves", + "corn tortillas", + "ground cumin", + "tomatoes", + "vegetable oil", + "garlic cloves", + "chopped cilantro", + "white onion", + "queso fresco", + "red bell pepper", + "serrano chile", + "zucchini", + "pumpkin seeds", + "fresh lime juice" + ] + }, + { + "id": 30863, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "kosher salt", + "cracked black pepper", + "scallions", + "chicken stock", + "medium shrimp uncook", + "garlic", + "thyme sprigs", + "cod", + "jasmine rice", + "extra-virgin olive oil", + "red bell pepper", + "andouille sausage", + "old bay seasoning", + "creole seasoning", + "onions" + ] + }, + { + "id": 10406, + "cuisine": "thai", + "ingredients": [ + "green curry paste", + "unsweetened coconut milk", + "ginger", + "lime wedges", + "boneless chicken skinless thigh", + "chopped cilantro" + ] + }, + { + "id": 24419, + "cuisine": "italian", + "ingredients": [ + "candy sprinkles", + "all-purpose flour", + "water", + "anise", + "eggs", + "butter", + "confectioners sugar", + "baking powder", + "vanilla extract" + ] + }, + { + "id": 40973, + "cuisine": "moroccan", + "ingredients": [ + "chicken stock", + "minced garlic", + "salt", + "ground coriander", + "ground cumin", + "tumeric", + "olive oil", + "cayenne pepper", + "couscous", + "green olives", + "minced ginger", + "yellow onion", + "smoked paprika", + "pepper", + "boneless skinless chicken breasts", + "beer", + "coriander" + ] + }, + { + "id": 33456, + "cuisine": "french", + "ingredients": [ + "large garlic cloves", + "ground white pepper", + "chives", + "extra-virgin olive oil", + "smoked trout fillets", + "heavy cream", + "yukon gold potatoes", + "salt" + ] + }, + { + "id": 25718, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "cherries", + "red wine vinegar", + "garlic cloves", + "crushed tomatoes", + "chicken thigh fillets", + "rosemary leaves", + "pepper", + "potatoes", + "extra-virgin olive oil", + "black pepper", + "olive oil", + "fresh thyme leaves", + "salt" + ] + }, + { + "id": 37779, + "cuisine": "italian", + "ingredients": [ + "whole wheat rigatoni", + "ground sirloin", + "fresh parmesan cheese", + "cooking spray", + "part-skim mozzarella cheese", + "tomato basil sauce" + ] + }, + { + "id": 8171, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger root", + "rice vinegar", + "water", + "vegetable oil", + "japanese eggplants", + "raw honey", + "scallions", + "white miso", + "garlic" + ] + }, + { + "id": 14927, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "garlic", + "olive oil", + "chopped cilantro", + "lime", + "salt", + "diced onions", + "jalapeno chilies" + ] + }, + { + "id": 26521, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "cayenne", + "salt", + "ground cumin", + "crushed tomatoes", + "vegetable broth", + "ground coriander", + "white onion", + "extra-virgin olive oil", + "goat cheese", + "sun-dried tomatoes", + "garlic", + "corn tortillas" + ] + }, + { + "id": 33140, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "fine sea salt", + "corn tortillas", + "ground cinnamon", + "dried thyme", + "garlic cloves", + "canola oil", + "ground cloves", + "crema mexican", + "mexican chorizo", + "avocado", + "white onion", + "plums", + "pork shoulder" + ] + }, + { + "id": 27181, + "cuisine": "mexican", + "ingredients": [ + "green cabbage", + "crema mexican", + "canola oil", + "taco sauce", + "corn tortillas", + "green chile", + "lime wedges", + "halibut fillets", + "chopped cilantro fresh" + ] + }, + { + "id": 34888, + "cuisine": "italian", + "ingredients": [ + "frozen spinach", + "almonds", + "lemon juice", + "pinenuts", + "grated parmesan cheese", + "chicken broth", + "lemon zest", + "olive oil", + "garlic" + ] + }, + { + "id": 3564, + "cuisine": "italian", + "ingredients": [ + "plum tomatoes", + "coarse salt", + "minced garlic", + "extra-virgin olive oil" + ] + }, + { + "id": 15993, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dry white wine", + "fresh oregano", + "angel hair", + "ground black pepper", + "Italian parsley leaves", + "boiling water", + "sea scallops", + "shallots", + "fresh lemon juice", + "capers", + "golden raisins", + "grated lemon zest" + ] + }, + { + "id": 17044, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "olive oil", + "apple cider vinegar", + "yellow onion", + "frozen peas", + "low sodium soy sauce", + "curry powder", + "bay leaves", + "garlic", + "bay leaf", + "water", + "dry coconut", + "ginger", + "rice", + "chicken", + "red chili peppers", + "lime juice", + "dried shallots", + "salt", + "coriander" + ] + }, + { + "id": 25046, + "cuisine": "greek", + "ingredients": [ + "phyllo dough", + "walnuts", + "vegetable oil", + "white sugar", + "water", + "lemon juice", + "ground cinnamon", + "margarine" + ] + }, + { + "id": 16125, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "vegetable broth", + "onions", + "pepper", + "brown rice", + "salt", + "butternut squash", + "garlic", + "curry powder", + "stewed tomatoes", + "chickpeas" + ] + }, + { + "id": 24687, + "cuisine": "thai", + "ingredients": [ + "coconut milk", + "fish sauce", + "large shrimp", + "curry paste", + "red chili peppers" + ] + }, + { + "id": 35398, + "cuisine": "japanese", + "ingredients": [ + "low sodium soy sauce", + "crushed red pepper", + "mirin", + "water", + "fresh lemon juice", + "fresh orange juice" + ] + }, + { + "id": 29400, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "salt", + "chopped cilantro", + "garlic powder", + "butter", + "chipotles in adobo", + "olive oil", + "low sodium chicken broth", + "sour cream", + "diced onions", + "chopped green bell pepper", + "all-purpose flour", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 23212, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "large egg yolks", + "grated parmesan cheese", + "low salt chicken broth", + "fresh chives", + "finely chopped onion", + "dry white wine", + "canola oil", + "fontina cheese", + "panko", + "chopped fresh chives", + "fresh parsley", + "olive oil", + "large eggs", + "butter" + ] + }, + { + "id": 29065, + "cuisine": "southern_us", + "ingredients": [ + "whole milk", + "steak", + "eggs", + "pan drippings", + "vegetable oil", + "flour", + "buttermilk" + ] + }, + { + "id": 46621, + "cuisine": "indian", + "ingredients": [ + "plain low-fat yogurt", + "low-fat buttermilk", + "black mustard seeds", + "canola oil", + "water", + "unsalted cashews", + "basmati rice", + "red chili peppers", + "peeled fresh ginger", + "ghee", + "curry leaves", + "fresh cilantro", + "salt", + "mango" + ] + }, + { + "id": 10459, + "cuisine": "greek", + "ingredients": [ + "diced tomatoes", + "feta cheese crumbles", + "green onions", + "garlic", + "hummus", + "greek seasoning", + "kalamata", + "cucumber", + "lemon", + "cream cheese", + "fresh parsley" + ] + }, + { + "id": 44223, + "cuisine": "indian", + "ingredients": [ + "jasmine rice", + "unsalted butter", + "grapeseed oil", + "yellow onion", + "ground turmeric", + "cauliflower", + "coriander seeds", + "fenugreek", + "extra-virgin olive oil", + "chopped cilantro", + "fresh ginger", + "jalapeno chilies", + "sea salt", + "cumin seed", + "tomato purée", + "garam masala", + "brown mustard seeds", + "garlic", + "frozen peas" + ] + }, + { + "id": 5353, + "cuisine": "french", + "ingredients": [ + "green onions", + "cognac", + "brown gravy", + "red wine", + "marrow", + "butter", + "chopped parsley", + "melted butter", + "lemon", + "chateaubriand" + ] + }, + { + "id": 25374, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "breakfast sausages", + "shredded Monterey Jack cheese", + "ground black pepper", + "shredded sharp cheddar cheese", + "milk", + "butter", + "flour tortillas", + "salsa" + ] + }, + { + "id": 15147, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "medium shrimp", + "cannellini beans", + "scallions", + "french bread", + "freshly ground pepper", + "kosher salt", + "garlic" + ] + }, + { + "id": 43221, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "prawns", + "cinnamon", + "brown cardamom", + "basmati rice", + "clove", + "milk", + "mint leaves", + "essence", + "ghee", + "saffron", + "garlic paste", + "Biryani Masala", + "salt", + "bay leaf", + "ground turmeric", + "tomatoes", + "mace", + "vegetable oil", + "green cardamom", + "onions" + ] + }, + { + "id": 45952, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "extra-virgin olive oil", + "chopped cilantro fresh", + "cauliflower", + "coarse salt", + "chickpeas", + "peeled fresh ginger", + "yellow onion", + "long grain white rice", + "tomatoes", + "baby spinach", + "garlic cloves" + ] + }, + { + "id": 21861, + "cuisine": "indian", + "ingredients": [ + "cucumber", + "fresh cilantro", + "sugar", + "nonfat yogurt" + ] + }, + { + "id": 49254, + "cuisine": "indian", + "ingredients": [ + "grated orange peel", + "whole milk", + "cardamom pods", + "golden brown sugar", + "whipping cream", + "sugar", + "peeled fresh ginger", + "cinnamon sticks", + "clove", + "large egg yolks", + "english breakfast tea" + ] + }, + { + "id": 4284, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "yellow onion", + "ground pepper", + "tomatillos", + "corn tortillas", + "cotija", + "vegetable oil", + "garlic cloves", + "pepper", + "coarse salt", + "sour cream" + ] + }, + { + "id": 49246, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "non-fat sour cream", + "ground cumin", + "cooking spray", + "corn tortillas", + "bell pepper", + "enchilada sauce", + "white onion", + "chicken breasts", + "chopped cilantro fresh" + ] + }, + { + "id": 11688, + "cuisine": "southern_us", + "ingredients": [ + "cayenne", + "paprika", + "onions", + "vegetable oil", + "all-purpose flour", + "buttermilk", + "hot sauce", + "whole milk", + "bacon slices", + "chicken" + ] + }, + { + "id": 8998, + "cuisine": "british", + "ingredients": [ + "grated orange peel", + "orange marmalade", + "gingersnap cookie crumbs", + "refrigerated piecrusts", + "sugar", + "golden raisins", + "granny smith apples", + "whipping cream" + ] + }, + { + "id": 19701, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "curry powder", + "lime wedges", + "ginger", + "garlic cloves", + "unsweetened coconut milk", + "boneless chicken skinless thigh", + "cilantro stems", + "chili oil", + "purple onion", + "beansprouts", + "fish sauce", + "lemongrass", + "vegetable oil", + "thai chile", + "Chinese egg noodles", + "light brown sugar", + "kosher salt", + "shallots", + "cilantro", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 14749, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "chicken drumsticks", + "olive oil", + "salt", + "orange", + "purple onion", + "sausage links", + "new potatoes", + "dried oregano" + ] + }, + { + "id": 42479, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "fresh tarragon", + "fresh dill", + "red wine vinegar", + "fine sea salt", + "sherry wine vinegar", + "extra-virgin olive oil", + "fresh chives", + "Italian parsley leaves", + "fresh mint" + ] + }, + { + "id": 36090, + "cuisine": "italian", + "ingredients": [ + "vegetable stock", + "broccoli", + "bread crumbs", + "purple onion", + "german mustard", + "penne", + "gruyere cheese", + "dried mixed herbs", + "parsley leaves", + "crème fraîche" + ] + }, + { + "id": 25308, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "minced garlic", + "boneless chicken thighs", + "sesame oil", + "soy sauce", + "sesame seeds", + "cider vinegar", + "onions" + ] + }, + { + "id": 36082, + "cuisine": "brazilian", + "ingredients": [ + "crushed tomatoes", + "garlic", + "medium shrimp", + "water", + "red pepper flakes", + "lemon juice", + "unsweetened coconut milk", + "ground black pepper", + "salt", + "fresh parsley", + "green bell pepper", + "cooking oil", + "long-grain rice", + "onions" + ] + }, + { + "id": 21698, + "cuisine": "italian", + "ingredients": [ + "Johnsonville® Mild Italian Ground Sausage", + "marinara sauce", + "onions", + "fresh spinach", + "large eggs", + "garlic", + "lasagna noodles", + "ricotta cheese", + "dried oregano", + "olive oil", + "grated parmesan cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 43649, + "cuisine": "british", + "ingredients": [ + "all-purpose flour", + "milk", + "eggs", + "butter" + ] + }, + { + "id": 32814, + "cuisine": "southern_us", + "ingredients": [ + "spices", + "purple onion", + "pickling spices", + "lemon", + "thyme sprigs", + "red wine vinegar", + "salt", + "bay leaves", + "extra-virgin olive oil", + "medium shrimp" + ] + }, + { + "id": 30878, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lemongrass", + "shallots", + "purple onion", + "bird chile", + "boneless chicken skinless thigh", + "sweet potatoes", + "hot chili paste", + "garlic cloves", + "snow peas", + "unsweetened coconut milk", + "curry powder", + "peeled fresh ginger", + "rice vermicelli", + "low salt chicken broth", + "sliced green onions", + "sugar", + "lime", + "vegetable oil", + "yellow curry paste", + "chopped cilantro fresh" + ] + }, + { + "id": 37112, + "cuisine": "greek", + "ingredients": [ + "grated parmesan cheese", + "feta cheese crumbles", + "cream cheese", + "sundried tomato pesto" + ] + }, + { + "id": 46836, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "oil", + "pepper", + "garlic", + "vegetable broth", + "onions", + "Anaheim chile", + "salt" + ] + }, + { + "id": 37831, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "mushroom caps", + "ginger", + "oyster sauce", + "honey", + "rice wine", + "scallions", + "onions", + "pepper", + "potatoes", + "dark brown sugar", + "carrots", + "red chili peppers", + "sesame seeds", + "sesame oil", + "garlic cloves", + "chicken" + ] + }, + { + "id": 821, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "low salt chicken broth", + "unsweetened coconut milk", + "Thai red curry paste", + "japanese eggplants", + "corn oil", + "boneless skinless chicken breast halves", + "fresh basil", + "green beans" + ] + }, + { + "id": 33272, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "spaghettini", + "soy sauce", + "seaweed", + "fresh basil leaves", + "butter", + "shiso", + "mentaiko", + "konbu" + ] + }, + { + "id": 35974, + "cuisine": "japanese", + "ingredients": [ + "bonito flakes", + "water", + "dashi kombu" + ] + }, + { + "id": 32602, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "bacon", + "onions", + "ground nutmeg", + "ice water", + "fresh parsley", + "sugar", + "unsalted butter", + "salt", + "large egg yolks", + "whole milk", + "all-purpose flour" + ] + }, + { + "id": 24538, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "water", + "lasagna noodles", + "basil dried leaves", + "fresh parsley", + "tomato sauce", + "ground black pepper", + "lean ground beef", + "salt", + "italian seasoning", + "fennel seeds", + "mozzarella cheese", + "minced onion", + "ricotta cheese", + "sweet italian sausage", + "eggs", + "crushed tomatoes", + "grated parmesan cheese", + "garlic", + "white sugar" + ] + }, + { + "id": 31782, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "dried thyme", + "diced tomatoes", + "salt", + "flat leaf parsley", + "spaghetti", + "chicken stock", + "bread crumbs", + "grated parmesan cheese", + "extra-virgin olive oil", + "low sodium chicken stock", + "ground beef", + "sugar", + "ground black pepper", + "ground pork", + "cayenne pepper", + "bay leaf", + "eggs", + "kosher salt", + "fresh thyme leaves", + "garlic", + "garlic cloves", + "onions" + ] + }, + { + "id": 28351, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "dill", + "canned low sodium chicken broth", + "orzo", + "carrots", + "eggs", + "boneless skinless chicken breasts", + "lemon juice", + "olive oil", + "salt" + ] + }, + { + "id": 25593, + "cuisine": "southern_us", + "ingredients": [ + "extra-virgin olive oil", + "vidalia onion", + "garlic pepper blend", + "salt", + "sweet potatoes" + ] + }, + { + "id": 42565, + "cuisine": "french", + "ingredients": [ + "shallots", + "shrimp", + "fresh chives", + "dry sherry", + "butter", + "cream cheese, soften", + "seafood seasoning", + "fresh lemon juice" + ] + }, + { + "id": 23918, + "cuisine": "french", + "ingredients": [ + "sugar", + "almonds" + ] + }, + { + "id": 34665, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "green onions", + "garlic", + "bamboo shoots", + "soy sauce", + "crushed red pepper flakes", + "rice vinegar", + "red chili peppers", + "sesame oil", + "salt", + "Shaoxing wine", + "ground pork", + "peanut oil" + ] + }, + { + "id": 20338, + "cuisine": "thai", + "ingredients": [ + "red grapefruit", + "shrimp", + "iceberg lettuce", + "red chili peppers", + "shallots", + "white sugar", + "fish sauce", + "meat", + "fresh lime juice", + "mint leaves", + "garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 9551, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "chaat masala", + "black pepper", + "cilantro leaves", + "salt", + "potatoes", + "oil" + ] + }, + { + "id": 43528, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "chicken", + "italian salad dressing mix" + ] + }, + { + "id": 32350, + "cuisine": "jamaican", + "ingredients": [ + "water", + "egg whites", + "onion powder", + "ground turmeric", + "garlic powder", + "old-fashioned oats", + "dri leav thyme", + "curry powder", + "low sodium chicken broth", + "cayenne pepper", + "lean ground meat", + "chili powder", + "five-spice powder" + ] + }, + { + "id": 11319, + "cuisine": "chinese", + "ingredients": [ + "cream style corn", + "chicken meat", + "chicken stock", + "spring onions", + "salt", + "egg whites", + "cornflour", + "water", + "sesame oil", + "ground white pepper" + ] + }, + { + "id": 12637, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "olive oil", + "jalapeno chilies", + "salt", + "chopped cilantro fresh", + "avocado", + "fresh cilantro", + "poblano peppers", + "cooked chicken", + "shredded cheese", + "pepper", + "garlic powder", + "flour", + "yellow onion", + "cumin", + "chicken broth", + "lime", + "flour tortillas", + "butter", + "sour cream" + ] + }, + { + "id": 46599, + "cuisine": "italian", + "ingredients": [ + "pepper", + "butter", + "cream of chicken soup", + "cream cheese", + "milk", + "salt", + "chicken breasts", + "italian seasoning" + ] + }, + { + "id": 35118, + "cuisine": "chinese", + "ingredients": [ + "water", + "cornflour", + "ground white pepper", + "peppercorns", + "egg whites", + "catfish", + "chillies", + "fresh ginger root", + "bean sauce", + "celery", + "chopped garlic", + "vegetable oil", + "chinese leaf", + "coriander" + ] + }, + { + "id": 32649, + "cuisine": "french", + "ingredients": [ + "yellow corn meal", + "unsalted butter", + "all-purpose flour", + "feta cheese", + "ice water", + "tomatoes", + "basil leaves", + "ground black pepper", + "salt" + ] + }, + { + "id": 29181, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "sliced green onions", + "sugar", + "jalapeno chilies", + "lower sodium soy sauce", + "water", + "rice vinegar" + ] + }, + { + "id": 44988, + "cuisine": "indian", + "ingredients": [ + "light brown sugar", + "unsalted butter", + "jasmine rice", + "ground cardamom", + "slivered almonds", + "pistachios", + "milk", + "saffron" + ] + }, + { + "id": 30040, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chicken", + "Mexican beer", + "chipotle", + "red pepper" + ] + }, + { + "id": 37404, + "cuisine": "italian", + "ingredients": [ + "white bread", + "ground black pepper", + "fresh parsley", + "mozzarella cheese", + "salami", + "eggs", + "grated parmesan cheese", + "prosciutto", + "pepperoni" + ] + }, + { + "id": 4934, + "cuisine": "italian", + "ingredients": [ + "sugar", + "vanilla extract", + "heavy whipping cream", + "refrigerated piecrusts", + "blueberries", + "mascarpone", + "strawberries", + "raspberries", + "grated lemon zest", + "blackberries" + ] + }, + { + "id": 368, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "vanilla extract", + "melted butter", + "flour", + "butter", + "grated nutmeg", + "peaches", + "cinnamon", + "salt", + "brown sugar", + "dark rum", + "whipping cream", + "corn starch" + ] + }, + { + "id": 33527, + "cuisine": "italian", + "ingredients": [ + "linguine", + "chicken", + "grated parmesan cheese", + "lemon juice", + "lemon slices", + "butter", + "chopped parsley" + ] + }, + { + "id": 46698, + "cuisine": "greek", + "ingredients": [ + "white bread", + "dried mint flakes", + "all-purpose flour", + "milk", + "garlic", + "onions", + "eggs", + "vegetable oil", + "ground beef", + "ground black pepper", + "salt", + "ground lamb" + ] + }, + { + "id": 5926, + "cuisine": "italian", + "ingredients": [ + "marjoram", + "dried thyme", + "dried rosemary", + "dried basil", + "dried oregano", + "dried sage" + ] + }, + { + "id": 3689, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "cream cheese, soften", + "shredded mozzarella cheese", + "Knorr® Pasta Sides™ - Butter & Herb", + "cut up cooked chicken", + "frozen chopped spinach, thawed and squeezed dry" + ] + }, + { + "id": 32999, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "sesame oil", + "whole chicken", + "shiitake", + "salt", + "wood ear mushrooms", + "light soy sauce", + "ginger", + "oyster sauce", + "green onions", + "chili sauce" + ] + }, + { + "id": 38439, + "cuisine": "french", + "ingredients": [ + "dried tarragon leaves", + "white wine vinegar", + "herbes de provence", + "tomatoes", + "chives", + "garlic cloves", + "cooking spray", + "salt", + "fresh parsley", + "tuna steaks", + "Niçoise olives" + ] + }, + { + "id": 30753, + "cuisine": "mexican", + "ingredients": [ + "lean ground pork", + "eggs", + "Taco Bell Taco Seasoning Mix", + "minced garlic", + "cheddar cheese", + "green onions" + ] + }, + { + "id": 4358, + "cuisine": "brazilian", + "ingredients": [ + "manioc flour", + "salt", + "red bell pepper", + "palm oil", + "parsley", + "diced bacon", + "pepper", + "yellow onion", + "eggs", + "yellow bell pepper", + "carrots" + ] + }, + { + "id": 37730, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "cooking spray", + "ground round", + "sun-dried tomatoes", + "garlic cloves", + "fresh basil", + "large egg whites", + "provolone cheese", + "ketchup", + "finely chopped onion", + "boiling water" + ] + }, + { + "id": 43901, + "cuisine": "british", + "ingredients": [ + "eggs", + "salt", + "drippings", + "flour", + "milk" + ] + }, + { + "id": 18388, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "ground beef", + "fresh basil", + "wonton wrappers", + "marinara sauce", + "mozzarella cheese", + "ricotta cheese" + ] + }, + { + "id": 8176, + "cuisine": "spanish", + "ingredients": [ + "salt", + "olive oil", + "boiling potatoes", + "kale", + "onions", + "large eggs" + ] + }, + { + "id": 27943, + "cuisine": "italian", + "ingredients": [ + "Velveeta", + "onions", + "chicken breasts", + "cream of chicken soup", + "spaghetti", + "cream of mushroom soup" + ] + }, + { + "id": 5781, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "candy", + "buttermilk", + "boiling water", + "vegetable oil", + "white sugar", + "white frostings", + "cake mix" + ] + }, + { + "id": 27516, + "cuisine": "italian", + "ingredients": [ + "butter cooking spray", + "grated parmesan cheese", + "bread dough", + "butter", + "ground pepper", + "sprinkles" + ] + }, + { + "id": 44497, + "cuisine": "italian", + "ingredients": [ + "roast beef deli meat", + "oil", + "crumbled blue cheese", + "Italian bread", + "tomatoes", + "lettuce leaves", + "fat-free mayonnaise", + "low sodium worcestershire sauce", + "balsamic vinegar" + ] + }, + { + "id": 41247, + "cuisine": "mexican", + "ingredients": [ + "water", + "ground black pepper", + "salt", + "onions", + "tomatoes", + "olive oil", + "finely chopped onion", + "carrots", + "cabbage", + "lime", + "beef", + "beef broth", + "chopped cilantro fresh", + "red potato", + "corn husks", + "beef stew meat", + "chayotes" + ] + }, + { + "id": 31380, + "cuisine": "french", + "ingredients": [ + "shallots", + "tarragon vinegar", + "tarragon", + "chopped leaves", + "crushed peppercorn", + "dry white wine" + ] + }, + { + "id": 11715, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "tartar sauce", + "purple onion", + "romaine lettuce", + "fish" + ] + }, + { + "id": 7154, + "cuisine": "irish", + "ingredients": [ + "milk", + "paprika", + "ground beef", + "condensed cream", + "potatoes", + "garlic cloves", + "fresh asparagus", + "pepper", + "butter", + "rubbed sage", + "part-skim mozzarella cheese", + "salt", + "onions" + ] + }, + { + "id": 39535, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "chop green chilies, undrain", + "black beans", + "mexicorn", + "ragu old world style pasta sauc", + "whole wheat tortillas", + "boneless skinless chicken breast halves", + "shredded cheddar cheese", + "pitted olives" + ] + }, + { + "id": 29581, + "cuisine": "thai", + "ingredients": [ + "boneless chicken skinless thigh", + "palm sugar", + "french fried onions", + "ginger", + "garlic cloves", + "unsweetened coconut milk", + "kosher salt", + "cilantro stems", + "vegetable oil", + "purple onion", + "beansprouts", + "fish sauce", + "curry powder", + "shallots", + "chili oil", + "ground coriander", + "ground turmeric", + "guajillo chiles", + "low sodium chicken broth", + "lime wedges", + "cilantro sprigs", + "Chinese egg noodles" + ] + }, + { + "id": 10747, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "baking soda", + "garlic", + "oyster sauce", + "cabbage", + "white pepper", + "chicken breasts", + "scallions", + "corn starch", + "soy sauce", + "egg noodles", + "salt", + "carrots", + "dark soy sauce", + "water", + "sesame oil", + "oil", + "beansprouts" + ] + }, + { + "id": 13353, + "cuisine": "french", + "ingredients": [ + "crushed tomatoes", + "kalamata", + "yellow onion", + "ground black pepper", + "salt", + "fresh basil leaves", + "dry white wine", + "all-purpose flour", + "chicken", + "olive oil", + "garlic", + "fresh parsley" + ] + }, + { + "id": 31018, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "flour", + "unsalted butter", + "corn", + "vanilla", + "sugar", + "large eggs" + ] + }, + { + "id": 8086, + "cuisine": "cajun_creole", + "ingredients": [ + "creole seasoning", + "olive oil", + "black-eyed peas" + ] + }, + { + "id": 5989, + "cuisine": "chinese", + "ingredients": [ + "unflavored gelatin", + "mango", + "granulated sugar", + "milk", + "heavy cream" + ] + }, + { + "id": 39303, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "kosher salt", + "lamb shoulder", + "ground cardamom", + "sliced almonds", + "fresh ginger", + "garlic cloves", + "plain whole-milk yogurt", + "clove", + "white onion", + "vegetable oil", + "fresh lemon juice", + "serrano chile", + "black peppercorns", + "golden brown sugar", + "cumin seed", + "cashew nuts" + ] + }, + { + "id": 5831, + "cuisine": "irish", + "ingredients": [ + "chicken broth", + "olive oil", + "yellow onion", + "minced garlic", + "stout", + "carrots", + "pepper", + "flour", + "sharp cheddar cheese", + "milk", + "salt" + ] + }, + { + "id": 12011, + "cuisine": "mexican", + "ingredients": [ + "red pepper flakes", + "white sugar", + "ground black pepper", + "salt", + "olive oil", + "garlic", + "red wine vinegar", + "chayotes" + ] + }, + { + "id": 9673, + "cuisine": "southern_us", + "ingredients": [ + "country ham", + "whole cloves", + "cider vinegar", + "biscuits" + ] + }, + { + "id": 38052, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "chili sauce", + "olive oil", + "pepper", + "brussels sprouts", + "salt" + ] + }, + { + "id": 39285, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "raisins", + "all-purpose flour", + "sugar", + "golden raisins", + "vanilla extract", + "large eggs", + "whipping cream", + "grated lemon peel", + "water", + "baking powder", + "salt" + ] + }, + { + "id": 15802, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "ginger", + "garlic cloves", + "soy sauce", + "green onions", + "rice vinegar", + "coconut milk", + "red chili peppers", + "zucchini", + "purple onion", + "toasted almonds", + "kosher salt", + "sesame oil", + "peanut butter", + "toasted sesame seeds" + ] + }, + { + "id": 16792, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "paprika", + "bread crumb fresh", + "boneless skinless chicken breast halves", + "eggs", + "shredded mozzarella cheese", + "ragu cheesi classic alfredo sauc" + ] + }, + { + "id": 11491, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "garlic", + "chopped cilantro fresh", + "flour tortillas", + "salt", + "lime juice", + "purple onion", + "mango", + "avocado", + "butter", + "shrimp" + ] + }, + { + "id": 6658, + "cuisine": "indian", + "ingredients": [ + "cold water", + "sweet potatoes", + "cilantro", + "lemon juice", + "garam masala", + "mango chutney", + "salt", + "chickpea flour", + "baking powder", + "ginger", + "ghee", + "cayenne", + "watercress", + "oil" + ] + }, + { + "id": 42111, + "cuisine": "italian", + "ingredients": [ + "ground nutmeg", + "whipping cream", + "crimini mushrooms", + "fresh parsley", + "olive oil", + "large garlic cloves", + "grated parmesan cheese", + "linguine" + ] + }, + { + "id": 33879, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "garlic", + "orzo pasta", + "crumbled gorgonzola", + "olive oil", + "purple onion", + "fresh basil", + "vegetable broth" + ] + }, + { + "id": 19054, + "cuisine": "southern_us", + "ingredients": [ + "fat free milk", + "flat leaf parsley", + "fontina cheese", + "grating cheese", + "rigatoni", + "fresh thyme leaves", + "panko breadcrumbs", + "mozzarella cheese", + "ground white pepper" + ] + }, + { + "id": 24642, + "cuisine": "southern_us", + "ingredients": [ + "lump crab meat", + "large egg whites", + "low-fat mayonnaise", + "fresh lime juice", + "fresh cilantro", + "lime wedges", + "garlic cloves", + "curry powder", + "finely chopped onion", + "dry bread crumbs", + "chopped fresh mint", + "low sodium soy sauce", + "corn kernels", + "vegetable oil", + "red bell pepper" + ] + }, + { + "id": 3829, + "cuisine": "indian", + "ingredients": [ + "salt", + "cinnamon sticks", + "onions", + "potatoes", + "cardamom pods", + "coconut milk", + "plum tomatoes", + "pepper", + "green chilies", + "ginger root", + "coriander", + "whole milk", + "oil", + "bay leaf" + ] + }, + { + "id": 35030, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "diced tomatoes", + "andouille sausage", + "green onions", + "great northern beans", + "dried thyme", + "long-grain rice", + "fat free less sodium chicken broth", + "ground red pepper" + ] + }, + { + "id": 33127, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "sugar", + "peach slices", + "ground cinnamon", + "baking powder", + "lemon juice", + "milk", + "salt" + ] + }, + { + "id": 42249, + "cuisine": "italian", + "ingredients": [ + "brandy", + "worcestershire sauce", + "unsalted butter", + "fine sea salt", + "slivered almonds", + "minced onion", + "flat leaf parsley", + "sea scallops", + "heavy cream" + ] + }, + { + "id": 7051, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "red food coloring", + "sherry", + "chinese five-spice powder", + "hoisin sauce", + "garlic", + "brown sugar", + "sesame oil" + ] + }, + { + "id": 20078, + "cuisine": "indian", + "ingredients": [ + "coriander powder", + "yellow onion", + "ground cumin", + "red bliss potato", + "ground turmeric", + "vegetable oil", + "cayenne pepper", + "garam masala", + "salt", + "chicken" + ] + }, + { + "id": 3744, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "red pepper", + "green pepper", + "oregano", + "tortillas", + "garlic", + "steak", + "olive oil", + "cilantro", + "oil", + "cumin", + "pepper", + "jalapeno chilies", + "salt", + "onions" + ] + }, + { + "id": 41524, + "cuisine": "thai", + "ingredients": [ + "lime zest", + "kosher salt", + "shrimp paste", + "peanut oil", + "boneless pork shoulder", + "black peppercorns", + "palm sugar", + "thai chile", + "asian fish sauce", + "kaffir lime leaves", + "lemongrass", + "cilantro root", + "galangal", + "long beans", + "minced garlic", + "shallots", + "shrimp powder" + ] + }, + { + "id": 6290, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed light brown sugar", + "purple onion", + "butter", + "lemon juice", + "minced garlic", + "hot sauce", + "pecans", + "worcestershire sauce" + ] + }, + { + "id": 26907, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "parsley", + "banana peppers", + "pepper", + "orzo pasta", + "kalamata", + "roasted red peppers", + "lemon", + "cucumber", + "cherry tomatoes", + "chives", + "salt" + ] + }, + { + "id": 40780, + "cuisine": "mexican", + "ingredients": [ + "semisweet chocolate", + "sweetened condensed milk", + "kahlúa", + "salt", + "ground cinnamon", + "large eggs", + "evaporated milk", + "cream cheese" + ] + }, + { + "id": 37192, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "crushed tomatoes", + "ground turkey breast", + "garlic", + "tomato paste", + "extra lean ground beef", + "dried thyme", + "turkey kielbasa", + "marjoram", + "tomato sauce", + "dried basil", + "bay leaves", + "onions", + "black peppercorns", + "mild olive oil", + "yellow squash", + "diced tomatoes", + "dried oregano" + ] + }, + { + "id": 37330, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "whole kernel corn, drain", + "butter", + "corn bread", + "cream style corn", + "sour cream", + "eggs", + "2% reduced-fat milk" + ] + }, + { + "id": 5244, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "ground cumin", + "vegetable oil", + "yellow onion", + "jalapeno chilies", + "salt", + "dried pinto beans", + "monterey jack" + ] + }, + { + "id": 24750, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "whipped cream", + "chopped pecans", + "large eggs", + "salt", + "granny smith apples", + "vanilla", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 35927, + "cuisine": "thai", + "ingredients": [ + "sugar", + "Sriracha", + "dark sesame oil", + "boneless chicken skinless thigh", + "shallots", + "fresh lime juice", + "ketchup", + "peeled fresh ginger", + "garlic cloves", + "fish sauce", + "honey", + "rice vinegar" + ] + }, + { + "id": 28162, + "cuisine": "italian", + "ingredients": [ + "pepper", + "chicken breasts", + "onions", + "crushed tomatoes", + "basil", + "olive oil", + "salt", + "celery ribs", + "grated parmesan cheese", + "carrots" + ] + }, + { + "id": 14010, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "kidney beans", + "sour cream", + "corn tortilla chips", + "taco seasoning mix", + "chopped onion", + "avocado", + "water", + "tomatoes with juice", + "shredded cheddar cheese", + "lean ground beef" + ] + }, + { + "id": 15523, + "cuisine": "mexican", + "ingredients": [ + "colby cheese", + "salsa", + "tomatoes", + "shredded monterey jack cheese", + "ground beef", + "chili powder", + "tortilla chips", + "mayonaise", + "shredded lettuce" + ] + }, + { + "id": 35352, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "dried oregano", + "garlic", + "chile pepper", + "ground cumin", + "chuck roast", + "salt" + ] + }, + { + "id": 28336, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "garlic", + "tortilla chips", + "serrano chile", + "lime", + "chili powder", + "hot sauce", + "sour cream", + "cheddar cheese", + "guacamole", + "cilantro leaves", + "scallions", + "kidney beans", + "extra-virgin olive oil", + "yellow onion", + "roasted tomatoes" + ] + }, + { + "id": 30752, + "cuisine": "mexican", + "ingredients": [ + "pitted black olives", + "flank steak", + "sour cream", + "flour tortillas", + "salsa", + "olive oil", + "shredded lettuce", + "chopped cilantro fresh", + "tomatoes", + "green onions", + "grated jack cheese" + ] + }, + { + "id": 1879, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "scallions", + "sugar", + "salt", + "fish sauce", + "shallots", + "pork belly", + "rice" + ] + }, + { + "id": 11118, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "olive oil", + "butter", + "fresh lemon juice", + "fresh spinach", + "grated parmesan cheese", + "salt", + "plum tomatoes", + "pepper", + "chicken cutlets", + "all-purpose flour", + "capers", + "lemon zest", + "linguine", + "fresh asparagus" + ] + }, + { + "id": 12486, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked brown rice", + "vegetable stock", + "smoked paprika", + "greens", + "jalapeno chilies", + "garlic", + "onions", + "andouille sausage", + "flour", + "okra", + "thick-cut bacon", + "white pepper", + "clam juice", + "celery seed", + "dried oregano" + ] + }, + { + "id": 49182, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "extra-virgin olive oil", + "fresh basil leaves", + "tomatoes", + "pecorino romano cheese", + "blanched almonds", + "black pepper", + "salt", + "fresh basil", + "dried fettuccine", + "garlic cloves" + ] + }, + { + "id": 27092, + "cuisine": "moroccan", + "ingredients": [ + "white pepper", + "cilantro sprigs", + "nigella seeds", + "preserved lemon", + "olive oil", + "salt", + "chicken", + "saffron threads", + "water", + "garlic", + "onions", + "tumeric", + "ginger", + "cinnamon sticks" + ] + }, + { + "id": 35860, + "cuisine": "italian", + "ingredients": [ + "ground chuck", + "ground nutmeg", + "low sodium chicken broth", + "all-purpose flour", + "pancetta", + "crushed tomatoes", + "large eggs", + "dry white wine", + "carrots", + "celery ribs", + "olive oil", + "grated parmesan cheese", + "ground pork", + "onions", + "kosher salt", + "unsalted butter", + "whole milk", + "freshly ground pepper" + ] + }, + { + "id": 5798, + "cuisine": "greek", + "ingredients": [ + "filo dough", + "feta cheese", + "freshly ground pepper", + "fresh spinach", + "salt", + "flat leaf parsley", + "olive oil", + "grated nutmeg", + "onions", + "melted butter", + "large eggs", + "lemon juice" + ] + }, + { + "id": 18387, + "cuisine": "mexican", + "ingredients": [ + "long-grain rice", + "milk", + "white sugar", + "water", + "cinnamon sticks", + "vanilla" + ] + }, + { + "id": 3022, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "kosher salt", + "garlic cloves", + "guajillo chiles", + "vegetable oil", + "dried oregano", + "sugar", + "sherry vinegar", + "hot water", + "white onion", + "all-purpose flour", + "ground cumin" + ] + }, + { + "id": 28446, + "cuisine": "southern_us", + "ingredients": [ + "turnip greens", + "dry white wine", + "cream cheese", + "wafer", + "crushed red pepper", + "sour cream", + "flatbread", + "grated parmesan cheese", + "salt", + "crackers", + "sweet onion", + "bacon slices", + "garlic cloves" + ] + }, + { + "id": 11030, + "cuisine": "greek", + "ingredients": [ + "honey-flavored greek style yogurt", + "frozen mango", + "mango", + "mint", + "mango juice", + "honey" + ] + }, + { + "id": 46107, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "hoisin sauce", + "salt", + "oyster sauce", + "chopped garlic", + "chicken stock", + "water", + "cornflour", + "sweet corn", + "steak", + "black pepper", + "marinade", + "sauce", + "carrots", + "sugar", + "light soy sauce", + "rice vermicelli", + "oil", + "onions" + ] + }, + { + "id": 24311, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "almond extract", + "apricot preserves", + "slivered almonds", + "calvados", + "salt", + "unsalted butter", + "vanilla extract", + "tart", + "sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 21070, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "unsalted butter", + "all-purpose flour", + "milk", + "broccoli florets", + "shredded cheddar cheese", + "egg noodles", + "chicken broth", + "ground black pepper", + "chicken breasts" + ] + }, + { + "id": 42434, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "provolone cheese", + "dried oregano", + "cooked ham", + "yellow mustard", + "bread dough", + "italian sausage", + "salami", + "sausages", + "American cheese", + "dijon style mustard", + "cornmeal" + ] + }, + { + "id": 13717, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "chili powder", + "chuck steaks", + "ground cumin", + "mint", + "ground black pepper", + "ground coriander", + "coriander", + "tumeric", + "beef stock", + "garlic cloves", + "basmati rice", + "tomato paste", + "olive oil", + "ginger", + "lemon juice" + ] + }, + { + "id": 27430, + "cuisine": "chinese", + "ingredients": [ + "minced ginger", + "sugar", + "oyster sauce", + "gai lan", + "peanut oil", + "minced garlic" + ] + }, + { + "id": 48552, + "cuisine": "southern_us", + "ingredients": [ + "water", + "onions", + "peas", + "beef stock cubes", + "kielbasa" + ] + }, + { + "id": 11650, + "cuisine": "chinese", + "ingredients": [ + "dry sherry", + "fresh ginger", + "oil", + "soy sauce", + "chinese five-spice powder", + "garlic powder", + "chicken" + ] + }, + { + "id": 44654, + "cuisine": "indian", + "ingredients": [ + "bread crumbs", + "fresh ginger", + "garlic", + "chopped cilantro", + "cumin", + "garlic paste", + "fresh cilantro", + "shredded carrots", + "green chilies", + "coriander", + "canola oil", + "mayonaise", + "lime", + "chili powder", + "cumin seed", + "Madras curry powder", + "cauliflower", + "toasted buns", + "large eggs", + "salt", + "onions", + "asafetida" + ] + }, + { + "id": 1446, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "orange marmalade", + "salt", + "saffron threads", + "olive oil", + "baking powder", + "gran marnier", + "plain low-fat yogurt", + "large eggs", + "fresh orange juice", + "large egg whites", + "cooking spray", + "all-purpose flour" + ] + }, + { + "id": 37339, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "pastry", + "garlic", + "shredded mozzarella cheese", + "plum tomatoes", + "tomato paste", + "dried basil", + "salt", + "ground beef", + "sausage casings", + "sliced black olives", + "fresh mushrooms", + "onions", + "pie crust", + "water", + "part-skim ricotta cheese", + "red bell pepper", + "dried oregano" + ] + }, + { + "id": 23790, + "cuisine": "japanese", + "ingredients": [ + "water", + "rice", + "sugar", + "salt", + "cucumber", + "wasabi", + "peeled shrimp", + "carrots", + "soy sauce", + "rice vinegar", + "nori" + ] + }, + { + "id": 17797, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "zucchini", + "vegetable oil", + "oyster mushrooms", + "onions", + "tomatoes", + "hot pepper sauce", + "chili powder", + "vegetable broth", + "ancho chile pepper", + "olive oil", + "flour tortillas", + "tomatillos", + "salt", + "chopped cilantro fresh", + "eggplant", + "green onions", + "large garlic cloves", + "red bell pepper", + "ground cumin" + ] + }, + { + "id": 4299, + "cuisine": "spanish", + "ingredients": [ + "pure vanilla extract", + "unsalted butter", + "espresso beans", + "ground cardamom", + "milk chocolate", + "vegetable oil", + "all-purpose flour", + "milk", + "cinnamon", + "grated lemon zest", + "sugar", + "large eggs", + "salt", + "orange zest" + ] + }, + { + "id": 21130, + "cuisine": "chinese", + "ingredients": [ + "short-grain rice", + "green peas", + "canola oil", + "large eggs", + "garlic cloves", + "ground black pepper", + "salt", + "sliced green onions", + "low sodium soy sauce", + "peeled fresh ginger", + "chopped cilantro fresh" + ] + }, + { + "id": 12165, + "cuisine": "chinese", + "ingredients": [ + "white distilled vinegar", + "chicken breasts", + "corn starch", + "fresh ginger", + "garlic", + "light soy sauce", + "vegetable oil", + "unsweetened pineapple juice", + "sugar", + "green onions", + "cayenne pepper" + ] + }, + { + "id": 11114, + "cuisine": "indian", + "ingredients": [ + "coriander powder", + "ground turmeric", + "chili powder", + "potatoes", + "salt" + ] + }, + { + "id": 6004, + "cuisine": "jamaican", + "ingredients": [ + "mixed spice", + "vanilla", + "coconut milk", + "brown sugar", + "cinnamon", + "all-purpose flour", + "yellow corn meal", + "granulated sugar", + "salt", + "shredded coconut", + "raisins", + "grated nutmeg" + ] + }, + { + "id": 25883, + "cuisine": "southern_us", + "ingredients": [ + "soy milk", + "baking powder", + "sausages", + "vinegar", + "salt", + "baking soda", + "vegan butter", + "black pepper", + "flour", + "oil" + ] + }, + { + "id": 30705, + "cuisine": "chinese", + "ingredients": [ + "sugar substitute", + "rice vinegar", + "white vinegar", + "wheat free soy sauce", + "scallions", + "water", + "xanthan gum", + "chicken wings", + "sesame oil", + "dried chile" + ] + }, + { + "id": 21416, + "cuisine": "french", + "ingredients": [ + "anchovies", + "Niçoise olives", + "kosher salt", + "frozen pastry puff sheets", + "olive oil", + "onions", + "pepper", + "fresh thyme leaves" + ] + }, + { + "id": 42524, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "jicama", + "mango", + "lime juice", + "lettuce leaves", + "fresh parsley", + "pepper", + "radishes", + "salt", + "dijon mustard", + "shallots" + ] + }, + { + "id": 21973, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "hominy", + "lime wedges", + "crema", + "tortilla chips", + "coriander", + "cotija", + "chicken breasts", + "red pepper flakes", + "yellow onion", + "bay leaf", + "chicken stock", + "radishes", + "chopped fresh thyme", + "salt", + "scallions", + "cumin", + "cherry tomatoes", + "chili powder", + "garlic", + "fresh oregano", + "chopped cilantro" + ] + }, + { + "id": 3187, + "cuisine": "japanese", + "ingredients": [ + "wasabi powder", + "fresh lemon juice", + "tuna fillets", + "salt", + "fat-free mayonnaise", + "vegetable oil", + "and fat free half half" + ] + }, + { + "id": 37379, + "cuisine": "korean", + "ingredients": [ + "mushrooms", + "onions", + "zucchini", + "squid", + "cabbage", + "olive oil", + "sauce", + "noodles", + "pork tenderloin", + "cucumber" + ] + }, + { + "id": 44933, + "cuisine": "vietnamese", + "ingredients": [ + "spring roll wrappers", + "ground black pepper", + "corn oil", + "garlic", + "thai basil", + "soup", + "ground pork", + "medium shrimp", + "kosher salt", + "egg whites", + "shallots", + "crabmeat", + "leaves", + "lettuce leaves", + "grated carrot" + ] + }, + { + "id": 41842, + "cuisine": "thai", + "ingredients": [ + "baking powder", + "rice flour", + "large eggs", + "salt", + "corn", + "Thai red curry paste", + "sweet chili sauce", + "vegetable oil", + "lime leaves" + ] + }, + { + "id": 36394, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "cream", + "chili powder", + "salt", + "tumeric", + "garam masala", + "diced tomatoes", + "frozen peas", + "ground ginger", + "crushed tomatoes", + "butter", + "coriander", + "sugar", + "mushrooms", + "extra-virgin olive oil", + "cumin" + ] + }, + { + "id": 14082, + "cuisine": "thai", + "ingredients": [ + "sugar pea", + "tempeh", + "coconut milk", + "coconut sugar", + "thai basil", + "red curry paste", + "coconut oil", + "mushrooms", + "lime juice", + "tamari soy sauce", + "baby corn" + ] + }, + { + "id": 38192, + "cuisine": "spanish", + "ingredients": [ + "pasta", + "vine ripened tomatoes", + "onions", + "lobster", + "flat leaf parsley", + "dry white wine", + "bay leaf", + "olive oil", + "garlic cloves", + "saffron" + ] + }, + { + "id": 18494, + "cuisine": "korean", + "ingredients": [ + "sweet onion", + "red pepper", + "tomato paste", + "beef", + "garlic", + "cheddar cheese", + "bell pepper", + "pepperoncini", + "soy sauce", + "beef for stew", + "french rolls" + ] + }, + { + "id": 17183, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "bread slices", + "bacon slices", + "strawberry preserves", + "cheese" + ] + }, + { + "id": 1020, + "cuisine": "russian", + "ingredients": [ + "water", + "ramen noodles", + "large eggs", + "salt", + "baking powder", + "granulated sugar", + "whipping cream" + ] + }, + { + "id": 34572, + "cuisine": "southern_us", + "ingredients": [ + "minced garlic", + "flour", + "lard", + "minced onion", + "buttermilk", + "baking soda", + "baking powder", + "cornmeal", + "eggs", + "crisco", + "salt" + ] + }, + { + "id": 15187, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "diced tomatoes", + "zucchini", + "canola oil" + ] + }, + { + "id": 31688, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "dried thyme", + "large garlic cloves", + "onions", + "chicken broth", + "black pepper", + "vegetable oil", + "fresh parsley", + "celery ribs", + "green bell pepper", + "file powder", + "all-purpose flour", + "sliced green onions", + "tasso", + "andouille sausage", + "ground red pepper", + "shrimp" + ] + }, + { + "id": 14483, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "milk", + "salt", + "black pepper", + "low sodium chicken broth", + "water", + "garlic", + "fresh rosemary", + "parmesan cheese" + ] + }, + { + "id": 13827, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "mayonaise", + "prepared horseradish", + "creole mustard", + "ground pepper", + "garlic cloves", + "sugar", + "white wine vinegar" + ] + }, + { + "id": 33825, + "cuisine": "filipino", + "ingredients": [ + "water", + "garlic chili sauce", + "black beans", + "salt", + "soy sauce", + "tilapia fillets", + "pepper", + "oil" + ] + }, + { + "id": 31524, + "cuisine": "british", + "ingredients": [ + "strawberries", + "sponge cake", + "jelli strawberri", + "whipped topping", + "custard" + ] + }, + { + "id": 40811, + "cuisine": "japanese", + "ingredients": [ + "water", + "salt", + "bonito flakes", + "sesame seeds", + "nori", + "white rice" + ] + }, + { + "id": 14478, + "cuisine": "cajun_creole", + "ingredients": [ + "diced onions", + "minced garlic", + "littleneck clams", + "carrots", + "broth", + "lump crab meat", + "butter", + "salt", + "bay leaf", + "mussels", + "crawfish", + "diced tomatoes", + "freshly ground pepper", + "fresh parsley", + "chicken broth", + "chopped fresh thyme", + "chopped celery", + "shrimp", + "basmati rice" + ] + }, + { + "id": 20903, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "worcestershire sauce", + "garlic cloves", + "cider vinegar", + "chili sauce", + "ketchup", + "dry mustard", + "lemon juice", + "ground red pepper", + "chopped onion" + ] + }, + { + "id": 43761, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "olive oil", + "yellow onion", + "chervil", + "salt", + "gold potatoes" + ] + }, + { + "id": 39401, + "cuisine": "italian", + "ingredients": [ + "french baguette", + "grated parmesan cheese", + "salt", + "fresh basil", + "chopped tomatoes", + "green onions", + "olive oil", + "chopped almonds", + "spinach", + "ground black pepper", + "garlic" + ] + }, + { + "id": 23430, + "cuisine": "indian", + "ingredients": [ + "soy sauce", + "florets", + "cauliflower", + "peeled fresh ginger", + "ground cumin", + "ketchup", + "garlic cloves", + "sugar", + "vegetable oil" + ] + }, + { + "id": 2087, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "cayenne", + "rice vinegar", + "toasted sesame oil", + "olive oil", + "lemon", + "fresh herbs", + "honey", + "butter", + "fresh mushrooms", + "noodles", + "sesame seeds", + "ginger", + "lemon juice" + ] + }, + { + "id": 47984, + "cuisine": "indian", + "ingredients": [ + "asafoetida", + "coriander seeds", + "oil", + "tomatoes", + "minced garlic", + "salt", + "ground turmeric", + "red chili powder", + "water", + "cumin seed", + "red chili peppers", + "arhar", + "onions" + ] + }, + { + "id": 36402, + "cuisine": "korean", + "ingredients": [ + "rib eye steaks", + "water", + "rice wine", + "carrots", + "soy sauce", + "sesame seeds", + "garlic", + "sugar", + "honey", + "sesame oil", + "onions", + "pepper", + "asian pear", + "scallions" + ] + }, + { + "id": 31503, + "cuisine": "japanese", + "ingredients": [ + "sake", + "mirin", + "dried bonito flakes", + "soy sauce", + "daikon", + "corn starch", + "sugar", + "soft tofu", + "oil", + "dashi", + "ginger", + "sliced green onions" + ] + }, + { + "id": 35824, + "cuisine": "indian", + "ingredients": [ + "lite coconut milk", + "Massaman curry paste", + "peanuts", + "scallions", + "kale", + "chickpeas", + "butternut squash", + "onions" + ] + }, + { + "id": 3107, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "large garlic cloves", + "olive oil", + "leg of lamb", + "fresh basil", + "garlic cloves", + "grated parmesan cheese", + "fresh basil leaves" + ] + }, + { + "id": 1298, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "fresh mint", + "firmly packed light brown sugar", + "whipping cream", + "semisweet chocolate", + "fresh raspberries", + "sugar", + "vanilla extract" + ] + }, + { + "id": 40123, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "all purpose unbleached flour", + "unsalted butter", + "salt", + "baking powder", + "cornmeal", + "sugar", + "buttermilk" + ] + }, + { + "id": 10513, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "granulated sugar", + "non-fat sour cream", + "light cream cheese", + "ground cinnamon", + "bananas", + "carambola", + "margarine", + "phyllo dough", + "cooking spray", + "dry bread crumbs", + "papaya", + "soft tofu", + "grated lemon zest" + ] + }, + { + "id": 30213, + "cuisine": "mexican", + "ingredients": [ + "swordfish steaks", + "lime wedges", + "cabbage", + "jalapeno chilies", + "sour cream", + "olive oil", + "red wine vinegar", + "tomatoes", + "green onions", + "corn tortillas" + ] + }, + { + "id": 9240, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "scallions", + "Gochujang base", + "ground pork", + "garlic cloves", + "sweet onion", + "firm tofu" + ] + }, + { + "id": 13246, + "cuisine": "french", + "ingredients": [ + "pepper", + "chives", + "olive oil", + "chopped parsley", + "pork tenderloin", + "rosemary", + "salt" + ] + }, + { + "id": 10441, + "cuisine": "french", + "ingredients": [ + "bacon", + "unsalted butter", + "lardons", + "large eggs", + "black pepper", + "salt" + ] + }, + { + "id": 3690, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "corn husks", + "toasted pine nuts", + "kosher salt", + "golden raisins", + "anise seed", + "unsalted butter", + "masa harina", + "light brown sugar", + "water", + "baking powder" + ] + }, + { + "id": 814, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "grated lemon zest", + "fresh basil", + "extra-virgin olive oil", + "fresh lemon juice", + "large garlic cloves", + "anchovy fillets", + "capers", + "cornichons", + "flat leaf parsley" + ] + }, + { + "id": 21722, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "jalapeno chilies", + "mango", + "black pepper", + "cilantro", + "tomatoes", + "sea salt", + "lime", + "purple onion" + ] + }, + { + "id": 43689, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "sun-dried tomatoes", + "lemon rind", + "baguette", + "crushed red pepper", + "fresh basil", + "ground black pepper", + "garlic cloves", + "olive oil", + "goat cheese" + ] + }, + { + "id": 36870, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "large garlic cloves", + "flat leaf parsley", + "parmigiano reggiano cheese", + "salt", + "onions", + "celery ribs", + "ditalini", + "carrots", + "dried rosemary", + "water", + "extra-virgin olive oil", + "borlotti" + ] + }, + { + "id": 22021, + "cuisine": "indian", + "ingredients": [ + "chopped tomatoes", + "ginger", + "cinnamon sticks", + "chicken", + "finely chopped onion", + "ground coriander", + "ground turmeric", + "garam masala", + "cardamom pods", + "ghee", + "ground cumin", + "curry leaves", + "chicken thigh fillets", + "greek yogurt", + "chopped garlic" + ] + }, + { + "id": 41035, + "cuisine": "brazilian", + "ingredients": [ + "olive oil", + "lemon", + "garlic", + "okra pods", + "jumbo shrimp", + "ground dried shrimp", + "cilantro", + "cilantro leaves", + "cooked white rice", + "ground black pepper", + "dende oil", + "salt", + "red bell pepper", + "water", + "Tabasco Pepper Sauce", + "crushed red pepper flakes", + "roasted peanuts", + "onions" + ] + }, + { + "id": 9542, + "cuisine": "mexican", + "ingredients": [ + "tequila", + "juice concentrate", + "fresh lime juice", + "margarita mix", + "ice", + "orange liqueur" + ] + }, + { + "id": 15858, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "red preserved bean curd", + "pork belly", + "chinese five-spice powder", + "sugar", + "fine sea salt", + "baking soda" + ] + }, + { + "id": 42850, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "white sugar", + "pinenuts", + "balsamic vinegar", + "sun-dried tomatoes", + "water", + "fresh basil leaves" + ] + }, + { + "id": 35265, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "balsamic vinegar", + "salt", + "ground black pepper", + "purple onion", + "chopped cilantro fresh", + "low sodium tomato juice", + "whole grain bread", + "chipotle chile powder", + "orange bell pepper", + "extra-virgin olive oil", + "cucumber" + ] + }, + { + "id": 24811, + "cuisine": "chinese", + "ingredients": [ + "chestnuts", + "peeled fresh ginger", + "peanut oil", + "soy sauce", + "napa cabbage", + "sugar", + "sesame oil", + "minced garlic", + "salt" + ] + }, + { + "id": 37283, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "barbecued pork", + "flour tortillas", + "cilantro sprigs", + "chopped cilantro fresh", + "barbecue sauce", + "cheese", + "sliced green onions", + "butter", + "sour cream" + ] + }, + { + "id": 44057, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "scallions", + "shrimp", + "sugar", + "chicken breasts", + "sausages", + "water", + "oil", + "onions", + "glutinous rice", + "shallots", + "oyster sauce" + ] + }, + { + "id": 10025, + "cuisine": "korean", + "ingredients": [ + "rice cakes", + "sugar", + "korean chile", + "dark sesame oil", + "lower sodium soy sauce", + "canola oil" + ] + }, + { + "id": 22293, + "cuisine": "mexican", + "ingredients": [ + "water", + "chihuahua cheese", + "cooked rice", + "mole paste", + "beans" + ] + }, + { + "id": 1350, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "chopped garlic", + "grated parmesan cheese", + "all-purpose flour", + "clams", + "crushed red pepper", + "refrigerated pizza dough", + "flat leaf parsley" + ] + }, + { + "id": 26795, + "cuisine": "spanish", + "ingredients": [ + "potatoes", + "olive oil", + "onions", + "pepper", + "salt", + "large eggs" + ] + }, + { + "id": 12198, + "cuisine": "french", + "ingredients": [ + "diced potatoes", + "white wine", + "dried thyme", + "lobster", + "onion powder", + "essence", + "onions", + "clams", + "crusty bread", + "pepper", + "olive oil", + "bay leaves", + "red pepper", + "cayenne pepper", + "yellow peppers", + "tomatoes", + "black pepper", + "chorizo", + "aioli", + "soft shelled crabs", + "salt", + "chopped parsley", + "saffron", + "mussels", + "shucked oysters", + "minced garlic", + "garlic powder", + "green onions", + "paprika", + "shrimp", + "oregano" + ] + }, + { + "id": 32580, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "grated parmesan cheese", + "salt", + "pinenuts", + "extra-virgin olive oil", + "softened butter", + "black pepper", + "basil leaves", + "walnuts", + "parsley leaves", + "garlic" + ] + }, + { + "id": 49101, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "purple onion", + "chopped cilantro fresh", + "jalapeno chilies", + "garlic cloves", + "corn kernels", + "salt", + "plum tomatoes", + "cooking spray", + "fresh lime juice" + ] + }, + { + "id": 43359, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "baking powder", + "bread flour", + "unsalted butter", + "ramps", + "eggs", + "heavy cream" + ] + }, + { + "id": 33393, + "cuisine": "mexican", + "ingredients": [ + "lettuce leaves", + "salt", + "garlic powder", + "chili powder", + "ground cumin", + "sliced tomatoes", + "boneless skinless chicken breasts", + "onions", + "guacamole", + "onion powder" + ] + }, + { + "id": 6436, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "mint leaves", + "green tea", + "boiling water" + ] + }, + { + "id": 46790, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "water", + "salt", + "parmigiano-reggiano cheese", + "1% low-fat milk", + "mascarpone", + "polenta" + ] + }, + { + "id": 36323, + "cuisine": "korean", + "ingredients": [ + "jasmine rice", + "asparagus", + "scallions", + "eggs", + "shiitake", + "sesame oil", + "sesame seeds", + "gochugaru", + "carrots", + "soy sauce", + "swiss chard", + "garlic" + ] + }, + { + "id": 46717, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "olive oil", + "garlic", + "balsamic vinegar", + "parmesan cheese", + "dried oregano" + ] + }, + { + "id": 42510, + "cuisine": "japanese", + "ingredients": [ + "ground chicken", + "lemon", + "white sesame seeds", + "chicken demi-glace", + "savoy spinach", + "garlic", + "soy sauce", + "ramen noodles", + "scallions", + "shiitake", + "ginger", + "panko breadcrumbs" + ] + }, + { + "id": 47859, + "cuisine": "spanish", + "ingredients": [ + "vanilla extract", + "sugar", + "non stick spray", + "eggs", + "cream of coconut", + "evaporated milk", + "condensed milk" + ] + }, + { + "id": 5874, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "grated parmesan cheese", + "sliced black olives", + "shredded mozzarella cheese", + "bread crumbs", + "garlic", + "zucchini", + "ground beef" + ] + }, + { + "id": 10167, + "cuisine": "mexican", + "ingredients": [ + "dried currants", + "roasted pepitas", + "ground beef", + "poblano peppers", + "garlic", + "ground cumin", + "lime", + "cilantro", + "long grain white rice", + "tomato paste", + "crema mexican", + "yellow onion" + ] + }, + { + "id": 45709, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "ginger", + "scallions", + "vegetable oil", + "rice vinegar", + "sesame oil", + "salt", + "boiling water", + "sugar", + "red pepper flakes", + "all-purpose flour" + ] + }, + { + "id": 13967, + "cuisine": "italian", + "ingredients": [ + "eggs", + "white sugar", + "vegetable oil", + "all-purpose flour", + "anise oil", + "whiskey" + ] + }, + { + "id": 4696, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "butter", + "milk", + "yeast", + "warm water", + "salt", + "eggs", + "flour" + ] + }, + { + "id": 30539, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "salt", + "flat leaf parsley", + "fresh parmesan cheese", + "crushed red pepper", + "sliced mushrooms", + "fresh basil", + "soft tofu", + "jumbo pasta shells", + "olive oil", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 35545, + "cuisine": "italian", + "ingredients": [ + "melted butter", + "ricotta cheese", + "grated nutmeg", + "pepper", + "salt", + "spinach", + "extra large eggs", + "chopped fresh sage", + "parmigiano reggiano cheese", + "all-purpose flour" + ] + }, + { + "id": 42839, + "cuisine": "mexican", + "ingredients": [ + "water", + "cilantro sprigs", + "poblano chiles", + "onions", + "pepper", + "chives", + "garlic cloves", + "adobo sauce", + "tomatoes", + "fresh cilantro", + "salt", + "chayotes", + "oregano", + "chipotle chile", + "corn kernels", + "dry bread crumbs", + "bay leaf", + "sliced green onions" + ] + }, + { + "id": 6110, + "cuisine": "british", + "ingredients": [ + "ground ginger", + "salt", + "lemon juice", + "lemon", + "dry bread crumbs", + "unsalted butter", + "all-purpose flour", + "cold water", + "heavy cream", + "golden syrup" + ] + }, + { + "id": 22898, + "cuisine": "moroccan", + "ingredients": [ + "orange", + "broccoli", + "cinnamon sticks", + "lamb stock", + "clear honey", + "ground almonds", + "onions", + "olive oil", + "lamb", + "couscous", + "sliced almonds", + "dried apricot", + "garlic cloves", + "chopped fresh mint" + ] + }, + { + "id": 26793, + "cuisine": "french", + "ingredients": [ + "corn oil", + "sherry vinegar", + "fine sea salt", + "dijon mustard", + "ground white pepper", + "olive oil", + "red wine vinegar" + ] + }, + { + "id": 32303, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "garlic", + "shallots", + "salt", + "chile pepper", + "chopped cilantro fresh", + "tomatillos" + ] + }, + { + "id": 41838, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "ground black pepper", + "peanut oil", + "water", + "salt", + "celery", + "ketchup", + "garlic", + "lemon juice", + "sugar", + "fresh ginger", + "rice vinegar", + "onions" + ] + }, + { + "id": 16538, + "cuisine": "vietnamese", + "ingredients": [ + "cooking spray", + "beef tenderloin", + "oyster sauce", + "low sodium soy sauce", + "vegetable oil", + "yellow onion", + "cucumber", + "green cabbage", + "basil leaves", + "light coconut milk", + "carrots", + "sugar", + "rice vermicelli", + "sauce", + "beansprouts" + ] + }, + { + "id": 10604, + "cuisine": "korean", + "ingredients": [ + "low sodium soy sauce", + "garlic cloves", + "salt", + "brown sugar", + "dark sesame oil" + ] + }, + { + "id": 16009, + "cuisine": "spanish", + "ingredients": [ + "Belgian endive", + "sherry vinegar", + "garlic", + "almonds", + "extra-virgin olive oil", + "goat cheese", + "orange", + "shallots", + "vinaigrette", + "pepper", + "chives", + "salt" + ] + }, + { + "id": 6241, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "fresh cilantro", + "cucumber", + "eggs", + "chili pepper", + "meat filling", + "french baguette", + "liver pate", + "mayonaise", + "pickled carrots", + "cold cut" + ] + }, + { + "id": 28924, + "cuisine": "italian", + "ingredients": [ + "granulated sugar", + "walnuts", + "baking soda", + "salt", + "semi-sweet chocolate morsels", + "large eggs", + "confectioners sugar", + "unsalted butter", + "all-purpose flour", + "unsweetened cocoa powder" + ] + }, + { + "id": 9125, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "shallots", + "garlic", + "truffle oil", + "heavy cream", + "chopped onion", + "ground black pepper", + "butter", + "chanterelle", + "arborio rice", + "dry white wine", + "button mushrooms", + "crumbled gorgonzola" + ] + }, + { + "id": 16505, + "cuisine": "mexican", + "ingredients": [ + "roma tomatoes", + "chiles", + "red wine vinegar", + "Anaheim chile", + "green onions" + ] + }, + { + "id": 23649, + "cuisine": "british", + "ingredients": [ + "yellow split peas", + "eggs", + "onions", + "butter", + "seasoning", + "shanks" + ] + }, + { + "id": 36321, + "cuisine": "thai", + "ingredients": [ + "tomatoes", + "white pepper", + "cilantro leaves", + "cucumber", + "fish sauce", + "lime wedges", + "scallions", + "eggs", + "light soy sauce", + "rice", + "crab meat", + "chiles", + "garlic", + "oil" + ] + }, + { + "id": 35228, + "cuisine": "cajun_creole", + "ingredients": [ + "granulated garlic", + "smoked turkey breast", + "parsley", + "purple onion", + "red bell pepper", + "andouille sausage", + "kosher salt", + "flour", + "crushed red pepper flakes", + "carrots", + "cooked white rice", + "mesquite seasoning", + "smoked turkey", + "onion powder", + "garlic", + "ground white pepper", + "canola oil", + "green bell pepper", + "white onion", + "cayenne", + "worcestershire sauce", + "scallions", + "celery" + ] + }, + { + "id": 15029, + "cuisine": "mexican", + "ingredients": [ + "salmon fillets", + "bacon", + "avocado", + "tortillas", + "pepper", + "salt", + "tomatoes", + "shredded lettuce" + ] + }, + { + "id": 44114, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "flour", + "baby spinach", + "sour cream", + "chile powder", + "olive oil", + "vegetable oil", + "garlic", + "onions", + "corn", + "Mexican oregano", + "vegetable broth", + "corn tortillas", + "cheddar cheese", + "ground black pepper", + "coarse salt", + "smoked paprika", + "ground cumin" + ] + }, + { + "id": 41787, + "cuisine": "italian", + "ingredients": [ + "eggs", + "dried basil", + "french rolls", + "pepper", + "salt", + "dried oregano", + "tomato sauce", + "olive oil", + "onions", + "fennel seeds", + "minced garlic", + "ground turkey" + ] + }, + { + "id": 30235, + "cuisine": "cajun_creole", + "ingredients": [ + "sausage links", + "cayenne", + "chicken thighs", + "green bell pepper", + "orange bell pepper", + "onions", + "fresh basil", + "cherry tomatoes", + "thyme sprigs", + "celery ribs", + "corn", + "oil" + ] + }, + { + "id": 16720, + "cuisine": "vietnamese", + "ingredients": [ + "peanuts", + "garlic", + "fresh lime juice", + "fish sauce", + "hoisin sauce", + "garlic chili sauce", + "white sugar", + "lettuce", + "thai basil", + "rice", + "cooked shrimp", + "water", + "rice vermicelli", + "fresh mint", + "chopped cilantro fresh" + ] + }, + { + "id": 39091, + "cuisine": "thai", + "ingredients": [ + "white pepper", + "purple onion", + "apple cider vinegar", + "cucumber", + "stevia powder", + "salt", + "red pepper flakes" + ] + }, + { + "id": 22739, + "cuisine": "italian", + "ingredients": [ + "eggs", + "salt", + "water", + "all-purpose flour" + ] + }, + { + "id": 5534, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "jumbo pasta shells", + "italian seasoning", + "pasta sauce", + "large eggs", + "shredded mozzarella cheese", + "ground nutmeg", + "ricotta", + "pepper", + "salt", + "frozen chopped spinach, thawed and squeezed dry" + ] + }, + { + "id": 4329, + "cuisine": "indian", + "ingredients": [ + "garlic", + "cayenne pepper", + "ground cumin", + "baby spinach", + "beef broth", + "ground turmeric", + "ginger", + "yellow onion", + "canola oil", + "yoghurt", + "salt", + "leg of lamb" + ] + }, + { + "id": 4508, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "tomatoes with juice", + "ground cumin", + "jalapeno chilies", + "garlic", + "rotelle", + "salt", + "sugar", + "cilantro", + "chopped onion" + ] + }, + { + "id": 19879, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "pure vanilla extract", + "large eggs", + "granulated sugar", + "baking soda", + "salt" + ] + }, + { + "id": 36624, + "cuisine": "thai", + "ingredients": [ + "lemon grass", + "sea salt", + "white peppercorns", + "hot chili", + "shallots", + "cumin seed", + "lime rind", + "shrimp paste", + "garlic", + "coriander seeds", + "cilantro root", + "galangal" + ] + }, + { + "id": 22001, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "andouille sausage", + "vegetable oil", + "creole seasoning", + "cooked rice", + "bay leaves", + "all-purpose flour", + "shrimp", + "chicken broth", + "dried thyme", + "worcestershire sauce", + "garlic cloves", + "green bell pepper", + "green onions", + "hot sauce", + "onions" + ] + }, + { + "id": 44398, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "lime", + "hellmann' or best food light mayonnais", + "milk", + "chopped cilantro fresh", + "olive oil" + ] + }, + { + "id": 17063, + "cuisine": "greek", + "ingredients": [ + "ground pepper", + "canola oil", + "tomatoes", + "salt", + "purple onion", + "feta cheese", + "fresh parsley" + ] + }, + { + "id": 31452, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "ground black pepper", + "low fat mozzarella", + "yellow squash", + "grated parmesan cheese", + "dried thyme", + "zucchini", + "salt", + "garlic powder", + "green onions" + ] + }, + { + "id": 7999, + "cuisine": "italian", + "ingredients": [ + "yellow tomato", + "ground black pepper", + "chees fresh mozzarella", + "five-spice powder", + "tomatoes", + "french bread", + "salt", + "seasoning", + "honey", + "vegetable oil", + "garlic cloves", + "water", + "peeled fresh ginger", + "rice vinegar" + ] + }, + { + "id": 17819, + "cuisine": "french", + "ingredients": [ + "strawberries", + "fresh blueberries", + "fresh lemon juice", + "dry red wine", + "blackberries", + "sugar", + "fresh raspberries" + ] + }, + { + "id": 29021, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "ground beef", + "oil", + "enchilada sauce", + "flour" + ] + }, + { + "id": 6183, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "jalapeno chilies", + "shrimp", + "white onion", + "olive oil", + "lemon", + "tomatoes", + "lime", + "serrano peppers", + "cucumber", + "scallops", + "ground black pepper", + "cilantro" + ] + }, + { + "id": 28044, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "milk", + "salt", + "Louisiana Hot Sauce", + "unsalted butter", + "grits", + "andouille sausage", + "extra sharp white cheddar cheese", + "red bell pepper", + "pepper", + "shallots" + ] + }, + { + "id": 39610, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "hot sauce", + "sesame oil", + "garlic puree", + "green onions", + "cayenne pepper", + "brown sugar", + "rice vinegar" + ] + }, + { + "id": 24077, + "cuisine": "greek", + "ingredients": [ + "minced garlic", + "salt", + "fresh rosemary", + "olive oil", + "fresh parsley", + "pita bread", + "sweet onion", + "nonfat yogurt plain", + "pepper", + "top sirloin steak", + "dried oregano" + ] + }, + { + "id": 24192, + "cuisine": "chinese", + "ingredients": [ + "instant rice", + "sherry", + "vegetable oil", + "dark sesame oil", + "grated orange", + "water chestnuts", + "flank steak", + "salt", + "lemon juice", + "minced garlic", + "peeled fresh ginger", + "crushed red pepper", + "orange juice", + "low sodium soy sauce", + "broccoli florets", + "sliced carrots", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 7985, + "cuisine": "korean", + "ingredients": [ + "pepper", + "buttermilk", + "sour cream", + "mayonaise", + "garlic powder", + "salt", + "Korean chile flakes", + "chili seasoning", + "garlic", + "black pepper", + "flour", + "boneless skinless chicken" + ] + }, + { + "id": 19843, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "chopped cilantro fresh", + "chili powder", + "tomatoes", + "garlic", + "poblano peppers", + "ground cumin" + ] + }, + { + "id": 19714, + "cuisine": "brazilian", + "ingredients": [ + "ice", + "lime", + "vodka", + "white sugar" + ] + }, + { + "id": 6274, + "cuisine": "southern_us", + "ingredients": [ + "cooked ham", + "chopped parsley", + "sweet gherkin", + "dijon mustard", + "white sandwich bread", + "pecans", + "Tabasco Pepper Sauce", + "mayonaise", + "onions" + ] + }, + { + "id": 45092, + "cuisine": "british", + "ingredients": [ + "buttermilk", + "baking soda", + "all-purpose flour", + "cream of tartar", + "salt", + "unsalted butter" + ] + }, + { + "id": 10304, + "cuisine": "southern_us", + "ingredients": [ + "ground nutmeg", + "salt", + "sugar", + "sweet potatoes", + "whipped topping", + "ground cinnamon", + "large eggs", + "grated lemon zest", + "piecrust", + "vanilla extract", + "nonfat evaporated milk" + ] + }, + { + "id": 46238, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "boneless skinless chicken breast halves", + "onions", + "curry powder" + ] + }, + { + "id": 37024, + "cuisine": "thai", + "ingredients": [ + "yellow crookneck squash", + "Thai red curry paste", + "chopped cilantro fresh", + "nonfat yogurt", + "vegetable broth", + "curry powder", + "large garlic cloves", + "onions", + "vegetable oil", + "light coconut milk" + ] + }, + { + "id": 14885, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "cooking spray", + "ground turkey", + "seasoned bread crumbs", + "marinara sauce", + "worcestershire sauce", + "ground black pepper", + "quick-cooking oats", + "garlic salt", + "large eggs", + "hot dog bun", + "italian seasoning" + ] + }, + { + "id": 16951, + "cuisine": "mexican", + "ingredients": [ + "beef bouillon", + "salt", + "ground black pepper", + "jalapeno chilies", + "garlic cloves", + "tomatoes", + "flour tortillas", + "yellow onion", + "tri tip", + "vegetable oil" + ] + }, + { + "id": 23561, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "salt", + "chicken stock", + "crushed garlic", + "white wine", + "loin pork roast", + "olive oil" + ] + }, + { + "id": 39223, + "cuisine": "french", + "ingredients": [ + "olive oil", + "dry white wine", + "roast", + "flat leaf parsley", + "ground black pepper", + "sea salt", + "figs", + "bay leaves", + "onions" + ] + }, + { + "id": 6458, + "cuisine": "italian", + "ingredients": [ + "freshly grated parmesan", + "pink grapefruit", + "heavy cream", + "unsalted butter", + "fresh parsley leaves", + "penne", + "navel oranges" + ] + }, + { + "id": 31689, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "water chestnuts", + "fine sea salt", + "ground white pepper", + "large eggs", + "green onions", + "chinese five-spice powder", + "self rising flour", + "soya bean", + "yellow onion", + "pork", + "kecap manis", + "corn oil", + "shrimp" + ] + }, + { + "id": 23065, + "cuisine": "moroccan", + "ingredients": [ + "powdered sugar", + "fresh lemon juice", + "pitted date", + "slivered almonds", + "grated orange", + "ground cinnamon", + "orange" + ] + }, + { + "id": 39137, + "cuisine": "indian", + "ingredients": [ + "ground cardamom", + "plain yogurt", + "mango", + "sugar", + "ice", + "milk" + ] + }, + { + "id": 38475, + "cuisine": "french", + "ingredients": [ + "dry white wine", + "cornichons", + "fresh parsley", + "dijon mustard", + "extra-virgin olive oil", + "garlic cloves", + "capers", + "fresh tarragon", + "purple onion", + "mussels", + "clam juice", + "white wine vinegar" + ] + }, + { + "id": 44386, + "cuisine": "mexican", + "ingredients": [ + "chicken demi-glace", + "cuban peppers", + "white rice", + "chicken thighs", + "capers", + "parsley", + "carrots", + "tomato paste", + "tumeric", + "garden peas", + "onions", + "green olives", + "smoked sweet Spanish paprika", + "garlic", + "oregano" + ] + }, + { + "id": 5663, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "vegetable oil cooking spray", + "large eggs", + "dry bread crumbs", + "fresh parsley", + "chicken broth", + "green bell pepper", + "water", + "green onions", + "garlic cloves", + "wild mushrooms", + "tasso", + "fresh basil", + "pepper", + "french bread", + "fresh mushrooms", + "onions", + "melted butter", + "fresh spinach", + "asparagus", + "salt", + "red bell pepper" + ] + }, + { + "id": 45676, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "tumeric", + "ginger", + "garlic cloves", + "basmati rice", + "chicken stock", + "boneless skinless chicken breasts", + "natural yogurt", + "cinnamon sticks", + "low-fat milk", + "ground cinnamon", + "hot chili powder", + "cumin seed", + "onions", + "clove", + "garam masala", + "cilantro leaves", + "rapeseed oil", + "saffron" + ] + }, + { + "id": 12137, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "garlic powder", + "diced tomatoes", + "carrots", + "shredded Monterey Jack cheese", + "chicken broth", + "lime juice", + "boneless skinless chicken breasts", + "purple onion", + "corn tortillas", + "avocado", + "tomato sauce", + "tomato juice", + "garlic", + "nonstick spray", + "ground cumin", + "fresh basil", + "chopped green chilies", + "chili powder", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 28332, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "all-purpose flour", + "garlic cloves", + "capers", + "dry white wine", + "anchovy fillets", + "fettucine", + "ground black pepper", + "grated lemon zest", + "center cut loin pork chop", + "fat free less sodium chicken broth", + "proscuitto", + "chopped fresh sage" + ] + }, + { + "id": 14975, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "worcestershire sauce", + "brown sugar", + "vinegar", + "cooking sherry", + "pork back ribs", + "bbq sauce", + "ketchup", + "cajun seasoning" + ] + }, + { + "id": 18412, + "cuisine": "italian", + "ingredients": [ + "large garlic cloves", + "salt", + "extra-virgin olive oil", + "broccoli rabe" + ] + }, + { + "id": 32593, + "cuisine": "italian", + "ingredients": [ + "eggs", + "grated parmesan cheese", + "red pepper flakes", + "fresh parsley", + "olive oil", + "vermicelli", + "sweet italian sausage", + "italian seasoning", + "water", + "marinara sauce", + "garlic", + "onions", + "shiitake", + "ricotta cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 42819, + "cuisine": "french", + "ingredients": [ + "sugar", + "vegetable oil", + "grated lemon peel", + "large eggs", + "corn starch", + "water", + "fresh lemon juice", + "unflavored gelatin", + "whole milk", + "caramel sauce" + ] + }, + { + "id": 34876, + "cuisine": "brazilian", + "ingredients": [ + "andouille sausage", + "purple onion", + "bay leaf", + "vegetable oil", + "beef jerky", + "plantains", + "garlic", + "low sodium beef broth", + "black beans", + "rice", + "dried oregano" + ] + }, + { + "id": 38592, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "white rice", + "sausages", + "canola oil", + "seasoning", + "prepared pie crusts", + "beaten eggs", + "uncook medium shrimp, peel and devein", + "chicken broth", + "cajun seasoning", + "all-purpose flour", + "celery", + "green bell pepper", + "chicken meat", + "cayenne pepper", + "onions" + ] + }, + { + "id": 40574, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "extra-virgin olive oil", + "sesame oil", + "lemon juice", + "chives", + "garlic", + "soy sauce", + "ginger", + "fillets" + ] + }, + { + "id": 4464, + "cuisine": "cajun_creole", + "ingredients": [ + "cayenne", + "garlic", + "celery", + "green bell pepper", + "butter", + "scallions", + "crawfish", + "fish stock", + "corn starch", + "parsley", + "salt", + "onions" + ] + }, + { + "id": 10890, + "cuisine": "british", + "ingredients": [ + "melted butter", + "sweetened condensed milk", + "graham cracker crumbs", + "bananas", + "whipped cream" + ] + }, + { + "id": 10486, + "cuisine": "italian", + "ingredients": [ + "white onion", + "leeks", + "garlic", + "olive oil", + "farro", + "carrots", + "chicken stock", + "grated parmesan cheese", + "diced tomatoes", + "celery", + "kale", + "chopped fresh thyme", + "salt" + ] + }, + { + "id": 3522, + "cuisine": "southern_us", + "ingredients": [ + "bananas", + "1% low-fat milk", + "sugar", + "egg yolks", + "all-purpose flour", + "low-fat vanilla wafers", + "egg whites", + "salt", + "nonfat sweetened condensed milk", + "vanilla extract" + ] + }, + { + "id": 25655, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "bow-tie pasta", + "green bell pepper", + "green onions", + "sausages", + "diced onions", + "parmigiano reggiano cheese", + "creole seasoning", + "sun-dried tomatoes", + "heavy cream", + "white mushrooms" + ] + }, + { + "id": 5904, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "jalapeno chilies", + "white vinegar", + "olive oil", + "onions", + "fresh cilantro", + "salt", + "tomatoes", + "garlic powder" + ] + }, + { + "id": 4365, + "cuisine": "italian", + "ingredients": [ + "white vermouth", + "ground black pepper", + "lemon juice", + "minced garlic", + "grated lemon zest", + "jumbo shrimp", + "unsalted butter", + "chopped parsley", + "kosher salt", + "grated parmesan cheese" + ] + }, + { + "id": 43539, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "cilantro leaves", + "ground turmeric", + "potatoes", + "cayenne pepper", + "coriander seeds", + "yellow split peas", + "sea salt", + "cumin seed" + ] + }, + { + "id": 35915, + "cuisine": "indian", + "ingredients": [ + "crushed tomatoes", + "boneless skinless chicken breasts", + "cayenne pepper", + "ground cumin", + "table salt", + "garlic powder", + "heavy cream", + "onions", + "tomato paste", + "fresh ginger", + "vegetable oil", + "garlic cloves", + "sugar", + "garam masala", + "cilantro leaves", + "plain whole-milk yogurt" + ] + }, + { + "id": 14745, + "cuisine": "southern_us", + "ingredients": [ + "andouille sausage", + "unsalted butter", + "vegetable oil", + "chicken stock cubes", + "garlic cloves", + "medium shrimp", + "water", + "whole milk", + "heavy cream", + "all-purpose flour", + "ground white pepper", + "ground cumin", + "kosher salt", + "chopped fresh chives", + "clam juice", + "purple onion", + "ham", + "grits", + "tomato paste", + "curry powder", + "dry white wine", + "paprika", + "cayenne pepper", + "chipotles in adobo" + ] + }, + { + "id": 22508, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "ground black pepper", + "onions", + "russet potatoes", + "olive oil", + "salt" + ] + }, + { + "id": 32477, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "sesame seeds", + "dried oregano", + "crushed tomatoes", + "garlic cloves", + "ground cinnamon", + "raisins", + "chicken", + "ancho", + "olive oil", + "corn tortillas" + ] + }, + { + "id": 13078, + "cuisine": "cajun_creole", + "ingredients": [ + "melted butter", + "dried thyme", + "garlic cloves", + "kosher salt", + "cracked black pepper", + "brown sugar", + "apple cider", + "whole turkey", + "creole seasoning" + ] + }, + { + "id": 7591, + "cuisine": "thai", + "ingredients": [ + "mint", + "romaine lettuce", + "peanuts", + "stevia", + "fish sauce", + "lime juice", + "splenda", + "peanut oil", + "lean ground turkey", + "minced garlic", + "jalapeno chilies", + "sauce", + "brown sugar", + "lime", + "shallots", + "chopped cilantro" + ] + }, + { + "id": 14973, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "cajun seasoning", + "long-grain rice", + "chicken broth", + "diced tomatoes", + "garlic cloves", + "kidney beans", + "smoked sausage", + "fresh parsley", + "bay leaves", + "hot sauce", + "onions" + ] + }, + { + "id": 11832, + "cuisine": "mexican", + "ingredients": [ + "cream style corn", + "all-purpose flour", + "onions", + "ground cumin", + "chicken broth", + "half & half", + "margarine", + "fajita seasoning mix", + "condensed cream of chicken soup", + "garlic", + "tortilla chips", + "shredded Monterey Jack cheese", + "boneless chicken breast halves", + "salsa", + "chopped cilantro fresh" + ] + }, + { + "id": 34345, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "pepper", + "chili powder", + "onions", + "garlic paste", + "garam masala", + "vegetable oil", + "coriander", + "tumeric", + "coriander powder", + "salt", + "ginger paste", + "minced chicken", + "potatoes", + "green chilies", + "ground cumin" + ] + }, + { + "id": 39815, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic cloves", + "tomatoes", + "dried oregano", + "extra-virgin olive oil" + ] + }, + { + "id": 39915, + "cuisine": "vietnamese", + "ingredients": [ + "red leaf lettuce", + "vegetable oil", + "cilantro leaves", + "beansprouts", + "ground turmeric", + "warm water", + "thai basil", + "salt", + "rice flour", + "onions", + "fish sauce", + "water", + "ground pork", + "scallions", + "coconut milk", + "sugar", + "lime", + "thai chile", + "garlic cloves", + "medium shrimp" + ] + }, + { + "id": 755, + "cuisine": "korean", + "ingredients": [ + "kosher salt", + "chives", + "toasted sesame oil", + "filet mignon", + "asian pear", + "fresh lemon juice", + "ground black pepper", + "scallions", + "toasted sesame seeds", + "reduced sodium soy sauce", + "garlic cloves" + ] + }, + { + "id": 33235, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "olive oil", + "stewed tomatoes", + "taco sauce", + "flour tortillas", + "purple onion", + "corn kernels", + "turkey", + "cumin", + "black beans", + "chili powder", + "scallions" + ] + }, + { + "id": 44529, + "cuisine": "indian", + "ingredients": [ + "sourdough starter", + "nonfat greek yogurt", + "milk", + "kosher salt", + "baking powder", + "melted butter", + "whole wheat flour" + ] + }, + { + "id": 3637, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "olive oil", + "vegetable stock", + "ground turmeric", + "minced garlic", + "garam masala", + "salt", + "fresh spinach", + "coriander seeds", + "light coconut milk", + "ground cumin", + "red lentils", + "fresh lime", + "ground black pepper", + "onions" + ] + }, + { + "id": 31751, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil cooking spray", + "salt", + "reduced fat sharp cheddar cheese", + "water", + "ham", + "egg substitute", + "margarine", + "low sodium worcestershire sauce", + "quickcooking grits" + ] + }, + { + "id": 38678, + "cuisine": "japanese", + "ingredients": [ + "rice vinegar", + "soy sauce", + "citrus juice" + ] + }, + { + "id": 4517, + "cuisine": "mexican", + "ingredients": [ + "water", + "cajeta", + "spice cake mix", + "sweetened condensed milk", + "evaporated milk", + "vanilla extract", + "eggs", + "vegetable oil" + ] + }, + { + "id": 6608, + "cuisine": "italian", + "ingredients": [ + "salt", + "polenta", + "water" + ] + }, + { + "id": 43748, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "light soy sauce", + "choy sum", + "pork", + "udon", + "corn starch", + "sugar", + "shiitake", + "oil", + "soy sauce", + "Shaoxing wine" + ] + }, + { + "id": 37097, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "vegetable oil", + "roasted peanuts", + "cucumber", + "soy sauce", + "shallots", + "cilantro leaves", + "juice", + "bird chile", + "bean curd skins", + "rice noodles", + "Maggi", + "carrots", + "brown sugar", + "lime", + "garlic", + "grapefruit", + "fresh mint" + ] + }, + { + "id": 39059, + "cuisine": "greek", + "ingredients": [ + "fresh parmesan cheese", + "baby spinach", + "feta cheese crumbles", + "kale", + "ground black pepper", + "chopped onion", + "olive oil", + "cooking spray", + "garlic cloves", + "dough", + "ground nutmeg", + "salt" + ] + }, + { + "id": 26427, + "cuisine": "french", + "ingredients": [ + "eggs", + "dry bread crumbs", + "milk", + "ham", + "condensed cream of chicken soup", + "oil", + "swiss cheese", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 44351, + "cuisine": "vietnamese", + "ingredients": [ + "fresh ginger", + "salt", + "coconut milk", + "firmly packed brown sugar", + "chicken breast halves", + "english cucumber", + "corn oil", + "rice vinegar", + "asian fish sauce", + "soy sauce", + "shallots", + "garlic cloves" + ] + }, + { + "id": 15986, + "cuisine": "cajun_creole", + "ingredients": [ + "shrimp", + "lemon", + "melted butter", + "flat leaf parsley", + "italian salad dressing mix" + ] + }, + { + "id": 34769, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "beer", + "vegetable oil", + "fresh lime juice", + "granulated sugar", + "green beans", + "soy sauce", + "all-purpose flour" + ] + }, + { + "id": 49041, + "cuisine": "cajun_creole", + "ingredients": [ + "lump crab meat", + "flour", + "garlic", + "celery", + "green bell pepper", + "cayenne", + "parsley", + "scallions", + "cooked white rice", + "blue crabs", + "ground black pepper", + "bay leaves", + "yellow onion", + "medium shrimp", + "kosher salt", + "seafood stock", + "worcestershire sauce", + "fresh lemon juice", + "canola oil" + ] + }, + { + "id": 46671, + "cuisine": "indian", + "ingredients": [ + "ravva", + "cumin seed", + "chopped cilantro", + "curry leaves", + "all-purpose flour", + "rice flour", + "peppercorns", + "salt", + "oil", + "onions", + "water", + "green chilies", + "carrots" + ] + }, + { + "id": 22163, + "cuisine": "japanese", + "ingredients": [ + "miso paste", + "onions", + "soy sauce", + "butter", + "mirin", + "chicken", + "water", + "garlic" + ] + }, + { + "id": 34338, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "ground nutmeg", + "white pepper", + "butter", + "milk", + "Philadelphia Cream Cheese", + "garlic powder", + "Kraft Grated Parmesan Cheese" + ] + }, + { + "id": 17672, + "cuisine": "japanese", + "ingredients": [ + "lime juice", + "all-purpose flour", + "fresh green bean", + "oil", + "soy sauce", + "salt", + "white sugar", + "sesame seeds", + "beer" + ] + }, + { + "id": 7643, + "cuisine": "mexican", + "ingredients": [ + "dark molasses", + "ground black pepper", + "purple onion", + "sandwich rolls", + "kosher salt", + "jalapeno chilies", + "chipotles in adobo", + "avocado", + "fresh leav spinach", + "poblano peppers", + "cilantro leaves", + "cremini mushrooms", + "olive oil", + "garlic", + "vegetarian refried beans" + ] + }, + { + "id": 36925, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "scallion greens", + "wakame", + "soft tofu", + "shiro miso" + ] + }, + { + "id": 13621, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "salt", + "sliced green onions", + "tomato salsa", + "fat", + "flour tortillas", + "orange juice", + "ground cumin", + "grated orange peel", + "non-fat sour cream", + "onions" + ] + }, + { + "id": 20124, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken skinless thigh", + "canned beans", + "salt", + "shredded cheese", + "chopped cilantro", + "chipotle", + "lime wedges", + "tortilla chips", + "ancho chile pepper", + "cumin", + "black pepper", + "guacamole", + "salsa", + "sour cream", + "dried oregano", + "jalapeno chilies", + "garlic", + "scallions", + "chipotles in adobo", + "canola oil" + ] + }, + { + "id": 18775, + "cuisine": "spanish", + "ingredients": [ + "base", + "fresh lime juice", + "ground black pepper", + "beer", + "hot pepper sauce", + "garlic cloves", + "soy sauce", + "worcestershire sauce" + ] + }, + { + "id": 14752, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "stewed tomatoes", + "ground cumin", + "chile pepper", + "onions", + "chicken breasts", + "white rice", + "butter", + "chopped cilantro fresh" + ] + }, + { + "id": 44023, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "reduced-fat sour cream", + "fresh lime juice", + "table salt", + "cooking spray", + "pinto beans", + "ground cumin", + "avocado", + "salsa verde", + "cilantro", + "plum tomatoes", + "ground chicken", + "low fat shred cheddar chees sharp varieti", + "corn tortillas" + ] + }, + { + "id": 11800, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "fine sea salt", + "chopped tomatoes", + "lime juice", + "chopped cilantro", + "jalapeno chilies" + ] + }, + { + "id": 20941, + "cuisine": "southern_us", + "ingredients": [ + "fresh lima beans", + "corn kernels", + "ground mustard", + "white sugar", + "green bell pepper", + "fresh green bean", + "celery seed", + "cider vinegar", + "salt", + "onions", + "cauliflower", + "green tomatoes", + "mustard seeds", + "ground turmeric" + ] + }, + { + "id": 47443, + "cuisine": "mexican", + "ingredients": [ + "chili", + "chopped onion", + "cheese soup", + "milk", + "tortilla chips" + ] + }, + { + "id": 11939, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "ground black pepper", + "butter", + "milk", + "chopped fresh chives", + "salt", + "dried tarragon leaves", + "grated parmesan cheese", + "fresh tarragon", + "olive oil", + "mushrooms", + "goat cheese" + ] + }, + { + "id": 33498, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "ginger", + "lemon juice", + "tomatoes", + "garam masala", + "garlic cloves", + "fresh cilantro", + "salt", + "grained", + "olive oil", + "chickpeas", + "onions" + ] + }, + { + "id": 19301, + "cuisine": "chinese", + "ingredients": [ + "beef bones", + "beef shank", + "spices", + "chinese radish", + "scallions", + "noodles", + "fennel seeds", + "dried orange peel", + "bay leaves", + "ginger", + "roasting chickens", + "cinnamon sticks", + "clove", + "sugar", + "hot chili oil", + "crushed red pepper flakes", + "salt", + "oil", + "white peppercorns", + "chicken stock", + "water", + "szechwan peppercorns", + "star anise", + "cumin seed", + "chopped cilantro" + ] + }, + { + "id": 12121, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ginger", + "sugar", + "olive oil", + "garlic cloves", + "sake", + "kosher salt", + "scallions", + "baby bok choy", + "ground black pepper" + ] + }, + { + "id": 32606, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "chicken breast halves", + "ground coriander", + "sugar", + "salt", + "chicken thighs", + "chicken legs", + "red wine vinegar", + "fresh parsley", + "olive oil", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 36521, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "garlic cloves", + "queso blanco", + "onions", + "cooking spray", + "corn tortillas", + "fat free less sodium chicken broth", + "salsa", + "cooked chicken breasts" + ] + }, + { + "id": 20351, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "yukon gold potatoes", + "salt", + "pepper", + "flour", + "heavy cream", + "oil", + "brown sugar", + "fresh thyme", + "worcestershire sauce", + "yellow onion", + "water", + "beef stock", + "garlic", + "pork sausages" + ] + }, + { + "id": 45114, + "cuisine": "brazilian", + "ingredients": [ + "black beans", + "fennel", + "purple onion", + "garlic cloves", + "chopped cilantro", + "fresh tomatoes", + "water", + "brown rice", + "ground coriander", + "diced celery", + "collard greens", + "chili pepper", + "bell pepper", + "salt", + "fresh lemon juice", + "onions", + "soy sauce", + "orange", + "canned tomatoes", + "oil", + "thyme" + ] + }, + { + "id": 25343, + "cuisine": "italian", + "ingredients": [ + "capers", + "purple onion", + "fregola", + "extra-virgin olive oil", + "ground white pepper", + "blood orange", + "salt", + "orange zest", + "Sicilian olives", + "fresh lemon juice" + ] + }, + { + "id": 31978, + "cuisine": "mexican", + "ingredients": [ + "Mazola Corn Oil", + "Spice Islands Garlic Salt", + "chicken breast tenders", + "onions", + "Spice Islands Oregano", + "red bell pepper", + "tortillas", + "Spice Islands Ground Cumin Seed" + ] + }, + { + "id": 23777, + "cuisine": "southern_us", + "ingredients": [ + "parsnips", + "sweet potatoes", + "turnips", + "ground black pepper", + "kosher salt", + "carrots", + "rutabaga", + "unsalted butter" + ] + }, + { + "id": 32533, + "cuisine": "french", + "ingredients": [ + "large eggs", + "fresh lemon juice", + "fresh ginger", + "all-purpose flour", + "cortland apples", + "ground cinnamon", + "refrigerated piecrusts", + "bartlett pears", + "granulated sugar", + "apricot preserves" + ] + }, + { + "id": 45432, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "ground black pepper", + "1% low-fat milk", + "dry bread crumbs", + "large egg yolks", + "cooking spray", + "salt", + "large egg whites", + "asparagus", + "gruyere cheese", + "ground nutmeg", + "dry mustard", + "all-purpose flour" + ] + }, + { + "id": 47214, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "garlic cloves", + "corn", + "relish", + "fresh lime juice", + "fish fillets", + "coarse salt", + "corn tortillas", + "ground pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 37699, + "cuisine": "brazilian", + "ingredients": [ + "min", + "white rice", + "rice", + "onions", + "black-eyed peas", + "salt", + "liquid", + "white onion", + "garlic", + "amber", + "sofrito", + "palm oil", + "dende oil", + "cilantro leaves", + "marjoram leaves" + ] + }, + { + "id": 28826, + "cuisine": "italian", + "ingredients": [ + "eggs", + "ground black pepper", + "sliced carrots", + "worcestershire sauce", + "broccoli", + "flat leaf parsley", + "italian seasoning", + "marsala wine", + "soup", + "butter", + "crushed red pepper flakes", + "pearl couscous", + "ground beef", + "spinach", + "grated parmesan cheese", + "crushed garlic", + "basil", + "Italian seasoned breadcrumbs", + "celery", + "homemade meatballs", + "chicken stock", + "olive oil", + "green onions", + "red pepper flakes", + "salt", + "garlic cloves", + "onions" + ] + }, + { + "id": 44952, + "cuisine": "british", + "ingredients": [ + "Belgian endive", + "frozen pastry puff sheets", + "stilton cheese", + "large eggs", + "balsamic vinegar", + "curry powder", + "chopped fresh chives", + "pears", + "unsalted butter", + "shallots" + ] + }, + { + "id": 48016, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "basil", + "roasted red peppers", + "sauce", + "pepper", + "salt", + "fresh spinach", + "boneless chicken breast" + ] + }, + { + "id": 44862, + "cuisine": "mexican", + "ingredients": [ + "sliced turkey", + "purple onion", + "cotija", + "cilantro sprigs", + "sour cream", + "avocado", + "shredded lettuce", + "hot sauce", + "kaiser rolls", + "white wine vinegar", + "fresh lime juice" + ] + }, + { + "id": 13058, + "cuisine": "filipino", + "ingredients": [ + "mayonaise", + "water", + "lemon", + "onions", + "pork belly", + "ground black pepper", + "salt", + "soy sauce", + "chili", + "ginger", + "pig", + "butter", + "chicken livers" + ] + }, + { + "id": 675, + "cuisine": "southern_us", + "ingredients": [ + "toasted unsweetened coconut", + "nonfat vanilla frozen yogurt", + "peaches", + "canola oil" + ] + }, + { + "id": 32225, + "cuisine": "southern_us", + "ingredients": [ + "minced garlic", + "butter", + "tomatoes", + "green onions", + "fresh parsley", + "black-eyed peas", + "ham", + "cider vinegar", + "Success White Rice", + "onions" + ] + }, + { + "id": 6990, + "cuisine": "british", + "ingredients": [ + "baking potatoes", + "celery", + "white pepper", + "heavy cream", + "sage", + "brussels sprouts", + "lemon", + "onions", + "unsalted butter", + "bacon" + ] + }, + { + "id": 40257, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "salt", + "pesto", + "light mayonnaise", + "fat free cream cheese", + "marinara sauce", + "provolone cheese", + "baguette", + "cracked black pepper", + "fresh basil leaves" + ] + }, + { + "id": 39520, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "all-purpose flour", + "shortening", + "vanilla extract", + "eggs", + "ricotta cheese", + "white sugar", + "dry white wine", + "salt" + ] + }, + { + "id": 46183, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "salt", + "shortening", + "ground nutmeg", + "whipped cream", + "chopped pecans", + "cold water", + "ground cloves", + "sweet potatoes", + "all-purpose flour", + "ground cinnamon", + "evaporated milk", + "butter", + "dark brown sugar" + ] + }, + { + "id": 23438, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "cayenne pepper", + "bay leaf", + "water", + "dried sage", + "creole seasoning", + "dried parsley", + "celery ribs", + "kidney beans", + "green pepper", + "onions", + "dried thyme", + "smoked sausage", + "garlic cloves" + ] + }, + { + "id": 33, + "cuisine": "mexican", + "ingredients": [ + "diced potatoes", + "beef", + "salt", + "corn tortillas", + "white onion", + "radishes", + "garlic cloves", + "oregano", + "pepper", + "vegetable oil", + "carrots", + "fresh cheese", + "shredded lettuce", + "ancho chile pepper" + ] + }, + { + "id": 39984, + "cuisine": "moroccan", + "ingredients": [ + "lemon zest", + "paprika", + "ground coriander", + "ground cumin", + "ground cinnamon", + "yukon gold potatoes", + "purple onion", + "ground turmeric", + "golden raisins", + "garlic", + "fresh mint", + "fresh dill", + "lemon", + "salt", + "canola oil" + ] + }, + { + "id": 46812, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "cabbage", + "whole cloves", + "corned beef", + "knorr leek recip mix", + "carrots", + "water", + "bay leaf" + ] + }, + { + "id": 31162, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "onions", + "green chile", + "flour tortillas", + "shredded Monterey Jack cheese", + "Mexican cheese blend", + "chicken", + "black beans", + "salsa" + ] + }, + { + "id": 27316, + "cuisine": "japanese", + "ingredients": [ + "reduced sodium soy sauce", + "water", + "snow pea shoots", + "sugar", + "mirin", + "sesame seeds", + "bulb" + ] + }, + { + "id": 45444, + "cuisine": "spanish", + "ingredients": [ + "spinach", + "purple onion", + "mushrooms", + "coconut oil", + "coconut milk", + "eggs", + "sea salt" + ] + }, + { + "id": 16291, + "cuisine": "indian", + "ingredients": [ + "fresh curry leaves", + "ground red pepper", + "dried red chile peppers", + "cooking oil", + "cumin seed", + "split black lentils", + "salt", + "ground cumin", + "potatoes", + "mustard seeds" + ] + }, + { + "id": 9017, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "ancho chile pepper", + "garlic cloves", + "ground cumin", + "apple cider vinegar", + "dried oregano", + "sugar", + "shrimp" + ] + }, + { + "id": 29858, + "cuisine": "korean", + "ingredients": [ + "large egg yolks", + "Gochujang base", + "toasted sesame seeds", + "kosher salt", + "reduced sodium soy sauce", + "kimchi", + "ground black pepper", + "scallions", + "silken tofu", + "vegetable oil", + "toasted sesame oil" + ] + }, + { + "id": 19380, + "cuisine": "greek", + "ingredients": [ + "pepper", + "rice vinegar", + "flat leaf parsley", + "garlic", + "dried dill", + "worcestershire sauce", + "hot sauce", + "fresh chives", + "salt", + "greek yogurt" + ] + }, + { + "id": 15628, + "cuisine": "french", + "ingredients": [ + "large eggs", + "vanilla extract", + "sweet cherries", + "whole milk", + "all-purpose flour", + "sugar", + "pistachios", + "salt", + "almonds", + "butter", + "corn starch" + ] + }, + { + "id": 33771, + "cuisine": "mexican", + "ingredients": [ + "salt", + "warm water", + "oil", + "shortening", + "all-purpose flour", + "baking powder" + ] + }, + { + "id": 10109, + "cuisine": "filipino", + "ingredients": [ + "fresh tomatoes", + "olive oil", + "salt", + "bread crumbs", + "pimentos", + "fillet red snapper", + "ground black pepper", + "onions", + "lime juice", + "parsley" + ] + }, + { + "id": 41005, + "cuisine": "japanese", + "ingredients": [ + "crab meat", + "dashi", + "rice vinegar", + "soy sauce", + "mirin", + "cucumber", + "sugar", + "fresh ginger", + "king crab", + "water", + "salt" + ] + }, + { + "id": 44596, + "cuisine": "irish", + "ingredients": [ + "eggs", + "white chocolate chips", + "all-purpose flour", + "sugar", + "liquor", + "brown sugar", + "baking powder", + "unsalted butter", + "salt" + ] + }, + { + "id": 46477, + "cuisine": "italian", + "ingredients": [ + "honey", + "french bread", + "butter", + "freshly ground pepper", + "salad greens", + "grated parmesan cheese", + "vegetable oil", + "chopped onion", + "feta cheese", + "cannellini beans", + "bacon", + "garlic cloves", + "cider vinegar", + "dijon mustard", + "tuna steaks", + "salt" + ] + }, + { + "id": 17783, + "cuisine": "mexican", + "ingredients": [ + "lime peel", + "water", + "sour cream", + "sugar", + "cinnamon sticks", + "papaya", + "fresh lime juice" + ] + }, + { + "id": 20237, + "cuisine": "italian", + "ingredients": [ + "white onion", + "garlic", + "clams", + "unsalted butter", + "sour cream", + "ground black pepper", + "fresh mushrooms", + "pasta", + "dry white wine", + "flat leaf parsley" + ] + }, + { + "id": 9778, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "corn tortillas" + ] + }, + { + "id": 2530, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "strawberries", + "whipping cream", + "mint sprigs", + "cointreau", + "vanilla extract" + ] + }, + { + "id": 29455, + "cuisine": "japanese", + "ingredients": [ + "green cardamom", + "milk", + "cinnamon sticks", + "condensed milk", + "dry coconut" + ] + }, + { + "id": 27698, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "cream cheese", + "vanilla extract", + "sour cream", + "graham cracker crusts", + "chopped pecans", + "eggs", + "butter extract" + ] + }, + { + "id": 30168, + "cuisine": "french", + "ingredients": [ + "vanilla ice cream", + "large egg whites", + "confectioners sugar", + "water", + "basil leaves", + "lime", + "heavy cream", + "sugar", + "sorbet", + "mango" + ] + }, + { + "id": 14986, + "cuisine": "thai", + "ingredients": [ + "water", + "mushrooms", + "green chilies", + "mango", + "lime", + "ginger", + "onions", + "lemongrass", + "shallots", + "garlic cloves", + "soy sauce", + "eggplant", + "light coconut milk", + "coriander" + ] + }, + { + "id": 23917, + "cuisine": "southern_us", + "ingredients": [ + "oats", + "peaches", + "brown sugar", + "sweetened coconut flakes", + "ground cinnamon", + "butter", + "pie dough", + "all-purpose flour" + ] + }, + { + "id": 19080, + "cuisine": "moroccan", + "ingredients": [ + "white vinegar", + "carrots", + "chopped onion", + "chopped cilantro", + "garlic cloves", + "olive oil", + "flat leaf parsley" + ] + }, + { + "id": 20784, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "chopped cilantro fresh", + "pepper", + "garlic", + "jalapeno chilies", + "salt", + "tomatillos" + ] + }, + { + "id": 42198, + "cuisine": "japanese", + "ingredients": [ + "minced garlic", + "rice vinegar", + "chopped cilantro fresh", + "sugar", + "peeled fresh ginger", + "scallions", + "sesame seeds", + "seaweed", + "soy sauce", + "sesame oil", + "tart apples" + ] + }, + { + "id": 41532, + "cuisine": "thai", + "ingredients": [ + "orange", + "sea scallops", + "sweet chili sauce", + "lime", + "orange juice", + "fresh cilantro", + "garlic", + "coconut", + "fresh ginger", + "scallions" + ] + }, + { + "id": 27574, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "vegetable oil", + "salt", + "sugar", + "sugar cane", + "pepper", + "sweet and sour sauce", + "chiles", + "cilantro", + "shrimp" + ] + }, + { + "id": 25449, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "yoghurt", + "teas", + "white pepper" + ] + }, + { + "id": 24858, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "garlic", + "collard greens" + ] + }, + { + "id": 31180, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "chicken breasts", + "peanut oil", + "red bell pepper", + "honey", + "garlic", + "carrots", + "romaine lettuce hearts", + "soy sauce", + "fresh ginger", + "rice vinegar", + "salted cashews", + "pepper", + "sesame oil", + "scallions", + "chopped cilantro fresh" + ] + }, + { + "id": 1129, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "green pepper", + "dressing", + "red pepper", + "onions", + "lime juice", + "diced tomatoes", + "ground cumin", + "avocado", + "jalapeno chilies", + "cream cheese" + ] + }, + { + "id": 45604, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "all-purpose flour", + "buttermilk", + "large eggs", + "self-rising cornmeal" + ] + }, + { + "id": 31713, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "kalamata", + "greek seasoning", + "ground black pepper", + "olive oil", + "feta cheese crumbles", + "vinaigrette dressing", + "zucchini" + ] + }, + { + "id": 42061, + "cuisine": "italian", + "ingredients": [ + "water", + "brown rice", + "red lentils", + "garlic powder", + "salt", + "dried basil", + "vegetable oil", + "eggs", + "grated parmesan cheese", + "dry bread crumbs" + ] + }, + { + "id": 44800, + "cuisine": "southern_us", + "ingredients": [ + "jalapeno chilies", + "all-purpose flour", + "baking soda", + "buttermilk", + "peanut oil", + "yellow corn meal", + "baking powder", + "cayenne pepper", + "large eggs", + "salt" + ] + }, + { + "id": 33990, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "fresh parsley", + "garlic cloves", + "olive oil", + "toasted pine nuts", + "fresh thyme leaves" + ] + }, + { + "id": 330, + "cuisine": "mexican", + "ingredients": [ + "salt", + "fat free less sodium chicken broth", + "garlic cloves", + "tomato paste", + "pork roast", + "ground black pepper", + "fresh lime juice" + ] + }, + { + "id": 41520, + "cuisine": "italian", + "ingredients": [ + "egg whites", + "almond paste", + "slivered almonds", + "salt", + "white sugar", + "red food coloring", + "confectioners sugar", + "lemon extract", + "all-purpose flour" + ] + }, + { + "id": 36819, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "chicken breasts", + "cucumber", + "pita chips", + "garlic cloves", + "kosher salt", + "purple onion", + "greek yogurt", + "salad", + "ground black pepper", + "fresh lemon juice" + ] + }, + { + "id": 36842, + "cuisine": "italian", + "ingredients": [ + "fresh oregano leaves", + "ground black pepper", + "onions", + "tomato paste", + "olive oil", + "diced tomatoes", + "kosher salt", + "large garlic cloves", + "spaghetti", + "fresh rosemary", + "parmesan cheese", + "sliced mushrooms" + ] + }, + { + "id": 18421, + "cuisine": "filipino", + "ingredients": [ + "vegetable oil", + "eggs", + "asian eggplants", + "salt", + "ground black pepper" + ] + }, + { + "id": 5035, + "cuisine": "japanese", + "ingredients": [ + "chili powder", + "ground beef", + "parmesan cheese", + "salt", + "tomato juice", + "beansprouts", + "mixed vegetables", + "onions" + ] + }, + { + "id": 1072, + "cuisine": "chinese", + "ingredients": [ + "cooked rice", + "sesame oil", + "white onion", + "oyster sauce", + "soy sauce", + "garlic", + "eggs", + "green onions", + "frozen peas and carrots" + ] + }, + { + "id": 23115, + "cuisine": "brazilian", + "ingredients": [ + "milk", + "tapioca flour", + "vegetable oil", + "eggs", + "grated parmesan cheese", + "water", + "salt" + ] + }, + { + "id": 18810, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vegetables", + "slaw mix", + "spaghetti squash", + "toasted sesame oil", + "honey", + "sambal chile paste", + "ginger", + "carrots", + "lime juice", + "red cabbage", + "cilantro", + "chow mein noodles", + "cabbage", + "olive oil", + "green onions", + "garlic", + "beansprouts" + ] + }, + { + "id": 49422, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "beef", + "sea salt", + "veal demi-glace", + "dry white wine", + "carnaroli rice", + "water", + "parmigiano reggiano cheese", + "salt", + "saffron threads", + "unsalted butter", + "shallots" + ] + }, + { + "id": 20023, + "cuisine": "french", + "ingredients": [ + "milk", + "baking powder", + "sugar", + "unsalted butter", + "eggs", + "honey", + "all-purpose flour", + "vanilla beans", + "madeleine" + ] + }, + { + "id": 8375, + "cuisine": "chinese", + "ingredients": [ + "brisket", + "szechwan peppercorns", + "beer", + "onions", + "San Marzano tomatoes", + "fresh ginger", + "habanero", + "chinese five-spice powder", + "green bell pepper", + "hoisin sauce", + "garlic", + "oil", + "soy sauce", + "jalapeno chilies", + "rice vinegar", + "chopped cilantro" + ] + }, + { + "id": 27045, + "cuisine": "thai", + "ingredients": [ + "water", + "condensed milk", + "evaporated milk", + "tamarind", + "black tea", + "sugar", + "star anise" + ] + }, + { + "id": 12673, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "freshly ground pepper", + "salt", + "water", + "frozen corn kernels", + "whole milk", + "grits" + ] + }, + { + "id": 17512, + "cuisine": "italian", + "ingredients": [ + "country ham", + "egg whites", + "salt", + "onions", + "chicken bouillon granules", + "molasses", + "sweet potatoes", + "all-purpose flour", + "collard greens", + "olive oil", + "crushed red pepper", + "pasta sheets", + "eggs", + "pepper", + "butter", + "garlic cloves" + ] + }, + { + "id": 18928, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "roasted red peppers", + "salt", + "ground cumin", + "olive oil", + "jicama", + "reduced sodium black beans", + "chili", + "lettuce leaves", + "frozen corn kernels", + "quinoa", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 38415, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "chopped fresh chives", + "salt", + "milk", + "vegetable oil", + "japanese breadcrumbs", + "boneless skinless chicken breasts", + "large eggs", + "cheese" + ] + }, + { + "id": 15265, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "salt", + "enchilada sauce", + "olive oil", + "cheese", + "green chilies", + "onions", + "red pepper", + "penne pasta", + "sour cream", + "chicken breasts", + "black olives", + "garlic cloves", + "cumin" + ] + }, + { + "id": 4077, + "cuisine": "italian", + "ingredients": [ + "sugar", + "coffee liqueur", + "ground espresso", + "eggs", + "butter" + ] + }, + { + "id": 46833, + "cuisine": "southern_us", + "ingredients": [ + "grape tomatoes", + "water", + "hot sauce", + "smoked paprika", + "kosher salt", + "vegetable oil", + "scallions", + "chipotles in adobo", + "soy sauce", + "black-eyed peas", + "beer", + "chopped parsley", + "shredded cheddar cheese", + "garlic", + "long-grain rice", + "onions" + ] + }, + { + "id": 20440, + "cuisine": "japanese", + "ingredients": [ + "shiitake", + "green onions", + "carrots", + "glass noodles", + "chicken stock", + "Japanese soy sauce", + "yellow onion", + "celery", + "beef", + "vegetable oil", + "nonstick spray", + "sugar", + "mirin", + "firm tofu", + "boiling water" + ] + }, + { + "id": 1364, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "roasted red peppers", + "kalamata", + "black pepper", + "balsamic vinegar", + "grape tomatoes", + "cooking spray", + "extra-virgin olive oil", + "fillet red snapper", + "shallots", + "salt" + ] + }, + { + "id": 638, + "cuisine": "mexican", + "ingredients": [ + "fresh tomatoes", + "corn kernels", + "salt", + "lime", + "purple onion", + "chopped cilantro fresh", + "pepper", + "balsamic vinegar", + "hass avocado", + "salmon", + "olive oil", + "garlic cloves" + ] + }, + { + "id": 11097, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "fresh ginger", + "sliced carrots", + "Thai fish sauce", + "lemongrass", + "mint leaves", + "cilantro leaves", + "boneless skinless chicken breast halves", + "curry powder", + "shiitake", + "coarse salt", + "beansprouts", + "chicken stock", + "lime", + "chile pepper", + "scallions", + "ground cumin" + ] + }, + { + "id": 2265, + "cuisine": "italian", + "ingredients": [ + "warm water", + "all-purpose flour", + "cooking spray", + "salt", + "dry yeast", + "cornmeal" + ] + }, + { + "id": 17231, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "crushed red pepper", + "pepper", + "salt" + ] + }, + { + "id": 38686, + "cuisine": "korean", + "ingredients": [ + "ground ginger", + "pork", + "fresh ginger", + "garlic", + "Gochujang base", + "toasted sesame seeds", + "romaine lettuce", + "pepper", + "sesame oil", + "salt", + "corn tortillas", + "cumin", + "Korean chile flakes", + "soy sauce", + "garlic powder", + "purple onion", + "shredded cheese", + "plum tomatoes", + "sugar", + "lime juice", + "cilantro", + "corn syrup", + "onions", + "canola oil" + ] + }, + { + "id": 33501, + "cuisine": "mexican", + "ingredients": [ + "granulated sugar", + "white rice flour", + "baking powder", + "lard", + "tapioca starch", + "xanthan gum", + "cold water", + "salt" + ] + }, + { + "id": 15191, + "cuisine": "italian", + "ingredients": [ + "rosemary", + "garlic cloves", + "olive oil", + "polenta", + "cherry tomatoes", + "fillets", + "parmesan cheese" + ] + }, + { + "id": 11042, + "cuisine": "southern_us", + "ingredients": [ + "whipping cream", + "firmly packed light brown sugar", + "chopped pecans" + ] + }, + { + "id": 19488, + "cuisine": "japanese", + "ingredients": [ + "wasabi powder", + "dijon mustard", + "fat free yogurt", + "miso" + ] + }, + { + "id": 40848, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "egg noodles", + "scallions", + "medium shrimp", + "chinese black mushrooms", + "gingerroot", + "toasted sesame oil", + "sugar", + "vegetable oil", + "corn starch", + "snow peas", + "soy sauce", + "scotch", + "hot water" + ] + }, + { + "id": 36777, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "taco seasoning", + "ground beef", + "taco sauce", + "diced tomatoes", + "sour cream", + "lettuce", + "chili powder", + "fritos", + "olives", + "ketchup", + "tomatoes with juice", + "tomato soup" + ] + }, + { + "id": 47137, + "cuisine": "greek", + "ingredients": [ + "bay leaves", + "leg of lamb", + "mint sprigs", + "olive oil", + "dry red wine", + "large garlic cloves", + "fresh mint" + ] + }, + { + "id": 10472, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "whole peeled tomatoes", + "onions", + "kosher salt", + "garlic cloves", + "ground cumin", + "neutral oil", + "chile pepper", + "long grain white rice", + "lime", + "chopped cilantro" + ] + }, + { + "id": 36235, + "cuisine": "filipino", + "ingredients": [ + "vanilla ice cream", + "nuts", + "evaporated milk", + "cantaloupe", + "coconut", + "ice" + ] + }, + { + "id": 9712, + "cuisine": "mexican", + "ingredients": [ + "frozen limeade concentrate", + "frozen whipped topping", + "sweetened condensed milk", + "triple sec", + "pie crust", + "tequila" + ] + }, + { + "id": 3731, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "green onions", + "garlic", + "dried oregano", + "ground black pepper", + "red wine vinegar", + "salsa", + "flour tortillas", + "shredded lettuce", + "white sugar", + "lime", + "boneless skinless chicken breasts", + "salt", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 27643, + "cuisine": "spanish", + "ingredients": [ + "tomato sauce", + "cayenne pepper", + "large garlic cloves", + "sharp cheddar cheese", + "cooked chicken", + "green chilies", + "green bell pepper", + "paprika", + "onions" + ] + }, + { + "id": 12542, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "reduced sodium soy sauce", + "vegetable oil", + "somen", + "water", + "green onions", + "carrots", + "toasted peanuts", + "zucchini", + "Thai red curry paste", + "chopped garlic", + "fresh ginger", + "sesame oil", + "fresh mint" + ] + }, + { + "id": 40512, + "cuisine": "southern_us", + "ingredients": [ + "water", + "bacon", + "tomatoes", + "ground black pepper", + "garlic cloves", + "celery ribs", + "black-eyed peas", + "salt", + "cooked rice", + "red pepper flakes", + "onions" + ] + }, + { + "id": 1209, + "cuisine": "greek", + "ingredients": [ + "chicken stock", + "scallions", + "large eggs", + "long grain white rice", + "reduced sodium chicken broth", + "fresh lemon juice", + "dill" + ] + }, + { + "id": 22801, + "cuisine": "mexican", + "ingredients": [ + "taco bell home originals", + "zesty italian dressing", + "cooked long-grain brown rice", + "TACO BELL® HOME ORIGINALS® Taco Seasoning Mix", + "frozen corn", + "boneless chicken skinless thigh", + "no-salt-added black beans", + "green onions", + "KRAFT Mexican Style 2% Milk Finely Shredded Four Cheese" + ] + }, + { + "id": 23795, + "cuisine": "cajun_creole", + "ingredients": [ + "frozen okra", + "diced tomatoes", + "celery", + "andouille sausage", + "cooking spray", + "garlic cloves", + "medium shrimp", + "dried thyme", + "worcestershire sauce", + "frozen peppers and onions", + "fresh parsley", + "cooked rice", + "tomato juice", + "hot sauce", + "bay leaf" + ] + }, + { + "id": 46051, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "fresh parmesan cheese", + "escarole", + "pepper", + "salt", + "tomato sauce", + "cannellini beans", + "fresh rosemary", + "won ton wrappers", + "garlic cloves" + ] + }, + { + "id": 19459, + "cuisine": "mexican", + "ingredients": [ + "ratatouille", + "pepper jack", + "flour tortillas" + ] + }, + { + "id": 11555, + "cuisine": "mexican", + "ingredients": [ + "cactus paddles", + "salsa verde", + "salt", + "serrano chile", + "avocado", + "lime", + "queso fresco", + "chopped cilantro", + "white onion", + "jalapeno chilies", + "corn tortillas", + "chile verde", + "olive oil", + "tomatillos", + "chopped cilantro fresh" + ] + }, + { + "id": 7899, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "diced tomatoes", + "fresh basil", + "corn kernels", + "salt", + "black pepper", + "crushed red pepper", + "vidalia onion", + "olive oil", + "fresh lime juice" + ] + }, + { + "id": 19992, + "cuisine": "spanish", + "ingredients": [ + "minced garlic", + "almonds", + "dijon mustard", + "fresh lemon juice", + "medium shrimp", + "kosher salt", + "honey", + "ground black pepper", + "crushed red pepper", + "smoked paprika", + "olives", + "salad greens", + "sherry vinegar", + "extra-virgin olive oil", + "shrimp", + "fresh parsley", + "baguette", + "manchego cheese", + "roasted red peppers", + "fino sherry", + "serrano ham" + ] + }, + { + "id": 15520, + "cuisine": "italian", + "ingredients": [ + "green olives", + "extra-virgin olive oil", + "shark", + "fresh basil leaves", + "bread crumbs", + "garlic cloves", + "almonds", + "plum tomatoes" + ] + }, + { + "id": 20286, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "all-purpose flour", + "vanilla beans", + "butter", + "sugar", + "whole milk", + "Grand Marnier", + "large egg whites", + "Amaretti Cookies" + ] + }, + { + "id": 38858, + "cuisine": "chinese", + "ingredients": [ + "chinese rice wine", + "green onions", + "scallions", + "low sodium soy sauce", + "low sodium chicken broth", + "ground pork", + "bok choy", + "water", + "wonton wrappers", + "shrimp", + "brown sugar", + "egg yolks", + "salt" + ] + }, + { + "id": 26895, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "baking powder", + "Dutch-processed cocoa powder", + "confectioners sugar", + "unsalted butter", + "red food coloring", + "all-purpose flour", + "baking soda", + "buttermilk", + "salt", + "large eggs", + "vanilla extract", + "cream cheese" + ] + }, + { + "id": 31578, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "ground red pepper", + "fresh parsley", + "cooked rice", + "ground black pepper", + "smoked sausage", + "celery ribs", + "cooked ham", + "butter", + "onions", + "green bell pepper", + "green onions", + "salt" + ] + }, + { + "id": 21079, + "cuisine": "french", + "ingredients": [ + "large eggs", + "long grain white rice", + "zucchini", + "thyme", + "olive oil", + "garlic cloves", + "plum tomatoes", + "parmigiano reggiano cheese", + "onions" + ] + }, + { + "id": 16959, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "salt", + "baking soda", + "all purpose unbleached flour", + "dark brown sugar", + "light molasses", + "buttermilk", + "whole wheat flour", + "large eggs", + "walnuts" + ] + }, + { + "id": 41820, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "all-purpose flour", + "sea salt", + "water" + ] + }, + { + "id": 21078, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "granulated sugar", + "honey", + "cake flour", + "water", + "cooking oil", + "baking soda" + ] + }, + { + "id": 23248, + "cuisine": "spanish", + "ingredients": [ + "pork tenderloin", + "orange", + "dried oregano", + "garlic cloves", + "olive oil" + ] + }, + { + "id": 1248, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "boneless chicken", + "garlic", + "egg whites", + "grating cheese", + "lemon juice", + "cream", + "yoghurt", + "cracked black pepper", + "cumin", + "chili paste", + "butter", + "salt" + ] + }, + { + "id": 41821, + "cuisine": "italian", + "ingredients": [ + "sliced almonds", + "shortbread cookies", + "large eggs", + "sugar", + "heavy cream", + "mascarpone", + "strawberries" + ] + }, + { + "id": 8664, + "cuisine": "japanese", + "ingredients": [ + "shortening", + "ice water", + "shrimp", + "baking powder", + "all-purpose flour", + "white sugar", + "egg yolks", + "salt", + "corn starch", + "rice wine", + "oil" + ] + }, + { + "id": 34283, + "cuisine": "mexican", + "ingredients": [ + "water", + "garlic cloves", + "ground cumin", + "brown sugar", + "chili powder", + "ground turkey", + "Mexican cheese blend", + "elbow macaroni", + "tomato sauce", + "vegetable oil", + "onions" + ] + }, + { + "id": 2214, + "cuisine": "italian", + "ingredients": [ + "fresh tomatoes", + "extra large eggs", + "pecorino cheese", + "red wine vinegar", + "fresh basil leaves", + "chicken broth", + "ground black pepper", + "salt", + "bread", + "olive oil", + "garlic" + ] + }, + { + "id": 29843, + "cuisine": "mexican", + "ingredients": [ + "kidney beans", + "frozen corn kernels", + "chopped cilantro fresh", + "tomato sauce", + "chili powder", + "taco seasoning reduced sodium", + "boneless skinless chicken breasts", + "green chilies", + "cumin", + "black beans", + "diced tomatoes", + "onions" + ] + }, + { + "id": 3879, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "kale", + "vegetable stock", + "frozen corn", + "avocado", + "lime", + "chili powder", + "salt", + "cumin", + "pepper", + "flour tortillas", + "garlic", + "dried oregano", + "black beans", + "olive oil", + "cilantro", + "onions" + ] + }, + { + "id": 14591, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "ground pork", + "peanut oil", + "cold water", + "leeks", + "salt", + "fermented black beans", + "soft tofu", + "garlic", + "corn starch", + "chicken stock", + "ground sichuan pepper", + "chili bean paste", + "white sugar" + ] + }, + { + "id": 34146, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "ground black pepper", + "salt", + "dried porcini mushrooms", + "butter", + "hot water", + "canned low sodium chicken broth", + "grated parmesan cheese", + "goat cheese", + "olive oil", + "garlic", + "onions" + ] + }, + { + "id": 21322, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "olive oil", + "vegetable oil", + "lemon juice", + "avocado", + "fresh cilantro", + "green onions", + "nopales", + "pepper", + "serrano peppers", + "salt", + "corn tortillas", + "tomatoes", + "fresh cheese", + "Mexican oregano", + "chopped onion" + ] + }, + { + "id": 25880, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "sesame oil", + "peanut oil", + "Shaoxing wine", + "salt", + "red chili peppers", + "boneless chicken", + "scallions", + "celery ribs", + "szechwan peppercorns", + "chili bean paste" + ] + }, + { + "id": 25697, + "cuisine": "indian", + "ingredients": [ + "water", + "vegetable oil", + "yellow split peas", + "garlic cloves", + "spinach", + "ground red pepper", + "cauliflower florets", + "ground coriander", + "ground turmeric", + "peeled fresh ginger", + "butter", + "chopped onion", + "bay leaf", + "ground cloves", + "brown mustard seeds", + "salt", + "cumin seed" + ] + }, + { + "id": 39612, + "cuisine": "thai", + "ingredients": [ + "eggs", + "green onions", + "oyster sauce", + "white sugar", + "fish sauce", + "vegetable oil", + "fresh lime juice", + "chopped cilantro fresh", + "pepper sauce", + "rice noodles", + "beansprouts", + "boneless skinless chicken breast halves", + "chicken stock", + "lime", + "unsalted dry roast peanuts", + "medium shrimp", + "chopped garlic" + ] + }, + { + "id": 25887, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil cooking spray", + "green onions", + "chopped celery", + "long-grain rice", + "smoked turkey sausage", + "tomato paste", + "bay leaves", + "garlic", + "chopped onion", + "no salt added chicken broth", + "pepper", + "chicken breast halves", + "all-purpose flour", + "shrimp", + "oregano", + "water", + "vegetable oil", + "green pepper", + "thyme" + ] + }, + { + "id": 21426, + "cuisine": "italian", + "ingredients": [ + "butter", + "fresh parsley", + "ground black pepper", + "salt", + "garlic powder", + "heavy cream", + "grated parmesan cheese", + "mostaccioli" + ] + }, + { + "id": 47241, + "cuisine": "italian", + "ingredients": [ + "sugar pea", + "olive oil", + "garlic cloves", + "black pepper", + "red wine", + "lean ground pork", + "marinara sauce", + "refrigerated fettuccine", + "fresh basil", + "kosher salt", + "grated carrot" + ] + }, + { + "id": 42730, + "cuisine": "mexican", + "ingredients": [ + "salsa verde", + "cilantro", + "yellow onion", + "corn-on-the-cob", + "shredded cheddar cheese", + "chili powder", + "garlic", + "pinto beans", + "ground cumin", + "flour tortillas", + "extra-virgin olive oil", + "cayenne pepper", + "chorizo sausage", + "chopped tomatoes", + "lean ground beef", + "sweet pepper", + "sour cream" + ] + }, + { + "id": 27726, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "diced green chilies", + "chili powder", + "paprika", + "sour cream", + "dried oregano", + "taco shells", + "fat-free refried beans", + "low sodium tomato sauce", + "salsa", + "onions", + "black pepper", + "guacamole", + "onion powder", + "crushed red pepper flakes", + "ground beef", + "ground cumin", + "lettuce", + "garlic powder", + "colby jack cheese", + "sea salt", + "taco seasoning", + "olives" + ] + }, + { + "id": 10, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "crushed red pepper flakes", + "top round steak", + "rice wine", + "corn starch", + "bell pepper", + "fat", + "soy sauce", + "vegetable oil", + "onions" + ] + }, + { + "id": 18233, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "garlic", + "chickpeas", + "tomatoes", + "garam masala", + "salt", + "cumin seed", + "water", + "purple onion", + "ground coriander", + "chat masala", + "ginger", + "dried chickpeas", + "serrano chile" + ] + }, + { + "id": 34690, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "sea salt", + "ground black pepper", + "ground white pepper", + "cider vinegar", + "dark brown sugar", + "red pepper flakes", + "white sugar" + ] + }, + { + "id": 19885, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "grated orange", + "ground cinnamon", + "white sugar", + "vanilla extract", + "eggs", + "whiskey" + ] + }, + { + "id": 33347, + "cuisine": "italian", + "ingredients": [ + "grated lemon zest", + "pizza doughs", + "ricotta", + "asparagus", + "oil" + ] + }, + { + "id": 17910, + "cuisine": "southern_us", + "ingredients": [ + "quick-cooking hominy grits", + "whipping cream", + "soft fresh goat cheese", + "chopped fresh thyme", + "garlic cloves", + "butter", + "low salt chicken broth", + "chopped fresh chives", + "oil" + ] + }, + { + "id": 25619, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "hoisin sauce", + "button mushrooms", + "cooking sherry", + "black pepper", + "rice noodles", + "carrots", + "soy sauce", + "chicken breasts", + "garlic", + "onions", + "olive oil", + "red pepper", + "asparagus spears" + ] + }, + { + "id": 30734, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "lemon slices", + "feta cheese crumbles", + "kalamata", + "freshly ground pepper", + "lemon", + "fresh oregano", + "dried oregano", + "bone-in chicken breast halves", + "salt", + "garlic cloves" + ] + }, + { + "id": 18651, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "zucchini", + "scallions", + "cumin", + "lean ground turkey", + "mild salsa", + "chili powder", + "onions", + "water", + "bell pepper", + "shredded cheese", + "tomato sauce", + "garlic powder", + "paprika", + "oregano" + ] + }, + { + "id": 23750, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "frozen corn", + "monterey jack", + "watercress", + "fresh lime juice", + "flour tortillas", + "cayenne pepper", + "canola oil", + "black pepper", + "purple onion", + "ground beef" + ] + }, + { + "id": 9757, + "cuisine": "thai", + "ingredients": [ + "pork", + "chili paste", + "galangal", + "tomatoes", + "chili", + "sliced mushrooms", + "fish sauce", + "lemon grass", + "lime leaves", + "lime juice", + "rice noodles" + ] + }, + { + "id": 49643, + "cuisine": "french", + "ingredients": [ + "butter", + "water", + "salt", + "old-fashioned oatmeal", + "apples", + "milk", + "lemon juice" + ] + }, + { + "id": 997, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "sea salt", + "poblano chiles", + "baking powder", + "frozen corn kernels", + "whole milk", + "all-purpose flour", + "monterey jack", + "eggs", + "butter", + "red bell pepper" + ] + }, + { + "id": 12970, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "tortillas", + "cilantro", + "tomatoes", + "lime", + "boneless skinless chicken breasts", + "sweet corn", + "lime juice", + "guacamole", + "salt", + "black beans", + "olive oil", + "shredded lettuce", + "tequila" + ] + }, + { + "id": 341, + "cuisine": "italian", + "ingredients": [ + "diced tomatoes", + "crushed red pepper", + "pork sausages", + "zucchini", + "dry red wine", + "carrots", + "rigatoni", + "tomato paste", + "basil", + "garlic cloves", + "oregano", + "grated parmesan cheese", + "garlic", + "onions" + ] + }, + { + "id": 14788, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "garam masala", + "arrowroot powder", + "coconut oil", + "ground black pepper", + "garlic", + "curry powder", + "chicken breasts", + "fine sea salt", + "full fat coconut milk", + "chili powder", + "onions" + ] + }, + { + "id": 2645, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "salt", + "sesame oil", + "hearts of romaine", + "sugar", + "vegetable oil", + "Shaoxing wine", + "garlic cloves" + ] + }, + { + "id": 29991, + "cuisine": "mexican", + "ingredients": [ + "poblano peppers", + "garlic", + "shrimp", + "chopped cilantro fresh", + "olive oil", + "baby spinach", + "cayenne pepper", + "chipotles in adobo", + "chicken", + "green cabbage", + "flour", + "salt", + "sour cream", + "oregano", + "garlic powder", + "butter", + "carrots", + "onions", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 3519, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "butter", + "chicken bouillon", + "butter beans" + ] + }, + { + "id": 23931, + "cuisine": "russian", + "ingredients": [ + "water", + "bacon", + "dill seed", + "marjoram", + "polish sausage", + "red wine vinegar", + "beets", + "fresh parsley", + "black peppercorns", + "shredded cabbage", + "chopped onion", + "dill weed", + "chuck", + "leeks", + "salt", + "carrots", + "white sugar" + ] + }, + { + "id": 20739, + "cuisine": "italian", + "ingredients": [ + "pepperoni slices", + "marinara sauce", + "mozzarella cheese", + "italian sausage", + "pizza doughs" + ] + }, + { + "id": 35539, + "cuisine": "southern_us", + "ingredients": [ + "country ham", + "butter", + "reduced sodium chicken broth", + "kimchi", + "soy sauce", + "chopped onion", + "collard greens", + "apple cider vinegar", + "lard" + ] + }, + { + "id": 2814, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "ground pepper", + "vegetable oil", + "beer", + "tomatoes", + "ketchup", + "red cabbage", + "all-purpose flour", + "white corn tortillas", + "lime", + "lime wedges", + "halibut", + "crema mexicana", + "hot pepper sauce", + "fine sea salt" + ] + }, + { + "id": 7762, + "cuisine": "indian", + "ingredients": [ + "cream", + "chili powder", + "cumin seed", + "chaat masala", + "fenugreek leaves", + "garam masala", + "salt", + "jeera", + "tomatoes", + "milk", + "paneer", + "oil", + "ground turmeric", + "garlic paste", + "coriander powder", + "green chilies", + "onions" + ] + }, + { + "id": 29005, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "grated parmesan cheese", + "bread crumb fresh", + "ground black pepper", + "garlic cloves", + "lacinato kale", + "oil packed anchovy fillets", + "crushed red pepper flakes", + "kosher salt", + "unsalted butter", + "orecchiette" + ] + }, + { + "id": 17875, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "sesame oil", + "sesame seeds", + "garlic cloves", + "soy sauce", + "teriyaki sauce", + "chicken broth", + "chicken breasts" + ] + }, + { + "id": 48067, + "cuisine": "mexican", + "ingredients": [ + "cilantro", + "sugar", + "salt", + "white vinegar", + "purple onion", + "pepper", + "plum tomatoes" + ] + }, + { + "id": 26109, + "cuisine": "mexican", + "ingredients": [ + "red leaf lettuce", + "large garlic cloves", + "fresh lime juice", + "ground cumin", + "avocado", + "vegetable oil", + "cucumber", + "large shrimp", + "chili", + "purple onion", + "chopped cilantro fresh", + "flour tortillas", + "cilantro leaves", + "plum tomatoes" + ] + }, + { + "id": 34130, + "cuisine": "filipino", + "ingredients": [ + "cooked ham", + "ground black pepper", + "ground pork", + "red bell pepper", + "bread crumbs", + "golden raisins", + "yellow onion", + "ground beef", + "soy sauce", + "hard-boiled egg", + "garlic", + "chopped parsley", + "kosher salt", + "pimentos", + "carrots", + "canola oil" + ] + }, + { + "id": 30952, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "sherry vinegar", + "slivered almonds", + "sourdough bread", + "roasted almond oil", + "kefir", + "english cucumber", + "seedless green grape", + "honey" + ] + }, + { + "id": 9484, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "honey", + "blanched almonds" + ] + }, + { + "id": 21176, + "cuisine": "southern_us", + "ingredients": [ + "dijon mustard", + "worcestershire sauce", + "mayonaise" + ] + }, + { + "id": 41334, + "cuisine": "french", + "ingredients": [ + "pepper", + "butter", + "hash brown", + "green pepper", + "milk", + "salt", + "eggs", + "fully cooked ham", + "sharp cheddar cheese" + ] + }, + { + "id": 10325, + "cuisine": "mexican", + "ingredients": [ + "grated jack cheese", + "hot pepper sauce", + "chopped cilantro fresh", + "flour tortillas", + "pork sausages", + "cheddar cheese", + "green chilies" + ] + }, + { + "id": 33298, + "cuisine": "moroccan", + "ingredients": [ + "clove", + "paprika", + "coriander seeds", + "ground red pepper", + "ground cinnamon", + "cumin seed" + ] + }, + { + "id": 35744, + "cuisine": "southern_us", + "ingredients": [ + "bay leaves", + "pork shoulder", + "dried thyme", + "all-purpose flour", + "dry white wine", + "onions", + "unsalted butter", + "garlic cloves" + ] + }, + { + "id": 11848, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "vegetable oil", + "oil", + "flour", + "salt", + "water", + "paprika", + "corn tortillas", + "chili powder", + "shredded American cheese" + ] + }, + { + "id": 46557, + "cuisine": "japanese", + "ingredients": [ + "boneless chicken breast", + "eggs", + "scallions", + "dipping sauces", + "sushi rice", + "onions" + ] + }, + { + "id": 27547, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "garlic cloves", + "olive oil", + "chicken", + "pepper", + "fresh lemon juice", + "salt" + ] + }, + { + "id": 29968, + "cuisine": "chinese", + "ingredients": [ + "sake", + "ginger", + "cabbage", + "low sodium soy sauce", + "sliced carrots", + "toasted sesame oil", + "diced onions", + "sugar", + "red bell pepper", + "chopped garlic", + "green bell pepper", + "red pepper flakes", + "large shrimp" + ] + }, + { + "id": 22209, + "cuisine": "mexican", + "ingredients": [ + "vanilla ice cream", + "raspberry sherbet", + "cinnamon", + "chopped fresh mint", + "granny smith apples", + "peach sorbet", + "corn tortillas", + "sugar", + "orange marmalade", + "strawberries", + "mango", + "fresh ginger", + "vegetable oil", + "fresh lime juice" + ] + }, + { + "id": 4081, + "cuisine": "indian", + "ingredients": [ + "grape tomatoes", + "garam masala", + "crushed red pepper flakes", + "fenugreek seeds", + "mustard seeds", + "ground turmeric", + "curry powder", + "bell pepper", + "garlic", + "cumin seed", + "coconut milk", + "curry leaves", + "fresh ginger", + "frozen green beans", + "salt", + "carrots", + "onions", + "water", + "potatoes", + "button mushrooms", + "green chilies", + "cinnamon sticks" + ] + }, + { + "id": 29338, + "cuisine": "cajun_creole", + "ingredients": [ + "large eggs", + "vegetable oil", + "all-purpose flour", + "catfish fillets", + "whole milk", + "worcestershire sauce", + "chop fine pecan", + "large garlic cloves", + "fresh lemon juice", + "unsalted butter", + "dry white wine", + "whipping cream" + ] + }, + { + "id": 26211, + "cuisine": "southern_us", + "ingredients": [ + "water", + "freshly ground pepper", + "salt", + "grits" + ] + }, + { + "id": 22117, + "cuisine": "italian", + "ingredients": [ + "candy bar", + "all-purpose flour", + "granulated sugar", + "butter", + "chocolate candy bars", + "large eggs", + "salt", + "white cornmeal", + "milk chocolate", + "baking powder", + "hazelnut liqueur" + ] + }, + { + "id": 45431, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "chopped cilantro fresh", + "hellmann' or best food real mayonnais", + "ground cumin", + "purple onion", + "mango", + "grape tomatoes", + "chipotle peppers" + ] + }, + { + "id": 16618, + "cuisine": "indian", + "ingredients": [ + "wafer", + "vegetable oil" + ] + }, + { + "id": 13428, + "cuisine": "italian", + "ingredients": [ + "ground pepper", + "fresh mozzarella", + "garlic cloves", + "butternut squash", + "part-skim ricotta cheese", + "plum tomatoes", + "grated parmesan cheese", + "extra-virgin olive oil", + "oven-ready lasagna noodles", + "spinach", + "coarse salt", + "grated nutmeg", + "dried oregano" + ] + }, + { + "id": 13891, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "cilantro leaves", + "large shrimp", + "soy sauce", + "sesame oil", + "rice flour", + "sake", + "egg yolks", + "hot chili sauce", + "kosher salt", + "vegetable oil", + "seltzer water" + ] + }, + { + "id": 28022, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "garlic", + "pasta", + "cracked black pepper", + "parmigiano reggiano cheese", + "salt", + "large egg yolks", + "extra-virgin olive oil" + ] + }, + { + "id": 45856, + "cuisine": "spanish", + "ingredients": [ + "yukon gold potatoes", + "kosher salt", + "onions", + "extra-virgin olive oil", + "large eggs" + ] + }, + { + "id": 20636, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "chopped green bell pepper", + "tomato basil sauce", + "part-skim mozzarella cheese", + "butter", + "Italian turkey sausage", + "fat free milk", + "cooking spray", + "chopped onion", + "fresh parmesan cheese", + "all-purpose flour", + "manicotti" + ] + }, + { + "id": 48759, + "cuisine": "jamaican", + "ingredients": [ + "scotch bonnet chile", + "thyme sprigs", + "water", + "scallions", + "black pepper", + "salt", + "allspice", + "shell-on shrimp", + "garlic cloves" + ] + }, + { + "id": 33745, + "cuisine": "spanish", + "ingredients": [ + "salt", + "roasted red peppers" + ] + }, + { + "id": 31106, + "cuisine": "french", + "ingredients": [ + "honey", + "lime rind", + "plums", + "vanilla beans", + "fresh lime juice", + "vanilla lowfat yogurt", + "sauterne" + ] + }, + { + "id": 44329, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "balsamic vinegar", + "salt", + "asparagus", + "sweet pepper", + "fresh oregano", + "ground black pepper", + "whole grain rotini", + "shredded parmesan cheese", + "zucchini", + "purple onion" + ] + }, + { + "id": 24775, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "green onions", + "garlic cloves", + "mung bean sprouts", + "soy sauce", + "barbecued pork", + "carrots", + "peeled fresh ginger", + "peanut oil", + "corn starch", + "sugar", + "sesame oil", + "Chinese egg noodles", + "snow peas" + ] + }, + { + "id": 25719, + "cuisine": "southern_us", + "ingredients": [ + "warm water", + "club soda", + "tea bags", + "lemon", + "wheels", + "sugar", + "george dickel" + ] + }, + { + "id": 29249, + "cuisine": "italian", + "ingredients": [ + "1% low-fat milk", + "freshly ground pepper", + "minced garlic", + "margarine", + "fettucine", + "all-purpose flour", + "canadian bacon", + "grated parmesan cheese", + "cream cheese" + ] + }, + { + "id": 17983, + "cuisine": "cajun_creole", + "ingredients": [ + "mayonaise", + "scallions", + "italian salad dressing", + "chopped celery", + "chopped parsley", + "cream cheese", + "medium shrimp", + "cajun seasoning", + "fresh lemon juice" + ] + }, + { + "id": 48433, + "cuisine": "mexican", + "ingredients": [ + "condensed cream of chicken soup", + "sour cream", + "chile pepper", + "corn tortillas", + "green onions", + "shredded colby", + "roasting chickens", + "muenster cheese" + ] + }, + { + "id": 33660, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "diced tomatoes", + "garlic salt", + "chopped green chilies", + "worcestershire sauce", + "onions", + "water", + "beef stock cubes", + "ground beef", + "ground cumin", + "molasses", + "ground black pepper", + "salt", + "pork sausages" + ] + }, + { + "id": 48217, + "cuisine": "french", + "ingredients": [ + "lamb shanks", + "sea salt", + "carrots", + "dijon mustard", + "garlic", + "ground black pepper", + "dry red wine", + "fresh rosemary", + "lemon", + "yellow onion" + ] + }, + { + "id": 27791, + "cuisine": "spanish", + "ingredients": [ + "water", + "whipping cream", + "dark brown sugar", + "egg yolks", + "apple juice", + "unsalted butter", + "vanilla extract", + "sour cream", + "sugar", + "half & half", + "fresh raspberries" + ] + }, + { + "id": 24057, + "cuisine": "french", + "ingredients": [ + "sugar", + "all-purpose flour", + "ice water", + "unsalted butter", + "salt" + ] + }, + { + "id": 47615, + "cuisine": "southern_us", + "ingredients": [ + "egg yolks", + "chopped pecans", + "sugar", + "all-purpose flour", + "milk", + "lemon juice", + "butter" + ] + }, + { + "id": 29839, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "baking soda", + "vegetable shortening", + "salt", + "cocoa", + "vinegar", + "vanilla", + "sugar", + "granulated sugar", + "buttermilk", + "eggs", + "milk", + "flour", + "red food coloring" + ] + }, + { + "id": 45790, + "cuisine": "moroccan", + "ingredients": [ + "warm water", + "salt", + "sea salt flakes", + "plain flour", + "semolina", + "wholemeal flour", + "salad", + "pepper", + "cumin seed", + "ground cumin", + "sugar", + "lamb shoulder", + "yeast" + ] + }, + { + "id": 31062, + "cuisine": "greek", + "ingredients": [ + "non-fat sour cream", + "nonfat yogurt", + "cucumber", + "baked pita chips", + "lemon juice", + "Hidden Valley® Original Ranch® Light Dressing" + ] + }, + { + "id": 32317, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "celery", + "green bell pepper", + "diced tomatoes", + "onions", + "turkey sausage", + "bay leaf", + "low sodium chicken broth", + "garlic", + "long grain white rice" + ] + }, + { + "id": 40280, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "frozen peas", + "water", + "carrots", + "soy sauce", + "worcestershire sauce", + "basmati rice", + "green onions", + "onions" + ] + }, + { + "id": 33141, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "onions", + "parsnips", + "carrots", + "salt", + "water", + "ground beef" + ] + }, + { + "id": 307, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "large eggs", + "raisins", + "ground cumin", + "olive oil", + "pimentos", + "ground beef", + "honey", + "pastry dough", + "hot sauce", + "ground black pepper", + "coarse salt", + "onions" + ] + }, + { + "id": 48583, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "vegetable oil", + "pea shoots", + "chinese noodles", + "chopped walnuts", + "soy sauce", + "sesame oil", + "scallions", + "mustard", + "peanuts", + "chili oil" + ] + }, + { + "id": 10764, + "cuisine": "french", + "ingredients": [ + "sugar", + "apples", + "canola oil", + "Boston lettuce", + "dried cherry", + "salt", + "pepper", + "white wine vinegar", + "camembert", + "mayonaise", + "glazed pecans", + "maple syrup" + ] + }, + { + "id": 22288, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "white sugar", + "pinenuts", + "all-purpose flour", + "eggs", + "salt", + "honey", + "confectioners sugar" + ] + }, + { + "id": 16549, + "cuisine": "mexican", + "ingredients": [ + "hominy", + "garlic", + "iceberg lettuce", + "white onion", + "boneless skinless chicken breasts", + "rib", + "tostadas", + "jalapeno chilies", + "achiote paste", + "chicken", + "lime", + "cilantro", + "oregano" + ] + }, + { + "id": 5158, + "cuisine": "italian", + "ingredients": [ + "eggs", + "pepper", + "flour", + "anchovy paste", + "oregano", + "chili flakes", + "olive oil", + "basil", + "loin pork chops", + "capers", + "minced garlic", + "balsamic vinegar", + "salt", + "tomatoes", + "brown sugar", + "grated parmesan cheese", + "kalamata", + "panko breadcrumbs" + ] + }, + { + "id": 13284, + "cuisine": "chinese", + "ingredients": [ + "fat free less sodium chicken broth", + "salt", + "ground white pepper", + "sliced green onions", + "peeled fresh ginger", + "firm tofu", + "wood ear mushrooms", + "bean threads", + "less sodium soy sauce", + "dark sesame oil", + "boiling water", + "tilapia fillets", + "rice vinegar", + "chinese black vinegar" + ] + }, + { + "id": 9777, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "cayenne", + "cornmeal", + "dried thyme", + "salt", + "mayonaise", + "cooking oil", + "greens", + "catfish fillets", + "ground black pepper", + "crusty rolls" + ] + }, + { + "id": 16481, + "cuisine": "cajun_creole", + "ingredients": [ + "lettuce leaves", + "crushed red pepper", + "fresh lemon juice", + "lime", + "lemon", + "sauce", + "fresh lime juice", + "orange", + "grapefruit juice", + "pineapple juice", + "shrimp", + "citrus fruit", + "fresh orange juice", + "grapefruit" + ] + }, + { + "id": 5446, + "cuisine": "indian", + "ingredients": [ + "clove", + "mace", + "rice", + "cinnamon sticks", + "tomatoes", + "teas", + "green chilies", + "chicken", + "nutmeg", + "yoghurt", + "green cardamom", + "onions", + "water", + "salt", + "oil" + ] + }, + { + "id": 33530, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium chicken broth", + "shallots", + "Sriracha", + "chopped cilantro", + "lime juice", + "ground pork", + "soy sauce", + "chinese eggplants", + "canola oil" + ] + }, + { + "id": 38449, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "quickcooking grits", + "ground cinnamon", + "egg yolks", + "peach preserves", + "unsalted butter", + "vanilla extract", + "sugar", + "mint leaves", + "frozen peach slices" + ] + }, + { + "id": 15659, + "cuisine": "thai", + "ingredients": [ + "lime", + "coconut milk", + "red chili peppers", + "cilantro leaves", + "galangal", + "chicken stock", + "chicken breasts", + "lime leaves", + "lemongrass", + "Thai fish sauce" + ] + }, + { + "id": 46459, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lemongrass", + "radishes", + "hanger steak", + "salt", + "fresh mint", + "pepper", + "chili paste", + "shallots", + "tamari soy sauce", + "peanut oil", + "fresh lime juice", + "soy sauce", + "peanuts", + "lemon zest", + "watercress", + "cilantro leaves", + "toasted sesame oil", + "minced garlic", + "raw honey", + "sesame oil", + "purple onion", + "chinese five-spice powder" + ] + }, + { + "id": 17803, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped fresh thyme", + "olive oil", + "smoked paprika", + "andouille sausage", + "garlic cloves", + "sherry wine vinegar" + ] + }, + { + "id": 42393, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "salt", + "hothouse cucumber", + "extra-virgin olive oil", + "chopped fresh mint", + "2% lowfat greek yogurt" + ] + }, + { + "id": 37995, + "cuisine": "spanish", + "ingredients": [ + "chicken stock", + "bay leaves", + "garlic", + "frozen peas", + "chorizo", + "coarse salt", + "red bell pepper", + "tomatoes", + "vegetable oil", + "medium-grain rice", + "pimenton", + "saffron threads", + "ground black pepper", + "chicken meat", + "onions" + ] + }, + { + "id": 1171, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "diced onions", + "fresh lime juice", + "tomatoes", + "chopped cilantro fresh", + "salt" + ] + }, + { + "id": 16112, + "cuisine": "cajun_creole", + "ingredients": [ + "shrimp tails", + "frozen okra", + "chili powder", + "purple onion", + "corn starch", + "green bell pepper", + "dried thyme", + "low sodium chicken broth", + "garlic", + "all-purpose flour", + "roasted tomatoes", + "cold water", + "dried basil", + "quinoa", + "cajun seasoning", + "salt", + "red bell pepper", + "black pepper", + "olive oil", + "boneless skinless chicken breasts", + "chopped celery", + "cayenne pepper", + "dried oregano" + ] + }, + { + "id": 11550, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "dipping sauces", + "soy sauce", + "mirin", + "water", + "green onions", + "sesame seeds", + "soba noodles" + ] + }, + { + "id": 34929, + "cuisine": "mexican", + "ingredients": [ + "turkey bacon", + "freshly ground pepper", + "russet potatoes", + "monterey jack", + "olive oil", + "scallions", + "salt" + ] + }, + { + "id": 8369, + "cuisine": "greek", + "ingredients": [ + "green onions", + "lemon juice", + "ground black pepper", + "salt", + "garbanzo beans", + "garlic", + "flat leaf parsley", + "tahini", + "grated lemon zest" + ] + }, + { + "id": 33572, + "cuisine": "southern_us", + "ingredients": [ + "fresh basil", + "half & half", + "all-purpose flour", + "pepper", + "bacon slices", + "vidalia onion", + "butter", + "garlic cloves", + "corn kernels", + "salt" + ] + }, + { + "id": 3052, + "cuisine": "british", + "ingredients": [ + "turnips", + "milk", + "dry white wine", + "lamb shoulder", + "carrots", + "water", + "leeks", + "heavy cream", + "beef broth", + "black pepper", + "unsalted butter", + "baking potatoes", + "all-purpose flour", + "tomato paste", + "pearl onions", + "chopped fresh thyme", + "salt", + "chopped garlic" + ] + }, + { + "id": 17448, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "chili powder", + "ginger", + "purple onion", + "mustard seeds", + "grated coconut", + "mint leaves", + "lemon", + "garlic", + "green chilies", + "coconut milk", + "garam masala", + "vegetable oil", + "cardamom seeds", + "salt", + "cinnamon sticks", + "cream", + "free-range chickens", + "poppy seeds", + "curry", + "cumin seed", + "clarified butter" + ] + }, + { + "id": 6896, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "croutons", + "tomatoes", + "ground black pepper", + "english cucumber", + "tomato juice", + "purple onion", + "green bell pepper", + "red wine vinegar", + "garlic cloves" + ] + }, + { + "id": 38980, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "vegetable oil", + "dark sesame oil", + "boneless skinless chicken breast halves", + "fresh basil", + "lime", + "dried rice noodles", + "coconut milk", + "dark soy sauce", + "fresh ginger root", + "chopped onion", + "fresh lime juice", + "water", + "heavy cream", + "corn starch", + "chopped cilantro fresh" + ] + }, + { + "id": 44837, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "onions", + "boneless skinless chicken breasts", + "crushed tomatoes", + "Hidden Valley® Farmhouse Originals Italian with Herbs Dressing" + ] + }, + { + "id": 27322, + "cuisine": "italian", + "ingredients": [ + "melted butter", + "pepper", + "bay leaves", + "garlic cloves", + "garlic salt", + "tomato sauce", + "dried basil", + "salt", + "ground beef", + "italian seasoning", + "brown sugar", + "crushed tomatoes", + "butter", + "bay leaf", + "dried oregano", + "tomato paste", + "hot red pepper flakes", + "dried thyme", + "italian loaf", + "onions" + ] + }, + { + "id": 38138, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "crushed red pepper", + "clams", + "clam juice", + "fresh parsley", + "dry white wine", + "garlic cloves", + "anise seed", + "linguine" + ] + }, + { + "id": 31360, + "cuisine": "mexican", + "ingredients": [ + "soy sauce", + "guacamole", + "yellow onion", + "ancho chile pepper", + "lime", + "cilantro leaves", + "oil", + "ground cumin", + "lime juice", + "garlic", + "cayenne pepper", + "dried oregano", + "sugar", + "flour tortillas", + "salsa", + "sour cream" + ] + }, + { + "id": 15444, + "cuisine": "southern_us", + "ingredients": [ + "ground red pepper", + "oregano", + "garlic powder", + "paprika", + "ground black pepper", + "dry mustard", + "seasoning salt", + "chili powder" + ] + }, + { + "id": 41688, + "cuisine": "greek", + "ingredients": [ + "eggplant", + "large garlic cloves", + "veal shanks", + "large eggs", + "salt", + "pasta", + "whole milk", + "all-purpose flour", + "unsalted butter", + "extra-virgin olive oil", + "feta cheese crumbles" + ] + }, + { + "id": 17676, + "cuisine": "chinese", + "ingredients": [ + "cooked rice", + "vegetable oil", + "hoisin sauce", + "dark sesame oil", + "light soy sauce", + "top sirloin", + "chicken broth", + "green onions", + "corn starch" + ] + }, + { + "id": 19521, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "pan drippings", + "kosher salt", + "cooking oil", + "cracked black pepper", + "large eggs", + "cajun seasoning", + "milk", + "chicken breast halves", + "seasoned flour" + ] + }, + { + "id": 26025, + "cuisine": "southern_us", + "ingredients": [ + "white onion", + "creole seasoning", + "turkey", + "peanut oil" + ] + }, + { + "id": 27179, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "cream cheese", + "chopped green chilies", + "salt", + "corn tortillas", + "jack cheese", + "shallots", + "enchilada sauce", + "low sodium chicken broth", + "tortilla chips", + "evaporated skim milk" + ] + }, + { + "id": 38231, + "cuisine": "indian", + "ingredients": [ + "water", + "garlic", + "dry yeast", + "all-purpose flour", + "milk", + "salt", + "sugar", + "butter", + "curds" + ] + }, + { + "id": 31860, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "water", + "lasagna noodles", + "chopped fresh thyme", + "goat cheese", + "large shrimp", + "cottage cheese", + "part-skim mozzarella cheese", + "mushrooms", + "all-purpose flour", + "fresh lemon juice", + "celery salt", + "lump crab meat", + "fresh parmesan cheese", + "dry white wine", + "chopped onion", + "flat leaf parsley", + "fresh basil", + "olive oil", + "cooking spray", + "1% low-fat milk", + "garlic cloves" + ] + }, + { + "id": 28429, + "cuisine": "russian", + "ingredients": [ + "garlic powder", + "worcestershire sauce", + "ketchup", + "Tabasco Pepper Sauce", + "mayonaise", + "dijon mustard", + "chili sauce", + "olive oil", + "lemon" + ] + }, + { + "id": 4816, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh lemon juice", + "fresh basil", + "penne pasta", + "plum tomatoes", + "medium shrimp uncook", + "grated lemon peel", + "baby spinach leaves", + "garlic cloves" + ] + }, + { + "id": 5718, + "cuisine": "indian", + "ingredients": [ + "water", + "chili powder", + "chopped cilantro fresh", + "fresh ginger", + "salt", + "curry powder", + "vegetable oil", + "ground cloves", + "finely chopped onion", + "lentils" + ] + }, + { + "id": 42395, + "cuisine": "filipino", + "ingredients": [ + "water", + "beef stew meat", + "canola oil", + "fresh green bean", + "bok choy", + "tomatoes", + "garlic", + "onions", + "base", + "broccoli" + ] + }, + { + "id": 43684, + "cuisine": "thai", + "ingredients": [ + "coconut oil", + "spicy mayonnaise", + "red pepper flakes", + "filet", + "water", + "chili powder", + "cilantro leaves", + "ground cumin", + "mayonaise", + "coconut butter", + "garlic", + "ground coriander", + "fish sauce", + "fresh ginger", + "lime wedges", + "hot sauce" + ] + }, + { + "id": 6006, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "ravioli", + "shredded mozzarella cheese", + "olive oil", + "garlic", + "dried thyme", + "coarse salt", + "onions", + "tomatoes", + "grated parmesan cheese", + "freshly ground pepper" + ] + }, + { + "id": 14466, + "cuisine": "chinese", + "ingredients": [ + "chile paste with garlic", + "cooking spray", + "filet", + "honey", + "green onions", + "hoisin sauce", + "seasoned rice wine vinegar", + "grape tomatoes", + "peeled fresh ginger" + ] + }, + { + "id": 40423, + "cuisine": "greek", + "ingredients": [ + "honey", + "purple onion", + "feta cheese crumbles", + "arugula", + "skim milk", + "dijon mustard", + "fresh oregano", + "onions", + "ground lamb", + "tomatoes", + "olive oil", + "nonfat yogurt plain", + "cucumber", + "chopped garlic", + "whole wheat pita", + "garlic", + "fresh lemon juice", + "chopped fresh mint" + ] + }, + { + "id": 26267, + "cuisine": "filipino", + "ingredients": [ + "salt", + "pepper", + "cooked white rice", + "oil", + "garlic" + ] + }, + { + "id": 39207, + "cuisine": "british", + "ingredients": [ + "baking soda", + "butter", + "applesauce", + "eggs", + "cold coffee", + "all-purpose flour", + "ground cinnamon", + "ground nutmeg", + "raisins", + "brown sugar", + "baking powder", + "chopped pecans" + ] + }, + { + "id": 16310, + "cuisine": "italian", + "ingredients": [ + "whole milk", + "extra-virgin olive oil", + "fennel seeds", + "paprika", + "flat leaf parsley", + "large garlic cloves", + "squid", + "bread crumb fresh", + "ground pork" + ] + }, + { + "id": 25582, + "cuisine": "french", + "ingredients": [ + "large eggs", + "vegetable oil spray", + "bittersweet chocolate", + "sugar", + "fresh lemon juice", + "unsalted butter", + "unsweetened cocoa powder" + ] + }, + { + "id": 9819, + "cuisine": "italian", + "ingredients": [ + "bread crumb fresh", + "olive oil", + "escarole", + "onions", + "water", + "grated parmesan cheese", + "ground beef", + "kosher salt", + "ground black pepper", + "celery", + "dried oregano", + "chicken stock", + "kale", + "garlic", + "fresh parsley" + ] + }, + { + "id": 43962, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "boneless skinless chicken breasts", + "corn tortillas", + "jalapeno chilies", + "cilantro leaves", + "chorizo sausage", + "mayonaise", + "salt", + "fresh lime juice", + "avocado", + "cooking spray", + "rolls", + "fat-free mayonnaise" + ] + }, + { + "id": 40005, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "olive oil", + "bay leaves", + "garlic", + "small white beans", + "baby potatoes", + "water", + "zucchini", + "orzo", + "yellow onion", + "green beans", + "rosemary", + "leeks", + "extra-virgin olive oil", + "grated Gruyère cheese", + "pistou", + "tomatoes", + "kidney beans", + "basil", + "salt", + "carrots" + ] + }, + { + "id": 15934, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "heavy whipping cream", + "chocolate morsels", + "coffee liqueur" + ] + }, + { + "id": 18130, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh basil", + "artichoke hearts", + "balsamic vinegar", + "salad greens", + "roasted red peppers", + "rolls", + "roast breast of chicken", + "olive oil", + "swiss cheese", + "garlic cloves", + "capers", + "roast beef deli meat", + "kalamata" + ] + }, + { + "id": 43199, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "brandy", + "salt", + "black peppercorns", + "sunflower oil", + "unsalted butter", + "tenderloin steaks" + ] + }, + { + "id": 48298, + "cuisine": "indian", + "ingredients": [ + "jalapeno chilies", + "salt", + "eggs", + "ginger", + "chopped cilantro fresh", + "tomatoes", + "vegetable oil", + "cayenne pepper", + "tumeric", + "purple onion" + ] + }, + { + "id": 16931, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "peaches", + "evaporated milk", + "self raising flour", + "butter" + ] + }, + { + "id": 39785, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "red bell pepper", + "shredded cheddar cheese", + "cilantro", + "ground cumin", + "diced tomatoes", + "boneless skinless chicken breast halves", + "chopped green bell pepper", + "salt" + ] + }, + { + "id": 5132, + "cuisine": "southern_us", + "ingredients": [ + "large egg yolks", + "all-purpose flour", + "whipping cream", + "grate lime peel", + "unsalted butter", + "blueberries", + "sugar", + "salt", + "fresh lime juice" + ] + }, + { + "id": 39737, + "cuisine": "french", + "ingredients": [ + "whole grain mustard", + "lemon", + "coarse kosher salt", + "water", + "fresh thyme leaves", + "fresh lemon juice", + "bay leaf", + "honey", + "butter", + "low salt chicken broth", + "chicken", + "salad", + "vegetables", + "all-purpose flour", + "thyme sprigs" + ] + }, + { + "id": 35783, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "pork shoulder", + "pepper", + "chili sauce", + "skirt steak", + "seasoning salt", + "salad oil", + "chorizo sausage", + "chiles", + "marinade", + "chicken thighs" + ] + }, + { + "id": 31588, + "cuisine": "vietnamese", + "ingredients": [ + "shallots", + "rice vinegar", + "toasted sesame oil", + "chopped garlic", + "honey", + "ginger", + "carrots", + "chopped fresh mint", + "reduced sodium soy sauce", + "rice vermicelli", + "cucumber", + "chopped cilantro fresh", + "kosher salt", + "vegetable oil", + "scallions", + "fresh lime juice" + ] + }, + { + "id": 42291, + "cuisine": "vietnamese", + "ingredients": [ + "brown sugar", + "straw mushrooms", + "chili", + "bananas", + "cilantro", + "canola oil", + "pickled garlic", + "coconut", + "peanuts", + "shallots", + "salt", + "soy sauce", + "Vietnamese coriander", + "seasoning salt", + "cane vinegar", + "ginger", + "ginger paste", + "white pepper", + "lime", + "thai basil", + "lemon", + "toasted sesame oil" + ] + }, + { + "id": 48429, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "goat cheese", + "tumeric", + "dry white wine", + "onions", + "arborio rice", + "low sodium chicken broth", + "red bell pepper", + "olive oil", + "salt" + ] + }, + { + "id": 42467, + "cuisine": "british", + "ingredients": [ + "bananas", + "whipping cream", + "butter", + "digestive biscuit", + "chocolate", + "sugar", + "carnation condensed milk" + ] + }, + { + "id": 18038, + "cuisine": "italian", + "ingredients": [ + "water", + "butter", + "fresh parsley", + "dry vermouth", + "cooking oil", + "crabmeat", + "canned low sodium chicken broth", + "asparagus", + "salt", + "grated orange", + "arborio rice", + "ground black pepper", + "garlic", + "onions" + ] + }, + { + "id": 17265, + "cuisine": "indian", + "ingredients": [ + "chiles", + "large eggs", + "ground turmeric", + "fresh ginger", + "scallions", + "fresh coriander", + "salt", + "ground cumin", + "tomatoes", + "ground black pepper", + "clarified butter" + ] + }, + { + "id": 15228, + "cuisine": "irish", + "ingredients": [ + "hot sauce", + "finely chopped onion", + "fresh lemon juice", + "worcestershire sauce", + "pickle relish", + "parsley flakes", + "hellmann' or best food real mayonnais" + ] + }, + { + "id": 13405, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "cooking spray", + "chopped garlic", + "parmigiano-reggiano cheese", + "dry yeast", + "part-skim ricotta cheese", + "yellow corn meal", + "olive oil", + "cheese", + "warm water", + "chopped fresh chives", + "bread flour" + ] + }, + { + "id": 7371, + "cuisine": "indian", + "ingredients": [ + "clove", + "fresh ginger", + "salt", + "cinnamon sticks", + "chicken thighs", + "plain yogurt", + "vegetable oil", + "ground coriander", + "bay leaf", + "ground cumin", + "green cardamom pods", + "water", + "garlic", + "split peas", + "onions", + "black peppercorns", + "jalapeno chilies", + "cilantro leaves", + "coconut milk", + "ground turmeric" + ] + }, + { + "id": 31129, + "cuisine": "japanese", + "ingredients": [ + "water", + "white sugar", + "rice vinegar", + "salt", + "dried kelp", + "rice" + ] + }, + { + "id": 47534, + "cuisine": "southern_us", + "ingredients": [ + "water", + "quickcooking grits", + "cream cheese, soften", + "graham cracker crusts", + "salt", + "milk", + "vanilla extract", + "sugar", + "large eggs", + "crushed pineapple" + ] + }, + { + "id": 47288, + "cuisine": "jamaican", + "ingredients": [ + "tomatoes", + "garlic", + "onions", + "pepper", + "lemon rind", + "chicken", + "white rum", + "salt", + "fresh pineapple", + "raisins", + "lemon juice" + ] + }, + { + "id": 17659, + "cuisine": "indian", + "ingredients": [ + "fresh spinach", + "ricotta cheese", + "ground coriander", + "ground cumin", + "fresh ginger root", + "garlic", + "dried red chile peppers", + "olive oil", + "coarse sea salt", + "sour cream", + "tomatoes", + "finely chopped onion", + "cilantro leaves", + "ground turmeric" + ] + }, + { + "id": 8555, + "cuisine": "mexican", + "ingredients": [ + "enchilada sauce", + "onions", + "corn tortillas", + "shredded cheddar cheese" + ] + }, + { + "id": 25597, + "cuisine": "japanese", + "ingredients": [ + "wasabi powder", + "soy sauce" + ] + }, + { + "id": 39140, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "fresh tarragon", + "seasoning salt", + "freshly ground pepper", + "mayonaise", + "purple onion", + "chives", + "diced celery" + ] + }, + { + "id": 13939, + "cuisine": "greek", + "ingredients": [ + "caster sugar", + "granulated sugar", + "phyllo pastry", + "eggs", + "orange", + "baking powder", + "ground cinnamon", + "water", + "cake", + "syrup", + "olive oil", + "greek yogurt" + ] + }, + { + "id": 5711, + "cuisine": "spanish", + "ingredients": [ + "chiles", + "garlic", + "lemon", + "medium shrimp", + "baguette", + "garlic cloves", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 7680, + "cuisine": "mexican", + "ingredients": [ + "cooked chicken", + "butter", + "shredded sharp cheddar cheese", + "green pepper", + "white sugar", + "black beans", + "onion powder", + "diced tomatoes", + "frozen corn", + "corn starch", + "ground cumin", + "chicken broth", + "chili powder", + "red pepper", + "salt", + "cream cheese", + "fajita seasoning mix", + "garlic powder", + "spices", + "paprika", + "cayenne pepper", + "onions" + ] + }, + { + "id": 46257, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "all-purpose flour", + "luke warm water", + "granulated sugar", + "italian seasoning", + "olive oil", + "yeast", + "warm water", + "pizza sauce" + ] + }, + { + "id": 38653, + "cuisine": "southern_us", + "ingredients": [ + "andouille sausage", + "low salt chicken broth", + "butter", + "grits" + ] + }, + { + "id": 14320, + "cuisine": "italian", + "ingredients": [ + "ground nutmeg", + "artichokes", + "fresh lemon juice", + "whole milk ricotta cheese", + "walnuts", + "flat leaf parsley", + "water", + "extra-virgin olive oil", + "garlic cloves", + "dry white wine", + "salt", + "ground white pepper" + ] + }, + { + "id": 10413, + "cuisine": "italian", + "ingredients": [ + "penne", + "leeks", + "garlic cloves", + "olive oil", + "vegetable broth", + "walnut halves", + "pecorino romano cheese", + "grated lemon peel", + "broccoli rabe", + "whipping cream" + ] + }, + { + "id": 44962, + "cuisine": "chinese", + "ingredients": [ + "water", + "garlic", + "carrots", + "black peppercorns", + "rice wine", + "scallions", + "bay leaf", + "white vinegar", + "honey", + "sauce", + "rib", + "soy sauce", + "ginger", + "oyster sauce", + "onions" + ] + }, + { + "id": 6117, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "salt", + "fresh lemon juice", + "catfish fillets", + "ground red pepper", + "tartar sauce", + "onions", + "milk", + "vegetable oil", + "fry mix", + "prepared mustard", + "hot sauce", + "corn starch" + ] + }, + { + "id": 38806, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "and fat free half half", + "olive oil", + "all-purpose flour", + "vodka", + "crushed red pepper", + "penne", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 40750, + "cuisine": "greek", + "ingredients": [ + "salmon fillets", + "orzo", + "plum tomatoes", + "ground black pepper", + "lemon juice", + "olive oil", + "salt", + "fresh dill", + "lemon", + "cucumber" + ] + }, + { + "id": 41499, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "tomato sauce", + "boneless skinless chicken breast halves", + "vegetable oil", + "minced onion", + "ground cumin" + ] + }, + { + "id": 45013, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "extra-virgin olive oil", + "prosciutto", + "fresh mozzarella", + "rocket leaves" + ] + }, + { + "id": 7804, + "cuisine": "southern_us", + "ingredients": [ + "gravy", + "pepper", + "cream cheese, soften", + "mashed potatoes", + "salt", + "milk" + ] + }, + { + "id": 39495, + "cuisine": "mexican", + "ingredients": [ + "onion powder", + "ground cumin", + "garlic powder", + "cornflour", + "paprika", + "chili powder", + "cayenne pepper" + ] + }, + { + "id": 26485, + "cuisine": "japanese", + "ingredients": [ + "fresh spinach", + "peeled fresh ginger", + "sliced green onions", + "low sodium soy sauce", + "water", + "crushed red pepper", + "sugar", + "whole wheat spaghetti", + "sake", + "pork loin", + "carrots" + ] + }, + { + "id": 38826, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "scallions", + "long grain white rice", + "cayenne", + "onions", + "vegetable oil", + "pork sausages", + "chicken broth", + "red bell pepper" + ] + }, + { + "id": 30779, + "cuisine": "indian", + "ingredients": [ + "marsala wine", + "avocado oil", + "lentils", + "cumin", + "spinach", + "stewed tomatoes", + "salt", + "coconut milk", + "tomato paste", + "red pepper flakes", + "purple onion", + "smoked paprika", + "masala", + "coconut oil", + "garlic", + "cilantro leaves", + "coriander" + ] + }, + { + "id": 34183, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "minced garlic", + "parsley", + "mussels", + "shallots", + "flour", + "butter" + ] + }, + { + "id": 16128, + "cuisine": "italian", + "ingredients": [ + "peeled tomatoes", + "salt", + "crab", + "Dungeness crabs", + "fresh basil leaves", + "angel hair", + "olive oil", + "flat leaf parsley", + "pepper", + "garlic" + ] + }, + { + "id": 33415, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "ground black pepper", + "salt", + "boneless skinless chicken breast halves", + "olive oil", + "shallots", + "fresh lime juice", + "ground cumin", + "tomatoes", + "unsalted butter", + "tequila", + "fresh chile", + "almonds", + "large garlic cloves", + "hass avocado" + ] + }, + { + "id": 45601, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "kidney beans", + "diced tomatoes", + "red bell pepper", + "kosher salt", + "lean ground beef", + "scallions", + "ground cumin", + "tomato sauce", + "chili powder", + "yellow onion", + "sour cream", + "shredded cheddar cheese", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 26343, + "cuisine": "japanese", + "ingredients": [ + "milk", + "salt", + "chicken thighs", + "soy sauce", + "ground black pepper", + "frozen mixed vegetables", + "japanese rice", + "olive oil", + "sharp cheddar cheese", + "ketchup", + "large eggs", + "onions" + ] + }, + { + "id": 5576, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "Tabasco Pepper Sauce", + "salt", + "chopped parsley", + "hot sausage", + "bay leaves", + "smoked sausage", + "sauce", + "olive oil", + "garlic", + "yellow onion", + "pepper", + "red beans", + "chopped celery", + "ham" + ] + }, + { + "id": 9962, + "cuisine": "brazilian", + "ingredients": [ + "tapioca flour", + "queso fresco", + "olive oil", + "milk", + "table salt", + "large eggs" + ] + }, + { + "id": 24940, + "cuisine": "thai", + "ingredients": [ + "sambal ulek", + "red cabbage", + "rice noodles", + "cilantro leaves", + "beansprouts", + "chicken stock", + "black pepper", + "sliced carrots", + "crushed red pepper flakes", + "tamarind concentrate", + "light brown sugar", + "fish sauce", + "boneless skinless chicken breasts", + "vegetable oil", + "scallions", + "low sodium soy sauce", + "peanuts", + "lime wedges", + "garlic", + "corn starch" + ] + }, + { + "id": 2807, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "dried salted codfish", + "flat leaf parsley", + "extra-virgin olive oil", + "fresh mint", + "red pepper flakes", + "salt", + "onions", + "coarse sea salt", + "juice" + ] + }, + { + "id": 7289, + "cuisine": "filipino", + "ingredients": [ + "broccoli florets", + "green beans", + "yellow squash", + "salt", + "pepper", + "vegetable broth", + "red bell pepper", + "zucchini", + "yellow onion" + ] + }, + { + "id": 17914, + "cuisine": "chinese", + "ingredients": [ + "ground chicken", + "large egg whites", + "low sodium chicken broth", + "cilantro sprigs", + "ground white pepper", + "kosher salt", + "shiitake", + "wonton wrappers", + "garlic cloves", + "white pepper", + "fresh ginger", + "sesame oil", + "scallions", + "soy sauce", + "water", + "mirin", + "napa cabbage", + "corn starch" + ] + }, + { + "id": 22142, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "skim milk", + "frozen whole kernel corn", + "non-fat sour cream", + "sliced green onions", + "vegetable oil cooking spray", + "lime juice", + "chili powder", + "garlic cloves", + "eggs", + "picante sauce", + "chopped green bell pepper", + "all-purpose flour", + "yellow corn meal", + "reduced fat cheddar cheese", + "fresh cilantro", + "parsley", + "pinto beans" + ] + }, + { + "id": 44707, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "olive oil", + "queso fresco", + "cilantro leaves", + "onions", + "orange", + "panela", + "garlic", + "tequila", + "cumin", + "black pepper", + "jalapeno chilies", + "cilantro", + "Mexican cheese", + "skirt steak", + "white vinegar", + "lime", + "lime slices", + "salt", + "corn tortillas" + ] + }, + { + "id": 33398, + "cuisine": "italian", + "ingredients": [ + "artichoke hearts", + "banana peppers", + "pesto", + "salami", + "sliced black olives", + "sun-dried tomatoes in oil", + "prebaked pizza crusts", + "shredded mozzarella cheese" + ] + }, + { + "id": 13951, + "cuisine": "italian", + "ingredients": [ + "water", + "salt", + "olive oil", + "eggs", + "all-purpose flour" + ] + }, + { + "id": 48766, + "cuisine": "british", + "ingredients": [ + "light brown sugar", + "granulated sugar", + "almond extract", + "salt", + "water", + "dried apricot", + "all purpose unbleached flour", + "sliced almonds", + "large eggs", + "amaretto", + "almond paste", + "unsalted butter", + "baking powder", + "buttermilk" + ] + }, + { + "id": 2621, + "cuisine": "japanese", + "ingredients": [ + "olive oil", + "ume plum vinegar", + "grapeseed oil", + "agave nectar", + "salmon", + "fillets" + ] + }, + { + "id": 20352, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "black olives", + "avocado", + "green onions", + "shredded Monterey Jack cheese", + "msg", + "chopped cilantro fresh", + "tomatoes", + "zesty italian dressing" + ] + }, + { + "id": 731, + "cuisine": "thai", + "ingredients": [ + "natural sugar", + "lime wedges", + "cilantro leaves", + "garlic cloves", + "fresh lime juice", + "reduced sodium tamari", + "nutritional yeast", + "sunflower oil", + "roasted peanuts", + "red bell pepper", + "fresh spinach", + "chili paste", + "salt", + "liquid", + "beansprouts", + "shiitake", + "rice noodles", + "firm tofu", + "carrots", + "ground turmeric" + ] + }, + { + "id": 38651, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "biscuit dough", + "garlic powder", + "mayonaise", + "green onions", + "dried basil", + "dried oregano" + ] + }, + { + "id": 12748, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "large eggs", + "garlic cloves", + "crushed tomatoes", + "extra-virgin olive oil", + "dried oregano", + "finely chopped fresh parsley", + "salt", + "plain dry bread crumb", + "grated parmesan cheese", + "ground turkey" + ] + }, + { + "id": 30641, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "crushed red pepper", + "water", + "diced tomatoes", + "navy beans", + "asiago", + "dried oregano", + "cheese ravioli", + "escarole" + ] + }, + { + "id": 44267, + "cuisine": "southern_us", + "ingredients": [ + "lime rind", + "fresh lime juice", + "large eggs", + "light cream", + "sweetened condensed milk", + "sugar", + "graham cracker crumbs" + ] + }, + { + "id": 25076, + "cuisine": "brazilian", + "ingredients": [ + "shallots", + "garlic", + "collard greens", + "sea salt", + "butter", + "ground pepper", + "extra-virgin olive oil" + ] + }, + { + "id": 15374, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "lime", + "ground nutmeg", + "chicken breasts", + "orange juice", + "white vinegar", + "white onion", + "olive oil", + "ground sage", + "cayenne pepper", + "soy sauce", + "dried thyme", + "ground black pepper", + "salt", + "ground cinnamon", + "pepper", + "garlic powder", + "green onions", + "ground allspice" + ] + }, + { + "id": 11871, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "ginger", + "olive oil", + "chickpeas", + "crushed tomatoes", + "salt", + "garam masala", + "onions" + ] + }, + { + "id": 43755, + "cuisine": "chinese", + "ingredients": [ + "boneless pork shoulder", + "hoisin sauce", + "shaoxing", + "ketchup", + "peeled fresh ginger", + "mirin", + "salt", + "sugar", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 24375, + "cuisine": "italian", + "ingredients": [ + "ground nutmeg", + "lean ground beef", + "salt", + "chopped onion", + "dried oregano", + "pepper", + "grated parmesan cheese", + "dry red wine", + "dry bread crumbs", + "feta cheese crumbles", + "ground cinnamon", + "large eggs", + "stewed tomatoes", + "all-purpose flour", + "garlic cloves", + "water", + "cooking spray", + "1% low-fat milk", + "fresh oregano", + "spaghetti" + ] + }, + { + "id": 15607, + "cuisine": "french", + "ingredients": [ + "turbinado", + "orange marmalade", + "large eggs", + "pears", + "granulated sugar", + "crème fraîche", + "frozen pastry puff sheets" + ] + }, + { + "id": 6101, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "cayenne pepper", + "sherry wine vinegar", + "cooked shrimp", + "french bread", + "roast red peppers, drain", + "slivered almonds", + "large garlic cloves" + ] + }, + { + "id": 3118, + "cuisine": "british", + "ingredients": [ + "brown sugar", + "butter", + "bread", + "milk", + "grated orange", + "mixed spice", + "grated nutmeg", + "eggs", + "mixed dried fruit" + ] + }, + { + "id": 6395, + "cuisine": "southern_us", + "ingredients": [ + "coconut syrup", + "half & half", + "diet dr. pepper" + ] + }, + { + "id": 48181, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "all-purpose flour" + ] + }, + { + "id": 28406, + "cuisine": "southern_us", + "ingredients": [ + "large egg whites", + "vanilla extract", + "dark brown sugar", + "brandy", + "pastry shell", + "cream cheese", + "large eggs", + "salt", + "chopped pecans", + "sweet potatoes", + "corn syrup", + "pumpkin pie spice" + ] + }, + { + "id": 11169, + "cuisine": "filipino", + "ingredients": [ + "evaporated milk", + "salt", + "sugar", + "egg yolks", + "oil", + "instant yeast", + "all-purpose flour", + "warm water", + "butter" + ] + }, + { + "id": 26330, + "cuisine": "indian", + "ingredients": [ + "urad dal", + "seeds", + "rice" + ] + }, + { + "id": 46718, + "cuisine": "italian", + "ingredients": [ + "eggs", + "ground black pepper", + "salt", + "baguette", + "extra-virgin olive oil", + "romaine lettuce", + "anchovy paste", + "lemon juice", + "parmesan cheese", + "garlic" + ] + }, + { + "id": 41851, + "cuisine": "italian", + "ingredients": [ + "basil dried leaves", + "shredded Italian cheese", + "Pillsbury™ Refrigerated Crescent Dinner Rolls", + "ground beef", + "basil" + ] + }, + { + "id": 18901, + "cuisine": "indian", + "ingredients": [ + "fresh curry leaves", + "garlic", + "onions", + "black peppercorns", + "vegetable oil", + "cayenne pepper", + "tomato paste", + "water", + "salt", + "ground turmeric", + "stew meat", + "ginger", + "ground coriander" + ] + }, + { + "id": 6362, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "flat leaf parsley", + "eggplant", + "provolone cheese", + "pizza doughs", + "pitted green olives", + "garlic cloves" + ] + }, + { + "id": 44711, + "cuisine": "japanese", + "ingredients": [ + "ketchup", + "dijon mustard", + "Kewpie Mayonnaise", + "all-purpose flour", + "cole slaw mix", + "dashi powder", + "green onions", + "salt", + "onions", + "sugar", + "water", + "baking powder", + "dried bonito flakes", + "canola oil", + "gari", + "large eggs", + "worcestershire sauce", + "seafood" + ] + }, + { + "id": 23314, + "cuisine": "chinese", + "ingredients": [ + "white vinegar", + "kosher salt", + "sesame oil", + "beer", + "syrup", + "fresh ginger", + "all-purpose flour", + "garlic chili sauce", + "sugar", + "water", + "plums", + "scallions", + "soy sauce", + "baking powder", + "duck", + "cucumber" + ] + }, + { + "id": 29753, + "cuisine": "mexican", + "ingredients": [ + "Mexican cheese blend", + "rice", + "water", + "Green Giant Whole Kernel Sweet Corn", + "roasted red peppers", + "ground beef", + "Old El Paso™ taco seasoning mix", + "diced tomatoes" + ] + }, + { + "id": 34758, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "olive oil", + "cheese", + "tortilla chips", + "avocado", + "lime", + "flank steak", + "rice vinegar", + "lettuce", + "lime juice", + "chipotle", + "salt", + "tequila", + "black beans", + "honey", + "red pepper", + "green pepper" + ] + }, + { + "id": 31148, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "regular soy sauce", + "rice noodles", + "oil", + "white pepper", + "flank steak", + "salt", + "mung bean sprouts", + "soy sauce", + "Shaoxing wine", + "ginger", + "corn starch", + "dark soy sauce", + "baking soda", + "sesame oil", + "scallions" + ] + }, + { + "id": 16261, + "cuisine": "moroccan", + "ingredients": [ + "vegetable oil cooking spray", + "olive oil", + "low salt chicken broth", + "ground cinnamon", + "pepper", + "salt", + "ground turmeric", + "ground ginger", + "sliced almonds", + "chicken breasts", + "couscous", + "prunes", + "water", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 31138, + "cuisine": "moroccan", + "ingredients": [ + "slivered almonds", + "large garlic cloves", + "freshly ground pepper", + "chicken broth", + "dried apricot", + "yellow onion", + "ground cumin", + "ground cinnamon", + "lemon", + "ground coriander", + "olive oil", + "salt", + "leg of lamb" + ] + }, + { + "id": 46138, + "cuisine": "spanish", + "ingredients": [ + "white pepper", + "Tabasco Pepper Sauce", + "garlic", + "flat leaf parsley", + "roma tomatoes", + "ice water", + "dry bread crumbs", + "tomato juice", + "red wine vinegar", + "salt", + "green bell pepper", + "green onions", + "extra-virgin olive oil", + "cucumber" + ] + }, + { + "id": 1294, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "corn husks", + "japanese eggplants", + "white onion", + "extra-virgin olive oil", + "fresh basil", + "zucchini", + "yellow squash", + "garlic cloves" + ] + }, + { + "id": 26218, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "salt", + "tiger prawn", + "pepper", + "cilantro", + "lemon juice", + "tomatoes", + "serrano peppers", + "tortilla chips", + "lime", + "purple onion", + "cucumber" + ] + }, + { + "id": 17965, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "sliced black olives", + "garlic", + "ground cumin", + "corn", + "lean ground beef", + "green chilies", + "taco sauce", + "flour tortillas", + "yellow onion", + "refried beans", + "diced tomatoes", + "ground cayenne pepper" + ] + }, + { + "id": 47144, + "cuisine": "japanese", + "ingredients": [ + "white pepper", + "green onions", + "oil", + "tofu", + "water", + "ginger", + "soy sauce", + "mirin", + "cane sugar", + "chili pepper", + "daikon", + "potato flour" + ] + }, + { + "id": 31068, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "chinese sausage", + "crushed red pepper", + "minced garlic", + "shallots", + "shrimp", + "dried scallops", + "bean paste", + "crabmeat", + "minced ginger", + "sesame oil" + ] + }, + { + "id": 36776, + "cuisine": "cajun_creole", + "ingredients": [ + "pure vanilla extract", + "brandy", + "ground nutmeg", + "dark brown sugar", + "allspice", + "ground ginger", + "Angostura bitters", + "bourbon whiskey", + "white sugar", + "light brown sugar", + "ground cloves", + "dark rum", + "cinnamon sticks", + "eggs", + "mace", + "heavy cream", + "liqueur" + ] + }, + { + "id": 19045, + "cuisine": "french", + "ingredients": [ + "french baguette", + "extra-virgin olive oil", + "capers", + "balsamic vinegar", + "garlic cloves", + "fresh basil", + "pepper", + "salt", + "sugar", + "kalamata", + "plum tomatoes" + ] + }, + { + "id": 43430, + "cuisine": "southern_us", + "ingredients": [ + "vanilla beans", + "baking powder", + "eggs", + "granulated sugar", + "vanilla", + "milk", + "butter", + "powdered sugar", + "flour", + "salt" + ] + }, + { + "id": 2455, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "salt", + "lime juice", + "long-grain rice", + "canned black beans", + "scallions", + "corn", + "chopped cilantro" + ] + }, + { + "id": 32374, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "bananas", + "English toffee bits", + "vanilla instant pudding", + "sliced almonds", + "cool whip", + "vanilla wafer crumbs", + "caramel ice cream topping", + "whole milk", + "cream cheese", + "powdered sugar", + "granulated sugar", + "butter" + ] + }, + { + "id": 22611, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "vegetable oil", + "ground black pepper", + "spices", + "pork chops", + "crushed garlic", + "fish sauce", + "shallots", + "oil" + ] + }, + { + "id": 20088, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "salt", + "butter", + "sour cream", + "chopped fresh chives", + "cream cheese", + "paprika" + ] + }, + { + "id": 46325, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "garlic", + "mustard oil", + "clove", + "yoghurt", + "brown cardamom", + "onions", + "black peppercorns", + "salt", + "cinnamon sticks", + "fennel seeds", + "mutton", + "cumin seed", + "saffron" + ] + }, + { + "id": 11962, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "artichokes", + "pitted kalamata olives", + "sea salt", + "roma tomatoes", + "olive oil", + "garlic" + ] + }, + { + "id": 8197, + "cuisine": "irish", + "ingredients": [ + "wheat bran", + "granulated sugar", + "salt", + "baking soda", + "all purpose unbleached flour", + "oat bran", + "graham flour", + "large eggs", + "flaxseed", + "sunflower seeds", + "unsalted butter", + "buttermilk", + "wheat germ" + ] + }, + { + "id": 41182, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "ice", + "white sugar", + "mango" + ] + }, + { + "id": 1463, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "fresh corn", + "butter", + "eggs", + "flour", + "cornmeal", + "sugar", + "buttermilk" + ] + }, + { + "id": 37670, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "lime", + "all-purpose flour", + "french rolls", + "mayonaise", + "shredded lettuce", + "creole seasoning", + "pickle relish", + "horseradish", + "vegetable oil", + "cayenne pepper", + "panko breadcrumbs", + "minced garlic", + "beaten eggs", + "shrimp" + ] + }, + { + "id": 15052, + "cuisine": "greek", + "ingredients": [ + "mint", + "feta cheese", + "ground lamb", + "cherry tomatoes", + "potatoes", + "eggs", + "olive oil", + "onions", + "bread crumbs", + "zucchini" + ] + }, + { + "id": 39722, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh tomatoes", + "minced onion", + "frozen sweet corn", + "fresh lime juice", + "baby lima beans", + "fresh parsley", + "andouille sausage", + "butter" + ] + }, + { + "id": 30458, + "cuisine": "southern_us", + "ingredients": [ + "water", + "diced tomatoes", + "thyme", + "chicken broth", + "black-eyed peas", + "salt", + "smoked ham hocks", + "olive oil", + "garlic", + "bay leaf", + "pepper", + "garlic powder", + "yellow onion" + ] + }, + { + "id": 15236, + "cuisine": "mexican", + "ingredients": [ + "Campbell's Condensed Tomato Soup", + "flour tortillas", + "shredded cheddar cheese", + "salsa", + "water", + "ground beef" + ] + }, + { + "id": 14843, + "cuisine": "italian", + "ingredients": [ + "brussels sprouts", + "extra-virgin olive oil", + "pancetta", + "garlic cloves", + "water" + ] + }, + { + "id": 23570, + "cuisine": "japanese", + "ingredients": [ + "shiitake", + "watercress", + "sake", + "fresh ginger root", + "tofu", + "miso paste", + "seaweed", + "caster sugar", + "spring onions" + ] + }, + { + "id": 23560, + "cuisine": "mexican", + "ingredients": [ + "tomato paste", + "ground black pepper", + "chili powder", + "salt", + "sour cream", + "ground cumin", + "cooked brown rice", + "unsalted butter", + "cream cheese spread", + "sauce", + "canola oil", + "chicken broth", + "Mexican cheese blend", + "ricotta cheese", + "all-purpose flour", + "onions", + "pepper", + "poblano peppers", + "garlic", + "ground coriander", + "chicken" + ] + }, + { + "id": 41756, + "cuisine": "french", + "ingredients": [ + "boar", + "red wine vinegar", + "jelly", + "chicken stock", + "fresh thyme", + "sea salt", + "onions", + "clove", + "olive oil", + "red wine", + "carrots", + "black peppercorns", + "bay leaves", + "cracked black pepper" + ] + }, + { + "id": 27626, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "yellow bell pepper", + "garlic cloves", + "ground cumin", + "lime wedges", + "purple onion", + "fresh lime juice", + "flank steak", + "cilantro sprigs", + "sour cream", + "ground pepper", + "coarse salt", + "salsa", + "canola oil" + ] + }, + { + "id": 17064, + "cuisine": "moroccan", + "ingredients": [ + "fresh coriander", + "boneless skinless chicken breasts", + "ground coriander", + "onions", + "low sodium vegetable stock", + "chopped tomatoes", + "peas", + "cinnamon sticks", + "ground cumin", + "olive oil", + "butter", + "garlic cloves", + "boiling water", + "pepper", + "zucchini", + "chickpeas", + "couscous" + ] + }, + { + "id": 42355, + "cuisine": "italian", + "ingredients": [ + "grape tomatoes", + "ground pepper", + "sea salt", + "thyme", + "baby spinach leaves", + "yukon gold potatoes", + "garlic", + "broth", + "hot red pepper flakes", + "bell pepper", + "diced tomatoes", + "onions", + "fresh rosemary", + "olive oil", + "raisins", + "black olives" + ] + }, + { + "id": 27963, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "bow-tie pasta", + "romaine lettuce", + "anchovy paste", + "fresh lemon juice", + "large garlic cloves", + "croutons", + "dijon mustard", + "extra-virgin olive oil" + ] + }, + { + "id": 6433, + "cuisine": "mexican", + "ingredients": [ + "taco shells", + "ancho powder", + "yellow onion", + "dried oregano", + "tomato sauce", + "Mexican cheese blend", + "garlic", + "red bell pepper", + "ground chicken", + "shredded lettuce", + "salt", + "chopped cilantro fresh", + "green bell pepper", + "olive oil", + "paprika", + "cayenne pepper", + "ground cumin" + ] + }, + { + "id": 41904, + "cuisine": "italian", + "ingredients": [ + "whole milk ricotta cheese", + "ground cinnamon", + "candied lemon peel", + "semisweet chocolate", + "confectioners sugar", + "vanilla extract" + ] + }, + { + "id": 3425, + "cuisine": "southern_us", + "ingredients": [ + "green bell pepper", + "olive oil", + "worcestershire sauce", + "garlic", + "small white beans", + "molasses", + "bay leaves", + "dry mustard", + "dark brown sugar", + "chicken", + "tomato sauce", + "veal", + "bacon", + "pork stock", + "celery", + "ground cloves", + "fresh thyme", + "cracked black pepper", + "salt", + "onions" + ] + }, + { + "id": 46609, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "olive oil", + "harissa", + "sweet paprika", + "couscous", + "dressing", + "water", + "almonds", + "salt", + "garlic cloves", + "cumin", + "pepper", + "coriander seeds", + "crushed red pepper", + "cumin seed", + "fresh lime juice", + "caraway seeds", + "fresh cilantro", + "coriander powder", + "sweet corn", + "grate lime peel", + "chicken" + ] + }, + { + "id": 47176, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "red pepper flakes", + "fresh rosemary", + "ground black pepper", + "olive oil", + "boneless rib eye steaks", + "kosher salt", + "chopped fresh thyme" + ] + }, + { + "id": 5903, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "baking powder", + "lemon juice", + "nutmeg", + "granulated sugar", + "butter", + "peaches", + "cinnamon", + "brown sugar", + "flour", + "vanilla" + ] + }, + { + "id": 3592, + "cuisine": "thai", + "ingredients": [ + "tumeric", + "fresh ginger", + "sea bass fillets", + "unsweetened coconut milk", + "lemongrass", + "cilantro stems", + "crushed red pepper", + "bottled clam juice", + "finely chopped onion", + "large garlic cloves", + "cooked rice", + "fresh cilantro", + "vegetable oil", + "ground cumin" + ] + }, + { + "id": 2054, + "cuisine": "mexican", + "ingredients": [ + "reduced fat monterey jack cheese", + "flour tortillas", + "lime juice", + "reduced fat mayonnaise", + "vegetable oil cooking spray", + "chile pepper", + "corn kernels", + "ground cumin" + ] + }, + { + "id": 47021, + "cuisine": "russian", + "ingredients": [ + "yukon gold potatoes", + "garlic cloves", + "pepper", + "dill", + "onions", + "mayonaise", + "salt", + "sour cream", + "minced garlic", + "oil" + ] + }, + { + "id": 26147, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "fresh mushrooms", + "ground pork", + "water chestnuts", + "white sugar", + "turnips", + "salt" + ] + }, + { + "id": 14431, + "cuisine": "japanese", + "ingredients": [ + "parmesan cheese", + "fresh shiitake mushrooms", + "salt", + "olive oil", + "dijon mustard", + "butter", + "edamame", + "soy sauce", + "ground pepper", + "red wine vinegar", + "bow-tie pasta", + "radicchio", + "mushrooms", + "garlic" + ] + }, + { + "id": 3622, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "pasilla chile pepper", + "tomatoes", + "chile pepper", + "onions", + "mushrooms", + "garlic cloves", + "water", + "vegetable oil", + "dried oregano" + ] + }, + { + "id": 29519, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "chopped green bell pepper", + "garlic cloves", + "water", + "chopped onion", + "chopped cilantro fresh", + "fresh chives", + "sherry wine vinegar", + "cucumber", + "white bread", + "olive oil", + "crabmeat" + ] + }, + { + "id": 1151, + "cuisine": "southern_us", + "ingredients": [ + "white pepper", + "leeks", + "dijon mustard", + "salt", + "ground nutmeg", + "fat-free chicken broth", + "sweet potatoes", + "evaporated skim milk" + ] + }, + { + "id": 6826, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "butter", + "grated Gruyère cheese", + "large egg yolks", + "whole milk", + "all-purpose flour", + "large egg whites", + "grated parmesan cheese", + "salt", + "ground nutmeg", + "dry white wine", + "cayenne pepper" + ] + }, + { + "id": 21221, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "old-fashioned oats", + "peach slices", + "milk", + "cinnamon", + "salt", + "brown sugar", + "baking powder", + "vanilla", + "baking soda", + "butter" + ] + }, + { + "id": 26402, + "cuisine": "italian", + "ingredients": [ + "coconut milk", + "water", + "sugar", + "crushed pineapples in juice" + ] + }, + { + "id": 37832, + "cuisine": "chinese", + "ingredients": [ + "honey", + "crème fraîche", + "tuna", + "crushed tomatoes", + "leeks", + "chinese five-spice powder", + "olive oil", + "penne pasta", + "onions", + "light soy sauce", + "worcestershire sauce", + "carrots" + ] + }, + { + "id": 3334, + "cuisine": "japanese", + "ingredients": [ + "red chili peppers", + "bay leaves", + "salt", + "cinnamon sticks", + "ginger paste", + "garlic paste", + "garam masala", + "kasuri methi", + "oil", + "cashew nuts", + "tomato purée", + "cream", + "butter", + "cilantro leaves", + "onions", + "sugar", + "coriander powder", + "paneer", + "cardamom", + "ground turmeric" + ] + }, + { + "id": 19807, + "cuisine": "french", + "ingredients": [ + "baguette", + "garlic", + "herbes de provence", + "duck fat", + "cognac", + "shallots", + "duck liver", + "ground black pepper", + "salt" + ] + }, + { + "id": 40851, + "cuisine": "vietnamese", + "ingredients": [ + "chicken wings", + "sesame oil", + "onions", + "garlic powder", + "garlic cloves", + "asian fish sauce", + "soy sauce", + "salt", + "white sugar", + "ground black pepper", + "fresh lemon juice" + ] + }, + { + "id": 28123, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "worcestershire sauce", + "cucumber", + "pepper", + "red pepper", + "carrots", + "dark soy sauce", + "onion powder", + "rolls", + "beef", + "leaf lettuce" + ] + }, + { + "id": 7113, + "cuisine": "irish", + "ingredients": [ + "eggs", + "buttermilk", + "margarine", + "baking soda", + "salt", + "white sugar", + "caraway seeds", + "baking powder", + "all-purpose flour", + "milk", + "raisins", + "sour cream" + ] + }, + { + "id": 34086, + "cuisine": "mexican", + "ingredients": [ + "mild salsa", + "cumin", + "canned black beans", + "chili powder", + "flour tortillas", + "chicken", + "corn", + "shredded cheese" + ] + }, + { + "id": 18033, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "anchovy paste", + "fresh parsley", + "cauliflower", + "red pepper flakes", + "garlic", + "grated parmesan cheese", + "linguine", + "bread crumb fresh", + "florets", + "salt" + ] + }, + { + "id": 11323, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "penne pasta", + "peeled tomatoes", + "butter", + "flat leaf parsley", + "olive oil", + "whipping cream", + "onions", + "sausage casings", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 23953, + "cuisine": "moroccan", + "ingredients": [ + "fresh ginger", + "vegetable broth", + "chickpeas", + "tomato paste", + "parsley", + "ras el hanout", + "onions", + "chopped tomatoes", + "garlic", + "oil", + "sambal ulek", + "lemon", + "salt" + ] + }, + { + "id": 2386, + "cuisine": "filipino", + "ingredients": [ + "green cabbage", + "vegetable oil", + "carrots", + "ground black pepper", + "firm tofu", + "chopped garlic", + "reduced sodium chicken broth", + "rice vermicelli", + "noodles", + "soy sauce", + "lemon", + "onions" + ] + }, + { + "id": 17175, + "cuisine": "greek", + "ingredients": [ + "eggs", + "milk", + "all-purpose flour", + "ground cloves", + "baking powder", + "lemon juice", + "shortening", + "honey", + "chopped walnuts", + "ground cinnamon", + "water", + "salt", + "white sugar" + ] + }, + { + "id": 30838, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "chocolate", + "light cream cheese", + "sugar", + "baking powder", + "salt", + "unsweetened cocoa powder", + "nonfat buttermilk", + "large eggs", + "vanilla extract", + "confectioners sugar", + "whole wheat pastry flour", + "red food coloring", + "all-purpose flour" + ] + }, + { + "id": 40998, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "scallions", + "soy sauce", + "dark sesame oil", + "corn starch", + "cooked rice", + "salt", + "garlic cloves", + "broccoli florets", + "filet", + "low sodium beef broth" + ] + }, + { + "id": 22367, + "cuisine": "cajun_creole", + "ingredients": [ + "boneless skinless chicken breasts", + "garlic", + "rotini", + "sweet onion", + "bacon", + "freshly ground pepper", + "crushed tomatoes", + "cajun seasoning", + "all-purpose flour", + "canola oil", + "green bell pepper, slice", + "reduced-fat sour cream", + "scallions" + ] + }, + { + "id": 19342, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "part-skim ricotta cheese", + "eggplant", + "marinara sauce", + "olive oil", + "grated parmesan cheese", + "fresh oregano", + "ground pepper", + "coarse salt" + ] + }, + { + "id": 3578, + "cuisine": "british", + "ingredients": [ + "heavy cream", + "water", + "lemon juice", + "sugar", + "strawberries", + "lemon" + ] + }, + { + "id": 46297, + "cuisine": "southern_us", + "ingredients": [ + "lime juice", + "sweetened condensed milk", + "lime zest", + "egg yolks", + "sugar", + "butter", + "graham crackers", + "crust" + ] + }, + { + "id": 41663, + "cuisine": "southern_us", + "ingredients": [ + "fresh dill", + "dijon mustard", + "liquid", + "horseradish", + "roasted red peppers", + "purple onion", + "pepper", + "shredded sharp cheddar cheese", + "mayonaise", + "havarti cheese", + "fresh parsley" + ] + }, + { + "id": 21208, + "cuisine": "spanish", + "ingredients": [ + "boneless skinless chicken breasts", + "salt", + "frozen peas", + "diced tomatoes", + "long-grain rice", + "vegetable oil", + "all-purpose flour", + "chorizo sausage", + "low sodium chicken broth", + "garlic", + "onions" + ] + }, + { + "id": 39076, + "cuisine": "spanish", + "ingredients": [ + "papaya", + "pineapple juice", + "fresh pineapple", + "chopped green bell pepper", + "cucumber", + "tomato juice", + "hot sauce", + "mango", + "fresh cilantro", + "salt", + "red bell pepper" + ] + }, + { + "id": 44932, + "cuisine": "korean", + "ingredients": [ + "ground ginger", + "boneless chicken skinless thigh", + "leaves", + "rice wine", + "garlic cloves", + "low sodium soy sauce", + "water", + "sweet potatoes", + "corn syrup", + "toasted sesame seeds", + "Korean chile flakes", + "pepper", + "rice cakes", + "sesame oil", + "onions", + "sugar", + "curry powder", + "seeds", + "Gochujang base", + "cabbage" + ] + }, + { + "id": 35803, + "cuisine": "italian", + "ingredients": [ + "water", + "large garlic cloves", + "anchovy fillets", + "onions", + "tomatoes", + "bay leaves", + "salt", + "juice", + "black pepper", + "dry white wine", + "all-purpose flour", + "flat leaf parsley", + "lemon zest", + "extra-virgin olive oil", + "veal shanks", + "orange zest" + ] + }, + { + "id": 44102, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "cooked chicken", + "cream cheese", + "cumin", + "salsa verde", + "onion powder", + "fresh lime juice", + "garlic powder", + "chili powder", + "corn tortillas", + "sliced green onions", + "cooking spray", + "cheese", + "chopped cilantro" + ] + }, + { + "id": 41544, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "low sodium chicken broth", + "small pasta", + "flat leaf parsley", + "olive oil", + "cannellini beans", + "garlic cloves", + "smoked ham hocks", + "celery ribs", + "salsa verde", + "butternut squash", + "green beans", + "flat leaf spinach", + "leeks", + "freshly ground pepper", + "onions" + ] + }, + { + "id": 8488, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "lime", + "cilantro", + "onions", + "water", + "quinoa", + "salt", + "pepper", + "olive oil", + "garlic", + "ground cumin", + "avocado", + "corn", + "chili powder", + "chipotle peppers" + ] + }, + { + "id": 43856, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "olive oil", + "paprika", + "red bell pepper", + "minced garlic", + "ground red pepper", + "chopped onion", + "sliced green onions", + "fat free less sodium chicken broth", + "chopped green bell pepper", + "salt", + "dried oregano", + "andouille sausage", + "cooked turkey", + "diced tomatoes", + "long-grain rice" + ] + }, + { + "id": 36499, + "cuisine": "italian", + "ingredients": [ + "ground chicken", + "chili powder", + "onions", + "olive oil", + "corn bread crumbs", + "kosher salt", + "paprika", + "eggs", + "barbecue sauce", + "applesauce" + ] + }, + { + "id": 33606, + "cuisine": "moroccan", + "ingredients": [ + "extra-virgin olive oil", + "ground cumin", + "white onion", + "lemon juice", + "tomatoes", + "salt", + "pepper", + "flat leaf parsley" + ] + }, + { + "id": 6067, + "cuisine": "greek", + "ingredients": [ + "garlic", + "carrots", + "ground black pepper", + "all-purpose flour", + "onions", + "anise seed", + "salt", + "celery seed", + "zucchini", + "oil", + "celery root" + ] + }, + { + "id": 21964, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "honeydew melon", + "evaporated milk", + "water", + "coconut milk", + "sago" + ] + }, + { + "id": 13690, + "cuisine": "indian", + "ingredients": [ + "clove", + "chili powder", + "cumin seed", + "baby potatoes", + "garam masala", + "cilantro leaves", + "onions", + "tomatoes", + "salt", + "cinnamon sticks", + "yoghurt", + "green chilies", + "ground turmeric" + ] + }, + { + "id": 6921, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vermicelli", + "sesame oil", + "rice vinegar", + "celery", + "peanuts", + "chicken breasts", + "ginger", + "corn starch", + "pepper", + "green onions", + "red pepper flakes", + "garlic cloves", + "snow peas", + "sugar", + "water chestnuts", + "marinade", + "salt", + "red bell pepper" + ] + }, + { + "id": 29471, + "cuisine": "mexican", + "ingredients": [ + "skim milk", + "large garlic cloves", + "light mayonnaise", + "chopped cilantro fresh", + "balsamic vinegar", + "lime juice", + "non-fat sour cream" + ] + }, + { + "id": 19, + "cuisine": "mexican", + "ingredients": [ + "red kidnei beans, rins and drain", + "chile pepper", + "garlic", + "ground cumin", + "water", + "stewed tomatoes", + "celery", + "shredded cheddar cheese", + "lean ground beef", + "sour cream", + "tomato paste", + "chili powder", + "cilantro sprigs", + "onions" + ] + }, + { + "id": 27299, + "cuisine": "british", + "ingredients": [ + "olive oil", + "shallots", + "sherry vinegar", + "pears", + "chicory", + "stilton cheese", + "chestnuts", + "dijon mustard" + ] + }, + { + "id": 44905, + "cuisine": "italian", + "ingredients": [ + "eggs", + "garlic powder", + "shredded mozzarella cheese", + "pasta sauce", + "part-skim ricotta cheese", + "italian seasoning", + "manicotti shells", + "portabello mushroom", + "red bell pepper", + "pepper", + "salt" + ] + }, + { + "id": 2919, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "paprika", + "chickpeas", + "red chili peppers", + "garam masala", + "purple onion", + "plum tomatoes", + "tumeric", + "coriander seeds", + "garlic", + "green chilies", + "water", + "vegetable oil", + "salt", + "cumin" + ] + }, + { + "id": 16224, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic salt", + "pasta sauce", + "grated parmesan cheese", + "eggs", + "zucchini", + "seasoned bread crumbs", + "shredded mozzarella cheese" + ] + }, + { + "id": 19859, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "vegetable oil", + "garlic cloves", + "onions", + "celery ribs", + "jasmine rice", + "diced tomatoes", + "corn starch", + "green chile", + "green onions", + "smoked sausage", + "fresh parsley", + "tomato sauce", + "cajun seasoning", + "shrimp" + ] + }, + { + "id": 24564, + "cuisine": "irish", + "ingredients": [ + "water", + "white sugar", + "fruit", + "butter", + "eggs", + "baking soda", + "mixed spice", + "all-purpose flour" + ] + }, + { + "id": 38776, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chicken stock", + "creole seasoning", + "chile powder", + "Uncle Ben's Original Converted Brand rice", + "Spike Seasoning" + ] + }, + { + "id": 26736, + "cuisine": "brazilian", + "ingredients": [ + "kiwi fruits", + "sugar", + "lime", + "cachaca" + ] + }, + { + "id": 37487, + "cuisine": "british", + "ingredients": [ + "salt", + "large eggs", + "all purpose unbleached flour", + "milk" + ] + }, + { + "id": 21209, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "lime wedges", + "corn tortillas", + "olive oil", + "epazote", + "water", + "tomatillos", + "pasilla chiles", + "medium shrimp uncook", + "garlic cloves" + ] + }, + { + "id": 24941, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "sesame oil", + "baking powder", + "salt", + "water", + "cornflour", + "plain flour", + "chicken breasts", + "oil" + ] + }, + { + "id": 1329, + "cuisine": "italian", + "ingredients": [ + "lemon rind", + "sugar", + "fat free frozen top whip", + "fresh lemon juice", + "fat free yogurt" + ] + }, + { + "id": 40055, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "fresh ginger root", + "rice flour", + "chicken bouillon granules", + "black pepper", + "salt", + "boneless skinless chicken breast halves", + "soy sauce", + "sesame oil", + "white sugar", + "potato starch", + "minced garlic", + "oil" + ] + }, + { + "id": 49691, + "cuisine": "thai", + "ingredients": [ + "full fat coconut milk", + "Thai red curry paste", + "chicken broth", + "vegetable oil", + "chopped cilantro", + "shallots", + "carrots", + "white onion", + "yellow lentils" + ] + }, + { + "id": 21546, + "cuisine": "greek", + "ingredients": [ + "fresh chevre", + "flatbread", + "thyme sprigs", + "grated lemon zest", + "extra-virgin olive oil", + "olives" + ] + }, + { + "id": 48255, + "cuisine": "italian", + "ingredients": [ + "breadstick", + "pizza sauce", + "grated parmesan cheese", + "cream cheese", + "part-skim mozzarella cheese", + "green pepper", + "green onions", + "italian seasoning" + ] + }, + { + "id": 45910, + "cuisine": "italian", + "ingredients": [ + "dough", + "diced tomatoes", + "veggie crumbles", + "part-skim mozzarella cheese", + "salsa", + "Mexican seasoning mix", + "non-fat sour cream", + "cooking spray", + "chopped onion" + ] + }, + { + "id": 23085, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "ground black pepper", + "cilantro leaves", + "shredded Monterey Jack cheese", + "cherry tomatoes", + "shallots", + "corn tortillas", + "lime juice", + "serrano peppers", + "scallions", + "crab meat", + "olive oil", + "lime wedges", + "hass avocado" + ] + }, + { + "id": 28455, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "brown sugar", + "garlic", + "pineapple chunks", + "boneless skinless chicken breasts", + "corn starch", + "low sodium soy sauce", + "vinegar", + "carrots", + "green bell pepper", + "vegetable oil", + "red bell pepper" + ] + }, + { + "id": 28312, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "white rice", + "carrots", + "water", + "firm tofu", + "minced garlic", + "rice vinegar", + "cucumber", + "avocado", + "honey", + "seaweed" + ] + }, + { + "id": 11343, + "cuisine": "greek", + "ingredients": [ + "linguine", + "dried oregano", + "parsley", + "garlic cloves", + "diced tomatoes", + "feta cheese crumbles", + "olive oil", + "crushed red pepper", + "large shrimp" + ] + }, + { + "id": 46520, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "green onions", + "salt", + "white vinegar", + "sliced black olives", + "cheese tortellini", + "mozzarella cheese", + "balsamic vinegar", + "herb seasoning", + "pepperoni slices", + "artichok heart marin", + "extra-virgin olive oil" + ] + }, + { + "id": 5187, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "water", + "flour", + "canola oil", + "crema mexicana", + "diced red onions", + "buttermilk", + "kosher salt", + "Anaheim chile", + "corn tortillas", + "chihuahua cheese", + "garlic powder", + "queso fresco" + ] + }, + { + "id": 9219, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "green beans", + "pinenuts", + "walnuts", + "olive oil", + "garlic cloves", + "fettucine", + "potatoes", + "fresh basil leaves" + ] + }, + { + "id": 34953, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "long-grain rice", + "hoisin sauce", + "dark sesame oil", + "boneless skinless chicken breast halves", + "lower sodium soy sauce", + "chinese cabbage", + "red bell pepper", + "sugar pea", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 14457, + "cuisine": "italian", + "ingredients": [ + "mushrooms", + "tomatoes", + "onions", + "dressing", + "fusilli", + "green bell pepper" + ] + }, + { + "id": 10507, + "cuisine": "mexican", + "ingredients": [ + "milk", + "tortilla chips", + "eggs", + "unsalted butter", + "ground black pepper", + "shredded Monterey Jack cheese", + "kosher salt", + "salsa" + ] + }, + { + "id": 20228, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "minced garlic", + "crushed red pepper", + "green beans", + "sugar", + "flank steak", + "long-grain rice", + "fermented black beans", + "sake", + "fresh ginger", + "purple onion", + "red bell pepper", + "fat free less sodium chicken broth", + "vegetable oil", + "corn starch" + ] + }, + { + "id": 39905, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "oyster sauce", + "gai lan", + "tapioca starch", + "beef sirloin", + "chicken stock", + "ground black pepper", + "large garlic cloves", + "noodles", + "sugar", + "Shaoxing wine", + "dark sesame oil" + ] + }, + { + "id": 37935, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "minced onion", + "greek style plain yogurt", + "coriander", + "olive oil", + "ground tumeric", + "garlic cloves", + "minced ginger", + "ground red pepper", + "ground coriander", + "cumin", + "hungarian sweet paprika", + "garam masala", + "salt", + "lemon juice" + ] + }, + { + "id": 509, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "mandarin oranges", + "scallions", + "sugar", + "parsley", + "chopped celery", + "romaine lettuce", + "almonds", + "dry mustard", + "pepper", + "red wine vinegar", + "salt" + ] + }, + { + "id": 2175, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "honey", + "vanilla extract", + "white sugar", + "white vinegar", + "brown sugar", + "butter", + "all-purpose flour", + "pecan halves", + "bourbon whiskey", + "salt", + "cold water", + "shortening", + "light corn syrup", + "chopped pecans" + ] + }, + { + "id": 33229, + "cuisine": "filipino", + "ingredients": [ + "ground black pepper", + "purple onion", + "vinegar", + "salt", + "roma tomatoes", + "bitter gourd", + "granulated white sugar" + ] + }, + { + "id": 40972, + "cuisine": "thai", + "ingredients": [ + "eggs", + "salt", + "onions", + "fish sauce", + "corn flour", + "fish fillets", + "oil", + "coriander", + "red chili peppers", + "green beans" + ] + }, + { + "id": 42135, + "cuisine": "thai", + "ingredients": [ + "chili flakes", + "sugar", + "yellow bean sauce", + "oyster sauce", + "gai lan", + "vinegar", + "garlic", + "corn flour", + "dark soy sauce", + "light soy sauce", + "boneless chicken", + "ground white pepper", + "chicken stock", + "fish sauce", + "condiments", + "oil", + "noodles" + ] + }, + { + "id": 10584, + "cuisine": "southern_us", + "ingredients": [ + "water", + "onions", + "white vinegar", + "garlic", + "ground black pepper", + "pork", + "salt" + ] + }, + { + "id": 28452, + "cuisine": "cajun_creole", + "ingredients": [ + "dried basil", + "cayenne pepper", + "celery", + "boneless chicken skinless thigh", + "diced tomatoes", + "okra", + "cooked brown rice", + "chopped tomatoes", + "chopped onion", + "medium shrimp", + "quick-cooking tapioca", + "sweet pepper", + "smoked turkey sausage" + ] + }, + { + "id": 12146, + "cuisine": "mexican", + "ingredients": [ + "shortening", + "salt", + "onions", + "corn husks", + "garlic cloves", + "baking powder", + "pork shoulder", + "water", + "chili sauce", + "masa harina" + ] + }, + { + "id": 18491, + "cuisine": "chinese", + "ingredients": [ + "sunflower seeds", + "ramen noodles", + "white vinegar", + "granulated sugar", + "slaw mix", + "sliced almonds", + "vegetable oil", + "seasoning", + "green onions" + ] + }, + { + "id": 35702, + "cuisine": "indian", + "ingredients": [ + "peanuts", + "salt", + "chile pepper", + "fresh ginger root", + "lemon juice", + "fresh cilantro", + "garlic" + ] + }, + { + "id": 8699, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "water", + "garlic", + "oil", + "soy sauce", + "egg noodles", + "chili sauce", + "beansprouts", + "sugar", + "shiitake", + "salt", + "carrots", + "white pepper", + "sesame oil", + "scallions", + "cabbage" + ] + }, + { + "id": 35849, + "cuisine": "vietnamese", + "ingredients": [ + "brown sugar", + "lime juice", + "cilantro", + "rice flour", + "ground ginger", + "kosher salt", + "lime wedges", + "salt", + "warm water", + "granulated sugar", + "garlic", + "drum", + "fish sauce", + "water", + "vegetable oil", + "hot sauce" + ] + }, + { + "id": 19734, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "green onions", + "Potatoes O'Brien", + "salsa", + "shredded cheddar cheese", + "bacon", + "flour tortillas", + "rolls" + ] + }, + { + "id": 48402, + "cuisine": "moroccan", + "ingredients": [ + "chicken stock", + "lime", + "coriander seeds", + "pomegranate", + "couscous", + "ground cinnamon", + "olive oil", + "sea salt", + "lemon juice", + "coriander", + "tomatoes", + "honey", + "ground black pepper", + "garlic cloves", + "onions", + "tomato purée", + "fresh ginger", + "lamb shoulder", + "greek yogurt" + ] + }, + { + "id": 36882, + "cuisine": "french", + "ingredients": [ + "butter", + "halibut fillets", + "all-purpose flour", + "black pepper", + "salt", + "finely chopped fresh parsley", + "fresh lemon juice" + ] + }, + { + "id": 11186, + "cuisine": "southern_us", + "ingredients": [ + "sweet potatoes", + "extra light olive oil", + "free-range eggs", + "light brown sugar", + "cinnamon", + "pumpkin pie spice", + "baking powder", + "baking mix", + "madagascar bourbon vanilla extract", + "sea salt", + "gluten free cornmeal" + ] + }, + { + "id": 15643, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "honey", + "salt", + "dried fig", + "pitted kalamata olives", + "lemon wedge", + "wild rice", + "capers", + "olive oil", + "ground allspice", + "ground cumin", + "ground ginger", + "boneless chicken skinless thigh", + "dry red wine", + "lemon juice" + ] + }, + { + "id": 208, + "cuisine": "cajun_creole", + "ingredients": [ + "blackening seasoning", + "sea scallops", + "heavy cream", + "seasoned bread crumbs", + "butter", + "grated parmesan cheese" + ] + }, + { + "id": 22329, + "cuisine": "indian", + "ingredients": [ + "table salt", + "olive oil", + "daikon", + "lime juice", + "asparagus", + "orange zest", + "kosher salt", + "whole wheat flour", + "ghee", + "dried thyme", + "whey" + ] + }, + { + "id": 12377, + "cuisine": "italian", + "ingredients": [ + "pecorino cheese", + "ground black pepper", + "green peppercorns", + "pepper", + "ground white pepper", + "guanciale", + "large egg yolks", + "rigatoni", + "kosher salt", + "large eggs" + ] + }, + { + "id": 48386, + "cuisine": "southern_us", + "ingredients": [ + "ground ginger", + "ground cloves", + "water", + "bourbon whiskey", + "worcestershire sauce", + "chile de arbol", + "dark brown sugar", + "ground cumin", + "brown sugar", + "chipotle chile", + "garlic powder", + "onion powder", + "paprika", + "purple onion", + "canola oil", + "ground cinnamon", + "molasses", + "honey", + "chili powder", + "ancho powder", + "garlic", + "ground coriander", + "ground fennel", + "ketchup", + "kosher salt", + "dijon mustard", + "red wine vinegar", + "cracked black pepper", + "cayenne pepper", + "allspice" + ] + }, + { + "id": 5286, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "butter", + "pepper", + "potatoes", + "salt", + "yellow squash", + "fresh tarragon", + "reduced fat cheddar cheese", + "large eggs", + "1% low-fat milk" + ] + }, + { + "id": 33976, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "beansprouts", + "red chili peppers", + "spring onions", + "fresh basil leaves", + "fish sauce", + "unsalted roasted peanuts", + "fresh mint", + "caster sugar", + "cucumber" + ] + }, + { + "id": 40793, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "boneless skinless chicken breasts", + "salt", + "red bell pepper", + "garlic powder", + "chili powder", + "cayenne pepper", + "oregano", + "flour tortillas", + "paprika", + "green pepper", + "canola oil", + "sugar", + "green onions", + "garlic", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 21845, + "cuisine": "british", + "ingredients": [ + "smoked haddock", + "milk", + "thai chile", + "juice", + "jasmine rice", + "ground black pepper", + "cilantro leaves", + "onions", + "kosher salt", + "lime", + "garlic", + "bay leaf", + "eggs", + "curry powder", + "butter", + "scallions" + ] + }, + { + "id": 14868, + "cuisine": "mexican", + "ingredients": [ + "cooked chicken", + "flour tortillas", + "sour cream", + "shredded cheddar cheese", + "vegetable oil", + "green onions", + "chunky salsa" + ] + }, + { + "id": 3013, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "garlic powder", + "salsa", + "boneless skinless chicken breast halves", + "lime juice", + "worcestershire sauce", + "corn tortillas", + "lemonade", + "onion powder", + "sour cream", + "lettuce", + "olive oil", + "shredded sharp cheddar cheese", + "bay leaf" + ] + }, + { + "id": 43126, + "cuisine": "italian", + "ingredients": [ + "french bread", + "lemon juice", + "fresh parmesan cheese", + "salt", + "water", + "purple onion", + "arugula", + "fennel bulb", + "freshly ground pepper" + ] + }, + { + "id": 32384, + "cuisine": "russian", + "ingredients": [ + "baking powder", + "cream cheese", + "cool whip", + "vanilla", + "large eggs", + "fresh raspberries", + "sugar", + "all purpose unbleached flour", + "sour cream" + ] + }, + { + "id": 29260, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "butternut squash", + "feta cheese crumbles", + "ground black pepper", + "bulgur", + "fresh parmesan cheese", + "salt", + "chopped fresh mint", + "phyllo dough", + "cooking spray", + "chopped onion" + ] + }, + { + "id": 37390, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "potatoes", + "sweet pepper", + "onions", + "dried basil", + "pimentos", + "chopped parsley", + "milk", + "dry white wine", + "salt", + "tomatoes", + "olive oil", + "large garlic cloves", + "orange rind" + ] + }, + { + "id": 12250, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "leeks", + "dried shiitake mushrooms", + "ground white pepper", + "dark soy sauce", + "rice cakes", + "garlic", + "oyster sauce", + "pork shoulder", + "light soy sauce", + "napa cabbage", + "oil", + "sliced mushrooms", + "sugar", + "Shaoxing wine", + "salt", + "corn starch" + ] + }, + { + "id": 13296, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "crushed red pepper flakes", + "black pepper", + "sea salt", + "dried oregano", + "onion powder", + "cayenne pepper", + "garlic powder", + "paprika", + "ground cumin" + ] + }, + { + "id": 33509, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "condensed cheddar cheese soup", + "onions", + "milk", + "tortilla chips", + "ground beef", + "taco sauce", + "condensed fiesta nacho cheese soup", + "cream cheese, soften", + "water", + "pitted olives", + "sour cream" + ] + }, + { + "id": 35818, + "cuisine": "italian", + "ingredients": [ + "water", + "new potatoes", + "carrots", + "whole peeled tomatoes", + "extra-virgin olive oil", + "onions", + "kale", + "farro", + "celery", + "savoy cabbage", + "red beans", + "salt" + ] + }, + { + "id": 47657, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "jalapeno chilies", + "sour cream", + "sliced black olives", + "diced tomatoes", + "chili", + "green onions", + "corn tortilla chips", + "pepper jack", + "salsa" + ] + }, + { + "id": 45978, + "cuisine": "vietnamese", + "ingredients": [ + "garlic", + "canola oil", + "soy sauce", + "dark brown sugar", + "fish sauce", + "beef sirloin", + "fresh cilantro", + "grated orange" + ] + }, + { + "id": 45745, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "chopped fresh chives", + "all-purpose flour", + "mascarpone", + "shallots", + "lager", + "vegetable oil", + "lump crab meat", + "baking powder", + "corn starch" + ] + }, + { + "id": 7821, + "cuisine": "british", + "ingredients": [ + "milk", + "potatoes", + "all-purpose flour", + "ground turkey", + "olive oil", + "garlic", + "sliced mushrooms", + "onions", + "dried thyme", + "butter", + "carrots", + "fresh parsley", + "ground black pepper", + "salt", + "chicken-flavored soup powder" + ] + }, + { + "id": 15872, + "cuisine": "british", + "ingredients": [ + "eggs", + "self rising flour", + "margarine", + "light brown sugar", + "mixed spice", + "grated lemon zest", + "dried currants", + "golden raisins", + "almond paste", + "fruit", + "candied cherries", + "apricot jam" + ] + }, + { + "id": 46943, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "sweet potatoes", + "chopped pecans", + "milk", + "butter", + "brown sugar", + "dark rum", + "white sugar", + "self rising flour", + "vanilla extract" + ] + }, + { + "id": 40392, + "cuisine": "italian", + "ingredients": [ + "feta cheese crumbles", + "diced tomatoes", + "chicken breasts", + "salt" + ] + }, + { + "id": 39189, + "cuisine": "moroccan", + "ingredients": [ + "dried currants", + "cilantro", + "yellow onion", + "tomato paste", + "date molasses", + "garlic", + "ground lamb", + "mint", + "beef demi-glace", + "ras el hanout", + "swiss chard", + "whole wheat couscous", + "greek yogurt" + ] + }, + { + "id": 27137, + "cuisine": "jamaican", + "ingredients": [ + "coconut oil", + "curry powder", + "green pepper", + "onions", + "pepper", + "sea salt", + "shrimp", + "ketchup", + "full fat coconut milk", + "scallions", + "water", + "garlic", + "thyme" + ] + }, + { + "id": 48473, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "eggplant", + "sweet potatoes", + "green chilies", + "mustard seeds", + "tumeric", + "ground black pepper", + "sea salt", + "ground coriander", + "onions", + "tomatoes", + "garam masala", + "chili powder", + "okra", + "coconut milk", + "haricots verts", + "olive oil", + "potatoes", + "peas", + "cumin seed" + ] + }, + { + "id": 12571, + "cuisine": "chinese", + "ingredients": [ + "pork", + "chinese sausage", + "rice flour", + "sugar", + "shiitake", + "scallions", + "low sodium soy sauce", + "white pepper", + "salt", + "black pepper", + "daikon", + "dried shrimp" + ] + }, + { + "id": 5177, + "cuisine": "filipino", + "ingredients": [ + "garlic", + "onions", + "oil", + "salt", + "pepper", + "lemon juice" + ] + }, + { + "id": 33142, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "pure vanilla extract", + "confectioners sugar", + "salt", + "hazelnuts" + ] + }, + { + "id": 43051, + "cuisine": "french", + "ingredients": [ + "clove", + "fresh thyme", + "heavy cream", + "fresh mushrooms", + "onions", + "water", + "butter", + "garlic", + "celery", + "white wine", + "egg yolks", + "fresh tarragon", + "carrots", + "chicken", + "salt and ground black pepper", + "lemon", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 1897, + "cuisine": "italian", + "ingredients": [ + "butter", + "freshly ground pepper", + "fillets", + "ravioli", + "chopped fresh sage", + "chopped pecans", + "parmesan cheese", + "salt", + "green beans", + "cheese", + "garlic cloves" + ] + }, + { + "id": 2311, + "cuisine": "brazilian", + "ingredients": [ + "coconut", + "sweetened condensed milk", + "heavy whipping cream", + "butter", + "kosher salt", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 2841, + "cuisine": "vietnamese", + "ingredients": [ + "serrano chilies", + "baby spinach leaves", + "mint leaves", + "chicken breasts", + "ginger", + "onions", + "bean threads", + "fish sauce", + "lemon grass", + "basil leaves", + "cinnamon", + "garlic", + "sambal ulek", + "water", + "leeks", + "lime wedges", + "thai chile", + "chicken broth", + "soy sauce", + "Sriracha", + "green onions", + "lemon", + "beansprouts" + ] + }, + { + "id": 32712, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "lemon", + "red bell pepper", + "chicken stock", + "French lentils", + "salt", + "olive oil", + "yellow bell pepper", + "onions", + "tomatoes", + "garam masala", + "cayenne pepper" + ] + }, + { + "id": 18451, + "cuisine": "filipino", + "ingredients": [ + "milk", + "brown sugar", + "vanilla", + "coconut", + "butter" + ] + }, + { + "id": 16032, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "diced tomatoes", + "condensed cream of chicken soup", + "cooked chicken", + "green onions", + "corn tortillas", + "shredded cheddar cheese", + "condensed cream of mushroom soup" + ] + }, + { + "id": 10385, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "enokitake", + "shrimp", + "chicken broth", + "lime juice", + "tom yum paste", + "coriander", + "rice stick noodles", + "fish sauce", + "soup", + "coconut milk", + "tomatoes", + "lemongrass", + "garlic cloves" + ] + }, + { + "id": 4653, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "salt", + "cider vinegar", + "yellow bell pepper", + "chopped cilantro fresh", + "roma tomatoes", + "purple onion", + "ground cumin", + "sugar", + "ground red pepper", + "fresh lime juice" + ] + }, + { + "id": 8154, + "cuisine": "vietnamese", + "ingredients": [ + "butter lettuce", + "mint leaves", + "cilantro leaves", + "fresh lime juice", + "pepper", + "garlic", + "carrots", + "glass noodles", + "chili flakes", + "dry roasted peanuts", + "salt", + "shrimp", + "sugar", + "basil leaves", + "rice vinegar", + "asian fish sauce" + ] + }, + { + "id": 10901, + "cuisine": "cajun_creole", + "ingredients": [ + "buttermilk", + "ground white pepper", + "garlic powder", + "all-purpose flour", + "chicken", + "Louisiana Hot Sauce", + "salt", + "lard", + "ground black pepper", + "cayenne pepper" + ] + }, + { + "id": 23941, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "red wine vinegar", + "persian cucumber", + "roma tomatoes", + "purple onion", + "pitted kalamata olives", + "mint leaves", + "salt", + "ground black pepper", + "extra-virgin olive oil", + "flat leaf parsley" + ] + }, + { + "id": 35020, + "cuisine": "italian", + "ingredients": [ + "cavatappi", + "canned tomatoes", + "olive oil", + "flat leaf parsley", + "pepperoni slices", + "salt", + "green bell pepper", + "garlic", + "onions" + ] + }, + { + "id": 31128, + "cuisine": "chinese", + "ingredients": [ + "shrimp stock", + "large eggs", + "ground pork", + "fresh lemon juice", + "canola oil", + "boneless chicken skinless thigh", + "napa cabbage", + "freshly ground pepper", + "shrimp", + "fish sauce", + "coarse salt", + "rice vermicelli", + "carrots", + "minced garlic", + "lemon", + "scallions", + "onions" + ] + }, + { + "id": 15004, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "purple onion", + "ham", + "tomatoes", + "scotch bonnet chile", + "sweet paprika", + "vegetable oil", + "salt", + "corn tortillas", + "green bell pepper", + "large garlic cloves", + "freshly ground pepper" + ] + }, + { + "id": 43458, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "shallots", + "freshly ground pepper", + "kosher salt", + "grated parmesan cheese", + "dry bread crumbs", + "arborio rice", + "unsalted butter", + "vegetable oil", + "chopped parsley", + "chicken stock", + "large eggs", + "all-purpose flour", + "frozen peas" + ] + }, + { + "id": 42848, + "cuisine": "spanish", + "ingredients": [ + "green bell pepper", + "red wine vinegar", + "cucumber", + "tomatoes", + "tomato juice", + "salt", + "fresh parsley", + "navy beans", + "olive oil", + "garlic", + "celery", + "fresh basil", + "green onions", + "fresh oregano", + "ground cumin" + ] + }, + { + "id": 25618, + "cuisine": "mexican", + "ingredients": [ + "water", + "dried pinto beans", + "dried oregano", + "chile pepper", + "pork roast", + "chili powder", + "salt", + "pepper", + "corn chips", + "cumin seed" + ] + }, + { + "id": 2210, + "cuisine": "chinese", + "ingredients": [ + "boneless chicken breast", + "garlic", + "peanut oil", + "toasted sesame seeds", + "water", + "baking powder", + "salt", + "corn starch", + "egg whites", + "cooking wine", + "oil", + "honey", + "apple cider vinegar", + "all-purpose flour", + "ground white pepper" + ] + }, + { + "id": 35711, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "onions", + "condensed tomato soup", + "shredded mozzarella cheese", + "refrigerated pizza dough", + "pepperoni turkei", + "italian seasoning", + "green bell pepper", + "cheese", + "sliced mushrooms" + ] + }, + { + "id": 2000, + "cuisine": "mexican", + "ingredients": [ + "cream", + "tomatoes", + "red bell pepper", + "cheese", + "spinach", + "onions" + ] + }, + { + "id": 26357, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "coarse salt", + "yellow corn meal", + "large eggs", + "molasses", + "baking powder", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 38090, + "cuisine": "russian", + "ingredients": [ + "fresh basil", + "bay leaves", + "salt", + "sour cream", + "pepper", + "lemon", + "beets", + "onions", + "fresh dill", + "butter", + "beef broth", + "fresh parsley", + "tomatoes", + "potatoes", + "garlic", + "carrots", + "cabbage" + ] + }, + { + "id": 25512, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "hot pepper sauce", + "rice", + "onions", + "pepper", + "barbecue sauce", + "celery", + "ketchup", + "bell pepper", + "sausages", + "tomato paste", + "water", + "salt", + "ground beef" + ] + }, + { + "id": 1109, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh oregano", + "fresh rosemary", + "balsamic vinegar", + "boneless beef rib eye steaks", + "white pepper", + "garlic" + ] + }, + { + "id": 1178, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "all-purpose flour", + "sea scallops", + "salt", + "medium shrimp", + "lemon", + "sardines", + "vegetable oil", + "squid" + ] + }, + { + "id": 31576, + "cuisine": "korean", + "ingredients": [ + "white vinegar", + "soy sauce", + "ice water", + "kimchi", + "eggs", + "sesame oil", + "pancake mix", + "potato starch", + "agave nectar", + "seafood", + "red chili peppers", + "vegetable oil", + "scallions" + ] + }, + { + "id": 26583, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "pitas", + "vegetable oil", + "scallions", + "minced garlic", + "hoisin sauce", + "rice vinegar", + "red bell pepper", + "soy sauce", + "sichuanese chili paste", + "dry sherry", + "corn starch", + "light brown sugar", + "eggplant", + "sesame oil", + "gingerroot" + ] + }, + { + "id": 49225, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "grated lemon zest", + "salt", + "plum tomatoes", + "extra-virgin olive oil", + "flat leaf parsley", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 23218, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "green bell pepper", + "kosher salt", + "unsalted butter", + "vegetable oil", + "ground mustard", + "garlic cloves", + "ground cumin", + "celery salt", + "tomato sauce", + "garlic powder", + "bay leaves", + "yellow onion", + "ground coriander", + "long grain white rice", + "tomato paste", + "boneless chicken skinless thigh", + "ground black pepper", + "onion powder", + "cayenne pepper", + "scallions", + "dried oregano", + "tasso", + "andouille sausage", + "dried thyme", + "jalapeno chilies", + "paprika", + "low sodium chicken stock", + "ground white pepper" + ] + }, + { + "id": 12576, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "garam masala", + "heavy cream", + "salt", + "onions", + "olive oil", + "boneless skinless chicken breasts", + "cilantro", + "cayenne pepper", + "black pepper", + "bay leaves", + "paprika", + "greek style plain yogurt", + "cumin", + "fresh ginger", + "cinnamon", + "garlic", + "corn starch" + ] + }, + { + "id": 15505, + "cuisine": "french", + "ingredients": [ + "black pepper", + "unsalted butter", + "lemon", + "hazelnut oil", + "fresh lemon juice", + "sea scallops", + "finely chopped fresh parsley", + "artichokes", + "California bay leaves", + "onions", + "olive oil", + "dijon mustard", + "port", + "garlic cloves", + "carrots", + "sherry vinegar", + "fresh thyme", + "salt", + "small white beans", + "canola oil" + ] + }, + { + "id": 110, + "cuisine": "spanish", + "ingredients": [ + "fresh tomatoes", + "sherry vinegar", + "garlic cloves", + "crushed tomatoes", + "salt", + "crusty bread", + "roasted red peppers", + "smoked paprika", + "olive oil", + "blanched almonds" + ] + }, + { + "id": 34482, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "corn husks", + "fresh lime juice", + "black beans", + "salt", + "chopped cilantro fresh", + "vegetable oil cooking spray", + "jalapeno chilies", + "chopped fresh mint", + "avocado", + "pepper", + "tortilla chips" + ] + }, + { + "id": 2153, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "salt", + "jalapeno chilies", + "chopped cilantro fresh", + "sugar", + "fresh lime juice", + "purple onion", + "mango" + ] + }, + { + "id": 12944, + "cuisine": "chinese", + "ingredients": [ + "wonton wrappers", + "cream cheese", + "soy sauce", + "salt", + "scallions", + "worcestershire sauce", + "peanut oil", + "sesame oil", + "crabmeat", + "imitation crab meat" + ] + }, + { + "id": 4599, + "cuisine": "italian", + "ingredients": [ + "ground nutmeg", + "all-purpose flour", + "spaghetti", + "pepper", + "cooking spray", + "fresh mushrooms", + "fat free less sodium chicken broth", + "chopped green bell pepper", + "chopped onion", + "cooked chicken breasts", + "fresh parmesan cheese", + "dry sherry", + "nonfat evaporated milk" + ] + }, + { + "id": 36172, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "button mushrooms", + "Madeira", + "porcini powder", + "all-purpose flour", + "veal", + "whipping cream", + "olive oil", + "butter", + "flat leaf parsley" + ] + }, + { + "id": 1055, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "boneless skinless chicken breasts", + "corn kernel whole", + "lime", + "white rice", + "green bell pepper", + "chili powder", + "garlic powder", + "onions" + ] + }, + { + "id": 2504, + "cuisine": "greek", + "ingredients": [ + "honey", + "salt", + "orange zest", + "raki", + "lemon zest", + "chopped walnuts", + "water", + "extra-virgin olive oil", + "fresh lemon juice", + "sugar", + "sesame seeds", + "all-purpose flour" + ] + }, + { + "id": 10247, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "avocado", + "ground red pepper", + "chopped cilantro fresh", + "jalapeno chilies", + "fresh lime juice", + "olive oil", + "sea salt", + "ground cumin" + ] + }, + { + "id": 31132, + "cuisine": "italian", + "ingredients": [ + "spinach", + "ground nutmeg", + "1% low-fat milk", + "garlic cloves", + "small curd cottage cheese", + "large eggs", + "all-purpose flour", + "part-skim mozzarella cheese", + "grated parmesan cheese", + "freshly ground pepper", + "olive oil", + "lasagna noodles", + "salt", + "onions" + ] + }, + { + "id": 25421, + "cuisine": "mexican", + "ingredients": [ + "lean ground beef", + "sliced green onions", + "green chile", + "Mexican cheese", + "pasta", + "diced tomatoes", + "taco seasoning mix", + "corn kernel whole" + ] + }, + { + "id": 30003, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "dill pickles", + "yellow mustard", + "boiling potatoes", + "boiled eggs", + "onions", + "salt" + ] + }, + { + "id": 42834, + "cuisine": "italian", + "ingredients": [ + "clams", + "lemon wedge", + "spaghettini", + "capers", + "whipping cream", + "fresh basil", + "butter", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 1123, + "cuisine": "italian", + "ingredients": [ + "spinach leaves", + "olive oil", + "fingerling", + "sliced green onions", + "fresh basil", + "ricotta cheese", + "salt", + "rocket leaves", + "large eggs", + "gruyere cheese", + "milk", + "butter", + "freshly ground pepper" + ] + }, + { + "id": 8932, + "cuisine": "french", + "ingredients": [ + "flour", + "beef stew meat", + "Equal Sweetener", + "chuck", + "pearl onions", + "red wine", + "cubed meat", + "thyme", + "pepper", + "crimini mushrooms", + "salt", + "carrots", + "olive oil", + "garlic", + "softened butter", + "bay leaf" + ] + }, + { + "id": 29585, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "cinnamon", + "evaporated milk", + "pie shell", + "melted butter", + "sweet potatoes", + "sugar", + "vanilla" + ] + }, + { + "id": 42046, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "olive oil", + "sour cream", + "ground cumin", + "cotija", + "large garlic cloves", + "corn tortillas", + "homemade chicken stock", + "granulated sugar", + "ancho chile pepper", + "kosher salt", + "yellow onion", + "fresh lime juice" + ] + }, + { + "id": 48816, + "cuisine": "mexican", + "ingredients": [ + "taco shells", + "diced tomatoes", + "pico de gallo", + "guacamole", + "shredded Monterey Jack cheese", + "shredded cheddar cheese", + "chicken", + "taco sauce", + "shredded lettuce" + ] + }, + { + "id": 30054, + "cuisine": "korean", + "ingredients": [ + "cayenne pepper", + "sugar", + "green beans", + "soy sauce" + ] + }, + { + "id": 21970, + "cuisine": "italian", + "ingredients": [ + "earl grey tea bags", + "sugar", + "fresh lemon juice", + "whole milk", + "water" + ] + }, + { + "id": 13424, + "cuisine": "southern_us", + "ingredients": [ + "crawfish", + "worcestershire sauce", + "green onions", + "hot pepper sauce", + "cream cheese", + "mayonaise", + "butter" + ] + }, + { + "id": 43001, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "napa cabbage", + "salted roast peanuts", + "red bell pepper", + "rice stick noodles", + "chicken breast halves", + "hot chili paste", + "creamy peanut butter", + "peeled fresh ginger", + "large garlic cloves", + "purple onion", + "fresh lime juice", + "sugar", + "vegetable oil", + "grated carrot", + "cucumber" + ] + }, + { + "id": 47881, + "cuisine": "french", + "ingredients": [ + "all-purpose flour", + "ice water", + "unsalted butter", + "salt" + ] + }, + { + "id": 10794, + "cuisine": "mexican", + "ingredients": [ + "cold water", + "picholine olives", + "vegetable oil", + "salt", + "garlic cloves", + "eggs", + "unsalted butter", + "diced tomatoes", + "yellow onion", + "ground beef", + "chicken stock", + "ground black pepper", + "red pepper flakes", + "all-purpose flour", + "cornmeal", + "shortening", + "green onions", + "cook egg hard", + "liquid", + "ground cumin" + ] + }, + { + "id": 8771, + "cuisine": "moroccan", + "ingredients": [ + "milk", + "dry sherry", + "dried currants", + "boneless chicken breast halves", + "all-purpose flour", + "slivered almonds", + "finely chopped onion", + "apples", + "curry powder", + "butter" + ] + }, + { + "id": 47736, + "cuisine": "italian", + "ingredients": [ + "sourdough bread", + "fat-free mayonnaise", + "tomatoes", + "provolone cheese", + "cooking spray", + "basil pesto sauce", + "turkey breast" + ] + }, + { + "id": 5036, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "Tabasco Pepper Sauce", + "dried rosemary", + "avocado", + "ground black pepper", + "greek seasoning mix", + "garlic powder", + "greek style plain yogurt", + "kosher salt", + "boneless skinless chicken breasts", + "lemon juice" + ] + }, + { + "id": 8861, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning", + "chicken breasts", + "chicken broth", + "ranch dressing" + ] + }, + { + "id": 17611, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "bacon", + "baby spinach leaves", + "salt and ground black pepper", + "olive oil", + "minced garlic", + "butter" + ] + }, + { + "id": 33589, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "onion salt", + "flour tortillas", + "cayenne pepper", + "ground black pepper", + "salsa", + "vegetable oil", + "pork loin chops" + ] + }, + { + "id": 16860, + "cuisine": "french", + "ingredients": [ + "butter", + "runny honey", + "black pepper", + "apples", + "phyllo pastry", + "sage leaves", + "sea salt", + "walnuts", + "apple cider vinegar", + "fresh chevre" + ] + }, + { + "id": 33846, + "cuisine": "mexican", + "ingredients": [ + "syrup", + "olive oil", + "vegetable broth", + "garlic cloves", + "guajillo chiles", + "zucchini", + "yellow onion", + "ground cumin", + "warm water", + "hominy", + "salt", + "dried oregano", + "lime", + "tempeh", + "cacao powder" + ] + }, + { + "id": 48667, + "cuisine": "southern_us", + "ingredients": [ + "dried thyme", + "ground red pepper", + "ground nutmeg", + "salt", + "garlic powder", + "paprika", + "ground black pepper", + "dried oregano" + ] + }, + { + "id": 34857, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "dates", + "salt", + "cinnamon sticks", + "rock sugar", + "white pepper", + "star anise", + "scallions", + "wine", + "water", + "garlic", + "oil", + "dark soy sauce", + "chicken bouillon", + "ginger", + "leg quarters" + ] + }, + { + "id": 3977, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "butter", + "all-purpose flour", + "powdered sugar", + "granulated sugar", + "stout", + "sour cream", + "eggs", + "unsalted butter", + "heavy cream", + "cocoa powder", + "cream", + "Irish whiskey", + "salt", + "bittersweet chocolate" + ] + }, + { + "id": 29067, + "cuisine": "french", + "ingredients": [ + "fresh blueberries", + "all-purpose flour", + "eggs", + "vanilla extract", + "white sugar", + "egg yolks", + "confectioners sugar", + "milk", + "salt" + ] + }, + { + "id": 18316, + "cuisine": "mexican", + "ingredients": [ + "grape tomatoes", + "garlic powder", + "tortilla chips", + "black beans", + "sliced black olives", + "fresh lime juice", + "romaine lettuce", + "salsa verde", + "sour cream", + "avocado", + "corn", + "cilantro stems", + "ground cumin" + ] + }, + { + "id": 6139, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "butter", + "fresh basil leaves", + "ground black pepper", + "fresh parsley", + "breadstick", + "garlic" + ] + }, + { + "id": 49096, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "fresh ginger", + "cornflour", + "tilapia fillets", + "spring onions", + "soy sauce", + "basil leaves", + "garlic cloves", + "brown sugar", + "lime", + "sunflower oil" + ] + }, + { + "id": 26495, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "shortening", + "all-purpose flour", + "sugar", + "eggs", + "buttermilk" + ] + }, + { + "id": 16923, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "breakfast sausages", + "all-purpose flour", + "cheddar cheese", + "half & half", + "heavy cream", + "black pepper", + "baking powder", + "salt", + "green chile", + "unsalted butter", + "buttermilk" + ] + }, + { + "id": 28955, + "cuisine": "irish", + "ingredients": [ + "sugar", + "butter", + "white vinegar", + "large eggs", + "salt", + "shortening", + "baking powder", + "all-purpose flour", + "milk", + "raisins" + ] + }, + { + "id": 35668, + "cuisine": "brazilian", + "ingredients": [ + "sunflower seeds", + "açai powder", + "frozen banana", + "pure vanilla extract", + "flaked coconut", + "blueberries", + "almond butter", + "strawberries", + "pecans", + "passion fruit", + "almond milk" + ] + }, + { + "id": 23709, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "large eggs", + "olive oil", + "scallions", + "kosher salt", + "baby spinach", + "grape tomatoes", + "feta cheese" + ] + }, + { + "id": 3923, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "dried oregano", + "fontina", + "freshly grated parmesan", + "oven-ready lasagna noodles", + "eggplant", + "ricotta", + "kosher salt", + "zucchini", + "plum tomatoes" + ] + }, + { + "id": 18759, + "cuisine": "russian", + "ingredients": [ + "water", + "butter", + "sugar", + "active dry yeast", + "eggs", + "milk", + "vanilla", + "pitted cherries", + "flour" + ] + }, + { + "id": 29555, + "cuisine": "mexican", + "ingredients": [ + "honey", + "garlic", + "cooked chicken", + "enchilada sauce", + "flour tortillas", + "and fat free half half", + "lime juice", + "chili powder", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 33256, + "cuisine": "french", + "ingredients": [ + "light brown sugar", + "large egg yolks", + "milk", + "heavy cream", + "kahlúa", + "granulated sugar", + "eggs", + "instant espresso powder" + ] + }, + { + "id": 27584, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "egg whites", + "ground pork", + "beansprouts", + "black pepper", + "vegetable oil", + "fresh mushrooms", + "canola oil", + "sugar pea", + "green onions", + "salt", + "ground beef", + "garlic powder", + "lumpia wrappers", + "carrots" + ] + }, + { + "id": 46694, + "cuisine": "italian", + "ingredients": [ + "capers", + "lemon", + "sourdough", + "fennel", + "salt", + "pitted kalamata olives", + "extra-virgin olive oil", + "tuna in oil", + "dill" + ] + }, + { + "id": 44429, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "dijon mustard", + "green beans", + "kidney beans", + "balsamic vinegar", + "chopped fresh mint", + "vidalia onion", + "garlic powder", + "salt", + "olive oil", + "onion powder", + "fresh parsley" + ] + }, + { + "id": 2439, + "cuisine": "italian", + "ingredients": [ + "pepperoncini", + "monterey jack", + "barbecue sauce", + "boneless skinless chicken breast halves", + "baked pizza crust", + "purple onion", + "chopped cilantro fresh" + ] + }, + { + "id": 21483, + "cuisine": "korean", + "ingredients": [ + "potatoes", + "soy sauce", + "scallions", + "sugar", + "garlic", + "sesame seeds", + "oil" + ] + }, + { + "id": 31023, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "almond extract", + "strawberries", + "whole wheat pastry flour", + "granulated sugar", + "salt", + "sliced almonds", + "baking powder", + "all-purpose flour", + "turbinado", + "unsalted butter", + "buttermilk", + "confectioners sugar" + ] + }, + { + "id": 7549, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "coarse salt", + "button mushrooms", + "red bell pepper", + "chicken stock", + "minced garlic", + "dry sherry", + "scallions", + "soy sauce", + "grapeseed oil", + "ginger", + "bamboo shoots", + "chiles", + "boneless chicken breast halves", + "basil", + "corn starch" + ] + }, + { + "id": 20582, + "cuisine": "british", + "ingredients": [ + "ketchup", + "ground pepper", + "yukon gold potatoes", + "red wine", + "sharp cheddar cheese", + "milk", + "beef stock", + "balsamic vinegar", + "garlic", + "bay leaf", + "kosher salt", + "flour", + "lean ground beef", + "extra-virgin olive oil", + "carrots", + "low sodium soy sauce", + "dried thyme", + "shallots", + "butter", + "yellow onion", + "frozen peas" + ] + }, + { + "id": 4225, + "cuisine": "indian", + "ingredients": [ + "tomato sauce", + "yoghurt", + "paprika", + "lemon juice", + "ground black pepper", + "butter", + "salt", + "ground cumin", + "fresh ginger", + "boneless skinless chicken breasts", + "garlic", + "chopped cilantro fresh", + "ground cinnamon", + "jalapeno chilies", + "heavy cream", + "cayenne pepper" + ] + }, + { + "id": 29666, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "rosemary sprigs", + "black peppercorns", + "crushed red pepper", + "lemon peel" + ] + }, + { + "id": 9140, + "cuisine": "southern_us", + "ingredients": [ + "sour cream", + "lemon curd", + "blackberries" + ] + }, + { + "id": 16603, + "cuisine": "french", + "ingredients": [ + "eggs", + "egg whites", + "fresh parsley", + "green cabbage", + "skim milk", + "gruyere cheese", + "vegetable oil cooking spray", + "shredded carrots", + "sliced green onions", + "caraway seeds", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 23699, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "beef", + "garlic", + "sesame seeds", + "butter", + "onions", + "prunes", + "vegetables", + "ginger", + "saffron", + "olive oil", + "spices", + "salt" + ] + }, + { + "id": 14330, + "cuisine": "mexican", + "ingredients": [ + "corn", + "grated jack cheese", + "zucchini", + "olive oil", + "corn tortilla chips", + "purple onion" + ] + }, + { + "id": 28103, + "cuisine": "thai", + "ingredients": [ + "fresh turmeric", + "coriander seeds", + "green cardamom", + "cinnamon sticks", + "basmati rice", + "fennel seeds", + "fresh ginger", + "salt", + "garlic cloves", + "onions", + "clove", + "black pepper", + "yoghurt", + "cumin seed", + "ghee", + "chicken", + "nutmeg", + "bay leaves", + "brown cardamom", + "ground cayenne pepper", + "saffron" + ] + }, + { + "id": 15101, + "cuisine": "vietnamese", + "ingredients": [ + "boneless sirloin", + "lemongrass", + "shrimp paste", + "ham hock", + "red chili peppers", + "lime", + "sea salt", + "fresh mint", + "sugar", + "fresh cilantro", + "rice noodles", + "beansprouts", + "sambal ulek", + "black pepper", + "nuoc nam", + "boneless pork loin", + "holy basil" + ] + }, + { + "id": 10642, + "cuisine": "thai", + "ingredients": [ + "peanuts", + "rice noodles", + "oil", + "sugar", + "chili powder", + "rice vinegar", + "chinese chives", + "fish sauce", + "large eggs", + "garlic", + "shrimp", + "water", + "lime wedges", + "firm tofu", + "beansprouts" + ] + }, + { + "id": 44598, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "nori", + "sake", + "seeds", + "avocado", + "sushi rice", + "sugar", + "unagi" + ] + }, + { + "id": 19895, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "cinnamon", + "powdered egg whites", + "water", + "granulated sugar", + "salt", + "peaches", + "vanilla extract", + "canola oil", + "powdered buttermilk", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 41315, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "buttermilk", + "sour cream", + "caraway seeds", + "baking powder", + "salt", + "sugar", + "butter", + "all-purpose flour", + "large eggs", + "raisins" + ] + }, + { + "id": 21712, + "cuisine": "italian", + "ingredients": [ + "red potato", + "parmigiano reggiano cheese", + "lemon", + "new york strip steaks", + "thyme sprigs", + "water", + "cooking spray", + "artichokes", + "garlic cloves", + "kosher salt", + "baby arugula", + "extra-virgin olive oil", + "lemon rind", + "bay leaf", + "ground black pepper", + "fresh thyme leaves", + "purple onion", + "fresh lemon juice" + ] + }, + { + "id": 1753, + "cuisine": "indian", + "ingredients": [ + "runny honey", + "garam masala", + "smoked paprika", + "boneless chicken skinless thigh", + "salt", + "lemon" + ] + }, + { + "id": 20066, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "self rising flour", + "beer", + "cheddar cheese", + "dill", + "onion powder", + "white sugar" + ] + }, + { + "id": 48238, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "medium-grain rice", + "soy sauce", + "sesame oil", + "green onions", + "chicken base", + "water", + "ginger" + ] + }, + { + "id": 2553, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "diced tomatoes", + "oil", + "no-salt-added black beans", + "pasta shells", + "chopped cilantro fresh", + "cooked chicken", + "cheese", + "40% less sodium taco seasoning mix", + "red pepper", + "yellow onion" + ] + }, + { + "id": 42250, + "cuisine": "korean", + "ingredients": [ + "pork ribs", + "white sugar", + "soy sauce", + "onion powder", + "green onions", + "chopped garlic", + "ground black pepper", + "sesame oil" + ] + }, + { + "id": 30136, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "beef", + "corn starch", + "soy sauce", + "oil", + "onions", + "sugar", + "garlic", + "red bell pepper", + "dark soy sauce", + "thai basil", + "oyster sauce" + ] + }, + { + "id": 12706, + "cuisine": "southern_us", + "ingredients": [ + "cream sweeten whip", + "large eggs", + "sugar", + "all-purpose flour", + "pecans", + "baking powder", + "pure vanilla extract", + "kosher salt", + "cooking apples" + ] + }, + { + "id": 26725, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salt", + "corn tortillas", + "radishes", + "chopped onion", + "boneless skinless chicken breast halves", + "black pepper", + "cilantro leaves", + "fresh lime juice", + "jalapeno chilies", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 22252, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken breast halves", + "enchilada sauce", + "white rice", + "monterey jack", + "butter", + "corn tortillas", + "chicken broth", + "sweet corn" + ] + }, + { + "id": 19546, + "cuisine": "southern_us", + "ingredients": [ + "water", + "vegetable broth", + "carrots", + "dry white wine", + "boneless pork loin", + "base", + "crushed red pepper", + "onions", + "collard greens", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 17016, + "cuisine": "southern_us", + "ingredients": [ + "parmesan cheese", + "grits", + "sugar", + "bacon slices", + "roast turkey", + "vegetable oil", + "extra sharp cheddar cheese", + "sweet onion", + "sauce" + ] + }, + { + "id": 49417, + "cuisine": "indian", + "ingredients": [ + "amchur", + "bay leaves", + "salt", + "mustard oil", + "ground turmeric", + "garam masala", + "vegetable oil", + "green chilies", + "onions", + "fresh ginger root", + "chili powder", + "cilantro leaves", + "garlic cloves", + "ground cumin", + "asafoetida", + "potatoes", + "passata", + "ground coriander", + "frozen peas" + ] + }, + { + "id": 35096, + "cuisine": "french", + "ingredients": [ + "clove", + "fresh thyme", + "coarse salt", + "freshly ground pepper", + "celery", + "turnips", + "asparagus", + "chicken breasts", + "low sodium chicken stock", + "flat leaf parsley", + "pearl onions", + "dry white wine", + "extra-virgin olive oil", + "carrots", + "black peppercorns", + "bay leaves", + "button mushrooms", + "small red potato", + "onions" + ] + }, + { + "id": 44856, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "salt", + "diced onions", + "boneless skinless chicken breasts", + "rice", + "olive oil", + "creole seasoning", + "shredded cheddar cheese", + "diced tomatoes" + ] + }, + { + "id": 2855, + "cuisine": "italian", + "ingredients": [ + "sugar", + "espresso" + ] + }, + { + "id": 637, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "garlic", + "grated Gruyère cheese", + "onions", + "black peppercorns", + "large eggs", + "grated nutmeg", + "thyme leaves", + "clove", + "parmigiano reggiano cheese", + "all-purpose flour", + "California bay leaves", + "olive oil", + "whole milk", + "dry bread crumbs", + "thyme sprigs" + ] + }, + { + "id": 18735, + "cuisine": "indian", + "ingredients": [ + "golden raisins", + "garlic", + "mixed spice", + "red wine vinegar", + "onions", + "fresh ginger root", + "paprika", + "white sugar", + "tomatoes", + "chili powder", + "curry paste" + ] + }, + { + "id": 19706, + "cuisine": "indian", + "ingredients": [ + "lime juice", + "salt", + "tumeric", + "vegetable oil", + "onions", + "garlic paste", + "chile pepper", + "cumin seed", + "plain yogurt", + "chicken drumsticks", + "chopped cilantro fresh" + ] + }, + { + "id": 42174, + "cuisine": "thai", + "ingredients": [ + "yellow miso", + "japanese eggplants", + "low sodium soy sauce", + "Thai red curry paste", + "haricots verts", + "peeled fresh ginger", + "minced garlic", + "peanut oil" + ] + }, + { + "id": 6155, + "cuisine": "mexican", + "ingredients": [ + "cooked rice", + "boneless skinless chicken breasts", + "red bell pepper", + "reduced fat monterey jack cheese", + "poblano peppers", + "no-salt-added black beans", + "corn kernels", + "chili powder", + "cumin", + "tomatoes", + "jalapeno chilies", + "garlic cloves" + ] + }, + { + "id": 44658, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "zucchini", + "fresh oregano", + "olive oil", + "diced tomatoes", + "onions", + "part-skim mozzarella cheese", + "stuffing mix", + "garlic salt", + "pepper", + "grated parmesan cheese", + "garlic cloves" + ] + }, + { + "id": 34350, + "cuisine": "italian", + "ingredients": [ + "white wine", + "parmesan cheese", + "purple onion", + "minced garlic", + "ground black pepper", + "kosher salt", + "broccoli rabe", + "green grape", + "sausage casings", + "olive oil", + "red wine vinegar" + ] + }, + { + "id": 3182, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "large garlic cloves", + "carrots", + "cabbage", + "lime juice", + "salt", + "onions", + "black pepper", + "thai chile", + "Thai fish sauce", + "mint", + "vegetable oil", + "rice vinegar", + "cooked chicken breasts" + ] + }, + { + "id": 36396, + "cuisine": "russian", + "ingredients": [ + "sugar", + "vegetable oil", + "lemon juice", + "flanken short ribs", + "freshly ground pepper", + "cabbage", + "tomatoes", + "potatoes", + "bermuda onion", + "water", + "salt", + "snip fresh dill" + ] + }, + { + "id": 48721, + "cuisine": "italian", + "ingredients": [ + "cherry tomatoes", + "coarse salt", + "sardines", + "potatoes", + "purple onion", + "olive oil", + "crushed red pepper flakes", + "dried oregano", + "capers", + "oil-cured black olives", + "flat leaf parsley" + ] + }, + { + "id": 18820, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "fresh lime juice", + "ground cumin", + "salt", + "plain whole-milk yogurt", + "chili powder", + "chicken pieces", + "fresh ginger", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 25175, + "cuisine": "japanese", + "ingredients": [ + "sake", + "mirin", + "sugar", + "corn starch", + "salmon fillets", + "teriyaki sauce", + "soy sauce" + ] + }, + { + "id": 35075, + "cuisine": "chinese", + "ingredients": [ + "sea bass", + "sesame oil", + "soy sauce", + "garlic cloves", + "red chili peppers", + "sunflower oil", + "fresh ginger root", + "cabbage" + ] + }, + { + "id": 16986, + "cuisine": "italian", + "ingredients": [ + "heavy cream", + "egg yolks", + "sugar", + "sea salt", + "whole milk" + ] + }, + { + "id": 28205, + "cuisine": "greek", + "ingredients": [ + "cherry tomatoes", + "green pepper", + "olives", + "sugar", + "extra-virgin olive oil", + "feta cheese crumbles", + "pasta", + "red wine vinegar", + "lemon juice", + "dried oregano", + "minced garlic", + "purple onion", + "cucumber" + ] + }, + { + "id": 29807, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "salt", + "lamb leg", + "tumeric", + "ginger", + "cayenne pepper", + "ground cumin", + "ground cinnamon", + "diced tomatoes", + "yellow onion", + "coconut milk", + "water", + "garlic", + "ground coriander" + ] + }, + { + "id": 27666, + "cuisine": "southern_us", + "ingredients": [ + "dried beef", + "sour cream", + "shredded cheddar cheese", + "worcestershire sauce", + "bread", + "chile pepper", + "green onions", + "cream cheese" + ] + }, + { + "id": 17403, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "ground turmeric", + "tomatoes", + "ground coriander", + "chili powder", + "onions", + "okra", + "ground cumin" + ] + }, + { + "id": 18536, + "cuisine": "greek", + "ingredients": [ + "cooking spray", + "flounder fillets", + "pepper", + "salt", + "dried oregano", + "balsamic vinegar", + "fresh parsley", + "olive oil", + "lemon juice" + ] + }, + { + "id": 39539, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "potatoes", + "carrots", + "sake", + "sesame seeds", + "ginger", + "chopped garlic", + "red chili powder", + "water", + "sesame oil", + "onions", + "sugar", + "chili paste", + "scallions", + "chicken" + ] + }, + { + "id": 47446, + "cuisine": "chinese", + "ingredients": [ + "green bell pepper", + "white wine", + "cayenne pepper", + "sugar", + "vegetable oil", + "jumbo shrimp", + "shallots", + "corn starch", + "soy sauce", + "rice vinegar" + ] + }, + { + "id": 37098, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "salsa", + "onions", + "kosher salt", + "flank steak", + "red bell pepper", + "jalapeno chilies", + "hot sauce", + "olive oil", + "chili powder", + "sour cream" + ] + }, + { + "id": 39868, + "cuisine": "southern_us", + "ingredients": [ + "peaches", + "lemon", + "eggs", + "flour", + "all-purpose flour", + "unsalted butter", + "salt", + "sugar", + "ice water" + ] + }, + { + "id": 23191, + "cuisine": "british", + "ingredients": [ + "shallots", + "salt", + "mushroom caps", + "extra-virgin olive oil", + "puff pastry", + "swiss chard", + "chopped fresh thyme", + "garlic cloves", + "large eggs", + "beef tenderloin" + ] + }, + { + "id": 26352, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "salt", + "red bell pepper", + "ground cumin", + "olive oil", + "orange juice", + "long grain white rice", + "black beans", + "hot sauce", + "onions", + "celery ribs", + "green onions", + "lemon juice", + "plum tomatoes" + ] + }, + { + "id": 13650, + "cuisine": "indian", + "ingredients": [ + "sugar", + "coriander seeds", + "salt", + "cinnamon sticks", + "onions", + "fennel seeds", + "fresh curry leaves", + "meat", + "cardamom pods", + "dried red chile peppers", + "ginger paste", + "garlic paste", + "water", + "vegetable oil", + "cumin seed", + "ghee", + "warm water", + "garam masala", + "tamarind paste", + "coconut milk", + "ground turmeric" + ] + }, + { + "id": 29863, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "water", + "sweet pepper", + "soy sauce", + "spring onions", + "shrimp", + "brown sugar", + "thai basil", + "garlic cloves", + "black pepper", + "crushed red pepper flakes" + ] + }, + { + "id": 34275, + "cuisine": "spanish", + "ingredients": [ + "manchego cheese", + "crackers", + "celery", + "green olives" + ] + }, + { + "id": 33417, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "dried thyme", + "sauce", + "boneless pork shoulder", + "chipotle chile", + "vegetable oil", + "onions", + "italian tomatoes", + "bay leaves", + "garlic cloves", + "red potato", + "chorizo", + "salt", + "marjoram" + ] + }, + { + "id": 37541, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "water", + "grated parmesan cheese", + "heavy cream", + "scallops", + "whole grain mustard", + "miso", + "salt", + "white wine", + "superfine sugar", + "vegetable oil", + "garlic", + "pepper", + "mirin", + "watercress", + "all-purpose flour" + ] + }, + { + "id": 35405, + "cuisine": "thai", + "ingredients": [ + "honey", + "lime wedges", + "peanut butter", + "red chili peppers", + "peanuts", + "garlic", + "coconut milk", + "chicken stock", + "fresh ginger", + "rice noodles", + "corn flour", + "soy sauce", + "spring onions", + "rice vinegar", + "chicken thighs" + ] + }, + { + "id": 20434, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "chicken breasts", + "coconut milk", + "pepper", + "basil", + "olive oil", + "garlic", + "sun-dried tomatoes", + "salt" + ] + }, + { + "id": 43364, + "cuisine": "mexican", + "ingredients": [ + "seasoning", + "coconut butter", + "onions", + "lime", + "lentils", + "tomato paste", + "salt", + "liquid smoke", + "tortillas", + "smoked paprika" + ] + }, + { + "id": 19068, + "cuisine": "italian", + "ingredients": [ + "white wine", + "low sodium chicken broth", + "chopped fresh sage", + "unsalted butter", + "chopped fresh thyme", + "garlic cloves", + "olive oil", + "shallots", + "freshly ground pepper", + "arborio rice", + "grated parmesan cheese", + "sea salt", + "wild mushrooms" + ] + }, + { + "id": 48482, + "cuisine": "indian", + "ingredients": [ + "sliced almonds", + "green onions", + "reduced fat mayonnaise", + "fat-free buttermilk", + "fresh lemon juice", + "nectarines", + "curry powder", + "salt", + "cooked chicken breasts", + "ground black pepper", + "diced celery" + ] + }, + { + "id": 26552, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "olive oil", + "chipotle", + "ground coriander", + "fish", + "lime juice", + "tortillas", + "habanero", + "adobo sauce", + "kosher salt", + "peaches", + "large garlic cloves", + "fresh lime juice", + "ground cumin", + "lime", + "diced red onions", + "cracked black pepper", + "chopped cilantro" + ] + }, + { + "id": 8473, + "cuisine": "southern_us", + "ingredients": [ + "pimentos", + "chopped pecans", + "mayonaise", + "shredded sharp cheddar cheese", + "butter", + "white sugar", + "garlic powder", + "salt" + ] + }, + { + "id": 5135, + "cuisine": "italian", + "ingredients": [ + "salami", + "short pasta", + "peas", + "butter", + "ground pepper", + "ricotta" + ] + }, + { + "id": 19434, + "cuisine": "chinese", + "ingredients": [ + "pork", + "water", + "sesame oil", + "scallions", + "sake", + "pork belly", + "flour", + "ginger", + "onions", + "potato starch", + "soy sauce", + "egg whites", + "vegetable oil", + "oyster sauce", + "sugar", + "black pepper", + "baking powder", + "dried shiitake mushrooms", + "yeast" + ] + }, + { + "id": 11109, + "cuisine": "italian", + "ingredients": [ + "bacon", + "onions", + "fresh mushrooms", + "pizza doughs", + "pizza sauce", + "shredded cheese" + ] + }, + { + "id": 7147, + "cuisine": "greek", + "ingredients": [ + "curry powder", + "cheese", + "feta cheese", + "fresh parsley", + "red pepper flakes", + "onions", + "olive oil", + "red bell pepper" + ] + }, + { + "id": 32550, + "cuisine": "italian", + "ingredients": [ + "salami", + "artichoke hearts", + "caesar salad dressing", + "cheese tortellini", + "green onions", + "ripe olives" + ] + }, + { + "id": 22316, + "cuisine": "cajun_creole", + "ingredients": [ + "cold water", + "heavy cream", + "yeast", + "unsalted butter", + "all-purpose flour", + "eggs", + "fine sea salt", + "canola oil", + "granulated sugar", + "confectioners sugar" + ] + }, + { + "id": 34153, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "cinnamon", + "white sugar", + "oats", + "flour", + "lemon juice", + "peaches", + "butter", + "brown sugar", + "baking powder", + "corn starch" + ] + }, + { + "id": 47551, + "cuisine": "irish", + "ingredients": [ + "pickles", + "canola oil", + "swiss cheese", + "egg roll wrappers", + "brown mustard", + "eggs", + "corned beef" + ] + }, + { + "id": 4868, + "cuisine": "jamaican", + "ingredients": [ + "dried thyme", + "ginger", + "carrots", + "ketchup", + "bell pepper", + "garlic", + "onions", + "black pepper", + "hot pepper", + "salt", + "browning", + "water", + "vegetable oil", + "ground allspice", + "chicken" + ] + }, + { + "id": 18352, + "cuisine": "mexican", + "ingredients": [ + "cooked chicken", + "corn tortillas", + "shredded cheddar cheese", + "garlic", + "cumin", + "black beans", + "rotelle", + "onions", + "garlic powder", + "enchilada sauce" + ] + }, + { + "id": 8290, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "granulated sugar", + "heavy cream", + "corn starch", + "pure vanilla extract", + "instant espresso powder", + "coffee", + "cocoa powder", + "large egg yolks", + "large eggs", + "salt", + "nonstick spray", + "dark chocolate", + "unsalted butter", + "whole milk", + "chocolate sandwich cookies" + ] + }, + { + "id": 14396, + "cuisine": "thai", + "ingredients": [ + "Thai red curry paste", + "beans", + "eggs", + "lime leaves", + "fish paste" + ] + }, + { + "id": 10175, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "cilantro", + "avocado", + "roma tomatoes", + "purple onion", + "ground black pepper", + "garlic", + "lime", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 37914, + "cuisine": "italian", + "ingredients": [ + "ziti", + "kale leaves", + "garlic", + "crushed red pepper flakes", + "shredded mozzarella cheese", + "italian sausage", + "shredded parmesan cheese" + ] + }, + { + "id": 12601, + "cuisine": "greek", + "ingredients": [ + "cherry tomatoes", + "garlic", + "crostini", + "flatbread", + "feta cheese", + "flat leaf parsley", + "dried oregano", + "olive oil", + "purple onion", + "olives", + "pita chips", + "ground black pepper", + "crackers" + ] + }, + { + "id": 34064, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "salt", + "italian plum tomatoes", + "onions", + "olive oil", + "rice", + "chicken broth", + "cilantro" + ] + }, + { + "id": 13440, + "cuisine": "korean", + "ingredients": [ + "honey", + "yellow bell pepper", + "garlic cloves", + "cooking spray", + "lamb", + "lower sodium soy sauce", + "crushed red pepper", + "kosher salt", + "green onions", + "dark sesame oil" + ] + }, + { + "id": 7199, + "cuisine": "irish", + "ingredients": [ + "water", + "lamb neck", + "carrots", + "beef bouillon granules", + "pearl barley", + "cabbage", + "dried thyme", + "vegetable oil", + "onions", + "rutabaga", + "bay leaves", + "ground allspice" + ] + }, + { + "id": 14352, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime juice", + "salt", + "english cucumber", + "pepper", + "shallots", + "cayenne pepper", + "greens", + "sugar", + "flank steak", + "cilantro leaves", + "fresh mint", + "water", + "thai chile", + "sweet paprika" + ] + }, + { + "id": 8062, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "red wine vinegar", + "flank steak", + "garlic", + "dijon mustard", + "worcestershire sauce", + "soy sauce", + "vegetable oil", + "fresh lemon juice" + ] + }, + { + "id": 33805, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "green onions", + "red pepper", + "salt", + "toasted sesame oil", + "brown sugar", + "water", + "lemon", + "beaten eggs", + "peanut oil", + "jasmine rice", + "boneless skinless chicken breasts", + "garlic", + "all-purpose flour", + "orange zest", + "soy sauce", + "orange marmalade", + "red pepper flakes", + "purple onion", + "chinese five-spice powder" + ] + }, + { + "id": 17166, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "english cucumber", + "wakame", + "salt", + "japanese cucumber", + "sugar", + "rice vinegar" + ] + }, + { + "id": 23820, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "rosemary leaves", + "garlic cloves", + "chicken", + "avocado", + "chili powder", + "grated lemon zest", + "poblano chiles", + "kosher salt", + "red wine vinegar", + "cayenne pepper", + "fresh basil leaves", + "ground black pepper", + "purple onion", + "red bell pepper" + ] + }, + { + "id": 19283, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "olive oil", + "chili powder", + "salt", + "melted butter", + "water", + "yoghurt", + "butter", + "chopped garlic", + "fenugreek leaves", + "honey", + "boneless skinless chicken breasts", + "heavy cream", + "ginger paste", + "garlic paste", + "garam masala", + "chile pepper", + "lemon juice" + ] + }, + { + "id": 27004, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "fresh parmesan cheese", + "basil", + "olive oil", + "balsamic vinegar", + "oregano", + "seasoned bread crumbs", + "cooking spray", + "boneless skinless chicken breast halves", + "sugar", + "part-skim mozzarella cheese", + "diced tomatoes", + "italian seasoning" + ] + }, + { + "id": 1986, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "vegetable stock", + "pumpkin seeds", + "cooked white rice", + "hoja santa", + "boneless skinless chicken breasts", + "garlic", + "chayotes", + "canola oil", + "kosher salt", + "tomatillos", + "cumin seed", + "onions", + "fresh cilantro", + "epazote", + "green beans", + "serrano chile" + ] + }, + { + "id": 39060, + "cuisine": "vietnamese", + "ingredients": [ + "salt", + "wheat flour", + "ketchup", + "chicken egg", + "sugar", + "rice vinegar", + "pepper", + "pork meat" + ] + }, + { + "id": 32388, + "cuisine": "french", + "ingredients": [ + "savoy cabbage", + "black peppercorns", + "seedless green grape", + "coriander seeds", + "fennel bulb", + "extra-virgin olive oil", + "sour cherries", + "porcini", + "juniper berries", + "olive oil", + "unsalted butter", + "lemon", + "cherry vinegar", + "chicken", + "lime zest", + "chestnuts", + "Japanese turnips", + "fennel", + "mushrooms", + "fine sea salt", + "carrots", + "chicken stock", + "granny smith apples", + "lime", + "ground black pepper", + "spring onions", + "artichokes", + "rib" + ] + }, + { + "id": 38493, + "cuisine": "moroccan", + "ingredients": [ + "fresh coriander", + "beef stock", + "yellow onion", + "ground cumin", + "tomato paste", + "stewing beef", + "diced tomatoes", + "smoked paprika", + "olive oil", + "large garlic cloves", + "chickpeas", + "ground cloves", + "ground black pepper", + "black olives", + "bay leaf" + ] + }, + { + "id": 33543, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "corn chips", + "Mexican cheese", + "chunky salsa", + "milk", + "all-purpose flour", + "ground beef", + "Mazola Corn Oil", + "cooking spray", + "taco seasoning", + "yeast", + "sugar", + "salt", + "corn flour" + ] + }, + { + "id": 38470, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "part-skim mozzarella cheese", + "plum tomatoes", + "pepper", + "salt", + "pizza crust", + "cooking spray", + "olive oil", + "fresh oregano" + ] + }, + { + "id": 3523, + "cuisine": "spanish", + "ingredients": [ + "flour", + "olive oil", + "salt", + "milk", + "runny honey", + "eggplant", + "orange blossom honey" + ] + }, + { + "id": 49447, + "cuisine": "french", + "ingredients": [ + "flour", + "chopped onion", + "milk", + "salt", + "pepper", + "butter", + "potatoes", + "mild cheddar cheese" + ] + }, + { + "id": 21276, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "peanuts", + "garlic", + "chile paste", + "udon", + "soy sauce", + "fresh ginger root", + "peanut butter", + "honey", + "green onions" + ] + }, + { + "id": 48708, + "cuisine": "indian", + "ingredients": [ + "spinach", + "flour", + "cumin seed", + "asafetida", + "amchur", + "salt", + "rice flour", + "water", + "red pepper", + "oil", + "potatoes", + "green chilies", + "coriander" + ] + }, + { + "id": 35187, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "currant", + "salt", + "romano cheese", + "flank steak", + "dry red wine", + "kale", + "vegetable oil", + "garlic", + "chicken stock", + "ground black pepper", + "anchovy paste", + "onions" + ] + }, + { + "id": 14833, + "cuisine": "moroccan", + "ingredients": [ + "salt", + "ground cumin", + "eggplant", + "fresh lemon juice", + "paprika", + "fresh parsley", + "pepper", + "garlic cloves" + ] + }, + { + "id": 49244, + "cuisine": "italian", + "ingredients": [ + "spinach", + "coarse salt", + "large egg yolks", + "semolina flour", + "all-purpose flour", + "large eggs" + ] + }, + { + "id": 26755, + "cuisine": "french", + "ingredients": [ + "potatoes", + "garlic", + "red bell pepper", + "fresh basil leaves", + "zucchini", + "vegetable broth", + "carrots", + "onions", + "cannellini beans", + "salt", + "celery", + "pepper", + "butternut squash", + "white beans", + "pistou" + ] + }, + { + "id": 41026, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "promise buttery spread", + "chopped cilantro fresh", + "orange bell pepper", + "ground turkey", + "shredded cheddar cheese", + "chili powder", + "tomatoes", + "chip plain tortilla", + "onions" + ] + }, + { + "id": 21393, + "cuisine": "southern_us", + "ingredients": [ + "lemon", + "cornmeal", + "ground black pepper", + "all-purpose flour", + "olive oil", + "salt", + "trout", + "cayenne pepper" + ] + }, + { + "id": 45298, + "cuisine": "italian", + "ingredients": [ + "white truffle oil", + "pizza doughs", + "taleggio", + "sliced mushrooms" + ] + }, + { + "id": 17059, + "cuisine": "japanese", + "ingredients": [ + "water", + "mirin", + "hot red pepper flakes", + "eggplant", + "gingerroot", + "dashi", + "vegetable oil", + "sugar", + "Japanese soy sauce", + "radish sprouts" + ] + }, + { + "id": 2171, + "cuisine": "mexican", + "ingredients": [ + "ear of corn", + "chopped cilantro fresh", + "crema mexicana", + "fresh lime juice", + "lime", + "chipotle chile powder", + "coarse kosher salt" + ] + }, + { + "id": 47522, + "cuisine": "brazilian", + "ingredients": [ + "lime juice", + "avocado", + "sugar" + ] + }, + { + "id": 16956, + "cuisine": "mexican", + "ingredients": [ + "apples", + "tortillas", + "chicken", + "bacon", + "cheddar cheese", + "bbq sauce" + ] + }, + { + "id": 12317, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "grated parmesan cheese", + "oven-ready lasagna noodles", + "part-skim mozzarella cheese", + "part-skim ricotta cheese", + "vegetables", + "garlic cloves", + "large egg whites", + "marinara sauce" + ] + }, + { + "id": 23313, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "purple onion", + "extra-virgin olive oil", + "fresh basil leaves", + "whole grain bread", + "red wine vinegar", + "cucumber" + ] + }, + { + "id": 33452, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "onions", + "fresh ginger", + "garlic", + "canola oil", + "water", + "red pepper flakes", + "toasted sesame seeds", + "sugar", + "hoisin sauce", + "green beans" + ] + }, + { + "id": 14094, + "cuisine": "italian", + "ingredients": [ + "light butter", + "italian seasoning", + "grated parmesan cheese", + "garlic powder", + "whole wheat bread dough" + ] + }, + { + "id": 32347, + "cuisine": "korean", + "ingredients": [ + "cider vinegar", + "beef fillet", + "onions", + "eggs", + "vegetable oil", + "cucumber", + "chard", + "water", + "carrots", + "nori", + "soy sauce", + "white rice", + "tuna" + ] + }, + { + "id": 43756, + "cuisine": "italian", + "ingredients": [ + "red potato", + "fusilli", + "low salt chicken broth", + "fresh parmesan cheese", + "crushed red pepper", + "black pepper", + "extra-virgin olive oil", + "broccoli rabe", + "garlic cloves" + ] + }, + { + "id": 48780, + "cuisine": "korean", + "ingredients": [ + "pork", + "garlic", + "toasted sesame seeds", + "Korean chile flakes", + "fresh ginger", + "Gochujang base", + "ground ginger", + "soy sauce", + "corn syrup", + "canola oil", + "sugar", + "sesame oil", + "onions" + ] + }, + { + "id": 14491, + "cuisine": "cajun_creole", + "ingredients": [ + "ground nutmeg", + "half & half", + "vanilla extract", + "golden brown sugar", + "raisin bread", + "amaretto", + "large egg yolks", + "large eggs", + "whipping cream", + "sugar", + "unsalted butter", + "pumpkin", + "salt" + ] + }, + { + "id": 18187, + "cuisine": "french", + "ingredients": [ + "olive oil", + "fresh parsley leaves", + "grated lemon zest", + "garlic cloves", + "red wine vinegar", + "boiling potatoes" + ] + }, + { + "id": 1042, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "flank steak", + "scallions", + "chopped garlic", + "sugar", + "shiitake", + "choy sum", + "Chinese egg noodles", + "chinese rice wine", + "reduced sodium chicken broth", + "sesame oil", + "oyster sauce", + "soy sauce", + "peeled fresh ginger", + "peanut oil", + "corn starch" + ] + }, + { + "id": 27775, + "cuisine": "italian", + "ingredients": [ + "ground cinnamon", + "egg whites", + "confectioners sugar", + "hazelnuts", + "all-purpose flour", + "unsweetened cocoa powder", + "ground cloves", + "salt", + "orange liqueur", + "honey", + "walnuts" + ] + }, + { + "id": 13539, + "cuisine": "italian", + "ingredients": [ + "vegetable oil", + "sardines", + "horseradish", + "oil", + "beets", + "fresh dill", + "sour cream" + ] + }, + { + "id": 2151, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger", + "ground pork", + "green onions", + "shredded cabbage", + "gyoza wrappers", + "soy sauce", + "sesame oil" + ] + }, + { + "id": 36322, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "butter", + "corn starch", + "pecan halves", + "flour", + "light corn syrup", + "unsweetened cocoa powder", + "eggs", + "unsalted butter", + "ice water", + "semi-sweet chocolate morsels", + "shortening", + "bourbon whiskey", + "salt" + ] + }, + { + "id": 12804, + "cuisine": "indian", + "ingredients": [ + "white onion", + "ground red pepper", + "ground coriander", + "chopped cilantro", + "garam masala", + "salt", + "oil", + "lime", + "ginger", + "cumin seed", + "chopped garlic", + "bread crumbs", + "sweet potatoes", + "green pepper", + "gram flour" + ] + }, + { + "id": 39360, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "tuna, drain and flake", + "hellmann' or best food real mayonnais", + "prepar salsa", + "shredded cheddar cheese" + ] + }, + { + "id": 6196, + "cuisine": "chinese", + "ingredients": [ + "fat free less sodium chicken broth", + "sesame oil", + "corn starch", + "low sodium soy sauce", + "mushrooms", + "garlic chili sauce", + "sliced green onions", + "water", + "rice vinegar", + "ground white pepper", + "large eggs", + "firm tofu", + "bamboo shoots" + ] + }, + { + "id": 30633, + "cuisine": "moroccan", + "ingredients": [ + "fat free less sodium chicken broth", + "ground red pepper", + "chopped onion", + "chopped cilantro fresh", + "green olives", + "ground black pepper", + "all-purpose flour", + "fresh lemon juice", + "boneless chicken skinless thigh", + "peeled fresh ginger", + "grated lemon zest", + "cinnamon sticks", + "olive oil", + "salt", + "garlic cloves", + "ground turmeric" + ] + }, + { + "id": 46289, + "cuisine": "chinese", + "ingredients": [ + "salmon fillets", + "black bean sauce", + "scallions", + "canola oil", + "soy sauce", + "white rice", + "carrots", + "sugar", + "radishes", + "garlic cloves", + "chicken stock", + "fresh ginger", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 32950, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "hellmann' or best food light mayonnais", + "black beans", + "whole kernel corn, drain", + "tomatoes", + "purple onion", + "ground cumin", + "lime juice", + "chopped cilantro fresh" + ] + }, + { + "id": 12075, + "cuisine": "vietnamese", + "ingredients": [ + "fronds", + "garlic", + "ground turmeric", + "sugar", + "baton", + "roasted peanuts", + "fish sauce", + "rice vermicelli", + "halibut", + "canola oil", + "lime juice", + "thai chile", + "fresh pineapple" + ] + }, + { + "id": 38139, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "light cream", + "chop fine pecan", + "rum extract", + "cream of tartar", + "brown sugar", + "granulated sugar", + "butter", + "ground ginger", + "sugar", + "egg whites", + "salt", + "clove", + "eggs", + "ground nutmeg", + "sweet potatoes", + "crushed graham crackers" + ] + }, + { + "id": 26606, + "cuisine": "french", + "ingredients": [ + "cooked ham", + "large eggs", + "grated nutmeg", + "unsalted butter", + "salt", + "white sandwich bread", + "black pepper", + "whole milk", + "grated Gruyère cheese", + "dijon mustard", + "all-purpose flour" + ] + }, + { + "id": 46111, + "cuisine": "greek", + "ingredients": [ + "swiss chard", + "garlic cloves", + "garbanzo beans", + "extra-virgin olive oil", + "fennel seeds", + "shallots", + "bay leaves", + "low salt chicken broth" + ] + }, + { + "id": 30866, + "cuisine": "italian", + "ingredients": [ + "pepper", + "garlic", + "plain yogurt", + "fresh green bean", + "pesto", + "grated parmesan cheese", + "penne pasta", + "red potato", + "olive oil", + "salt" + ] + }, + { + "id": 31668, + "cuisine": "irish", + "ingredients": [ + "baking powder", + "all-purpose flour", + "mashed potatoes", + "buttermilk", + "butter", + "potatoes", + "sea salt" + ] + }, + { + "id": 9711, + "cuisine": "spanish", + "ingredients": [ + "water", + "sugar", + "soft fresh goat cheese", + "grapes", + "apples" + ] + }, + { + "id": 28292, + "cuisine": "mexican", + "ingredients": [ + "water", + "white hominy", + "chile pepper", + "onions", + "avocado", + "corn kernels", + "green onions", + "garlic", + "dried oregano", + "crushed tomatoes", + "boneless chicken breast halves", + "condensed chicken broth", + "chopped cilantro fresh", + "black beans", + "olive oil", + "chili powder", + "tortilla chips", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 28581, + "cuisine": "korean", + "ingredients": [ + "sugar", + "medium dry sherry", + "chopped cilantro fresh", + "hot red pepper flakes", + "habanero chile", + "vegetable oil", + "top loin", + "soy sauce", + "sesame oil", + "chiles", + "minced garlic", + "fresh lime juice" + ] + }, + { + "id": 48153, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "dry white wine", + "diced ham", + "dried thyme", + "paprika", + "onions", + "tomatoes", + "olive oil", + "cayenne pepper", + "long grain white rice", + "dried basil", + "large garlic cloves", + "red bell pepper" + ] + }, + { + "id": 22185, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "ground pork", + "white radish", + "soy sauce", + "rice wine", + "rice flour", + "sugar", + "shallots", + "salt", + "dried mushrooms", + "water", + "garlic", + "dried shrimp" + ] + }, + { + "id": 19119, + "cuisine": "japanese", + "ingredients": [ + "ice cubes", + "dipping sauces", + "egg yolks", + "tempura batter", + "vegetables", + "cake flour", + "cold water", + "vegetable oil", + "toasted sesame oil" + ] + }, + { + "id": 38663, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "onions", + "potatoes", + "salt", + "ground cumin", + "water", + "peas", + "ground turmeric", + "chili powder", + "ground coriander" + ] + }, + { + "id": 39300, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cajun seasoning", + "orange juice", + "water", + "salsa", + "onions", + "pickled jalapenos", + "red pepper", + "corn tortillas", + "beef", + "green pepper" + ] + }, + { + "id": 24208, + "cuisine": "spanish", + "ingredients": [ + "vegetable juice", + "reduced-fat sour cream", + "onions", + "orange bell pepper", + "garlic cloves", + "olive oil", + "salt", + "tomatoes", + "red wine vinegar", + "cucumber" + ] + }, + { + "id": 15771, + "cuisine": "indian", + "ingredients": [ + "greek yogurt", + "sugar", + "mango", + "ice", + "fat free milk" + ] + }, + { + "id": 23455, + "cuisine": "japanese", + "ingredients": [ + "kirby cucumbers", + "ginger", + "rice noodles", + "cilantro", + "scallions", + "sesame oil", + "skinless salmon fillets", + "edamame", + "white miso", + "furikake", + "garlic" + ] + }, + { + "id": 6022, + "cuisine": "italian", + "ingredients": [ + "milk", + "chopped onion", + "garlic salt", + "fresh spinach", + "grated parmesan cheese", + "shredded mozzarella cheese", + "artichoke hearts", + "cream cheese", + "italian seasoning", + "pepper", + "garlic", + "sour cream" + ] + }, + { + "id": 37671, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "garlic", + "italian tomatoes", + "salt", + "pepper" + ] + }, + { + "id": 3675, + "cuisine": "british", + "ingredients": [ + "plain flour", + "muscovado sugar", + "apples", + "suet", + "lemon", + "mixed spice", + "baking powder", + "whole milk", + "currant" + ] + }, + { + "id": 31036, + "cuisine": "southern_us", + "ingredients": [ + "shallots", + "iodized salt", + "honey", + "cracked black pepper", + "canola oil", + "water", + "button mushrooms", + "collards", + "garlic powder", + "salt" + ] + }, + { + "id": 15590, + "cuisine": "italian", + "ingredients": [ + "bell pepper", + "salt", + "olive oil", + "balsamic vinegar", + "garlic cloves", + "red potato", + "cooking spray", + "Italian turkey sausage", + "ground black pepper", + "crushed red pepper", + "dried rosemary" + ] + }, + { + "id": 31853, + "cuisine": "japanese", + "ingredients": [ + "hakusai", + "garlic", + "sake", + "ground pork", + "gyoza wrappers", + "sesame oil", + "salt", + "soy sauce", + "ginger", + "dried shiitake mushrooms" + ] + }, + { + "id": 14687, + "cuisine": "british", + "ingredients": [ + "eggs", + "flour", + "salt", + "fruit", + "butter", + "sherry wine", + "sugar", + "sponge cake", + "strawberries", + "bananas", + "whipping cream", + "lemon juice" + ] + }, + { + "id": 4360, + "cuisine": "korean", + "ingredients": [ + "sugar", + "sesame oil", + "onions", + "enokitake", + "sirloin steak", + "ground black pepper", + "vegetable oil", + "toasted sesame seeds", + "dark soy sauce", + "green onions", + "garlic cloves" + ] + }, + { + "id": 8422, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "serrano peppers", + "romaine lettuce leaves", + "cumin seed", + "chicken stock", + "ground black pepper", + "tomatillos", + "cilantro leaves", + "olive oil", + "Mexican oregano", + "garlic", + "onions", + "black peppercorns", + "radishes", + "turkey", + "pumpkin seeds" + ] + }, + { + "id": 20394, + "cuisine": "french", + "ingredients": [ + "unsalted pistachios", + "boneless skinless chicken breasts", + "apples", + "cognac", + "caul fat", + "large eggs", + "vegetable oil", + "garlic", + "fatback", + "dried thyme", + "shallots", + "boneless duck breast", + "freshly ground pepper", + "boneless pork shoulder", + "dried apricot", + "coarse salt", + "ground allspice", + "onions" + ] + }, + { + "id": 36014, + "cuisine": "indian", + "ingredients": [ + "salt", + "onions", + "vegetable oil" + ] + }, + { + "id": 41491, + "cuisine": "italian", + "ingredients": [ + "mayonaise", + "ground black pepper", + "cream cheese", + "water", + "green onions", + "ground beef", + "pasta sauce", + "bread, cut into italian loaf", + "garlic", + "italian seasoning", + "seasoned bread crumbs", + "grated parmesan cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 5100, + "cuisine": "french", + "ingredients": [ + "butter", + "grated lemon peel", + "white wine vinegar", + "fresh tarragon", + "shallots", + "flat leaf parsley" + ] + }, + { + "id": 19246, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "butter", + "sweet onion", + "salt", + "milk", + "Corn Flakes Cereal", + "eggs", + "yellow squash", + "corn starch" + ] + }, + { + "id": 48331, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "cucumber", + "pitted kalamata olives", + "purple onion", + "green bell pepper", + "ranch dressing", + "dried oregano", + "dried basil", + "feta cheese crumbles" + ] + }, + { + "id": 4001, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "flat leaf parsley", + "tomatoes", + "salt", + "garlic", + "capers", + "Italian bread" + ] + }, + { + "id": 26706, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "salt", + "garlic salt", + "onion powder", + "long-grain rice", + "red beans", + "freshly ground pepper", + "smoked ham hocks", + "crushed red pepper", + "lard" + ] + }, + { + "id": 37068, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "catsup", + "salt", + "water", + "worcestershire sauce", + "cider vinegar", + "red pepper", + "yellow onion", + "brown sugar", + "pork shoulder butt", + "dry mustard" + ] + }, + { + "id": 42390, + "cuisine": "french", + "ingredients": [ + "baguette", + "ground nutmeg", + "butter", + "fresh raspberries", + "powdered sugar", + "fat free milk", + "dry white wine", + "strawberries", + "ground cinnamon", + "water", + "fresh blueberries", + "salt", + "blackberries", + "egg substitute", + "granulated sugar", + "vanilla extract", + "corn starch" + ] + }, + { + "id": 40091, + "cuisine": "cajun_creole", + "ingredients": [ + "celery ribs", + "butter", + "shrimp", + "ground black pepper", + "salt", + "onions", + "flour", + "okra", + "chorizo", + "fish stock", + "fresh parsley" + ] + }, + { + "id": 22034, + "cuisine": "french", + "ingredients": [ + "olive oil", + "garlic", + "chervil", + "shallots", + "bay leaf", + "mussels", + "chives", + "tarragon", + "white wine", + "Italian parsley leaves" + ] + }, + { + "id": 28731, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "salt", + "scallions", + "clarified butter", + "cottage cheese", + "extra-virgin olive oil", + "freshly ground pepper", + "rib", + "spinach", + "swiss chard", + "grated nutmeg", + "fresh lemon juice", + "phyllo dough", + "large eggs", + "dill", + "flat leaf parsley" + ] + }, + { + "id": 28693, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "butter", + "onions", + "water", + "rosemary leaves", + "eggs", + "old bay seasoning", + "corn grits", + "olive oil", + "salt" + ] + }, + { + "id": 38454, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "diced tomatoes", + "beef stew meat", + "sour cream", + "kosher salt", + "bay leaves", + "dry red wine", + "baby carrots", + "tomato paste", + "fresh thyme", + "button mushrooms", + "spanish paprika", + "onions", + "olive oil", + "worcestershire sauce", + "garlic", + "roast red peppers, drain" + ] + }, + { + "id": 21991, + "cuisine": "brazilian", + "ingredients": [ + "butter", + "sweetened condensed milk", + "other", + "chocolate sprinkles" + ] + }, + { + "id": 43733, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "lime juice", + "lime leaves", + "straw mushrooms", + "oil", + "chiles", + "lemongrass", + "galangal", + "shrimp stock", + "Thai chili paste", + "shrimp" + ] + }, + { + "id": 32730, + "cuisine": "mexican", + "ingredients": [ + "pork and beans", + "beans", + "hot dogs" + ] + }, + { + "id": 19284, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "cream cheese, soften", + "vanilla extract", + "pineapple juice", + "butter" + ] + }, + { + "id": 29149, + "cuisine": "jamaican", + "ingredients": [ + "tomato paste", + "finely chopped onion", + "vegetable oil", + "beef broth", + "dried black beans", + "green onions", + "chopped celery", + "diced ham", + "green bell pepper", + "jamaican jerk season", + "reduced-fat sour cream", + "garlic cloves", + "water", + "chili powder", + "salt" + ] + }, + { + "id": 46815, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "large eggs", + "vegetable oil", + "shrimp", + "pepper", + "lettuce leaves", + "salt", + "sweet chili sauce", + "water chestnuts", + "ground pork", + "bamboo shoots", + "spring roll wrappers", + "fresh ginger", + "green onions", + "garlic cloves" + ] + }, + { + "id": 45189, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "garlic cloves", + "olive oil spray", + "crushed tomatoes", + "fat-free chicken broth", + "onions", + "whole wheat pasta", + "mushrooms", + "red bell pepper", + "dried oregano", + "ground black pepper", + "salt", + "chicken thighs" + ] + }, + { + "id": 37807, + "cuisine": "italian", + "ingredients": [ + "sugar", + "sugar cane", + "prosecco", + "lime juice", + "raspberries", + "ice", + "white rum", + "mint leaves" + ] + }, + { + "id": 14527, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "ground black pepper", + "fresh oregano", + "cotija", + "pumpkin seed mole", + "corn tortillas", + "olive oil", + "purple onion", + "lump crab meat", + "green onions", + "celery" + ] + }, + { + "id": 39468, + "cuisine": "chinese", + "ingredients": [ + "white flour", + "green onions", + "cold water", + "Sriracha", + "rice vinegar", + "mayonaise", + "extra firm tofu", + "canola oil", + "sugar", + "egg yolks" + ] + }, + { + "id": 40035, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "long grain white rice", + "taco seasoning mix", + "Campbell's Condensed Cream of Chicken Soup", + "butter", + "swanson chicken stock", + "Mexican cheese blend", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 12710, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "sea salt", + "boneless skinless chicken breasts", + "lemon", + "lemon peel", + "extra-virgin olive oil" + ] + }, + { + "id": 1204, + "cuisine": "indian", + "ingredients": [ + "mint", + "jalapeno chilies", + "ginger", + "chopped cilantro", + "seedless cucumber", + "vegetable oil", + "grated nutmeg", + "ground cumin", + "tumeric", + "shell-on shrimp", + "purple onion", + "mango", + "garam masala", + "large garlic cloves", + "fresh lime juice" + ] + }, + { + "id": 12200, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "butter", + "onions", + "tomatoes", + "vegetable stock", + "garlic", + "pepper", + "red pepper flakes", + "olive oil", + "sea salt" + ] + }, + { + "id": 6150, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "active dry yeast", + "extra-virgin olive oil", + "warm water", + "large eggs", + "pernod", + "ground black pepper", + "bread flour", + "water", + "coarse salt" + ] + }, + { + "id": 24730, + "cuisine": "french", + "ingredients": [ + "water", + "salt", + "celery ribs", + "balsamic vinegar", + "carrots", + "olive oil", + "lentils", + "black pepper", + "smoked sausage", + "onions" + ] + }, + { + "id": 23133, + "cuisine": "russian", + "ingredients": [ + "green bell pepper", + "kidney beans", + "sour cream", + "dried parsley", + "water", + "salt", + "ground beef", + "tomato paste", + "olive oil", + "beer", + "onions", + "pepper", + "chili powder", + "celery", + "ground cumin" + ] + }, + { + "id": 6869, + "cuisine": "french", + "ingredients": [ + "semisweet chocolate", + "half & half" + ] + }, + { + "id": 34148, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "coarse salt", + "garlic cloves", + "shredded Monterey Jack cheese", + "tomato paste", + "jalapeno chilies", + "rice", + "sour cream", + "ground pepper", + "salsa", + "pinto beans", + "ground cumin", + "corn kernels", + "large flour tortillas", + "scallions", + "onions" + ] + }, + { + "id": 42652, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dried fettuccine", + "hot red pepper flakes", + "unsalted butter", + "edamame beans", + "haricots verts", + "frozen broccoli florets", + "garlic cloves", + "cherry tomatoes", + "parmigiano reggiano cheese", + "onions" + ] + }, + { + "id": 41228, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "corn kernels", + "salt", + "yellow corn meal", + "whole milk", + "unsalted butter" + ] + }, + { + "id": 11534, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "butter", + "rice", + "dry white wine", + "garlic", + "fresh parsley", + "grated parmesan cheese", + "peas", + "celery", + "canned low sodium chicken broth", + "deli ham", + "salt", + "onions" + ] + }, + { + "id": 16189, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "mango chutney", + "garlic", + "onions", + "red lentils", + "curry powder", + "vegetable stock", + "salt", + "pepper", + "vegetable oil", + "malt vinegar", + "ground ginger", + "potatoes", + "cauliflower florets", + "fresh parsley" + ] + }, + { + "id": 15620, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic cloves", + "tomatoes", + "aioli", + "rocket leaves", + "extra-virgin olive oil", + "pancetta", + "whole wheat sourdough bread" + ] + }, + { + "id": 35167, + "cuisine": "thai", + "ingredients": [ + "snow pea pods", + "Sriracha", + "red pepper flakes", + "carrots", + "sugar", + "fresh ginger", + "lemon wedge", + "scallions", + "olive oil", + "chunky peanut butter", + "linguine", + "soy sauce", + "zucchini", + "large garlic cloves", + "lemon juice" + ] + }, + { + "id": 706, + "cuisine": "british", + "ingredients": [ + "white pepper", + "whipping cream", + "nutmeg", + "flour", + "frozen corn", + "sugar", + "butter", + "cayenne pepper", + "milk", + "salt" + ] + }, + { + "id": 26891, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "lean ground beef", + "taco shells", + "ketchup", + "iceberg lettuce", + "shredded cheddar cheese" + ] + }, + { + "id": 43742, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "spaghetti squash", + "part-skim ricotta cheese", + "parmesan cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 4682, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "shiitake", + "dry white wine", + "watercress", + "freshly ground pepper", + "olive oil", + "dijon mustard", + "red wine vinegar", + "provolone cheese", + "red potato", + "radicchio", + "shallots", + "anchovy paste", + "garlic cloves", + "white wine", + "unsalted butter", + "chopped fresh thyme", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 32267, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "diced tomatoes", + "pork sausages", + "eggs", + "grated parmesan cheese", + "chopped onion", + "fennel seeds", + "lasagna noodles", + "garlic", + "italian seasoning", + "tomato sauce", + "ricotta cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 24230, + "cuisine": "spanish", + "ingredients": [ + "tumeric", + "green onions", + "salt", + "shrimp", + "mussels", + "minced garlic", + "lemon wedge", + "linguisa", + "onions", + "arborio rice", + "olive oil", + "paprika", + "fat skimmed chicken broth", + "saffron threads", + "pepper", + "dry white wine", + "white fleshed fish", + "red bell pepper" + ] + }, + { + "id": 1608, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "low salt chicken broth", + "chopped fresh thyme", + "garlic cloves", + "grated parmesan cheese", + "polenta" + ] + }, + { + "id": 32395, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "baby spinach", + "ricotta", + "black pepper", + "lasagna noodles", + "italian eggplant", + "onions", + "water", + "parmigiano reggiano cheese", + "salt", + "plum tomatoes", + "fresh basil", + "large egg yolks", + "large garlic cloves", + "garlic cloves" + ] + }, + { + "id": 47154, + "cuisine": "french", + "ingredients": [ + "frozen pastry puff sheets", + "anchovy fillets", + "olive oil", + "salt", + "black pepper", + "kalamata", + "chopped fresh thyme", + "onions" + ] + }, + { + "id": 47072, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "water", + "salt", + "black pepper", + "hot pepper sauce", + "ketchup", + "garlic powder", + "mayonaise", + "white pepper", + "paprika" + ] + }, + { + "id": 12974, + "cuisine": "mexican", + "ingredients": [ + "cooked chicken", + "sharp cheddar cheese", + "lasagna noodles", + "salsa", + "sour cream", + "eggs", + "chili powder", + "scallions", + "guacamole", + "ricotta", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 27972, + "cuisine": "british", + "ingredients": [ + "calimyrna figs", + "grated lemon peel", + "brandy", + "chopped pecans", + "brown sugar", + "mincemeat", + "refrigerated piecrusts", + "gala apples" + ] + }, + { + "id": 43772, + "cuisine": "mexican", + "ingredients": [ + "whole wheat flour", + "ancho powder", + "taco seasoning", + "avocado", + "boneless skinless chicken breasts", + "purple onion", + "sour cream", + "jalapeno chilies", + "cilantro", + "oil", + "cabbage leaves", + "lime wedges", + "salt", + "corn tortillas" + ] + }, + { + "id": 17927, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "tomato sauce", + "garlic powder", + "diced tomatoes", + "green chilies", + "ground cumin", + "ground ginger", + "kosher salt", + "lime wedges", + "salsa", + "sour cream", + "tri-tip roast", + "white onion", + "ground black pepper", + "paprika", + "garlic cloves", + "fresh tomatoes", + "shredded cheddar cheese", + "worcestershire sauce", + "cayenne pepper", + "corn tortillas" + ] + }, + { + "id": 35026, + "cuisine": "japanese", + "ingredients": [ + "wakame", + "vegetable oil", + "scallions", + "baby turnips", + "large egg yolks", + "maitake mushrooms", + "toasted sesame seeds", + "reduced sodium soy sauce", + "freshly ground pepper", + "soba", + "kosher salt", + "ginger", + "garlic cloves" + ] + }, + { + "id": 23676, + "cuisine": "french", + "ingredients": [ + "rosemary sprigs", + "extra-virgin olive oil", + "bay leaf", + "tomatoes", + "zucchini", + "red bell pepper", + "eggplant", + "garlic cloves", + "onions", + "fresh basil", + "yellow bell pepper", + "thyme sprigs" + ] + }, + { + "id": 7610, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "butter", + "flour tortillas", + "water", + "white sugar", + "brown sugar", + "apple pie filling" + ] + }, + { + "id": 9749, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "small red potato", + "fat free milk", + "salt", + "extra-virgin olive oil", + "parmigiano reggiano cheese" + ] + }, + { + "id": 45504, + "cuisine": "brazilian", + "ingredients": [ + "water", + "vegetable oil", + "large shrimp", + "cooked rice", + "green bell pepper, slice", + "coconut milk", + "cod", + "lime juice", + "garlic", + "ragu old world style pasta sauc", + "ground red pepper", + "onions" + ] + }, + { + "id": 3479, + "cuisine": "spanish", + "ingredients": [ + "short-grain rice", + "green pepper", + "mussels", + "green peas", + "saffron", + "chicken stock", + "garlic", + "clams", + "lobster", + "chicken thighs" + ] + }, + { + "id": 38082, + "cuisine": "indian", + "ingredients": [ + "grated coconut", + "jaggery", + "extract" + ] + }, + { + "id": 361, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "olive oil", + "purple onion", + "pinto beans", + "lime", + "poblano peppers", + "taco seasoning", + "ground cumin", + "lime juice", + "ground black pepper", + "salt", + "chopped cilantro", + "cauliflower", + "cherry tomatoes", + "green onions", + "garlic cloves" + ] + }, + { + "id": 18584, + "cuisine": "thai", + "ingredients": [ + "palm sugar", + "coconut cream", + "white rice", + "black rice", + "water", + "vanilla extract" + ] + }, + { + "id": 6531, + "cuisine": "irish", + "ingredients": [ + "Baileys Irish Cream Liqueur", + "sugar", + "vanilla", + "eggs", + "flour", + "unsalted butter", + "baking chocolate" + ] + }, + { + "id": 42966, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "chopped fresh thyme", + "shiitake mushroom caps", + "fat free less sodium chicken broth", + "parmigiano reggiano cheese", + "green peas", + "minced garlic", + "dry white wine", + "extra-virgin olive oil", + "arborio rice", + "finely chopped onion", + "butter" + ] + }, + { + "id": 44228, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "butter", + "turkey breast", + "dried thyme", + "fresh lemon juice", + "canned chicken broth", + "all-purpose flour", + "chopped fresh chives", + "sliced mushrooms" + ] + }, + { + "id": 17899, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "yoghurt", + "cardamom", + "cashew nuts", + "eggs", + "leaves", + "salt", + "chicken pieces", + "ground paprika", + "garam masala", + "oil", + "onions", + "tomatoes", + "cream", + "chili powder", + "gram flour", + "ground turmeric" + ] + }, + { + "id": 25269, + "cuisine": "italian", + "ingredients": [ + "unflavored gelatin", + "ground black pepper", + "strawberries", + "water", + "whipping cream", + "sugar", + "balsamic vinegar", + "milk", + "vanilla extract" + ] + }, + { + "id": 48927, + "cuisine": "italian", + "ingredients": [ + "salt", + "broccoli florets", + "garlic cloves", + "butter", + "pancetta", + "grated lemon zest" + ] + }, + { + "id": 5422, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "dry white wine", + "salt", + "allspice", + "olive oil", + "parsley", + "onions", + "tomato paste", + "ground black pepper", + "lemon", + "dried mushrooms", + "tomatoes", + "bay leaves", + "garlic", + "chicken" + ] + }, + { + "id": 36671, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "ground nutmeg", + "Amaretti Cookies", + "dried currants", + "unsalted butter", + "strawberries", + "sugar", + "large egg yolks", + "vanilla extract", + "dark corn syrup", + "whipping cream", + "grated lemon peel" + ] + }, + { + "id": 45480, + "cuisine": "vietnamese", + "ingredients": [ + "chicken thighs", + "lime", + "rice noodles" + ] + }, + { + "id": 28276, + "cuisine": "italian", + "ingredients": [ + "water", + "garlic", + "garlic cloves", + "clams", + "dry white wine", + "squid", + "flat leaf parsley", + "olive oil", + "salt", + "country bread", + "tomatoes", + "red pepper flakes", + "filet" + ] + }, + { + "id": 44265, + "cuisine": "italian", + "ingredients": [ + "hot pepperoni", + "basil leaves", + "Stonefire Italian Thin Pizza Crust", + "cherry tomatoes", + "salt", + "chili flakes", + "pizza sauce", + "smoked gouda", + "olive oil", + "buffalo mozarella" + ] + }, + { + "id": 11964, + "cuisine": "filipino", + "ingredients": [ + "water", + "lard", + "garlic", + "chicken", + "vinegar", + "peppercorns", + "salt" + ] + }, + { + "id": 10022, + "cuisine": "italian", + "ingredients": [ + "powdered sugar", + "granulated sugar", + "fat free frozen top whip", + "large egg whites", + "large eggs", + "roasted hazelnuts", + "semisweet chocolate", + "unsweetened cocoa powder", + "fat free milk", + "cooking spray" + ] + }, + { + "id": 24009, + "cuisine": "irish", + "ingredients": [ + "black pepper", + "chopped celery", + "green split peas", + "leeks", + "pearl barley", + "fat free less sodium chicken broth", + "salt", + "turnips", + "sliced carrots", + "leg of lamb" + ] + }, + { + "id": 42131, + "cuisine": "japanese", + "ingredients": [ + "Angostura bitters", + "cognac", + "lemon peel", + "orgeat syrup" + ] + }, + { + "id": 8009, + "cuisine": "vietnamese", + "ingredients": [ + "cold water", + "lime", + "jalapeno chilies", + "cinnamon", + "yellow onion", + "mung bean sprouts", + "sugar", + "coriander seeds", + "shallots", + "cilantro leaves", + "cardamom", + "canola oil", + "kosher salt", + "hoisin sauce", + "spices", + "dried rice noodles", + "garlic chili sauce", + "chicken", + "fennel seeds", + "fresh ginger", + "basil leaves", + "star anise", + "scallions", + "asian fish sauce" + ] + }, + { + "id": 23797, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "portabello mushroom", + "chile sauce", + "silken tofu", + "rice vinegar", + "soy sauce", + "vegetable broth", + "cabbage", + "green onions", + "citric acid powder" + ] + }, + { + "id": 34510, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "garlic", + "corn starch", + "long grain white rice", + "chicken broth", + "cayenne", + "chopped onion", + "chutney", + "bananas", + "salt", + "cucumber", + "ground cumin", + "dried currants", + "nonfat yogurt", + "lamb", + "salad oil" + ] + }, + { + "id": 26174, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "water", + "salt", + "green beans", + "black pepper", + "balsamic vinegar", + "fresh lemon juice", + "peppercorns", + "fresh basil", + "olive oil", + "garlic cloves", + "ripe olives", + "red leaf lettuce", + "fat-free chicken broth", + "halibut steak", + "olive oil flavored cooking spray" + ] + }, + { + "id": 335, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "cinnamon", + "curds", + "coriander", + "clove", + "chili powder", + "rice", + "onions", + "potatoes", + "salt", + "ghee", + "arhar dal", + "asafoetida", + "chilli paste", + "mustard seeds", + "ground turmeric" + ] + }, + { + "id": 25862, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "cooking spray", + "salt", + "large eggs", + "butter", + "corn starch", + "granulated sugar", + "whole milk", + "cooki vanilla wafer", + "powdered sugar", + "half & half", + "vanilla extract" + ] + }, + { + "id": 13903, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "green onions", + "white sugar", + "fresh ginger", + "sesame oil", + "rib eye steaks", + "sesame seeds", + "garlic cloves", + "black pepper", + "rice wine", + "pears" + ] + }, + { + "id": 612, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "salt", + "sugar", + "apples", + "chopped pecans", + "ground cinnamon", + "vegetable oil", + "all-purpose flour", + "baking soda", + "vanilla extract" + ] + }, + { + "id": 2278, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "sesame oil", + "garlic", + "sake", + "flour", + "ground pork", + "gyoza wrappers", + "pepper", + "spices", + "salt", + "sugar", + "green onions", + "ginger", + "cabbage" + ] + }, + { + "id": 48077, + "cuisine": "italian", + "ingredients": [ + "italian meatballs", + "garlic powder", + "salt", + "italian seasoning", + "mozzarella cheese", + "marinara sauce", + "ground beef", + "eggs", + "grated parmesan cheese", + "dry bread crumbs", + "pepper", + "worcestershire sauce", + "onions" + ] + }, + { + "id": 33366, + "cuisine": "southern_us", + "ingredients": [ + "worcestershire sauce", + "salt", + "garlic cloves", + "cider vinegar", + "dry mustard", + "lemon slices", + "onions", + "ketchup", + "paprika", + "maple syrup", + "fresh lemon juice", + "butter", + "crushed red pepper", + "orange juice" + ] + }, + { + "id": 24829, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "vegetable oil", + "red bell pepper", + "sake", + "mushrooms", + "beef sirloin", + "ground black pepper", + "tamari soy sauce", + "green bell pepper", + "mirin", + "salt" + ] + }, + { + "id": 1426, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "salt", + "vinegar", + "water", + "white sugar", + "collard greens", + "bacon" + ] + }, + { + "id": 1910, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "cilantro", + "ground lamb", + "water", + "onions", + "mild curry paste", + "garlic", + "vegetable oil", + "frozen peas" + ] + }, + { + "id": 3810, + "cuisine": "greek", + "ingredients": [ + "grape tomatoes", + "olive oil", + "white wine vinegar", + "garlic cloves", + "sugar", + "ground black pepper", + "salt", + "pitted kalamata olives", + "feta cheese", + "purple onion", + "large shrimp", + "water", + "yellow bell pepper", + "english cucumber" + ] + }, + { + "id": 26666, + "cuisine": "irish", + "ingredients": [ + "cocktail cherries", + "sweet vermouth", + "Irish whiskey" + ] + }, + { + "id": 27344, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "salt", + "lime", + "cilantro", + "cumin", + "black pepper", + "canola oil cooking spray", + "skirt steak", + "jalapeno chilies", + "garlic" + ] + }, + { + "id": 27379, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "corn-on-the-cob", + "lime", + "salt", + "butter", + "coriander", + "feta cheese", + "cayenne pepper" + ] + }, + { + "id": 28173, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "vegetable oil", + "extra-virgin olive oil", + "ground cumin", + "poblano peppers", + "heavy cream", + "corn tortillas", + "ground black pepper", + "tomatillos", + "garlic cloves", + "white onion", + "jalapeno chilies", + "cilantro", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 7487, + "cuisine": "irish", + "ingredients": [ + "olive oil", + "ground turkey", + "chicken broth", + "potatoes", + "frozen peas", + "cauliflower", + "salt and ground black pepper", + "onions", + "low sodium worcestershire sauce", + "carrots" + ] + }, + { + "id": 45703, + "cuisine": "british", + "ingredients": [ + "vegetable oil", + "crushed tomatoes", + "potato flakes", + "shredded cheddar cheese", + "salt", + "lean ground beef", + "onions" + ] + }, + { + "id": 1040, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger root", + "baby spinach", + "tamari soy sauce", + "water", + "mushrooms", + "vegetable broth", + "oil", + "wakame", + "extra firm tofu", + "extra-virgin olive oil", + "scallions", + "miso paste", + "sliced carrots", + "garlic" + ] + }, + { + "id": 21379, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "onions", + "angel hair", + "tomatoes with juice", + "olive oil", + "garlic", + "vegetables", + "chicken" + ] + }, + { + "id": 29, + "cuisine": "cajun_creole", + "ingredients": [ + "louisiana hot sauce", + "ground black pepper", + "large garlic cloves", + "apples", + "beer", + "dried thyme", + "vegetable oil", + "turkey", + "crab boil", + "cumin", + "garlic powder", + "butter", + "paprika", + "creole seasoning", + "kosher salt", + "onion powder", + "worcestershire sauce", + "cayenne pepper", + "dried oregano" + ] + }, + { + "id": 6753, + "cuisine": "italian", + "ingredients": [ + "boneless chicken skinless thigh", + "salt", + "pepper", + "marinara sauce", + "pesto", + "chees fresh mozzarella" + ] + }, + { + "id": 40919, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "shredded cheese", + "large eggs", + "cilantro", + "flour tortillas", + "salsa", + "veggies" + ] + }, + { + "id": 40010, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "butter", + "cocoa powder", + "evaporated milk", + "vanilla extract", + "white sugar", + "sugar", + "ice water", + "cornmeal", + "eggs", + "flour", + "salt" + ] + }, + { + "id": 10465, + "cuisine": "irish", + "ingredients": [ + "back bacon rashers", + "cooking apples", + "potatoes", + "Kerrygold Pure Irish Butter", + "chives" + ] + }, + { + "id": 24063, + "cuisine": "southern_us", + "ingredients": [ + "water", + "garlic", + "celery", + "black pepper", + "lean ground beef", + "chopped pecans", + "onions", + "crawfish", + "butter", + "red bell pepper", + "long grain white rice", + "green bell pepper", + "green onions", + "creole seasoning", + "fresh parsley" + ] + }, + { + "id": 47931, + "cuisine": "italian", + "ingredients": [ + "boneless chuck roast", + "garlic", + "tomatoes" + ] + }, + { + "id": 35086, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "extra-virgin olive oil", + "basmati rice", + "fat free less sodium chicken broth", + "red wine vinegar", + "green beans", + "grape tomatoes", + "green onions", + "salt", + "water", + "pecorino romano cheese", + "olive oil flavored cooking spray" + ] + }, + { + "id": 41378, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "soy sauce", + "chili", + "garlic", + "baby bok choy", + "lime juice", + "vegetables", + "coconut milk", + "brown sugar", + "fresh coriander", + "cherry tomatoes", + "fresh mushrooms", + "kaffir lime leaves", + "red chili peppers", + "lemongrass", + "soft tofu", + "galangal" + ] + }, + { + "id": 492, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "garlic cloves", + "red kidnei beans, rins and drain", + "diced tomatoes", + "ground cumin", + "green bell pepper", + "lean ground beef", + "onions", + "pepper", + "salt" + ] + }, + { + "id": 5487, + "cuisine": "irish", + "ingredients": [ + "rolled oats", + "salt", + "cream of tartar", + "baking soda", + "dark molasses", + "buttermilk", + "whole wheat flour", + "all-purpose flour" + ] + }, + { + "id": 45635, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "vegetable oil", + "gingerroot", + "ground cumin", + "scallion greens", + "lump crab meat", + "large garlic cloves", + "coconut milk", + "red chili peppers", + "coarse salt", + "black mustard seeds", + "black peppercorns", + "coriander seeds", + "cilantro sprigs", + "onions" + ] + }, + { + "id": 46542, + "cuisine": "chinese", + "ingredients": [ + "szechwan peppercorns", + "peanut oil", + "chili flakes", + "garlic", + "ginger", + "chili pepper", + "salt" + ] + }, + { + "id": 31112, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "green tomatoes", + "panko", + "all-purpose flour", + "olive oil", + "salt", + "egg whites", + "white cornmeal" + ] + }, + { + "id": 25193, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "balsamic vinegar", + "orzo", + "dried basil", + "butter", + "feta cheese crumbles", + "minced garlic", + "baby spinach", + "salt", + "fresh tomatoes", + "olive oil", + "crushed red pepper flakes" + ] + }, + { + "id": 27192, + "cuisine": "indian", + "ingredients": [ + "unsalted butter" + ] + }, + { + "id": 33809, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ginger", + "varnish clams", + "sugar", + "rice wine", + "scallions", + "cooking oil", + "garlic", + "red chili peppers", + "sesame oil", + "oyster sauce" + ] + }, + { + "id": 30149, + "cuisine": "southern_us", + "ingredients": [ + "cream cheese", + "white sugar", + "butter", + "chopped pecans", + "white cake mix", + "crushed pineapples in juice", + "vanilla extract", + "confectioners sugar" + ] + }, + { + "id": 2672, + "cuisine": "mexican", + "ingredients": [ + "boneless chicken skinless thigh", + "chipotles in adobo", + "garlic", + "lime juice", + "chopped cilantro fresh", + "hellmann' or best food real mayonnais" + ] + }, + { + "id": 9088, + "cuisine": "brazilian", + "ingredients": [ + "red chili peppers", + "prawns", + "fish stock", + "coconut milk", + "palm oil", + "calamari", + "cutlet", + "salt", + "tomatoes", + "lime", + "red capsicum", + "chopped parsley", + "black pepper", + "capsicum", + "garlic", + "onions" + ] + }, + { + "id": 24242, + "cuisine": "moroccan", + "ingredients": [ + "lemon", + "kosher salt", + "extra-virgin olive oil" + ] + }, + { + "id": 32645, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "panko", + "cod fillets", + "Tabasco Pepper Sauce", + "chopped celery", + "sugar", + "unsalted butter", + "green onions", + "worcestershire sauce", + "all-purpose flour", + "cider vinegar", + "dijon mustard", + "meat", + "bacon", + "ground mustard", + "mayonaise", + "ground black pepper", + "Ritz Crackers", + "vegetable oil", + "salt" + ] + }, + { + "id": 44974, + "cuisine": "italian", + "ingredients": [ + "balsamic vinegar", + "figs", + "goat cheese" + ] + }, + { + "id": 9490, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "ground black pepper", + "all-purpose flour", + "veal shanks", + "plum tomatoes", + "celery ribs", + "horseradish", + "vegetable oil", + "yellow onion", + "flat leaf parsley", + "veal stock", + "kosher salt", + "dry red wine", + "garlic cloves", + "bay leaf", + "fresh rosemary", + "fresh thyme", + "grated lemon zest", + "carrots" + ] + }, + { + "id": 13564, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "large eggs", + "buttermilk", + "canola oil", + "fresh basil", + "ground black pepper", + "green tomatoes", + "fresh tarragon", + "yellow corn meal", + "lime", + "chopped fresh chives", + "sea salt", + "mayonaise", + "dijon mustard", + "kirby cucumbers", + "all-purpose flour" + ] + }, + { + "id": 42764, + "cuisine": "indian", + "ingredients": [ + "sugar", + "baking powder", + "oil", + "baking soda", + "salt", + "cumin", + "milk", + "butter", + "coriander", + "yoghurt", + "all-purpose flour" + ] + }, + { + "id": 13802, + "cuisine": "brazilian", + "ingredients": [ + "water", + "margarine", + "eggs", + "active dry yeast", + "bread flour", + "sugar", + "salt", + "anise seed", + "milk", + "corn flour" + ] + }, + { + "id": 26411, + "cuisine": "italian", + "ingredients": [ + "mint", + "dijon mustard", + "purple onion", + "olive oil", + "red wine vinegar", + "garlic cloves", + "kosher salt", + "cannellini beans", + "tuna packed in olive oil", + "ground black pepper", + "extra-virgin olive oil", + "Italian bread" + ] + }, + { + "id": 4827, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "serrano chile", + "white onion", + "fresh lime juice", + "garlic cloves", + "water", + "chopped cilantro" + ] + }, + { + "id": 9425, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "diced tomatoes", + "coriander", + "olive oil", + "baby spinach", + "garlic cloves", + "red lentils", + "serrano peppers", + "purple onion", + "ground cumin", + "fresh ginger", + "sea salt", + "coconut milk" + ] + }, + { + "id": 6483, + "cuisine": "southern_us", + "ingredients": [ + "turkey legs", + "hot sauce", + "collard greens", + "red pepper flakes", + "onions", + "chicken broth", + "vinegar", + "garlic cloves", + "pepper", + "salt" + ] + }, + { + "id": 12480, + "cuisine": "mexican", + "ingredients": [ + "ground pork", + "water", + "dried oregano", + "white vinegar", + "garlic", + "crushed red pepper flakes" + ] + }, + { + "id": 13263, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "ground black pepper", + "sea salt", + "flat leaf parsley", + "capers", + "salsa verde", + "cooking spray", + "fat free less sodium beef broth", + "chopped fresh mint", + "fresh dill", + "bread, cut into italian loaf", + "shallots", + "extra-virgin olive oil", + "boneless chuck roast", + "beef", + "stout", + "onions" + ] + }, + { + "id": 19013, + "cuisine": "thai", + "ingredients": [ + "baby bok choy", + "fresh cilantro", + "cooked chicken", + "sliced mushrooms", + "chicken stock", + "water", + "chili paste", + "salt", + "coconut milk", + "fish sauce", + "lemongrass", + "peeled fresh ginger", + "red curry paste", + "white onion", + "lime", + "hot pepper", + "red bell pepper" + ] + }, + { + "id": 41335, + "cuisine": "irish", + "ingredients": [ + "skim milk", + "butter", + "potatoes", + "onions", + "salt and ground black pepper", + "cream cheese", + "shredded cabbage" + ] + }, + { + "id": 47693, + "cuisine": "mexican", + "ingredients": [ + "beef stock", + "salt", + "tamale filling", + "water", + "baking powder", + "lard", + "masa harina", + "dough", + "pork loin", + "sour cream", + "onions", + "corn husks", + "garlic", + "chillies" + ] + }, + { + "id": 25447, + "cuisine": "japanese", + "ingredients": [ + "fresh ginger root", + "tamari soy sauce", + "soft-boiled egg", + "toasted sesame oil", + "broccolini", + "rice noodles", + "togarashi", + "scallions", + "sesame seeds", + "sunflower oil", + "dried shiitake mushrooms", + "konbu", + "yellow miso", + "sweet potatoes", + "salt", + "firm tofu", + "boiling water" + ] + }, + { + "id": 38500, + "cuisine": "italian", + "ingredients": [ + "avocado", + "fine sea salt", + "red wine vinegar", + "red bell pepper", + "black pepper", + "black olives", + "celery ribs", + "extra-virgin olive oil" + ] + }, + { + "id": 4667, + "cuisine": "mexican", + "ingredients": [ + "water", + "cooking spray", + "all-purpose flour", + "large egg whites", + "butter", + "masa harina", + "mozzarella cheese", + "poblano peppers", + "salt", + "corn kernels", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 27191, + "cuisine": "chinese", + "ingredients": [ + "chinese pancakes", + "spring onions", + "rice vinegar", + "sesame seeds", + "cornflour", + "whole chicken", + "brown sugar", + "sunflower oil", + "chinese five-spice powder", + "clear honey", + "plums", + "cucumber" + ] + }, + { + "id": 23378, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "salt", + "sugar", + "vinegar", + "garlic cloves", + "water", + "scallions", + "soy sauce", + "cooking oil", + "medium shrimp" + ] + }, + { + "id": 16274, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "grated lemon zest", + "onions", + "vegetable oil", + "red bell pepper", + "light coconut milk", + "curry paste", + "boneless skinless chicken breasts", + "fresh lemon juice", + "chopped cilantro fresh" + ] + }, + { + "id": 10182, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "dry white wine", + "garlic cloves", + "onions", + "mint", + "pecorino romano cheese", + "juice", + "cold water", + "honeycomb tripe", + "salt", + "fresh mint", + "celery ribs", + "pepper", + "extra-virgin olive oil", + "carrots" + ] + }, + { + "id": 13517, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "bertolli vineyard premium collect marinara with burgundi wine sauc", + "eggs", + "shredded mozzarella cheese", + "spaghetti, cook and drain", + "bread crumb fresh", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 42357, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "spring onions", + "sauce", + "noodles", + "mint", + "water", + "cilantro leaves", + "carrots", + "salad", + "chili pepper", + "lemon", + "soybean sprouts", + "fish sauce", + "knoblauch", + "rice vinegar", + "cucumber" + ] + }, + { + "id": 38998, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "whole milk", + "cooking spray", + "salt", + "ground cinnamon", + "sweet potatoes", + "ground nutmeg", + "butter" + ] + }, + { + "id": 24547, + "cuisine": "italian", + "ingredients": [ + "sweet onion", + "grated parmesan cheese", + "salt", + "swiss chard", + "crushed red pepper flakes", + "toasted pine nuts", + "olive oil", + "ricotta cheese", + "pizza doughs", + "ground nutmeg", + "oil packed dried tomatoes" + ] + }, + { + "id": 10769, + "cuisine": "thai", + "ingredients": [ + "brown sugar", + "broccoli florets", + "coconut milk", + "curry powder", + "carrots", + "chicken", + "sugar pea", + "crushed red pepper flakes", + "onions", + "fish sauce", + "thai basil", + "sliced mushrooms" + ] + }, + { + "id": 46948, + "cuisine": "greek", + "ingredients": [ + "eggs", + "bananas", + "rolled oats", + "greek style plain yogurt", + "brown sugar", + "baking powder", + "baking soda", + "chocolate chips" + ] + }, + { + "id": 16874, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "crushed red pepper flakes", + "liquid", + "pears", + "mung beans", + "thai chile", + "kimchi", + "white vinegar", + "vegetable oil", + "garlic", + "toasted sesame oil", + "kosher salt", + "ground pork", + "scallions" + ] + }, + { + "id": 32176, + "cuisine": "indian", + "ingredients": [ + "water", + "onions", + "ground cumin", + "ground ginger", + "vegetable oil", + "basmati rice", + "red lentils", + "chili", + "chopped cilantro fresh", + "tumeric", + "garlic cloves", + "plum tomatoes" + ] + }, + { + "id": 2614, + "cuisine": "italian", + "ingredients": [ + "peperoncino", + "scallions", + "fresh peas", + "salt", + "onions", + "romaine lettuce", + "extra-virgin olive oil", + "fresh mint", + "zucchini", + "fresh fava bean" + ] + }, + { + "id": 40189, + "cuisine": "italian", + "ingredients": [ + "milk chocolate", + "vegetable oil spray", + "whole milk", + "salt", + "sour cream", + "unflavored gelatin", + "vanilla beans", + "large eggs", + "vegetable oil", + "hot water", + "unsweetened cocoa powder", + "water", + "baking soda", + "baking powder", + "all-purpose flour", + "bittersweet chocolate", + "sugar", + "golden brown sugar", + "coffee", + "vanilla extract", + "heavy whipping cream" + ] + }, + { + "id": 47309, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "minced ginger", + "Shaoxing wine", + "scallions", + "dark soy sauce", + "white pepper", + "large eggs", + "salt", + "sugar", + "minced garlic", + "white rice vinegar", + "peanut oil", + "boneless chicken skinless thigh", + "hoisin sauce", + "chili oil", + "corn starch" + ] + }, + { + "id": 19225, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "shredded Monterey Jack cheese", + "lean ground beef", + "taco seasoning mix", + "salsa" + ] + }, + { + "id": 37646, + "cuisine": "italian", + "ingredients": [ + "water", + "chopped onion", + "cottage cheese", + "egg noodles", + "italian seasoning", + "tomato paste", + "garlic powder", + "ground beef", + "mozzarella cheese", + "diced tomatoes" + ] + }, + { + "id": 24280, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "milk", + "minced onion", + "salt", + "fresh parsley", + "pork", + "ground pepper", + "dry white wine", + "garlic cloves", + "tomato purée", + "olive oil", + "beef stock", + "all-purpose flour", + "onions", + "clove", + "bread crumb fresh", + "beef", + "vegetable oil", + "carrots" + ] + }, + { + "id": 22831, + "cuisine": "filipino", + "ingredients": [ + "water", + "carrots", + "cabbage", + "brown sugar", + "garlic", + "ground beef", + "lumpia wrappers", + "corn starch", + "soy sauce", + "oil", + "onions" + ] + }, + { + "id": 39282, + "cuisine": "italian", + "ingredients": [ + "nutmeg", + "dijon mustard", + "butter", + "all-purpose flour", + "Italian bread", + "black pepper", + "whole milk", + "garlic", + "chopped parsley", + "melted butter", + "grated parmesan cheese", + "white cheddar cheese", + "shredded mozzarella cheese", + "olive oil", + "coarse salt", + "salt", + "gnocchi" + ] + }, + { + "id": 35579, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "extra-virgin olive oil", + "onions", + "plain dry bread crumb", + "lemon wedge", + "baby zucchini", + "grated parmesan cheese", + "salt", + "plum tomatoes", + "ground black pepper", + "chopped fresh thyme", + "garlic cloves" + ] + }, + { + "id": 10222, + "cuisine": "japanese", + "ingredients": [ + "water", + "rice", + "nori", + "mayonaise", + "rice vinegar", + "imitation crab meat", + "sugar", + "nori furikake", + "sour cream", + "salt", + "crabmeat" + ] + }, + { + "id": 34313, + "cuisine": "italian", + "ingredients": [ + "white pepper", + "meyer lemon", + "garlic cloves", + "pea shoots", + "zucchini", + "basil", + "arugula", + "avocado", + "cherries", + "heirloom tomatoes", + "cucumber", + "grapes", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 43039, + "cuisine": "korean", + "ingredients": [ + "tomato paste", + "yellow miso", + "firm tofu", + "toasted sesame seeds", + "sushi rice", + "vegetable oil", + "carrots", + "nori", + "garlic paste", + "large eggs", + "scallions", + "snow peas", + "water", + "salt", + "beansprouts" + ] + }, + { + "id": 39572, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "ground cayenne pepper", + "ground ginger", + "curry powder", + "canola oil", + "kosher salt", + "boneless skinless chicken breast halves", + "granulated garlic", + "white wine vinegar", + "ground cumin" + ] + }, + { + "id": 16514, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "chili powder", + "baked tortilla chips", + "adobo sauce", + "avocado", + "olive oil", + "salt", + "celery", + "onions", + "minced garlic", + "diced tomatoes", + "carrots", + "medium shrimp", + "lower sodium chicken broth", + "white hominy", + "cilantro leaves", + "fresh lime juice", + "ground cumin" + ] + }, + { + "id": 27193, + "cuisine": "italian", + "ingredients": [ + "sun-dried tomatoes", + "florets", + "fresh basil", + "zucchini", + "garlic cloves", + "shiitake", + "linguine", + "olive oil", + "grated parmesan cheese", + "low salt chicken broth" + ] + }, + { + "id": 27670, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "salt", + "pinenuts", + "extra-virgin olive oil", + "fresh basil leaves", + "mozzarella cheese", + "garlic", + "plum tomatoes", + "parmigiano reggiano cheese", + "bocconcini" + ] + }, + { + "id": 9559, + "cuisine": "filipino", + "ingredients": [ + "water", + "sago pearls", + "glutinous rice", + "coconut cream", + "sugar", + "glutinous rice flour", + "jackfruit", + "coconut milk" + ] + }, + { + "id": 34407, + "cuisine": "italian", + "ingredients": [ + "cold water", + "chiles", + "salt", + "garlic cloves", + "black peppercorns", + "olive oil", + "anchovy fillets", + "flat leaf parsley", + "tomato paste", + "baguette", + "white fleshed fish", + "carrots", + "celery ribs", + "stock", + "dry white wine", + "squid", + "onions" + ] + }, + { + "id": 39962, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "fresh mozzarella", + "arugula", + "black pepper", + "grated parmesan cheese", + "chickpeas", + "olive oil", + "pasta shells", + "dried oregano", + "kosher salt", + "balsamic vinegar", + "garlic cloves" + ] + }, + { + "id": 30100, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "wonton wrappers", + "rice vinegar", + "fresh ginger root", + "garlic", + "chopped cilantro fresh", + "extra lean ground beef", + "chili oil", + "onions", + "spinach", + "green onions", + "salt" + ] + }, + { + "id": 36490, + "cuisine": "jamaican", + "ingredients": [ + "baking soda", + "beaten eggs", + "brown sugar", + "cinnamon", + "oil", + "nutmeg", + "flour", + "salt", + "mixed spice", + "vanilla", + "carrots" + ] + }, + { + "id": 29179, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "lime", + "worcestershire sauce", + "tequila", + "kosher salt", + "unsalted butter", + "freshly ground pepper", + "hamburger buns", + "corn", + "chips", + "bbq sauce", + "warm water", + "hot pepper sauce", + "apple cider", + "pork shoulder" + ] + }, + { + "id": 44107, + "cuisine": "mexican", + "ingredients": [ + "ground chipotle chile pepper", + "vegetable oil", + "chipotle peppers", + "avocado", + "lime juice", + "knorr reduc sodium chicken flavor bouillon cube", + "water", + "garlic", + "chopped cilantro fresh", + "sugar", + "sweet onion", + "sour cream" + ] + }, + { + "id": 2597, + "cuisine": "japanese", + "ingredients": [ + "eggs", + "green onions", + "carrots", + "lime", + "soba noodles", + "soy sauce", + "sesame oil", + "toasted sesame seeds", + "honey", + "oil" + ] + }, + { + "id": 36428, + "cuisine": "irish", + "ingredients": [ + "butter", + "lemon zest", + "sugar", + "fresh lemon juice", + "egg yolks" + ] + }, + { + "id": 45228, + "cuisine": "french", + "ingredients": [ + "water", + "cooking spray", + "unsweetened cocoa powder", + "powdered sugar", + "granulated sugar", + "all-purpose flour", + "cream of tartar", + "large egg yolks", + "1% low-fat milk", + "large egg whites", + "vanilla extract" + ] + }, + { + "id": 757, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "shallots", + "veal escalopes", + "olive oil", + "red wine", + "fresh sage", + "butter", + "shiitake", + "all-purpose flour" + ] + }, + { + "id": 19147, + "cuisine": "southern_us", + "ingredients": [ + "dijon mustard", + "butter", + "pepper", + "habanero pepper", + "salt", + "honey", + "teas", + "italian seasoning", + "country ham", + "large eggs", + "paprika" + ] + }, + { + "id": 11329, + "cuisine": "japanese", + "ingredients": [ + "granny smith apples", + "garlic", + "fresh ginger root", + "fresh pineapple", + "orange", + "white sugar", + "soy sauce", + "mirin" + ] + }, + { + "id": 23406, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "reduced sodium chicken broth", + "chopped onion", + "cilantro", + "boneless skinless chicken breasts", + "green chilies" + ] + }, + { + "id": 11060, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "cayenne", + "hot sauce", + "dried oregano", + "water", + "garlic", + "celery", + "black pepper", + "diced tomatoes", + "flavoring", + "black-eyed peas", + "salt", + "onions" + ] + }, + { + "id": 23524, + "cuisine": "korean", + "ingredients": [ + "daikon", + "asian fish sauce", + "water", + "ginger", + "green onions", + "garlic", + "chile powder", + "coarse sea salt", + "cabbage" + ] + }, + { + "id": 23253, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "v8", + "salt", + "ground beef", + "water", + "diced tomatoes", + "chopped onion", + "dried basil", + "garlic", + "shredded cheese", + "pepper", + "shell pasta", + "beef broth", + "dried parsley" + ] + }, + { + "id": 36381, + "cuisine": "french", + "ingredients": [ + "popcorn kernels", + "garlic cloves", + "grapeseed oil", + "celery salt", + "salt", + "unsalted butter", + "herbes de provence" + ] + }, + { + "id": 29210, + "cuisine": "french", + "ingredients": [ + "extra-virgin olive oil", + "arugula", + "sherry vinegar", + "Italian bread", + "roquefort", + "dijon style mustard", + "unsalted butter", + "frisee" + ] + }, + { + "id": 49066, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "garlic", + "canola oil", + "green onions", + "salsa", + "shredded cheddar cheese", + "salt", + "tomatoes", + "chicken breasts", + "tortilla chips" + ] + }, + { + "id": 37802, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "olive oil", + "garlic", + "oil", + "black pepper", + "vanilla powder", + "orange juice", + "peppercorns", + "white vinegar", + "honey", + "apples", + "chinese five-spice powder", + "chicken", + "soy sauce", + "fennel", + "salt", + "cashew nuts" + ] + }, + { + "id": 40383, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "rice wine", + "green beans", + "egg noodles", + "red pepper", + "chicken thighs", + "shiitake", + "vegetable oil", + "ginger root", + "chicken stock", + "spring onions", + "cornflour" + ] + }, + { + "id": 10949, + "cuisine": "southern_us", + "ingredients": [ + "cheese", + "creole seasoning", + "milk", + "all-purpose flour", + "frozen chopped spinach", + "garlic", + "butter", + "hot sauce" + ] + }, + { + "id": 14076, + "cuisine": "italian", + "ingredients": [ + "white wine", + "ground black pepper", + "salt", + "ground beef", + "olive oil", + "butter", + "diced celery", + "diced onions", + "ground nutmeg", + "2% reduced-fat milk", + "carrots", + "water", + "italian plum tomatoes", + "cayenne pepper" + ] + }, + { + "id": 28344, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "black-eyed peas", + "hand", + "collards", + "black pepper", + "slab bacon", + "garlic", + "long grain white rice", + "homemade chicken stock", + "leaves", + "crushed red pepper flakes", + "onions", + "olive oil", + "ground black pepper", + "salt" + ] + }, + { + "id": 25989, + "cuisine": "mexican", + "ingredients": [ + "red beans", + "corn tortillas", + "large eggs", + "non-fat sour cream", + "sliced green onions", + "cooking spray", + "salsa", + "ground cumin", + "garlic powder", + "stewed tomatoes", + "chopped cilantro fresh" + ] + }, + { + "id": 38740, + "cuisine": "korean", + "ingredients": [ + "water", + "garlic", + "pears", + "jackfruit", + "sesame oil", + "tamari soy sauce", + "agave nectar", + "Bragg Liquid Aminos", + "white wine", + "ginger", + "onions" + ] + }, + { + "id": 14894, + "cuisine": "italian", + "ingredients": [ + "dry yeast", + "cornmeal", + "warm water", + "salt", + "sugar", + "cooking spray", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 19262, + "cuisine": "french", + "ingredients": [ + "olive oil", + "basil leaves", + "salt", + "ground black pepper", + "garlic", + "onions", + "eggplant", + "linguine", + "red bell pepper", + "crushed tomatoes", + "zucchini", + "wine vinegar" + ] + }, + { + "id": 32609, + "cuisine": "chinese", + "ingredients": [ + "long-grain rice", + "soy sauce", + "fresh ginger" + ] + }, + { + "id": 5614, + "cuisine": "french", + "ingredients": [ + "pernod", + "escargot", + "butter", + "puff pastry cups", + "fresh herbs" + ] + }, + { + "id": 48350, + "cuisine": "italian", + "ingredients": [ + "vodka", + "Italian parsley leaves", + "anchovy fillets", + "ground black pepper", + "diced tomatoes", + "spaghetti", + "olive oil", + "sea salt", + "garlic cloves", + "red chili peppers", + "lemon", + "extra-virgin olive oil" + ] + }, + { + "id": 25717, + "cuisine": "french", + "ingredients": [ + "salmon fillets", + "leeks", + "salt", + "crab", + "butter", + "fresh chives", + "lemon wedge", + "dry vermouth", + "pepper", + "whipping cream" + ] + }, + { + "id": 24114, + "cuisine": "greek", + "ingredients": [ + "pita bread", + "coarse salt", + "hothouse cucumber", + "plain yogurt", + "fresh lemon juice", + "olive oil", + "sour cream", + "fresh dill", + "garlic cloves" + ] + }, + { + "id": 18216, + "cuisine": "southern_us", + "ingredients": [ + "lump crab meat", + "jicama", + "hot sauce", + "avocado", + "lime juice", + "purple onion", + "cucumber", + "crawfish", + "chile pepper", + "shrimp", + "ketchup", + "olive oil", + "salt", + "chopped cilantro" + ] + }, + { + "id": 43780, + "cuisine": "italian", + "ingredients": [ + "vegetable oil cooking spray", + "ground turkey breast", + "nonfat ricotta cheese", + "part-skim mozzarella", + "garlic powder", + "whole wheat lasagna noodles", + "nutmeg", + "tomato sauce", + "mushrooms", + "italian seasoning", + "fresh spinach", + "ground black pepper", + "chopped onion" + ] + }, + { + "id": 40877, + "cuisine": "brazilian", + "ingredients": [ + "rice", + "vegetable oil", + "fresh chevre", + "bananas", + "ground beef" + ] + }, + { + "id": 39711, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "lemon peel", + "chopped fresh chives", + "extra-virgin olive oil", + "onions", + "capers", + "zucchini", + "sea bass fillets", + "garlic cloves", + "saffron", + "green olives", + "fennel bulb", + "basil leaves", + "fine sea salt", + "olives", + "celery ribs", + "green bell pepper", + "fresh thyme", + "sea salt", + "red bell pepper" + ] + }, + { + "id": 35759, + "cuisine": "mexican", + "ingredients": [ + "white corn tortillas", + "white onion", + "queso fresco", + "plum tomatoes", + "crema mexicana", + "baking soda", + "large garlic cloves", + "pasilla chiles", + "water", + "epazote", + "avocado", + "guajillo chiles", + "corn oil", + "low salt chicken broth" + ] + }, + { + "id": 46854, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "light soy sauce", + "boneless skinless chicken breasts", + "oil", + "soy sauce", + "Shaoxing wine", + "roasted peanuts", + "black vinegar", + "red chili peppers", + "cooking oil", + "garlic", + "corn starch", + "dark soy sauce", + "water", + "peeled fresh ginger", + "scallions" + ] + }, + { + "id": 13818, + "cuisine": "mexican", + "ingredients": [ + "milk", + "all-purpose flour", + "cotija", + "garlic", + "tequila", + "avocado", + "butter", + "lemon juice", + "cream", + "salt", + "onions" + ] + }, + { + "id": 7832, + "cuisine": "french", + "ingredients": [ + "salted butter", + "crème fraîche", + "mint", + "heavy cream", + "orange zest", + "shallots", + "garlic cloves", + "parsley sprigs", + "ginger" + ] + }, + { + "id": 10312, + "cuisine": "italian", + "ingredients": [ + "great northern beans", + "nutritional yeast", + "diced tomatoes", + "chopped parsley", + "sugar", + "cayenne", + "garlic", + "oregano", + "spinach", + "ground black pepper", + "basil", + "onions", + "tomato paste", + "eggplant", + "zucchini", + "salt" + ] + }, + { + "id": 6949, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato paste", + "brown rice", + "yellow onion", + "fresh tomatoes", + "sea salt", + "celery", + "boneless skinless chicken breasts", + "garlic", + "organic chicken broth", + "green bell pepper", + "cajun seasoning", + "shrimp" + ] + }, + { + "id": 44129, + "cuisine": "japanese", + "ingredients": [ + "tomatoes", + "amchur", + "salt", + "oil", + "sugar", + "coriander powder", + "okra", + "ground turmeric", + "garlic paste", + "garam masala", + "green chilies", + "onions", + "coconut", + "chili powder", + "cumin seed", + "ground cumin" + ] + }, + { + "id": 22706, + "cuisine": "vietnamese", + "ingredients": [ + "garlic powder", + "fish sauce", + "dried red chile peppers", + "rice vinegar", + "water", + "white sugar" + ] + }, + { + "id": 31546, + "cuisine": "filipino", + "ingredients": [ + "sambal ulek", + "water", + "grated lemon zest", + "onions", + "low sodium soy sauce", + "black pepper", + "garlic", + "carrots", + "ketchup", + "large eggs", + "diced celery", + "canola oil", + "spring roll wrappers", + "cider vinegar", + "salt", + "ground turkey" + ] + }, + { + "id": 20895, + "cuisine": "cajun_creole", + "ingredients": [ + "heavy cream", + "yellow onion", + "shrimp", + "unsalted butter", + "shells", + "garlic cloves", + "plum tomatoes", + "bread crumb fresh", + "dry sherry", + "cayenne pepper", + "flat leaf parsley", + "fish stock", + "salt", + "carrots" + ] + }, + { + "id": 7412, + "cuisine": "mexican", + "ingredients": [ + "watercress", + "fresh lime juice", + "coarse kosher salt", + "avocado" + ] + }, + { + "id": 38397, + "cuisine": "mexican", + "ingredients": [ + "fresh coriander", + "purple onion", + "black pepper", + "chopped tomatoes", + "crème fraîche", + "wensleydale", + "lime", + "salt", + "mozzarella cheese", + "flour tortillas", + "green chilies" + ] + }, + { + "id": 35159, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "bacon slices", + "green onions", + "sour cream", + "flour tortillas", + "salsa", + "avocado", + "vegetable oil", + "medium shrimp" + ] + }, + { + "id": 11361, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "enchilada sauce", + "salt", + "chicken breasts", + "cheddar cheese", + "cream cheese" + ] + }, + { + "id": 11483, + "cuisine": "italian", + "ingredients": [ + "dried currants", + "ground black pepper", + "fine sea salt", + "pitted kalamata olives", + "swordfish steaks", + "garlic", + "plum tomatoes", + "capers", + "pinenuts", + "dry white wine", + "all-purpose flour", + "yellow summer squash", + "sweet onion", + "extra-virgin olive oil", + "fresh basil leaves" + ] + }, + { + "id": 20858, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "peas", + "green chilies", + "onions", + "mustard", + "potatoes", + "salt", + "carrots", + "clove", + "chana dal", + "urad dal", + "oil", + "curry leaves", + "ginger", + "cilantro leaves", + "jeera" + ] + }, + { + "id": 17901, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "honey", + "balsamic vinegar", + "cilantro leaves", + "black beans", + "jalapeno chilies", + "purple onion", + "tostada shells", + "olive oil", + "shredded lettuce", + "white corn", + "orange bell pepper", + "non-fat sour cream" + ] + }, + { + "id": 48930, + "cuisine": "greek", + "ingredients": [ + "grape leaves", + "lemon", + "rice", + "ground beef", + "olive oil", + "salt", + "fresh mint", + "ground lamb", + "homemade chicken stock", + "garlic", + "carrots", + "onions", + "ground black pepper", + "grated lemon zest", + "flat leaf parsley" + ] + }, + { + "id": 28314, + "cuisine": "italian", + "ingredients": [ + "large eggs", + "salt", + "boneless skinless chicken breast halves", + "olive oil", + "cooking spray", + "bread slices", + "parmigiano-reggiano cheese", + "reduced fat milk", + "all-purpose flour", + "dried rosemary", + "ground black pepper", + "lemon wedge", + "marjoram" + ] + }, + { + "id": 4876, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "peas", + "onions", + "saffron threads", + "olive oil", + "salt", + "arborio rice", + "hot spanish paprika", + "red bell pepper", + "reduced sodium chicken broth", + "garlic", + "large shrimp" + ] + }, + { + "id": 4538, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "garlic", + "fresh rosemary", + "fresh thyme leaves", + "lemon juice", + "cream sherry", + "salt", + "pepper", + "dry red wine", + "leg of lamb" + ] + }, + { + "id": 47477, + "cuisine": "cajun_creole", + "ingredients": [ + "french bread", + "garlic cloves", + "parmesan cheese", + "worcestershire sauce", + "onions", + "jalapeno chilies", + "creole seasoning", + "mayonaise", + "butter", + "lemon juice" + ] + }, + { + "id": 16323, + "cuisine": "mexican", + "ingredients": [ + "reduced fat monterey jack cheese", + "water", + "reduced sodium reduced fat cream of mushroom soup", + "vegetable oil cooking spray", + "salt", + "green chile", + "paprika", + "skim milk", + "long-grain rice" + ] + }, + { + "id": 9622, + "cuisine": "southern_us", + "ingredients": [ + "pastry", + "fresh basil", + "green onions", + "tomatoes", + "parmesan cheese", + "mayonaise", + "salt" + ] + }, + { + "id": 24606, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "ground nutmeg", + "sugar", + "all-purpose flour", + "eggs", + "butter", + "milk" + ] + }, + { + "id": 8103, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "unsalted butter", + "milk", + "all-purpose flour", + "warm water", + "salt", + "active dry yeast", + "white cornmeal" + ] + }, + { + "id": 20036, + "cuisine": "italian", + "ingredients": [ + "water", + "sugar", + "extra-virgin olive oil", + "instant yeast", + "kosher salt", + "bread flour" + ] + }, + { + "id": 9586, + "cuisine": "indian", + "ingredients": [ + "clove", + "butter", + "onions", + "garlic paste", + "curds", + "basmati rice", + "tomatoes", + "green chilies", + "coriander", + "cheese cubes", + "oil" + ] + }, + { + "id": 14341, + "cuisine": "french", + "ingredients": [ + "egg bread", + "butter", + "powdered sugar", + "large eggs", + "star anise", + "sugar", + "whole milk", + "orange liqueur", + "water", + "apricot halves" + ] + }, + { + "id": 35384, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "olive oil", + "red pepper flakes", + "salt", + "bay leaf", + "orange", + "fresh thyme", + "garlic", + "cavatelli", + "fennel seeds", + "pearl onions", + "leeks", + "lamb shoulder", + "celery", + "fresh rosemary", + "ground black pepper", + "red wine", + "sweet peas" + ] + }, + { + "id": 12203, + "cuisine": "mexican", + "ingredients": [ + "yellow onion", + "chili powder", + "cheese dip", + "water", + "taco seasoning", + "diced tomatoes", + "ground beef" + ] + }, + { + "id": 31728, + "cuisine": "japanese", + "ingredients": [ + "lime", + "extra firm tofu", + "soba noodles", + "toasted sesame oil", + "water", + "shiitake", + "togarashi", + "konbu", + "kale", + "tamari soy sauce", + "scallions", + "toasted sesame seeds", + "yellow miso", + "Sriracha", + "dried shiitake mushrooms", + "ginger root" + ] + }, + { + "id": 3768, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "salt", + "chiles", + "baking powder", + "yellow corn meal", + "large eggs", + "all-purpose flour", + "sugar", + "buttermilk" + ] + }, + { + "id": 7854, + "cuisine": "indian", + "ingredients": [ + "fresh green bean", + "dried red chile peppers", + "ground black pepper", + "salt", + "garlic", + "white sugar", + "vegetable oil", + "black mustard seeds" + ] + }, + { + "id": 32436, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "zucchini", + "olive oil", + "butter", + "herbs" + ] + }, + { + "id": 14416, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "fresh lime juice", + "black beans", + "purple onion", + "chopped tomatoes", + "mango", + "corn kernels", + "cilantro leaves" + ] + }, + { + "id": 17132, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "green bell pepper", + "haddock", + "mozzarella cheese", + "butter", + "tomatoes", + "dried basil", + "onions" + ] + }, + { + "id": 10873, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "light soy sauce", + "scallions", + "red chili peppers", + "grated carrot", + "sugar", + "sesame oil", + "noodles", + "lettuce", + "water", + "tomato ketchup" + ] + }, + { + "id": 39268, + "cuisine": "southern_us", + "ingredients": [ + "black peppercorns", + "finely chopped onion", + "bacon", + "greens", + "cider vinegar", + "shallots", + "garlic cloves", + "hot red pepper flakes", + "whole milk", + "all-purpose flour", + "unsalted butter", + "heavy cream", + "California bay leaves" + ] + }, + { + "id": 19971, + "cuisine": "indian", + "ingredients": [ + "coconut", + "baking potatoes", + "gingerroot", + "serrano chile", + "water", + "vegetable oil", + "yellow split peas", + "chopped cilantro fresh", + "eggplant", + "cilantro sprigs", + "cumin seed", + "sweet potatoes", + "salt", + "garlic cloves" + ] + }, + { + "id": 155, + "cuisine": "korean", + "ingredients": [ + "sugar", + "udon", + "sesame oil", + "noodles", + "buckwheat", + "water", + "pork loin", + "corn starch", + "minced garlic", + "potatoes", + "carrots", + "cold water", + "zucchini", + "bean paste", + "onions" + ] + }, + { + "id": 2726, + "cuisine": "italian", + "ingredients": [ + "milk", + "chopped onion", + "elbow macaroni", + "tomato sauce", + "mild Italian sausage", + "canadian bacon", + "sliced black olives", + "fresh mushrooms", + "pepperoni slices", + "pizza sauce", + "shredded mozzarella cheese" + ] + }, + { + "id": 14301, + "cuisine": "british", + "ingredients": [ + "turnips", + "cider vinegar", + "bay leaves", + "garlic", + "fresh rosemary", + "prepared horseradish", + "russet potatoes", + "English mustard", + "olive oil", + "rib roast", + "runny honey", + "black peppercorns", + "unsalted butter", + "sea salt" + ] + }, + { + "id": 19321, + "cuisine": "cajun_creole", + "ingredients": [ + "vegetable oil", + "chopped onion", + "bay leaf", + "dried thyme", + "diced tomatoes", + "garlic cloves", + "catfish fillets", + "cajun seasoning", + "Italian turkey sausage", + "large shrimp", + "chopped green bell pepper", + "all-purpose flour", + "low salt chicken broth" + ] + }, + { + "id": 46019, + "cuisine": "brazilian", + "ingredients": [ + "ground cinnamon", + "egg yolks", + "salt", + "milk", + "butter", + "corn starch", + "sugar", + "vegetable oil", + "all-purpose flour", + "lime zest", + "active dry yeast", + "vanilla extract", + "confectioners sugar" + ] + }, + { + "id": 37855, + "cuisine": "irish", + "ingredients": [ + "bay leaves", + "thick-cut bacon", + "black pepper", + "salt", + "chicken stock", + "yukon gold potatoes", + "pork sausages", + "sweet onion", + "flat leaf parsley" + ] + }, + { + "id": 10916, + "cuisine": "italian", + "ingredients": [ + "radishes", + "anchovy fillets", + "celery ribs", + "white wine vinegar", + "Belgian endive", + "extra-virgin olive oil", + "garlic cloves", + "black pepper", + "salt" + ] + }, + { + "id": 42630, + "cuisine": "southern_us", + "ingredients": [ + "pies", + "caramel syrup", + "whipped topping", + "vanilla pudding", + "bananas" + ] + }, + { + "id": 32001, + "cuisine": "jamaican", + "ingredients": [ + "lime juice", + "large eggs", + "sweetened coconut flakes", + "cream cheese", + "sugar", + "baking soda", + "baking powder", + "salt", + "fresh lime juice", + "lime rind", + "bananas", + "butter", + "all-purpose flour", + "brown sugar", + "fat free milk", + "dark rum", + "vanilla extract", + "chopped pecans" + ] + }, + { + "id": 20376, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "prosciutto", + "baby spinach", + "celery ribs", + "dry vermouth", + "lemon zest", + "scallions", + "arborio rice", + "olive oil", + "grated parmesan cheese", + "lemon juice", + "mint", + "fresh peas", + "salt" + ] + }, + { + "id": 5220, + "cuisine": "french", + "ingredients": [ + "ground ginger", + "white pepper", + "ground cloves", + "grated nutmeg" + ] + }, + { + "id": 29062, + "cuisine": "thai", + "ingredients": [ + "lime rind", + "fresh cilantro", + "light coconut milk", + "bamboo shoots", + "fish sauce", + "fat free less sodium chicken broth", + "olive oil", + "fresh lime juice", + "rice stick noodles", + "straw mushrooms", + "green curry paste", + "corn starch", + "brown sugar", + "water", + "boneless skinless chicken breasts", + "onions" + ] + }, + { + "id": 5085, + "cuisine": "brazilian", + "ingredients": [ + "garlic", + "long-grain rice", + "water", + "hot sauce", + "olive oil", + "pumpkin seeds", + "salt", + "onions" + ] + }, + { + "id": 46045, + "cuisine": "italian", + "ingredients": [ + "ground cloves", + "butter", + "carrots", + "broth", + "ground black pepper", + "garlic", + "rib", + "olive oil", + "dry red wine", + "flat leaf parsley", + "dried lentils", + "italian plum tomatoes", + "salt", + "onions" + ] + }, + { + "id": 44729, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "cilantro", + "cream of chicken soup", + "chicken", + "beef", + "sour cream", + "green chile", + "large eggs" + ] + }, + { + "id": 31841, + "cuisine": "mexican", + "ingredients": [ + "chili beans", + "flour tortillas", + "black olives", + "ground beef", + "black beans", + "diced tomatoes", + "pinto beans", + "shredded Monterey Jack cheese", + "chili seasoning mix", + "shredded cheddar cheese", + "mexicorn", + "sour cream", + "light red kidney beans", + "jalapeno chilies", + "hot sauce", + "onions" + ] + }, + { + "id": 26090, + "cuisine": "thai", + "ingredients": [ + "black pepper", + "oyster sauce", + "fish sauce", + "vegetable oil", + "chicken breasts", + "coriander", + "soy sauce", + "garlic cloves" + ] + }, + { + "id": 43945, + "cuisine": "filipino", + "ingredients": [ + "hoisin sauce", + "garlic", + "noodles", + "soy sauce", + "vegetable oil", + "carrots", + "green onions", + "rice", + "cabbage", + "Sriracha", + "deveined shrimp", + "onions" + ] + }, + { + "id": 6822, + "cuisine": "indian", + "ingredients": [ + "lime rind", + "fresh ginger", + "peanut oil", + "onions", + "plum tomatoes", + "light brown sugar", + "minced garlic", + "jalapeno chilies", + "coconut milk", + "chopped cilantro fresh", + "calamari", + "ground black pepper", + "ground coriander", + "chopped fresh mint", + "fish", + "cooked rice", + "curry powder", + "salt", + "fresh lime juice", + "toasted coconut" + ] + }, + { + "id": 23576, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "buttermilk", + "yellow corn meal", + "large eggs", + "all-purpose flour", + "sugar", + "baking powder", + "extra sharp cheddar cheese", + "unsalted butter", + "salt" + ] + }, + { + "id": 38305, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "pecorino romano cheese", + "part-skim mozzarella", + "large eggs", + "part-skim ricotta cheese", + "kosher salt", + "italian eggplant", + "spinach", + "marinara sauce", + "garlic cloves" + ] + }, + { + "id": 14015, + "cuisine": "japanese", + "ingredients": [ + "honey", + "green onions", + "toasted sesame seeds", + "soy sauce", + "boneless chicken breast", + "garlic", + "sake", + "ground black pepper", + "ginger", + "water", + "mirin", + "corn starch" + ] + }, + { + "id": 23432, + "cuisine": "southern_us", + "ingredients": [ + "vegetable shortening", + "baking soda", + "salt", + "buttermilk", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 20368, + "cuisine": "thai", + "ingredients": [ + "fresh basil", + "salt", + "asian fish sauce", + "lime", + "coconut milk", + "orange", + "freshly ground pepper", + "chicken broth", + "button mushrooms", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 11844, + "cuisine": "japanese", + "ingredients": [ + "sake", + "mirin", + "garlic cloves", + "soy sauce", + "ginger", + "pork belly", + "scallions", + "sugar", + "shallots" + ] + }, + { + "id": 19504, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "onions", + "taco shells", + "salt", + "taco seasoning mix", + "spaghetti squash", + "vegetable oil" + ] + }, + { + "id": 46784, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "russet potatoes", + "large eggs", + "vanilla extract", + "evaporated milk", + "butter", + "pie crust", + "sweet potatoes", + "grated nutmeg" + ] + }, + { + "id": 40023, + "cuisine": "spanish", + "ingredients": [ + "pork", + "peas", + "onions", + "arborio rice", + "lobster", + "salt", + "saffron", + "olive oil", + "garlic", + "boiling water", + "tomatoes", + "chicken breasts", + "mussels, well scrubbed" + ] + }, + { + "id": 10807, + "cuisine": "thai", + "ingredients": [ + "olive oil", + "green onions", + "carrots", + "fresh lime", + "Sriracha", + "garlic", + "large shrimp", + "fish sauce", + "shiitake", + "ginger", + "coconut milk", + "fresh cilantro", + "low sodium chicken broth", + "red curry paste" + ] + }, + { + "id": 30467, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "mint leaves", + "green chilies", + "cinnamon sticks", + "basmati rice", + "garlic paste", + "salt", + "cardamom", + "onions", + "red chili powder", + "yoghurt", + "oil", + "bay leaf", + "chicken", + "clove", + "coriander powder", + "cilantro leaves", + "lemon juice", + "shahi jeera" + ] + }, + { + "id": 32756, + "cuisine": "indian", + "ingredients": [ + "spinach", + "butter", + "onions", + "garam masala", + "mustard seeds", + "ground cumin", + "red lentils", + "chili powder", + "coconut milk", + "water", + "salt", + "ground turmeric" + ] + }, + { + "id": 34575, + "cuisine": "italian", + "ingredients": [ + "swiss chard", + "salt", + "pepper", + "large garlic cloves", + "whole wheat angel hair pasta", + "grated parmesan cheese", + "chopped walnuts", + "olive oil", + "Italian parsley leaves" + ] + }, + { + "id": 19356, + "cuisine": "indian", + "ingredients": [ + "white pepper", + "yoghurt", + "garlic", + "cinnamon sticks", + "clove", + "almonds", + "poppy seeds", + "green chilies", + "onions", + "nutmeg", + "bay leaves", + "ginger", + "cardamom", + "chicken", + "mace", + "unsalted cashews", + "salt", + "ghee" + ] + }, + { + "id": 24516, + "cuisine": "greek", + "ingredients": [ + "mayonaise", + "mahimahi fillet", + "tomatoes", + "extra-virgin olive oil", + "fresh lemon juice", + "mint", + "lemon slices", + "feta cheese crumbles", + "red wine vinegar", + "dill" + ] + }, + { + "id": 40821, + "cuisine": "southern_us", + "ingredients": [ + "white onion", + "garlic powder", + "onion powder", + "beef broth", + "sharp cheddar cheese", + "water", + "bell pepper", + "extra-virgin olive oil", + "cayenne pepper", + "grits", + "crawfish", + "beef", + "butter", + "hot sauce", + "celery", + "black pepper", + "milk", + "green onions", + "garlic", + "creole seasoning" + ] + }, + { + "id": 2015, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "dry bread crumbs", + "fresh rosemary", + "cooking spray", + "yellow onion", + "sugar", + "pecorino romano cheese", + "garlic cloves", + "Chianti", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 44782, + "cuisine": "italian", + "ingredients": [ + "salmon fillets", + "leeks", + "salt", + "ground black pepper", + "savory", + "fresh mint", + "unsalted chicken stock", + "unsalted butter", + "extra-virgin olive oil", + "flat leaf parsley", + "pappardelle pasta", + "dry white wine", + "lemon rind" + ] + }, + { + "id": 21317, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "garam masala", + "cumin seed", + "red chili peppers", + "yoghurt", + "salmon fillets", + "coriander powder", + "ground turmeric", + "black peppercorns", + "olive oil", + "salt" + ] + }, + { + "id": 18453, + "cuisine": "indian", + "ingredients": [ + "passata", + "frozen peas", + "spices", + "onions", + "yoghurt", + "skinless chicken breasts", + "basmati rice", + "red pepper", + "coriander" + ] + }, + { + "id": 14895, + "cuisine": "french", + "ingredients": [ + "sugar", + "olive oil", + "lemon zest", + "salt", + "nutmeg", + "pepper", + "unsalted butter", + "ice water", + "whole wheat pastry flour", + "swiss chard", + "leeks", + "garlic cloves", + "eggs", + "dried thyme", + "dijon mustard", + "gruyere cheese" + ] + }, + { + "id": 25282, + "cuisine": "chinese", + "ingredients": [ + "broccoli", + "water chestnuts", + "celery", + "chicken breasts", + "canola oil", + "soy sauce", + "yellow onion" + ] + }, + { + "id": 12757, + "cuisine": "italian", + "ingredients": [ + "canned low sodium chicken broth", + "cannellini beans", + "escarole", + "cooking oil", + "salt", + "ground black pepper", + "garlic", + "rigatoni", + "grated parmesan cheese", + "hot Italian sausages" + ] + }, + { + "id": 21382, + "cuisine": "thai", + "ingredients": [ + "cayenne pepper", + "hot water", + "soy sauce", + "golden syrup", + "creamy peanut butter", + "dry sherry", + "lemon juice" + ] + }, + { + "id": 13716, + "cuisine": "chinese", + "ingredients": [ + "chili pepper", + "star anise", + "cassia cinnamon", + "ginger root", + "roasted sesame seeds", + "oil", + "szechwan peppercorns" + ] + }, + { + "id": 17385, + "cuisine": "cajun_creole", + "ingredients": [ + "large eggs", + "butter", + "red bell pepper", + "bread crumbs", + "vegetable oil", + "garlic cloves", + "creole mustard", + "green onions", + "sauce", + "mayonaise", + "cooked chicken", + "creole seasoning" + ] + }, + { + "id": 19513, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "fresh ginger", + "cilantro", + "carrots", + "water", + "crushed garlic", + "english cucumber", + "rice paper", + "fresh chives", + "agave nectar", + "seasoned rice wine vinegar", + "hot water", + "olive oil", + "napa cabbage", + "oil" + ] + }, + { + "id": 15797, + "cuisine": "mexican", + "ingredients": [ + "water", + "chicken breasts", + "salt", + "pepper", + "garlic powder", + "onion powder", + "cheddar cheese", + "refried beans", + "chili powder", + "salsa", + "shredded cheddar cheese", + "flour tortillas", + "vegetable oil" + ] + }, + { + "id": 23325, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "garlic", + "onions", + "pepper", + "raisins", + "corn starch", + "shredded coconut", + "sweet potatoes", + "rice", + "sliced green onions", + "chicken bouillon granules", + "peanuts", + "salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 28799, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "salt", + "water", + "onions", + "pepper", + "shrimp", + "olive oil", + "fresh asparagus" + ] + }, + { + "id": 36623, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "garlic cloves", + "cooked rice", + "red beans", + "sliced green onions", + "celery ribs", + "water", + "onions", + "green bell pepper", + "creole seasoning" + ] + }, + { + "id": 31754, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "salt", + "pepper", + "basil", + "sugar", + "balsamic vinegar", + "dried oregano", + "olive oil", + "garlic" + ] + }, + { + "id": 33535, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "california chile", + "whole chicken", + "salt", + "olive oil", + "dried red chile peppers" + ] + }, + { + "id": 18781, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "eggplant", + "salt", + "yellow squash", + "diced tomatoes", + "red bell pepper", + "green bell pepper", + "zucchini", + "garlic cloves", + "olive oil", + "yellow bell pepper", + "onions" + ] + }, + { + "id": 17701, + "cuisine": "irish", + "ingredients": [ + "steel-cut oats", + "large eggs", + "all-purpose flour", + "baking soda", + "baking powder", + "whole wheat flour", + "cooking spray", + "wheat germ", + "brown sugar", + "low-fat buttermilk", + "salt" + ] + }, + { + "id": 1681, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "olive oil", + "salt", + "long-grain rice", + "ground turmeric", + "light brown sugar", + "black pepper", + "shallots", + "cayenne pepper", + "leg of lamb", + "ground cloves", + "bay leaves", + "rice vinegar", + "garlic cloves", + "canola oil", + "chicken stock", + "lime juice", + "lambs liver", + "sweet paprika", + "bay leaf" + ] + }, + { + "id": 13004, + "cuisine": "italian", + "ingredients": [ + "sugar", + "balsamic vinegar", + "purple onion", + "oven-ready lasagna noodles", + "fresh basil", + "zucchini", + "garlic", + "shredded mozzarella cheese", + "ground black pepper", + "portabello mushroom", + "fresh oregano", + "plum tomatoes", + "olive oil", + "baby spinach", + "salt", + "feta cheese crumbles" + ] + }, + { + "id": 46354, + "cuisine": "british", + "ingredients": [ + "sugar", + "almond extract", + "pastry dough", + "rice flour", + "strawberry jam", + "butter", + "eggs", + "baking powder" + ] + }, + { + "id": 17002, + "cuisine": "japanese", + "ingredients": [ + "vegetable stock", + "miso paste", + "scallions", + "water", + "firm tofu", + "mushrooms" + ] + }, + { + "id": 13854, + "cuisine": "italian", + "ingredients": [ + "vanilla ice cream", + "espresso", + "kahlua", + "whipped cream", + "cocoa", + "ice", + "sugar", + "liqueur" + ] + }, + { + "id": 17377, + "cuisine": "italian", + "ingredients": [ + "tomato purée", + "minced garlic", + "grated parmesan cheese", + "extra-virgin olive oil", + "freshly ground pepper", + "chuck", + "sausage casings", + "peeled tomatoes", + "bay leaves", + "crushed red pepper", + "flat leaf parsley", + "tomato paste", + "mozzarella cheese", + "large eggs", + "basil", + "ricotta", + "dried oregano", + "chicken stock", + "sugar", + "lasagna noodles", + "ground sirloin", + "salt", + "thyme sprigs" + ] + }, + { + "id": 18438, + "cuisine": "southern_us", + "ingredients": [ + "shredded sharp cheddar cheese", + "water", + "grits", + "fat free less sodium chicken broth", + "garlic cloves", + "cream cheese" + ] + }, + { + "id": 47991, + "cuisine": "thai", + "ingredients": [ + "jalapeno chilies", + "large garlic cloves", + "lemongrass", + "napa cabbage", + "shallots", + "fresh lime juice", + "coarse salt", + "asian fish sauce" + ] + }, + { + "id": 9926, + "cuisine": "filipino", + "ingredients": [ + "water", + "salt", + "black peppercorns", + "vegetable oil", + "chicken pieces", + "white vinegar", + "potatoes", + "bay leaf", + "soy sauce", + "garlic" + ] + }, + { + "id": 14935, + "cuisine": "chinese", + "ingredients": [ + "water", + "worcestershire sauce", + "chinese five-spice powder", + "sweet bean sauce", + "eggs", + "pork spare ribs", + "tomato ketchup", + "corn starch", + "plum sauce", + "salt", + "oil", + "black vinegar", + "sugar", + "Shaoxing wine", + "chili sauce", + "toasted sesame seeds" + ] + }, + { + "id": 34966, + "cuisine": "french", + "ingredients": [ + "water", + "salt", + "white sugar", + "almond extract", + "unsweetened chocolate", + "milk", + "all-purpose flour", + "eggs", + "butter", + "confectioners sugar" + ] + }, + { + "id": 6206, + "cuisine": "mexican", + "ingredients": [ + "ground round", + "chili powder", + "corn tortillas", + "turkey breakfast sausage", + "whole kernel corn, drain", + "ground cumin", + "reduced fat sharp cheddar cheese", + "cooking spray", + "enchilada sauce", + "pepper", + "chopped onion", + "sliced green onions" + ] + }, + { + "id": 18065, + "cuisine": "british", + "ingredients": [ + "large eggs", + "crème fraîche", + "tangerine", + "raw sugar", + "tangerine juice", + "unsalted butter", + "salt", + "dried cranberries", + "sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 38614, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "water", + "cilantro stems", + "cilantro leaves", + "bird chile", + "chiles", + "trout", + "vegetable oil", + "pork shoulder boston butt", + "white peppercorns", + "fruit", + "peeled fresh ginger", + "star anise", + "fresh mint", + "mango", + "fish sauce", + "palm sugar", + "shallots", + "garlic cloves", + "fresh lime juice" + ] + }, + { + "id": 29137, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "corn starch", + "low sodium soy sauce", + "minced ginger", + "scallions", + "water", + "garlic", + "dried red chile peppers", + "brown sugar", + "flank steak", + "oil" + ] + }, + { + "id": 22809, + "cuisine": "filipino", + "ingredients": [ + "sugar", + "vinegar", + "chili pepper", + "salt", + "soy sauce", + "japanese cucumber", + "ground black pepper", + "onions" + ] + }, + { + "id": 34622, + "cuisine": "southern_us", + "ingredients": [ + "vegetable shortening", + "all-purpose flour", + "unsalted butter", + "cake flour", + "baking soda", + "buttermilk", + "baking powder", + "salt" + ] + }, + { + "id": 37406, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "unsalted pecans", + "butter", + "salt", + "cider vinegar", + "large eggs", + "ice water", + "all-purpose flour", + "ground nutmeg", + "egg yolks", + "vegetable shortening", + "dark brown sugar", + "granulated sugar", + "bourbon whiskey", + "vanilla", + "sorghum syrup" + ] + }, + { + "id": 10248, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "vegetable oil", + "grapefruit", + "sugar", + "extra-virgin olive oil", + "fresh lime juice", + "red leaf lettuce", + "salt", + "Boston lettuce", + "passion fruit", + "corn tortillas" + ] + }, + { + "id": 48452, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "dry yeast", + "salt", + "freshly ground pepper", + "yellow tomato", + "honey", + "chopped fresh thyme", + "fresh oregano", + "plum tomatoes", + "yellow corn meal", + "warm water", + "cooking spray", + "all-purpose flour", + "garlic cloves", + "fresh rosemary", + "olive oil", + "asiago", + "chopped onion" + ] + }, + { + "id": 4600, + "cuisine": "italian", + "ingredients": [ + "brandy", + "hazelnut liqueur", + "coffee liqueur", + "cocoa", + "boiling water" + ] + }, + { + "id": 9638, + "cuisine": "british", + "ingredients": [ + "fruit", + "greek yogurt", + "meringue nests", + "vanilla", + "strawberries" + ] + }, + { + "id": 6540, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "part-skim mozzarella cheese", + "salt", + "nonfat ricotta cheese", + "light alfredo sauce", + "olive oil", + "yukon gold potatoes", + "garlic cloves", + "fat free less sodium chicken broth", + "mushroom caps", + "fresh oregano", + "fresh basil", + "large egg whites", + "cooking spray", + "chopped onion" + ] + }, + { + "id": 49130, + "cuisine": "korean", + "ingredients": [ + "sesame oil", + "baby back ribs", + "sliced green onions", + "soy sauce", + "rice vinegar", + "toasted sesame seeds", + "brown sugar", + "garlic", + "onions", + "honey", + "toasted sesame oil", + "pears" + ] + }, + { + "id": 11900, + "cuisine": "jamaican", + "ingredients": [ + "ketchup", + "hot pepper sauce", + "cinnamon", + "ground allspice", + "chicken pieces", + "sugar", + "dried thyme", + "dark rum", + "scotch", + "scallions", + "white vinegar", + "jerk marinade", + "bay leaves", + "garlic", + "dark brown sugar", + "soy sauce", + "fresh ginger", + "barbecue sauce", + "salt", + "fresh lime juice" + ] + }, + { + "id": 13022, + "cuisine": "southern_us", + "ingredients": [ + "italian seasoning mix", + "flour", + "crisco", + "garlic salt", + "cream of chicken soup", + "chopped onion", + "low sodium chicken broth", + "chicken" + ] + }, + { + "id": 46561, + "cuisine": "chinese", + "ingredients": [ + "ground cinnamon", + "honey", + "chinese five-spice powder", + "ketchup", + "hoisin sauce", + "white sugar", + "soy sauce", + "fresh ginger root", + "oyster sauce", + "pork shoulder roast", + "dry sherry" + ] + }, + { + "id": 47989, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "almonds", + "butter", + "chopped parsley", + "ground turmeric", + "sugar", + "egg yolks", + "cinnamon sticks", + "onions", + "eggs", + "ground pepper", + "salt", + "phyllo pastry", + "ground ginger", + "squabs", + "cinnamon", + "confectioners sugar", + "chopped cilantro fresh" + ] + }, + { + "id": 20697, + "cuisine": "british", + "ingredients": [ + "vanilla extract", + "unsalted butter", + "all-purpose flour", + "sugar", + "salt", + "raisins" + ] + }, + { + "id": 35371, + "cuisine": "indian", + "ingredients": [ + "hungarian sweet paprika", + "fat free less sodium chicken broth", + "cooking spray", + "salt", + "cinnamon sticks", + "white vinegar", + "tomato purée", + "finely chopped onion", + "boneless skinless chicken breasts", + "garlic cloves", + "chopped cilantro fresh", + "tomato paste", + "garam masala", + "peeled fresh ginger", + "ground coriander", + "cashew nuts", + "green cardamom pods", + "boneless chicken skinless thigh", + "half & half", + "ground red pepper", + "greek yogurt" + ] + }, + { + "id": 31990, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "frozen corn kernels", + "black beans", + "chees fresco queso", + "chopped cilantro fresh", + "avocado", + "chili powder", + "chipotle salsa", + "olive oil", + "purple onion" + ] + }, + { + "id": 47797, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "salt", + "tomatillos", + "serrano chile", + "black pepper", + "chopped cilantro fresh", + "purple onion" + ] + }, + { + "id": 30218, + "cuisine": "chinese", + "ingredients": [ + "fish sauce", + "wonton wrappers", + "toasted sesame oil", + "peeled fresh ginger", + "scallions", + "vegetable oil", + "shrimp", + "soy sauce", + "red curry paste" + ] + }, + { + "id": 42666, + "cuisine": "spanish", + "ingredients": [ + "hungarian sweet paprika", + "chopped green bell pepper", + "salt", + "chicken thighs", + "saffron threads", + "pepper", + "dry white wine", + "garlic cloves", + "black peppercorns", + "bay leaves", + "yellow onion", + "arborio rice", + "water", + "vegetable oil", + "fresh parsley" + ] + }, + { + "id": 19745, + "cuisine": "italian", + "ingredients": [ + "grated lemon zest", + "fresh rosemary", + "boneless skinless chicken breasts" + ] + }, + { + "id": 19592, + "cuisine": "italian", + "ingredients": [ + "penne pasta", + "cooked chicken", + "cheese", + "milk", + "sour cream" + ] + }, + { + "id": 5562, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "garlic", + "mussels", + "flat leaf parsley", + "dry white wine" + ] + }, + { + "id": 2182, + "cuisine": "italian", + "ingredients": [ + "water", + "extra-virgin olive oil", + "onions", + "hot red pepper flakes", + "fresh pasta", + "walnuts", + "asparagus tips", + "black pepper", + "parmigiano reggiano cheese", + "flat leaf parsley", + "pancetta", + "olive oil", + "salt", + "marjoram" + ] + }, + { + "id": 30393, + "cuisine": "chinese", + "ingredients": [ + "green cabbage", + "ground black pepper", + "vegetable oil", + "kosher salt", + "green onions", + "ginger", + "soy sauce", + "mirin", + "ground pork", + "won ton wrappers", + "sesame oil", + "shrimp" + ] + }, + { + "id": 46237, + "cuisine": "vietnamese", + "ingredients": [ + "brown sugar", + "garlic powder", + "pork tenderloin", + "rice vermicelli", + "garlic cloves", + "chopped fresh mint", + "fish sauce", + "water", + "Sriracha", + "lime wedges", + "english cucumber", + "fresh lime juice", + "fresh basil", + "red leaf lettuce", + "granulated sugar", + "peeled fresh ginger", + "rice vinegar", + "beansprouts", + "dry roasted peanuts", + "ground black pepper", + "cooking spray", + "salt", + "carrots", + "chopped cilantro fresh" + ] + }, + { + "id": 35773, + "cuisine": "vietnamese", + "ingredients": [ + "rice stick noodles", + "water", + "vegetable oil", + "fresh lime juice", + "black peppercorns", + "lemongrass", + "gingerroot", + "chicken broth", + "curry powder", + "chili oil", + "asian fish sauce", + "unsweetened coconut milk", + "fresh coriander", + "chicken breasts", + "garlic cloves" + ] + }, + { + "id": 17081, + "cuisine": "brazilian", + "ingredients": [ + "tomatoes", + "olive oil", + "red pepper flakes", + "nonstick spray", + "black beans", + "leeks", + "yellow onion", + "fresh lime juice", + "cooked rice", + "sweet potatoes", + "yellow bell pepper", + "red bell pepper", + "fresh cilantro", + "dark rum", + "thyme", + "ground cumin" + ] + }, + { + "id": 10688, + "cuisine": "british", + "ingredients": [ + "eggs", + "milk", + "sherry", + "currant", + "allspice", + "ground cloves", + "suet", + "candied peel", + "cognac", + "sugar", + "mace", + "cinnamon", + "salt", + "nutmeg", + "bread crumb fresh", + "ground black pepper", + "raisins", + "citron" + ] + }, + { + "id": 39175, + "cuisine": "mexican", + "ingredients": [ + "reduced fat sharp cheddar cheese", + "non-fat sour cream", + "chopped cilantro fresh", + "corn", + "enchilada sauce", + "black beans", + "salt", + "cooking spray", + "corn tortillas" + ] + }, + { + "id": 1651, + "cuisine": "french", + "ingredients": [ + "milk", + "water", + "vanilla extract", + "large eggs", + "sugar", + "egg yolks" + ] + }, + { + "id": 39630, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "milk", + "baking powder", + "salt", + "grated coconut", + "flour", + "raisins", + "water", + "egg yolks", + "vanilla extract", + "brandy", + "egg whites", + "butter", + "chopped pecans" + ] + }, + { + "id": 7381, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "garlic", + "onions", + "pineapple chunks", + "water", + "pineapple juice", + "pepper", + "salt", + "brown sugar", + "pork leg", + "oil" + ] + }, + { + "id": 6374, + "cuisine": "filipino", + "ingredients": [ + "water", + "chunky peanut butter", + "salt", + "onions", + "fish sauce", + "leaves", + "shrimp paste", + "oil", + "long beans", + "eggplant", + "oxtails", + "annatto powder", + "pepper", + "bananas", + "garlic", + "rice flour" + ] + }, + { + "id": 32491, + "cuisine": "mexican", + "ingredients": [ + "lime", + "jalapeno chilies", + "salt", + "sour cream", + "cumin", + "pepper", + "green bell pepper, slice", + "cilantro", + "scallions", + "adobo sauce", + "black beans", + "olive oil", + "boneless skinless chicken breasts", + "freshly ground pepper", + "chipotles in adobo", + "ground cumin", + "fresh cilantro", + "flour tortillas", + "garlic", + "red bell pepper", + "onions" + ] + }, + { + "id": 24554, + "cuisine": "mexican", + "ingredients": [ + "water", + "crema mexican", + "garlic", + "masa harina", + "cotija", + "peanuts", + "chicken breasts", + "sour cream", + "chicken stock", + "refried beans", + "jalapeno chilies", + "cilantro leaves", + "kosher salt", + "poblano peppers", + "tomatillos", + "onions" + ] + }, + { + "id": 25709, + "cuisine": "japanese", + "ingredients": [ + "gari", + "green onions", + "garlic", + "beansprouts", + "soy sauce", + "shiitake", + "sesame oil", + "carrots", + "sake", + "olive oil", + "chicken breasts", + "rice vinegar", + "ground ginger", + "honey", + "napa cabbage leaves", + "buckwheat noodles", + "onions" + ] + }, + { + "id": 9141, + "cuisine": "italian", + "ingredients": [ + "seasoned bread crumbs", + "garlic cloves", + "frozen chopped spinach", + "olive oil", + "romano cheese", + "salt", + "pepper" + ] + }, + { + "id": 42690, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "honey", + "butternut squash", + "raisins", + "salt", + "ground turmeric", + "slivered almonds", + "garbanzo beans", + "chicken breasts", + "garlic", + "couscous", + "water", + "dried apricot", + "butter", + "chicken stock cubes", + "onions", + "preserved lemon", + "olive oil", + "harissa", + "ginger", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 12443, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "sprinkles", + "red bell pepper", + "spinach leaves", + "cannellini beans", + "feta cheese crumbles", + "italian seasoning", + "grated parmesan cheese", + "garlic cloves", + "ripe olives", + "seasoned bread crumbs", + "balsamic vinegar", + "low salt chicken broth", + "sliced green onions" + ] + }, + { + "id": 20712, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "cream cheese", + "marinara sauce", + "italian seasoning", + "lasagna noodles", + "shredded mozzarella cheese", + "shredded parmesan cheese" + ] + }, + { + "id": 8193, + "cuisine": "mexican", + "ingredients": [ + "queso fresco", + "oil", + "masa", + "water" + ] + }, + { + "id": 36268, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "pork stock", + "carrots", + "black vinegar", + "sesame oil", + "dried shiitake mushrooms", + "ground white pepper", + "kosher salt", + "dried rice noodles", + "corn starch", + "boneless pork shoulder", + "vegetable oil", + "scallions", + "bamboo shoots" + ] + }, + { + "id": 40355, + "cuisine": "korean", + "ingredients": [ + "kosher salt", + "rice vinegar", + "sesame oil", + "green beans", + "sesame seeds", + "lemon juice", + "ginger" + ] + }, + { + "id": 45647, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "cornflour", + "kaffir lime leaves", + "beans", + "coriander", + "whitefish", + "red chili peppers", + "oil", + "eggs", + "spring onions" + ] + }, + { + "id": 45495, + "cuisine": "moroccan", + "ingredients": [ + "fresh lemon juice", + "coarse salt", + "lemon" + ] + }, + { + "id": 36132, + "cuisine": "british", + "ingredients": [ + "kosher salt", + "beef stock", + "rosemary leaves", + "marmite", + "frozen pastry puff sheets", + "vegetable oil", + "onions", + "eggs", + "ale", + "button mushrooms", + "chuck", + "ground black pepper", + "fresh thyme leaves", + "carrots" + ] + }, + { + "id": 15115, + "cuisine": "italian", + "ingredients": [ + "diced onions", + "ground black pepper", + "fresh parsley", + "white wine", + "garlic", + "tomato paste", + "stewed tomatoes", + "dried oregano", + "olive oil", + "salt" + ] + }, + { + "id": 25739, + "cuisine": "irish", + "ingredients": [ + "cheddar cheese", + "unsalted butter", + "water", + "sausages", + "kosher salt", + "large eggs", + "ground black pepper" + ] + }, + { + "id": 40530, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "pepper", + "salt", + "tomatoes", + "basil", + "olive oil", + "farmer cheese" + ] + }, + { + "id": 27823, + "cuisine": "brazilian", + "ingredients": [ + "cachaca", + "blood orange", + "superfine sugar" + ] + }, + { + "id": 5369, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "eggplant", + "chopped fresh thyme", + "low salt chicken broth", + "olive oil", + "dry white wine", + "garlic cloves", + "peeled tomatoes", + "finely chopped onion", + "crushed red pepper", + "penne", + "radicchio", + "Italian parsley leaves", + "soft fresh goat cheese" + ] + }, + { + "id": 2843, + "cuisine": "southern_us", + "ingredients": [ + "salad", + "navel oranges", + "ripe olives", + "sliced cucumber", + "purple onion", + "sugar", + "white wine vinegar", + "vegetable oil", + "orange juice" + ] + }, + { + "id": 760, + "cuisine": "filipino", + "ingredients": [ + "table cream", + "salt", + "red pepper", + "onions", + "pepper", + "oil", + "pineapple chunks", + "garlic", + "chicken" + ] + }, + { + "id": 1674, + "cuisine": "italian", + "ingredients": [ + "salt", + "olive oil", + "spaghettini", + "broccoli", + "ground black pepper" + ] + }, + { + "id": 46260, + "cuisine": "indian", + "ingredients": [ + "mint leaves", + "water", + "salt", + "lime juice", + "white sugar", + "chile pepper" + ] + }, + { + "id": 33152, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "garlic", + "peanut oil", + "large eggs", + "crushed red pepper", + "whole peeled tomatoes", + "fine sea salt", + "calamari", + "lemon wedge", + "all-purpose flour" + ] + }, + { + "id": 49712, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "salt", + "ground cumin", + "finely chopped onion", + "tamarind paste", + "pepper", + "curry", + "canola oil", + "cayenne", + "chickpeas" + ] + }, + { + "id": 5208, + "cuisine": "mexican", + "ingredients": [ + "water", + "garlic cloves", + "black beans", + "chopped cilantro fresh", + "corn oil" + ] + }, + { + "id": 19483, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "sugar", + "tea bags", + "water" + ] + }, + { + "id": 35343, + "cuisine": "mexican", + "ingredients": [ + "blanco tequila", + "rosemary sprigs", + "club soda", + "lemon juice", + "sugar" + ] + }, + { + "id": 11093, + "cuisine": "mexican", + "ingredients": [ + "lime wedges", + "mahimahi", + "green cabbage", + "reduced-fat sour cream", + "corn tortillas", + "vegetable oil", + "taco seasoning", + "green onions", + "fresh orange juice", + "fresh lime juice" + ] + }, + { + "id": 21142, + "cuisine": "southern_us", + "ingredients": [ + "golden brown sugar", + "salt", + "pecans", + "vanilla extract", + "unsalted butter", + "all-purpose flour", + "whipping cream", + "chopped pecans" + ] + }, + { + "id": 46053, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "chicken tenderloin", + "flat leaf parsley", + "brown sugar", + "lemon", + "extra-virgin olive oil", + "red chili powder", + "parsley", + "sea salt", + "oregano", + "pesto", + "red pepper flakes", + "garlic cloves" + ] + }, + { + "id": 1567, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "paneer", + "coconut milk", + "moong dal", + "cilantro leaves", + "spinach leaves", + "salt", + "onions", + "clove", + "ginger", + "oil" + ] + }, + { + "id": 20865, + "cuisine": "cajun_creole", + "ingredients": [ + "bell pepper", + "rice", + "andouille sausage", + "garlic", + "onions", + "water", + "smoked sausage", + "pork loin", + "celery" + ] + }, + { + "id": 35822, + "cuisine": "mexican", + "ingredients": [ + "sliced tomatoes", + "minced beef", + "shredded lettuce", + "shredded mozzarella cheese", + "shredded cheddar cheese", + "taco seasoning", + "Doritos Tortilla Chips" + ] + }, + { + "id": 26863, + "cuisine": "chinese", + "ingredients": [ + "red bean paste", + "cooking oil", + "raisins", + "garlic cloves", + "dried cranberries", + "light soy sauce", + "spring onions", + "jujube", + "shrimp", + "sugar", + "mushrooms", + "sticky rice", + "oyster sauce", + "chinese sausage", + "sesame oil", + "oil", + "lard" + ] + }, + { + "id": 43529, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "garlic cloves", + "clove", + "vegetable oil", + "oregano", + "dried thyme", + "ancho chile pepper", + "white distilled vinegar", + "pork loin chops" + ] + }, + { + "id": 47311, + "cuisine": "cajun_creole", + "ingredients": [ + "yellow mustard", + "olive oil", + "catfish", + "cracked black pepper", + "butter" + ] + }, + { + "id": 13179, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "flour tortillas", + "salt", + "cayenne", + "paprika", + "achiote", + "fresh lime juice" + ] + }, + { + "id": 4663, + "cuisine": "jamaican", + "ingredients": [ + "nutmeg", + "pepper", + "ginger", + "garlic cloves", + "sugar", + "olive oil", + "ground allspice", + "onions", + "ground cinnamon", + "lime", + "salt", + "thyme", + "white vinegar", + "soy sauce", + "ground black pepper", + "orange juice", + "chicken" + ] + }, + { + "id": 18365, + "cuisine": "british", + "ingredients": [ + "eggs", + "flour", + "cold water", + "salt", + "milk" + ] + }, + { + "id": 37516, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "ground white pepper", + "french baguette", + "fresh oregano", + "fresh basil", + "garlic powder", + "plum tomatoes", + "mozzarella cheese", + "provolone cheese" + ] + }, + { + "id": 26748, + "cuisine": "mexican", + "ingredients": [ + "salt", + "vegetable oil", + "pepper", + "nopales", + "cheese" + ] + }, + { + "id": 39094, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "lime zest", + "key lime juice", + "sweetened condensed milk", + "pie crust" + ] + }, + { + "id": 17572, + "cuisine": "chinese", + "ingredients": [ + "orange juice concentrate", + "white pepper", + "large eggs", + "oil", + "white vinegar", + "sugar", + "boneless chicken breast", + "garlic", + "orange zest", + "ground ginger", + "soy sauce", + "Sriracha", + "salt", + "chicken broth", + "sesame seeds", + "green onions", + "corn starch" + ] + }, + { + "id": 41075, + "cuisine": "brazilian", + "ingredients": [ + "lime juice", + "garlic", + "fish steaks", + "hot pepper sauce", + "coconut milk", + "tomato paste", + "olive oil", + "salt", + "water", + "parsley", + "onions" + ] + }, + { + "id": 12520, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "chili powder", + "ground coriander", + "tomato paste", + "olive oil", + "garlic", + "cumin", + "water", + "dry red wine", + "onions", + "tomatoes", + "cayenne", + "salt" + ] + }, + { + "id": 43209, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "garlic cloves", + "white onion", + "coarse salt", + "boneless pork shoulder", + "vegetable oil", + "poblano chiles", + "ground pepper", + "tomatillos" + ] + }, + { + "id": 27722, + "cuisine": "chinese", + "ingredients": [ + "lean ground pork", + "sesame oil", + "dipping sauces", + "ground white pepper", + "dumpling wrappers", + "napa cabbage", + "scallions", + "kosher salt", + "balsamic vinegar", + "garlic", + "toasted sesame oil", + "soy sauce", + "egg whites", + "ginger", + "oyster sauce" + ] + }, + { + "id": 9605, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "tomatillos", + "salt", + "garlic cloves", + "jack cheese", + "chili powder", + "heavy cream", + "sauce", + "ground beef", + "meat", + "red pepper flakes", + "yellow onion", + "sour cream", + "flour tortillas", + "vegetable oil", + "cilantro", + "shredded cheese", + "cumin" + ] + }, + { + "id": 23534, + "cuisine": "southern_us", + "ingredients": [ + "cold water", + "sugar", + "tea bags" + ] + }, + { + "id": 38521, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "vegetable broth", + "boiling water", + "cauliflower", + "butter", + "salt", + "olive oil", + "garlic", + "nutmeg", + "heavy cream", + "noodles" + ] + }, + { + "id": 6012, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "goat cheese", + "spinach leaves", + "focaccia", + "sherry vinegar", + "olive oil", + "onions" + ] + }, + { + "id": 44680, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dill", + "sea salt", + "chopped parsley", + "relish", + "freshly ground pepper", + "baguette", + "cheese spread" + ] + }, + { + "id": 18461, + "cuisine": "chinese", + "ingredients": [ + "straw mushrooms", + "sesame oil", + "oil", + "snow peas", + "sugar", + "water chestnuts", + "dried shiitake mushrooms", + "carrots", + "tofu", + "water", + "garlic", + "oyster sauce", + "soy sauce", + "tapioca starch", + "chinese cabbage", + "baby corn" + ] + }, + { + "id": 19832, + "cuisine": "thai", + "ingredients": [ + "thai basil", + "chicken breasts", + "ground white pepper", + "fish sauce", + "kecap manis", + "garlic", + "palm sugar", + "shallots", + "chiles", + "jalapeno chilies", + "oil" + ] + }, + { + "id": 7932, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "cilantro", + "pinto beans", + "avocado", + "jalapeno chilies", + "enchilada sauce", + "canned corn", + "olive oil", + "tortilla chips", + "oregano", + "cheddar cheese", + "hot sauce", + "ground turkey" + ] + }, + { + "id": 14530, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "sweet onion", + "salt", + "white pepper", + "cinnamon", + "chicken", + "black pepper", + "olive oil", + "saffron", + "ground ginger", + "fresh cilantro", + "butter" + ] + }, + { + "id": 25466, + "cuisine": "moroccan", + "ingredients": [ + "red lentils", + "vegetable broth", + "ground cumin", + "olive oil", + "ground coriander", + "sea scallops", + "chopped cilantro fresh", + "ground cinnamon", + "chopped onion" + ] + }, + { + "id": 31159, + "cuisine": "brazilian", + "ingredients": [ + "active dry yeast", + "extra-virgin olive oil", + "sugar", + "unsalted butter", + "all-purpose flour", + "warm water", + "coarse salt", + "boiling water", + "stone-ground cornmeal", + "salt" + ] + }, + { + "id": 30654, + "cuisine": "japanese", + "ingredients": [ + "miso paste", + "soy sauce", + "vegetable broth", + "green onions", + "shiitake", + "firm tofu" + ] + }, + { + "id": 834, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "large egg whites", + "cooking spray", + "all-purpose flour", + "syrup", + "large eggs", + "vanilla extract", + "sugar", + "sweet cherries", + "almond extract", + "corn starch", + "fat free yogurt", + "tart cherries", + "1% low-fat milk" + ] + }, + { + "id": 25835, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "minced garlic", + "diced tomatoes", + "ground cumin", + "chiles", + "olive oil", + "enchilada sauce", + "diced onions", + "refried beans", + "salt", + "pepper", + "queso blanco", + "chopped cilantro" + ] + }, + { + "id": 11348, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "collard greens", + "bacon drippings", + "water" + ] + }, + { + "id": 4712, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "corn husks", + "all-purpose flour", + "kosher salt", + "buttermilk", + "baking powder" + ] + }, + { + "id": 30328, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "water", + "chile pepper", + "lentils", + "white pepper", + "green onions", + "garlic", + "sugar", + "minced garlic", + "shallots", + "salt", + "potsticker wrappers", + "fresh ginger", + "sunflower oil" + ] + }, + { + "id": 3570, + "cuisine": "indian", + "ingredients": [ + "double cream", + "paneer", + "cumin seed", + "tumeric", + "raw cashews", + "green chilies", + "tomatoes", + "ginger", + "cilantro leaves", + "sugar", + "garlic", + "ground coriander" + ] + }, + { + "id": 49215, + "cuisine": "italian", + "ingredients": [ + "water", + "minced onion", + "vegetable broth", + "fresh parsley", + "arborio rice", + "olive oil", + "shallots", + "asparagus spears", + "dried thyme", + "dry white wine", + "garlic", + "dried oregano", + "fresh chives", + "fresh parmesan cheese", + "shuck corn", + "red bell pepper" + ] + }, + { + "id": 22996, + "cuisine": "korean", + "ingredients": [ + "green onions", + "sesame seeds", + "cayenne pepper", + "soy sauce", + "vegetable oil", + "potatoes", + "red bell pepper" + ] + }, + { + "id": 45578, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "creole seasoning", + "butter", + "celery", + "andouille turkey sausages", + "garlic cloves", + "green bell pepper", + "diced tomatoes", + "onions" + ] + }, + { + "id": 48396, + "cuisine": "italian", + "ingredients": [ + "chopped green bell pepper", + "diced tomatoes", + "white sugar", + "eggs", + "lean ground beef", + "chopped onion", + "dried oregano", + "cottage cheese", + "butter", + "shredded mozzarella cheese", + "tomato paste", + "grated parmesan cheese", + "garlic", + "spaghetti" + ] + }, + { + "id": 912, + "cuisine": "italian", + "ingredients": [ + "wide egg noodles", + "cheese", + "light sour cream", + "lean ground beef", + "italian seasoning", + "green onions", + "cream cheese, soften", + "pasta sauce", + "diced tomatoes" + ] + }, + { + "id": 7172, + "cuisine": "greek", + "ingredients": [ + "seasoning", + "quinoa", + "ground caraway", + "ginger root", + "ground turmeric", + "extra lean ground beef", + "vegetable oil", + "ground coriander", + "chopped fresh mint", + "tomatoes", + "minced onion", + "rice", + "couscous", + "ground cumin", + "minced garlic", + "fat free greek yogurt", + "ground cardamom", + "chopped cilantro fresh" + ] + }, + { + "id": 48809, + "cuisine": "indian", + "ingredients": [ + "milk", + "ghee", + "chopped nuts", + "khoa", + "raisins", + "sugar", + "carrots" + ] + }, + { + "id": 43408, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "flank steak", + "ground cumin", + "chile powder", + "cayenne", + "hearts of romaine", + "flour tortillas (not low fat)", + "salt", + "black pepper", + "cilantro sprigs" + ] + }, + { + "id": 40990, + "cuisine": "mexican", + "ingredients": [ + "salt", + "masa harina", + "oil", + "all-purpose flour", + "shortening", + "hot water" + ] + }, + { + "id": 25034, + "cuisine": "chinese", + "ingredients": [ + "large eggs", + "Cinnamon Toast Crunch Cereal", + "sugar", + "mandarin oranges", + "pure vanilla extract", + "whipped cream", + "grated orange", + "unsalted butter", + "cream cheese" + ] + }, + { + "id": 38570, + "cuisine": "greek", + "ingredients": [ + "sesame seeds", + "salt", + "baking powder", + "white sugar", + "egg yolks", + "all-purpose flour", + "cream", + "butter" + ] + }, + { + "id": 19616, + "cuisine": "italian", + "ingredients": [ + "hot red pepper flakes", + "olive oil", + "dry white wine", + "escarole", + "dried thyme", + "dried sage", + "fresh parsley leaves", + "italian tomatoes", + "freshly grated parmesan", + "fusilli", + "dried rosemary", + "minced garlic", + "finely chopped onion", + "white beans" + ] + }, + { + "id": 23841, + "cuisine": "italian", + "ingredients": [ + "cream cheese", + "chicken breasts", + "cream of chicken soup", + "zesty italian dressing" + ] + }, + { + "id": 32654, + "cuisine": "spanish", + "ingredients": [ + "red chili peppers", + "lemon zest", + "navel oranges", + "carrots", + "fresh chives", + "shell-on shrimp", + "purple onion", + "fresh lime juice", + "tumeric", + "fennel bulb", + "fresh orange juice", + "carrot juice", + "canola oil", + "lemongrass", + "peeled fresh ginger", + "salt", + "chopped fresh mint" + ] + }, + { + "id": 31727, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "salt", + "fettucine", + "extra-virgin olive oil", + "fresh basil leaves", + "grated parmesan cheese", + "lemon juice", + "pepper", + "garlic" + ] + }, + { + "id": 5020, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "dry white wine", + "chopped onion", + "grape tomatoes", + "chees fresh mozzarella", + "garlic cloves", + "fresh basil", + "butter", + "organic vegetable broth", + "cooking spray", + "salt" + ] + }, + { + "id": 201, + "cuisine": "thai", + "ingredients": [ + "sugar", + "curry powder", + "ginger", + "Thai fish sauce", + "chicken broth", + "jasmine rice", + "mushrooms", + "cayenne pepper", + "Thai chili paste", + "lemongrass", + "salt", + "coconut milk", + "fresh basil", + "pepper", + "chicken breasts", + "juice" + ] + }, + { + "id": 18220, + "cuisine": "spanish", + "ingredients": [ + "chicken broth", + "green onions", + "green pepper", + "saffron", + "olive oil", + "garlic", + "frozen mixed vegetables", + "pepper", + "red pepper", + "rice", + "boneless chicken breast", + "salt", + "onions" + ] + }, + { + "id": 11448, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "low fat mozzarella", + "juice", + "ground cumin", + "chicken stock", + "diced green chilies", + "enchilada sauce", + "ancho chile pepper", + "cold water", + "Tabasco Green Pepper Sauce", + "hot sauce", + "red bell pepper", + "lean ground turkey", + "Mexican oregano", + "pinto beans", + "onions" + ] + }, + { + "id": 23433, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "red wine vinegar", + "extra-virgin olive oil", + "garlic cloves", + "fresh basil leaves", + "capers", + "parmigiano reggiano cheese", + "yellow bell pepper", + "Niçoise olives", + "sourdough", + "olive oil", + "heirloom tomatoes", + "purple onion", + "cucumber", + "fennel bulb", + "cracked black pepper", + "grated lemon zest", + "red bell pepper" + ] + }, + { + "id": 7650, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "black beans", + "flour tortillas", + "chili powder", + "garlic cloves", + "sugar", + "olive oil", + "flour", + "purple onion", + "oregano", + "ground cloves", + "garlic powder", + "cooked chicken", + "salt", + "ground cumin", + "cheddar cheese", + "lime juice", + "jalapeno chilies", + "cinnamon", + "chopped cilantro fresh" + ] + }, + { + "id": 18205, + "cuisine": "mexican", + "ingredients": [ + "grate lime peel", + "frozen orange juice concentrate", + "crema mexican", + "mayonaise", + "fresh lime juice" + ] + }, + { + "id": 24535, + "cuisine": "italian", + "ingredients": [ + "sea scallops", + "freshly ground pepper", + "whole wheat angel hair pasta", + "white wine", + "butter", + "corn starch", + "capers", + "clam juice", + "lemon juice", + "chopped garlic", + "kosher salt", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 36918, + "cuisine": "greek", + "ingredients": [ + "French mustard", + "garlic", + "olive oil", + "leg of lamb", + "orange", + "salt", + "pepper", + "potatoes", + "dried oregano" + ] + }, + { + "id": 17595, + "cuisine": "mexican", + "ingredients": [ + "wonton wrappers", + "chopped cilantro", + "olive oil", + "part-skim ricotta cheese", + "chorizo sausage", + "garlic", + "cumin", + "queso asadero", + "salt" + ] + }, + { + "id": 9503, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "paprika", + "dried oregano", + "red snapper", + "onion powder", + "cayenne pepper", + "ground black pepper", + "salt", + "dried thyme", + "butter", + "ground white pepper" + ] + }, + { + "id": 41579, + "cuisine": "southern_us", + "ingredients": [ + "water", + "fresh mint", + "bourbon whiskey", + "white sugar" + ] + }, + { + "id": 22696, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "ground black pepper", + "bouquet garni", + "red bell pepper", + "onions", + "avocado", + "corn kernels", + "jalapeno chilies", + "salt", + "celery", + "dried oregano", + "lime juice", + "fresh thyme", + "purple onion", + "poblano chiles", + "chopped cilantro fresh", + "green bell pepper", + "olive oil", + "garlic", + "carrots", + "fresh parsley", + "ground cumin" + ] + }, + { + "id": 25769, + "cuisine": "italian", + "ingredients": [ + "chunky pasta sauce", + "oven-ready lasagna noodles", + "fontina cheese", + "large eggs", + "frozen chopped spinach", + "parmesan cheese", + "prepar pesto", + "ricotta cheese" + ] + }, + { + "id": 15395, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "large garlic cloves", + "capers", + "finely chopped onion", + "fresh parsley", + "tomatoes", + "ground pepper", + "salt", + "dried basil", + "sherry wine vinegar" + ] + }, + { + "id": 47996, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "onions", + "crushed tomatoes", + "chili powder", + "dried oregano", + "tomato sauce", + "bay leaves", + "dried parsley", + "olive oil", + "garlic" + ] + }, + { + "id": 42212, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "lemon wedge", + "garlic powder", + "gingerroot", + "water", + "salt", + "soy sauce", + "orange marmalade", + "pork spareribs" + ] + }, + { + "id": 43726, + "cuisine": "spanish", + "ingredients": [ + "corn kernels", + "butter", + "fresh lime juice", + "mussels", + "jicama", + "large garlic cloves", + "chiles", + "vegetable oil", + "chopped onion", + "chicken stock", + "lime wedges", + "cilantro leaves" + ] + }, + { + "id": 42409, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "crushed red pepper flakes", + "ground black pepper", + "beer", + "garlic powder", + "all-purpose flour", + "green tomatoes", + "oil" + ] + }, + { + "id": 48391, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "buttermilk", + "all-purpose flour", + "sugar", + "butter", + "maple syrup", + "eggs", + "bourbon whiskey", + "salt", + "melted butter", + "baking powder", + "vanilla extract" + ] + }, + { + "id": 33052, + "cuisine": "vietnamese", + "ingredients": [ + "honey", + "shredded cabbage", + "salt", + "celery", + "asian fish sauce", + "minced garlic", + "shredded carrots", + "balsamic vinegar", + "fresh mint", + "chopped cilantro fresh", + "soy sauce", + "chili paste", + "chicken breasts", + "lemon juice", + "toasted sesame seeds", + "fresh ginger", + "jicama", + "english cucumber", + "onions" + ] + }, + { + "id": 47131, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "honey", + "quick-cooking oats", + "all-purpose flour", + "sugar", + "peaches", + "vanilla extract", + "brown sugar", + "baking soda", + "butter", + "chopped pecans", + "ground cinnamon", + "milk", + "baking powder", + "salt" + ] + }, + { + "id": 42158, + "cuisine": "italian", + "ingredients": [ + "cheddar cheese", + "cooked bacon", + "parmigiano reggiano cheese", + "sourdough bread", + "butter" + ] + }, + { + "id": 28019, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "water", + "vegetable oil", + "wonton noodles", + "white pepper", + "chicken breasts", + "scallions", + "sugar", + "Shaoxing wine", + "dried shiitake mushrooms", + "kosher salt", + "sesame oil", + "corn starch" + ] + }, + { + "id": 5039, + "cuisine": "mexican", + "ingredients": [ + "water", + "cilantro", + "leaf lettuce", + "roma tomatoes", + "salt", + "boneless skinless chicken breast halves", + "lime juice", + "purple onion", + "corn tortillas", + "light sour cream", + "jalapeno chilies", + "cayenne pepper", + "mango" + ] + }, + { + "id": 15632, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "bell pepper", + "vegetable stock", + "shrimp", + "crushed tomatoes", + "bay leaves", + "salt", + "pepper", + "flour", + "diced tomatoes", + "onions", + "celery ribs", + "olive oil", + "salt free seasoning", + "garlic cloves" + ] + }, + { + "id": 25931, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "large eggs", + "corn starch", + "kosher salt", + "ground black pepper", + "boneless skinless chicken breasts", + "soy sauce", + "panko", + "green onions", + "honey", + "Sriracha", + "garlic" + ] + }, + { + "id": 24558, + "cuisine": "filipino", + "ingredients": [ + "brown sugar", + "sesame oil", + "purple onion", + "noodles", + "tomatoes", + "soy sauce", + "ginger", + "carrots", + "dressing", + "red chili peppers", + "cilantro", + "peanut oil", + "fish sauce", + "boneless chicken breast", + "garlic", + "green beans" + ] + }, + { + "id": 43252, + "cuisine": "cajun_creole", + "ingredients": [ + "baby leaf lettuce", + "mizuna", + "hass avocado", + "coarse salt", + "scallions", + "ground black pepper", + "sauce", + "grape tomatoes", + "extra-virgin olive oil", + "shrimp" + ] + }, + { + "id": 49395, + "cuisine": "irish", + "ingredients": [ + "cod", + "olive oil", + "garlic", + "black pepper", + "yukon gold potatoes", + "kosher salt", + "lemon", + "capers", + "fresh thyme" + ] + }, + { + "id": 43327, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "salt", + "water", + "egg whites", + "glaze", + "large eggs", + "all-purpose flour", + "superfine sugar", + "vegetable oil" + ] + }, + { + "id": 9925, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "creole seasoning", + "extra large shrimp", + "worcestershire sauce", + "long grain white rice", + "coarse salt", + "scallions", + "celery ribs", + "lemon", + "garlic cloves" + ] + }, + { + "id": 6521, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "purple onion", + "plum tomatoes", + "avocado", + "chile pepper", + "hot sauce", + "ground black pepper", + "cilantro leaves", + "kosher salt", + "worcestershire sauce", + "fresh lime juice" + ] + }, + { + "id": 14660, + "cuisine": "italian", + "ingredients": [ + "capers", + "golden raisins", + "country style bread", + "caraway seeds", + "dijon mustard", + "white wine vinegar", + "cauliflower", + "kosher salt", + "extra-virgin olive oil", + "black pepper", + "salami" + ] + }, + { + "id": 5402, + "cuisine": "italian", + "ingredients": [ + "medium dry sherry", + "garlic cloves", + "pinenuts", + "extra-virgin olive oil", + "white mushrooms", + "freshly grated parmesan", + "salt", + "penne rigate", + "worcestershire sauce", + "fresh parsley leaves" + ] + }, + { + "id": 38024, + "cuisine": "greek", + "ingredients": [ + "water", + "dried dillweed", + "tomato sauce", + "white rice", + "dried parsley", + "fresh spinach", + "olive oil", + "onions", + "pepper", + "salt" + ] + }, + { + "id": 40575, + "cuisine": "brazilian", + "ingredients": [ + "cachaca", + "lime", + "simple syrup" + ] + }, + { + "id": 29541, + "cuisine": "mexican", + "ingredients": [ + "cooked chicken", + "sour cream", + "green bell pepper", + "grated jack cheese", + "onions", + "dried basil", + "enchilada sauce", + "dried oregano", + "vegetable oil", + "corn tortillas" + ] + }, + { + "id": 12950, + "cuisine": "italian", + "ingredients": [ + "asparagus", + "mustard greens", + "freshly ground pepper", + "ricotta salata", + "large eggs", + "purple onion", + "peasant bread", + "red wine vinegar", + "salt", + "radishes", + "extra-virgin olive oil" + ] + }, + { + "id": 31819, + "cuisine": "french", + "ingredients": [ + "cream", + "butter", + "large eggs", + "baguette", + "vanilla", + "sugar", + "whole milk" + ] + }, + { + "id": 1860, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "ground black pepper", + "onions", + "olive oil", + "salt", + "parmesan cheese", + "garlic cloves", + "fat free less sodium chicken broth", + "green peas" + ] + }, + { + "id": 15985, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "ground cumin", + "tumeric", + "butter", + "chicken broth", + "cinnamon", + "jasmine rice", + "bay leaf" + ] + }, + { + "id": 29553, + "cuisine": "mexican", + "ingredients": [ + "water", + "green peas", + "knorr garlic minicub", + "carrots", + "Knorr Onion Minicubes", + "regular or convert rice", + "vegetable oil" + ] + }, + { + "id": 26251, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "Breakstone’s Sour Cream", + "taco seasoning mix", + "diced tomatoes", + "water", + "lean ground beef", + "shredded mild cheddar cheese", + "tortilla chips" + ] + }, + { + "id": 6137, + "cuisine": "irish", + "ingredients": [ + "cream", + "salt", + "potatoes", + "pepper", + "ham hock", + "chicken stock", + "shredded cabbage" + ] + }, + { + "id": 18538, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "jack cheese", + "salt", + "onions", + "chicken broth", + "fresh cilantro", + "sour cream", + "ground cumin", + "avocado", + "black pepper", + "boneless skinless chicken", + "cabbage", + "tomatoes", + "poblano peppers", + "corn tortillas" + ] + }, + { + "id": 46410, + "cuisine": "jamaican", + "ingredients": [ + "shortening", + "dried thyme", + "dry bread crumbs", + "water", + "all-purpose flour", + "ground beef", + "pepper", + "salt", + "margarine", + "eggs", + "curry powder", + "beef broth", + "onions" + ] + }, + { + "id": 31566, + "cuisine": "italian", + "ingredients": [ + "diced onions", + "potato gnocchi", + "sweet peas", + "water", + "heavy cream", + "ham", + "pepper", + "butter", + "shredded cheese", + "low sodium chicken broth", + "salt" + ] + }, + { + "id": 33115, + "cuisine": "cajun_creole", + "ingredients": [ + "powdered sugar", + "flour", + "butter", + "low-fat milk", + "nutmeg", + "low-fat sour cream", + "baking powder", + "salt", + "eggs", + "sugar", + "cinnamon", + "applesauce", + "brown sugar", + "egg yolks", + "vanilla" + ] + }, + { + "id": 19463, + "cuisine": "mexican", + "ingredients": [ + "lean ground turkey", + "bell pepper", + "salsa", + "shredded cheddar cheese", + "garlic", + "whole wheat penne", + "black beans", + "chili powder", + "onions", + "olive oil", + "salt", + "cumin" + ] + }, + { + "id": 2653, + "cuisine": "mexican", + "ingredients": [ + "scallion greens", + "lime", + "vegetable oil", + "mayonaise", + "jalapeno chilies", + "cilantro leaves", + "fresh corn", + "feta cheese", + "garlic", + "kosher salt", + "chili powder", + "juice" + ] + }, + { + "id": 42426, + "cuisine": "korean", + "ingredients": [ + "eggs", + "sesame seeds", + "green onions", + "oyster mushrooms", + "onions", + "sugar", + "ground black pepper", + "vegetable oil", + "carrots", + "spinach", + "shiitake", + "sesame oil", + "salt", + "noodles", + "soy sauce", + "beef", + "garlic", + "red bell pepper" + ] + }, + { + "id": 13188, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "processed cheese", + "ground beef", + "condensed cream of mushroom soup" + ] + }, + { + "id": 36709, + "cuisine": "greek", + "ingredients": [ + "romaine lettuce", + "red wine vinegar", + "lemon juice", + "tomatoes", + "feta cheese", + "salt", + "gaeta olives", + "extra-virgin olive oil", + "oregano", + "mint", + "kirby cucumbers", + "freshly ground pepper" + ] + }, + { + "id": 5112, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "garlic cloves", + "fat free less sodium chicken broth", + "queso fresco", + "onions", + "pasilla", + "epazote", + "tomatoes", + "cooking spray", + "corn tortillas" + ] + }, + { + "id": 8900, + "cuisine": "italian", + "ingredients": [ + "cheese ravioli", + "pasta sauce", + "frozen chopped spinach", + "shredded mozzarella cheese", + "grated parmesan cheese" + ] + }, + { + "id": 44063, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "diced tomatoes", + "shrimp", + "chicken broth", + "chicken breasts", + "cayenne pepper", + "yellow peppers", + "celery ribs", + "base", + "paprika", + "onions", + "chorizo", + "red pepper", + "rice" + ] + }, + { + "id": 21850, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "prepared mustard", + "garlic cloves", + "fresh basil", + "roasted red peppers", + "salt", + "olive oil flavored cooking spray", + "ground black pepper", + "balsamic vinegar", + "beef tenderloin steaks", + "honey", + "french bread", + "fresh oregano", + "arugula" + ] + }, + { + "id": 32200, + "cuisine": "irish", + "ingredients": [ + "large egg yolks", + "flour", + "sugar", + "grated nutmeg", + "unsalted butter" + ] + }, + { + "id": 2702, + "cuisine": "french", + "ingredients": [ + "bread crumb fresh", + "sea scallops", + "dry white wine", + "California bay leaves", + "water", + "parmigiano reggiano cheese", + "salt", + "onions", + "kosher salt", + "unsalted butter", + "heavy cream", + "flat leaf parsley", + "black pepper", + "large egg yolks", + "mushrooms", + "all-purpose flour" + ] + }, + { + "id": 48716, + "cuisine": "french", + "ingredients": [ + "mayonaise", + "fresh lemon juice", + "capers", + "purple onion", + "tomatoes", + "tuna packed in water", + "olives", + "loaves", + "arugula" + ] + }, + { + "id": 3993, + "cuisine": "spanish", + "ingredients": [ + "chiles", + "pepper", + "red wine vinegar", + "blanched almonds", + "medium shrimp", + "tomatoes", + "kosher salt", + "blanched hazelnuts", + "freshly ground pepper", + "flat leaf parsley", + "mussels", + "warm water", + "monkfish fillets", + "squid", + "smoked paprika", + "clams", + "red chili peppers", + "olive oil", + "crust", + "garlic cloves" + ] + }, + { + "id": 42238, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "peanuts" + ] + }, + { + "id": 36442, + "cuisine": "italian", + "ingredients": [ + "pasta", + "ground black pepper", + "salt", + "carrots", + "fresh rosemary", + "extra-virgin olive oil", + "Progresso Diced Tomatoes", + "parmesan cheese", + "garlic", + "diced celery", + "progresso reduced sodium chicken broth", + "cannellini beans", + "yellow onion", + "golden zucchini" + ] + }, + { + "id": 17281, + "cuisine": "italian", + "ingredients": [ + "warm water", + "grated parmesan cheese", + "provolone cheese", + "olive oil", + "salt", + "bread flour", + "active dry yeast", + "ricotta cheese", + "shredded mozzarella cheese", + "garlic powder", + "frozen broccoli", + "dried oregano" + ] + }, + { + "id": 33317, + "cuisine": "french", + "ingredients": [ + "eggs", + "shredded swiss cheese", + "salt", + "cold water", + "flour", + "crust", + "ground nutmeg", + "bacon", + "cream", + "butter", + "onions" + ] + }, + { + "id": 7307, + "cuisine": "french", + "ingredients": [ + "large eggs", + "sugar", + "chop fine pecan", + "water", + "ground cinnamon", + "frozen pastry puff sheets" + ] + }, + { + "id": 27852, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "salt", + "eggs", + "macaroni", + "cucumber", + "tomatoes", + "tarragon vinegar", + "all-purpose flour", + "green bell pepper", + "butter" + ] + }, + { + "id": 6612, + "cuisine": "mexican", + "ingredients": [ + "lime", + "romaine lettuce leaves", + "pumpkin seeds", + "heirloom tomatoes", + "purple onion", + "raw almond", + "bell pepper", + "garlic", + "sweet corn", + "cilantro", + "sauce" + ] + }, + { + "id": 17730, + "cuisine": "chinese", + "ingredients": [ + "lemon pepper", + "paprika", + "egg roll wrappers", + "garlic pepper seasoning", + "whipped cream cheese" + ] + }, + { + "id": 32117, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "mango", + "cilantro", + "avocado", + "purple onion", + "lime", + "salt" + ] + }, + { + "id": 8740, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "garlic", + "flat leaf parsley", + "canned low sodium chicken broth", + "grated parmesan cheese", + "hot Italian sausages", + "olive oil", + "salt", + "onions", + "dry vermouth", + "whole wheat spaghetti", + "red bell pepper" + ] + }, + { + "id": 13582, + "cuisine": "mexican", + "ingredients": [ + "flank steak", + "chipotle peppers", + "olive oil" + ] + }, + { + "id": 4668, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "cooked chicken", + "chopped cilantro fresh", + "black beans", + "enchilada sauce", + "green chile", + "wonton wrappers", + "green onions", + "Mexican cheese" + ] + }, + { + "id": 28485, + "cuisine": "british", + "ingredients": [ + "ground black pepper", + "vegetable oil", + "fresh lime juice", + "pitted date", + "bay leaves", + "pheasant", + "sugar", + "dried apricot", + "gran marnier", + "dried thyme", + "dry white wine", + "thyme sprigs" + ] + }, + { + "id": 23735, + "cuisine": "french", + "ingredients": [ + "whole almonds", + "honey", + "whipping cream", + "saffron threads", + "sugar", + "whole milk", + "brown sugar", + "water", + "dried lavender blossoms", + "grated orange peel", + "large egg yolks", + "salt" + ] + }, + { + "id": 15268, + "cuisine": "japanese", + "ingredients": [ + "lychees", + "winesap", + "chili powder", + "unsalted dry roast peanuts", + "asian fish sauce", + "golden delicious apples", + "scallions", + "cayenne", + "bacon", + "fresh lime juice" + ] + }, + { + "id": 43494, + "cuisine": "italian", + "ingredients": [ + "eggs", + "paprika", + "ground black pepper", + "fresh basil leaves", + "minced onion", + "canola oil", + "minced garlic", + "flat leaf parsley" + ] + }, + { + "id": 272, + "cuisine": "british", + "ingredients": [ + "corn", + "potatoes", + "garlic", + "onions", + "tomato purée", + "olive oil", + "worcestershire sauce", + "carrots", + "chicken stock", + "rosemary", + "butter", + "salt", + "pepper", + "beef", + "peas", + "thyme" + ] + }, + { + "id": 37517, + "cuisine": "italian", + "ingredients": [ + "friselle", + "baby arugula", + "garlic cloves", + "burrata", + "extra-virgin olive oil", + "lemon" + ] + }, + { + "id": 47947, + "cuisine": "irish", + "ingredients": [ + "light brown sugar", + "Irish whiskey", + "bananas", + "butter" + ] + }, + { + "id": 45707, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "peeled fresh ginger", + "shaoxing", + "lower sodium chicken broth", + "lower sodium soy sauce", + "cilantro sprigs", + "large shrimp", + "minced garlic", + "green onions", + "corn starch", + "sugar", + "jalapeno chilies", + "dark sesame oil", + "canola oil" + ] + }, + { + "id": 12814, + "cuisine": "thai", + "ingredients": [ + "eggs", + "minced garlic", + "lime wedges", + "beansprouts", + "sugar", + "peanuts", + "salt", + "sliced green onions", + "fish sauce", + "lime juice", + "vegetable oil", + "chopped cilantro", + "rice stick noodles", + "ketchup", + "boneless skinless chicken breasts", + "creamy peanut butter" + ] + }, + { + "id": 4549, + "cuisine": "thai", + "ingredients": [ + "cooked rice", + "thai basil", + "vegetable oil", + "kosher salt", + "flour", + "cilantro leaves", + "reduced sodium chicken broth", + "jalapeno chilies", + "large garlic cloves", + "fresh ginger", + "shallots", + "rotisserie chicken" + ] + }, + { + "id": 5359, + "cuisine": "filipino", + "ingredients": [ + "glutinous rice", + "coconut cream", + "light brown sugar", + "banana leaves", + "coconut milk", + "pandanus leaf", + "dark brown sugar", + "coconut oil", + "salt" + ] + }, + { + "id": 25672, + "cuisine": "thai", + "ingredients": [ + "lime rind", + "crushed red pepper", + "chopped fresh mint", + "fish sauce", + "shallots", + "fresh lemon juice", + "green cabbage", + "ground turkey breast", + "grated lemon zest", + "serrano chile", + "brown sugar", + "vegetable oil", + "fresh lime juice" + ] + }, + { + "id": 26482, + "cuisine": "jamaican", + "ingredients": [ + "red kidney beans", + "garlic cloves", + "white rice", + "unsweetened coconut milk", + "scallions", + "pepper", + "thyme" + ] + }, + { + "id": 39764, + "cuisine": "spanish", + "ingredients": [ + "grape tomatoes", + "ground red pepper", + "salt", + "fresh lime juice", + "black pepper", + "paprika", + "chopped onion", + "ground cumin", + "lower sodium chicken broth", + "large garlic cloves", + "greek style plain yogurt", + "medium shrimp", + "fresh cilantro", + "extra-virgin olive oil", + "english cucumber" + ] + }, + { + "id": 41410, + "cuisine": "moroccan", + "ingredients": [ + "egg yolks", + "cardamom", + "butter", + "raw almond", + "cinnamon", + "confectioners sugar", + "phyllo dough", + "vanilla" + ] + }, + { + "id": 9078, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "granulated sugar", + "all-purpose flour", + "milk", + "large eggs", + "ground nutmeg", + "baking powder", + "ground cinnamon", + "unsalted butter", + "peach slices" + ] + }, + { + "id": 2385, + "cuisine": "italian", + "ingredients": [ + "fresh oregano leaves", + "sea salt", + "freshly ground pepper", + "olive oil", + "purple onion", + "capers", + "grated parmesan cheese", + "pizza doughs", + "kosher salt", + "cheese", + "celery root" + ] + }, + { + "id": 13521, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "queso fresco", + "masa harina", + "white onion", + "chopped cilantro fresh", + "warm water", + "salt", + "vegetable oil", + "serrano chile" + ] + }, + { + "id": 34838, + "cuisine": "thai", + "ingredients": [ + "cooked rice", + "chili powder", + "carrots", + "soy sauce", + "salt", + "onions", + "fish sauce", + "garlic", + "shrimp", + "eggs", + "black pepper", + "oil" + ] + }, + { + "id": 34936, + "cuisine": "japanese", + "ingredients": [ + "dried bonito flakes", + "water", + "konbu" + ] + }, + { + "id": 15105, + "cuisine": "chinese", + "ingredients": [ + "water", + "salt", + "baking powder", + "bread flour", + "instant yeast", + "oil", + "sugar", + "vegetable oil" + ] + }, + { + "id": 45684, + "cuisine": "mexican", + "ingredients": [ + "green chilies", + "vegetable oil", + "onions", + "whipping cream", + "garlic cloves" + ] + }, + { + "id": 8037, + "cuisine": "chinese", + "ingredients": [ + "miso", + "duck", + "pepper", + "salt", + "ginger", + "onions", + "honey", + "rice vinegar" + ] + }, + { + "id": 13870, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "lime juice", + "chicken drumsticks", + "orange juice", + "avocado", + "ground cloves", + "ground nutmeg", + "cilantro", + "Jamaican allspice", + "lime", + "pineapple", + "ground cayenne pepper", + "ground ginger", + "black pepper", + "Himalayan salt", + "salt" + ] + }, + { + "id": 25098, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "applewood smoked bacon", + "shallots", + "kosher salt", + "whole milk ricotta cheese", + "large eggs", + "greens" + ] + }, + { + "id": 37848, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "fat free cream cheese", + "honey", + "chopped walnuts", + "apricot halves", + "chopped fresh mint", + "ground nutmeg", + "lemon juice" + ] + }, + { + "id": 26650, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "chicken breasts", + "salt", + "fresh parsley", + "black pepper", + "butter", + "orange juice", + "ground cumin", + "chicken broth", + "cinnamon", + "all-purpose flour", + "onions", + "golden raisins", + "kalamata", + "couscous" + ] + }, + { + "id": 15200, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "baking powder", + "shredded cheddar cheese", + "buttermilk", + "sugar", + "butter", + "soft-wheat flour", + "chopped fresh chives" + ] + }, + { + "id": 5942, + "cuisine": "irish", + "ingredients": [ + "eggs", + "butter", + "milk", + "vanilla extract", + "sugar", + "raisins", + "self rising flour", + "dried cranberries" + ] + }, + { + "id": 18084, + "cuisine": "southern_us", + "ingredients": [ + "water", + "sharp cheddar cheese", + "fresh lemon juice", + "butter", + "grit quick", + "thick-cut bacon", + "cajun seasoning", + "scallions", + "shrimp", + "chicken stock cubes", + "garlic cloves" + ] + }, + { + "id": 22224, + "cuisine": "french", + "ingredients": [ + "aquavit", + "white wine vinegar", + "bay leaf", + "shredded cabbage", + "dried pear", + "sauerkraut", + "kielbasa", + "onions", + "caraway seeds", + "bacon slices", + "low salt chicken broth" + ] + }, + { + "id": 39810, + "cuisine": "italian", + "ingredients": [ + "water", + "all-purpose flour", + "extra-virgin olive oil", + "active dry yeast", + "salt" + ] + }, + { + "id": 46182, + "cuisine": "spanish", + "ingredients": [ + "chicken broth", + "sliced almonds", + "garlic", + "chopped cilantro", + "sausage casings", + "lemon", + "smoked paprika", + "green olives", + "hot pepper sauce", + "scallions", + "frozen peas", + "saffron threads", + "jumbo shrimp", + "extra-virgin olive oil", + "couscous" + ] + }, + { + "id": 3691, + "cuisine": "thai", + "ingredients": [ + "mint leaves", + "peanut sauce", + "shrimp", + "bacon", + "roasted peanuts", + "beansprouts", + "lettuce leaves", + "cilantro leaves", + "chinese chives", + "sugar", + "rice vermicelli", + "carrots", + "rice paper" + ] + }, + { + "id": 37162, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "corn starch", + "boneless skinless chicken breast halves", + "water", + "broccoli", + "onions", + "dark soy sauce", + "garlic", + "bok choy", + "ground black pepper", + "oyster sauce", + "white sugar" + ] + }, + { + "id": 48711, + "cuisine": "russian", + "ingredients": [ + "milk", + "poppy seeds", + "sugar", + "vegetable oil", + "cottage cheese", + "raisins", + "eggs", + "flour", + "salt" + ] + }, + { + "id": 26376, + "cuisine": "spanish", + "ingredients": [ + "rock shrimp", + "worcestershire sauce", + "lemon juice", + "tomato juice", + "salt", + "red bell pepper", + "pepper", + "garlic", + "cucumber", + "tomatoes", + "red wine vinegar", + "hot sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 19189, + "cuisine": "japanese", + "ingredients": [ + "water", + "sato imo", + "shiro miso", + "daikon", + "komatsuna", + "rice cakes", + "konbu", + "silken tofu", + "zest", + "carrots" + ] + }, + { + "id": 18342, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "lime", + "coriander", + "tomatoes", + "garlic cloves", + "jalapeno chilies" + ] + }, + { + "id": 41902, + "cuisine": "cajun_creole", + "ingredients": [ + "seasoning", + "honey", + "fresh lemon juice", + "sunflower seeds", + "roasted red peppers", + "ripe olives", + "romaine lettuce", + "olive oil", + "sliced mushrooms", + "creole mustard", + "crawfish", + "large eggs", + "sliced green onions" + ] + }, + { + "id": 23623, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "whole kernel corn, drain", + "dried oregano", + "vegetable oil", + "boneless skinless chicken breast halves", + "chili powder", + "corn tortillas", + "ground cumin", + "chicken broth", + "salsa", + "chopped cilantro fresh" + ] + }, + { + "id": 28950, + "cuisine": "french", + "ingredients": [ + "milk", + "fresh tarragon", + "eggs", + "butter", + "grated parmesan cheese", + "zucchini", + "whipping cream" + ] + }, + { + "id": 41570, + "cuisine": "cajun_creole", + "ingredients": [ + "mozzarella cheese", + "butter", + "shrimp", + "black pepper", + "flour", + "garlic", + "whole wheat pasta", + "milk", + "asiago", + "kosher salt", + "cajun seasoning", + "broccoli" + ] + }, + { + "id": 26701, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "green enchilada sauce", + "chopped cilantro", + "chili powder", + "sour cream", + "cumin", + "boneless skinless chicken breasts", + "diced tomatoes", + "onions", + "vegetable oil", + "corn tortillas" + ] + }, + { + "id": 28727, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cold water", + "extra-virgin olive oil", + "large garlic cloves", + "great northern beans", + "chopped fresh sage" + ] + }, + { + "id": 46179, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "jalapeno chilies", + "rice", + "onions", + "blue crabs", + "peeled tomatoes", + "chopped fresh thyme", + "flat leaf parsley", + "sausage casings", + "ground black pepper", + "salt", + "medium shrimp", + "shrimp stock", + "lump crab meat", + "gumbo file", + "okra", + "roux" + ] + }, + { + "id": 41772, + "cuisine": "southern_us", + "ingredients": [ + "melon liqueur", + "pineapple juice", + "Jagermeister Liqueur", + "liqueur", + "coconut rum" + ] + }, + { + "id": 44881, + "cuisine": "spanish", + "ingredients": [ + "jalapeno chilies", + "orange juice", + "plum tomatoes", + "ketchup", + "purple onion", + "fresh lime juice", + "green onions", + "cucumber", + "lump crab meat", + "hot sauce", + "chopped cilantro fresh" + ] + }, + { + "id": 38797, + "cuisine": "greek", + "ingredients": [ + "black pepper", + "shallots", + "lemon juice", + "eggs", + "zucchini", + "salt", + "chopped fresh mint", + "olive oil", + "garlic", + "fresh parsley", + "water", + "white rice", + "ground beef" + ] + }, + { + "id": 34089, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "onion powder", + "garlic powder", + "salt", + "dried thyme", + "paprika", + "white pepper", + "chili powder", + "dried oregano" + ] + }, + { + "id": 9327, + "cuisine": "british", + "ingredients": [ + "pepper", + "all-purpose flour", + "vegetable oil", + "milk", + "pork sausages", + "eggs", + "salt" + ] + }, + { + "id": 14414, + "cuisine": "mexican", + "ingredients": [ + "white corn tortillas", + "butter", + "shredded cheese", + "tomatoes", + "cooked chicken", + "frozen corn", + "onions", + "black beans", + "garlic", + "enchilada sauce", + "cooked rice", + "spices", + "salsa" + ] + }, + { + "id": 46906, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "salt", + "large shrimp", + "dry sherry", + "bay leaf", + "red pepper flakes", + "lemon juice", + "olive oil", + "garlic", + "fresh parsley" + ] + }, + { + "id": 31001, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "cumin", + "salt", + "chicken", + "pepper", + "salsa", + "shredded Monterey Jack cheese", + "flour tortillas", + "cream cheese" + ] + }, + { + "id": 19501, + "cuisine": "indian", + "ingredients": [ + "green chilies", + "teas", + "onions", + "water", + "oil", + "salt", + "chicken" + ] + }, + { + "id": 11167, + "cuisine": "southern_us", + "ingredients": [ + "fat free yogurt", + "cooking spray", + "butter", + "cake flour", + "sugar", + "baking soda", + "extract", + "frosting", + "fat free milk", + "vegetable oil", + "vanilla extract", + "large egg whites", + "baking powder", + "sweetened coconut flakes", + "salt" + ] + }, + { + "id": 25274, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "peanut butter", + "onions", + "black pepper", + "ginger", + "coconut milk", + "tumeric", + "chopped tomatoes", + "garlic cloves", + "chicken thighs", + "curry powder", + "salt", + "chillies" + ] + }, + { + "id": 42896, + "cuisine": "italian", + "ingredients": [ + "lean ground beef", + "cream cheese", + "italian seasoning", + "tomato sauce", + "diced tomatoes", + "fresh parsley", + "fennel seeds", + "ricotta cheese", + "shredded mozzarella cheese", + "pepper", + "salt", + "noodles" + ] + }, + { + "id": 36971, + "cuisine": "italian", + "ingredients": [ + "canned low sodium chicken broth", + "artichoke hearts", + "salt", + "dried thyme", + "dry white wine", + "boiling potatoes", + "crushed tomatoes", + "ground black pepper", + "fresh parsley", + "italian sausage", + "olive oil", + "garlic" + ] + }, + { + "id": 40658, + "cuisine": "indian", + "ingredients": [ + "water", + "mustard oil", + "salt", + "pigeon peas", + "ground turmeric", + "red chili peppers", + "cumin seed" + ] + }, + { + "id": 10336, + "cuisine": "jamaican", + "ingredients": [ + "yukon gold potatoes", + "freshly ground pepper", + "ground turmeric", + "piecrust", + "salt", + "carrots", + "vegetable oil", + "garlic cloves", + "jalapeno chilies", + "ground allspice", + "onions" + ] + }, + { + "id": 42271, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "black-eyed peas", + "cajun seasoning", + "long grain white rice", + "kosher salt", + "green onions", + "yellow onion", + "celery ribs", + "smoked bacon", + "apple cider vinegar", + "garlic cloves", + "green bell pepper", + "bay leaves", + "diced tomatoes" + ] + }, + { + "id": 41320, + "cuisine": "southern_us", + "ingredients": [ + "seasoning salt", + "spices", + "cheese", + "thyme", + "macaroni", + "paprika", + "all-purpose flour", + "ground black pepper", + "butter", + "salt", + "eggs", + "whole milk", + "dry mustard", + "cayenne pepper" + ] + }, + { + "id": 28651, + "cuisine": "italian", + "ingredients": [ + "milk", + "polenta", + "salt", + "fat skimmed chicken broth", + "grated parmesan cheese" + ] + }, + { + "id": 35315, + "cuisine": "japanese", + "ingredients": [ + "sea bass fillets", + "sugar", + "scallions", + "sake", + "ginger", + "soy sauce" + ] + }, + { + "id": 28203, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "garlic", + "lime juice", + "water", + "white sugar", + "crushed red pepper flakes" + ] + }, + { + "id": 38789, + "cuisine": "french", + "ingredients": [ + "ice water", + "all-purpose flour", + "salt", + "unsalted butter" + ] + }, + { + "id": 37667, + "cuisine": "southern_us", + "ingredients": [ + "fresh tomatoes", + "minced garlic", + "cracked black pepper", + "lemon juice", + "vidalia onion", + "jumbo shrimp", + "asiago", + "salt", + "fresh parsley", + "green bell pepper", + "pepper", + "heavy cream", + "goat cheese", + "grits", + "chicken stock", + "cheddar cheese", + "hungarian paprika", + "extra-virgin olive oil", + "sour cream" + ] + }, + { + "id": 1213, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "peanuts" + ] + }, + { + "id": 17874, + "cuisine": "italian", + "ingredients": [ + "medium eggs", + "grated parmesan cheese", + "plum tomatoes", + "vegetable oil spray", + "low salt chicken broth", + "yellow corn meal", + "butter", + "fresh leav spinach", + "grated Gruyère cheese" + ] + }, + { + "id": 20590, + "cuisine": "japanese", + "ingredients": [ + "water", + "napa cabbage", + "soba", + "brown sugar", + "sesame seeds", + "ginger", + "chopped garlic", + "soy sauce", + "vegetable oil", + "scallions", + "frozen shelled edamame", + "fresh shiitake mushrooms", + "Gochujang base" + ] + }, + { + "id": 11181, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "herbs", + "Flora Cuisine", + "bay leaf", + "sage", + "canned chopped tomatoes", + "flour", + "minced beef", + "prepared lasagne", + "rosemary", + "Knorr Beef Stock Cubes", + "garlic", + "onions", + "parmesan cheese", + "red wine", + "freshly ground pepper", + "oregano" + ] + }, + { + "id": 36002, + "cuisine": "indian", + "ingredients": [ + "crushed tomatoes", + "curry", + "potatoes", + "onions", + "olive oil", + "salt", + "pepper", + "vegetable stock" + ] + }, + { + "id": 20118, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "flour", + "ground cumin", + "lime juice", + "crushed red pepper flakes", + "water", + "Mexican oregano", + "tomato paste", + "olive oil", + "salt" + ] + }, + { + "id": 38685, + "cuisine": "jamaican", + "ingredients": [ + "kale", + "vegetable oil", + "garlic", + "ground coriander", + "lime juice", + "sweet potatoes", + "peas", + "okra", + "fresh ginger root", + "diced tomatoes", + "ground allspice", + "ground turmeric", + "dried thyme", + "vegetable stock", + "chopped onion", + "coconut milk" + ] + }, + { + "id": 40751, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "large egg yolks", + "sugar", + "corn starch", + "half & half" + ] + }, + { + "id": 33254, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chicken", + "shredded low-fat cheddar cheese", + "whole wheat tortillas", + "barbecue sauce", + "vidalia onion", + "shredded lowfat monterey jack cheese" + ] + }, + { + "id": 44927, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "ground black pepper", + "pork roast", + "olive oil", + "garlic", + "chopped cilantro fresh", + "kosher salt", + "dry sherry", + "red bell pepper", + "fennel", + "yellow onion", + "long grain white rice" + ] + }, + { + "id": 21921, + "cuisine": "irish", + "ingredients": [ + "sugar", + "vanilla extract", + "melted butter", + "large eggs", + "all-purpose flour", + "milk", + "salt", + "powdered sugar", + "butter", + "fresh lemon juice" + ] + }, + { + "id": 18574, + "cuisine": "italian", + "ingredients": [ + "pomegranate seeds", + "huckleberries", + "mostarda" + ] + }, + { + "id": 30342, + "cuisine": "korean", + "ingredients": [ + "zucchini", + "vegetable oil", + "noodles", + "water", + "green onions", + "cucumber", + "sugar", + "pork loin", + "carrots", + "cabbage", + "shiitake", + "bean paste", + "onions" + ] + }, + { + "id": 6794, + "cuisine": "russian", + "ingredients": [ + "unsalted butter", + "bittersweet chocolate", + "sugar", + "walnuts", + "matzo meal", + "large eggs", + "walnut halves", + "chocolate" + ] + }, + { + "id": 49372, + "cuisine": "italian", + "ingredients": [ + "pasta", + "salami", + "green pepper", + "cheddar cheese", + "zesty italian dressing", + "ham", + "cauliflower", + "mozzarella cheese", + "broccoli", + "pepperoni slices", + "red pepper", + "yellow peppers" + ] + }, + { + "id": 35942, + "cuisine": "russian", + "ingredients": [ + "tumeric", + "olive oil", + "summer savory", + "water", + "large garlic cloves", + "kosher salt", + "coriander seeds", + "pork shoulder", + "fresh cilantro", + "purple onion" + ] + }, + { + "id": 42288, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "black beans", + "cooked quinoa", + "cheddar cheese", + "cilantro", + "tomatoes", + "zucchini", + "taco sauce", + "salt" + ] + }, + { + "id": 30439, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "carrots", + "color food orang", + "saffron", + "cardamom", + "milk", + "ghee" + ] + }, + { + "id": 36699, + "cuisine": "italian", + "ingredients": [ + "parmigiano-reggiano cheese", + "kale", + "diced tomatoes", + "chopped onion", + "water", + "zucchini", + "crushed red pepper", + "carrots", + "fat free less sodium chicken broth", + "fennel bulb", + "chopped celery", + "garlic cloves", + "tomato paste", + "dried basil", + "bacon", + "salt", + "borlotti beans" + ] + }, + { + "id": 31845, + "cuisine": "mexican", + "ingredients": [ + "grated parmesan cheese", + "shuck corn", + "ground cumin", + "cooking spray", + "salt", + "ground red pepper", + "fresh lime juice", + "chili powder", + "fat-free mayonnaise" + ] + }, + { + "id": 3453, + "cuisine": "italian", + "ingredients": [ + "eggs", + "olive oil", + "sea salt", + "yellow onion", + "ground beef", + "unseasoned breadcrumbs", + "italian plum tomatoes", + "extra-virgin olive oil", + "carrots", + "pork sausages", + "fresh basil", + "ground black pepper", + "basil", + "grated parmesan romano", + "spaghetti", + "tomato paste", + "brown mushroom", + "red wine", + "salt", + "flat leaf parsley", + "chopped garlic" + ] + }, + { + "id": 38456, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "red wine vinegar", + "boneless skinless chicken breast halves", + "sesame oil", + "ground allspice", + "habanero pepper", + "garlic", + "brown sugar", + "chopped fresh thyme", + "onions" + ] + }, + { + "id": 34227, + "cuisine": "japanese", + "ingredients": [ + "edamame", + "sea salt", + "chipotles in adobo", + "ground black pepper", + "garlic cloves", + "extra-virgin olive oil", + "ground cumin" + ] + }, + { + "id": 14486, + "cuisine": "italian", + "ingredients": [ + "fat free less sodium chicken broth", + "butter", + "salt", + "cooking spray", + "1% low-fat milk", + "turkey breast", + "pepper", + "dry sherry", + "all-purpose flour", + "reduced fat sharp cheddar cheese", + "mushrooms", + "chopped celery", + "spaghetti" + ] + }, + { + "id": 2346, + "cuisine": "mexican", + "ingredients": [ + "picante sauce", + "pepper jack", + "chile pepper", + "chopped onion", + "chopped cilantro", + "chile powder", + "minced garlic", + "half & half", + "salt", + "sour cream", + "shredded cheddar cheese", + "large eggs", + "butter", + "red bell pepper", + "black pepper", + "chorizo", + "Tabasco Pepper Sauce", + "onion tops", + "corn tortillas" + ] + }, + { + "id": 37157, + "cuisine": "italian", + "ingredients": [ + "mascarpone", + "basil", + "onions", + "tomatoes", + "tubetti", + "crushed red pepper", + "tomato paste", + "herbs", + "extra-virgin olive oil", + "boiling water", + "vegetable bouillon", + "yukon gold potatoes", + "salt" + ] + }, + { + "id": 8049, + "cuisine": "mexican", + "ingredients": [ + "frozen tater tots", + "taco seasoning", + "chopped onion", + "condensed fiesta nacho cheese soup", + "ground beef", + "water", + "whole kernel corn, drain" + ] + }, + { + "id": 42506, + "cuisine": "spanish", + "ingredients": [ + "water", + "cooking spray", + "sugar", + "reduced fat milk", + "large egg whites", + "vanilla extract", + "large eggs", + "sweetened condensed milk" + ] + }, + { + "id": 25945, + "cuisine": "french", + "ingredients": [ + "hazelnuts", + "golden raisins", + "walnut pieces", + "chocolate", + "almonds", + "pinenuts", + "pistachio nuts" + ] + }, + { + "id": 34538, + "cuisine": "vietnamese", + "ingredients": [ + "red chili peppers", + "carrots", + "bread rolls", + "spring onions", + "fresh mint", + "fresh coriander", + "cucumber", + "mayonaise", + "sausages", + "cabbage" + ] + }, + { + "id": 10870, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "dark soy sauce", + "shallots", + "tofu", + "green onions", + "red chili peppers", + "dried shrimp" + ] + }, + { + "id": 23625, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "fresh lime juice", + "fresh ginger", + "olive oil", + "large shrimp", + "mango chutney" + ] + }, + { + "id": 22081, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "lentils", + "mint", + "potatoes", + "green chilies", + "onions", + "curry leaves", + "tamarind", + "fenugreek seeds", + "mustard seeds", + "garlic paste", + "spices", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 6197, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chopped onion", + "canola oil", + "tomato sauce", + "chili powder", + "garlic cloves", + "jalapeno chilies", + "ground coriander", + "ground cumin", + "taco shells", + "salt", + "ground beef" + ] + }, + { + "id": 8041, + "cuisine": "jamaican", + "ingredients": [ + "grated nutmeg", + "fresh lime juice", + "orange slices", + "grenadine syrup", + "white rum", + "pineapple juice", + "pineapple slices", + "fresh orange juice", + "light rum" + ] + }, + { + "id": 33301, + "cuisine": "vietnamese", + "ingredients": [ + "pickles", + "mint leaves", + "salt", + "shrimp", + "rice paper", + "fish sauce", + "water", + "butter", + "oil", + "beansprouts", + "lean ground pork", + "shallots", + "crabmeat", + "ground white pepper", + "sugar", + "egg whites", + "garlic", + "carrots", + "dried wood ear mushrooms" + ] + }, + { + "id": 2735, + "cuisine": "italian", + "ingredients": [ + "parmigiano reggiano cheese", + "lemon juice", + "fettucine", + "extra-virgin olive oil", + "fresh asparagus", + "pepper", + "salt", + "pistachios", + "fresh parsley" + ] + }, + { + "id": 8577, + "cuisine": "korean", + "ingredients": [ + "honey", + "ginger", + "soy sauce", + "green onions", + "oil", + "sesame seeds", + "beef rib short", + "water", + "apple cider", + "garlic cloves" + ] + }, + { + "id": 18921, + "cuisine": "mexican", + "ingredients": [ + "chicken and rice soup", + "tomato sauce", + "tortilla chips", + "diced tomatoes", + "shredded cheddar cheese" + ] + }, + { + "id": 48003, + "cuisine": "mexican", + "ingredients": [ + "sweet onion", + "cream of chicken soup", + "soup", + "cilantro", + "taco seasoning", + "tomatoes", + "olive oil", + "flavored tortilla chips", + "red pepper", + "salt", + "chili", + "poblano peppers", + "green onions", + "garlic", + "sour cream", + "black pepper", + "Mexican cheese blend", + "half & half", + "shredded lettuce", + "roasting chickens" + ] + }, + { + "id": 20490, + "cuisine": "japanese", + "ingredients": [ + "dashi", + "firm tofu", + "miso", + "water", + "scallions" + ] + }, + { + "id": 23957, + "cuisine": "southern_us", + "ingredients": [ + "mini marshmallows", + "salt", + "unsweetened cocoa powder", + "sugar", + "butter", + "chocolate baking bar", + "powdered sugar", + "large eggs", + "all-purpose flour", + "milk", + "vanilla extract", + "chopped pecans" + ] + }, + { + "id": 37938, + "cuisine": "italian", + "ingredients": [ + "pitted kalamata olives", + "fresh parmesan cheese", + "shredded reduced fat cheddar cheese", + "dough", + "jalapeno chilies" + ] + }, + { + "id": 1028, + "cuisine": "southern_us", + "ingredients": [ + "condensed cream of celery soup", + "biscuit dough", + "onions", + "chicken broth", + "boneless skinless chicken breasts", + "rib", + "condensed cream of chicken soup", + "onion powder", + "frozen peas and carrots", + "garlic powder", + "poultry seasoning" + ] + }, + { + "id": 9044, + "cuisine": "indian", + "ingredients": [ + "fresh dill", + "olive oil", + "chopped almonds", + "garlic", + "coconut milk", + "sweet onion", + "garam masala", + "harissa", + "goat cheese", + "naan", + "fresh cilantro", + "fresh ginger", + "jalapeno chilies", + "crushed red pepper", + "sun-dried tomatoes in oil", + "eggs", + "lime", + "whole peeled tomatoes", + "chili powder", + "smoked paprika", + "ground cumin" + ] + }, + { + "id": 25170, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "egg noodles", + "capellini", + "chopped cilantro fresh", + "celery ribs", + "water", + "vegetable broth", + "fresh parsley", + "tomatoes", + "unsalted butter", + "dried chickpeas", + "onions", + "black pepper", + "cinnamon", + "lentils" + ] + }, + { + "id": 15431, + "cuisine": "indian", + "ingredients": [ + "pepper", + "head cauliflower", + "extra-virgin olive oil", + "chopped parsley", + "ground cumin", + "garam masala", + "diced tomatoes", + "salt", + "onions", + "minced ginger", + "large garlic cloves", + "vegetable broth", + "bay leaf", + "red potato", + "chili powder", + "raw cashews", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 28995, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "ground black pepper", + "greens", + "store bought low sodium chicken stock", + "dumplings", + "kosher salt", + "szechwan peppercorns", + "canola oil", + "shiitake", + "bamboo shoots" + ] + }, + { + "id": 21105, + "cuisine": "greek", + "ingredients": [ + "water", + "white sugar", + "phyllo dough", + "vanilla extract", + "chopped nuts", + "honey", + "ground cinnamon", + "butter" + ] + }, + { + "id": 33012, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic", + "Sriracha", + "purple onion", + "kosher salt", + "jalapeno chilies", + "ground cumin", + "avocado", + "roma tomatoes", + "chopped cilantro" + ] + }, + { + "id": 7729, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "pepper jack", + "all-purpose flour", + "roast breast of chicken", + "garlic powder", + "shredded sharp cheddar cheese", + "ground cumin", + "pepper", + "butter", + "tortilla chips", + "chicken broth", + "poblano peppers", + "salt" + ] + }, + { + "id": 12647, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "ginger syrup", + "dry sherry", + "purple onion", + "onions", + "olive oil", + "ice water", + "raspberry vinegar", + "crème fraîche", + "wild mushrooms", + "ground black pepper", + "red wine", + "garlic", + "all-purpose flour", + "eggs", + "butter", + "vegetable broth", + "salt", + "celery root" + ] + }, + { + "id": 16360, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "salt", + "onions", + "green chile", + "diced tomatoes", + "boneless pork loin", + "ground cumin", + "hot pepper sauce", + "frozen corn", + "dried oregano", + "shredded cheddar cheese", + "garlic", + "yams" + ] + }, + { + "id": 40798, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "fresh thyme", + "fresh oregano", + "polenta", + "black pepper", + "mushrooms", + "garlic cloves", + "cremini mushrooms", + "reduced fat milk", + "organic vegetable broth", + "olive oil", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 13363, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "red pepper flakes", + "thyme", + "chicken broth", + "cayenne", + "white rice", + "large shrimp", + "italian sausage", + "chopped tomatoes", + "paprika", + "onions", + "pepper", + "chili powder", + "garlic cloves", + "chicken" + ] + }, + { + "id": 21469, + "cuisine": "japanese", + "ingredients": [ + "eggplant", + "sake", + "mirin", + "hatcho miso", + "granulated sugar", + "sesame seeds", + "vegetable oil" + ] + }, + { + "id": 38962, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "yukon gold potatoes", + "salt", + "chopped cilantro fresh", + "ground black pepper", + "peas", + "cayenne pepper", + "ground cumin", + "garam masala", + "vegetable oil", + "yellow onion", + "ground turmeric", + "water", + "brown mustard seeds", + "cauliflower florets", + "garlic cloves" + ] + }, + { + "id": 46601, + "cuisine": "mexican", + "ingredients": [ + "sweet potatoes", + "salt", + "dried oregano", + "chili powder", + "enchilada sauce", + "ground cumin", + "green onions", + "cream cheese", + "shredded Monterey Jack cheese", + "ground black pepper", + "vegetable oil", + "corn tortillas" + ] + }, + { + "id": 47435, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "water", + "all-purpose flour", + "mozzarella cheese", + "ricotta cheese", + "romano cheese", + "vegetable oil", + "fresh parsley", + "eggs", + "pepper", + "salt" + ] + }, + { + "id": 22812, + "cuisine": "british", + "ingredients": [ + "pork", + "veal", + "lemon rind", + "plain flour", + "pepper", + "salt", + "eggs", + "suet", + "grated nutmeg", + "bread crumb fresh", + "herbs", + "chopped fresh sage" + ] + }, + { + "id": 30223, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger root", + "mandarin oranges", + "white sugar", + "soy sauce", + "sesame oil", + "carp", + "chicken stock", + "green onions", + "salt", + "chopped garlic", + "black bean sauce", + "dry sherry", + "corn starch" + ] + }, + { + "id": 49508, + "cuisine": "french", + "ingredients": [ + "fresh parmesan cheese", + "cooking spray", + "baking potatoes", + "baguette", + "crumbled blue cheese", + "shallots", + "salt", + "olive oil", + "reduced fat milk", + "chopped fresh thyme", + "chopped onion", + "fat free less sodium chicken broth", + "ground black pepper", + "dry white wine", + "garlic" + ] + }, + { + "id": 47169, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "chili powder", + "crushed red pepper flakes", + "cooked quinoa", + "black beans", + "sea salt", + "frozen corn kernels", + "95% lean ground beef", + "black pepper", + "onion powder", + "non-fat sour cream", + "oregano", + "garlic powder", + "paprika", + "red enchilada sauce", + "ground cumin" + ] + }, + { + "id": 47004, + "cuisine": "greek", + "ingredients": [ + "feta cheese crumbles", + "zucchini", + "fresh mint", + "orzo", + "japanese eggplants", + "greek-style vinaigrette", + "red bell pepper" + ] + }, + { + "id": 15673, + "cuisine": "southern_us", + "ingredients": [ + "batter", + "beef broth", + "vegetable oil", + "barbecue sauce", + "barbecued pork", + "sweet onion", + "all-purpose flour" + ] + }, + { + "id": 5568, + "cuisine": "russian", + "ingredients": [ + "milk", + "butter", + "plain flour", + "large eggs", + "walnuts", + "caster sugar", + "baking powder", + "apricots", + "honey", + "dry bread crumbs" + ] + }, + { + "id": 35775, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "green onions", + "ground black pepper", + "hass avocado", + "lime", + "salt", + "jalapeno chilies", + "chopped cilantro fresh" + ] + }, + { + "id": 40923, + "cuisine": "italian", + "ingredients": [ + "kale", + "marinara sauce", + "salt", + "eggs", + "part-skim mozzarella cheese", + "garlic", + "olive oil", + "mushrooms", + "noodles", + "pepper", + "grated parmesan cheese", + "part-skim ricotta cheese" + ] + }, + { + "id": 23177, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dry yeast", + "bread flour", + "fat free milk", + "salt", + "fresh chives", + "prosciutto", + "provolone cheese", + "semolina", + "cooking spray" + ] + }, + { + "id": 29267, + "cuisine": "brazilian", + "ingredients": [ + "sweetened condensed milk", + "roasted peanuts", + "biscuits", + "white sugar" + ] + }, + { + "id": 6722, + "cuisine": "italian", + "ingredients": [ + "radicchio", + "fresh lemon juice", + "fennel bulb", + "extra-virgin olive oil", + "bibb lettuce", + "carrots" + ] + }, + { + "id": 11976, + "cuisine": "mexican", + "ingredients": [ + "lime", + "chile pepper", + "onions", + "habanero pepper", + "canned tomatoes", + "ground black pepper", + "garlic", + "white sugar", + "fresh cilantro", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 27262, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "non-fat sour cream", + "vegetable oil cooking spray", + "green onions", + "frozen corn kernels", + "reduced fat monterey jack cheese", + "flour tortillas", + "hot sauce", + "lump crab meat", + "red pepper", + "ground cumin" + ] + }, + { + "id": 3242, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "large garlic cloves", + "fresh parsley", + "capers", + "bay leaves", + "diced tomatoes", + "green olives", + "jalapeno chilies", + "raisins", + "fillet red snapper", + "Mexican oregano", + "extra-virgin olive oil" + ] + }, + { + "id": 42244, + "cuisine": "jamaican", + "ingredients": [ + "fresh thyme", + "coconut milk", + "brown rice", + "minced garlic", + "red pepper", + "green onions", + "dried kidney beans" + ] + }, + { + "id": 19993, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "bell pepper", + "sliced green onions", + "cooked rice", + "chopped almonds", + "garlic chili sauce", + "diced onions", + "large eggs", + "oil", + "chopped cooked meat", + "green peas" + ] + }, + { + "id": 24477, + "cuisine": "indian", + "ingredients": [ + "halibut fillets", + "mustard oil", + "fennel seeds", + "chili powder", + "clove", + "coriander seeds", + "tumeric", + "cumin seed" + ] + }, + { + "id": 20763, + "cuisine": "chinese", + "ingredients": [ + "fennel", + "cumin seed", + "chili powder", + "Shaoxing wine", + "powdered garlic", + "kosher salt", + "lamb breast" + ] + }, + { + "id": 17315, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "cooked rice", + "sunflower oil", + "eggs", + "frozen broccoli florets", + "pepper", + "garlic" + ] + }, + { + "id": 3967, + "cuisine": "indian", + "ingredients": [ + "chicken broth", + "fresh ginger", + "cayenne pepper", + "onions", + "curry powder", + "garlic", + "lentils", + "ground cumin", + "olive oil", + "salt", + "carrots", + "water", + "diced tomatoes", + "ground coriander", + "ground turmeric" + ] + }, + { + "id": 31280, + "cuisine": "korean", + "ingredients": [ + "water", + "all-purpose flour", + "medium shrimp", + "sesame oil", + "garlic cloves", + "large eggs", + "scallions", + "vegetable oil", + "red bell pepper" + ] + }, + { + "id": 48296, + "cuisine": "french", + "ingredients": [ + "cooked deli ham", + "confectioners sugar", + "flour", + "sandwich bread", + "swiss cheese", + "turkey breast deli meat", + "eggs", + "vegetable oil", + "panko breadcrumbs" + ] + }, + { + "id": 494, + "cuisine": "mexican", + "ingredients": [ + "water", + "jalapeno chilies", + "salt", + "lime", + "cheese", + "sour cream", + "fresh cilantro", + "chicken breasts", + "white beans", + "chicken broth", + "salsa verde", + "purple onion" + ] + }, + { + "id": 3191, + "cuisine": "korean", + "ingredients": [ + "sugar", + "black bean sauce", + "kimchi", + "kosher salt", + "liquid", + "canola oil", + "soy sauce", + "all-purpose flour", + "black vinegar", + "roasted sesame seeds", + "scallions" + ] + }, + { + "id": 2019, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "fresh ginger root", + "lemon juice", + "garbanzo beans", + "salt", + "ground cumin", + "water", + "vegetable oil", + "chopped cilantro fresh", + "red chili peppers", + "chile pepper", + "onions" + ] + }, + { + "id": 13612, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "salt", + "fat free less sodium chicken broth", + "dry white wine", + "sage leaves", + "ground black pepper", + "chopped fresh sage", + "olive oil", + "chicken cutlets" + ] + }, + { + "id": 8889, + "cuisine": "chinese", + "ingredients": [ + "clove", + "pepper", + "szechwan peppercorns", + "cumin seed", + "peppercorns", + "soy sauce", + "egg noodles", + "crushed red pepper", + "garlic cloves", + "red chili peppers", + "water", + "cilantro", + "oil", + "ground cumin", + "white onion", + "green onions", + "lamb", + "red bell pepper" + ] + }, + { + "id": 13275, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "sesame seeds", + "red curry paste", + "olive oil", + "extra firm tofu", + "pepper", + "quinoa", + "fresh ginger", + "fresh green bean" + ] + }, + { + "id": 47927, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "vanilla extract", + "cocoa", + "butter", + "chopped pecans", + "sugar", + "refrigerated piecrusts", + "salt", + "dark corn syrup", + "sweetened coconut flakes" + ] + }, + { + "id": 36008, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "vegetable oil", + "rice", + "ground cumin", + "frozen chopped spinach", + "fresh ginger", + "yellow onion", + "garlic cloves", + "water", + "heavy cream", + "ground coriander", + "plain yogurt", + "garam masala", + "firm tofu", + "serrano chile" + ] + }, + { + "id": 27272, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "rapid rise yeast", + "fresh basil", + "fresh thyme", + "bread flour", + "warm water", + "sea salt", + "sun-dried tomatoes", + "salt" + ] + }, + { + "id": 16781, + "cuisine": "indian", + "ingredients": [ + "butter", + "tomato ketchup" + ] + }, + { + "id": 13174, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "fresh lemon juice", + "flat leaf parsley", + "ground nutmeg", + "cinnamon sticks", + "kaffir lime leaves", + "cayenne pepper", + "chayotes", + "fresh ginger", + "low salt chicken broth" + ] + }, + { + "id": 17150, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "white onion", + "lime wedges", + "salt", + "cooked rice", + "curry powder", + "cilantro", + "red lentils", + "water", + "diced tomatoes", + "ginger root", + "plain yogurt", + "peanuts", + "garlic" + ] + }, + { + "id": 15951, + "cuisine": "french", + "ingredients": [ + "large eggs", + "all-purpose flour", + "unsalted butter", + "crème fraîche", + "sugar", + "baking powder", + "grated lemon zest", + "kosher salt", + "heavy cream", + "tart apples" + ] + }, + { + "id": 23827, + "cuisine": "italian", + "ingredients": [ + "french bread", + "plum tomatoes", + "fresh basil", + "chees fresh mozzarella", + "cooking spray", + "prosciutto", + "reduced fat mayonnaise" + ] + }, + { + "id": 3149, + "cuisine": "southern_us", + "ingredients": [ + "vanilla low-fat frozen yogurt", + "bananas", + "1% low-fat chocolate milk", + "peanut butter", + "vanilla lowfat yogurt" + ] + }, + { + "id": 34793, + "cuisine": "korean", + "ingredients": [ + "minced garlic", + "Gochujang base", + "soy sauce", + "soybean paste", + "broth", + "napa cabbage", + "scallions", + "pepper", + "salt" + ] + }, + { + "id": 17868, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "black pepper", + "lemon", + "garlic cloves", + "chopped cilantro fresh", + "saffron threads", + "parsley sprigs", + "orange", + "chopped onion", + "couscous", + "pitted kalamata olives", + "fat free less sodium chicken broth", + "salt", + "red bell pepper", + "ground ginger", + "boneless chicken skinless thigh", + "olive oil", + "orange juice", + "fresh parsley" + ] + }, + { + "id": 2116, + "cuisine": "mexican", + "ingredients": [ + "table cream", + "condensed milk", + "sugar", + "evaporated milk", + "eggs", + "vanilla" + ] + }, + { + "id": 18966, + "cuisine": "greek", + "ingredients": [ + "milk", + "butter", + "fresh parsley", + "eggs", + "eggplant", + "all-purpose flour", + "dried oregano", + "ground cinnamon", + "olive oil", + "dry red wine", + "onions", + "tomato sauce", + "grated parmesan cheese", + "ground beef" + ] + }, + { + "id": 36119, + "cuisine": "vietnamese", + "ingredients": [ + "kosher salt", + "scallions", + "brown sugar", + "shallots", + "beef steak", + "fish sauce", + "ground black pepper", + "fresh lime juice", + "soy sauce", + "garlic", + "canola oil" + ] + }, + { + "id": 30653, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "thai basil", + "spices", + "black pepper", + "chicken breasts", + "soy sauce", + "egg yolks", + "oil", + "potato starch flour", + "rice wine" + ] + }, + { + "id": 17507, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "garlic", + "shrimp", + "stock", + "olive oil", + "yellow onion", + "tomatoes", + "kale", + "smoked sausage", + "celery", + "green bell pepper", + "cajun seasoning", + "carrots" + ] + }, + { + "id": 42360, + "cuisine": "mexican", + "ingredients": [ + "french bread", + "dark brown sugar", + "slivered almonds", + "golden raisins", + "shredded Monterey Jack cheese", + "water", + "butter", + "cooking spray", + "cinnamon sticks" + ] + }, + { + "id": 7088, + "cuisine": "japanese", + "ingredients": [ + "cooked rice", + "cooking spray", + "sesame seeds", + "red bell pepper", + "low sodium soy sauce", + "mirin", + "boneless skinless chicken breast halves", + "green bell pepper", + "dark sesame oil" + ] + }, + { + "id": 35268, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "ground black pepper", + "bacon", + "parmesan cheese", + "green tomatoes", + "olive oil", + "lettuce leaves", + "country white bread", + "cooking spray", + "reduced fat mayonnaise" + ] + }, + { + "id": 44163, + "cuisine": "italian", + "ingredients": [ + "tawny port", + "cracked black pepper", + "rosemary sprigs", + "crumbled blue cheese", + "polenta", + "sugar", + "cooking spray", + "quinces", + "apple juice" + ] + }, + { + "id": 23725, + "cuisine": "italian", + "ingredients": [ + "coars ground black pepper", + "olive oil", + "baby spinach", + "chopped onion", + "great northern beans", + "yellow squash", + "ditalini pasta", + "fresh oregano", + "tomatoes", + "corn kernels", + "zucchini", + "salt", + "carrots", + "fat free less sodium chicken broth", + "ground black pepper", + "asiago", + "garlic cloves" + ] + }, + { + "id": 24457, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "chile pepper", + "flour tortillas", + "monterey jack", + "cream of chicken soup", + "boneless skinless chicken breast halves", + "half & half" + ] + }, + { + "id": 46178, + "cuisine": "southern_us", + "ingredients": [ + "sweetened condensed milk", + "peaches", + "soda" + ] + }, + { + "id": 22783, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "polenta", + "water", + "parmigiano reggiano cheese" + ] + }, + { + "id": 37993, + "cuisine": "korean", + "ingredients": [ + "cinnamon", + "pinenuts", + "brown sugar", + "ginger", + "water" + ] + }, + { + "id": 5789, + "cuisine": "southern_us", + "ingredients": [ + "dark corn syrup", + "pie filling", + "chop fine pecan", + "raspberries", + "cake batter", + "mint sprigs" + ] + }, + { + "id": 27146, + "cuisine": "moroccan", + "ingredients": [ + "cayenne", + "purple onion", + "garlic cloves", + "olive oil", + "parsley", + "lamb", + "cilantro stems", + "salt", + "ground cumin", + "ground black pepper", + "lemon", + "sweet paprika" + ] + }, + { + "id": 14454, + "cuisine": "southern_us", + "ingredients": [ + "red potato", + "pepper", + "grated carrot", + "onions", + "cream", + "minced garlic", + "red bell pepper", + "green bell pepper", + "shredded cheddar cheese", + "salt", + "chicken broth", + "crawfish", + "bacon", + "celery" + ] + }, + { + "id": 9930, + "cuisine": "mexican", + "ingredients": [ + "salt and ground black pepper", + "ground beef", + "diced tomatoes", + "potatoes", + "garlic salt", + "Ranch Style Beans" + ] + }, + { + "id": 20437, + "cuisine": "cajun_creole", + "ingredients": [ + "diced onions", + "bell pepper", + "butter", + "carrots", + "unsalted butter", + "bay leaves", + "scallions", + "cooked white rice", + "shrimp stock", + "fresh thyme", + "cajun seasoning", + "diced celery", + "kosher salt", + "flour", + "peeled shrimp", + "chopped parsley" + ] + }, + { + "id": 31724, + "cuisine": "italian", + "ingredients": [ + "eggs", + "unsalted butter", + "sliced almonds", + "almond paste", + "sugar", + "all purpose unbleached flour", + "dough", + "raspberries" + ] + }, + { + "id": 15054, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "star anise", + "peeled fresh ginger", + "chopped cilantro fresh", + "boneless pork shoulder", + "less sodium soy sauce", + "canola oil", + "Shaoxing wine", + "cinnamon sticks" + ] + }, + { + "id": 19199, + "cuisine": "british", + "ingredients": [ + "water", + "flour", + "baking soda", + "milk", + "salt", + "sugar", + "instant yeast" + ] + }, + { + "id": 9842, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "feta cheese crumbles", + "salsa", + "chopped cilantro fresh", + "purple onion", + "corn tortillas", + "romaine lettuce", + "hot Italian sausages", + "ground cumin" + ] + }, + { + "id": 11251, + "cuisine": "italian", + "ingredients": [ + "soft-wheat flour", + "large eggs" + ] + }, + { + "id": 21010, + "cuisine": "british", + "ingredients": [ + "sweet sherry", + "whipping cream", + "forest fruit", + "powdered sugar", + "egg yolks", + "kiwi fruits", + "raspberry jam", + "peaches", + "vanilla extract", + "frozen pound cake", + "sugar", + "whole milk", + "strawberries" + ] + }, + { + "id": 29799, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "spaghetti", + "olive oil", + "red pepper flakes", + "coarse salt", + "plum tomatoes", + "unsalted butter", + "garlic" + ] + }, + { + "id": 41943, + "cuisine": "indian", + "ingredients": [ + "heavy cream", + "sugar", + "carrots", + "golden raisins", + "ground cardamom" + ] + }, + { + "id": 20748, + "cuisine": "moroccan", + "ingredients": [ + "ground cloves", + "sea salt", + "apple juice", + "ground cumin", + "chicken stock", + "mission figs", + "garlic", + "coriander", + "fresh ginger root", + "cracked black pepper", + "chopped onion", + "brown sugar", + "cinnamon", + "grated nutmeg", + "chicken" + ] + }, + { + "id": 18445, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "salt", + "sugar", + "dry mustard", + "red bell pepper", + "ground ginger", + "shredded cabbage", + "celery seed", + "vinegar", + "mustard seeds" + ] + }, + { + "id": 21352, + "cuisine": "italian", + "ingredients": [ + "pepper", + "dried oregano", + "pork loin chops", + "garlic powder", + "fennel seeds", + "fresh parsley" + ] + }, + { + "id": 9238, + "cuisine": "thai", + "ingredients": [ + "fresh coriander", + "chicken breasts", + "curry paste", + "fish sauce", + "evaporated milk", + "oil", + "lime", + "garlic", + "onions", + "brown sugar", + "vegetables", + "chillies" + ] + }, + { + "id": 46581, + "cuisine": "cajun_creole", + "ingredients": [ + "fresh tuna steaks", + "cajun seasoning", + "olive oil", + "butter" + ] + }, + { + "id": 15736, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "cilantro", + "lettuce", + "guacamole", + "sour cream", + "boneless chicken skinless thigh", + "salsa", + "chicken broth", + "spices", + "corn tortillas" + ] + }, + { + "id": 2445, + "cuisine": "indian", + "ingredients": [ + "chopped fresh mint", + "mango chutney", + "fresh lime juice" + ] + }, + { + "id": 13593, + "cuisine": "irish", + "ingredients": [ + "pepper", + "low sodium chicken broth", + "salt", + "unsalted butter", + "yukon gold potatoes", + "onions", + "milk", + "cooked chicken", + "all-purpose flour", + "dijon mustard", + "vegetable oil" + ] + }, + { + "id": 26779, + "cuisine": "italian", + "ingredients": [ + "bread ciabatta", + "balsamic vinegar", + "olive oil", + "fresh basil leaves", + "tomatoes", + "prosciutto", + "mozzarella cheese", + "large garlic cloves" + ] + }, + { + "id": 46222, + "cuisine": "southern_us", + "ingredients": [ + "cold water", + "sugar", + "red cabbage", + "apple cider vinegar", + "all-purpose flour", + "celery seed", + "yellow mustard seeds", + "ground black pepper", + "boneless skinless chicken breasts", + "buttermilk", + "garlic cloves", + "pickle juice", + "green cabbage", + "kosher salt", + "jalapeno chilies", + "kirby cucumbers", + "hot sauce", + "ground turmeric", + "hamburger buns", + "bread and butter pickles", + "olive oil mayonnaise", + "purple onion", + "nonstick spray", + "canola oil" + ] + }, + { + "id": 46838, + "cuisine": "italian", + "ingredients": [ + "green onions", + "green beans", + "brown sugar", + "diced tomatoes", + "bacon", + "dried oregano", + "dried basil", + "garlic" + ] + }, + { + "id": 41672, + "cuisine": "chinese", + "ingredients": [ + "pork belly", + "red preserved bean curd", + "sugar", + "Shaoxing wine", + "oyster sauce", + "white pepper", + "chinese five-spice powder", + "soy sauce", + "maltose", + "chopped garlic" + ] + }, + { + "id": 26884, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "honey", + "apples", + "minced garlic", + "sesame oil", + "onions", + "black pepper", + "rice wine", + "Gochujang base", + "brown sugar", + "water", + "ginger" + ] + }, + { + "id": 24815, + "cuisine": "vietnamese", + "ingredients": [ + "tomatoes", + "pepper", + "oil", + "coriander", + "sugar", + "vinegar", + "carrots", + "fish sauce", + "chili", + "fat", + "fruit", + "pâté", + "cucumber" + ] + }, + { + "id": 6262, + "cuisine": "indian", + "ingredients": [ + "canola oil", + "milk", + "buttermilk" + ] + }, + { + "id": 45064, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "salt", + "ground turmeric", + "tomato purée", + "chili powder", + "onions", + "red lentils", + "fresh ginger", + "curry paste", + "ground cumin", + "minced garlic", + "vegetable oil", + "white sugar" + ] + }, + { + "id": 39994, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "sesame oil", + "chopped cilantro fresh", + "soy sauce", + "peeled fresh ginger", + "all-purpose flour", + "ground pepper", + "vegetable oil", + "chicken", + "ground ginger", + "large eggs", + "salt", + "sliced green onions" + ] + }, + { + "id": 49347, + "cuisine": "japanese", + "ingredients": [ + "white sesame seeds", + "chives", + "dashi", + "fish", + "extra-virgin olive oil" + ] + }, + { + "id": 27701, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "purple onion", + "canola oil", + "curry powder", + "peeled fresh ginger", + "fresh lemon juice", + "plain low-fat yogurt", + "honey", + "salt", + "boneless chicken skinless thigh", + "cooking spray", + "garlic cloves" + ] + }, + { + "id": 35575, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "quinoa", + "butter", + "chopped onion", + "carrots", + "ground cumin", + "water", + "finely chopped onion", + "salt", + "garlic cloves", + "chopped cilantro fresh", + "tumeric", + "ground black pepper", + "diced tomatoes", + "ground coriander", + "chopped fresh mint", + "hungarian sweet paprika", + "olive oil", + "butternut squash", + "cayenne pepper", + "fresh lemon juice", + "saffron" + ] + }, + { + "id": 8759, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "salsa", + "tortillas", + "refried beans", + "reduced-fat cheese", + "shredded lettuce" + ] + }, + { + "id": 42766, + "cuisine": "korean", + "ingredients": [ + "honey", + "sesame oil", + "soy sauce", + "green onions", + "garlic cloves", + "black pepper", + "rice wine", + "pears", + "light brown sugar", + "sesame seeds", + "sprite" + ] + }, + { + "id": 4631, + "cuisine": "chinese", + "ingredients": [ + "water", + "apricot preserves", + "soy sauce", + "dry mustard", + "fruit", + "apple juice", + "light brown sugar", + "garlic powder" + ] + }, + { + "id": 26228, + "cuisine": "southern_us", + "ingredients": [ + "cauliflower", + "half & half", + "dry bread crumbs", + "unsalted butter", + "all-purpose flour", + "ground black pepper", + "salt", + "scallions", + "parmigiano reggiano cheese", + "grated nutmeg" + ] + }, + { + "id": 4820, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "kosher salt", + "unsalted butter", + "ground cardamom", + "candied ginger", + "toasted pecans", + "peaches", + "grated nutmeg", + "vanilla ice cream", + "orange", + "all-purpose flour", + "firmly packed brown sugar", + "rolled oats", + "granulated sugar", + "corn starch" + ] + }, + { + "id": 700, + "cuisine": "chinese", + "ingredients": [ + "kosher salt", + "garlic", + "scallions", + "wonton wrappers", + "cream cheese", + "ground black pepper", + "crabmeat", + "toasted sesame oil", + "worcestershire sauce", + "peanut oil" + ] + }, + { + "id": 49590, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "ginger", + "oyster sauce", + "sweet rice", + "mushrooms", + "chinese five-spice powder", + "ground white pepper", + "dark soy sauce", + "Shaoxing wine", + "scallions", + "corn starch", + "boneless chicken skinless thigh", + "sea salt", + "oil", + "lotus leaves" + ] + }, + { + "id": 21190, + "cuisine": "japanese", + "ingredients": [ + "light brown sugar", + "meat", + "white rice", + "mirin", + "vegetable oil", + "soy sauce", + "sesame oil", + "spring onions", + "ginger" + ] + }, + { + "id": 29942, + "cuisine": "italian", + "ingredients": [ + "sugar", + "large eggs", + "salt", + "baking soda", + "almond extract", + "semi-sweet chocolate morsels", + "hazelnuts", + "baking powder", + "all-purpose flour", + "unsalted butter", + "vanilla extract", + "unsweetened cocoa powder" + ] + }, + { + "id": 40671, + "cuisine": "french", + "ingredients": [ + "half & half", + "vanilla beans", + "sugar", + "large egg yolks" + ] + }, + { + "id": 11606, + "cuisine": "indian", + "ingredients": [ + "hot red pepper flakes", + "vegetable oil", + "garlic cloves", + "plum tomatoes", + "green chile", + "coriander seeds", + "ginger", + "cinnamon sticks", + "tumeric", + "sherry vinegar", + "cumin seed", + "onions", + "clove", + "grated coconut", + "coarse sea salt", + "tamarind concentrate", + "large shrimp" + ] + }, + { + "id": 40727, + "cuisine": "irish", + "ingredients": [ + "cod fillets", + "malt vinegar", + "vegetable oil", + "tartar sauce", + "kosher salt", + "baking potatoes", + "freshly ground pepper", + "lager", + "all-purpose flour" + ] + }, + { + "id": 22984, + "cuisine": "irish", + "ingredients": [ + "vegetable oil spray", + "butter-margarine blend", + "buttermilk", + "whole wheat flour", + "all-purpose flour", + "brown sugar", + "baking soda" + ] + }, + { + "id": 15971, + "cuisine": "thai", + "ingredients": [ + "green onions", + "purple onion", + "coconut milk", + "tilapia fillets", + "cilantro", + "carrots", + "coconut oil", + "red pepper", + "salt", + "lime", + "Thai red curry paste", + "green beans" + ] + }, + { + "id": 20920, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "fresh lemon juice", + "extra-virgin olive oil", + "sesame seeds", + "baby lima beans", + "garlic cloves" + ] + }, + { + "id": 2605, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "tomatillos", + "lime juice", + "chipotles in adobo", + "sugar", + "orange segments", + "kosher salt", + "cilantro leaves" + ] + }, + { + "id": 26119, + "cuisine": "indian", + "ingredients": [ + "fresh ginger", + "vegetable oil", + "cumin seed", + "cayenne", + "garlic", + "onions", + "garbanzo beans", + "diced tomatoes", + "mustard seeds", + "curry powder", + "nonfat yogurt", + "salt" + ] + }, + { + "id": 38320, + "cuisine": "southern_us", + "ingredients": [ + "soy sauce", + "panko", + "sesame oil", + "minced garlic", + "large eggs", + "red wine vinegar", + "black pepper", + "cayenne", + "vegetable oil", + "mayonaise", + "whole grain mustard", + "flank steak", + "fresh lemon juice" + ] + }, + { + "id": 25356, + "cuisine": "korean", + "ingredients": [ + "green onions", + "all-purpose flour", + "dipping sauces", + "ice water", + "canola oil", + "sugar", + "salt" + ] + }, + { + "id": 647, + "cuisine": "chinese", + "ingredients": [ + "pork belly", + "soy sauce", + "shaoxing", + "sugar", + "green onions", + "dark soy sauce", + "fresh ginger root" + ] + }, + { + "id": 31317, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "pecorino romano cheese", + "kosher salt", + "garlic cloves", + "pinenuts", + "extra-virgin olive oil", + "parmigiano reggiano cheese" + ] + }, + { + "id": 23250, + "cuisine": "italian", + "ingredients": [ + "hot red pepper flakes", + "plum tomatoes", + "garlic cloves", + "extra-virgin olive oil" + ] + }, + { + "id": 30016, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "tomatoes", + "chips", + "orange juice", + "lime juice", + "cilantro leaves", + "queso panela", + "tomatillos" + ] + }, + { + "id": 6044, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "ground black pepper", + "garlic", + "water", + "meat", + "veal for stew", + "marsala wine", + "butternut squash", + "salt", + "olive oil", + "seeds", + "onions" + ] + }, + { + "id": 49648, + "cuisine": "british", + "ingredients": [ + "white bread flour", + "yeast", + "salt", + "milk" + ] + }, + { + "id": 13642, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "Sriracha", + "corn starch", + "honey", + "onion powder", + "water", + "chicken breasts", + "panko breadcrumbs", + "garlic powder", + "extra large eggs" + ] + }, + { + "id": 31788, + "cuisine": "thai", + "ingredients": [ + "fresh ginger", + "cilantro leaves", + "boneless skinless chicken breast halves", + "fish sauce", + "green onions", + "coconut milk", + "dark soy sauce", + "cooking oil", + "all-purpose flour", + "green curry paste", + "garlic", + "white sugar" + ] + }, + { + "id": 27760, + "cuisine": "italian", + "ingredients": [ + "dijon mustard", + "whipping cream", + "dried thyme", + "dry white wine", + "low salt chicken broth", + "pork tenderloin", + "all-purpose flour", + "olive oil", + "butter", + "crumbled gorgonzola" + ] + }, + { + "id": 33954, + "cuisine": "italian", + "ingredients": [ + "eggs", + "crushed tomatoes", + "egg yolks", + "red pepper", + "hot water", + "fresh rosemary", + "dried porcini mushrooms", + "grated parmesan cheese", + "large garlic cloves", + "goat cheese", + "tomatoes", + "pesto sauce", + "lasagna noodles", + "ricotta cheese", + "dry red wine", + "fresh basil", + "olive oil", + "fresh shiitake mushrooms", + "button mushrooms", + "onions" + ] + }, + { + "id": 20073, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil cooking spray", + "cinnamon", + "cilantro sprigs", + "chicken breasts", + "cracked black pepper", + "unsweetened cocoa powder", + "garlic powder", + "relish", + "coarse-grain salt", + "chili powder", + "Domino Light Brown Sugar" + ] + }, + { + "id": 14857, + "cuisine": "mexican", + "ingredients": [ + "banana leaves", + "snapper fillets", + "safflower oil", + "salt", + "white onion", + "cilantro leaves", + "crema", + "poblano chiles" + ] + }, + { + "id": 44576, + "cuisine": "greek", + "ingredients": [ + "salt", + "ground black pepper", + "chopped fresh mint", + "plain yogurt", + "fresh lemon juice", + "garlic cloves" + ] + }, + { + "id": 34239, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "extra-virgin olive oil", + "mozzarella cheese", + "large garlic cloves", + "pizza doughs", + "black pepper", + "baby arugula", + "ricotta", + "parmigiano reggiano cheese", + "salt" + ] + }, + { + "id": 10142, + "cuisine": "british", + "ingredients": [ + "olive oil", + "sweet potatoes", + "minced beef", + "tomato paste", + "potatoes", + "dry red wine", + "onions", + "cheddar cheese", + "beef stock", + "dried mixed herbs", + "frozen peas", + "ground nutmeg", + "worcestershire sauce", + "garlic cloves" + ] + }, + { + "id": 5766, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "honey", + "ground red pepper", + "kosher salt", + "dried apricot", + "garlic cloves", + "ground cinnamon", + "roast", + "chopped onion", + "lower sodium beef broth", + "cooking spray", + "ground cumin" + ] + }, + { + "id": 16467, + "cuisine": "jamaican", + "ingredients": [ + "olive oil", + "frozen peas", + "bacon", + "sazon goya with coriander and annatto", + "cabbage", + "minute rice", + "onions" + ] + }, + { + "id": 3732, + "cuisine": "cajun_creole", + "ingredients": [ + "loaves", + "whipping cream", + "cane syrup", + "powdered sugar", + "ground nutmeg", + "cream cheese", + "ground cinnamon", + "raspberries", + "vanilla extract", + "sugar", + "large eggs", + "champagne" + ] + }, + { + "id": 5769, + "cuisine": "thai", + "ingredients": [ + "sticky rice", + "unsweetened coconut milk", + "salt", + "water" + ] + }, + { + "id": 22808, + "cuisine": "italian", + "ingredients": [ + "milk", + "mushrooms", + "all-purpose flour", + "oregano", + "ketchup", + "olive oil", + "cheese", + "ham", + "sugar", + "active dry yeast", + "butter", + "pepperoni", + "water", + "egg yolks", + "salt", + "sour cream" + ] + }, + { + "id": 12977, + "cuisine": "italian", + "ingredients": [ + "superfine sugar", + "cake flour", + "fruit", + "balsamic vinegar", + "grated lemon zest", + "eggs", + "baking powder", + "salt", + "milk", + "extra-virgin olive oil" + ] + }, + { + "id": 7018, + "cuisine": "chinese", + "ingredients": [ + "honey", + "sesame oil", + "toasted sesame seeds", + "soy sauce", + "broccoli florets", + "scallions", + "asparagus", + "vegetable stock", + "minced ginger", + "boneless skinless chicken breasts", + "garlic cloves" + ] + }, + { + "id": 28338, + "cuisine": "thai", + "ingredients": [ + "sugar pea", + "Sriracha", + "green onions", + "freshly ground pepper", + "onions", + "fish sauce", + "honey", + "broccoli florets", + "garlic", + "baby corn", + "low sodium soy sauce", + "water", + "udon", + "sesame oil", + "red bell pepper", + "brown sugar", + "olive oil", + "mushrooms", + "firm tofu", + "beansprouts" + ] + }, + { + "id": 32860, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "black pepper", + "jalapeno chilies", + "garlic", + "oregano", + "tomatoes", + "corn", + "sea salt", + "purple onion", + "pasta", + "water", + "chili powder", + "avocado oil", + "cumin", + "spinach", + "lime", + "cilantro", + "smoked paprika" + ] + }, + { + "id": 46529, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "vegetable broth", + "arborio rice", + "butter", + "dried parsley", + "grated parmesan cheese", + "onions", + "fennel", + "heavy cream" + ] + }, + { + "id": 49503, + "cuisine": "cajun_creole", + "ingredients": [ + "dry white wine", + "Lea & Perrins Worcestershire Sauce", + "cayenne", + "paprika", + "canola oil", + "salted butter", + "Tabasco Pepper Sauce", + "chopped garlic", + "green onions", + "shrimp" + ] + }, + { + "id": 35816, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "extra-virgin olive oil", + "all purpose unbleached flour", + "sea salt", + "active dry yeast" + ] + }, + { + "id": 33313, + "cuisine": "italian", + "ingredients": [ + "cheese slices", + "French bread loaves", + "ground round", + "garlic cloves", + "pasta sauce", + "italian seasoning", + "chopped onion" + ] + }, + { + "id": 30809, + "cuisine": "russian", + "ingredients": [ + "horseradish", + "sour cream", + "black pepper" + ] + }, + { + "id": 31155, + "cuisine": "french", + "ingredients": [ + "milk", + "butter", + "thyme", + "large eggs", + "garlic", + "bread crumbs", + "grated parmesan cheese", + "all-purpose flour", + "vinegar", + "heavy cream", + "cantal" + ] + }, + { + "id": 7146, + "cuisine": "jamaican", + "ingredients": [ + "orange", + "orange juice", + "fresh cranberries", + "brown sugar", + "cinnamon sticks" + ] + }, + { + "id": 2742, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "chopped fresh sage", + "low salt chicken broth", + "olive oil", + "veal shanks", + "celery", + "kosher salt", + "garlic cloves", + "flat leaf parsley", + "dry white wine", + "carrots", + "onions" + ] + }, + { + "id": 15131, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "hot sauce", + "chopped cilantro fresh", + "green onions", + "corn tortillas", + "olive oil", + "feta cheese crumbles", + "ground cumin", + "slaw mix", + "fresh lime juice" + ] + }, + { + "id": 30150, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "corn starch", + "soy sauce", + "ground pork", + "onions", + "water chestnuts", + "oyster sauce", + "chicken broth", + "large garlic cloves", + "roast red peppers, drain" + ] + }, + { + "id": 6124, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "bacon slices", + "carrots", + "chopped cilantro fresh", + "hominy", + "poblano chilies", + "beer", + "onions", + "pork shoulder butt", + "diced tomatoes", + "ham", + "marjoram", + "ground black pepper", + "large garlic cloves", + "salt", + "low salt chicken broth" + ] + }, + { + "id": 47260, + "cuisine": "korean", + "ingredients": [ + "white vinegar", + "slaw", + "vegetable oil", + "garlic cloves", + "toasted sesame seeds", + "sugar", + "red cabbage", + "salt", + "cooked white rice", + "green cabbage", + "ground black pepper", + "dry red wine", + "carrots", + "canola oil", + "soy sauce", + "sesame oil", + "beef rib short", + "onions" + ] + }, + { + "id": 46934, + "cuisine": "italian", + "ingredients": [ + "swiss chard", + "garlic", + "kosher salt", + "pappardelle", + "black pepper", + "ricotta cheese", + "parmesan cheese", + "extra-virgin olive oil" + ] + }, + { + "id": 12732, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "sugar", + "butter", + "fruit", + "self rising flour" + ] + }, + { + "id": 30819, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "plum tomatoes", + "onions", + "garlic cloves", + "vegetable oil" + ] + }, + { + "id": 21616, + "cuisine": "chinese", + "ingredients": [ + "tofu", + "minced garlic", + "salt", + "corn starch", + "seitan", + "soy sauce", + "sesame oil", + "scallions", + "wood ear mushrooms", + "sugar", + "light soy sauce", + "rice vinegar", + "dumpling skins", + "white pepper", + "vegetable oil", + "carrots", + "cabbage" + ] + }, + { + "id": 33007, + "cuisine": "italian", + "ingredients": [ + "garlic", + "fresh basil leaves", + "small white beans", + "bow-tie pasta", + "extra-virgin olive oil", + "diced tomatoes in juice" + ] + }, + { + "id": 32599, + "cuisine": "italian", + "ingredients": [ + "tomato purée", + "Mexican oregano", + "salt", + "olive oil", + "dry red wine", + "roma tomatoes", + "garlic", + "tomato sauce", + "basil", + "onions" + ] + }, + { + "id": 43372, + "cuisine": "korean", + "ingredients": [ + "low sodium soy sauce", + "sesame seeds", + "rice vinegar", + "water", + "ground red pepper", + "canola oil", + "fresh ginger", + "garlic", + "sliced green onions", + "kosher salt", + "mirin", + "dark sesame oil" + ] + }, + { + "id": 43566, + "cuisine": "indian", + "ingredients": [ + "all-purpose flour", + "nigella seeds", + "oil", + "salt" + ] + }, + { + "id": 8899, + "cuisine": "french", + "ingredients": [ + "butter", + "hazelnuts", + "fresh lemon juice", + "white pepper", + "salt", + "egg yolks" + ] + }, + { + "id": 15351, + "cuisine": "french", + "ingredients": [ + "fresh sage", + "chopped fresh sage", + "shallots", + "sage", + "rosemary sprigs", + "roasting chickens", + "fresh rosemary", + "vinaigrette" + ] + }, + { + "id": 25998, + "cuisine": "southern_us", + "ingredients": [ + "kosher salt", + "lard", + "baking powder", + "unsalted butter", + "White Lily Flour", + "buttermilk" + ] + }, + { + "id": 10874, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "dried fettuccine", + "flat leaf parsley", + "capers", + "coarse salt", + "tuna packed in olive oil", + "gaeta olives", + "extra-virgin olive oil", + "tomato purée", + "ground black pepper", + "anchovy fillets" + ] + }, + { + "id": 47700, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "jumbo pasta shells", + "eggs", + "olive oil", + "ground beef", + "minced garlic", + "cream cheese", + "pasta sauce", + "parsley", + "garlic salt" + ] + }, + { + "id": 31464, + "cuisine": "french", + "ingredients": [ + "ground nutmeg", + "fresh parsley", + "sugar", + "butter", + "turnips", + "ground black pepper", + "water", + "salt" + ] + }, + { + "id": 34052, + "cuisine": "chinese", + "ingredients": [ + "gai lan", + "low sodium chicken broth", + "freshly ground pepper", + "kosher salt", + "crushed red pepper flakes", + "garlic cloves", + "ground chicken", + "vegetable oil", + "scallions", + "reduced sodium soy sauce", + "ginger" + ] + }, + { + "id": 20265, + "cuisine": "mexican", + "ingredients": [ + "water", + "all-purpose flour", + "poblano chiles", + "ground cumin", + "tomatillos", + "freshly ground pepper", + "dried oregano", + "pork tenderloin", + "chopped onion", + "chopped cilantro fresh", + "salt", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 32618, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "tortillas", + "salt", + "tomatoes", + "olive oil", + "chili powder", + "garlic cloves", + "avocado", + "cherry tomatoes", + "poblano peppers", + "tortilla chips", + "fresh spinach", + "ground pepper", + "butter", + "ground beef" + ] + }, + { + "id": 36493, + "cuisine": "french", + "ingredients": [ + "tomato paste", + "olive oil", + "sherry wine vinegar", + "red bell pepper", + "fresh basil", + "ground black pepper", + "salt", + "plum tomatoes", + "fresh rosemary", + "eggplant", + "chopped fresh thyme", + "onions", + "vegetable oil cooking spray", + "zucchini", + "chickpeas", + "chopped garlic" + ] + }, + { + "id": 17213, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "enchilada sauce", + "fresh mushrooms", + "condensed cream of mushroom soup", + "Mexican cheese", + "imitation crab meat" + ] + }, + { + "id": 10062, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "sausages", + "pepper", + "butter", + "refrigerated biscuits", + "milk", + "salt" + ] + }, + { + "id": 900, + "cuisine": "spanish", + "ingredients": [ + "mint", + "large garlic cloves", + "fresh lemon juice", + "manchego cheese", + "linguine", + "tarragon", + "sliced almonds", + "extra-virgin olive oil", + "thyme", + "saffron threads", + "unsalted butter", + "freshly ground pepper", + "flat leaf parsley" + ] + }, + { + "id": 38252, + "cuisine": "thai", + "ingredients": [ + "olive oil", + "curry paste", + "fish sauce", + "skinless chicken breasts", + "coriander", + "sugar", + "chili sauce", + "ginger paste", + "lime juice", + "garlic cloves" + ] + }, + { + "id": 37022, + "cuisine": "mexican", + "ingredients": [ + "lime", + "cilantro", + "taco seasoning", + "black beans", + "minced onion", + "salt", + "avocado", + "tortillas", + "purple onion", + "water", + "tvp", + "salsa" + ] + }, + { + "id": 2258, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "ginger", + "chinese chives", + "bean paste", + "garlic", + "canola oil", + "light soy sauce", + "crosswise", + "black vinegar", + "sesame oil", + "rice", + "japanese eggplants" + ] + }, + { + "id": 20459, + "cuisine": "italian", + "ingredients": [ + "white bread", + "cremini mushrooms", + "large egg yolks", + "finely chopped fresh parsley", + "crushed red pepper", + "garlic cloves", + "penne", + "olive oil", + "tomato juice", + "balsamic vinegar", + "chopped onion", + "plum tomatoes", + "fresh basil", + "sugar", + "fresh parmesan cheese", + "cooking spray", + "salt", + "ground turkey", + "pitted kalamata olives", + "orange bell pepper", + "ground black pepper", + "yellow bell pepper", + "fresh onion", + "dried oregano" + ] + }, + { + "id": 13139, + "cuisine": "indian", + "ingredients": [ + "pepper", + "extra-virgin olive oil", + "black mustard seeds", + "basmati rice", + "tomatoes", + "garam masala", + "soft-boiled egg", + "onions", + "smoked haddock fillet", + "salt", + "bay leaf", + "cumin", + "garlic paste", + "fresh thyme", + "green chilies", + "coriander" + ] + }, + { + "id": 45012, + "cuisine": "greek", + "ingredients": [ + "unsalted butter", + "salt", + "liqueur", + "honey", + "baking powder", + "fresh lemon juice", + "sugar", + "large eggs", + "all-purpose flour", + "sesame seeds", + "anise", + "grated lemon peel" + ] + }, + { + "id": 47737, + "cuisine": "italian", + "ingredients": [ + "butter", + "grated parmesan cheese", + "heavy cream" + ] + }, + { + "id": 1394, + "cuisine": "italian", + "ingredients": [ + "lower sodium chicken broth", + "balsamic vinegar", + "polenta", + "ground black pepper", + "cream cheese, soften", + "kosher salt", + "large garlic cloves", + "fresh rosemary", + "whole milk", + "center cut pork chops" + ] + }, + { + "id": 42377, + "cuisine": "british", + "ingredients": [ + "ground cinnamon", + "vegetable shortening", + "apricot jam", + "turbinado", + "mixed dried fruit", + "ground coriander", + "ground ginger", + "ground nutmeg", + "flour for dusting", + "dough", + "mace", + "cognac" + ] + }, + { + "id": 39851, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "pineapple", + "shrimp", + "ground cumin", + "tumeric", + "roasted red peppers", + "ground coriander", + "fresh lime juice", + "serrano chilies", + "olive oil", + "chopped onion", + "grate lime peel", + "lime", + "green onions", + "garlic cloves", + "toasted sesame seeds" + ] + }, + { + "id": 46705, + "cuisine": "brazilian", + "ingredients": [ + "shredded coconut", + "sweetened condensed milk", + "eggs", + "parmesan cheese", + "milk", + "sugar", + "vanilla" + ] + }, + { + "id": 4065, + "cuisine": "italian", + "ingredients": [ + "romaine lettuce", + "sprinkles", + "fresh oregano", + "cherry tomatoes", + "purple onion", + "cucumber", + "fresh basil", + "olive oil", + "salt", + "pepper", + "white wine vinegar", + "garlic cloves" + ] + }, + { + "id": 27682, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "salt", + "olive oil", + "littleneck clams", + "garlic cloves", + "fettucine", + "diced tomatoes", + "chopped onion", + "low sodium tomato juice", + "crushed red pepper", + "fresh parsley" + ] + }, + { + "id": 26219, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "fresh parsley", + "lemon juice", + "carrots", + "olive oil", + "cumin" + ] + }, + { + "id": 1613, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "vinaigrette dressing", + "lemon", + "boneless chicken breast" + ] + }, + { + "id": 26820, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "bay leaves", + "whole nutmegs", + "coriander seeds", + "cinnamon sticks", + "green cardamom pods", + "whole cloves", + "dried red chile peppers", + "mace", + "cumin seed" + ] + }, + { + "id": 36485, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "extra-virgin olive oil", + "dried oregano", + "fresh cilantro", + "chili powder", + "yellow onion", + "kosher salt", + "chicken breasts", + "hot sauce", + "ground cumin", + "lime", + "yellow bell pepper", + "red bell pepper" + ] + }, + { + "id": 24505, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "pasta shell small", + "fat free less sodium chicken broth", + "Italian turkey sausage", + "baby spinach leaves", + "diced tomatoes", + "parmesan cheese" + ] + }, + { + "id": 36136, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "Mexican oregano", + "garlic", + "ground cumin", + "posole", + "tortillas", + "queso fresco", + "garlic cloves", + "lime", + "chile pepper", + "fine sea salt", + "red chili peppers", + "flour", + "extra-virgin olive oil", + "dried oregano" + ] + }, + { + "id": 29255, + "cuisine": "italian", + "ingredients": [ + "eggs", + "dry bread crumbs", + "sausage links", + "onions", + "milk", + "parmesan cheese" + ] + }, + { + "id": 12047, + "cuisine": "mexican", + "ingredients": [ + "water", + "masa harina" + ] + }, + { + "id": 34341, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "garlic cloves", + "olive oil", + "biscuits", + "freshly ground pepper", + "kosher salt" + ] + }, + { + "id": 38357, + "cuisine": "moroccan", + "ingredients": [ + "pitted date", + "dijon mustard", + "dates", + "cilantro leaves", + "fresh lemon juice", + "ground cinnamon", + "cherry tomatoes", + "mint leaves", + "purple onion", + "ground coriander", + "pepper", + "bell pepper", + "extra-virgin olive oil", + "chickpeas", + "carrots", + "chili flakes", + "fresh ginger", + "sweet potatoes", + "salt", + "shelled pistachios" + ] + }, + { + "id": 39742, + "cuisine": "mexican", + "ingredients": [ + "chicken stock", + "chopped cilantro fresh", + "garlic powder", + "dried black beans", + "cilantro" + ] + }, + { + "id": 41444, + "cuisine": "thai", + "ingredients": [ + "sugar", + "salt", + "asian fish sauce", + "vegetable oil", + "green beans", + "yardlong beans", + "rice flour", + "skinless snapper fillets", + "unsweetened coconut milk", + "Thai red curry paste", + "dried shrimp" + ] + }, + { + "id": 34287, + "cuisine": "southern_us", + "ingredients": [ + "cooked bone in ham", + "golden brown sugar", + "marjoram", + "frozen orange juice concentrate", + "ground black pepper", + "fresh marjoram", + "whole grain dijon mustard", + "Madeira", + "minced garlic", + "orange juice" + ] + }, + { + "id": 41781, + "cuisine": "brazilian", + "ingredients": [ + "unsweetened coconut milk", + "olive oil", + "crushed red pepper flakes", + "garlic cloves", + "black pepper", + "ground red pepper", + "salt", + "shrimp", + "fish fillets", + "bay scallops", + "tomatoes with juice", + "lemon juice", + "white onion", + "cilantro", + "gingerroot", + "red bell pepper" + ] + }, + { + "id": 30269, + "cuisine": "chinese", + "ingredients": [ + "boneless skinless chicken breasts", + "dark brown sugar", + "low sodium soy sauce", + "rice vinegar", + "corn starch", + "vegetable oil", + "garlic cloves", + "water", + "broccoli" + ] + }, + { + "id": 6652, + "cuisine": "southern_us", + "ingredients": [ + "refrigerated biscuits", + "boneless skinless chicken breasts", + "chicken broth" + ] + }, + { + "id": 560, + "cuisine": "mexican", + "ingredients": [ + "corn starch", + "butter", + "shredded cheddar cheese", + "sour cream", + "salsa" + ] + }, + { + "id": 5151, + "cuisine": "southern_us", + "ingredients": [ + "water", + "extra large eggs", + "flour", + "peanut oil", + "seasoning salt", + "salt", + "pepper", + "boneless skinless chicken breasts" + ] + }, + { + "id": 27417, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "white wine vinegar", + "reduced sodium soy sauce", + "chicken wings", + "cucumber" + ] + }, + { + "id": 3961, + "cuisine": "french", + "ingredients": [ + "milk", + "corn kernel whole", + "condensed cheddar cheese soup", + "potatoes", + "cooked ham", + "boiling water" + ] + }, + { + "id": 19760, + "cuisine": "mexican", + "ingredients": [ + "Old El Paso™ taco seasoning mix", + "Old El Paso™ Thick 'n Chunky salsa", + "Pillsbury™ Refrigerated Crescent Dinner Rolls", + "shredded cheddar cheese", + "ground beef" + ] + }, + { + "id": 24285, + "cuisine": "italian", + "ingredients": [ + "butter", + "fresh basil leaves", + "white wine", + "salt", + "tomatoes", + "garlic", + "pepper", + "tilapia" + ] + }, + { + "id": 29533, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "clove garlic, fine chop", + "cooking oil", + "prawns", + "scallions", + "sugar", + "Shaoxing wine" + ] + }, + { + "id": 22062, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "kosher salt", + "fresh ginger", + "hoisin sauce", + "soba noodles", + "extra lean ground beef", + "milk", + "reduced sodium soy sauce", + "red pepper", + "panko breadcrumbs", + "black pepper", + "sweet onion", + "Sriracha", + "hot chili sauce", + "ketchup", + "minced garlic", + "asparagus", + "fat free reduced sodium chicken broth", + "carrots" + ] + }, + { + "id": 5315, + "cuisine": "indian", + "ingredients": [ + "butternut squash", + "chickpeas", + "mild curry paste", + "fat free greek yogurt", + "brown basmati rice", + "tomatoes", + "vegetable stock", + "coriander", + "olive oil", + "purple onion" + ] + }, + { + "id": 13863, + "cuisine": "italian", + "ingredients": [ + "paprika", + "black pepper", + "sauce", + "all-purpose flour", + "olive oil", + "filet" + ] + }, + { + "id": 38566, + "cuisine": "mexican", + "ingredients": [ + "poblano peppers", + "cilantro leaves", + "ground cumin", + "cuban peppers", + "vegetable oil", + "pork shoulder", + "chicken stock", + "jalapeno chilies", + "garlic cloves", + "kosher salt", + "tomatillos", + "onions" + ] + }, + { + "id": 10357, + "cuisine": "irish", + "ingredients": [ + "kosher salt", + "russet potatoes", + "onions", + "unsalted butter", + "scallions", + "ground black pepper", + "bacon", + "green cabbage", + "whole milk", + "flat leaf parsley" + ] + }, + { + "id": 32404, + "cuisine": "greek", + "ingredients": [ + "crumbled goat cheese", + "extra fine granulated sugar", + "purple onion", + "olive oil", + "sliced kalamata olives", + "lemon juice", + "cherry tomatoes", + "apple cider vinegar", + "english cucumber", + "romaine lettuce", + "ground black pepper", + "lemon" + ] + }, + { + "id": 46678, + "cuisine": "irish", + "ingredients": [ + "milk", + "cabbage", + "bacon", + "potatoes", + "knorr leek recip mix", + "I Can't Believe It's Not Butter!® Spread" + ] + }, + { + "id": 40187, + "cuisine": "mexican", + "ingredients": [ + "chicken bouillon", + "garlic", + "ground cumin", + "potatoes", + "lentils", + "water", + "nopales", + "tomatoes", + "extra-virgin olive oil", + "onions" + ] + }, + { + "id": 29300, + "cuisine": "russian", + "ingredients": [ + "powdered sugar", + "milk", + "butter", + "saffron", + "vanilla beans", + "large eggs", + "lemon juice", + "candied orange peel", + "active dry yeast", + "salt", + "vodka", + "granulated sugar", + "all-purpose flour" + ] + }, + { + "id": 19962, + "cuisine": "italian", + "ingredients": [ + "frozen spinach", + "fresh basil", + "yellow squash", + "zucchini", + "bay leaves", + "red wine vinegar", + "chees fresh mozzarella", + "shredded mozzarella cheese", + "fresh parsley", + "nutmeg", + "white wine", + "eggplant", + "fresh thyme", + "onion powder", + "crushed red pepper flakes", + "salt", + "carrots", + "dried oregano", + "fresh rosemary", + "kosher salt", + "garlic powder", + "grated parmesan cheese", + "ricotta cheese", + "cracked black pepper", + "yellow onion", + "chopped parsley", + "tomato paste", + "black pepper", + "olive oil", + "whole peeled tomatoes", + "crimini mushrooms", + "paprika", + "extra-virgin olive oil", + "garlic cloves", + "oregano" + ] + }, + { + "id": 23421, + "cuisine": "greek", + "ingredients": [ + "pinenuts", + "large eggs", + "feta cheese crumbles", + "frozen chopped spinach", + "unsalted butter", + "dry bread crumbs", + "olive oil", + "phyllo", + "onions", + "freshly grated parmesan", + "salt" + ] + }, + { + "id": 1931, + "cuisine": "british", + "ingredients": [ + "ground ginger", + "golden syrup", + "butter", + "white sugar", + "all-purpose flour", + "baking powder", + "confectioners sugar" + ] + }, + { + "id": 48901, + "cuisine": "southern_us", + "ingredients": [ + "mustard", + "cider vinegar", + "peaches", + "worcestershire sauce", + "ketchup", + "honey", + "bourbon whiskey", + "hot sauce", + "brown sugar", + "sweet onion", + "pork tenderloin", + "garlic", + "molasses", + "cayenne", + "butter" + ] + }, + { + "id": 33696, + "cuisine": "thai", + "ingredients": [ + "whole wheat flour", + "green onions", + "rice vinegar", + "water", + "large eggs", + "boneless skinless chicken", + "chili flakes", + "garlic powder", + "salt", + "corn starch", + "milk", + "cooking spray", + "maple syrup" + ] + }, + { + "id": 4472, + "cuisine": "italian", + "ingredients": [ + "pepper", + "eggplant", + "green onions", + "cauliflower florets", + "olive oil cooking spray", + "cottage cheese", + "cherry tomatoes", + "zucchini", + "butter", + "dry bread crumbs", + "salmon", + "olive oil", + "grated parmesan cheese", + "sea salt", + "fresh mushrooms", + "fresh spinach", + "dried basil", + "finely chopped fresh parsley", + "ricotta cheese", + "garlic", + "pasta sheets" + ] + }, + { + "id": 31358, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "diced tomatoes", + "chopped cilantro", + "lime wedges", + "boneless pork loin", + "ground cumin", + "white hominy", + "garlic", + "onions", + "avocado", + "green enchilada sauce", + "baked tortilla chips" + ] + }, + { + "id": 15795, + "cuisine": "mexican", + "ingredients": [ + "lemon juice", + "chile de arbol", + "fruit", + "salt" + ] + }, + { + "id": 32282, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sesame oil", + "oil", + "onions", + "tortillas", + "Gochujang base", + "bird chile", + "minced ginger", + "garlic", + "kimchi", + "green onions", + "shredded cheese", + "ground beef" + ] + }, + { + "id": 28219, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "green onions", + "corn tortillas", + "whitefish fillets", + "olive oil", + "salt", + "tomatoes", + "lime", + "lime wedges", + "pepper", + "egg yolks", + "creole seasoning" + ] + }, + { + "id": 22701, + "cuisine": "mexican", + "ingredients": [ + "tomatillos", + "chipotle chile", + "garlic", + "kosher salt" + ] + }, + { + "id": 27790, + "cuisine": "italian", + "ingredients": [ + "salt", + "olive oil", + "fresh mushrooms", + "fresh basil", + "penne pasta", + "diced tomatoes", + "feta cheese crumbles" + ] + }, + { + "id": 49159, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "ground black pepper", + "garlic", + "lemon juice", + "clove", + "fresh curry leaves", + "chile pepper", + "chopped onion", + "cinnamon sticks", + "coconut oil", + "bay leaves", + "salt", + "mustard seeds", + "fennel seeds", + "fresh ginger root", + "beef tenderloin", + "cardamom pods", + "ground turmeric" + ] + }, + { + "id": 45634, + "cuisine": "vietnamese", + "ingredients": [ + "fresh ginger", + "star anise", + "asian fish sauce", + "black peppercorns", + "boneless beef sirloin steak", + "onions", + "cold water", + "beef shank", + "salt", + "clove", + "rice noodles", + "cinnamon sticks" + ] + }, + { + "id": 11554, + "cuisine": "greek", + "ingredients": [ + "romaine lettuce", + "cucumber", + "tomatoes", + "purple onion", + "spinach", + "feta cheese crumbles", + "pitted kalamata olives", + "salad dressing" + ] + }, + { + "id": 20661, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "salt", + "pancetta", + "leeks", + "garlic cloves", + "fresh rosemary", + "baking potatoes", + "fat free less sodium chicken broth", + "and fat free half half" + ] + }, + { + "id": 10832, + "cuisine": "thai", + "ingredients": [ + "palm sugar", + "kosher salt", + "garlic", + "white vinegar", + "jalapeno chilies", + "water" + ] + }, + { + "id": 23613, + "cuisine": "greek", + "ingredients": [ + "white pepper", + "salt", + "garlic", + "cucumber", + "fresh dill", + "white wine vinegar", + "sour cream", + "olive oil", + "greek style plain yogurt" + ] + }, + { + "id": 23533, + "cuisine": "mexican", + "ingredients": [ + "chicken bouillon granules", + "chopped cilantro fresh", + "salt", + "water", + "long grain white rice", + "fresh lime juice" + ] + }, + { + "id": 43025, + "cuisine": "mexican", + "ingredients": [ + "part-skim mozzarella", + "olive oil", + "cooked chicken breasts", + "kosher salt", + "onions", + "ground cumin", + "cheddar cheese", + "poblano peppers", + "dried oregano", + "tomatoes", + "minced garlic", + "chopped cilantro fresh" + ] + }, + { + "id": 9977, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "yellow onion", + "ground cumin", + "green chile", + "diced tomatoes", + "pinto beans", + "coarse salt", + "garlic cloves", + "kidney beans", + "extra-virgin olive oil", + "poblano chiles" + ] + }, + { + "id": 48660, + "cuisine": "italian", + "ingredients": [ + "eggs", + "pepper", + "parmesan cheese", + "salt", + "italian seasoning", + "fennel seeds", + "sugar", + "crushed tomatoes", + "ricotta cheese", + "ground beef", + "tomato sauce", + "water", + "lasagna noodles", + "sweet italian sausage", + "tomato paste", + "mozzarella cheese", + "dried basil", + "garlic", + "onions" + ] + }, + { + "id": 36665, + "cuisine": "korean", + "ingredients": [ + "sugar", + "rice cakes", + "onions", + "gochugaru", + "garlic cloves", + "water", + "scallions", + "canola oil", + "fishcake", + "Gochujang base", + "cabbage" + ] + }, + { + "id": 45121, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "monterey jack", + "water", + "corn tortillas", + "extra lean ground beef", + "ragu cheesi classic alfredo sauc", + "Country Crock® Spread", + "fresh cilantro", + "chipotles in adobo" + ] + }, + { + "id": 13597, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "Gochujang base", + "sesame seeds", + "ginger", + "soba", + "water", + "napa cabbage", + "scallions", + "brown sugar", + "fresh shiitake mushrooms", + "edamame", + "chopped garlic" + ] + }, + { + "id": 16389, + "cuisine": "french", + "ingredients": [ + "clove", + "beurre manié", + "carp", + "eel", + "garlic", + "bay leaf", + "pike", + "red wine", + "croutons", + "parsley", + "salt", + "onions" + ] + }, + { + "id": 19431, + "cuisine": "cajun_creole", + "ingredients": [ + "catfish fillets", + "butter", + "riesling", + "garlic cloves", + "shallots", + "cooking spray", + "creole seasoning" + ] + }, + { + "id": 42829, + "cuisine": "mexican", + "ingredients": [ + "fresh shiitake mushrooms", + "grated jack cheese", + "dried oregano", + "finely chopped onion", + "butter", + "corn tortillas", + "cooked chicken", + "button mushrooms", + "chopped cilantro fresh", + "olive oil", + "chili powder", + "garlic cloves" + ] + }, + { + "id": 11157, + "cuisine": "indian", + "ingredients": [ + "sugar", + "cilantro", + "salt", + "onions", + "fenugreek leaves", + "whole peeled tomatoes", + "garlic", + "green chilies", + "ground cumin", + "garam masala", + "ginger", + "fenugreek seeds", + "cashew nuts", + "red chili powder", + "butter", + "paneer", + "oil" + ] + }, + { + "id": 8568, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "ranch dressing", + "ground ginger", + "soy sauce", + "garlic salt", + "celery stick", + "pineapple juice", + "chicken wings", + "pepper" + ] + }, + { + "id": 25402, + "cuisine": "mexican", + "ingredients": [ + "vanilla beans", + "mexican chocolate", + "whole milk", + "unsweetened chocolate", + "sugar", + "heavy cream", + "cinnamon sticks", + "egg yolks", + "salt" + ] + }, + { + "id": 4532, + "cuisine": "mexican", + "ingredients": [ + "cilantro", + "onions", + "sesame seeds", + "mole sauce", + "chicken broth", + "sour cream", + "chicken", + "queso fresco", + "corn tortillas" + ] + }, + { + "id": 48293, + "cuisine": "chinese", + "ingredients": [ + "black pepper", + "hot sauce", + "white vinegar", + "garlic powder", + "soy sauce", + "sesame oil", + "honey", + "peanut butter" + ] + }, + { + "id": 15636, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken breasts", + "garlic cloves", + "pimentos", + "reduced fat provolone cheese", + "kaiser rolls", + "extra-virgin olive oil", + "giardiniera", + "genoa salami", + "red wine vinegar", + "ham" + ] + }, + { + "id": 25256, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "rice", + "cilantro", + "pepper", + "chicken", + "salt" + ] + }, + { + "id": 9464, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "cayenne pepper", + "dried thyme", + "paprika", + "onion powder", + "dried oregano", + "garlic powder", + "salt" + ] + }, + { + "id": 1687, + "cuisine": "irish", + "ingredients": [ + "cream", + "crème de menthe", + "brandy" + ] + }, + { + "id": 36049, + "cuisine": "greek", + "ingredients": [ + "ground cinnamon", + "ground black pepper", + "bay leaves", + "extra-virgin olive oil", + "ground cayenne pepper", + "water", + "grated parmesan cheese", + "coarse salt", + "freshly ground pepper", + "white onion", + "unsalted butter", + "baking powder", + "all-purpose flour", + "ground lamb", + "tomato paste", + "ground nutmeg", + "whole milk", + "dry red wine", + "elbow macaroni" + ] + }, + { + "id": 43389, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "romaine lettuce", + "goat", + "guajillo", + "chopped cilantro", + "black peppercorns", + "radishes", + "queso fresco", + "corn tortillas", + "tomatoes", + "salsa verde", + "lime wedges", + "ancho chile pepper", + "clove", + "white onion", + "bay leaves", + "garlic cloves", + "dried oregano" + ] + }, + { + "id": 30435, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "hellmann' or best food real mayonnais", + "flour tortillas", + "garlic", + "onions", + "ground black pepper", + "shredded monterey jack cheese", + "sliced mushrooms", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 30167, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "hot sauce", + "sharp cheddar cheese", + "worcestershire sauce", + "cream cheese", + "pimentos", + "cayenne pepper", + "salt", + "grated jack cheese" + ] + }, + { + "id": 9439, + "cuisine": "french", + "ingredients": [ + "broccolini", + "camembert", + "baked ham", + "large egg yolks", + "heavy cream" + ] + }, + { + "id": 40896, + "cuisine": "korean", + "ingredients": [ + "baby bok choy", + "sesame seeds", + "sesame oil", + "basmati rice", + "eggs", + "strip steaks", + "miso paste", + "chili paste with garlic", + "soy sauce", + "shiitake", + "vegetable oil", + "spinach", + "beans", + "zucchini", + "carrots" + ] + }, + { + "id": 22133, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "sugar", + "salt", + "large egg yolks", + "grated orange peel", + "all purpose unbleached flour" + ] + }, + { + "id": 49248, + "cuisine": "vietnamese", + "ingredients": [ + "egg roll wrappers", + "garlic", + "pork", + "sesame oil", + "chopped cilantro fresh", + "green onions", + "shrimp", + "fresh ginger", + "vegetable oil", + "glass noodles" + ] + }, + { + "id": 8142, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "large shrimp", + "salt and ground black pepper", + "cumin", + "flour tortillas", + "lime", + "mixed greens" + ] + }, + { + "id": 30333, + "cuisine": "mexican", + "ingredients": [ + "flour", + "oil", + "salt", + "plain flour" + ] + }, + { + "id": 13958, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "rice vinegar", + "ground ginger", + "honey", + "garlic cloves", + "soy sauce", + "chinese five-spice powder", + "fish sauce", + "hoisin sauce", + "pork butt roast" + ] + }, + { + "id": 389, + "cuisine": "french", + "ingredients": [ + "yellow mustard seeds", + "fingerling potatoes", + "fresh lemon juice", + "dried oregano", + "chicken stock", + "unsalted butter", + "crème fraîche", + "green beans", + "cauliflower", + "coriander seeds", + "salt", + "carrots", + "black peppercorns", + "boneless chicken breast", + "freshly ground pepper", + "tarragon" + ] + }, + { + "id": 9254, + "cuisine": "irish", + "ingredients": [ + "stout", + "green cabbage", + "carrots", + "beer", + "beef brisket" + ] + }, + { + "id": 8597, + "cuisine": "indian", + "ingredients": [ + "yoghurt", + "milk", + "cardamom pods", + "cinnamon", + "honey", + "mango" + ] + }, + { + "id": 1228, + "cuisine": "vietnamese", + "ingredients": [ + "boneless chicken thighs", + "chiles", + "vegetable oil", + "sugar", + "garlic", + "fish sauce", + "lemongrass" + ] + }, + { + "id": 45853, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "whole chicken", + "cider vinegar", + "salt", + "crushed red pepper", + "pepper", + "dark brown sugar" + ] + }, + { + "id": 34047, + "cuisine": "spanish", + "ingredients": [ + "triple sec", + "orange juice", + "sugar", + "lemon", + "clove", + "satsuma orange", + "cinnamon sticks", + "lime", + "red wine" + ] + }, + { + "id": 47662, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "parsley leaves", + "lemon juice", + "dijon mustard", + "garlic", + "large shrimp", + "ground black pepper", + "anchovy paste", + "spaghetti", + "capers", + "zucchini", + "salt" + ] + }, + { + "id": 24455, + "cuisine": "italian", + "ingredients": [ + "shiitake", + "extra-virgin olive oil", + "bread", + "dry white wine", + "chorizo sausage", + "red vermouth", + "purple onion", + "tomato sauce", + "littleneck clams" + ] + }, + { + "id": 20256, + "cuisine": "japanese", + "ingredients": [ + "fresh coriander", + "egg whites", + "salt", + "carrots", + "fresh lime juice", + "large egg yolks", + "ice water", + "gingerroot", + "corn starch", + "honey", + "vegetable oil", + "all-purpose flour", + "shrimp", + "toasted nori", + "soy sauce", + "ground black pepper", + "heavy cream", + "scallions", + "red bell pepper" + ] + }, + { + "id": 17685, + "cuisine": "cajun_creole", + "ingredients": [ + "mayonaise", + "dijon mustard", + "chopped celery", + "fresh lemon juice", + "capers", + "prepared horseradish", + "paprika", + "garlic cloves", + "ketchup", + "green onions", + "salt", + "fresh parsley", + "cider vinegar", + "worcestershire sauce", + "hot sauce" + ] + }, + { + "id": 16686, + "cuisine": "southern_us", + "ingredients": [ + "instant espresso powder", + "heavy cream", + "all-purpose flour", + "light brown sugar", + "coffee", + "Dutch-processed cocoa powder", + "sugar", + "baking powder", + "salt", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 41351, + "cuisine": "japanese", + "ingredients": [ + "salmon fillets", + "fresh lemon", + "japanese eggplants", + "miso paste", + "chives", + "sugar", + "peeled fresh ginger", + "sake", + "mirin", + "canola oil" + ] + }, + { + "id": 10397, + "cuisine": "thai", + "ingredients": [ + "minced garlic", + "sweet potatoes or yams", + "coconut milk", + "diced onions", + "roasted red peppers", + "ground coriander", + "olive oil", + "salt", + "ground cumin", + "crab", + "Thai red curry paste", + "fat skimmed chicken broth" + ] + }, + { + "id": 22334, + "cuisine": "italian", + "ingredients": [ + "sugar", + "all-purpose flour", + "large eggs", + "hot fudge topping", + "butter", + "coffee ice cream" + ] + }, + { + "id": 44167, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "lime juice", + "slaw mix", + "taco shells", + "olive oil", + "white sugar", + "lime zest", + "tilapia fillets", + "jalapeno chilies", + "chopped cilantro fresh", + "plain yogurt", + "taco seasoning mix", + "salt" + ] + }, + { + "id": 38422, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "sage leaves", + "provolone cheese", + "extra-virgin olive oil", + "prosciutto", + "skirt steak" + ] + }, + { + "id": 9894, + "cuisine": "italian", + "ingredients": [ + "fettucine", + "crushed tomatoes", + "anchovy fillets", + "pitted kalamata olives", + "grated parmesan cheese", + "fresh parsley", + "capers", + "olive oil", + "garlic cloves", + "water", + "crushed red pepper" + ] + }, + { + "id": 31243, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "diced tomatoes", + "curry paste", + "jalapeno chilies", + "cilantro leaves", + "fresh ginger", + "salt", + "onions", + "black pepper", + "boneless skinless chicken breasts", + "coconut milk" + ] + }, + { + "id": 25462, + "cuisine": "filipino", + "ingredients": [ + "beef shank", + "green beans", + "water", + "green onions", + "peppercorns", + "fish sauce", + "potatoes", + "onions", + "beef tendons", + "salt", + "cabbage" + ] + }, + { + "id": 26932, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "non-fat sour cream", + "flour tortillas", + "roasted red peppers", + "fresh basil leaves", + "sun-dried tomatoes", + "salami" + ] + }, + { + "id": 48267, + "cuisine": "chinese", + "ingredients": [ + "water", + "shiitake", + "serrano peppers", + "red pepper", + "soy sauce", + "lime", + "hoisin sauce", + "green onions", + "chopped cilantro", + "tomato sauce", + "minced ginger", + "peanuts", + "chinese noodles", + "carrots", + "minced garlic", + "light soy sauce", + "pork tenderloin", + "sesame oil" + ] + }, + { + "id": 4318, + "cuisine": "cajun_creole", + "ingredients": [ + "melted butter", + "instant yeast", + "water", + "all purpose unbleached flour", + "sugar", + "large eggs", + "dough", + "milk", + "salt" + ] + }, + { + "id": 37367, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "ground black pepper", + "red pepper flakes", + "warm water", + "minced garlic", + "grated parmesan cheese", + "sausages", + "table salt", + "mozzarella cheese", + "instant yeast", + "extra-virgin olive oil", + "fresh oregano leaves", + "large egg yolks", + "whole milk ricotta cheese", + "bread flour" + ] + }, + { + "id": 28702, + "cuisine": "french", + "ingredients": [ + "heavy cream", + "large egg yolks", + "turbinado", + "vanilla", + "lemon" + ] + }, + { + "id": 32906, + "cuisine": "indian", + "ingredients": [ + "red kidney beans", + "black pepper", + "bay leaves", + "salt", + "chopped cilantro", + "tumeric", + "garam masala", + "heavy cream", + "cumin seed", + "canola oil", + "tomato paste", + "fresh ginger", + "butter", + "yellow onion", + "dhal", + "sugar", + "cayenne", + "garlic", + "chillies" + ] + }, + { + "id": 44304, + "cuisine": "italian", + "ingredients": [ + "lean ground beef", + "black olives", + "sliced mushrooms", + "shredded cheddar cheese", + "condensed cream of mushroom soup", + "chopped onion", + "dried oregano", + "fettuccine pasta", + "butter", + "beef broth", + "red bell pepper", + "grated parmesan cheese", + "diced tomatoes", + "shredded mozzarella cheese" + ] + }, + { + "id": 2269, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "corn", + "guacamole", + "salt", + "garlic cloves", + "kosher salt", + "quinoa", + "vegetable broth", + "tortilla chips", + "chopped cilantro fresh", + "black beans", + "lime", + "diced tomatoes", + "salsa", + "sour cream", + "pepper", + "jalapeno chilies", + "garlic", + "shredded cheese" + ] + }, + { + "id": 43306, + "cuisine": "southern_us", + "ingredients": [ + "refrigerated piecrusts", + "sugar", + "I Can't Believe It's Not Butter!® Spread", + "chop fine pecan", + "vanilla extract", + "eggs", + "light corn syrup" + ] + }, + { + "id": 1261, + "cuisine": "greek", + "ingredients": [ + "green onions", + "dried parsley", + "pepper", + "lemon", + "spinach", + "red wine vinegar", + "dried oregano", + "potatoes", + "salt" + ] + }, + { + "id": 41225, + "cuisine": "italian", + "ingredients": [ + "bell pepper", + "tomato paste", + "diced tomatoes", + "cooked meatballs" + ] + }, + { + "id": 22175, + "cuisine": "japanese", + "ingredients": [ + "spinach", + "water", + "vegetable oil", + "sugar", + "mirin", + "sake", + "dashi", + "corn starch", + "soy sauce", + "large eggs" + ] + }, + { + "id": 5586, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "green onions", + "carrots", + "sugar", + "quinoa", + "garlic", + "fresh mint", + "fish sauce", + "lime", + "shredded lettuce", + "cucumber", + "pepper", + "Sriracha", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 13929, + "cuisine": "italian", + "ingredients": [ + "fresh tomatoes", + "parmesan cheese", + "pizza doughs", + "dried thyme", + "sea salt", + "mozzarella cheese", + "ground black pepper", + "bay leaf", + "fresh basil", + "olive oil", + "garlic" + ] + }, + { + "id": 25661, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "garlic", + "spaghetti", + "blue crabs", + "bay leaves", + "sauce", + "pepper", + "lemon", + "onions", + "tomatoes", + "bell pepper", + "salt" + ] + }, + { + "id": 24205, + "cuisine": "italian", + "ingredients": [ + "celery ribs", + "chicken breasts", + "water", + "onions", + "romano cheese", + "tomatoes with juice", + "vermicelli", + "chicken" + ] + }, + { + "id": 7906, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "dipping sauces", + "hot sauce", + "dumplings", + "vegetable oil", + "salt", + "scallions", + "ground beef", + "sesame seeds", + "garlic", + "firm tofu", + "toasted sesame oil", + "soy sauce", + "red pepper flakes", + "rice vinegar", + "carrots" + ] + }, + { + "id": 20806, + "cuisine": "filipino", + "ingredients": [ + "ketchup", + "green onions", + "sugar", + "vinegar", + "carrots", + "celery ribs", + "water", + "ground pork", + "soy sauce", + "pastry dough" + ] + }, + { + "id": 3752, + "cuisine": "french", + "ingredients": [ + "fish fillets", + "olive oil", + "leeks", + "large garlic cloves", + "plum tomatoes", + "tomato paste", + "dried thyme", + "dijon mustard", + "red wine vinegar", + "fresh parsley", + "chicken stock", + "baguette", + "fennel bulb", + "shallots", + "carrots", + "saffron threads", + "mayonaise", + "hot pepper sauce", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 22679, + "cuisine": "korean", + "ingredients": [ + "olive oil", + "scallions", + "eggs", + "sesame oil", + "kimchi", + "ground black pepper", + "shredded nori", + "soy sauce", + "rice" + ] + }, + { + "id": 34840, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "baking powder", + "bittersweet chocolate", + "brown sugar", + "dried cherry", + "salt", + "port wine", + "instant espresso powder", + "vanilla extract", + "unsweetened cocoa powder", + "hazelnuts", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 43180, + "cuisine": "indian", + "ingredients": [ + "garlic", + "green chilies", + "ghee", + "masoor dal", + "yellow onion", + "cumin seed", + "tumeric", + "salt", + "ground coriander", + "ground cumin", + "ginger", + "cayenne pepper", + "black mustard seeds" + ] + }, + { + "id": 17922, + "cuisine": "southern_us", + "ingredients": [ + "chili powder", + "ham hock", + "water", + "salt", + "garlic", + "onions", + "ground black pepper", + "pinto beans" + ] + }, + { + "id": 22039, + "cuisine": "chinese", + "ingredients": [ + "lettuce", + "chicken breasts", + "sesame paste", + "soy sauce", + "sesame oil", + "cucumber", + "sugar", + "szechwan peppercorns", + "carrots", + "green onions", + "chili oil", + "black rice vinegar" + ] + }, + { + "id": 10542, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "diced tomatoes", + "onions", + "green bell pepper", + "cajun seasoning", + "red bell pepper", + "olive oil", + "hot sauce", + "frozen cod fillets", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 47959, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "butter", + "lime juice", + "corn kernel whole", + "cotija", + "cilantro", + "ground red pepper" + ] + }, + { + "id": 41288, + "cuisine": "indian", + "ingredients": [ + "jalapeno chilies", + "gingerroot", + "curry powder", + "salt", + "water", + "sweetened coconut flakes", + "garlic cloves", + "lime juice", + "cilantro leaves" + ] + }, + { + "id": 34232, + "cuisine": "korean", + "ingredients": [ + "sesame seeds", + "rice vinegar", + "chile powder", + "sesame oil", + "green onions", + "soybean sprouts", + "soy sauce", + "garlic" + ] + }, + { + "id": 46618, + "cuisine": "indian", + "ingredients": [ + "green cardamom pods", + "tumeric", + "cinnamon", + "salt", + "full-fat plain yogurt", + "tomatoes", + "coriander seeds", + "ginger", + "cumin seed", + "clove", + "water", + "paprika", + "yellow onion", + "black peppercorns", + "sesame oil", + "lamb shoulder", + "garlic cloves" + ] + }, + { + "id": 12321, + "cuisine": "russian", + "ingredients": [ + "fresh dill", + "kidney beans", + "mushrooms", + "lemon", + "cayenne pepper", + "garlic cloves", + "fresh cilantro", + "unsalted butter", + "butter", + "plums", + "scallions", + "smoked & dried fish", + "pepper", + "feta cheese", + "red wine vinegar", + "black olives", + "dark brown sugar", + "sour cream", + "olive oil", + "hard-boiled egg", + "creamed horseradish", + "salt", + "pitted prunes" + ] + }, + { + "id": 26213, + "cuisine": "indian", + "ingredients": [ + "cooked rice", + "coriander seeds", + "serrano", + "cauliflower", + "kosher salt", + "diced tomatoes", + "chopped cilantro", + "neutral oil", + "lime", + "ginger", + "tumeric", + "cayenne", + "cumin seed" + ] + }, + { + "id": 4698, + "cuisine": "chinese", + "ingredients": [ + "wonton wrappers", + "oil", + "water chestnuts, drained and chopped", + "crabmeat", + "paprika", + "garlic powder", + "cream cheese" + ] + }, + { + "id": 32297, + "cuisine": "southern_us", + "ingredients": [ + "coarse salt", + "collard greens", + "hot sauce", + "white wine vinegar", + "ground pepper", + "smoked ham hocks" + ] + }, + { + "id": 38777, + "cuisine": "mexican", + "ingredients": [ + "evaporated milk", + "corn starch", + "hot sauce", + "salt", + "sharp cheddar cheese" + ] + }, + { + "id": 27296, + "cuisine": "italian", + "ingredients": [ + "sunchokes", + "large garlic cloves", + "anchovy fillets", + "vegetable oil", + "crushed red pepper", + "fresh lemon juice", + "unsalted butter", + "extra-virgin olive oil", + "freshly ground pepper", + "lemon", + "salt", + "chopped parsley" + ] + }, + { + "id": 19360, + "cuisine": "chinese", + "ingredients": [ + "low sodium soy sauce", + "kosher salt", + "mint sprigs", + "chopped onion", + "red bell pepper", + "five-spice powder", + "butter lettuce", + "green onions", + "rice vinegar", + "garlic cloves", + "chopped fresh mint", + "fat free less sodium chicken broth", + "turkey", + "hot chili sauce", + "oyster sauce", + "chopped cilantro fresh", + "fresh basil", + "shiitake", + "rice vermicelli", + "dark sesame oil", + "fresh lime juice" + ] + }, + { + "id": 40700, + "cuisine": "british", + "ingredients": [ + "kosher salt", + "egg yolks", + "mustard powder", + "sourdough bread", + "crème fraîche", + "ground black pepper", + "jam", + "shredded cheddar cheese", + "worcestershire sauce" + ] + }, + { + "id": 20144, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "refrigerated pizza dough", + "spinach", + "grated parmesan cheese", + "ricotta", + "olive oil", + "salami", + "black pepper", + "marinara sauce" + ] + }, + { + "id": 7157, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "olive oil", + "grated parmesan cheese", + "linguine", + "chopped cilantro fresh", + "cherry tomatoes", + "zucchini", + "heavy cream", + "boneless skinless chicken breast halves", + "lime juice", + "ground black pepper", + "butter", + "salt", + "white wine", + "garlic powder", + "green onions", + "garlic", + "ground cumin" + ] + }, + { + "id": 46887, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "hot water", + "dried porcini mushrooms", + "chopped fresh chives", + "brandy", + "sea scallops", + "bread crumbs", + "large garlic cloves" + ] + }, + { + "id": 35821, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "water", + "vegetable oil", + "sliced green onions", + "cold water", + "soy sauce", + "baking soda", + "rice", + "sugar", + "sesame seeds", + "rice vinegar", + "ground ginger", + "minced garlic", + "beef", + "corn starch" + ] + }, + { + "id": 41338, + "cuisine": "japanese", + "ingredients": [ + "mirin", + "sugar", + "white miso", + "sake" + ] + }, + { + "id": 28964, + "cuisine": "mexican", + "ingredients": [ + "low-fat plain yogurt", + "ground black pepper", + "green onions", + "cooked chicken breasts", + "reduced fat sharp cheddar cheese", + "flour tortillas", + "chopped onion", + "green chile", + "Mexican cheese blend", + "butter", + "canola oil", + "minced garlic", + "cooking spray", + "condensed reduced fat reduced sodium cream of chicken soup" + ] + }, + { + "id": 37190, + "cuisine": "indian", + "ingredients": [ + "powdered milk", + "ground cardamom", + "whole milk", + "pistachios", + "condensed milk" + ] + }, + { + "id": 33053, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "basil", + "fresh basil", + "fusilli", + "garlic cloves", + "tomatoes", + "fresh parmesan cheese", + "salt", + "dried thyme", + "extra-virgin olive oil" + ] + }, + { + "id": 25062, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "peanuts", + "sesame oil", + "corn starch", + "chicken stock", + "large egg whites", + "Shaoxing wine", + "peanut oil", + "minced garlic", + "reduced sodium soy sauce", + "salt", + "black rice vinegar", + "sugar", + "fresh ginger", + "boneless skinless chicken breasts", + "scallions" + ] + }, + { + "id": 16642, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "cilantro", + "onions", + "chicken stock", + "boneless skinless chicken breasts", + "ground cayenne pepper", + "ground cumin", + "Anaheim chile", + "white beans", + "oregano", + "great northern beans", + "vegetable oil", + "chicken base" + ] + }, + { + "id": 22424, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "corn tortillas", + "cheddar cheese", + "corn oil", + "tomatoes", + "guacamole", + "fresh cilantro", + "sour cream" + ] + }, + { + "id": 26475, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "garlic powder", + "paprika", + "long-grain rice", + "ground cumin", + "tomato purée", + "lime", + "chicken thigh fillets", + "cayenne pepper", + "onions", + "chicken stock", + "lime juice", + "jalapeno chilies", + "salt", + "garlic cloves", + "black pepper", + "olive oil", + "red capsicum", + "frozen corn kernels", + "coriander" + ] + }, + { + "id": 41567, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "chili powder", + "mustard seeds", + "coconut", + "salt", + "water", + "ginger", + "pearl onions", + "oil" + ] + }, + { + "id": 48338, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "dried sage", + "onions", + "shortening", + "chopped celery", + "eggs", + "butter", + "cornbread", + "pepper", + "salt" + ] + }, + { + "id": 48319, + "cuisine": "russian", + "ingredients": [ + "active dry yeast", + "salt", + "warm water", + "butter", + "white sugar", + "eggs", + "vegetable oil", + "all-purpose flour", + "milk", + "raisins" + ] + }, + { + "id": 13565, + "cuisine": "southern_us", + "ingredients": [ + "tasso", + "garlic cloves", + "water", + "onions", + "celery ribs", + "bay leaves", + "smoked ham hocks", + "great northern beans", + "red bell pepper" + ] + }, + { + "id": 39731, + "cuisine": "british", + "ingredients": [ + "milk", + "banger", + "eggs", + "vegetable oil", + "melted butter", + "ground black pepper", + "kosher salt", + "all-purpose flour" + ] + }, + { + "id": 4036, + "cuisine": "chinese", + "ingredients": [ + "mustard greens", + "sugar", + "garlic cloves", + "chiles", + "salt", + "vegetable oil" + ] + }, + { + "id": 41993, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "part-skim mozzarella cheese", + "dry red wine", + "garlic cloves", + "dried basil", + "cooking spray", + "salt", + "dried oregano", + "penne", + "ground black pepper", + "crushed red pepper", + "onions", + "olive oil", + "diced tomatoes", + "Italian turkey sausage" + ] + }, + { + "id": 28410, + "cuisine": "southern_us", + "ingredients": [ + "powdered sugar", + "baking soda", + "butter", + "corn starch", + "maple extract", + "flour", + "salt", + "pumpkin pie spice", + "brown sugar", + "mini marshmallows", + "vanilla extract", + "chopped pecans", + "eggs", + "buttercream frosting", + "sweet potatoes", + "crushed pineapple" + ] + }, + { + "id": 31286, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "eggs", + "baking potatoes", + "mayonaise", + "spicy brown mustard", + "celery ribs", + "sweet onion" + ] + }, + { + "id": 43120, + "cuisine": "italian", + "ingredients": [ + "boneless chicken breast", + "smoked gouda", + "pizza crust", + "vegetable oil", + "barbecue sauce", + "chopped cilantro", + "mozzarella cheese", + "purple onion" + ] + }, + { + "id": 49349, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "rice wine", + "honey", + "garlic", + "sugar", + "spring onions", + "salt", + "pepper", + "sesame oil" + ] + }, + { + "id": 6772, + "cuisine": "southern_us", + "ingredients": [ + "dried thyme", + "onion powder", + "yellow corn meal", + "ground black pepper", + "salt", + "catfish fillets", + "garlic powder", + "paprika", + "skim milk", + "cooking spray", + "celery seed" + ] + }, + { + "id": 37604, + "cuisine": "japanese", + "ingredients": [ + "lemon wedge", + "nori", + "salmon fillets", + "furikake", + "vegetable oil", + "sushi rice", + "fine sea salt" + ] + }, + { + "id": 18096, + "cuisine": "italian", + "ingredients": [ + "spinach leaves", + "cannellini beans", + "salt", + "onions", + "dried basil", + "diced tomatoes", + "fat skimmed chicken broth", + "pepper", + "shell pasta", + "white beans", + "italian sausage", + "grated parmesan cheese", + "garlic", + "carrots" + ] + }, + { + "id": 14496, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "yoghurt", + "salt", + "garlic cloves", + "tomatoes", + "fresh cilantro", + "lemon", + "green chilies", + "onions", + "whitefish fillets", + "chili powder", + "rice", + "nigella seeds", + "fresh dill", + "coriander powder", + "garlic", + "cumin seed", + "ground turmeric" + ] + }, + { + "id": 38619, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "salsa", + "tomato juice", + "purple onion" + ] + }, + { + "id": 31040, + "cuisine": "italian", + "ingredients": [ + "capers", + "cooking spray", + "anchovy fillets", + "pepper", + "dry white wine", + "marjoram", + "penne", + "green onions", + "garlic cloves", + "tomatoes", + "grated parmesan cheese", + "anchovy paste", + "olives" + ] + }, + { + "id": 43543, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "quinoa", + "vegetable oil", + "salt", + "frozen edamame beans", + "lime juice", + "green onions", + "basil", + "cucumber", + "dressing", + "water", + "red cabbage", + "red pepper flakes", + "carrots", + "sugar", + "peanuts", + "sesame oil", + "ginger", + "chopped cilantro" + ] + }, + { + "id": 6740, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "salt", + "dry white wine", + "freshly ground pepper", + "dried sage", + "all-purpose flour", + "prosciutto", + "lemon wedge", + "veal scallops" + ] + }, + { + "id": 1314, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "small pasta", + "dry red wine", + "chuck", + "ground black pepper", + "heavy cream", + "carrots", + "olive oil", + "ground veal", + "tomatoes with juice", + "pancetta", + "parmigiano reggiano cheese", + "ground pork", + "onions" + ] + }, + { + "id": 17113, + "cuisine": "moroccan", + "ingredients": [ + "tomatoes", + "eggplant", + "matzos", + "juice", + "olive oil", + "cinnamon", + "garlic cloves", + "ground lamb", + "sugar", + "cayenne", + "ras el hanout", + "onions", + "black pepper", + "dried mint flakes", + "salt", + "dried oregano" + ] + }, + { + "id": 30860, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "semolina flour", + "all-purpose flour", + "eggs", + "salt", + "water" + ] + }, + { + "id": 752, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "grissini" + ] + }, + { + "id": 26117, + "cuisine": "italian", + "ingredients": [ + "pesto sauce", + "cheese", + "italian sausage", + "ravioli", + "pasta sauce", + "tomatoes", + "baby spinach" + ] + }, + { + "id": 30538, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "lemon", + "tart apples", + "unsalted butter", + "grated nutmeg", + "bread crumbs", + "vanilla", + "cinnamon", + "hard cider" + ] + }, + { + "id": 47671, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "egg whites", + "evaporated milk", + "white sugar", + "milk", + "vanilla extract", + "self rising flour", + "sweetened condensed milk" + ] + }, + { + "id": 20840, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "dried lavender blossoms", + "salt", + "sugar", + "lemon zest", + "extra-virgin olive oil", + "Meyer lemon juice", + "honey", + "large eggs", + "cake flour", + "confectioners sugar", + "unsalted butter", + "heavy cream", + "all-purpose flour" + ] + }, + { + "id": 33005, + "cuisine": "chinese", + "ingredients": [ + "peeled fresh ginger", + "dark sesame oil", + "boneless sirloin steak", + "low sodium soy sauce", + "sliced carrots", + "corn starch", + "brown rice", + "garlic cloves", + "broccoli florets", + "beef broth", + "onions" + ] + }, + { + "id": 21956, + "cuisine": "irish", + "ingredients": [ + "mace", + "butter", + "fresh parsley", + "chopped fresh chives", + "chopped onion", + "grated parmesan cheese", + "all-purpose flour", + "cabbage", + "milk", + "russet potatoes", + "low salt chicken broth" + ] + }, + { + "id": 18409, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "vegetable oil", + "frozen peas", + "eggs", + "spring onions", + "oyster sauce", + "chinese sausage", + "garlic", + "cooked rice", + "sesame oil", + "carrots" + ] + }, + { + "id": 619, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "dry sherry", + "arborio rice", + "chopped fresh thyme", + "wild mushrooms", + "shallots", + "vegetable broth", + "olive oil", + "butter" + ] + }, + { + "id": 29931, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "pizza doughs", + "wild mushrooms", + "fresh rosemary", + "butter", + "cornmeal", + "garlic oil", + "grapeseed oil", + "onions", + "fontina cheese", + "shallots", + "garlic cloves" + ] + }, + { + "id": 44809, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "flank steak", + "yellow onion", + "black vinegar", + "jalapeno chilies", + "ginger", + "carrots", + "jasmine rice", + "cilantro", + "okra", + "black peppercorns", + "bay leaves", + "garlic", + "red bell pepper" + ] + }, + { + "id": 9689, + "cuisine": "indian", + "ingredients": [ + "sweet potatoes", + "spinach", + "purple onion", + "tomatoes", + "chicken thigh fillets", + "olive oil", + "curry paste" + ] + }, + { + "id": 15586, + "cuisine": "southern_us", + "ingredients": [ + "bacon drippings", + "salt", + "large eggs", + "buttermilk", + "pepper", + "white cornmeal" + ] + }, + { + "id": 18629, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "large eggs", + "salt", + "ground cinnamon", + "large egg whites", + "whole milk", + "pecans", + "unsalted butter", + "heavy cream", + "cold water", + "sugar", + "sweet potatoes", + "all-purpose flour" + ] + }, + { + "id": 45248, + "cuisine": "mexican", + "ingredients": [ + "sirloin steak", + "dried oregano", + "minced garlic", + "chipotles in adobo", + "pepper", + "salt", + "ground cumin", + "lime", + "adobo sauce" + ] + }, + { + "id": 31188, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "mayonaise", + "olive oil", + "red pepper", + "green pepper", + "cumin", + "tomatoes", + "lime", + "chicken breasts", + "garlic", + "taco seasoning", + "seasoning", + "black pepper", + "green onions", + "cilantro", + "tortilla chips", + "romaine lettuce", + "corn kernels", + "chili powder", + "salt", + "sour cream" + ] + }, + { + "id": 49485, + "cuisine": "mexican", + "ingredients": [ + "lime", + "salt", + "skirt steak", + "white vinegar", + "ground black pepper", + "cumin seed", + "olive oil", + "cilantro leaves", + "sugar", + "chile pepper", + "garlic cloves" + ] + }, + { + "id": 8586, + "cuisine": "mexican", + "ingredients": [ + "garlic cloves", + "vegetable oil", + "black beans", + "chipotle salsa", + "chopped cilantro fresh", + "red bell pepper" + ] + }, + { + "id": 28037, + "cuisine": "french", + "ingredients": [ + "shallots", + "radishes", + "fresh tarragon", + "dry white wine", + "fresh lemon juice", + "unsalted butter", + "sea salt" + ] + }, + { + "id": 16886, + "cuisine": "filipino", + "ingredients": [ + "white vinegar", + "vegetable oil", + "soy sauce", + "salt", + "whole peppercorn", + "garlic", + "water", + "chicken" + ] + }, + { + "id": 10547, + "cuisine": "southern_us", + "ingredients": [ + "reduced fat milk", + "collard green leaves", + "low-sodium fat-free chicken broth", + "garlic salt", + "quickcooking grits", + "sharp cheddar cheese", + "pepper", + "butter" + ] + }, + { + "id": 7309, + "cuisine": "chinese", + "ingredients": [ + "orange juice concentrate", + "mandarin orange segments", + "salt", + "green bell pepper", + "boneless skinless chicken breasts", + "cooked rice", + "green onions", + "carrots", + "ground ginger", + "pepper", + "garlic" + ] + }, + { + "id": 13156, + "cuisine": "cajun_creole", + "ingredients": [ + "ground black pepper", + "margarine", + "green bell pepper", + "crushed red pepper flakes", + "corn starch", + "minced onion", + "shrimp", + "water", + "salt", + "celery" + ] + }, + { + "id": 8885, + "cuisine": "russian", + "ingredients": [ + "sauerkraut", + "sour cream", + "pierogi", + "butter", + "mushrooms", + "onions", + "water", + "all-purpose flour" + ] + }, + { + "id": 32147, + "cuisine": "indian", + "ingredients": [ + "salt", + "chili powder", + "green chilies", + "cream", + "rice", + "black gram", + "curds" + ] + }, + { + "id": 4331, + "cuisine": "french", + "ingredients": [ + "chervil", + "peppercorns", + "coarse salt", + "extra-virgin olive oil", + "bay leaves", + "fish" + ] + }, + { + "id": 23412, + "cuisine": "moroccan", + "ingredients": [ + "water", + "salt", + "tomatoes", + "olive oil", + "red bell pepper", + "chicken bouillon granules", + "tilapia fillets", + "cayenne pepper", + "pepper", + "paprika", + "fresh parsley" + ] + }, + { + "id": 47112, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "water", + "green onions", + "ginger", + "salt", + "corn flour", + "white vinegar", + "black pepper", + "Sriracha", + "boneless chicken", + "garlic", + "orange juice", + "soy sauce", + "sesame seeds", + "baking powder", + "cornflour", + "sauce", + "orange zest", + "chicken stock", + "white pepper", + "flour", + "crushed red pepper flakes", + "granulated white sugar", + "oil" + ] + }, + { + "id": 29643, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "cannellini beans", + "baguette", + "stewed tomatoes", + "reduced sodium chicken broth", + "large garlic cloves", + "romaine lettuce", + "baked ham", + "extra-virgin olive oil" + ] + }, + { + "id": 7253, + "cuisine": "southern_us", + "ingredients": [ + "sausage casings", + "honey", + "large eggs", + "freshly ground pepper", + "yellow corn meal", + "kosher salt", + "baking soda", + "buttermilk", + "grated orange", + "black peppercorns", + "corn kernels", + "unsalted butter", + "cayenne pepper", + "sugar", + "whole wheat flour", + "baking powder", + "scallions" + ] + }, + { + "id": 43477, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "diced tomatoes", + "chopped green bell pepper", + "polenta", + "part-skim mozzarella cheese", + "hot italian turkey sausage", + "cooking spray", + "italian seasoning" + ] + }, + { + "id": 12074, + "cuisine": "french", + "ingredients": [ + "white bread", + "thousand island dressing", + "swiss cheese", + "ham", + "salted butter" + ] + }, + { + "id": 1413, + "cuisine": "thai", + "ingredients": [ + "sambal ulek", + "mirin", + "baby tatsoi", + "peanut butter", + "lime", + "sesame oil", + "ginger", + "soy sauce", + "chicken breasts", + "cilantro", + "tamarind concentrate", + "peanuts", + "rice noodles", + "garlic" + ] + }, + { + "id": 31518, + "cuisine": "british", + "ingredients": [ + "milk", + "beef stock", + "ground pork", + "thyme", + "bread crumbs", + "unsalted butter", + "worcestershire sauce", + "yellow onion", + "madeira wine", + "ground black pepper", + "dry white wine", + "grated nutmeg", + "sage", + "kosher salt", + "flour", + "bacon", + "liver" + ] + }, + { + "id": 16909, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "rice vinegar", + "eggs", + "rice wine", + "dried chile", + "boneless skinless chicken breasts", + "corn starch", + "sugar", + "vegetable oil" + ] + }, + { + "id": 12917, + "cuisine": "italian", + "ingredients": [ + "hot red pepper flakes", + "diced tomatoes", + "flat leaf parsley", + "fresh basil", + "shallots", + "small white beans", + "plum tomatoes", + "chicken stock", + "olive oil", + "garlic", + "campanelle", + "sausage casings", + "pecorino romano cheese", + "juice" + ] + }, + { + "id": 23700, + "cuisine": "italian", + "ingredients": [ + "capers", + "dry white wine", + "salt", + "lemon zest", + "vegetable oil", + "fresh lemon juice", + "unsalted butter", + "chicken breast halves", + "all-purpose flour", + "low sodium chicken broth", + "garlic" + ] + }, + { + "id": 6122, + "cuisine": "indian", + "ingredients": [ + "melted butter", + "chopped cilantro", + "garlic", + "naan" + ] + }, + { + "id": 44226, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "kosher salt", + "parmigiano reggiano cheese", + "lasagna noodles, cooked and drained", + "all-purpose flour", + "lower sodium chicken broth", + "olive oil", + "chopped fresh chives", + "pattypan squash", + "fresh basil", + "cherry tomatoes", + "large eggs", + "shallots", + "heavy whipping cream", + "black pepper", + "dijon mustard", + "cooking spray", + "garlic" + ] + }, + { + "id": 23396, + "cuisine": "mexican", + "ingredients": [ + "red leaf lettuce", + "chopped cilantro fresh", + "jalapeno chilies", + "Anaheim chile", + "tomatoes", + "purple onion" + ] + }, + { + "id": 33473, + "cuisine": "french", + "ingredients": [ + "low-fat deli ham", + "boneless skinless chicken breast halves", + "swiss cheese", + "dijon mustard", + "olive oil flavored cooking spray", + "caraway seeds", + "dry bread crumbs" + ] + }, + { + "id": 8521, + "cuisine": "mexican", + "ingredients": [ + "sweet corn", + "quinoa", + "black beans", + "shredded cheese", + "salsa" + ] + }, + { + "id": 41063, + "cuisine": "french", + "ingredients": [ + "cracked black pepper", + "thyme", + "duck fat", + "salt", + "garlic", + "duck drumsticks", + "shallots", + "duck" + ] + }, + { + "id": 28894, + "cuisine": "indian", + "ingredients": [ + "sugar", + "yeast", + "luke warm water", + "beaten eggs", + "milk", + "bread flour", + "melted butter", + "salt" + ] + }, + { + "id": 36376, + "cuisine": "french", + "ingredients": [ + "cooking spray", + "garlic", + "pepper", + "chicken breast halves", + "reduced fat mayonnaise", + "tomatoes", + "lettuce leaves", + "salt", + "grated parmesan cheese", + "sandwich buns", + "olive oil flavored cooking spray" + ] + }, + { + "id": 39518, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "dates", + "sweet potatoes", + "maple syrup", + "honey", + "raw cashews", + "nutmeg", + "cinnamon", + "allspice" + ] + }, + { + "id": 22727, + "cuisine": "italian", + "ingredients": [ + "minced garlic", + "half & half", + "basil", + "capers", + "olive oil", + "butter", + "penne pasta", + "dried basil", + "boneless skinless chicken breasts", + "salt", + "black pepper", + "grated parmesan cheese", + "lemon" + ] + }, + { + "id": 19375, + "cuisine": "japanese", + "ingredients": [ + "sweet potato starch", + "baking powder", + "water", + "coconut milk", + "sugar", + "corn starch", + "flour" + ] + }, + { + "id": 34731, + "cuisine": "spanish", + "ingredients": [ + "frozen spinach", + "large eggs", + "red bell pepper", + "pepper", + "grating cheese", + "bread crumbs", + "potatoes", + "olive oil", + "salt" + ] + }, + { + "id": 19985, + "cuisine": "moroccan", + "ingredients": [ + "water", + "flour", + "salt", + "ground ginger", + "green lentil", + "cilantro", + "onions", + "black pepper", + "egg noodles", + "stewed tomatoes", + "saffron", + "celery ribs", + "olive oil", + "parsley", + "chickpeas" + ] + }, + { + "id": 28922, + "cuisine": "italian", + "ingredients": [ + "water", + "broccoli florets", + "Wish-Bone Italian Dressing", + "roast red peppers, drain" + ] + }, + { + "id": 18489, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "tumeric", + "kosher salt", + "cilantro", + "canola oil", + "flour", + "yellow onion", + "eggs", + "cream", + "cinnamon", + "lentils", + "tomato sauce", + "garam masala", + "ginger" + ] + }, + { + "id": 8858, + "cuisine": "jamaican", + "ingredients": [ + "caribbean jerk seasoning", + "dijon mustard", + "tamari soy sauce", + "allspice", + "eggs", + "fresh ginger", + "habanero", + "orange juice", + "white vinegar", + "water", + "worcestershire sauce", + "salt", + "orange zest", + "sugar substitute", + "almond flour", + "ground pork", + "xanthan gum" + ] + }, + { + "id": 5323, + "cuisine": "korean", + "ingredients": [ + "dry pasta", + "garlic cloves", + "butter", + "Gochujang base", + "sesame seeds", + "salt", + "kimchi", + "bacon", + "scallions" + ] + }, + { + "id": 9665, + "cuisine": "thai", + "ingredients": [ + "water", + "red pepper flakes", + "cilantro leaves", + "cucumber", + "lemongrass", + "sirloin steak", + "rice vinegar", + "chopped fresh mint", + "romaine lettuce", + "ground black pepper", + "garlic", + "lemon juice", + "asian fish sauce", + "sugar", + "cooking oil", + "salt", + "carrots" + ] + }, + { + "id": 33252, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "poblano", + "salt", + "ground cumin", + "green bell pepper", + "ground black pepper", + "vegetable broth", + "red bell pepper", + "minced garlic", + "Mexican oregano", + "purple onion", + "onions", + "avocado", + "olive oil", + "dried pinto beans", + "goya sazon" + ] + }, + { + "id": 14600, + "cuisine": "italian", + "ingredients": [ + "heavy cream", + "unsalted butter", + "salt", + "fettucine", + "cracked black pepper", + "grated parmesan cheese", + "fresh parsley" + ] + }, + { + "id": 129, + "cuisine": "thai", + "ingredients": [ + "chicken stock", + "fresh coriander", + "chile pepper", + "fresh basil", + "lemon grass", + "fresh mushrooms", + "kaffir lime leaves", + "lime juice", + "garlic", + "fish sauce", + "tom yum paste", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 34076, + "cuisine": "italian", + "ingredients": [ + "chopped fresh thyme", + "prosciutto", + "garlic cloves", + "mozzarella cheese", + "extra-virgin olive oil", + "refrigerated pizza dough", + "soft fresh goat cheese" + ] + }, + { + "id": 23092, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "garlic", + "carrots", + "cabbage", + "seasoning", + "chicken breasts", + "peanut oil", + "bok choy", + "low sodium soy sauce", + "sesame oil", + "Yakisoba noodles", + "onions", + "white pepper", + "salt", + "beansprouts" + ] + }, + { + "id": 22130, + "cuisine": "indian", + "ingredients": [ + "chili pepper", + "garam masala", + "salt", + "greek yogurt", + "frozen spinach", + "water", + "cilantro", + "cumin seed", + "minced garlic", + "bay leaves", + "ground coriander", + "onions", + "tomatoes", + "fresh ginger", + "paneer", + "oil" + ] + }, + { + "id": 19064, + "cuisine": "indian", + "ingredients": [ + "milk", + "ginger", + "serrano chile", + "spinach", + "cayenne", + "fresh lemon juice", + "flatbread", + "garam masala", + "garlic", + "kosher salt", + "heavy cream", + "ghee" + ] + }, + { + "id": 29964, + "cuisine": "russian", + "ingredients": [ + "bread", + "parmesan cheese", + "vegetable broth", + "onions", + "wild asparagus", + "leeks", + "garlic cloves", + "eggs", + "ground black pepper", + "milk", + "vegetable oil", + "ground meat", + "salt" + ] + }, + { + "id": 35714, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "large garlic cloves", + "fettucine", + "grated parmesan cheese", + "low salt chicken broth", + "unsalted butter", + "hot water", + "dried porcini mushrooms", + "chopped fresh thyme", + "wild mushrooms" + ] + }, + { + "id": 36614, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "curry paste", + "salt", + "pepper", + "chicken wings", + "coconut milk" + ] + }, + { + "id": 10627, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "white sugar", + "eggs", + "baking powder", + "yellow corn meal", + "whole wheat flour", + "shortening", + "salt" + ] + }, + { + "id": 14312, + "cuisine": "korean", + "ingredients": [ + "water", + "sesame oil", + "carrots", + "yellow summer squash", + "gold potatoes", + "all purpose unbleached flour", + "eggs", + "orange", + "vegetable oil", + "pepper", + "green onions", + "salt" + ] + }, + { + "id": 24726, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "vegetable oil", + "corn starch", + "sugar", + "sesame oil", + "garlic cloves", + "wine", + "green onions", + "hot sauce", + "tofu", + "black pepper", + "ground pork" + ] + }, + { + "id": 34522, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "chili powder", + "ghee", + "garam masala", + "salt", + "cashew nuts", + "pepper", + "paprika", + "coriander", + "curry sauce", + "lamb leg", + "cumin" + ] + }, + { + "id": 47327, + "cuisine": "mexican", + "ingredients": [ + "Sriracha", + "grating cheese", + "long-grain rice", + "light sour cream", + "boneless skinless chicken breasts", + "garlic", + "cumin", + "chicken stock", + "jalapeno chilies", + "diced tomatoes", + "onions", + "tortillas", + "chili powder", + "salt" + ] + }, + { + "id": 39692, + "cuisine": "southern_us", + "ingredients": [ + "water", + "cream cheese", + "butter", + "dried apricot", + "white sugar", + "all-purpose flour" + ] + }, + { + "id": 19399, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "tamarind pulp", + "vegetable oil", + "beansprouts", + "green cabbage", + "lime", + "roma tomatoes", + "garlic cloves", + "fresh pineapple", + "sambal ulek", + "thai basil", + "shallots", + "shrimp", + "reduced sodium chicken broth", + "rice paddy herb", + "vietnamese fish sauce", + "bird chile" + ] + }, + { + "id": 44721, + "cuisine": "spanish", + "ingredients": [ + "black pepper", + "bay leaves", + "morel", + "chicken thighs", + "fat free less sodium chicken broth", + "salt", + "cooked rice", + "cooking spray", + "boiling water" + ] + }, + { + "id": 47604, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "green pepper", + "noodles", + "mozzarella cheese", + "ground beef", + "cheddar cheese", + "pepperoni", + "red pepper", + "onions" + ] + }, + { + "id": 40310, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "butter", + "half & half", + "salt and ground black pepper" + ] + }, + { + "id": 14943, + "cuisine": "indian", + "ingredients": [ + "golden brown sugar", + "dried apricot", + "purple onion", + "fresh lime juice", + "jalapeno chilies", + "crushed red pepper", + "leg of lamb", + "light molasses", + "fresh orange juice", + "fresh lemon juice", + "coriander seeds", + "lamb shoulder chops", + "tamarind paste", + "chopped cilantro fresh" + ] + }, + { + "id": 20522, + "cuisine": "southern_us", + "ingredients": [ + "evaporated milk", + "corn starch", + "eggs", + "vanilla extract", + "milk", + "vanilla wafers", + "bananas", + "white sugar" + ] + }, + { + "id": 42211, + "cuisine": "jamaican", + "ingredients": [ + "white vinegar", + "kale", + "salt", + "fresh parsley", + "spinach", + "hot pepper sauce", + "garlic cloves", + "collard greens", + "dried thyme", + "okra", + "center cut loin pork chop", + "water", + "finely chopped onion", + "cornmeal" + ] + }, + { + "id": 9585, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "white beans", + "roma tomatoes", + "boneless skinless chicken breast halves", + "zucchini", + "fresh basil leaves", + "garlic" + ] + }, + { + "id": 18841, + "cuisine": "chinese", + "ingredients": [ + "blue crabs", + "peeled fresh ginger", + "soy sauce", + "salt", + "sugar", + "cilantro stems", + "water", + "chinese black vinegar" + ] + }, + { + "id": 16327, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "all-purpose flour", + "pepper", + "butter", + "dried basil", + "salt", + "cutlet", + "fresh lemon juice" + ] + }, + { + "id": 7654, + "cuisine": "russian", + "ingredients": [ + "dark corn syrup", + "coffee granules", + "bread flour", + "fennel seeds", + "cider vinegar", + "rye flour", + "unsweetened cocoa powder", + "caraway seeds", + "water", + "salt", + "brown sugar", + "active dry yeast", + "margarine" + ] + }, + { + "id": 25892, + "cuisine": "japanese", + "ingredients": [ + "milk", + "cake", + "egg whites", + "corn starch", + "unsalted butter", + "cream cheese", + "sugar", + "egg yolks" + ] + }, + { + "id": 33494, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "flank steak", + "sour cream", + "shredded cabbage", + "scallions", + "adobo sauce", + "lime", + "cilantro leaves", + "chipotle peppers", + "kosher salt", + "vegetable oil", + "corn tortillas" + ] + }, + { + "id": 21742, + "cuisine": "italian", + "ingredients": [ + "pepper", + "lasagna sheets", + "asparagus", + "bechamel", + "milk", + "salt", + "grated parmesan cheese" + ] + }, + { + "id": 8273, + "cuisine": "indian", + "ingredients": [ + "mild curry powder", + "ground black pepper", + "crème fraîche", + "chicken stock", + "fresh coriander", + "apples", + "basmati rice", + "sultana", + "chicken breasts", + "onions", + "tomato purée", + "olive oil", + "garlic" + ] + }, + { + "id": 4585, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "large garlic cloves", + "water", + "red beans", + "onions", + "olive oil", + "cayenne pepper", + "andouille sausage", + "pork chops", + "rice" + ] + }, + { + "id": 43056, + "cuisine": "irish", + "ingredients": [ + "ale", + "Guinness Beer" + ] + }, + { + "id": 114, + "cuisine": "mexican", + "ingredients": [ + "tilapia fillets", + "jalapeno chilies", + "anise", + "poblano chiles", + "mussels", + "fresh cilantro", + "vegetable oil", + "cumin seed", + "medium shrimp", + "sugar", + "finely chopped onion", + "clam juice", + "garlic cloves", + "crushed tomatoes", + "lime slices", + "salt", + "fresh lime juice" + ] + }, + { + "id": 17518, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "water", + "vegetable oil", + "salt", + "chicken", + "granulated garlic", + "jalapeno chilies", + "cilantro", + "garlic cloves", + "tomatoes", + "lime juice", + "lemon", + "rice", + "pepper", + "lime wedges", + "chicken stock cubes", + "onions" + ] + }, + { + "id": 37011, + "cuisine": "irish", + "ingredients": [ + "leeks", + "salt", + "butter", + "freshly ground pepper", + "chopped potatoes", + "chopped onion", + "homemade chicken stock", + "heavy cream", + "young nettle" + ] + }, + { + "id": 37929, + "cuisine": "korean", + "ingredients": [ + "boneless chicken skinless thigh", + "white rice", + "dark sesame oil", + "low sodium soy sauce", + "fresh ginger", + "crushed red pepper", + "water", + "garlic", + "green onion bottoms", + "brown sugar", + "sesame seeds", + "Gochujang base" + ] + }, + { + "id": 15931, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "baking soda", + "water", + "salt", + "pepper", + "fresh green bean", + "smoked turkey", + "onions" + ] + }, + { + "id": 39054, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "water", + "boneless skinless chicken breasts", + "salt", + "lemon juice", + "beansprouts", + "red chili peppers", + "minced ginger", + "white rice", + "oil", + "corn starch", + "brown sugar", + "lime juice", + "fresh orange juice", + "rice vinegar", + "carrots", + "orange zest", + "diced onions", + "pepper", + "light soy sauce", + "garlic", + "diced celery", + "sliced mushrooms" + ] + }, + { + "id": 45628, + "cuisine": "southern_us", + "ingredients": [ + "pie crust", + "butter", + "corn syrup", + "pecans", + "vanilla", + "eggs", + "toffee bits", + "sugar", + "salt" + ] + }, + { + "id": 27515, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "confectioners sugar", + "vanilla", + "butter", + "cocoa powder" + ] + }, + { + "id": 47291, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "jalapeno chilies", + "hominy", + "salt", + "olive oil", + "stewed tomatoes", + "black pepper", + "finely chopped onion", + "chopped cilantro fresh" + ] + }, + { + "id": 26167, + "cuisine": "vietnamese", + "ingredients": [ + "chicken stock", + "sugar", + "cooking oil", + "salt", + "eggs", + "pepper", + "shallots", + "fish sauce", + "minced garlic", + "tapioca", + "tomatoes", + "ketchup", + "jicama", + "minced pork" + ] + }, + { + "id": 28326, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "lemon wedge", + "onions", + "olive oil", + "garlic cloves", + "ground cumin", + "slivered almonds", + "long-grain rice", + "frozen peas", + "chicken broth", + "zucchini", + "red bell pepper" + ] + }, + { + "id": 38151, + "cuisine": "moroccan", + "ingredients": [ + "pepper", + "ginger", + "parsley sprigs", + "boneless skinless chicken breasts", + "phyllo pastry", + "eggs", + "almonds", + "salt", + "sugar", + "cinnamon" + ] + }, + { + "id": 15514, + "cuisine": "french", + "ingredients": [ + "rib eye steaks", + "shallots", + "olive oil", + "fresh tarragon", + "dried tarragon leaves", + "butter", + "dry white wine" + ] + }, + { + "id": 37948, + "cuisine": "filipino", + "ingredients": [ + "carrots", + "beef brisket", + "onions", + "fish sauce", + "bok choy", + "potatoes", + "peppercorns" + ] + }, + { + "id": 5866, + "cuisine": "french", + "ingredients": [ + "framboise eau-de-vie", + "whipping cream", + "large egg yolks", + "sugar", + "fresh raspberries" + ] + }, + { + "id": 42641, + "cuisine": "southern_us", + "ingredients": [ + "pecans", + "paprika", + "pepper", + "all-purpose flour", + "vegetable oil cooking spray", + "salt", + "saltines", + "egg whites", + "chicken fingers" + ] + }, + { + "id": 31297, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "shallots", + "all-purpose flour", + "dry white wine", + "lemon", + "lemon zest", + "butter", + "herbes de provence", + "chicken stock", + "boneless skinless chicken breasts", + "garlic" + ] + }, + { + "id": 12026, + "cuisine": "cajun_creole", + "ingredients": [ + "fat free milk", + "salt", + "baking potatoes", + "cream style corn", + "large shrimp", + "pepper", + "cajun seasoning" + ] + }, + { + "id": 41548, + "cuisine": "british", + "ingredients": [ + "brown gravy mix", + "baking potatoes", + "water", + "salt", + "pepper", + "butter", + "diced onions", + "milk", + "beef sausage" + ] + }, + { + "id": 10029, + "cuisine": "japanese", + "ingredients": [ + "base", + "mung bean sprouts", + "olive oil", + "green onions", + "sweet onion", + "udon", + "beef", + "sweet peas" + ] + }, + { + "id": 34902, + "cuisine": "greek", + "ingredients": [ + "tahini paste", + "garlic powder", + "water", + "fresh lemon juice", + "salt" + ] + }, + { + "id": 10433, + "cuisine": "vietnamese", + "ingredients": [ + "rice stick noodles", + "peanuts", + "rice vinegar", + "asian fish sauce", + "hot red pepper flakes", + "lemon", + "english cucumber", + "large shrimp", + "sugar", + "large garlic cloves", + "scallions", + "fresh coriander", + "mint sprigs", + "fresh lime juice" + ] + }, + { + "id": 5888, + "cuisine": "vietnamese", + "ingredients": [ + "kaffir lime leaves", + "unsalted roasted peanuts", + "daikon", + "grated carrot", + "garlic cloves", + "fresh lime juice", + "mint", + "jalapeno chilies", + "ground pork", + "salt", + "oyster sauce", + "chili flakes", + "fresh ginger", + "cilantro", + "garlic", + "fresh herbs", + "asian fish sauce", + "lettuce", + "sugar", + "soft buns", + "ginger", + "rice vinegar", + "hot water" + ] + }, + { + "id": 42628, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "chicken breast halves", + "garlic", + "chayotes", + "avocado", + "zucchini", + "vegetable oil", + "cumin seed", + "cooked rice", + "jalapeno chilies", + "diced tomatoes", + "fat skimmed chicken broth", + "garbanzo beans", + "lime wedges", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 34738, + "cuisine": "british", + "ingredients": [ + "sugar", + "baking powder", + "baking soda", + "salt", + "milk", + "butter", + "fresh blueberries", + "all-purpose flour" + ] + }, + { + "id": 37063, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chopped walnuts", + "garlic", + "spaghetti", + "grated parmesan cheese", + "flat leaf parsley", + "pepper", + "salt" + ] + }, + { + "id": 22297, + "cuisine": "italian", + "ingredients": [ + "eggs", + "asparagus", + "white wine", + "garlic", + "penne", + "extra-virgin olive oil", + "manchego cheese", + "fresh parsley" + ] + }, + { + "id": 5529, + "cuisine": "thai", + "ingredients": [ + "peanuts", + "rice noodles", + "cayenne pepper", + "medium shrimp", + "sugar", + "shallots", + "salt", + "scallions", + "canola oil", + "fish sauce", + "large eggs", + "garlic", + "tamarind paste", + "boiling water", + "fresh cilantro", + "lime wedges", + "rice vinegar", + "beansprouts" + ] + }, + { + "id": 40557, + "cuisine": "greek", + "ingredients": [ + "pepper", + "grated parmesan cheese", + "reduced fat reduced sodium cream of mushroom soup", + "olive oil", + "ground lamb", + "ground cinnamon", + "water", + "dry bread crumbs", + "pasta sauce", + "eggplant" + ] + }, + { + "id": 22948, + "cuisine": "moroccan", + "ingredients": [ + "salt and ground black pepper", + "fresh coriander", + "minced beef", + "ground cinnamon", + "cayenne pepper", + "olive oil", + "ground turmeric" + ] + }, + { + "id": 38282, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "salt", + "large eggs", + "grated Gruyère cheese", + "dijon mustard", + "all-purpose flour", + "water", + "butter" + ] + }, + { + "id": 14460, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "meat bones", + "dark soy sauce", + "dipping sauces", + "ground white pepper", + "fish sauce", + "garlic", + "chicken", + "light brown sugar", + "cilantro", + "ground coriander" + ] + }, + { + "id": 15918, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "garam masala", + "salt", + "cinnamon sticks", + "onions", + "garlic paste", + "water", + "vegetable oil", + "cardamom pods", + "curry paste", + "ginger paste", + "fennel seeds", + "warm water", + "meat", + "tamarind paste", + "coconut milk", + "ground turmeric", + "sugar", + "coriander seeds", + "curry", + "cumin seed", + "ghee" + ] + }, + { + "id": 19237, + "cuisine": "french", + "ingredients": [ + "whole milk", + "salt", + "large eggs", + "green onions", + "monterey jack", + "quickcooking grits", + "chopped onion", + "leeks", + "butter" + ] + }, + { + "id": 41352, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "catsup", + "pork shoulder", + "brown sugar", + "baking soda", + "garlic", + "water", + "calamansi juice", + "onions", + "sugar", + "ground black pepper", + "oil" + ] + }, + { + "id": 31913, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "rice noodles", + "beansprouts", + "Sriracha", + "dark brown sugar", + "large shrimp", + "lower sodium soy sauce", + "unsalted dry roast peanuts", + "fresh lime juice", + "fresh basil", + "green onions", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 15556, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "fresh cranberries", + "salt", + "white frostings", + "large eggs", + "lemon", + "unsalted butter", + "flaked coconut", + "all-purpose flour", + "sugar", + "baking powder", + "vanilla extract" + ] + }, + { + "id": 8259, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "pepper", + "green onions", + "vegetable oil", + "cayenne pepper", + "fresh parsley", + "mayonaise", + "flour tortillas", + "chili powder", + "salt", + "red bell pepper", + "cumin", + "avocado", + "garlic powder", + "boneless skinless chicken breasts", + "buttermilk", + "dried dillweed", + "dried parsley", + "frozen spinach", + "canned black beans", + "jalapeno chilies", + "onion powder", + "frozen corn", + "sour cream", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 24971, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "vegetable oil", + "garlic", + "chopped garlic", + "garam masala", + "butter", + "lemon juice", + "no salt added canned tomatoes", + "cinnamon", + "chopped onion", + "cream", + "boneless skinless chicken breasts", + "paprika", + "chopped cilantro" + ] + }, + { + "id": 21514, + "cuisine": "jamaican", + "ingredients": [ + "curry powder", + "salt", + "tomatoes", + "vegetable oil", + "onions", + "water", + "ground thyme", + "boneless skinless chicken breast halves", + "habanero pepper", + "garlic cloves" + ] + }, + { + "id": 38142, + "cuisine": "cajun_creole", + "ingredients": [ + "bay leaves", + "chopped celery", + "round steaks", + "grits", + "dried thyme", + "stewed tomatoes", + "green bellpepper", + "fresh parsley", + "pepper", + "green onions", + "salt", + "chopped onion", + "water", + "vegetable oil", + "all-purpose flour", + "garlic cloves" + ] + }, + { + "id": 9742, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "orzo", + "saffron threads", + "grated parmesan cheese", + "parmesan cheese", + "butter", + "asparagus", + "low salt chicken broth" + ] + }, + { + "id": 47483, + "cuisine": "italian", + "ingredients": [ + "country white bread", + "extra-virgin olive oil", + "grated parmesan cheese", + "purple onion", + "large garlic cloves", + "plum tomatoes", + "fresh basil", + "vegetable broth" + ] + }, + { + "id": 2109, + "cuisine": "spanish", + "ingredients": [ + "green onions", + "cilantro leaves", + "red bell pepper", + "olive oil", + "red wine vinegar", + "fresh lemon juice", + "large shrimp", + "green bell pepper", + "lemon wedge", + "garlic cloves", + "plum tomatoes", + "tomato juice", + "jalape", + "cucumber" + ] + }, + { + "id": 47683, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "mace", + "chili powder", + "cardamom seeds", + "onions", + "fresh coriander", + "coriander powder", + "ginger", + "bay leaf", + "ground cumin", + "black peppercorns", + "vegetables", + "cinnamon", + "salt", + "ground turmeric", + "clove", + "water", + "yoghurt", + "star anise", + "chicken pieces" + ] + }, + { + "id": 36312, + "cuisine": "thai", + "ingredients": [ + "straw mushrooms", + "lemon grass", + "vegetable oil", + "baby corn", + "tiger prawn", + "chiles", + "lime juice", + "shallots", + "squid", + "galangal", + "fresh tomatoes", + "water", + "boneless skinless chicken breasts", + "salt", + "lime leaves", + "minced garlic", + "chili paste", + "shells", + "coconut milk" + ] + }, + { + "id": 42681, + "cuisine": "chinese", + "ingredients": [ + "broccoli florets", + "chili paste with garlic", + "corn starch", + "soy sauce", + "green onions", + "rice vinegar", + "ginger paste", + "brown sugar", + "pork tenderloin", + "teriyaki sauce", + "noodles", + "sesame seeds", + "sesame oil", + "peanut oil" + ] + }, + { + "id": 11354, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "salt", + "cheese", + "olive oil", + "milk" + ] + }, + { + "id": 4843, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "butter", + "flat leaf parsley", + "kosher salt", + "shallots", + "fresh lemon juice", + "capers", + "ground black pepper", + "all-purpose flour", + "boneless skinless chicken breast halves", + "lower sodium chicken broth", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 26615, + "cuisine": "southern_us", + "ingredients": [ + "mini marshmallows", + "brown sugar", + "butter", + "cinnamon hot candy", + "sweet potatoes", + "water" + ] + }, + { + "id": 43717, + "cuisine": "brazilian", + "ingredients": [ + "butter-margarine blend", + "cocoa powder", + "chocolate sprinkles", + "condensed milk" + ] + }, + { + "id": 43445, + "cuisine": "spanish", + "ingredients": [ + "tomato paste", + "dried thyme", + "salt", + "onions", + "pepper", + "diced tomatoes", + "bay leaf", + "dried basil", + "garlic", + "chicken pieces", + "sweet vermouth", + "olive oil", + "corn starch" + ] + }, + { + "id": 559, + "cuisine": "greek", + "ingredients": [ + "Stonefire Tandoori Garlic Naan", + "kalamata", + "tomatoes", + "feta cheese", + "shredded mozzarella cheese", + "fresh basil", + "green onions", + "olive oil", + "fresh oregano" + ] + }, + { + "id": 24427, + "cuisine": "chinese", + "ingredients": [ + "tofu", + "white pepper", + "french fried onions", + "pork", + "shiitake", + "dried shrimp", + "sweet rice", + "water", + "chinese five-spice powder", + "soy sauce", + "pickled radish" + ] + }, + { + "id": 24149, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "garlic cloves", + "olive oil", + "spaghetti", + "slivered almonds", + "fresh basil leaves", + "pecorino romano cheese", + "plum tomatoes" + ] + }, + { + "id": 40152, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "queso fresco", + "frozen corn", + "chopped cilantro", + "avocado", + "boneless skinless chicken breasts", + "Hidden Valley® Original Ranch® Light Dressing", + "tortilla chips", + "cumin", + "low sodium chicken broth", + "diced tomatoes", + "hot sauce", + "dried oregano", + "black beans", + "lime wedges", + "garlic", + "corn tortillas" + ] + }, + { + "id": 13719, + "cuisine": "irish", + "ingredients": [ + "baking powder", + "salt", + "brown sugar", + "dates", + "mixed peel", + "eggs", + "teas", + "all-purpose flour", + "baking soda", + "raisins" + ] + }, + { + "id": 45130, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "yellow bell pepper", + "juice", + "fresh basil", + "italian plum tomatoes", + "garlic", + "rigatoni", + "italian sausage", + "mozzarella cheese", + "extra-virgin olive oil", + "red bell pepper", + "white onion", + "red pepper flakes", + "freshly ground pepper" + ] + }, + { + "id": 9851, + "cuisine": "greek", + "ingredients": [ + "feta cheese", + "fresh oregano", + "shrimp", + "cherry tomatoes", + "yellow bell pepper", + "garlic cloves", + "olive oil", + "purple onion", + "fresh lemon juice", + "pita loaves", + "english cucumber" + ] + }, + { + "id": 13295, + "cuisine": "southern_us", + "ingredients": [ + "shortening", + "buttermilk", + "all-purpose flour", + "eggs", + "butter", + "salt", + "white sugar", + "white vinegar", + "baking soda", + "vanilla extract", + "cocoa powder", + "milk", + "red food coloring", + "butter extract" + ] + }, + { + "id": 26914, + "cuisine": "spanish", + "ingredients": [ + "sweet onion", + "baking potatoes", + "large eggs", + "kosher salt", + "cooking spray", + "olive oil", + "oregano" + ] + }, + { + "id": 16943, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "garlic", + "kosher salt", + "canola oil", + "black peppercorns", + "bay leaves", + "pork belly", + "rice vinegar" + ] + }, + { + "id": 36616, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "lamb shoulder", + "tomato sauce", + "garlic powder", + "carrots", + "canned chicken broth", + "lemon wedge", + "onions", + "spinach leaves", + "garbanzo beans", + "fresh lemon juice" + ] + }, + { + "id": 41566, + "cuisine": "italian", + "ingredients": [ + "penne", + "chicken breasts", + "parmesan cheese", + "olive oil", + "asparagus" + ] + }, + { + "id": 35696, + "cuisine": "korean", + "ingredients": [ + "sesame oil", + "meat bones", + "water", + "maple syrup", + "garlic cloves", + "black pepper", + "ginger", + "coconut aminos", + "green onions", + "rice vinegar", + "short rib" + ] + }, + { + "id": 1155, + "cuisine": "japanese", + "ingredients": [ + "ketchup", + "worcestershire sauce", + "garlic powder", + "sugar", + "dijon mustard", + "soy sauce", + "mirin" + ] + }, + { + "id": 28354, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "ear of corn", + "cotija", + "butter", + "olive oil", + "black pepper", + "bacon" + ] + }, + { + "id": 2612, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "peanut oil", + "noodles", + "garlic chives", + "chicken breasts", + "corn starch", + "fish sauce", + "red curry paste", + "galangal", + "chicken broth", + "peanuts", + "juice" + ] + }, + { + "id": 45544, + "cuisine": "french", + "ingredients": [ + "cheese", + "ham", + "dried porcini mushrooms", + "grated Gruyère cheese", + "hot water", + "sauvignon blanc", + "garlic cloves", + "ciabatta", + "corn starch" + ] + }, + { + "id": 45027, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "garlic cloves", + "tomatoes", + "purple onion", + "ground cumin", + "cider vinegar", + "salt", + "fresh cilantro", + "chopped onion" + ] + }, + { + "id": 10517, + "cuisine": "southern_us", + "ingredients": [ + "extra-virgin olive oil", + "fresh lemon juice", + "turnip greens", + "crushed red pepper", + "garlic", + "water", + "salt" + ] + }, + { + "id": 45347, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "paprika", + "garlic powder", + "cayenne pepper", + "dried thyme", + "salt", + "onion powder", + "dried oregano" + ] + }, + { + "id": 3629, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "milk", + "butter", + "peaches", + "pure vanilla extract", + "flour" + ] + }, + { + "id": 20018, + "cuisine": "filipino", + "ingredients": [ + "garlic powder", + "pork shoulder", + "soy sauce", + "lemon", + "brown sugar", + "ground black pepper", + "ketchup", + "salt" + ] + }, + { + "id": 24148, + "cuisine": "vietnamese", + "ingredients": [ + "tomatoes", + "minced garlic", + "corn starch", + "tomato sauce", + "wonton wrappers", + "canola oil", + "fish sauce", + "rice wine", + "sliced shallots", + "chicken stock", + "pork", + "thai chile" + ] + }, + { + "id": 5635, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "salt", + "cauliflower florets", + "garlic cloves", + "Italian parsley leaves", + "chickpeas", + "crushed red pepper", + "olives" + ] + }, + { + "id": 4101, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "shallots", + "pepper", + "salt", + "bread crumbs", + "butter", + "clams", + "mushrooms", + "chopped parsley" + ] + }, + { + "id": 18000, + "cuisine": "irish", + "ingredients": [ + "milk", + "large eggs", + "all-purpose flour", + "ground black pepper", + "coarse salt", + "scallions", + "large egg yolks", + "baking powder", + "freshly ground pepper", + "russet", + "unsalted butter", + "russet potatoes" + ] + }, + { + "id": 32180, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "shredded lettuce", + "guacamole", + "sour cream", + "tortillas", + "taco seasoning", + "tomatoes", + "colby jack cheese", + "ground beef" + ] + }, + { + "id": 7544, + "cuisine": "irish", + "ingredients": [ + "seasoning salt", + "rib", + "rock salt" + ] + }, + { + "id": 10976, + "cuisine": "french", + "ingredients": [ + "sugar", + "unsalted butter", + "blue cheese", + "chopped walnuts", + "active dry yeast", + "whole milk", + "walnuts", + "warm water", + "large eggs", + "salt", + "grape juice", + "white wine", + "mission figs", + "all-purpose flour" + ] + }, + { + "id": 35886, + "cuisine": "italian", + "ingredients": [ + "sugar", + "vinegar", + "garlic", + "citric acid", + "white sugar", + "olive oil", + "bay leaves", + "green pepper", + "onions", + "black pepper", + "jalapeno chilies", + "salt", + "fresh parsley", + "dried oregano", + "tomatoes", + "garlic powder", + "onion salt", + "lemon juice", + "garlic salt" + ] + }, + { + "id": 45034, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "diced celery", + "granny smith apples", + "purple onion", + "cooked chicken breasts", + "mayonaise", + "fresh tarragon", + "chopped pecans", + "lemon zest", + "fresh lemon juice" + ] + }, + { + "id": 34172, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "salt", + "italian salad dressing", + "chili powder", + "cayenne pepper", + "cumin", + "chicken broth", + "onion powder", + "fresh lime juice", + "garlic powder", + "paprika", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 21517, + "cuisine": "thai", + "ingredients": [ + "lime", + "low sodium chicken broth", + "garlic", + "smoked paprika", + "brown sugar", + "peanuts", + "red pepper", + "creamy peanut butter", + "chopped cilantro", + "fish sauce", + "fresh ginger", + "sweet potatoes", + "ramen noodle soup", + "coconut milk", + "cremini mushrooms", + "reduced sodium soy sauce", + "Thai red curry paste", + "peanut oil", + "chicken thighs" + ] + }, + { + "id": 29845, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "rice", + "tasso", + "condensed chicken broth", + "celery ribs", + "chicken breast halves", + "onions", + "green bell pepper", + "diced tomatoes" + ] + }, + { + "id": 36412, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "salt", + "tomatillos", + "serrano chilies", + "purple onion", + "lime juice", + "chopped cilantro fresh" + ] + }, + { + "id": 44750, + "cuisine": "greek", + "ingredients": [ + "curry powder", + "salt", + "carrots", + "ground turmeric", + "soy sauce", + "chile pepper", + "chopped onion", + "chicken-flavored soup powder", + "water", + "garlic", + "lentils", + "celery", + "olive oil", + "fenugreek seeds", + "mustard seeds" + ] + }, + { + "id": 11955, + "cuisine": "chinese", + "ingredients": [ + "honey", + "dark sesame oil", + "brown sugar", + "green onions", + "garlic cloves", + "ketchup", + "dry sherry", + "low sodium soy sauce", + "hoisin sauce", + "pork roast" + ] + }, + { + "id": 18380, + "cuisine": "japanese", + "ingredients": [ + "sake", + "white miso", + "vegetable oil", + "asparagus spears", + "sugar", + "ground black pepper", + "rice vinegar", + "kosher salt", + "mirin", + "soba noodles", + "walnut halves", + "sea scallops", + "ginger" + ] + }, + { + "id": 2568, + "cuisine": "thai", + "ingredients": [ + "fresh ginger", + "shallots", + "cilantro leaves", + "Splenda Brown Sugar Blend", + "lemon grass", + "garlic", + "full fat coconut milk", + "Thai red curry paste", + "green beans", + "fish sauce", + "boneless skinless chicken breasts", + "avocado oil" + ] + }, + { + "id": 32135, + "cuisine": "chinese", + "ingredients": [ + "fresh ginger", + "scallions", + "red chili peppers", + "rice wine", + "chicken pieces", + "sugar", + "thai basil", + "garlic cloves", + "light soy sauce", + "sesame oil" + ] + }, + { + "id": 23674, + "cuisine": "mexican", + "ingredients": [ + "green chilies", + "chili con carne", + "American cheese", + "tortilla chips" + ] + }, + { + "id": 24563, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "leaves", + "vegetable oil", + "hot sauce", + "chopped parsley", + "roux", + "cooked rice", + "chopped tomatoes", + "flour", + "garlic", + "carrots", + "bay leaf", + "fish", + "tilapia fillets", + "bell pepper", + "worcestershire sauce", + "okra", + "celery", + "imitation seafood", + "salmon fillets", + "vegetables", + "mushrooms", + "salt", + "smoked paprika", + "onions" + ] + }, + { + "id": 46320, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "celery", + "kosher salt", + "diced tomatoes", + "onions", + "tomato paste", + "ground nutmeg", + "ground beef", + "milk", + "carrots" + ] + }, + { + "id": 20182, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "diced tomatoes", + "onions", + "black beans", + "chili powder", + "garlic", + "cumin", + "eggs", + "corn oil", + "cilantro", + "oregano", + "pepper", + "grating cheese", + "salt" + ] + }, + { + "id": 39738, + "cuisine": "russian", + "ingredients": [ + "unsalted butter", + "fine sea salt", + "sugar", + "chopped fresh chives", + "rice flour", + "large eggs", + "all-purpose flour", + "active dry yeast", + "whole milk", + "sour cream" + ] + }, + { + "id": 43218, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "whole milk", + "chopped onion", + "sugar", + "lasagna noodles", + "salt", + "hot water", + "fresh basil", + "unsalted butter", + "extra-virgin olive oil", + "garlic cloves", + "dried porcini mushrooms", + "parmigiano reggiano cheese", + "all-purpose flour", + "diced tomatoes in juice" + ] + }, + { + "id": 21101, + "cuisine": "brazilian", + "ingredients": [ + "superfine sugar", + "cachaca", + "sour cherries", + "fresh lime", + "ice" + ] + }, + { + "id": 48665, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "olive oil", + "fresh mushrooms", + "pasta sauce", + "salt", + "red bell pepper", + "tomatoes", + "sweet onion", + "penne pasta", + "boiling water", + "green bell pepper", + "zucchini", + "garlic cloves" + ] + }, + { + "id": 35303, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "black pepper", + "corn starch", + "dark soy sauce", + "vinegar", + "eggs", + "water", + "white button mushrooms", + "soy sauce", + "soft tofu" + ] + }, + { + "id": 7776, + "cuisine": "cajun_creole", + "ingredients": [ + "creole mustard", + "sour cream", + "ground red pepper", + "cajun seasoning", + "cider vinegar" + ] + }, + { + "id": 32081, + "cuisine": "french", + "ingredients": [ + "smoked bacon", + "potatoes", + "bread dough", + "light cream", + "salt", + "olive oil", + "butter", + "pepper", + "ground nutmeg", + "chopped onion" + ] + }, + { + "id": 48620, + "cuisine": "korean", + "ingredients": [ + "molasses", + "edamame", + "toasted sesame seeds", + "water", + "carrots", + "canola oil", + "sushi rice", + "chopped walnuts", + "nori", + "soy sauce", + "daikon", + "shiso" + ] + }, + { + "id": 39422, + "cuisine": "mexican", + "ingredients": [ + "extra-lean ground beef", + "eggs", + "Mexican cheese", + "tomatoes", + "taco seasoning", + "bread crumbs" + ] + }, + { + "id": 323, + "cuisine": "thai", + "ingredients": [ + "sugar", + "thai chile", + "chopped cilantro", + "lime juice", + "freshly ground pepper", + "chicken legs", + "vegetable oil", + "tamarind concentrate", + "water", + "garlic", + "asian fish sauce" + ] + }, + { + "id": 14542, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "dried oregano", + "pepper", + "garlic cloves", + "green olives", + "crushed red pepper", + "red wine vinegar", + "celery" + ] + }, + { + "id": 18635, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "large eggs", + "Italian bread", + "green peppercorns", + "olive oil", + "fresh parsley leaves", + "bread crumb fresh", + "unsalted butter", + "fresh lemon juice", + "milk", + "anchovy paste", + "plum tomatoes" + ] + }, + { + "id": 16576, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "sour cream", + "lime zest" + ] + }, + { + "id": 12046, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "baking powder", + "all-purpose flour", + "corn starch", + "sugar", + "low-fat buttermilk", + "vanilla extract", + "blueberries", + "ground cinnamon", + "peaches", + "mint sprigs", + "grated lemon zest", + "butter-margarine blend", + "cooking spray", + "salt", + "lemon juice" + ] + }, + { + "id": 19085, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "water", + "baking potatoes", + "chopped onion", + "flat leaf parsley", + "black pepper", + "fennel bulb", + "green peas", + "garlic cloves", + "clams", + "fat free less sodium chicken broth", + "zucchini", + "salt", + "carrots", + "great northern beans", + "olive oil", + "asiago", + "long-grain rice", + "dried oregano" + ] + }, + { + "id": 49405, + "cuisine": "southern_us", + "ingredients": [ + "fresh dill", + "white wine vinegar", + "kosher salt", + "sour cream", + "capers", + "lemon zest", + "mayonaise", + "fresh lemon juice" + ] + }, + { + "id": 12629, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "chile pepper", + "olive oil", + "salt", + "tarragon vinegar", + "black olives", + "green onions", + "garlic salt" + ] + }, + { + "id": 35329, + "cuisine": "mexican", + "ingredients": [ + "water", + "mint leaves", + "corn starch", + "granulated sugar", + "1% low-fat milk", + "sweetened condensed milk", + "large egg whites", + "vanilla extract", + "nonfat evaporated milk", + "brown sugar", + "large eggs", + "cream cheese" + ] + }, + { + "id": 481, + "cuisine": "irish", + "ingredients": [ + "salt", + "milk", + "white sugar", + "baking soda", + "white vinegar", + "all-purpose flour" + ] + }, + { + "id": 3082, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "rice wine", + "strawberries", + "garlic cloves", + "ground ginger", + "pepper", + "salt", + "Gochujang base", + "onions", + "sugar", + "fresh ginger", + "rice vinegar", + "walnuts", + "canola oil", + "ketchup", + "chicken wing drummettes", + "corn syrup", + "corn starch" + ] + }, + { + "id": 37072, + "cuisine": "mexican", + "ingredients": [ + "hominy", + "ground pork", + "mixed spice", + "tomatillos", + "purple onion", + "avocado", + "radishes", + "garlic", + "lime", + "cilantro", + "pepitas" + ] + }, + { + "id": 43831, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "bell pepper", + "diced tomatoes", + "serrano", + "cinnamon sticks", + "ginger paste", + "water", + "bay leaves", + "curry", + "green cardamom", + "frozen peas", + "pepper", + "mint leaves", + "crushed red pepper flakes", + "rice", + "onions", + "ground cumin", + "clove", + "garam masala", + "yoghurt", + "salt", + "ground coriander", + "chicken" + ] + }, + { + "id": 7354, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "salt and ground black pepper", + "zucchini" + ] + }, + { + "id": 10712, + "cuisine": "italian", + "ingredients": [ + "baking powder", + "chopped walnuts", + "water", + "vanilla extract", + "miniature semisweet chocolate chips", + "eggs", + "butter", + "white sugar", + "egg yolks", + "all-purpose flour", + "unsweetened cocoa powder" + ] + }, + { + "id": 13746, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "crushed red pepper flakes", + "onion powder", + "dried oregano", + "ground black pepper", + "salt", + "paprika", + "ground cumin" + ] + }, + { + "id": 12020, + "cuisine": "italian", + "ingredients": [ + "canned low sodium chicken broth", + "heavy cream", + "fettucine", + "salami", + "goat cheese", + "ground black pepper", + "garlic", + "fresh basil", + "butter" + ] + }, + { + "id": 25510, + "cuisine": "french", + "ingredients": [ + "navel oranges", + "freshly ground pepper", + "black peppercorns", + "yellow onion", + "thyme", + "kosher salt", + "duck", + "celery ribs", + "port", + "carrots" + ] + }, + { + "id": 22348, + "cuisine": "thai", + "ingredients": [ + "tomatoes", + "tumeric", + "green onions", + "chili sauce", + "coconut milk", + "fish sauce", + "cayenne", + "chili powder", + "ground coriander", + "galangal", + "kaffir lime leaves", + "fresh coriander", + "shrimp paste", + "fresh mushrooms", + "fillets", + "fresh red chili", + "brown sugar", + "curry sauce", + "garlic", + "green beans", + "ground cumin" + ] + }, + { + "id": 42112, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "water", + "ground black pepper", + "all-purpose flour", + "minced garlic", + "baking soda", + "buttermilk", + "kosher salt", + "black-eyed peas", + "butter", + "chopped onion", + "unsalted chicken stock", + "smoked bacon", + "green onions", + "hot sauce" + ] + }, + { + "id": 22715, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "water", + "pork shoulder butt" + ] + }, + { + "id": 22110, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "vegetable oil", + "sauce", + "ground beef", + "green onions", + "salt", + "sharp cheddar cheese", + "chopped cilantro fresh", + "flour", + "red pepper flakes", + "green chilies", + "onions", + "chicken broth", + "chili powder", + "all-purpose flour", + "chopped cilantro", + "ground cumin" + ] + }, + { + "id": 851, + "cuisine": "mexican", + "ingredients": [ + "angel hair", + "grated cotija", + "carrots", + "black pepper", + "cilantro stems", + "tomato sauce", + "jalapeno chilies", + "canola oil", + "celery ribs", + "white onion", + "salt" + ] + }, + { + "id": 20709, + "cuisine": "british", + "ingredients": [ + "milk", + "lard", + "bicarbonate of soda", + "soft margarine", + "porridge oats", + "ground ginger", + "flour", + "white sugar", + "black treacle", + "golden syrup" + ] + }, + { + "id": 17524, + "cuisine": "filipino", + "ingredients": [ + "granulated sugar", + "vanilla extract", + "brown sugar", + "baking powder", + "all-purpose flour", + "powdered sugar", + "large eggs", + "salt", + "dark chocolate cocoa powder", + "vegetable oil" + ] + }, + { + "id": 39509, + "cuisine": "spanish", + "ingredients": [ + "shredded cheddar cheese", + "green onions", + "spanish chorizo", + "milk", + "russet potatoes", + "eggs", + "sweet onion", + "cracked black pepper", + "kosher salt", + "olive oil", + "garlic" + ] + }, + { + "id": 25345, + "cuisine": "italian", + "ingredients": [ + "water", + "dark rum", + "unsweetened cocoa powder", + "large egg yolks", + "Amaretti Cookies", + "sugar", + "whole milk", + "orange peel", + "large eggs", + "berries" + ] + }, + { + "id": 19753, + "cuisine": "japanese", + "ingredients": [ + "red wine vinegar", + "fresh ginger", + "fresh lime juice", + "brown sugar", + "cucumber", + "mirin", + "onions" + ] + }, + { + "id": 1776, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "Shaoxing wine", + "ground pork", + "minced ginger", + "green onions", + "salt", + "soy sauce", + "starch", + "garlic", + "large eggs", + "sesame oil", + "bok choy" + ] + }, + { + "id": 20421, + "cuisine": "french", + "ingredients": [ + "rosemary", + "garlic cloves", + "tomatoes", + "shallots", + "boiling potatoes", + "olive oil", + "thyme", + "water", + "rack of lamb" + ] + }, + { + "id": 19630, + "cuisine": "filipino", + "ingredients": [ + "bananas", + "brown sugar", + "spring roll wrappers", + "cooking oil", + "jackfruit" + ] + }, + { + "id": 1134, + "cuisine": "spanish", + "ingredients": [ + "lemon zest", + "ground almonds", + "potatoes", + "white sugar", + "egg whites", + "corn starch", + "pinenuts", + "egg yolks" + ] + }, + { + "id": 39645, + "cuisine": "russian", + "ingredients": [ + "alum", + "vinegar", + "onions", + "minced garlic", + "pickling cucumbers", + "pickling spices", + "canning salt", + "sugar", + "water", + "dill" + ] + }, + { + "id": 41985, + "cuisine": "french", + "ingredients": [ + "butter", + "cream cheese, soften", + "pork sausages", + "eggs", + "all-purpose flour", + "onions", + "shredded Monterey Jack cheese", + "salt", + "sour cream", + "canola oil", + "milk", + "asparagus spears", + "marjoram" + ] + }, + { + "id": 8564, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "ginger paste", + "garlic paste", + "ground red pepper", + "chopped cilantro fresh", + "white vinegar", + "ground black pepper", + "onions", + "chuck", + "plain yogurt", + "vegetable oil", + "plum tomatoes" + ] + }, + { + "id": 31377, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "black olives", + "onions", + "low sodium taco seasoning", + "extra-virgin olive oil", + "turkey meat", + "colby jack cheese", + "red enchilada sauce", + "low sodium chicken broth", + "garlic", + "rotini" + ] + }, + { + "id": 9932, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "garam masala", + "salt", + "fennel seeds", + "pepper", + "shallots", + "cumin", + "boneless chicken thighs", + "cassia cinnamon", + "ghee", + "curry leaves", + "honey", + "chili powder" + ] + }, + { + "id": 24607, + "cuisine": "irish", + "ingredients": [ + "large eggs", + "all-purpose flour", + "pitted date", + "butter", + "baking soda", + "crème fraîche", + "firmly packed brown sugar", + "baking powder" + ] + }, + { + "id": 25861, + "cuisine": "french", + "ingredients": [ + "egg whites", + "vanilla extract", + "creme anglaise", + "bittersweet chocolate", + "granulated sugar", + "whipped cream", + "egg yolks", + "confectioners sugar" + ] + }, + { + "id": 20525, + "cuisine": "italian", + "ingredients": [ + "picante sauce", + "dried thyme", + "cayenne pepper", + "tomato paste", + "water", + "white rice", + "boneless skinless chicken breast halves", + "pepper", + "grated parmesan cheese", + "dried parsley", + "tomatoes", + "chunky pasta sauce", + "salt", + "dried oregano" + ] + }, + { + "id": 9039, + "cuisine": "italian", + "ingredients": [ + "eggs", + "whole milk", + "salt", + "confectioners sugar", + "milk", + "sprinkles", + "candied fruit", + "anise seed", + "active dry yeast", + "vanilla extract", + "blanched almonds", + "shortening", + "butter", + "all-purpose flour", + "white sugar" + ] + }, + { + "id": 15189, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "leg of lamb", + "fine sea salt", + "tapenade", + "fresh rosemary", + "garlic cloves" + ] + }, + { + "id": 28599, + "cuisine": "british", + "ingredients": [ + "potatoes", + "olive oil flavored cooking spray", + "eggs", + "rice crackers", + "mixed spice", + "fillets", + "flour for dusting" + ] + }, + { + "id": 17304, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salsa", + "pinto beans", + "zucchini", + "chopped onion", + "dried oregano", + "paprika", + "long-grain rice", + "olive oil", + "cayenne pepper", + "garlic salt" + ] + }, + { + "id": 25333, + "cuisine": "filipino", + "ingredients": [ + "tamarind extract", + "cooking oil", + "garlic", + "tomatoes", + "other vegetables", + "finger chili", + "dumplings", + "pepper", + "shallots", + "salt", + "kangkong", + "eggplant", + "vegetable broth" + ] + }, + { + "id": 11436, + "cuisine": "french", + "ingredients": [ + "kaiser rolls", + "light mayonnaise", + "white wine vinegar", + "corn starch", + "fat free less sodium chicken broth", + "dry white wine", + "butter", + "garlic cloves", + "lump crab meat", + "ground red pepper", + "paprika", + "lemon juice", + "black pepper", + "green onions", + "shallots", + "stone ground mustard", + "bay leaf" + ] + }, + { + "id": 22466, + "cuisine": "cajun_creole", + "ingredients": [ + "minced garlic", + "salt", + "flat leaf parsley", + "mayonaise", + "ground black pepper", + "sweet paprika", + "tomato paste", + "whole grain mustard", + "hot sauce", + "ketchup", + "chopped celery", + "scallions" + ] + }, + { + "id": 13519, + "cuisine": "french", + "ingredients": [ + "golden caster sugar", + "unsalted butter", + "raisins", + "ground cinnamon", + "egg yolks", + "puff pastry", + "powdered sugar", + "dark rum", + "plain flour", + "large free range egg", + "ground almonds" + ] + }, + { + "id": 14135, + "cuisine": "mexican", + "ingredients": [ + "jicama", + "lime", + "crushed red pepper" + ] + }, + { + "id": 22136, + "cuisine": "indian", + "ingredients": [ + "granular sucrolose sweetener", + "ice", + "nonfat milk", + "ground cardamom", + "nonfat yogurt plain", + "mango" + ] + }, + { + "id": 15779, + "cuisine": "chinese", + "ingredients": [ + "brown sugar", + "green onions", + "corn starch", + "water", + "vegetable oil", + "soy sauce", + "flank steak", + "cooked rice", + "fresh ginger", + "garlic" + ] + }, + { + "id": 27974, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "sugar", + "almond extract", + "slivered almonds", + "compote", + "grated lemon peel", + "powdered sugar", + "large eggs", + "salt", + "candied orange peel", + "whole milk", + "dry bread crumbs" + ] + }, + { + "id": 46938, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "boneless skinless chicken breasts", + "beansprouts", + "green cabbage", + "egg roll wrappers", + "carrots", + "water", + "vegetable oil", + "canola oil", + "soy sauce", + "green onions", + "corn starch" + ] + }, + { + "id": 43835, + "cuisine": "southern_us", + "ingredients": [ + "large egg yolks", + "key lime juice", + "crushed graham crackers", + "butter", + "sugar", + "sweetened condensed milk" + ] + }, + { + "id": 1325, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "carrots", + "fresh parsley", + "ground black pepper", + "dry white wine", + "chopped celery", + "whole nutmegs", + "plum tomatoes", + "pancetta", + "finely chopped onion", + "ground pork", + "organic vegetable broth", + "bay leaf", + "chopped garlic", + "kosher salt", + "pork tenderloin", + "1% low-fat milk", + "cinnamon sticks", + "spaghetti" + ] + }, + { + "id": 46992, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "poblano chiles", + "chiles", + "garlic cloves", + "white onion", + "red bell pepper", + "Mexican oregano" + ] + }, + { + "id": 14580, + "cuisine": "french", + "ingredients": [ + "black peppercorns", + "olive oil", + "purple onion", + "baguette", + "star anise", + "reduced sodium chicken broth", + "manchego cheese", + "water", + "dry red wine" + ] + }, + { + "id": 23974, + "cuisine": "french", + "ingredients": [ + "sugar", + "heavy cream", + "fresh lemon juice", + "large eggs", + "fresh orange juice", + "orange zest", + "cream of tartar", + "whole milk", + "salt", + "large egg whites", + "sweetened coconut flakes", + "fresh pineapple" + ] + }, + { + "id": 14565, + "cuisine": "southern_us", + "ingredients": [ + "celery ribs", + "cooked chicken", + "mixed greens", + "slivered almonds", + "purple onion", + "avocado", + "poppy seed dressing", + "mayonaise", + "strawberries" + ] + }, + { + "id": 2558, + "cuisine": "italian", + "ingredients": [ + "green olives", + "olive oil", + "chicken breast halves", + "chopped onion", + "fresh basil", + "sugar", + "ground red pepper", + "chopped celery", + "chicken thighs", + "tomatoes", + "parsley sprigs", + "bay leaves", + "chicken drumsticks", + "flat leaf parsley", + "capers", + "macaroni", + "red wine vinegar", + "garlic cloves" + ] + }, + { + "id": 41029, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "boneless skinless chicken breast halves", + "water", + "garlic cloves", + "shredded Monterey Jack cheese", + "finely chopped onion", + "nopalitos", + "ground cumin", + "black pepper", + "salt", + "masa harina" + ] + }, + { + "id": 30387, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "curry powder", + "clam juice", + "sugar", + "minced ginger", + "light coconut milk", + "salmon fillets", + "lime juice", + "watercress", + "chile paste with garlic", + "minced garlic", + "vegetable oil", + "onions" + ] + }, + { + "id": 27758, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "green onions", + "salt", + "onions", + "green bell pepper", + "ground black pepper", + "garlic", + "red bell pepper", + "cold water", + "dried basil", + "crushed red pepper flakes", + "corn starch", + "water", + "vegetable oil", + "shrimp", + "spaghetti" + ] + }, + { + "id": 1431, + "cuisine": "british", + "ingredients": [ + "savoy cabbage", + "potatoes", + "pepper", + "salt", + "cheddar cheese", + "swede", + "unsalted butter" + ] + }, + { + "id": 28404, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "crushed red pepper", + "minced garlic", + "whipping cream", + "dry vermouth", + "bacon slices", + "onions", + "large eggs", + "linguine" + ] + }, + { + "id": 45267, + "cuisine": "mexican", + "ingredients": [ + "chili flakes", + "paprika", + "taco shells", + "dried oregano", + "lean minced beef", + "garlic cloves", + "sunflower oil", + "ground cumin" + ] + }, + { + "id": 45439, + "cuisine": "thai", + "ingredients": [ + "water", + "medium-grain rice", + "sea salt", + "coconut milk", + "coconut", + "flavoring", + "coconut oil", + "maple syrup" + ] + }, + { + "id": 25036, + "cuisine": "italian", + "ingredients": [ + "seedless raspberry jam", + "almond extract", + "slivered almonds", + "unsalted butter", + "salt", + "sugar", + "large eggs", + "all-purpose flour", + "raspberries", + "vanilla extract" + ] + }, + { + "id": 47203, + "cuisine": "cajun_creole", + "ingredients": [ + "egg whites", + "bread crumbs", + "onions", + "plain flour", + "cajun seasoning", + "olive oil" + ] + }, + { + "id": 18124, + "cuisine": "indian", + "ingredients": [ + "plain yogurt", + "green chilies", + "kosher salt", + "hot water", + "grated coconut", + "black mustard seeds", + "fresh coriander", + "ghee" + ] + }, + { + "id": 11897, + "cuisine": "french", + "ingredients": [ + "flour", + "sugar", + "salt", + "eggs", + "butter", + "water" + ] + }, + { + "id": 22629, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "zucchini", + "red bell pepper", + "olive oil", + "garlic", + "onions", + "salsa verde", + "shredded cheese", + "ground cumin", + "yellow squash", + "large flour tortillas", + "ground cayenne pepper" + ] + }, + { + "id": 44097, + "cuisine": "italian", + "ingredients": [ + "chicken stock", + "green lentil", + "bone-in chicken breasts", + "fresh leav spinach", + "salsa", + "fresh parsley", + "Italian turkey sausage links", + "garlic", + "pearl barley", + "olive oil", + "chickpeas", + "onions" + ] + }, + { + "id": 21415, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "green enchilada sauce", + "chicken broth", + "jalapeno chilies", + "corn tortillas", + "avocado", + "cooked turkey", + "red enchilada sauce", + "tomatoes", + "half & half", + "ground cumin" + ] + }, + { + "id": 1506, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "lamb chops", + "ground chuck", + "sea salt", + "minced onion", + "marjoram", + "minced garlic", + "ground rosemary" + ] + }, + { + "id": 29565, + "cuisine": "chinese", + "ingredients": [ + "romaine lettuce", + "sliced almonds", + "vegetable oil", + "scallions", + "soy sauce", + "cooked chicken", + "napa cabbage", + "chopped cilantro fresh", + "sugar", + "sesame seeds", + "wonton wrappers", + "fresh lemon juice", + "white vinegar", + "black pepper", + "sesame oil", + "salt", + "snow peas" + ] + }, + { + "id": 43263, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "ground black pepper", + "red bell pepper", + "olive oil", + "salt", + "onions", + "honey", + "jalapeno chilies", + "fresh lime juice", + "garbanzo beans", + "frozen corn kernels", + "chopped cilantro fresh" + ] + }, + { + "id": 26549, + "cuisine": "italian", + "ingredients": [ + "hot red pepper flakes", + "linguine", + "extra-virgin olive oil", + "garlic cloves", + "bread crumbs", + "chopped walnuts", + "cheese", + "flat leaf parsley" + ] + }, + { + "id": 44947, + "cuisine": "japanese", + "ingredients": [ + "pork", + "mirin", + "sake", + "water", + "ginger", + "soy sauce", + "miso", + "sugar", + "corn", + "garlic" + ] + }, + { + "id": 26871, + "cuisine": "russian", + "ingredients": [ + "sugar", + "salt", + "baking powder", + "oil", + "large eggs", + "all-purpose flour", + "buttermilk" + ] + }, + { + "id": 22573, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "Mexican oregano", + "garlic", + "corn tortillas", + "avocado", + "black pepper", + "vegetable oil", + "sauce", + "chopped cilantro", + "chicken broth", + "corn", + "coarse salt", + "shrimp", + "onions", + "green chile", + "flour", + "butter", + "sour cream" + ] + }, + { + "id": 22772, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "garlic", + "corn tortillas", + "cumin", + "avocado", + "diced tomatoes", + "sour cream", + "roasted tomatoes", + "chile powder", + "green onions", + "cream cheese", + "chopped cilantro", + "shredded cheddar cheese", + "cilantro", + "ground turkey", + "onions" + ] + }, + { + "id": 11170, + "cuisine": "thai", + "ingredients": [ + "chili flakes", + "russet potatoes", + "thai green curry paste", + "reduced fat coconut milk", + "fresh cilantro", + "duck", + "firmly packed brown sugar", + "cilantro sprigs", + "asian fish sauce", + "chicken broth", + "curry powder", + "salt" + ] + }, + { + "id": 41277, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "large egg whites", + "vanilla", + "cider vinegar", + "half & half", + "vanilla wafers", + "cream of tartar", + "vanilla beans", + "butter", + "corn starch", + "sugar", + "bananas", + "salt" + ] + }, + { + "id": 12957, + "cuisine": "thai", + "ingredients": [ + "medium egg noodles", + "Thai red curry paste", + "coconut milk", + "brown sugar", + "spring onions", + "chinese leaf", + "coriander", + "lime", + "vegetable oil", + "carrots", + "cherry tomatoes", + "vegetable stock", + "beansprouts" + ] + }, + { + "id": 12412, + "cuisine": "british", + "ingredients": [ + "fresh rosemary", + "ground black pepper", + "vegetable stock", + "all-purpose flour", + "nutmeg", + "vegetables", + "balsamic vinegar", + "purple onion", + "chestnuts", + "all potato purpos", + "butter", + "venison", + "olive oil", + "bay leaves", + "sea salt", + "pork sausages" + ] + }, + { + "id": 40401, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "Shaoxing wine", + "scallions", + "potato starch", + "light soy sauce", + "salt", + "short rib", + "red chili peppers", + "sesame oil", + "garlic cloves", + "chili flakes", + "fresh ginger", + "peanut oil", + "ground cumin" + ] + }, + { + "id": 33848, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "fresh oregano", + "kosher salt", + "Italian parsley leaves", + "corn tortillas", + "black pepper", + "ground red pepper", + "garlic cloves", + "halibut fillets", + "extra-virgin olive oil", + "ground cumin" + ] + }, + { + "id": 28729, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped green bell pepper", + "white rice", + "dri leav thyme", + "minced garlic", + "cajun seasoning", + "chopped celery", + "onions", + "chicken broth", + "bay leaves", + "smoked sausage", + "medium shrimp", + "olive oil", + "tomatoes with juice", + "salt" + ] + }, + { + "id": 45520, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "salt", + "oil", + "coriander powder", + "rice", + "water", + "cilantro leaves", + "potatoes", + "green chilies" + ] + }, + { + "id": 20869, + "cuisine": "italian", + "ingredients": [ + "milk", + "low sodium chicken broth", + "garlic", + "yellow onion", + "black pepper", + "parmesan cheese", + "baby spinach", + "salt", + "fresh parsley", + "dried basil", + "cooked chicken", + "part-skim ricotta cheese", + "oven-ready lasagna noodles", + "mozzarella cheese", + "lasagne", + "butter", + "all-purpose flour", + "dried oregano" + ] + }, + { + "id": 36879, + "cuisine": "italian", + "ingredients": [ + "pasta", + "sausage casings", + "red pepper flakes", + "salt", + "onions", + "tomato paste", + "pepper", + "basil", + "oil", + "fennel seeds", + "mozzarella cheese", + "diced tomatoes", + "ricotta", + "oregano", + "chicken broth", + "parmesan cheese", + "garlic", + "bay leaf" + ] + }, + { + "id": 36639, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "dri basil leaves, crush", + "vegetables", + "fettuccine, cook and drain" + ] + }, + { + "id": 42547, + "cuisine": "italian", + "ingredients": [ + "garlic", + "grated parmesan cheese", + "pinenuts", + "fresh basil leaves", + "extra-virgin olive oil" + ] + }, + { + "id": 37720, + "cuisine": "southern_us", + "ingredients": [ + "graham crackers", + "egg yolks", + "key lime juice", + "lime zest", + "mascarpone", + "confectioners sugar", + "kosher salt", + "heavy cream", + "melted butter", + "granulated sugar", + "sweetened condensed milk" + ] + }, + { + "id": 4993, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "large eggs", + "grated lemon zest", + "kosher salt", + "vanilla extract", + "sugar", + "buttermilk", + "fresh lemon juice", + "light brown sugar", + "unsalted butter", + "all-purpose flour" + ] + }, + { + "id": 26911, + "cuisine": "french", + "ingredients": [ + "cream of tartar", + "vegetable oil spray", + "sugar", + "water", + "pecan halves" + ] + }, + { + "id": 23984, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "sweet potatoes", + "red curry paste", + "carrots", + "lime", + "ginger", + "roasted peanuts", + "coconut oil", + "cilantro", + "yellow onion", + "coconut milk", + "ground black pepper", + "vegetable broth", + "garlic cloves" + ] + }, + { + "id": 28199, + "cuisine": "southern_us", + "ingredients": [ + "egg whites", + "pork sausages", + "ketchup", + "flavoring", + "onion powder", + "grits", + "garlic powder", + "ground beef" + ] + }, + { + "id": 45241, + "cuisine": "italian", + "ingredients": [ + "penne", + "bacon", + "parmesan cheese", + "salt", + "parsley", + "medium shrimp", + "dried thyme", + "purple onion" + ] + }, + { + "id": 8967, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "ginger", + "ground coriander", + "lemongrass", + "salt", + "lime juice", + "garlic", + "ground cumin", + "fish sauce", + "shallots", + "cilantro leaves" + ] + }, + { + "id": 47109, + "cuisine": "indian", + "ingredients": [ + "water", + "canola oil", + "finely chopped onion", + "chiles", + "salt", + "grated coconut", + "all-purpose flour" + ] + }, + { + "id": 45583, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "pineapple", + "chopped cilantro", + "chicken breasts", + "salt", + "jalapeno chilies", + "purple onion", + "cajun seasoning", + "juice" + ] + }, + { + "id": 32377, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "large egg yolks", + "chopped fresh chives", + "fresh parsley", + "fresh chives", + "large eggs", + "butter", + "canola oil", + "fontina cheese", + "finely chopped onion", + "dry white wine", + "panko breadcrumbs", + "olive oil", + "grated parmesan cheese", + "low salt chicken broth" + ] + }, + { + "id": 29637, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "chickpeas", + "curry powder", + "kosher salt", + "cumin", + "cayenne pepper" + ] + }, + { + "id": 39730, + "cuisine": "moroccan", + "ingredients": [ + "beef stock", + "gingerroot", + "ground turmeric", + "stewing beef", + "chili powder", + "garlic cloves", + "pimentos", + "oil", + "pumpkin", + "salt", + "onions" + ] + }, + { + "id": 32701, + "cuisine": "vietnamese", + "ingredients": [ + "clove", + "beef bones", + "thai basil", + "cilantro", + "salt", + "fish sauce", + "water", + "oxtails", + "star anise", + "cinnamon sticks", + "black peppercorns", + "pepper", + "bay leaves", + "ginger", + "yellow onion", + "brown sugar", + "rice sticks", + "lime wedges", + "beef tenderloin", + "beansprouts" + ] + }, + { + "id": 7504, + "cuisine": "italian", + "ingredients": [ + "pasta", + "condensed tomato soup", + "tomato sauce", + "hot Italian sausages", + "milk", + "shredded mozzarella cheese", + "tomato paste", + "sweet italian sausage" + ] + }, + { + "id": 23275, + "cuisine": "mexican", + "ingredients": [ + "granulated garlic", + "pepper jack", + "salsa", + "sour cream", + "water", + "chili powder", + "pork roast", + "dried oregano", + "ground black pepper", + "onion powder", + "smoked paprika", + "kosher salt", + "guacamole", + "cayenne pepper", + "corn tortillas" + ] + }, + { + "id": 29174, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "vegetable broth", + "bay leaf", + "tomato paste", + "parsley", + "thyme", + "red lentils", + "brown rice", + "garlic", + "onions", + "spinach", + "cajun seasoning", + "celery" + ] + }, + { + "id": 15219, + "cuisine": "italian", + "ingredients": [ + "pasta sauce", + "ground black pepper", + "chopped fresh thyme", + "flat leaf parsley", + "eggs", + "part-skim mozzarella cheese", + "lasagna noodles, cooked and drained", + "fresh oregano", + "fresh basil", + "fresh parmesan cheese", + "ground red pepper", + "garlic cloves", + "kosher salt", + "cooking spray", + "part-skim ricotta cheese" + ] + }, + { + "id": 47040, + "cuisine": "french", + "ingredients": [ + "sugar", + "all-purpose flour", + "unsalted butter", + "large egg whites", + "orange zest", + "vanilla" + ] + }, + { + "id": 11198, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "honey", + "dried apricot", + "lamb", + "ground cinnamon", + "sultana", + "almonds", + "Flora Cuisine", + "onions", + "lamb stock", + "chopped tomatoes", + "paprika", + "fresh parsley", + "tomato purée", + "fresh coriander", + "ground black pepper", + "garlic" + ] + }, + { + "id": 10211, + "cuisine": "indian", + "ingredients": [ + "brussels sprouts", + "cilantro", + "ground coriander", + "ground turmeric", + "chile powder", + "olive oil", + "garlic", + "black mustard seeds", + "kosher salt", + "ginger", + "cumin seed", + "ground cumin", + "tomatoes", + "garam masala", + "purple onion", + "bay leaf" + ] + }, + { + "id": 26774, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "white sugar", + "chopped celery", + "chopped green bell pepper", + "tomatoes", + "chopped onion" + ] + }, + { + "id": 43818, + "cuisine": "filipino", + "ingredients": [ + "asian pear", + "sour cream", + "fruit", + "lychees", + "red delicious apples", + "seeds", + "sweetened condensed milk", + "cream style corn", + "preserves" + ] + }, + { + "id": 14315, + "cuisine": "filipino", + "ingredients": [ + "egg yolks", + "water", + "evaporated milk", + "brown sugar", + "sweetened condensed milk" + ] + }, + { + "id": 23620, + "cuisine": "japanese", + "ingredients": [ + "ground chicken", + "peeled fresh ginger", + "sansho", + "water", + "shichimi togarashi", + "black pepper", + "green onions", + "soy sauce", + "mirin", + "sea salt" + ] + }, + { + "id": 19012, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "rice vinegar", + "black pepper", + "white sugar", + "boneless chicken skinless thigh", + "corn starch", + "cold water", + "garlic" + ] + }, + { + "id": 34834, + "cuisine": "mexican", + "ingredients": [ + "butter", + "shrimp shells", + "green bell pepper", + "frozen corn", + "tex mex seasoning", + "whole wheat tortillas", + "onions", + "mozzarella cheese", + "red bell pepper" + ] + }, + { + "id": 7245, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "garlic cloves", + "large eggs", + "dried oregano", + "canned black beans", + "corn tortillas", + "salsa", + "canola oil" + ] + }, + { + "id": 35378, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "shredded mozzarella cheese", + "pasta sauce", + "ricotta cheese", + "eggs", + "ziti", + "dried parsley", + "pepper", + "salt" + ] + }, + { + "id": 12635, + "cuisine": "greek", + "ingredients": [ + "water", + "salt", + "onions", + "fresh green peas", + "extra-virgin olive oil", + "fresh lemon juice", + "ground black pepper", + "small red potato", + "chopped fresh mint", + "fresh dill", + "artichokes", + "carrots" + ] + }, + { + "id": 8486, + "cuisine": "french", + "ingredients": [ + "salad", + "sugar", + "flour", + "eggs", + "evaporated milk", + "vanilla", + "chopped nuts", + "shredded coconut", + "butter", + "brown sugar", + "baking soda", + "salt" + ] + }, + { + "id": 24812, + "cuisine": "thai", + "ingredients": [ + "minced garlic", + "chunky peanut butter", + "red bell pepper", + "brown sugar", + "water chestnuts", + "ground coriander", + "green bell pepper", + "sweet onion", + "green onions", + "ground cayenne pepper", + "soy sauce", + "pork tenderloin", + "lemon juice" + ] + }, + { + "id": 20773, + "cuisine": "thai", + "ingredients": [ + "chiles", + "bay leaves", + "salt", + "lard", + "fresh turmeric", + "ground nutmeg", + "cinnamon", + "venison", + "galangal", + "fish sauce", + "potatoes", + "cardamom seeds", + "garlic cloves", + "onions", + "clove", + "lemongrass", + "chives", + "yellow curry paste", + "coconut milk" + ] + }, + { + "id": 3438, + "cuisine": "japanese", + "ingredients": [ + "salt", + "ground pepper", + "firm tofu", + "sesame seeds", + "broccoli", + "reduced sodium soy sauce", + "toasted sesame oil" + ] + }, + { + "id": 25847, + "cuisine": "mexican", + "ingredients": [ + "whole milk", + "corn starch", + "grated orange peel", + "vanilla extract", + "sweetened condensed milk", + "eggs", + "heavy cream", + "white sugar", + "egg yolks", + "orange juice" + ] + }, + { + "id": 22756, + "cuisine": "korean", + "ingredients": [ + "brown sugar", + "minced garlic", + "green onions", + "pear juice", + "honey", + "red pepper flakes", + "soy sauce", + "minced ginger", + "sesame oil", + "black pepper", + "beef", + "onions" + ] + }, + { + "id": 5461, + "cuisine": "spanish", + "ingredients": [ + "white pepper", + "white sugar", + "ketchup", + "pimentos", + "mayonaise", + "Jell-O Gelatin", + "tuna packed in water", + "paprika" + ] + }, + { + "id": 1219, + "cuisine": "southern_us", + "ingredients": [ + "bay leaves", + "cayenne pepper", + "black-eyed peas", + "garlic", + "freshly ground pepper", + "extra-virgin olive oil", + "okra", + "low sodium chicken broth", + "salt", + "onions" + ] + }, + { + "id": 19288, + "cuisine": "mexican", + "ingredients": [ + "crushed tomatoes", + "paprika", + "garlic cloves", + "dried oregano", + "kosher salt", + "low sodium chicken broth", + "yellow onion", + "ground beef", + "ground cumin", + "ground black pepper", + "shredded sharp cheddar cheese", + "sour cream", + "masa harina", + "cider vinegar", + "vegetable oil", + "cayenne pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 12731, + "cuisine": "thai", + "ingredients": [ + "sweet chili sauce", + "rice wine", + "toasted sesame oil", + "fish sauce", + "minced garlic", + "peanut butter", + "dark soy sauce", + "gari", + "rice vinegar", + "brown sugar", + "curry powder", + "coconut milk" + ] + }, + { + "id": 535, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "garlic", + "coarse salt", + "yukon gold potatoes", + "curds", + "milk", + "heavy cream" + ] + }, + { + "id": 6016, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "scallions", + "buttermilk", + "sour cream", + "salsa verde", + "cucumber", + "kosher salt", + "cayenne pepper" + ] + }, + { + "id": 41031, + "cuisine": "japanese", + "ingredients": [ + "pork", + "flour", + "tonkatsu sauce", + "eggs", + "vegetables", + "Japanese Mayonnaise", + "gari", + "green onions", + "panko breadcrumbs", + "cabbage leaves", + "ground black pepper", + "sea salt" + ] + }, + { + "id": 26134, + "cuisine": "thai", + "ingredients": [ + "boiled eggs", + "cooking oil", + "dark brown sugar", + "chiles", + "tamarind pulp", + "cilantro leaves", + "fish sauce", + "palm sugar", + "vegetable oil", + "water", + "bawang goreng", + "red bell pepper" + ] + }, + { + "id": 4180, + "cuisine": "chinese", + "ingredients": [ + "cold water", + "boneless chicken skinless thigh", + "olive oil", + "ginger", + "corn starch", + "soy sauce", + "minced garlic", + "coarse salt", + "rice vinegar", + "white sesame seeds", + "pineapple chunks", + "black pepper", + "granulated sugar", + "white rice", + "red bell pepper", + "ketchup", + "water", + "worcestershire sauce", + "orange juice" + ] + }, + { + "id": 24946, + "cuisine": "italian", + "ingredients": [ + "hazelnuts", + "fresh orange juice", + "liqueur", + "sugar", + "baking soda", + "all-purpose flour", + "unsweetened cocoa powder", + "ground cloves", + "unsalted butter", + "confectioners sugar", + "ground cinnamon", + "water", + "salt", + "grated orange" + ] + }, + { + "id": 80, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "salt" + ] + }, + { + "id": 8859, + "cuisine": "filipino", + "ingredients": [ + "minced ginger", + "sauce", + "Holland House White Wine Vinegar", + "sugar", + "sweetened coconut flakes", + "apricot jam", + "vegetable oil", + "chicken fingers", + "soy sauce", + "garlic", + "panko breadcrumbs" + ] + }, + { + "id": 33741, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "vegetable oil", + "ground beef", + "pasta sauce", + "water", + "garlic", + "white sugar", + "shredded cheddar cheese", + "ground pork", + "onions", + "ketchup", + "hot dogs", + "salt", + "spaghetti" + ] + }, + { + "id": 38478, + "cuisine": "british", + "ingredients": [ + "eggs", + "active dry yeast", + "salt", + "water", + "butter", + "white sugar", + "milk", + "raisins", + "warm water", + "egg yolks", + "all-purpose flour" + ] + }, + { + "id": 13111, + "cuisine": "french", + "ingredients": [ + "pork loin", + "champagne", + "frankfurters", + "garlic cloves", + "sauerkraut", + "brats", + "knockwurst", + "ground black pepper", + "salt pork", + "onions" + ] + }, + { + "id": 15065, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "lemon", + "garlic cloves", + "unsalted butter", + "cracked black pepper", + "olive oil", + "worcestershire sauce", + "jumbo shrimp", + "cajun seasoning", + "salt" + ] + }, + { + "id": 30248, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "chili powder", + "cooked chicken breasts", + "eggs", + "chopped green chilies", + "enchilada sauce", + "milk", + "cilantro", + "ground cumin", + "corn mix muffin", + "cream style corn", + "sour cream" + ] + }, + { + "id": 25051, + "cuisine": "italian", + "ingredients": [ + "artichoke hearts", + "extra-virgin olive oil", + "black pepper", + "red wine vinegar", + "flat leaf parsley", + "lemon zest", + "salt", + "pinenuts", + "orzo" + ] + }, + { + "id": 23889, + "cuisine": "irish", + "ingredients": [ + "kosher salt", + "garlic cloves", + "thick-cut bacon", + "black peppercorns", + "bay leaves", + "pig's trotters", + "caul fat", + "cream", + "russet potatoes", + "onions", + "green cabbage", + "ground black pepper", + "carrots", + "cabbage" + ] + }, + { + "id": 5424, + "cuisine": "indian", + "ingredients": [ + "sliced almonds", + "chutney", + "hothouse cucumber", + "butter", + "Madras curry powder", + "cantaloupe", + "chopped fresh mint", + "trout fillet", + "plain whole-milk yogurt" + ] + }, + { + "id": 40468, + "cuisine": "mexican", + "ingredients": [ + "jicama", + "cayenne", + "seedless cucumber", + "navel oranges" + ] + }, + { + "id": 42087, + "cuisine": "southern_us", + "ingredients": [ + "diced onions", + "cooked ham", + "leeks", + "cayenne pepper", + "collard greens", + "olive oil", + "cajun seasoning", + "celery", + "chicken stock", + "minced garlic", + "bay leaves", + "ham hock", + "green bell pepper", + "black-eyed peas", + "salt", + "cumin" + ] + }, + { + "id": 14498, + "cuisine": "indian", + "ingredients": [ + "black pepper", + "boneless skinless chicken breasts", + "salt", + "tumeric", + "cayenne", + "paprika", + "allspice", + "garlic powder", + "cinnamon", + "cumin", + "boneless chicken skinless thigh", + "cooking oil", + "extra-virgin olive oil" + ] + }, + { + "id": 25983, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "bacon", + "spaghetti", + "crushed tomatoes", + "onions", + "white wine", + "crushed red pepper flakes" + ] + }, + { + "id": 36680, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "polenta", + "marinara sauce", + "grated parmesan cheese", + "wild mushrooms", + "sausage casings", + "dry red wine" + ] + }, + { + "id": 37767, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "chicken breast halves", + "reduced sodium soy sauce", + "long grain white rice", + "green onions", + "pepper", + "garlic" + ] + }, + { + "id": 17549, + "cuisine": "thai", + "ingredients": [ + "gai lan", + "garlic", + "sugar", + "oyster sauce", + "fish sauce", + "oil", + "water" + ] + }, + { + "id": 37484, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "red chili peppers", + "ground black pepper", + "fillet red snapper", + "shiitake", + "salt", + "tomatoes", + "fresh ginger", + "cilantro" + ] + }, + { + "id": 11282, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "scallions", + "eggs", + "wonton wrappers", + "canola oil", + "avocado", + "jalapeno chilies", + "chopped cilantro", + "lime", + "salt" + ] + }, + { + "id": 16336, + "cuisine": "indian", + "ingredients": [ + "chiles", + "fresh ginger", + "brown mustard seeds", + "garlic cloves", + "chopped cilantro", + "pie dough", + "cayenne", + "cauliflower florets", + "chutney", + "tumeric", + "kosher salt", + "finely chopped onion", + "chopped onion", + "fresh mint", + "sugar", + "garam masala", + "russet potatoes", + "lemon juice", + "canola oil" + ] + }, + { + "id": 11334, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "cayenne pepper", + "onions", + "vegetable oil", + "venison", + "dried oregano", + "seasoning salt", + "fajita size flour tortillas", + "garlic salt", + "yellow bell pepper", + "red bell pepper" + ] + }, + { + "id": 18422, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "buttermilk", + "whole milk", + "heavy cream" + ] + }, + { + "id": 46060, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "olive oil", + "chicken breasts", + "all-purpose flour", + "minced garlic", + "bay leaves", + "chopped celery", + "cooked rice", + "chopped green bell pepper", + "cajun seasoning", + "onions", + "crushed tomatoes", + "ground red pepper", + "salt" + ] + }, + { + "id": 48537, + "cuisine": "spanish", + "ingredients": [ + "beef stock", + "salt", + "bay leaf", + "pepper", + "diced tomatoes", + "carrots", + "onions", + "dried thyme", + "smoked sausage", + "celery", + "cabbage", + "baking potatoes", + "lemon juice", + "Burgundy wine" + ] + }, + { + "id": 19574, + "cuisine": "indian", + "ingredients": [ + "fresh curry leaves", + "urad dal", + "ground turmeric", + "tomatoes", + "brown mustard seeds", + "salt", + "potatoes", + "ground asafetida", + "red chili peppers", + "vegetable oil", + "onions" + ] + }, + { + "id": 46383, + "cuisine": "mexican", + "ingredients": [ + "lean ground beef", + "chopped onion", + "green bell pepper", + "cheese", + "elbow macaroni", + "tomato paste", + "diced tomatoes", + "taco seasoning", + "cheese soup", + "garlic" + ] + }, + { + "id": 32230, + "cuisine": "filipino", + "ingredients": [ + "pork", + "vinegar", + "garlic", + "onions", + "pork belly", + "shallots", + "firm tofu", + "broth", + "soy sauce", + "bay leaves", + "salt", + "peppercorns", + "sugar", + "pepper", + "thai chile", + "oil" + ] + }, + { + "id": 38535, + "cuisine": "irish", + "ingredients": [ + "baking powder", + "all-purpose flour", + "vanilla extract", + "butter", + "toasted coconut", + "powdered sugar", + "salt" + ] + }, + { + "id": 12828, + "cuisine": "italian", + "ingredients": [ + "sugar", + "olive oil", + "kosher salt", + "warm water", + "all-purpose flour", + "active dry yeast" + ] + }, + { + "id": 31608, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "radishes", + "mustard seeds", + "chaat masala", + "amchur", + "mint leaves", + "ghee", + "water", + "flour", + "nigella seeds", + "ground cumin", + "fennel seeds", + "tamarind pulp", + "salt", + "coriander" + ] + }, + { + "id": 31772, + "cuisine": "filipino", + "ingredients": [ + "tofu", + "tamarind", + "salt", + "onions", + "pepper", + "fresh green bean", + "chayotes", + "stock", + "potatoes", + "garlic cloves", + "water", + "diced tomatoes", + "bok choy" + ] + }, + { + "id": 42340, + "cuisine": "mexican", + "ingredients": [ + "dried pinto beans", + "onions", + "ground black pepper", + "salt", + "garlic", + "cumin", + "paprika", + "fat" + ] + }, + { + "id": 6493, + "cuisine": "chinese", + "ingredients": [ + "sugar pea", + "ground black pepper", + "sesame oil", + "red pepper", + "salt", + "honey", + "green onions", + "vegetable oil", + "teriyaki sauce", + "carrots", + "black pepper", + "flour", + "rice noodles", + "crushed red pepper flakes", + "green pepper", + "soy sauce", + "sesame seeds", + "boneless skinless chicken breasts", + "spices", + "garlic" + ] + }, + { + "id": 48568, + "cuisine": "thai", + "ingredients": [ + "boneless chicken skinless thigh", + "full fat coconut milk", + "mint leaves", + "cucumber", + "soy sauce", + "lemongrass", + "shredded carrots", + "cilantro", + "noodles", + "garlic paste", + "water", + "red cabbage", + "marinade", + "red bell pepper", + "sweet chili sauce", + "lime", + "chunky peanut butter", + "rice vinegar", + "canola oil" + ] + }, + { + "id": 36935, + "cuisine": "southern_us", + "ingredients": [ + "granulated sugar", + "karo syrup", + "cayenne pepper", + "butter", + "brown sugar", + "mixed nuts" + ] + }, + { + "id": 24693, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "light soy sauce", + "broccoli", + "white vinegar", + "salt", + "sesame oil", + "white sugar" + ] + }, + { + "id": 35446, + "cuisine": "french", + "ingredients": [ + "tomatoes", + "hard-boiled egg", + "purple onion", + "scallions", + "white onion", + "red wine vinegar", + "anchovy fillets", + "tuna", + "radishes", + "extra-virgin olive oil", + "Niçoise olives", + "black pepper", + "lettuce leaves", + "salt", + "lemon juice" + ] + }, + { + "id": 24895, + "cuisine": "mexican", + "ingredients": [ + "adobo sauce", + "light mayonnaise" + ] + }, + { + "id": 24247, + "cuisine": "vietnamese", + "ingredients": [ + "tomatoes", + "white pepper", + "green onions", + "rice", + "cucumber", + "soy sauce", + "honey", + "lime wedges", + "garlic chili sauce", + "black pepper", + "cooking oil", + "cornish hens", + "juice", + "red chili peppers", + "minced garlic", + "sesame oil", + "chinese five-spice powder" + ] + }, + { + "id": 34934, + "cuisine": "chinese", + "ingredients": [ + "red chili peppers", + "roast", + "ginger", + "sauce", + "ground white pepper", + "dark soy sauce", + "light soy sauce", + "chicken breasts", + "salt", + "oil", + "water", + "Shaoxing wine", + "garlic", + "scallions", + "chicken", + "sugar", + "peanuts", + "szechwan peppercorns", + "rice vinegar", + "corn starch" + ] + }, + { + "id": 15070, + "cuisine": "thai", + "ingredients": [ + "bread", + "lime juice", + "thai chile", + "water", + "Sriracha", + "white beans", + "soy sauce", + "olive oil", + "garlic", + "curry powder", + "sesame oil", + "crackers" + ] + }, + { + "id": 47777, + "cuisine": "spanish", + "ingredients": [ + "baking potatoes", + "garlic cloves", + "eggs", + "salt", + "olive oil", + "yellow onion", + "lemon" + ] + }, + { + "id": 1358, + "cuisine": "southern_us", + "ingredients": [ + "cold milk", + "butter", + "granulated sugar", + "all-purpose flour", + "cream of tartar", + "salt", + "baking powder", + "white sugar" + ] + }, + { + "id": 35649, + "cuisine": "cajun_creole", + "ingredients": [ + "jasmine rice", + "vegetable oil", + "salt", + "oregano", + "jack cheese", + "ground black pepper", + "heavy cream", + "cayenne pepper", + "tomatoes", + "pepper", + "large garlic cloves", + "yellow onion", + "white wine", + "chicken breasts", + "paprika", + "thyme" + ] + }, + { + "id": 30651, + "cuisine": "italian", + "ingredients": [ + "sugar", + "fresh parmesan cheese", + "carrots", + "tomato paste", + "white onion", + "salt", + "pasta", + "black pepper", + "garlic", + "fresh parsley", + "tomatoes", + "olive oil", + "fresh oregano" + ] + }, + { + "id": 15878, + "cuisine": "southern_us", + "ingredients": [ + "pork chops", + "flour", + "biscuits", + "salt", + "pepper", + "oil" + ] + }, + { + "id": 23357, + "cuisine": "southern_us", + "ingredients": [ + "cooked turkey", + "freshly ground pepper", + "eggs", + "ranch dressing", + "iceberg lettuce", + "avocado", + "crumbled blue cheese", + "plum tomatoes", + "sugar pea", + "bacon slices" + ] + }, + { + "id": 40580, + "cuisine": "mexican", + "ingredients": [ + "medium shrimp uncook", + "fresh lime juice", + "plum tomatoes", + "lime wedges", + "pimento stuffed green olives", + "white onion", + "garlic cloves", + "chopped cilantro fresh", + "olive oil", + "grate lime peel", + "serrano chile" + ] + }, + { + "id": 22183, + "cuisine": "spanish", + "ingredients": [ + "lime", + "lemon slices", + "sugar", + "dry white wine", + "club soda", + "lime slices", + "cognac", + "orange", + "lemon" + ] + }, + { + "id": 38721, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "chicken", + "biscuits", + "butter", + "milk", + "salt", + "ground pepper", + "sausages" + ] + }, + { + "id": 18568, + "cuisine": "southern_us", + "ingredients": [ + "McCormick Parsley Flakes", + "old bay seasoning", + "eggs", + "milk", + "salt", + "bread", + "lump crab meat", + "worcestershire sauce", + "mayonaise", + "baking powder" + ] + }, + { + "id": 4268, + "cuisine": "thai", + "ingredients": [ + "ground cloves", + "shallots", + "Thai fish sauce", + "ground cumin", + "coriander seeds", + "cinnamon", + "coconut milk", + "lemongrass", + "chile pepper", + "ginger root", + "light brown sugar", + "cardamon", + "garlic cloves", + "ground turmeric" + ] + }, + { + "id": 31738, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "salt", + "chopped cilantro fresh", + "jalapeno chilies", + "red bell pepper", + "flour tortillas", + "cream cheese", + "black beans", + "vegetable oil", + "onions" + ] + }, + { + "id": 27397, + "cuisine": "french", + "ingredients": [ + "ground black pepper", + "baking potatoes", + "grated nutmeg", + "fresh thyme", + "heavy cream", + "raclette", + "unsalted butter", + "Jarlsberg", + "garlic cloves", + "bay leaves", + "salt" + ] + }, + { + "id": 41077, + "cuisine": "russian", + "ingredients": [ + "salmon", + "large eggs", + "sugar", + "unsalted butter", + "crème fraîche", + "active dry yeast", + "coarse salt", + "warm water", + "low-fat buttermilk", + "all-purpose flour" + ] + }, + { + "id": 356, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "pasta sauce", + "grated parmesan cheese", + "manicotti shells", + "part-skim mozzarella cheese", + "nonfat ricotta cheese", + "fresh basil", + "large egg whites", + "firm tofu" + ] + }, + { + "id": 37734, + "cuisine": "spanish", + "ingredients": [ + "sherry vinegar", + "cilantro leaves", + "kosher salt", + "tomatillos", + "cumin", + "sugar", + "sweet potatoes", + "oregano", + "olive oil", + "extra-virgin olive oil" + ] + }, + { + "id": 32515, + "cuisine": "spanish", + "ingredients": [ + "fresh parsley", + "dry red wine", + "extra-virgin olive oil", + "honey", + "chicken" + ] + }, + { + "id": 35465, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "fat free milk", + "cooking oil", + "all-purpose flour", + "sugar", + "lemon extract", + "vanilla", + "nonfat evaporated milk", + "eggs", + "ground nutmeg", + "sweet potatoes", + "flavoring", + "pastry", + "whipped dessert topping", + "salt" + ] + }, + { + "id": 7578, + "cuisine": "spanish", + "ingredients": [ + "clams", + "bacon", + "Italian bread", + "chorizo", + "garlic", + "chicken broth", + "diced tomatoes", + "chopped cilantro fresh", + "dry white wine", + "crushed red pepper" + ] + }, + { + "id": 42500, + "cuisine": "indian", + "ingredients": [ + "cinnamon sticks", + "saffron", + "salt", + "nigella seeds", + "lemon", + "coconut milk", + "juice", + "basmati rice" + ] + }, + { + "id": 11390, + "cuisine": "indian", + "ingredients": [ + "red chili peppers", + "coriander powder", + "garlic", + "onions", + "medium tomatoes", + "ginger", + "cumin seed", + "tumeric", + "garam masala", + "urad dal", + "ghee", + "water", + "chana dal", + "salt" + ] + }, + { + "id": 45133, + "cuisine": "thai", + "ingredients": [ + "lemongrass", + "shallots", + "purple onion", + "chicken breast tenderloins", + "low sodium soy sauce", + "thai basil", + "light coconut milk", + "cilantro leaves", + "toasted sesame oil", + "lime", + "ginger", + "maple syrup", + "oyster sauce", + "fish sauce", + "jalapeno chilies", + "garlic", + "low sodium chicken stock", + "canola oil" + ] + }, + { + "id": 2917, + "cuisine": "greek", + "ingredients": [ + "seedless cucumber", + "ground black pepper", + "purple onion", + "romaine lettuce", + "cherry tomatoes", + "Greek feta", + "red bell pepper", + "tomatoes", + "fresh chives", + "fresh thyme", + "salt", + "pitted kalamata olives", + "olive oil", + "red wine vinegar", + "dried oregano" + ] + }, + { + "id": 9895, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "sour cream", + "garlic", + "cumin", + "bell pepper", + "onions", + "tostada shells", + "scallions" + ] + }, + { + "id": 24639, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "salt and ground black pepper", + "onion powder", + "cayenne pepper", + "chopped cilantro", + "avocado", + "dried thyme", + "ground black pepper", + "purple onion", + "red bell pepper", + "baguette", + "garlic powder", + "paprika", + "ground allspice", + "ground cumin", + "tomatoes", + "olive oil", + "green onions", + "flat iron steaks", + "fresh lime juice" + ] + }, + { + "id": 15192, + "cuisine": "southern_us", + "ingredients": [ + "dried thyme", + "shallots", + "granny smith apples", + "whole grain dijon mustard", + "salt", + "fat free less sodium chicken broth", + "pork tenderloin", + "Madeira", + "olive oil", + "cracked black pepper" + ] + }, + { + "id": 27764, + "cuisine": "southern_us", + "ingredients": [ + "water", + "garlic powder", + "paprika", + "chicken gizzards", + "flour", + "panko breadcrumbs", + "milk", + "ground pepper", + "salt", + "eggs", + "seasoning salt", + "vegetable oil" + ] + }, + { + "id": 28273, + "cuisine": "chinese", + "ingredients": [ + "caster sugar", + "vegetable oil", + "rice vinegar", + "pineapple chunks", + "spring onions", + "star anise", + "soda water", + "self rising flour", + "red pepper", + "tamarind paste", + "red chili peppers", + "boneless skinless chicken breasts", + "cornflour" + ] + }, + { + "id": 12618, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "large eggs", + "red bell pepper", + "black-eyed peas", + "coarse salt", + "ground cumin", + "yellow corn meal", + "unsalted butter", + "large garlic cloves", + "bread crumb fresh", + "vegetable oil", + "chopped cilantro fresh" + ] + }, + { + "id": 48311, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "rotisserie chicken", + "tomatillos", + "and fat free half half", + "fresh cilantro", + "non-fat sour cream", + "shredded Monterey Jack cheese", + "flour tortillas", + "green chilies" + ] + }, + { + "id": 1362, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "sake", + "white miso", + "soy sauce", + "salmon fillets", + "vegetable oil" + ] + }, + { + "id": 14047, + "cuisine": "chinese", + "ingredients": [ + "black tea leaves", + "soy sauce", + "eggs", + "salt", + "teas" + ] + }, + { + "id": 21336, + "cuisine": "brazilian", + "ingredients": [ + "fresh cilantro", + "red wine vinegar", + "kosher salt", + "flank steak", + "purple onion", + "tomatoes", + "serrano peppers", + "extra-virgin olive oil", + "hearts of palm", + "hot pepper", + "garlic cloves" + ] + }, + { + "id": 41459, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "ramen noodles", + "scallions", + "dashi powder", + "chili oil", + "beansprouts", + "white miso", + "pork stock", + "fresh spinach", + "enokitake", + "soft-boiled egg" + ] + }, + { + "id": 9090, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "Ragu Traditional Sauce", + "ricotta cheese", + "grated parmesan cheese", + "eggs", + "shredded mozzarella cheese" + ] + }, + { + "id": 49652, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "garlic", + "white wine", + "soy sauce", + "wheat flour", + "chicken meat" + ] + }, + { + "id": 24557, + "cuisine": "mexican", + "ingredients": [ + "Old El Paso Enchilada Sauce", + "cilantro", + "shredded Monterey Jack cheese", + "corn", + "taco seasoning", + "black beans", + "spaghetti squash", + "avocado", + "queso fresco", + "sour cream" + ] + }, + { + "id": 1004, + "cuisine": "vietnamese", + "ingredients": [ + "espresso", + "cream", + "sweetened condensed milk", + "coffee" + ] + }, + { + "id": 42365, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "lentils", + "tomato sauce", + "garlic", + "white sugar", + "tomato paste", + "zucchini", + "sliced mushrooms", + "water", + "chopped onion" + ] + }, + { + "id": 3392, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "baking powder", + "molasses", + "all-purpose flour", + "pecan halves", + "butter", + "light brown sugar", + "dark corn syrup" + ] + }, + { + "id": 45663, + "cuisine": "mexican", + "ingredients": [ + "shredded reduced fat cheddar cheese", + "paprika", + "red bell pepper", + "ground cumin", + "corn kernels", + "cooking spray", + "baked tortilla chips", + "cooked chicken breasts", + "minced garlic", + "zucchini", + "chopped onion", + "chopped cilantro fresh", + "kosher salt", + "ground black pepper", + "salsa", + "poblano chiles" + ] + }, + { + "id": 20307, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chili powder", + "fresh lime juice", + "chopped tomatoes", + "chopped onion", + "ground cumin", + "corn kernels", + "garlic", + "shredded Monterey Jack cheese", + "picante sauce", + "vegetable oil", + "chopped cilantro fresh" + ] + }, + { + "id": 36985, + "cuisine": "italian", + "ingredients": [ + "fennel bulb", + "salt", + "bay leaf", + "fresh rosemary", + "extra-virgin olive oil", + "carrots", + "water", + "artichokes", + "celery", + "lemon", + "freshly ground pepper", + "onions" + ] + }, + { + "id": 33630, + "cuisine": "filipino", + "ingredients": [ + "garbanzo beans", + "potatoes", + "pepper", + "bananas", + "oil", + "polish sausage", + "leaves", + "salt", + "water", + "beef shank", + "onions" + ] + }, + { + "id": 28566, + "cuisine": "southern_us", + "ingredients": [ + "large egg yolks", + "vanilla", + "brandy", + "unsalted butter", + "all-purpose flour", + "sugar", + "peaches", + "salt", + "ground cloves", + "baking powder", + "corn starch" + ] + }, + { + "id": 19056, + "cuisine": "mexican", + "ingredients": [ + "corn", + "oil", + "ground beef", + "jalapeno chilies", + "corn tortillas", + "Mexican cheese blend", + "sour cream", + "onions", + "black beans", + "taco seasoning", + "diced tomatoes and green chilies" + ] + }, + { + "id": 25427, + "cuisine": "moroccan", + "ingredients": [ + "fresh orange juice", + "dried oregano", + "cucumber", + "superfine sugar" + ] + }, + { + "id": 49228, + "cuisine": "thai", + "ingredients": [ + "white pepper", + "green onions", + "raisins", + "cashew nuts", + "water", + "lychees", + "chopped onion", + "reduced sodium soy sauce", + "soy-based liquid seasoning", + "carrots", + "jasmine rice", + "vegetable oil", + "garlic", + "white sugar" + ] + }, + { + "id": 47116, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "sugar", + "salt", + "pinenuts", + "raw almond", + "cake flour" + ] + }, + { + "id": 26322, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "lamb stew meat", + "cinnamon sticks", + "ground cinnamon", + "ground black pepper", + "chopped onion", + "olive oil", + "salt", + "ground turmeric", + "slivered almonds", + "dried apricot", + "less sodium beef broth" + ] + }, + { + "id": 29556, + "cuisine": "thai", + "ingredients": [ + "mussels", + "dry white wine", + "minced garlic", + "cilantro sprigs", + "sugar", + "Thai red curry paste", + "unsweetened coconut milk", + "lime", + "asian fish sauce" + ] + }, + { + "id": 733, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "salt", + "onions", + "chicken broth", + "ground black pepper", + "red bell pepper", + "ground cumin", + "olive oil", + "garlic cloves", + "large shrimp", + "tomatoes", + "chopped celery", + "bay leaf" + ] + }, + { + "id": 19542, + "cuisine": "indian", + "ingredients": [ + "eggplant", + "diced tomatoes", + "red bell pepper", + "garam masala", + "chickpeas", + "onions", + "tumeric", + "cayenne", + "ground coriander", + "asafetida", + "water", + "parsley", + "cumin seed", + "ginger paste" + ] + }, + { + "id": 13267, + "cuisine": "chinese", + "ingredients": [ + "chicken broth", + "boneless skinless chicken breasts", + "fresh mushrooms", + "canola oil", + "reduced sodium soy sauce", + "red pepper", + "hot water", + "ground ginger", + "green onions", + "linguine", + "snow peas", + "reduced sodium chicken bouillon granules", + "sesame oil", + "corn starch" + ] + }, + { + "id": 13069, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "lime", + "asparagus", + "green onions", + "whole wheat tortillas", + "salt", + "peanut butter", + "beansprouts", + "pepper", + "fresh ginger", + "hot chili oil", + "marinade", + "crushed red pepper", + "cilantro leaves", + "corn starch", + "baby spinach leaves", + "honey", + "Sriracha", + "boneless skinless chicken breasts", + "peanut sauce", + "alfalfa sprouts", + "carrots", + "brown sugar", + "water", + "peanuts", + "lettuce leaves", + "sesame oil", + "purple onion", + "rice vinegar", + "cucumber" + ] + }, + { + "id": 9678, + "cuisine": "french", + "ingredients": [ + "cold milk", + "butter", + "all-purpose flour", + "water", + "vanilla extract", + "hot water", + "eggs", + "heavy cream", + "vanilla instant pudding", + "semisweet chocolate", + "salt", + "confectioners sugar" + ] + }, + { + "id": 19970, + "cuisine": "spanish", + "ingredients": [ + "aged Manchego cheese", + "sliced almonds", + "quince paste" + ] + }, + { + "id": 2390, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "heavy cream", + "green chilies", + "broth", + "flour", + "cilantro", + "corn tortillas", + "canola oil", + "jalapeno chilies", + "paprika", + "sour cream", + "monterey jack", + "picante sauce", + "butter", + "salt", + "onions", + "chicken" + ] + }, + { + "id": 15416, + "cuisine": "vietnamese", + "ingredients": [ + "mint leaves", + "shallots", + "garlic cloves", + "pork", + "lettuce leaves", + "salt", + "fish sauce", + "basil leaves", + "rice noodles", + "beansprouts", + "palm sugar", + "muscovado sugar", + "cilantro leaves" + ] + }, + { + "id": 1602, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "salt", + "chopped cilantro fresh", + "chili oil", + "scallions", + "tahini", + "roasted peanuts", + "sugar", + "mung bean vermicelli", + "chinkiang vinegar" + ] + }, + { + "id": 19296, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "lean ground beef", + "dried oregano", + "pasta", + "grated parmesan cheese", + "shredded mozzarella cheese", + "garlic powder", + "black olives", + "seasoning salt", + "butter" + ] + }, + { + "id": 72, + "cuisine": "french", + "ingredients": [ + "whole peeled tomatoes", + "free-range chickens", + "purple onion", + "chile powder", + "bay leaves", + "garlic", + "dijon mustard", + "dry white wine", + "fine sea salt", + "fresh thyme", + "extra-virgin olive oil", + "freshly ground pepper" + ] + }, + { + "id": 34197, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "red wine vinegar", + "olive oil", + "penne pasta", + "corn kernels", + "large garlic cloves", + "grated parmesan cheese", + "plum tomatoes" + ] + }, + { + "id": 9152, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "chopped tomatoes", + "large eggs", + "garlic cloves", + "olive oil", + "zucchini", + "heavy cream", + "onions", + "eggplant", + "parmigiano reggiano cheese", + "all-purpose flour", + "milk", + "unsalted butter", + "fresh thyme leaves", + "red bell pepper" + ] + }, + { + "id": 17681, + "cuisine": "spanish", + "ingredients": [ + "tomatoes", + "ground black pepper", + "lima beans", + "saffron", + "rosemary sprigs", + "rabbit", + "rice", + "chicken", + "water", + "salt", + "onions", + "minced garlic", + "extra-virgin olive oil", + "green beans" + ] + }, + { + "id": 31561, + "cuisine": "mexican", + "ingredients": [ + "low sodium canned chicken stock", + "red bell pepper", + "chicken", + "tomato salsa", + "sharp cheddar cheese", + "corn tortillas", + "extra-virgin olive oil", + "enchilada sauce", + "onions", + "pepper", + "grated jack cheese", + "sour cream" + ] + }, + { + "id": 3908, + "cuisine": "greek", + "ingredients": [ + "yogurt low fat", + "dark chocolate", + "hazelnuts" + ] + }, + { + "id": 21659, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "cooking oil", + "garlic", + "honey", + "maltose", + "chinese five-spice powder", + "white pepper", + "sesame oil", + "Chinese rose wine", + "hoisin sauce", + "red food coloring", + "pork butt" + ] + }, + { + "id": 28169, + "cuisine": "korean", + "ingredients": [ + "sugar", + "sesame oil", + "ground black pepper", + "scallions", + "vinegar", + "garlic cloves", + "soy sauce", + "sirloin steak" + ] + }, + { + "id": 13518, + "cuisine": "southern_us", + "ingredients": [ + "bacon drippings", + "white cornmeal", + "salt" + ] + }, + { + "id": 4520, + "cuisine": "greek", + "ingredients": [ + "spinach", + "honey", + "red pepper", + "smoked paprika", + "pepper", + "artichok heart marin", + "garlic cloves", + "mayonaise", + "water chestnuts", + "salt", + "greek yogurt", + "kale", + "green onions", + "carrots" + ] + }, + { + "id": 5517, + "cuisine": "indian", + "ingredients": [ + "dal", + "salt", + "yoghurt", + "rice" + ] + }, + { + "id": 9277, + "cuisine": "filipino", + "ingredients": [ + "rice vinegar", + "gluten free soy sauce", + "water", + "chicken thighs", + "garlic cloves", + "canola oil", + "bay leaves", + "peppercorns" + ] + }, + { + "id": 3370, + "cuisine": "moroccan", + "ingredients": [ + "orange flower water", + "sugar", + "water", + "ground cinnamon", + "blanched almonds" + ] + }, + { + "id": 37352, + "cuisine": "italian", + "ingredients": [ + "sausage links", + "lean ground beef", + "bay leaf", + "olive oil", + "canned tomatoes", + "dried oregano", + "dried basil", + "garlic", + "onions", + "tomato sauce", + "ground black pepper", + "salt" + ] + }, + { + "id": 10815, + "cuisine": "chinese", + "ingredients": [ + "vegetable oil", + "soy sauce", + "oyster sauce", + "large garlic cloves", + "kale" + ] + }, + { + "id": 46509, + "cuisine": "mexican", + "ingredients": [ + "coffee", + "sugar cubes", + "whipped cream", + "coffee liqueur", + "hot water" + ] + }, + { + "id": 26171, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "baking powder", + "cayenne pepper", + "powdered sugar", + "cherries", + "salt", + "ground cinnamon", + "unsalted butter", + "vanilla extract", + "unsweetened chocolate", + "sugar", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 24225, + "cuisine": "italian", + "ingredients": [ + "boneless pork shoulder", + "water", + "extra-virgin olive oil", + "chicken thighs", + "fresh rosemary", + "dry white wine", + "carrots", + "cabbage", + "arborio rice", + "unsalted butter", + "garlic cloves", + "boneless veal shoulder", + "celery ribs", + "kosher salt", + "rabbit", + "onions" + ] + }, + { + "id": 40762, + "cuisine": "italian", + "ingredients": [ + "water", + "garlic cloves", + "tomatoes", + "ground black pepper", + "spaghetti", + "tomato paste", + "olive oil", + "cashew nuts", + "fresh basil", + "salt" + ] + }, + { + "id": 26024, + "cuisine": "southern_us", + "ingredients": [ + "peanuts", + "smoked ham hocks", + "salt", + "water" + ] + }, + { + "id": 4475, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "short-grain rice", + "scallions", + "soy sauce", + "corn kernels", + "vegetable oil", + "sugar", + "water", + "Shaoxing wine", + "corn starch", + "kosher salt", + "fresh ginger", + "ground pork" + ] + }, + { + "id": 21150, + "cuisine": "irish", + "ingredients": [ + "pepper", + "parsley", + "lamb chops", + "onions", + "potatoes", + "peas", + "celery", + "cabbage", + "rosemary", + "vegetable oil", + "thyme", + "peppercorns", + "white onion", + "leeks", + "salt", + "fresh parsley" + ] + }, + { + "id": 47845, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "salt", + "ground turmeric", + "water", + "oil", + "asafoetida", + "cilantro leaves", + "curry leaves", + "tamarind", + "mustard seeds" + ] + }, + { + "id": 14841, + "cuisine": "greek", + "ingredients": [ + "greek seasoning", + "shallots", + "lemon juice", + "olive oil", + "penne pasta", + "mayonaise", + "black olives", + "pimentos", + "fresh mushrooms" + ] + }, + { + "id": 17969, + "cuisine": "southern_us", + "ingredients": [ + "shredded carrots", + "chicken soup base", + "leeks", + "carrots", + "half & half", + "salt", + "chicken broth", + "baking potatoes", + "ground white pepper" + ] + }, + { + "id": 49386, + "cuisine": "russian", + "ingredients": [ + "honey", + "white sugar", + "apples", + "cinnamon sticks", + "raisins", + "yeast" + ] + }, + { + "id": 47727, + "cuisine": "mexican", + "ingredients": [ + "serrano peppers", + "white onion", + "cilantro leaves", + "tomatoes", + "coarse salt", + "lime juice" + ] + }, + { + "id": 31587, + "cuisine": "irish", + "ingredients": [ + "salt", + "corned beef", + "ground black pepper", + "onions", + "milk", + "all-purpose flour", + "butter", + "cabbage" + ] + }, + { + "id": 49272, + "cuisine": "cajun_creole", + "ingredients": [ + "butter", + "large shrimp", + "french bread", + "cayenne pepper", + "worcestershire sauce", + "dried rosemary", + "dry white wine", + "garlic cloves" + ] + }, + { + "id": 41936, + "cuisine": "chinese", + "ingredients": [ + "sesame oil", + "chinese chives", + "water", + "salt", + "white pepper", + "ground pork", + "rice wine", + "all-purpose flour" + ] + }, + { + "id": 21126, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "unsalted butter", + "shallots", + "grated lemon zest", + "yellow squash", + "chopped fresh chives", + "extra-virgin olive oil", + "fresh lemon juice", + "asparagus", + "dry white wine", + "salt", + "sugar pea", + "zucchini", + "pecorino romano cheese", + "organic vegetable broth" + ] + }, + { + "id": 6415, + "cuisine": "italian", + "ingredients": [ + "pasta", + "crushed tomatoes", + "dry red wine", + "onions", + "vegetable oil cooking spray", + "ground Italian sausage", + "shredded mozzarella cheese", + "pancetta", + "kosher salt", + "ricotta cheese", + "garlic cloves", + "fresh basil", + "grated parmesan cheese", + "crushed red pepper" + ] + }, + { + "id": 33716, + "cuisine": "southern_us", + "ingredients": [ + "green onions", + "shredded cheddar cheese", + "country ham", + "baking mix", + "milk" + ] + }, + { + "id": 2085, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "salt", + "sour cream", + "eggs", + "butter", + "chopped pecans", + "unsweetened cocoa powder", + "brewed coffee", + "all-purpose flour", + "white sugar", + "milk", + "vanilla extract", + "confectioners sugar" + ] + }, + { + "id": 17246, + "cuisine": "mexican", + "ingredients": [ + "large eggs", + "salt", + "chopped cilantro", + "vegetable oil", + "hot sauce", + "flour", + "salsa", + "onions", + "green chile", + "chees fresco queso", + "corn tortillas" + ] + }, + { + "id": 31765, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "shredded lettuce", + "salsa", + "avocado", + "lean ground beef", + "purple onion", + "chopped cilantro fresh", + "kidney beans", + "bacon", + "tortilla chips", + "tostitos", + "chopped tomatoes", + "cheese", + "sour cream" + ] + }, + { + "id": 41657, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "all-purpose flour", + "yellow corn meal", + "buttermilk", + "bacon drippings", + "baking powder", + "sugar", + "salt" + ] + }, + { + "id": 19036, + "cuisine": "cajun_creole", + "ingredients": [ + "ground cinnamon", + "milk", + "sprinkles", + "plain flour", + "caster sugar", + "double cream", + "cream cheese", + "medium eggs", + "brown sugar", + "butter", + "salt", + "powdered sugar", + "unsalted butter", + "vanilla extract" + ] + }, + { + "id": 2522, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "risotto rice", + "olive oil", + "butter", + "onions", + "homemade chicken broth", + "dry white wine", + "flat leaf parsley", + "ground black pepper", + "salt" + ] + }, + { + "id": 1113, + "cuisine": "indian", + "ingredients": [ + "eggs", + "sunflower oil", + "cumin seed", + "spring onions", + "paneer", + "coriander", + "mint leaves", + "ginger", + "garlic cloves", + "plain flour", + "lemon", + "chili sauce" + ] + }, + { + "id": 4752, + "cuisine": "southern_us", + "ingredients": [ + "bananas", + "vanilla extract", + "heavy whipping cream", + "kosher salt", + "large eggs", + "lemon juice", + "large egg yolks", + "whole milk", + "corn starch", + "sugar", + "unsalted butter", + "vanilla wafers" + ] + }, + { + "id": 8995, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "olive oil", + "butter", + "salt", + "chopped cilantro fresh", + "saffron threads", + "white pepper", + "vegetable oil", + "garlic", + "fresh parsley", + "black pepper", + "beef", + "ginger", + "cinnamon sticks", + "tomatoes", + "honey", + "cinnamon", + "ras el hanout", + "onions" + ] + }, + { + "id": 12348, + "cuisine": "italian", + "ingredients": [ + "pasta", + "water", + "garlic", + "spinach", + "diced tomatoes", + "chicken broth", + "olive oil", + "hot Italian sausages", + "tomato sauce", + "chees fresh mozzarella" + ] + }, + { + "id": 24599, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "garam masala", + "ground tumeric", + "cashew nuts", + "fresh coriander", + "chili powder", + "ghee", + "ground cumin", + "garlic paste", + "coriander powder", + "salt", + "ginger paste", + "eggplant", + "raisins", + "onions" + ] + }, + { + "id": 38393, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "minced garlic", + "jalapeno chilies", + "tomato sauce", + "crushed tomatoes", + "white sugar", + "ketchup", + "minced onion", + "ground cumin", + "tomato paste", + "water", + "salt" + ] + }, + { + "id": 39633, + "cuisine": "french", + "ingredients": [ + "pepper", + "salt", + "dried tarragon leaves", + "dijon mustard", + "baby lima beans", + "yoghurt", + "water" + ] + }, + { + "id": 43520, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "oil", + "mirin", + "confectioners sugar", + "dashi", + "corn starch", + "sake", + "soft tofu" + ] + }, + { + "id": 2899, + "cuisine": "spanish", + "ingredients": [ + "mussels", + "pitted black olives", + "olive oil", + "dry white wine", + "peas", + "shrimp", + "chicken thighs", + "saffron threads", + "tomatoes", + "crab", + "sea scallops", + "lemon wedge", + "yellow onion", + "red bell pepper", + "clams", + "green olives", + "chorizo", + "prawns", + "liquor", + "rice", + "chopped parsley", + "chicken broth", + "pork", + "garbanzo beans", + "pimentos", + "garlic", + "smoked paprika" + ] + }, + { + "id": 32479, + "cuisine": "indian", + "ingredients": [ + "black peppercorns", + "cilantro", + "salt", + "lemon juice", + "ground cinnamon", + "cayenne", + "purple onion", + "oil", + "fennel seeds", + "garam masala", + "garlic", + "cumin seed", + "frozen peas", + "cauliflower", + "water", + "ginger", + "green chilies", + "red bell pepper" + ] + }, + { + "id": 10917, + "cuisine": "cajun_creole", + "ingredients": [ + "yellow mustard seeds", + "bay leaves", + "celery", + "kosher salt", + "paprika", + "onions", + "crawfish", + "garlic", + "black peppercorns", + "orange", + "cayenne pepper" + ] + }, + { + "id": 42015, + "cuisine": "french", + "ingredients": [ + "slivered almonds", + "large egg whites", + "mushrooms", + "confectioners sugar", + "ganache", + "large egg yolks", + "all-purpose flour", + "pastry cream", + "baking soda", + "cocoa powder", + "sugar", + "marzipan", + "vegetable oil" + ] + }, + { + "id": 2772, + "cuisine": "spanish", + "ingredients": [ + "vanilla beans", + "whipping cream", + "sugar", + "large eggs", + "milk", + "salt", + "water", + "yolk" + ] + }, + { + "id": 24912, + "cuisine": "cajun_creole", + "ingredients": [ + "skim milk", + "all-purpose flour", + "cajun seasoning", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 28359, + "cuisine": "french", + "ingredients": [ + "ground round", + "kosher salt", + "finely chopped fresh parsley", + "vegetable oil", + "carrots", + "pancetta", + "brandy", + "ground black pepper", + "whole milk", + "all-purpose flour", + "cremini mushrooms", + "dried thyme", + "large eggs", + "red wine", + "fresh parsley", + "tomato paste", + "bread crumb fresh", + "unsalted butter", + "shallots", + "homemade beef stock" + ] + }, + { + "id": 41869, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "baking powder", + "salt", + "milk", + "butter", + "chopped pecans", + "brown sugar", + "vegetable oil", + "all-purpose flour", + "peaches", + "vanilla extract" + ] + }, + { + "id": 14709, + "cuisine": "mexican", + "ingredients": [ + "chicken breasts", + "cheese", + "jalapeno chilies", + "cilantro", + "cumin", + "chili powder", + "garlic", + "chicken broth", + "bacon", + "cream cheese" + ] + }, + { + "id": 18157, + "cuisine": "french", + "ingredients": [ + "yellow mustard seeds", + "gruyere cheese", + "ground black pepper", + "pork chops", + "dijon mustard" + ] + }, + { + "id": 33474, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "table salt", + "all-purpose flour", + "baking powder", + "shortening" + ] + }, + { + "id": 29648, + "cuisine": "southern_us", + "ingredients": [ + "water", + "salt", + "sugar", + "flour", + "corn", + "pepper", + "butter" + ] + }, + { + "id": 23138, + "cuisine": "italian", + "ingredients": [ + "pepper", + "salt", + "part-skim mozzarella", + "grated parmesan cheese", + "eggplant", + "bread crumbs", + "diced tomatoes" + ] + }, + { + "id": 10772, + "cuisine": "southern_us", + "ingredients": [ + "crawfish", + "leeks", + "extra-virgin olive oil", + "heavy whipping cream", + "chicken stock", + "sweet onion", + "green onions", + "salt", + "cauliflower", + "minced garlic", + "bay leaves", + "crushed red pepper", + "red potato", + "fresh thyme", + "butter", + "ground white pepper" + ] + }, + { + "id": 23199, + "cuisine": "vietnamese", + "ingredients": [ + "fennel seeds", + "cinnamon", + "onions", + "green cardamom pods", + "mushrooms", + "star anise", + "noodles", + "coriander seeds", + "sea salt", + "coriander", + "clove", + "vegetable stock", + "shrimp", + "broth" + ] + }, + { + "id": 15449, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "diced red onions", + "garlic", + "shredded cheese", + "avocado", + "diced green chilies", + "boneless skinless chicken breasts", + "whole kernel corn, drain", + "chopped cilantro fresh", + "chicken stock", + "tortillas", + "tomatoes with juice", + "red enchilada sauce", + "ground cumin", + "white onion", + "chips", + "salt", + "sour cream" + ] + }, + { + "id": 14770, + "cuisine": "french", + "ingredients": [ + "water", + "shallots", + "salt", + "sugar", + "ground black pepper", + "whipping cream", + "boneless duck breast halves", + "fat free less sodium chicken broth", + "dried tart cherries", + "pinot noir", + "olive oil", + "red wine vinegar", + "garlic cloves" + ] + }, + { + "id": 35333, + "cuisine": "korean", + "ingredients": [ + "chicken wings", + "white pepper", + "sesame oil", + "ginger", + "oil", + "soy sauce", + "sesame seeds", + "worcestershire sauce", + "Gochujang base", + "onions", + "ketchup", + "green onions", + "sea salt", + "green chilies", + "sugar", + "milk", + "red pepper", + "garlic", + "corn starch" + ] + }, + { + "id": 15592, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "garlic", + "cabbage", + "soy sauce", + "green onions", + "rotisserie chicken", + "eggs", + "egg roll wrappers", + "salt", + "pepper", + "vegetable oil", + "beansprouts" + ] + }, + { + "id": 16692, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "ground white pepper", + "melted butter", + "shallots", + "fresh chervil", + "dry white wine", + "fresh parsley", + "tarragon vinegar", + "fresh tarragon" + ] + }, + { + "id": 47899, + "cuisine": "southern_us", + "ingredients": [ + "seedless watermelon", + "sugar", + "chopped fresh mint", + "fresh mint", + "bourbon whiskey" + ] + }, + { + "id": 35613, + "cuisine": "italian", + "ingredients": [ + "warm water", + "extra-virgin olive oil", + "hungarian paprika", + "fresh oregano", + "semolina flour", + "flour", + "anchovy fillets", + "active dry yeast", + "salt" + ] + }, + { + "id": 2195, + "cuisine": "greek", + "ingredients": [ + "fresh dill", + "olive oil", + "zucchini", + "red pepper", + "fresh oregano", + "smoked paprika", + "pita bread", + "pepper", + "feta cheese", + "balsamic vinegar", + "garlic", + "fresh herbs", + "chicken broth", + "pinenuts", + "eggplant", + "orzo pasta", + "kalamata", + "tzatziki", + "basmati rice", + "fresh rosemary", + "cherry tomatoes", + "boneless chicken breast", + "butter", + "salt", + "fresh lemon juice" + ] + }, + { + "id": 1250, + "cuisine": "filipino", + "ingredients": [ + "tomato paste", + "Velveeta", + "milk", + "butter", + "oil", + "onions", + "cheddar cheese", + "ketchup", + "flour", + "salt", + "red bell pepper", + "green bell pepper", + "sugar", + "ground nutmeg", + "garlic", + "elbow macaroni", + "italian seasoning", + "tomato sauce", + "pepper", + "hot dogs", + "beef broth", + "ground beef" + ] + }, + { + "id": 32558, + "cuisine": "indian", + "ingredients": [ + "fat free yogurt", + "ground black pepper", + "onions", + "tomato sauce", + "fresh ginger", + "salt", + "red potato", + "reduced sodium chicken broth", + "garlic", + "frozen peas", + "boneless chicken skinless thigh", + "garam masala", + "nonstick spray" + ] + }, + { + "id": 46225, + "cuisine": "greek", + "ingredients": [ + "pita bread", + "lean ground beef", + "salt", + "tzatziki", + "ground lamb", + "ground ginger", + "pepper", + "garlic", + "cayenne pepper", + "garlic cloves", + "black pepper", + "lemon", + "greek style plain yogurt", + "english cucumber", + "ground cumin", + "ground cinnamon", + "olive oil", + "purple onion", + "dill", + "chopped cilantro" + ] + }, + { + "id": 41708, + "cuisine": "cajun_creole", + "ingredients": [ + "diced onions", + "minced garlic", + "ground black pepper", + "bay leaves", + "salt", + "shrimp", + "bay leaf", + "tomato sauce", + "dried basil", + "chopped green bell pepper", + "paprika", + "diced celery", + "ground cayenne pepper", + "onions", + "clove", + "water", + "hot pepper sauce", + "corn oil", + "crabmeat", + "ground white pepper", + "fresh parsley", + "shucked oysters", + "dried thyme", + "file powder", + "garlic", + "carrots", + "celery", + "dried oregano" + ] + }, + { + "id": 49432, + "cuisine": "indian", + "ingredients": [ + "water", + "poppy seeds", + "green chilies", + "garam masala", + "salt", + "onions", + "fresh ginger", + "garlic", + "fillets", + "tumeric", + "vegetable oil", + "cayenne pepper" + ] + }, + { + "id": 34366, + "cuisine": "italian", + "ingredients": [ + "frozen spinach", + "black pepper", + "low-fat cottage cheese", + "Classico Pasta Sauce", + "grated nutmeg", + "dried oregano", + "brown sugar", + "dried basil", + "parmesan cheese", + "garlic", + "shredded mozzarella cheese", + "eggs", + "pepper", + "eggplant", + "crushed red pepper flakes", + "anchovy fillets", + "granulated garlic", + "olive oil", + "lean ground meat", + "salt", + "onions" + ] + }, + { + "id": 27011, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "garlic cloves", + "heavy whipping cream", + "olive oil", + "low salt chicken broth", + "white onion", + "fresh lemon juice", + "chicken thighs", + "saffron threads", + "dry white wine", + "paccheri" + ] + }, + { + "id": 4030, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "heirloom tomatoes", + "regular cucumber", + "coriander seeds", + "extra-virgin olive oil", + "watermelon", + "basil", + "hass avocado", + "aged balsamic vinegar", + "ground black pepper", + "fresh herbs" + ] + }, + { + "id": 37159, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "salmon", + "fresh ginger", + "cilantro", + "shrimp", + "fish sauce", + "lime", + "assorted fresh vegetables", + "garlic", + "snow peas", + "spinach", + "lemongrass", + "cooking oil", + "vegetable broth", + "coconut milk", + "tomatoes", + "red chili peppers", + "kale", + "bell pepper", + "purple onion" + ] + }, + { + "id": 11654, + "cuisine": "chinese", + "ingredients": [ + "chinese sausage", + "cooking wine", + "rice flour", + "water", + "cooking oil", + "salt", + "sugar", + "radishes", + "purple onion", + "dried shrimp", + "shiitake", + "green onions", + "chinese five-spice powder" + ] + }, + { + "id": 47189, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "white asparagus", + "salt", + "sugar", + "corn starch", + "chicken stock", + "heavy cream" + ] + }, + { + "id": 46190, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "chicken", + "soy sauce", + "sauce", + "rice vinegar", + "ginger", + "apricot jam" + ] + }, + { + "id": 24574, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "salsa", + "ground cumin", + "Daisy Sour Cream", + "lean ground beef", + "whole kernel corn, drain", + "colby jack cheese", + "chopped onion", + "refried beans", + "salt", + "dried oregano" + ] + }, + { + "id": 1230, + "cuisine": "mexican", + "ingredients": [ + "reduced fat cheddar cheese", + "flour tortillas", + "sea salt", + "cayenne pepper", + "cumin", + "olive oil", + "boneless skinless chicken breasts", + "purple onion", + "red bell pepper", + "black pepper", + "jalapeno chilies", + "garlic", + "taco seasoning", + "green bell pepper", + "chicken broth low fat", + "chili powder", + "greek style plain yogurt", + "chopped cilantro fresh" + ] + }, + { + "id": 34789, + "cuisine": "southern_us", + "ingredients": [ + "hot red pepper flakes", + "white vinegar", + "water", + "sugar", + "green chile" + ] + }, + { + "id": 42735, + "cuisine": "mexican", + "ingredients": [ + "refried beans", + "ground beef", + "jalapeno chilies", + "cheese soup", + "picante sauce", + "processed cheese" + ] + }, + { + "id": 47442, + "cuisine": "southern_us", + "ingredients": [ + "white vinegar", + "pork tenderloin", + "rolls", + "fresh lime juice", + "olive oil", + "purple onion", + "orange juice", + "vegetable oil spray", + "salt", + "garlic cloves", + "tomatoes", + "cracked black pepper", + "spanish paprika", + "boiling water" + ] + }, + { + "id": 2331, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "balsamic vinegar", + "garlic cloves", + "spring greens", + "bacon slices", + "frozen peas", + "dry white wine", + "tortelloni", + "plum tomatoes", + "parmesan cheese", + "baby spinach", + "onions" + ] + }, + { + "id": 4858, + "cuisine": "mexican", + "ingredients": [ + "roma tomatoes", + "non-fat sour cream", + "sliced green onions", + "olive oil", + "chili powder", + "ground coriander", + "potatoes", + "salt", + "ground cumin", + "garlic powder", + "tomato salsa", + "chopped cilantro fresh" + ] + }, + { + "id": 41115, + "cuisine": "indian", + "ingredients": [ + "long grain white rice", + "salt", + "butter", + "saffron", + "boiling water" + ] + }, + { + "id": 46782, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "sour cream", + "large eggs", + "white cornmeal", + "granulated sugar", + "pumpkin pie spice", + "sweet potatoes" + ] + }, + { + "id": 28960, + "cuisine": "spanish", + "ingredients": [ + "sherry vinegar", + "salt", + "chopped almonds", + "red bell pepper", + "tomatoes", + "extra-virgin olive oil", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 8949, + "cuisine": "indian", + "ingredients": [ + "jaggery", + "cardamom", + "white sesame seeds" + ] + }, + { + "id": 7881, + "cuisine": "japanese", + "ingredients": [ + "salmon", + "mirin", + "chicken stock", + "light soy sauce", + "ginger", + "white onion", + "spring onions", + "eggs", + "beef", + "corn starch" + ] + }, + { + "id": 12358, + "cuisine": "korean", + "ingredients": [ + "sugar", + "garlic cloves", + "eggs", + "ground sirloin", + "kimchi", + "low sodium soy sauce", + "quinoa", + "garlic chili sauce", + "fish sauce", + "crushed red pepper", + "bok choy" + ] + }, + { + "id": 49344, + "cuisine": "italian", + "ingredients": [ + "whipping cream", + "cooked shrimp", + "pepper", + "penne pasta", + "prepar pesto", + "salt", + "oil packed dried tomatoes", + "fat skimmed chicken broth" + ] + }, + { + "id": 4223, + "cuisine": "jamaican", + "ingredients": [ + "water", + "green pepper", + "beef", + "thyme", + "black pepper", + "red beans", + "onions", + "stewing beef", + "scallions" + ] + }, + { + "id": 7135, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "whole wheat pita bread", + "sundried tomato pesto", + "fresh mushrooms", + "spinach", + "grated parmesan cheese", + "plum tomatoes", + "olive oil", + "feta cheese crumbles" + ] + }, + { + "id": 3129, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "vegetable oil", + "all-purpose flour", + "eggs", + "dry white wine", + "lemon", + "fresh lemon juice", + "water", + "boneless skinless chicken breasts", + "salt", + "fresh parsley", + "ground black pepper", + "butter", + "dry bread crumbs" + ] + }, + { + "id": 22761, + "cuisine": "italian", + "ingredients": [ + "eggs", + "mozzarella cheese", + "lean ground beef", + "white sugar", + "tomato paste", + "cottage cheese", + "grated parmesan cheese", + "dried parsley", + "sausage casings", + "lasagna noodles", + "salt", + "tomato purée", + "ground black pepper", + "garlic" + ] + }, + { + "id": 25191, + "cuisine": "italian", + "ingredients": [ + "active dry yeast", + "vegetable oil", + "sun-dried tomatoes", + "bread flour", + "dried basil", + "salt", + "tomato paste", + "sherry" + ] + }, + { + "id": 22732, + "cuisine": "mexican", + "ingredients": [ + "ground chicken", + "quinoa", + "chili powder", + "enchilada sauce", + "water", + "jalapeno chilies", + "frozen corn", + "onions", + "black beans", + "Mexican cheese blend", + "garlic", + "roasted tomatoes", + "fresh cilantro", + "green onions", + "ground coriander" + ] + }, + { + "id": 24847, + "cuisine": "spanish", + "ingredients": [ + "white bread", + "water", + "extra-virgin olive oil", + "hot red pepper flakes", + "red wine vinegar", + "blanched almonds", + "tomatoes", + "pimentos", + "salt", + "hazelnuts", + "large garlic cloves", + "ancho chile pepper" + ] + }, + { + "id": 14077, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "sweet potatoes", + "ground allspice", + "ground nutmeg", + "vanilla extract", + "sweetened condensed milk", + "ground ginger", + "mini marshmallows", + "salt", + "orange zest", + "melted butter", + "navel oranges", + "chopped pecans" + ] + }, + { + "id": 37936, + "cuisine": "greek", + "ingredients": [ + "romaine lettuce", + "fresh lemon juice", + "green onions", + "olive oil", + "hothouse cucumber", + "fresh dill", + "garlic cloves" + ] + }, + { + "id": 928, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped tomatoes", + "all-purpose flour", + "canola oil", + "reduced sodium chicken broth", + "cajun seasoning", + "scallions", + "quick cooking brown rice", + "okra", + "hot italian turkey sausage links", + "garlic", + "onions" + ] + }, + { + "id": 10837, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "chopped onion", + "chicken stock", + "white rice", + "dried oregano", + "italian sausage", + "heavy cream", + "fresh parsley", + "dried basil", + "garlic" + ] + }, + { + "id": 13173, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "fresh ginger", + "greek style plain yogurt", + "black mustard seeds", + "lime juice", + "jalapeno chilies", + "cumin seed", + "pepper", + "coriander seeds", + "beets", + "chopped cilantro fresh", + "pomegranate seeds", + "extra-virgin olive oil", + "garlic cloves" + ] + }, + { + "id": 45252, + "cuisine": "italian", + "ingredients": [ + "sundried tomato pesto", + "penne pasta", + "heavy cream", + "roast red peppers, drain", + "olive oil", + "cayenne pepper", + "fresh basil", + "garlic", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 36448, + "cuisine": "indian", + "ingredients": [ + "cumin seed", + "water", + "jaggery", + "grated coconut", + "ground cardamom", + "parboiled rice" + ] + }, + { + "id": 20390, + "cuisine": "jamaican", + "ingredients": [ + "garlic powder", + "cinnamon", + "ginger", + "vegetable seasoning", + "cumin", + "ground cloves", + "chili powder", + "basil", + "skinless chicken breasts", + "onions", + "sugar", + "cayenne", + "onion salt", + "salt", + "thyme", + "allspice", + "black pepper", + "vegetable oil", + "crushed red pepper flakes", + "green pepper", + "coriander" + ] + }, + { + "id": 1419, + "cuisine": "japanese", + "ingredients": [ + "sake", + "light soy sauce", + "yuzu", + "toasted sesame seeds", + "water", + "mirin", + "red miso", + "dashi kombu", + "extra firm tofu", + "shiso", + "sugar", + "white miso", + "dried bonito flakes" + ] + }, + { + "id": 28641, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "garlic", + "spaghetti", + "fresh basil", + "sea salt", + "ricotta", + "dried oregano", + "ground black pepper", + "passata", + "plum tomatoes", + "herb vinegar", + "extra-virgin olive oil", + "dried red chile peppers" + ] + }, + { + "id": 24199, + "cuisine": "italian", + "ingredients": [ + "sugar", + "vanilla extract", + "corn starch", + "vanilla ice cream", + "ice water", + "all-purpose flour", + "nectarines", + "eggs", + "unsalted butter", + "salt", + "polenta", + "grated orange peel", + "raw sugar", + "peach preserves", + "blackberries" + ] + }, + { + "id": 12364, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "mint leaves", + "cumin seed", + "sago", + "salt", + "mustard seeds", + "peanuts", + "crushed red pepper flakes", + "oil", + "curry leaves", + "potatoes", + "green chilies" + ] + }, + { + "id": 33595, + "cuisine": "mexican", + "ingredients": [ + "taco sauce", + "jalapeno chilies", + "salt", + "chopped cilantro fresh", + "avocado", + "refried beans", + "shredded lettuce", + "freshly ground pepper", + "minced garlic", + "green onions", + "chopped onion", + "shredded Monterey Jack cheese", + "tomatoes", + "flour tortillas", + "extra-virgin olive oil", + "sour cream" + ] + }, + { + "id": 42926, + "cuisine": "chinese", + "ingredients": [ + "slaw mix", + "water", + "sliced green onions", + "lean ground pork", + "teriyaki sauce", + "green onions" + ] + }, + { + "id": 39840, + "cuisine": "southern_us", + "ingredients": [ + "pork shoulder roast", + "sugar", + "hot red pepper flakes", + "cider vinegar" + ] + }, + { + "id": 8195, + "cuisine": "mexican", + "ingredients": [ + "finely chopped onion", + "extra-virgin olive oil", + "medium shrimp", + "Boston lettuce", + "cooking spray", + "frozen corn kernels", + "lump crab meat", + "sweetened coconut flakes", + "fresh lemon juice", + "avocado", + "jalapeno chilies", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 48432, + "cuisine": "japanese", + "ingredients": [ + "starch", + "oyster sauce", + "corn", + "russet potatoes", + "soy sauce", + "sesame oil", + "tuna", + "honey", + "scallions" + ] + }, + { + "id": 9627, + "cuisine": "mexican", + "ingredients": [ + "guajillo chiles", + "spanish onion", + "tomatillos", + "orange juice", + "cinnamon sticks", + "canola oil", + "black peppercorns", + "fresh cilantro", + "pork tenderloin", + "salt", + "fresh lemon juice", + "fresh pineapple", + "fresh chives", + "honey", + "sherry wine vinegar", + "cumin seed", + "adobo sauce", + "masa", + "clove", + "kosher salt", + "ground black pepper", + "garlic", + "garlic cloves", + "serrano chile" + ] + }, + { + "id": 33636, + "cuisine": "chinese", + "ingredients": [ + "water", + "flour", + "worcestershire sauce", + "oil", + "soy sauce", + "pork chops", + "sesame oil", + "scallions", + "chinese black vinegar", + "baking soda", + "Shaoxing wine", + "maple syrup", + "corn starch", + "ketchup", + "hoisin sauce", + "ice water", + "chinese five-spice powder", + "toasted sesame seeds" + ] + }, + { + "id": 44153, + "cuisine": "mexican", + "ingredients": [ + "white rice", + "sugar", + "rice milk", + "ground cinnamon", + "cinnamon sticks", + "warm water" + ] + }, + { + "id": 31555, + "cuisine": "chinese", + "ingredients": [ + "chives", + "garlic", + "soy sauce", + "baby spinach", + "soba", + "chicken broth", + "sesame oil", + "carrots", + "shiitake", + "ginger" + ] + }, + { + "id": 41549, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "onion powder", + "ham", + "bread crumbs", + "flour", + "salt", + "ground black pepper", + "butter", + "shredded cheddar cheese", + "green onions", + "elbow macaroni" + ] + }, + { + "id": 34467, + "cuisine": "greek", + "ingredients": [ + "pepper", + "grated parmesan cheese", + "escarole", + "tomatoes", + "dried thyme", + "crushed red pepper", + "fresh parsley", + "chicken sausage", + "cannellini beans", + "bay leaf", + "canned low sodium chicken broth", + "garbanzo beans", + "salt" + ] + }, + { + "id": 42881, + "cuisine": "chinese", + "ingredients": [ + "molasses", + "orange marmalade", + "lime juice", + "shrimp", + "minced garlic", + "red pepper", + "honey" + ] + }, + { + "id": 13610, + "cuisine": "british", + "ingredients": [ + "hard-boiled egg", + "lemon", + "onions", + "milk", + "butter", + "cracked black pepper", + "basmati rice", + "smoked haddock", + "parsley", + "sea salt", + "Madras curry powder", + "cayenne", + "double cream", + "grated nutmeg" + ] + }, + { + "id": 37969, + "cuisine": "chinese", + "ingredients": [ + "asparagus", + "chow mein noodles", + "reduced sodium chicken broth", + "Sriracha", + "fresh ginger", + "pork tenderloin", + "reduced sodium soy sauce", + "sliced green onions" + ] + }, + { + "id": 35969, + "cuisine": "chinese", + "ingredients": [ + "eggplant", + "salt", + "soy sauce", + "peeled fresh ginger", + "peanut oil", + "scallion greens", + "large eggs", + "all-purpose flour", + "water", + "ground pork" + ] + }, + { + "id": 943, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "baking powder", + "large eggs", + "all-purpose flour", + "parmigiano reggiano cheese", + "salt", + "black peppercorns", + "whole milk" + ] + }, + { + "id": 16232, + "cuisine": "vietnamese", + "ingredients": [ + "soy sauce", + "pepper", + "vegetable oil", + "ground cumin", + "bread crumbs", + "chili powder", + "ground coriander", + "ketchup", + "flour", + "firm tofu", + "kosher salt", + "sesame oil", + "toasted sesame seeds" + ] + }, + { + "id": 43353, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "pappadams" + ] + }, + { + "id": 23603, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "corn starch", + "hot red pepper flakes", + "peeled fresh ginger", + "chopped garlic", + "chicken wings", + "reduced sodium chicken broth", + "fermented black beans", + "sugar", + "peanut oil" + ] + }, + { + "id": 21655, + "cuisine": "korean", + "ingredients": [ + "mushrooms", + "doenzang", + "water", + "green chilies", + "greens", + "white onion", + "spring onions", + "arugula", + "zucchini", + "garlic cloves" + ] + }, + { + "id": 40154, + "cuisine": "italian", + "ingredients": [ + "cauliflower", + "salt", + "parmesan cheese", + "eggs", + "herb seasoning", + "ground black pepper" + ] + }, + { + "id": 37290, + "cuisine": "british", + "ingredients": [ + "black pepper", + "Turkish bay leaves", + "dry mustard", + "beef rib short", + "olive oil", + "stout", + "beef broth", + "chopped garlic", + "curry powder", + "diced tomatoes", + "salt", + "carrots", + "celery ribs", + "leeks", + "paprika", + "dark brown sugar", + "ground cumin" + ] + }, + { + "id": 48116, + "cuisine": "mexican", + "ingredients": [ + "bacon", + "serrano peppers", + "pinto beans" + ] + }, + { + "id": 3957, + "cuisine": "japanese", + "ingredients": [ + "white onion", + "russet potatoes", + "chopped celery", + "ground white pepper", + "japanese cucumber", + "yellow bell pepper", + "fresh lemon juice", + "escarole", + "honey", + "dry mustard", + "purple onion", + "red bell pepper", + "mayonaise", + "daikon", + "white wine vinegar", + "carrots" + ] + }, + { + "id": 26590, + "cuisine": "irish", + "ingredients": [ + "russet potatoes", + "large garlic cloves", + "butter", + "milk", + "whipping cream" + ] + }, + { + "id": 27759, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "red bell pepper", + "salad dressing", + "chicken meat", + "onions", + "green bell pepper", + "sliced mushrooms" + ] + }, + { + "id": 23428, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "tomatoes", + "ground black pepper", + "mozzarella cheese", + "fresh basil leaves", + "pinenuts", + "flour tortillas" + ] + }, + { + "id": 48156, + "cuisine": "french", + "ingredients": [ + "black pepper", + "sauvignon blanc", + "fresh lemon juice", + "kosher salt", + "roasting chickens", + "onions", + "cooking spray", + "garlic cloves", + "fat free less sodium chicken broth", + "butter", + "herbes de provence" + ] + }, + { + "id": 37, + "cuisine": "mexican", + "ingredients": [ + "queso fresco", + "margarine", + "chicken breasts", + "extra-virgin olive oil", + "cilantro", + "red bell pepper", + "large flour tortillas", + "purple onion" + ] + }, + { + "id": 33939, + "cuisine": "spanish", + "ingredients": [ + "pepper", + "vegetable oil", + "garlic cloves", + "dijon mustard", + "white wine vinegar", + "boiling potatoes", + "large egg yolks", + "extra-virgin olive oil", + "fresh lemon juice", + "kosher salt", + "chili powder", + "hot smoked paprika" + ] + }, + { + "id": 47521, + "cuisine": "italian", + "ingredients": [ + "water", + "extra-virgin olive oil", + "flat leaf parsley", + "cannellini beans", + "chopped fresh sage", + "ground black pepper", + "salt", + "polenta", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 49158, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "whole milk", + "all-purpose flour", + "sugar", + "unsalted butter", + "whipping cream", + "water", + "large eggs", + "salt", + "unflavored gelatin", + "large egg yolks", + "butter" + ] + }, + { + "id": 15123, + "cuisine": "korean", + "ingredients": [ + "gochugaru", + "garlic", + "spam", + "soy sauce", + "hot dogs", + "Gochujang base", + "brown sugar", + "rice cakes", + "yellow onion", + "water", + "ramen noodles", + "scallions" + ] + }, + { + "id": 48362, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "white wine vinegar", + "ground black pepper", + "olive oil", + "fresh basil leaves", + "sea salt" + ] + }, + { + "id": 25297, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper", + "jalapeno chilies", + "shredded cheddar cheese", + "cream cheese", + "bread crumbs", + "hot sauce", + "tortillas", + "red bell pepper" + ] + }, + { + "id": 32940, + "cuisine": "french", + "ingredients": [ + "red potato", + "cooking spray", + "escarole", + "minced garlic", + "Italian turkey sausage", + "fat free less sodium chicken broth", + "cannellini beans", + "onions", + "fresh rosemary", + "fresh parmesan cheese", + "chardonnay" + ] + }, + { + "id": 31760, + "cuisine": "indian", + "ingredients": [ + "eggs", + "Manischewitz Potato Starch", + "tzatziki", + "sour cream", + "allspice", + "curry powder", + "zucchini", + "carrots", + "Manischewitz Matzo Meal", + "pepper", + "hand", + "peanut oil", + "onions", + "cayenne", + "salt", + "greek yogurt", + "cumin" + ] + }, + { + "id": 26995, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "spring onions", + "oil", + "dark soy sauce", + "light soy sauce", + "salt", + "water", + "ginger", + "shrimp", + "sugar", + "hot chili", + "shaoxing" + ] + }, + { + "id": 37591, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic cloves", + "fresh basil", + "extra-virgin olive oil", + "baguette", + "plum tomatoes", + "soft goat's cheese", + "cooking spray" + ] + }, + { + "id": 9615, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "cajun seasoning", + "all-purpose flour", + "onions", + "chicken broth", + "grated parmesan cheese", + "heavy cream", + "shrimp", + "fettucine", + "green onions", + "cheese", + "fresh parsley", + "celery ribs", + "andouille sausage", + "butter", + "garlic cloves" + ] + }, + { + "id": 43074, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "coriander seeds", + "ground cardamom", + "ground cinnamon", + "water", + "red wine vinegar", + "ground cumin", + "fresh coriander", + "unsalted butter", + "ground turmeric", + "sugar", + "eggplant", + "salt" + ] + }, + { + "id": 26887, + "cuisine": "italian", + "ingredients": [ + "extra-virgin olive oil", + "penne rigate", + "pecorino cheese", + "broccoli", + "salt", + "florets", + "freshly ground pepper" + ] + }, + { + "id": 47890, + "cuisine": "cajun_creole", + "ingredients": [ + "butter", + "brandy", + "orange zest", + "sugar", + "heavy cream", + "coffee" + ] + }, + { + "id": 22192, + "cuisine": "spanish", + "ingredients": [ + "russet potatoes", + "onions", + "salt", + "eggs", + "olives" + ] + }, + { + "id": 12270, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "garlic salt", + "diced onions", + "cilantro leaves", + "lemon", + "chopped tomatoes", + "nopales" + ] + }, + { + "id": 38613, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken breasts", + "fresh parsley", + "olive oil", + "butter", + "yellow corn meal", + "cajun seasoning", + "self rising flour", + "lemon" + ] + }, + { + "id": 11347, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "medium shrimp", + "dried basil", + "anchovy fillets", + "grape tomatoes", + "garlic", + "pasta", + "red pepper flakes", + "dried oregano" + ] + }, + { + "id": 7106, + "cuisine": "southern_us", + "ingredients": [ + "chop fine pecan", + "honey", + "salt", + "large eggs", + "all-purpose flour", + "milk", + "butter" + ] + }, + { + "id": 23936, + "cuisine": "thai", + "ingredients": [ + "boneless chicken skinless thigh", + "basil leaves", + "garlic cloves", + "fish sauce", + "water", + "brown rice", + "snow peas", + "chile paste with garlic", + "pepper", + "shallots", + "corn starch", + "sugar", + "lower sodium soy sauce", + "salt", + "canola oil" + ] + }, + { + "id": 41453, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "salt", + "wheat germ", + "honey", + "buttermilk", + "oat bran", + "eggs", + "baking powder", + "all-purpose flour", + "whole wheat flour", + "steel-cut oatmeal", + "oatmeal" + ] + }, + { + "id": 17785, + "cuisine": "mexican", + "ingredients": [ + "coarse salt", + "water", + "white sugar", + "lime", + "brandy", + "tequila" + ] + }, + { + "id": 7492, + "cuisine": "chinese", + "ingredients": [ + "chinese celery", + "lo mein noodles", + "peanut oil", + "chopped cilantro", + "soy sauce", + "fresh ginger", + "ground pork", + "carrots", + "sugar pea", + "white miso", + "garlic", + "ground turkey", + "clove", + "lemongrass", + "mirin", + "scallions", + "toasted sesame seeds" + ] + }, + { + "id": 2659, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "garlic cloves", + "ground black pepper", + "lamb loin chops", + "olive oil", + "dried lavender flowers" + ] + }, + { + "id": 43803, + "cuisine": "mexican", + "ingredients": [ + "sliced tomatoes", + "pickled jalapenos", + "garlic powder", + "salt", + "garlic cloves", + "sirloin tip", + "ground ginger", + "lime", + "extra-virgin olive oil", + "cayenne pepper", + "cumin", + "avocado", + "black pepper", + "onion powder", + "hot sauce", + "smoked paprika", + "chile powder", + "cotija", + "iceberg", + "purple onion", + "rolls" + ] + }, + { + "id": 33899, + "cuisine": "italian", + "ingredients": [ + "ladyfingers", + "mascarpone", + "large egg yolks", + "unsweetened cocoa powder", + "sugar", + "dark rum", + "large egg whites", + "brewed espresso" + ] + }, + { + "id": 35626, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "chopped onion", + "milk", + "cut up cooked chicken", + "shredded cheddar cheese", + "Bisquick Baking Mix", + "Old El Paso™ taco seasoning mix" + ] + }, + { + "id": 46908, + "cuisine": "french", + "ingredients": [ + "fine sea salt", + "bay leaf", + "water", + "carrots", + "peppercorns", + "parsley sprigs", + "garlic cloves", + "onions", + "red wine vinegar", + "thyme" + ] + }, + { + "id": 42962, + "cuisine": "indian", + "ingredients": [ + "panko", + "ginger", + "ground coriander", + "fresh coriander", + "potatoes", + "salt", + "ground cumin", + "garam masala", + "arctic char", + "oil", + "water", + "crushed garlic", + "all-purpose flour" + ] + }, + { + "id": 35641, + "cuisine": "jamaican", + "ingredients": [ + "sugar", + "raisins", + "coconut milk", + "nutmeg", + "rum", + "salt", + "water", + "vanilla extract", + "cornmeal", + "ground cinnamon", + "butter", + "all-purpose flour" + ] + }, + { + "id": 45886, + "cuisine": "british", + "ingredients": [ + "pecans", + "green leaf lettuce", + "stilton", + "dijon style mustard", + "olive oil", + "red bartlett pears", + "white wine vinegar" + ] + }, + { + "id": 17799, + "cuisine": "indian", + "ingredients": [ + "ground ginger", + "salt", + "leg of lamb", + "ground cumin", + "ground cloves", + "ground coriander", + "ground turmeric", + "ground cinnamon", + "less sodium beef broth", + "chopped cilantro fresh", + "saffron threads", + "chili powder", + "low-fat yogurt", + "canola oil" + ] + }, + { + "id": 41685, + "cuisine": "filipino", + "ingredients": [ + "garlic", + "beansprouts", + "rolls", + "cabbage", + "soy sauce", + "oil", + "hamburger", + "onions" + ] + }, + { + "id": 48199, + "cuisine": "british", + "ingredients": [ + "ground ginger", + "all-purpose flour", + "crystallized ginger", + "unsalted butter", + "sugar", + "white rice flour" + ] + }, + { + "id": 24275, + "cuisine": "chinese", + "ingredients": [ + "garlic powder", + "top sirloin steak", + "peanut oil", + "low sodium soy sauce", + "baking soda", + "dry sherry", + "corn starch", + "brown sugar", + "cayenne", + "steamed brown rice", + "minced ginger", + "broccoli florets", + "orange juice" + ] + }, + { + "id": 40814, + "cuisine": "italian", + "ingredients": [ + "shredded cheddar cheese", + "shredded mozzarella cheese", + "diced tomatoes", + "ground beef", + "marinara sauce", + "sliced mushrooms", + "sausage casings", + "cheese tortellini" + ] + }, + { + "id": 11039, + "cuisine": "chinese", + "ingredients": [ + "chicken stock", + "boneless chicken skinless thigh", + "egg whites", + "salt", + "scallions", + "sugar", + "chili paste", + "crushed red pepper flakes", + "peanut oil", + "toasted sesame seeds", + "tomato paste", + "white wine", + "sesame oil", + "rice vinegar", + "corn starch", + "soy sauce", + "hoisin sauce", + "garlic", + "freshly ground pepper" + ] + }, + { + "id": 13881, + "cuisine": "cajun_creole", + "ingredients": [ + "chives", + "cayenne", + "crabmeat", + "mayonaise", + "red wine vinegar", + "roasted red peppers", + "garlic cloves" + ] + }, + { + "id": 14928, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "lime", + "chili powder", + "garlic cloves", + "onions", + "avocado", + "kosher salt", + "sweet potatoes", + "red wine vinegar", + "corn tortillas", + "ground cumin", + "tomatoes", + "shredded cheddar cheese", + "green onions", + "ground coriander", + "chopped cilantro", + "black beans", + "jalapeno chilies", + "vegetable oil", + "sour cream", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 14128, + "cuisine": "japanese", + "ingredients": [ + "potato starch", + "soy sauce", + "green onions", + "ginger", + "chicken thighs", + "sake", + "ground black pepper", + "sesame oil", + "oil", + "fish sauce", + "chili", + "lemon wedge", + "garlic", + "sugar", + "flour", + "sea salt", + "garlic cloves" + ] + }, + { + "id": 45094, + "cuisine": "french", + "ingredients": [ + "green beans", + "olive oil" + ] + }, + { + "id": 45275, + "cuisine": "indian", + "ingredients": [ + "zucchini", + "ground asafetida", + "chaat masala", + "plain yogurt", + "coarse salt", + "ground coriander", + "brown mustard seeds", + "green pepper", + "olive oil", + "lemon", + "cumin seed" + ] + }, + { + "id": 14405, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "water", + "ground black pepper", + "ground thyme", + "canola oil", + "black pepper", + "olive oil", + "flour", + "salt", + "soy sauce", + "honey", + "ground sage", + "paprika", + "ground ginger", + "minced garlic", + "ground nutmeg", + "boneless skinless chicken breasts", + "cayenne pepper" + ] + }, + { + "id": 33650, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "red pepper flakes", + "boneless skinless chicken breast halves", + "water", + "oil", + "soy sauce", + "rice vinegar", + "orange marmalade", + "garlic cloves" + ] + }, + { + "id": 30126, + "cuisine": "southern_us", + "ingredients": [ + "chocolate instant pudding", + "vanilla instant pudding", + "graham cracker crusts", + "cream cheese", + "pecan halves", + "vanilla extract", + "confectioners sugar", + "cold milk", + "heavy cream", + "chopped pecans" + ] + }, + { + "id": 35052, + "cuisine": "thai", + "ingredients": [ + "cilantro", + "garlic cloves", + "water", + "purple onion", + "coconut milk", + "cauliflower", + "fine sea salt", + "green beans", + "curry powder", + "firm tofu", + "cashew nuts" + ] + }, + { + "id": 13413, + "cuisine": "italian", + "ingredients": [ + "chives", + "extra-virgin olive oil", + "eggs", + "lemon", + "fine sea salt", + "tomatoes", + "ricotta cheese", + "garlic", + "mozzarella cheese", + "crushed red pepper flakes", + "pasta shells" + ] + }, + { + "id": 24372, + "cuisine": "greek", + "ingredients": [ + "spinach leaves", + "eggplant", + "garlic cloves", + "pepper", + "balsamic vinegar", + "plum tomatoes", + "pizza crust", + "cooking spray", + "feta cheese crumbles", + "olive oil", + "salt", + "dried oregano" + ] + }, + { + "id": 6348, + "cuisine": "mexican", + "ingredients": [ + "green bell pepper, slice", + "diced tomatoes", + "red bell pepper", + "cumin", + "olive oil", + "boneless skinless chicken breasts", + "cheese", + "onions", + "flour tortillas", + "cilantro", + "sour cream", + "garlic powder", + "chili powder", + "salsa", + "dried oregano" + ] + }, + { + "id": 14865, + "cuisine": "irish", + "ingredients": [ + "baking soda", + "all-purpose flour", + "buttermilk", + "baking powder", + "sugar", + "salt" + ] + }, + { + "id": 9460, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "heavy cream", + "cornmeal", + "canned low sodium chicken broth", + "dry mustard", + "catfish fillets", + "cooking oil", + "salt", + "ground black pepper", + "garlic" + ] + }, + { + "id": 45850, + "cuisine": "chinese", + "ingredients": [ + "sirloin", + "granulated sugar", + "fresh green bean", + "dried chile", + "fresh ginger", + "sesame oil", + "garlic", + "light soy sauce", + "green onions", + "dry sherry", + "dark soy sauce", + "chili paste", + "vegetable oil", + "freshly ground pepper" + ] + }, + { + "id": 38184, + "cuisine": "mexican", + "ingredients": [ + "lime", + "long grain white rice", + "black pepper", + "yellow onion", + "avocado", + "cilantro leaves", + "chicken", + "kosher salt", + "carrots" + ] + }, + { + "id": 26027, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "large egg whites", + "zucchini", + "salt", + "pitted kalamata olives", + "olive oil", + "grated parmesan cheese", + "onions", + "tomatoes", + "yellow squash", + "jasmine", + "garlic cloves", + "dried basil", + "fennel bulb", + "cooking spray", + "dried oregano" + ] + }, + { + "id": 45331, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "mustard", + "instant coffee", + "bourbon whiskey", + "ham steak", + "heavy cream" + ] + }, + { + "id": 15593, + "cuisine": "thai", + "ingredients": [ + "straw mushrooms", + "light soy sauce", + "salt", + "fresh lime juice", + "lime zest", + "minced ginger", + "vegetable stock", + "red bell pepper", + "sweetener", + "extra firm tofu", + "grate lime peel", + "sugar", + "lemongrass", + "Thai red curry paste", + "coconut milk" + ] + }, + { + "id": 38518, + "cuisine": "moroccan", + "ingredients": [ + "cayenne", + "ground cumin", + "sugar", + "fresh lemon juice", + "olive oil", + "carrots", + "ground cinnamon", + "garlic cloves" + ] + }, + { + "id": 42756, + "cuisine": "greek", + "ingredients": [ + "nonfat yogurt", + "garlic cloves", + "non-fat sour cream", + "salt", + "dried mint flakes", + "fresh lemon juice" + ] + }, + { + "id": 16605, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "large eggs", + "sugar", + "unsalted butter", + "all-purpose flour", + "instant espresso powder", + "salt", + "milk", + "semisweet chocolate", + "corn syrup" + ] + }, + { + "id": 16934, + "cuisine": "mexican", + "ingredients": [ + "reduced sodium chicken broth", + "diced tomatoes", + "sour cream", + "onions", + "boneless skinless chicken breasts", + "garlic", + "corn tortillas", + "sliced green onions", + "lime", + "crushed red pepper flakes", + "coarse kosher salt", + "chopped cilantro fresh", + "avocado", + "vegetable oil", + "grated jack cheese", + "chopped cilantro", + "ground cumin" + ] + }, + { + "id": 26540, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "green garlic", + "garlic cloves", + "arborio rice", + "leeks", + "extra-virgin olive oil", + "onions", + "asparagus", + "dry white wine", + "vegetable broth", + "grated parmesan cheese", + "peas", + "flat leaf parsley" + ] + }, + { + "id": 44132, + "cuisine": "mexican", + "ingredients": [ + "jalapeno chilies", + "corn tortillas", + "ground chipotle chile pepper", + "knorr chicken flavor bouillon", + "hellmann' or best food light mayonnais", + "purple onion", + "fresh pineapple", + "lime juice", + "uncook medium shrimp, peel and devein" + ] + }, + { + "id": 28703, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "green pepper", + "cooked rice", + "salt", + "onions", + "pepper", + "cayenne pepper", + "canola oil", + "Johnsonville Smoked Sausage", + "rabbit", + "okra" + ] + }, + { + "id": 31037, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "sugar", + "butter", + "salt", + "eggs", + "granulated sugar", + "vanilla", + "fudge brownie mix", + "melted butter", + "water", + "light corn syrup", + "cream cheese", + "pecan halves", + "large eggs", + "vanilla extract" + ] + }, + { + "id": 28880, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "coarse salt", + "firm tofu", + "carrots", + "rice noodles", + "cilantro leaves", + "scallions", + "large eggs", + "salted roast peanuts", + "dark brown sugar", + "fresh lime juice", + "vegetable oil", + "chili sauce", + "garlic cloves" + ] + }, + { + "id": 26250, + "cuisine": "moroccan", + "ingredients": [ + "angel hair", + "olive oil", + "chopped onion", + "red bell pepper", + "tomatoes", + "water", + "salt", + "fresh lemon juice", + "tomato paste", + "black pepper", + "ground red pepper", + "brown lentils", + "ground cinnamon", + "fresh cilantro", + "chickpeas", + "leg of lamb" + ] + }, + { + "id": 1732, + "cuisine": "spanish", + "ingredients": [ + "green onions", + "freshly ground pepper", + "butter", + "olive oil", + "salt", + "russet potatoes", + "garlic cloves" + ] + }, + { + "id": 24049, + "cuisine": "italian", + "ingredients": [ + "roasted red peppers", + "sandwich wraps", + "mayonaise", + "salt", + "romaine lettuce", + "hard salami", + "italian salad dressing", + "pepper", + "provolone cheese" + ] + }, + { + "id": 6403, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "fresh ginger root", + "garlic", + "water", + "egg whites", + "peanut oil", + "orange bell pepper", + "cutlet", + "ginger root", + "sugar pea", + "Sriracha", + "rice vinegar" + ] + }, + { + "id": 960, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "chopped onion", + "large garlic cloves", + "chopped cilantro fresh", + "fillet red snapper", + "stewed tomatoes", + "lime wedges", + "green chilies" + ] + }, + { + "id": 628, + "cuisine": "japanese", + "ingredients": [ + "tonic water", + "gin", + "Chartreuse Liqueur", + "aloe juice", + "shiso", + "sliced cucumber" + ] + }, + { + "id": 27468, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "bell pepper", + "chopped cilantro fresh", + "part-skim mozzarella cheese", + "frozen corn", + "lime juice", + "dark leafy greens", + "no-salt-added diced tomatoes", + "salt free chili powder", + "corn tortillas" + ] + }, + { + "id": 8224, + "cuisine": "italian", + "ingredients": [ + "nutmeg", + "curly parsley", + "dried basil", + "dry red wine", + "ground beef", + "light brown sugar", + "tomatoes", + "black pepper", + "parmesan cheese", + "garlic", + "italian seasoning", + "tomato paste", + "tomato sauce", + "spanish onion", + "ricotta cheese", + "sweet italian sausage", + "fennel seeds", + "eggs", + "mozzarella cheese", + "lasagna noodles", + "salt" + ] + }, + { + "id": 35083, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "dried pinto beans", + "beer", + "chicken stock", + "bay leaves", + "salt", + "jalapeno chilies", + "garlic", + "dried oregano", + "ground black pepper", + "stewed tomatoes", + "chopped cilantro fresh" + ] + }, + { + "id": 33029, + "cuisine": "french", + "ingredients": [ + "navel oranges", + "large eggs", + "sugar", + "whole milk" + ] + }, + { + "id": 33278, + "cuisine": "indian", + "ingredients": [ + "ground cloves", + "herbs", + "cinnamon", + "sauce", + "tofu sour cream", + "tofu", + "garam masala", + "chili powder", + "cardamom seeds", + "garlic cloves", + "ginger paste", + "almond butter", + "meat", + "cilantro", + "oil", + "onions", + "min", + "beef", + "spices", + "salt", + "almond milk", + "ground cumin" + ] + }, + { + "id": 29182, + "cuisine": "italian", + "ingredients": [ + "capocollo", + "sliced ham", + "hot pepper rings", + "Pillsbury™ Refrigerated Crescent Dinner Rolls", + "roasted red peppers", + "spicy salami", + "provolone cheese", + "capocollo", + "hot pepper", + "refrigerated crescent rolls", + "sliced ham", + "roasted red peppers", + "provolone cheese", + "salami" + ] + }, + { + "id": 41782, + "cuisine": "french", + "ingredients": [ + "olive oil", + "lamb shoulder", + "bay leaf", + "tomatoes", + "butter", + "carrots", + "fennel bulb", + "purple onion", + "water", + "garlic", + "thyme sprigs" + ] + }, + { + "id": 40277, + "cuisine": "indian", + "ingredients": [ + "steamed white rice", + "salt", + "ground turmeric", + "chicken broth", + "white wine vinegar", + "freshly ground pepper", + "ground cumin", + "boneless pork shoulder", + "paprika", + "yellow onion", + "canola oil", + "fresh ginger", + "curry", + "garlic cloves" + ] + }, + { + "id": 44317, + "cuisine": "italian", + "ingredients": [ + "prosecco", + "fresh lemon juice", + "water", + "sugar", + "strawberries" + ] + }, + { + "id": 28875, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "olive oil", + "salt", + "crushed tomatoes", + "dried pinto beans", + "onions", + "ground cinnamon", + "corn kernels", + "garlic", + "ground cumin", + "pepper", + "garbanzo beans", + "cayenne pepper" + ] + }, + { + "id": 22869, + "cuisine": "filipino", + "ingredients": [ + "salt", + "milk", + "eggs", + "rice flour", + "vegetable oil" + ] + }, + { + "id": 4494, + "cuisine": "thai", + "ingredients": [ + "ketchup", + "boneless chicken", + "Thai fish sauce", + "rice stick noodles", + "large eggs", + "unsalted dry roast peanuts", + "medium shrimp", + "minced garlic", + "sprouts", + "chopped cilantro", + "sugar", + "vegetable oil", + "crushed red pepper", + "sliced green onions" + ] + }, + { + "id": 38828, + "cuisine": "southern_us", + "ingredients": [ + "ground cloves", + "salt", + "blackberries", + "shortening", + "butter cooking spray", + "orange juice", + "sugar", + "ice water", + "white sugar", + "ground cinnamon", + "ground nutmeg", + "all-purpose flour" + ] + }, + { + "id": 39844, + "cuisine": "cajun_creole", + "ingredients": [ + "melted butter", + "creole seasoning", + "fish fillets" + ] + }, + { + "id": 7107, + "cuisine": "mexican", + "ingredients": [ + "melted butter", + "large eggs", + "salt", + "sugar", + "chili powder", + "green chile", + "baking powder", + "all-purpose flour", + "yellow corn meal", + "jack cheese", + "buttermilk" + ] + }, + { + "id": 19167, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "granulated sugar", + "eggs", + "instant espresso powder", + "almonds", + "cocoa powder", + "raspberry jam", + "unsalted butter" + ] + }, + { + "id": 29854, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "scallions", + "corn kernels", + "salt", + "milk", + "large eggs", + "mascarpone", + "all-purpose flour" + ] + }, + { + "id": 35572, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "carrots", + "chicken thighs", + "curry powder", + "coconut milk", + "fresh pineapple", + "chicken stock", + "chopped green bell pepper", + "curry paste", + "brown sugar", + "corn starch", + "frozen peas" + ] + }, + { + "id": 596, + "cuisine": "indian", + "ingredients": [ + "fat free milk", + "butter", + "corn starch", + "fat free less sodium chicken broth", + "ground red pepper", + "garlic cloves", + "finely chopped onion", + "salt", + "turkey breast", + "curry powder", + "golden delicious apples", + "fresh lemon juice" + ] + }, + { + "id": 31327, + "cuisine": "french", + "ingredients": [ + "zucchini", + "salt", + "chicken broth", + "extra-virgin olive oil", + "ground white pepper", + "leeks", + "sliced ham", + "milk", + "cheese", + "onions" + ] + }, + { + "id": 36972, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "green beans", + "olive oil", + "whole kernel corn, drain", + "butter", + "vegetables", + "fresh mushrooms" + ] + }, + { + "id": 27342, + "cuisine": "french", + "ingredients": [ + "fresh rosemary", + "unsalted butter", + "sugar", + "all-purpose flour", + "eggs", + "sea salt", + "cold water", + "water", + "tart apples" + ] + }, + { + "id": 35906, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "corn oil", + "all-purpose flour", + "cream style corn", + "buttermilk", + "onions", + "baking soda", + "baking powder", + "cornmeal", + "eggs", + "jalapeno chilies", + "salt" + ] + }, + { + "id": 32633, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "warm water", + "salt", + "sugar", + "cake flour", + "active dry yeast", + "all-purpose flour" + ] + }, + { + "id": 30569, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "plum tomatoes", + "rice", + "black beans", + "chorizo sausage" + ] + }, + { + "id": 31274, + "cuisine": "italian", + "ingredients": [ + "honey", + "extra-virgin olive oil", + "limoncello", + "large eggs", + "all-purpose flour", + "large egg yolks", + "salt", + "orange", + "lemon", + "confectioners sugar" + ] + }, + { + "id": 36546, + "cuisine": "mexican", + "ingredients": [ + "ground cinnamon", + "vanilla extract", + "pecans", + "powdered sugar", + "all-purpose flour", + "butter" + ] + }, + { + "id": 715, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame oil", + "chinkiang vinegar", + "yardlong beans", + "chili bean sauce", + "soy sauce", + "garlic", + "minced pork", + "mustard", + "szechwan peppercorns", + "peanut oil" + ] + }, + { + "id": 17417, + "cuisine": "southern_us", + "ingredients": [ + "apple cider vinegar", + "dijon mustard", + "freshly ground pepper", + "bourbon whiskey", + "canola oil", + "light brown sugar", + "salt" + ] + }, + { + "id": 33573, + "cuisine": "irish", + "ingredients": [ + "soy sauce", + "tomatoes", + "potatoes", + "eggs", + "green onions", + "chicken broth", + "fresh ginger root" + ] + }, + { + "id": 41464, + "cuisine": "italian", + "ingredients": [ + "pasta", + "Alfredo sauce", + "large eggs", + "sour cream", + "mozzarella cheese", + "ricotta cheese", + "grated parmesan cheese", + "fresh parsley" + ] + }, + { + "id": 41960, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "salt", + "white pepper", + "onion powder", + "dried oregano", + "black pepper", + "garlic powder", + "cayenne pepper", + "dried basil", + "paprika" + ] + }, + { + "id": 21383, + "cuisine": "cajun_creole", + "ingredients": [ + "white wine", + "garlic", + "onions", + "pepper", + "meat bones", + "chorizo sausage", + "chopped tomatoes", + "hot smoked paprika", + "stock", + "fresh thyme", + "celery" + ] + }, + { + "id": 15248, + "cuisine": "vietnamese", + "ingredients": [ + "oil", + "garlic", + "tofu", + "bird chile", + "scallions" + ] + }, + { + "id": 21088, + "cuisine": "thai", + "ingredients": [ + "minced garlic", + "dark sesame oil", + "Boston lettuce", + "flour tortillas", + "fresh lime juice", + "sugar", + "beef deli roast slice thinli", + "chopped fresh mint", + "fish sauce", + "fresh ginger", + "carrots" + ] + }, + { + "id": 28445, + "cuisine": "greek", + "ingredients": [ + "eggplant", + "lemon", + "juice", + "kosher salt", + "ground black pepper", + "fresh oregano", + "fresh mint", + "fresh dill", + "feta cheese", + "extra-virgin olive oil", + "greek yogurt", + "minced garlic", + "roma tomatoes", + "english cucumber" + ] + }, + { + "id": 25585, + "cuisine": "french", + "ingredients": [ + "salt", + "unsalted butter", + "large eggs", + "ground black pepper" + ] + }, + { + "id": 38405, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "ginger", + "oil", + "glutinous rice", + "vinegar", + "salt", + "sugar", + "water", + "thai chile", + "soy sauce", + "shallots", + "firm tofu" + ] + }, + { + "id": 35404, + "cuisine": "cajun_creole", + "ingredients": [ + "cayenne", + "lemon", + "mayonaise", + "shell-on shrimp", + "garlic cloves", + "ketchup", + "cajun seasoning", + "boiling potatoes", + "horseradish", + "bay leaves", + "ear of corn" + ] + }, + { + "id": 2827, + "cuisine": "french", + "ingredients": [ + "nutmeg", + "flour", + "cayenne pepper", + "grated parmesan cheese", + "butter", + "milk", + "egg yolks", + "grated Gruyère cheese", + "egg whites", + "salt" + ] + }, + { + "id": 15042, + "cuisine": "italian", + "ingredients": [ + "ground sirloin", + "brown sugar", + "spaghetti", + "olive oil", + "onions" + ] + }, + { + "id": 5107, + "cuisine": "italian", + "ingredients": [ + "dry white wine", + "salt", + "carrots", + "minced garlic", + "butter", + "grated lemon zest", + "onions", + "pepper", + "crushed garlic", + "all-purpose flour", + "fresh parsley", + "beef stock", + "diced tomatoes", + "veal shanks" + ] + }, + { + "id": 23635, + "cuisine": "italian", + "ingredients": [ + "beef bouillon", + "paprika", + "white sugar", + "salt and ground black pepper", + "vegetable oil", + "all-purpose flour", + "dried oregano", + "dried thyme", + "sherry", + "beef stew meat", + "boiling water", + "garlic powder", + "condensed tomato soup", + "onions", + "dried rosemary" + ] + }, + { + "id": 18225, + "cuisine": "jamaican", + "ingredients": [ + "ground cinnamon", + "large eggs", + "raisins", + "grated coconut", + "baking powder", + "grated nutmeg", + "water", + "butter", + "brown sugar", + "flour", + "salt" + ] + }, + { + "id": 13633, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "salt", + "tomatoes", + "large eggs", + "red bell pepper", + "olive oil", + "garlic cloves", + "fresh basil", + "whole milk", + "flat leaf parsley" + ] + }, + { + "id": 34139, + "cuisine": "mexican", + "ingredients": [ + "beef shank", + "carrots", + "bouillon", + "lime wedges", + "onions", + "green cabbage", + "zucchini", + "celery", + "water", + "garlic cloves", + "chopped cilantro fresh" + ] + }, + { + "id": 40351, + "cuisine": "indian", + "ingredients": [ + "water", + "salt", + "lemon juice", + "fresh tomatoes", + "mung beans", + "garlic cloves", + "fresh ginger", + "cayenne pepper", + "ground turmeric", + "black pepper", + "extra-virgin olive oil", + "black mustard seeds" + ] + }, + { + "id": 15997, + "cuisine": "mexican", + "ingredients": [ + "poblano chiles", + "mexican chorizo", + "monterey jack", + "corn tortillas", + "red bell pepper" + ] + }, + { + "id": 32850, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "peach nectar", + "orange liqueur", + "orange", + "dry red wine", + "lime", + "orange juice", + "granny smith apples", + "lemon", + "club soda" + ] + }, + { + "id": 27156, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "tamarind", + "rice flour", + "ground cumin", + "kosher salt", + "vegetable oil", + "ground turmeric", + "curry leaves", + "chili powder", + "coriander", + "water", + "garlic", + "fish" + ] + }, + { + "id": 26110, + "cuisine": "filipino", + "ingredients": [ + "black pepper", + "chicken sausage", + "jalapeno chilies", + "garlic", + "shrimp", + "ground cumin", + "turbinado", + "white onion", + "orange bell pepper", + "pineapple", + "green pepper", + "boiling water", + "lime rind", + "lime", + "zucchini", + "extra-virgin olive oil", + "pearl couscous", + "saffron", + "white wine", + "olive oil", + "red pepper", + "salt", + "smoked paprika" + ] + }, + { + "id": 36025, + "cuisine": "italian", + "ingredients": [ + "radishes", + "olive oil", + "fresh lemon juice", + "rosemary sprigs", + "whole milk", + "unsalted butter", + "chicken livers" + ] + }, + { + "id": 31945, + "cuisine": "southern_us", + "ingredients": [ + "Velveeta", + "large eggs", + "shredded sharp cheddar cheese", + "shredded mild cheddar cheese", + "vegetable oil", + "muenster cheese", + "ground black pepper", + "butter", + "monterey jack", + "seasoning salt", + "half & half", + "elbow macaroni" + ] + }, + { + "id": 33844, + "cuisine": "italian", + "ingredients": [ + "bacon, crisp-cooked and crumbled", + "boneless skinless chicken breast halves", + "Bertolli® Alfredo Sauce", + "green peas", + "dry white wine", + "Bertolli® Classico Olive Oil", + "onions" + ] + }, + { + "id": 38635, + "cuisine": "italian", + "ingredients": [ + "gold potatoes", + "salt", + "lemon juice", + "water", + "paprika", + "chopped onion", + "coconut milk", + "macaroni", + "cayenne pepper", + "carrots", + "garlic powder", + "raw cashews", + "nutritional yeast flakes" + ] + }, + { + "id": 47790, + "cuisine": "indian", + "ingredients": [ + "ground coriander", + "pepper", + "ground cumin", + "salt" + ] + }, + { + "id": 45295, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "olive oil", + "pepper", + "salt", + "fresh basil", + "garlic", + "water", + "white sugar" + ] + }, + { + "id": 33188, + "cuisine": "moroccan", + "ingredients": [ + "feta cheese", + "fresh mint", + "cherry tomatoes", + "white wine vinegar", + "couscous", + "water", + "large garlic cloves", + "lentilles du puy", + "olive oil", + "salt", + "arugula" + ] + }, + { + "id": 20674, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "black pepper", + "vegetable oil", + "cherry tomatoes", + "watercress", + "cotija", + "sherry vinegar", + "corn tortillas" + ] + }, + { + "id": 505, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "spring onions", + "cake flour", + "sugar", + "cooking oil", + "cornflour", + "ginger root", + "dough", + "water", + "baking powder", + "barbecued pork", + "plain flour", + "instant yeast", + "sesame oil", + "oyster sauce" + ] + }, + { + "id": 22779, + "cuisine": "brazilian", + "ingredients": [ + "eggs", + "passion fruit juice", + "water", + "white sugar", + "syrup", + "condensed milk", + "passion fruit" + ] + }, + { + "id": 6609, + "cuisine": "mexican", + "ingredients": [ + "grate lime peel", + "triple sec", + "white sugar", + "gold tequila", + "fresh lime juice", + "frozen limeade concentrate", + "ice" + ] + }, + { + "id": 14668, + "cuisine": "mexican", + "ingredients": [ + "canned chicken broth", + "flour tortillas", + "salsa", + "ground cumin", + "avocado", + "garlic powder", + "paprika", + "onions", + "tomatoes", + "boneless chicken breast halves", + "yellow bell pepper", + "dried oregano", + "dried thyme", + "vegetable oil", + "cayenne pepper" + ] + }, + { + "id": 47119, + "cuisine": "chinese", + "ingredients": [ + "pepper", + "ginger", + "maple syrup", + "onions", + "celery ribs", + "sesame oil", + "tamari soy sauce", + "chow mein noodles", + "water", + "garlic", + "rice vinegar", + "green cabbage", + "tempeh", + "salt", + "carrots" + ] + }, + { + "id": 37852, + "cuisine": "chinese", + "ingredients": [ + "water", + "garlic", + "noodles", + "roasted cashews", + "sesame oil", + "oyster sauce", + "broccoli florets", + "firm tofu", + "canola oil", + "soy sauce", + "ginger", + "carrots" + ] + }, + { + "id": 17882, + "cuisine": "french", + "ingredients": [ + "cooking spray", + "salt", + "ground nutmeg", + "2% reduced-fat milk", + "ham", + "haricots verts", + "bay leaves", + "garlic cloves", + "ground black pepper", + "gruyere cheese", + "small red potato" + ] + }, + { + "id": 1244, + "cuisine": "indian", + "ingredients": [ + "salt", + "pitted date", + "hot water", + "plain low-fat yogurt", + "tamarind paste", + "palm sugar", + "cabbage" + ] + }, + { + "id": 787, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "olive oil", + "grated lemon zest", + "boiling water", + "vegetable oil cooking spray", + "1% low-fat milk", + "cornmeal", + "eggs", + "raisins", + "rome apples", + "pears", + "white bread", + "sugar", + "all-purpose flour", + "seedless red grapes" + ] + }, + { + "id": 31247, + "cuisine": "french", + "ingredients": [ + "ground cinnamon", + "butter", + "ground cloves", + "confectioners sugar", + "eggs", + "whole wheat bread", + "ground ginger", + "ground nutmeg" + ] + }, + { + "id": 1007, + "cuisine": "greek", + "ingredients": [ + "eggs", + "salt and ground black pepper", + "whole peeled tomatoes", + "garlic", + "fresh parsley", + "olive oil", + "ground black pepper", + "potatoes", + "lentils", + "dried oregano", + "milk", + "ground nutmeg", + "grated parmesan cheese", + "all-purpose flour", + "onions", + "white vinegar", + "eggplant", + "zucchini", + "butter", + "feta cheese crumbles" + ] + }, + { + "id": 36908, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "butter", + "quickcooking grits", + "salt", + "jalapeno chilies", + "condensed chicken broth", + "water", + "process cheese spread" + ] + }, + { + "id": 26901, + "cuisine": "vietnamese", + "ingredients": [ + "chicken broth", + "dry white wine", + "corn starch", + "plum tomatoes", + "tofu", + "water", + "oil", + "white sugar", + "pepper", + "salt", + "bamboo shoots", + "soy sauce", + "fresh green bean", + "onions" + ] + }, + { + "id": 47498, + "cuisine": "thai", + "ingredients": [ + "lime", + "shallots", + "cilantro leaves", + "store bought low sodium chicken stock", + "short-grain rice", + "garlic", + "scallions", + "lemongrass", + "bawang goreng", + "salt", + "juice", + "fish sauce", + "chili", + "ground pork", + "firm tofu" + ] + }, + { + "id": 25543, + "cuisine": "italian", + "ingredients": [ + "warm water", + "all-purpose flour", + "olive oil", + "sugar", + "salt", + "active dry yeast", + "wheat flour" + ] + }, + { + "id": 47421, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "dry mustard", + "zesty italian dressing", + "baking soda", + "beef broth", + "collard greens", + "bacon" + ] + }, + { + "id": 16492, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "butter", + "herb seasoned stuffing", + "cream of chicken soup", + "carrots", + "yellow squash", + "salt", + "water chestnuts, drained and chopped", + "zucchini", + "sour cream" + ] + }, + { + "id": 46788, + "cuisine": "mexican", + "ingredients": [ + "coriander seeds", + "poblano chiles", + "boneless skinless chicken breasts", + "fresh lime juice", + "olive oil", + "purple onion", + "ground cumin", + "yellow bell pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 44211, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "marinara sauce", + "rigatoni", + "parmigiano reggiano cheese", + "shredded mozzarella cheese", + "coarse salt" + ] + }, + { + "id": 44170, + "cuisine": "french", + "ingredients": [ + "pepper", + "leeks", + "extra-virgin olive oil", + "broccoli", + "thyme", + "broth", + "celery ribs", + "kale", + "russet potatoes", + "shredded parmesan cheese", + "garlic cloves", + "fresh parsley", + "whole wheat rotini", + "zucchini", + "butter", + "white beans", + "carrots", + "onions", + "water", + "broccoli stems", + "salt", + "toasted walnuts", + "green beans", + "oregano" + ] + }, + { + "id": 34080, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "dried chickpeas", + "fresh lemon juice", + "plain yogurt", + "cumin seed", + "chopped fresh mint", + "aleppo pepper", + "peanut oil", + "mustard seeds", + "salt", + "scallions", + "chopped cilantro fresh" + ] + }, + { + "id": 12592, + "cuisine": "italian", + "ingredients": [ + "dried thyme", + "bacon", + "onions", + "grated parmesan cheese", + "salt", + "red pepper flakes", + "fresh parsley", + "ground black pepper", + "linguine" + ] + }, + { + "id": 463, + "cuisine": "mexican", + "ingredients": [ + "pickling spices", + "jalape", + "red bell pepper", + "chicken broth", + "yellow bell pepper", + "tortilla chips", + "ground cumin", + "olive oil", + "cilantro leaves", + "onions", + "large garlic cloves", + "rice vinegar", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 44117, + "cuisine": "mexican", + "ingredients": [ + "low sodium vegetable stock", + "sweet onion", + "butternut squash", + "sage", + "nutmeg", + "pepper", + "unsalted butter", + "salt", + "fontina cheese", + "beans", + "olive oil", + "whole wheat tortillas", + "brown butter", + "milk", + "flour", + "garlic cloves" + ] + }, + { + "id": 6201, + "cuisine": "indian", + "ingredients": [ + "curry leaves", + "coriander seeds", + "bay leaves", + "fenugreek seeds", + "cinnamon sticks", + "ground ginger", + "tumeric", + "mint leaves", + "vegetable oil", + "black mustard seeds", + "fennel seeds", + "black peppercorns", + "vinegar", + "chili powder", + "cumin seed", + "clove", + "fenugreek leaves", + "garlic powder", + "seeds", + "cardamom pods", + "citric acid" + ] + }, + { + "id": 39374, + "cuisine": "chinese", + "ingredients": [ + "light soy sauce", + "shrimp", + "tofu", + "garlic", + "hoisin sauce", + "corn starch", + "green bell pepper", + "oyster sauce" + ] + }, + { + "id": 46595, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "sugar", + "chili powder", + "grated lemon zest", + "shrimp", + "cooked ham", + "unsalted butter", + "salt", + "long-grain rice", + "tomatoes", + "dried basil", + "vegetable oil", + "sweet italian sausage", + "red bell pepper", + "green bell pepper", + "dried thyme", + "garlic", + "freshly ground pepper", + "onions" + ] + }, + { + "id": 13245, + "cuisine": "indian", + "ingredients": [ + "sea scallops", + "scallions", + "water", + "vegetable oil", + "unsalted butter", + "fresh lime juice", + "curry powder", + "peas" + ] + }, + { + "id": 20782, + "cuisine": "italian", + "ingredients": [ + "sugar", + "spaghetti", + "hard shelled clams", + "large garlic cloves", + "tomatoes", + "olive oil", + "hot red pepper flakes", + "juice" + ] + }, + { + "id": 25467, + "cuisine": "indian", + "ingredients": [ + "stewed tomatoes", + "onions", + "chickpeas", + "garlic", + "cumin", + "olive oil", + "couscous" + ] + }, + { + "id": 17361, + "cuisine": "mexican", + "ingredients": [ + "ground chuck", + "shredded lettuce", + "sour cream", + "tomatoes", + "queso asadero", + "garlic", + "onions", + "garlic powder", + "paprika", + "corn tortillas", + "green bell pepper", + "chili powder", + "salt", + "cumin" + ] + }, + { + "id": 46080, + "cuisine": "jamaican", + "ingredients": [ + "jamaican jerk season", + "purple onion", + "yuca", + "sweet potatoes or yams", + "Country Crock® Spread", + "jicama", + "hellmann' or best food light mayonnais", + "lime juice", + "garlic" + ] + }, + { + "id": 36548, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "peeled fresh ginger", + "purple onion", + "noodles", + "green bell pepper", + "zucchini", + "vegetable oil", + "carrots", + "low sodium soy sauce", + "water", + "green onions", + "dark sesame oil", + "sake", + "sweet potatoes", + "portabello mushroom", + "corn starch" + ] + }, + { + "id": 34496, + "cuisine": "chinese", + "ingredients": [ + "dark soy sauce", + "kosher salt", + "chile de arbol", + "yellow onion", + "sugar", + "egg noodles", + "garlic", + "greens", + "chinese rice wine", + "beef shank", + "star anise", + "chinese black vinegar", + "black peppercorns", + "baby bok choy", + "ginger", + "meat bones", + "plum tomatoes" + ] + }, + { + "id": 13109, + "cuisine": "italian", + "ingredients": [ + "butter", + "fresh parsley", + "grated parmesan cheese", + "salt", + "fettucine", + "garlic", + "half & half", + "cooked shrimp" + ] + }, + { + "id": 10044, + "cuisine": "indian", + "ingredients": [ + "sugar", + "salt", + "melted butter", + "olive oil", + "plain flour", + "milk", + "coriander", + "eggs", + "baking powder" + ] + }, + { + "id": 26054, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "green pepper", + "tomatoes", + "lean ground beef", + "onions", + "pizza sauce", + "jumbo shells", + "pepperoni slices", + "garlic", + "oregano" + ] + }, + { + "id": 25286, + "cuisine": "chinese", + "ingredients": [ + "asparagus", + "soy sauce", + "dark sesame oil", + "chili oil", + "sesame seeds" + ] + }, + { + "id": 33517, + "cuisine": "korean", + "ingredients": [ + "low sodium soy sauce", + "peeled fresh ginger", + "garlic cloves", + "cooking spray", + "dark sesame oil", + "pork tenderloin", + "rice vinegar", + "sugar", + "crushed red pepper" + ] + }, + { + "id": 16407, + "cuisine": "spanish", + "ingredients": [ + "tomato paste", + "red wine vinegar", + "cayenne pepper", + "red bell pepper", + "diced onions", + "chives", + "salt", + "cucumber", + "minced garlic", + "lemon", + "fresh herbs", + "plum tomatoes", + "tomato juice", + "extra-virgin olive oil", + "croutons" + ] + }, + { + "id": 45717, + "cuisine": "italian", + "ingredients": [ + "ground cloves", + "pork shoulder butt", + "onions", + "coriander seeds", + "extra-virgin olive oil", + "unsweetened cocoa powder", + "water", + "sea salt", + "white peppercorns", + "ground cinnamon", + "ground nutmeg", + "chopped fresh sage" + ] + }, + { + "id": 36331, + "cuisine": "jamaican", + "ingredients": [ + "unsalted butter", + "yeast", + "warm water", + "salt", + "eggs", + "granulated sugar", + "milk", + "all-purpose flour" + ] + }, + { + "id": 40593, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "asian pear", + "sesame oil", + "toasted sesame seeds", + "butter lettuce", + "vegetable oil spray", + "jalapeno chilies", + "garlic cloves", + "sugar", + "ground black pepper", + "green onions", + "butterflied leg of lamb", + "fresh ginger", + "mirin", + "kochujang" + ] + }, + { + "id": 9160, + "cuisine": "thai", + "ingredients": [ + "black beans", + "coconut milk", + "palm sugar", + "water", + "salt" + ] + }, + { + "id": 1564, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "lemon", + "chickpeas", + "fresh parsley", + "eggs", + "cinnamon", + "canned tomatoes", + "lentils", + "noodles", + "fresh cilantro", + "ginger", + "lamb", + "onions", + "tumeric", + "butter", + "salt", + "celery" + ] + }, + { + "id": 2498, + "cuisine": "indian", + "ingredients": [ + "tumeric", + "onion powder", + "garlic", + "garam masala", + "paprika", + "lemon juice", + "black pepper", + "chicken drumsticks", + "salt", + "red chili powder", + "yoghurt", + "ginger", + "cumin" + ] + }, + { + "id": 44047, + "cuisine": "thai", + "ingredients": [ + "red chili peppers", + "pork tenderloin", + "scallions", + "chopped cilantro fresh", + "granulated sugar", + "vegetable oil", + "Thai fish sauce", + "jasmine rice", + "shallots", + "garlic cloves", + "toasted peanuts", + "large eggs", + "cilantro root", + "cucumber" + ] + }, + { + "id": 31149, + "cuisine": "italian", + "ingredients": [ + "ground cloves", + "ricotta cheese", + "all-purpose flour", + "nutmeg", + "pumpkin", + "butter", + "parmesan cheese", + "cinnamon", + "allspice", + "eggs", + "dried sage", + "salt" + ] + }, + { + "id": 7115, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "part-skim mozzarella cheese", + "salt", + "bread ciabatta", + "balsamic vinegar", + "cucumber", + "pitted kalamata olives", + "ground black pepper", + "garlic cloves", + "tomatoes", + "olive oil", + "crushed red pepper" + ] + }, + { + "id": 3004, + "cuisine": "indian", + "ingredients": [ + "coriander seeds", + "salt", + "ghee", + "saffron threads", + "whole milk yoghurt", + "cumin seed", + "milk", + "garlic", + "fresh lemon juice", + "fresh ginger root", + "cayenne pepper", + "chicken thighs" + ] + }, + { + "id": 29296, + "cuisine": "mexican", + "ingredients": [ + "white vinegar", + "habanero pepper", + "diced tomatoes", + "cilantro leaves", + "lime juice", + "serrano peppers", + "garlic", + "onions", + "ground black pepper", + "green onions", + "salt", + "tomatoes", + "jalapeno chilies", + "stewed tomatoes", + "carrots" + ] + }, + { + "id": 13265, + "cuisine": "indian", + "ingredients": [ + "mild curry powder", + "silver dragees", + "sweetened coconut flakes", + "confectioners sugar", + "eggs", + "white cake mix", + "vegetable oil", + "fresh lemon juice", + "coconut extract", + "unsalted butter", + "cream cheese", + "white sugar", + "fresh basil", + "water", + "lemon", + "heavy whipping cream" + ] + }, + { + "id": 16222, + "cuisine": "cajun_creole", + "ingredients": [ + "tasso", + "andouille sausage", + "file powder", + "all-purpose flour", + "cooked rice", + "black pepper", + "vegetable oil", + "onions", + "celery ribs", + "green bell pepper", + "dried thyme", + "large garlic cloves", + "sliced green onions", + "chicken broth", + "boneless chicken thighs", + "ground red pepper", + "fresh parsley" + ] + }, + { + "id": 14361, + "cuisine": "mexican", + "ingredients": [ + "cooking spray", + "salsa", + "shredded cheddar cheese", + "garlic", + "boneless skinless chicken breasts", + "ground cumin", + "ground black pepper", + "salt" + ] + }, + { + "id": 8989, + "cuisine": "southern_us", + "ingredients": [ + "ground red pepper", + "fresh lemon juice", + "dijon mustard", + "paprika", + "mayonaise", + "butter", + "ground white pepper", + "large eggs", + "salt" + ] + }, + { + "id": 18194, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "white cornmeal", + "sugar", + "salt", + "milk", + "dry bread crumbs", + "large eggs" + ] + }, + { + "id": 40942, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "flour tortillas", + "garlic cloves", + "onions", + "shredded cheddar cheese", + "shredded lettuce", + "ripe olives", + "shredded Monterey Jack cheese", + "pepper", + "chili powder", + "sour cream", + "dried oregano", + "water", + "salt", + "fresh parsley", + "ground cumin" + ] + }, + { + "id": 38483, + "cuisine": "mexican", + "ingredients": [ + "jack cheese", + "olive oil", + "jalapeno chilies", + "chili powder", + "salt", + "sauce", + "sour cream", + "avocado", + "lime juice", + "unsalted butter", + "chips", + "cilantro", + "hot sauce", + "smoked paprika", + "ground cumin", + "pepper", + "garlic powder", + "low sodium chicken broth", + "onion powder", + "all-purpose flour", + "ear of corn", + "squash", + "tomatoes", + "lime", + "flour tortillas", + "chicken breasts", + "shredded sharp cheddar cheese", + "cayenne pepper", + "red bell pepper" + ] + }, + { + "id": 18062, + "cuisine": "indian", + "ingredients": [ + "tomato paste", + "boneless skinless chicken breasts", + "crushed red pepper", + "carrots", + "ground ginger", + "chopped green bell pepper", + "chopped celery", + "chopped onion", + "curry powder", + "vegetable oil", + "all-purpose flour", + "fresh parsley", + "fat free less sodium chicken broth", + "mango chutney", + "salt", + "Braeburn Apple" + ] + }, + { + "id": 7170, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "vanilla wafers", + "potatoes", + "white sugar", + "peaches", + "all-purpose flour", + "butter" + ] + }, + { + "id": 22881, + "cuisine": "korean", + "ingredients": [ + "food colouring", + "red beans", + "sweet rice flour", + "rice syrup", + "salt", + "sugar", + "vanilla extract", + "starch", + "green tea powder" + ] + }, + { + "id": 24201, + "cuisine": "italian", + "ingredients": [ + "pepper", + "baking potatoes", + "fresh mushrooms", + "onions", + "shredded swiss cheese", + "black olives", + "red bell pepper", + "large eggs", + "butter", + "garlic cloves", + "vegetable oil", + "salt", + "sun-dried tomatoes in oil" + ] + }, + { + "id": 9036, + "cuisine": "british", + "ingredients": [ + "eggs", + "sausages", + "salt", + "bacon drippings", + "all-purpose flour", + "milk" + ] + }, + { + "id": 47167, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "broccoli florets", + "shrimp", + "brown sugar", + "green pepper", + "red bell pepper", + "cooked rice", + "vegetable oil", + "corn starch", + "soy sauce", + "orange juice" + ] + }, + { + "id": 6505, + "cuisine": "french", + "ingredients": [ + "all-purpose flour", + "large eggs", + "butter", + "sugar", + "lemon juice" + ] + }, + { + "id": 45393, + "cuisine": "chinese", + "ingredients": [ + "crushed red pepper", + "toasted sesame seeds", + "reduced sodium soy sauce", + "scallions", + "canola oil", + "rice vinegar", + "spaghetti", + "sesame oil", + "red bell pepper" + ] + }, + { + "id": 25733, + "cuisine": "french", + "ingredients": [ + "active dry yeast", + "crème fraîche", + "warm water", + "bacon slices", + "large curd cottage cheese", + "white onion", + "fine sea salt", + "sour cream", + "ground black pepper", + "all-purpose flour" + ] + }, + { + "id": 45560, + "cuisine": "italian", + "ingredients": [ + "lean ground beef", + "mozzarella cheese", + "stuffing mix", + "pasta sauce", + "worcestershire sauce", + "water", + "italian seasoning" + ] + }, + { + "id": 27593, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "bay leaves", + "garlic", + "celery", + "water", + "ground thyme", + "cayenne pepper", + "Honeysuckle White® Hot Italian Turkey Sausage Links", + "red beans", + "salt", + "onions", + "green bell pepper", + "olive oil", + "instant white rice", + "creole seasoning" + ] + }, + { + "id": 40313, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "honey", + "baby arugula", + "blood orange", + "sherry vinegar", + "extra-virgin olive oil", + "hazelnuts", + "radicchio", + "shallots", + "salad greens", + "fresh thyme", + "salt" + ] + }, + { + "id": 3556, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "chocolate curls", + "chocolate extract", + "whipped cream", + "chocolate graham crackers", + "light brown sugar", + "butter", + "semi-sweet chocolate morsels", + "sugar", + "heavy cream", + "unsweetened cocoa powder" + ] + }, + { + "id": 45805, + "cuisine": "japanese", + "ingredients": [ + "sesame seeds", + "green onions", + "radish sprouts", + "salmon fillets", + "vegetable oil spray", + "relish", + "fresh ginger", + "mirin", + "rice vinegar", + "white miso", + "sesame oil", + "nori" + ] + }, + { + "id": 8458, + "cuisine": "korean", + "ingredients": [ + "ground black pepper", + "maple syrup", + "water", + "brown rice", + "corn starch", + "fresh ginger root", + "garlic", + "soy sauce", + "boneless skinless chicken breasts", + "dark sesame oil" + ] + }, + { + "id": 1153, + "cuisine": "greek", + "ingredients": [ + "sugar", + "salt", + "eggs", + "vegetable oil", + "creamy peanut butter", + "ground cinnamon", + "ground cloves", + "all-purpose flour", + "walnut halves", + "almond extract" + ] + }, + { + "id": 44390, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "medium dry sherry", + "corn starch", + "cold water", + "fresh coriander", + "salt", + "chuck", + "turnips", + "soy sauce", + "anise", + "cinnamon sticks", + "cooked rice", + "water", + "gingerroot" + ] + }, + { + "id": 18978, + "cuisine": "thai", + "ingredients": [ + "granny smith apples", + "sea salt", + "light brown sugar", + "shallots", + "fresh lime juice", + "granulated sugar", + "Thai fish sauce", + "smoked salmon", + "kumquats", + "serrano chile" + ] + }, + { + "id": 26799, + "cuisine": "southern_us", + "ingredients": [ + "parsley sprigs", + "shell-on shrimp", + "sweet corn", + "chicken stock", + "finely chopped onion", + "heavy cream", + "wild mushrooms", + "black peppercorns", + "bay leaves", + "crème fraîche", + "unsalted butter", + "chives", + "thyme" + ] + }, + { + "id": 29022, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "water", + "flour", + "lentils", + "chopped cilantro fresh", + "tomato purée", + "garbanzo beans", + "chopped celery", + "fresh parsley", + "tomato paste", + "olive oil", + "butter", + "cinnamon sticks", + "saffron", + "black pepper", + "diced lamb", + "salt", + "onions" + ] + }, + { + "id": 11740, + "cuisine": "mexican", + "ingredients": [ + "wasabi paste", + "shredded cabbage", + "light sour cream", + "flour tortillas", + "sashimi grade tuna", + "light soy sauce", + "green onions", + "ground black pepper", + "peanut oil" + ] + }, + { + "id": 15705, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "sugar", + "golden delicious apples", + "frozen pastry puff sheets", + "honey" + ] + }, + { + "id": 12078, + "cuisine": "italian", + "ingredients": [ + "pepper", + "sea salt", + "asparagus", + "salt", + "sourdough bread", + "extra-virgin olive oil", + "lemon", + "ricotta" + ] + }, + { + "id": 15060, + "cuisine": "italian", + "ingredients": [ + "warm water", + "extra-virgin olive oil", + "semi-sweet chocolate morsels", + "dry yeast", + "all-purpose flour", + "sugar", + "cooking spray", + "apricot preserves", + "bananas", + "salt" + ] + }, + { + "id": 19401, + "cuisine": "mexican", + "ingredients": [ + "boneless skinless chicken breasts", + "taco seasoning", + "diced tomatoes" + ] + }, + { + "id": 23861, + "cuisine": "spanish", + "ingredients": [ + "corn", + "eggs", + "low-fat milk", + "bread mix", + "jalapeno chilies", + "cheddar cheese" + ] + }, + { + "id": 22753, + "cuisine": "italian", + "ingredients": [ + "chili flakes", + "broccolini", + "florets", + "kosher salt", + "ground black pepper", + "fresh parsley leaves", + "sausage links", + "olive oil", + "garlic cloves", + "fresh rosemary", + "water", + "cannellini beans" + ] + }, + { + "id": 2322, + "cuisine": "korean", + "ingredients": [ + "fresh ginger", + "mirin", + "garlic", + "sirloin", + "granulated sugar", + "sesame oil", + "sesame seeds", + "green onions", + "soy sauce", + "asian pear", + "vegetable oil" + ] + }, + { + "id": 4201, + "cuisine": "moroccan", + "ingredients": [ + "ground cinnamon", + "sliced almonds", + "ground black pepper", + "paprika", + "oil", + "saffron", + "lamb stock", + "chopped tomatoes", + "dried apricot", + "lamb shoulder", + "onions", + "tumeric", + "olive oil", + "clear honey", + "garlic", + "flat leaf parsley", + "ground ginger", + "sultana", + "tomato juice", + "dates", + "cayenne pepper", + "coriander" + ] + }, + { + "id": 16879, + "cuisine": "italian", + "ingredients": [ + "prosciutto", + "salt", + "cream cheese, soften", + "artichok heart marin", + "freshly ground pepper", + "grated parmesan cheese", + "grated lemon zest", + "extra-virgin olive oil", + "blanched almonds" + ] + }, + { + "id": 13764, + "cuisine": "italian", + "ingredients": [ + "pitas", + "asiago", + "tomatoes", + "ground black pepper", + "garlic cloves", + "baby greens", + "oil", + "fresh basil", + "balsamic vinegar", + "cooked chicken breasts" + ] + }, + { + "id": 35872, + "cuisine": "indian", + "ingredients": [ + "lime juice", + "nonfat yogurt plain", + "ground cumin", + "minced garlic", + "extra-virgin olive oil", + "scallions", + "paprika", + "ground coriander", + "water", + "salt", + "ground turmeric" + ] + }, + { + "id": 12296, + "cuisine": "british", + "ingredients": [ + "pepper", + "butter", + "onions", + "whole grain mustard", + "salt", + "cumberland sausage", + "chicken stock", + "potatoes", + "crème fraîche", + "cream", + "flour", + "oil" + ] + }, + { + "id": 32399, + "cuisine": "irish", + "ingredients": [ + "brown sugar", + "granulated sugar", + "cinnamon sticks", + "cider vinegar", + "ginger", + "yellow mustard seeds", + "golden raisins", + "nectarines", + "clove", + "peaches", + "crushed red pepper" + ] + }, + { + "id": 9750, + "cuisine": "russian", + "ingredients": [ + "cottage cheese", + "minced onion", + "cornichons", + "unsalted butter", + "paprika", + "cocktail pumpernickel bread", + "green onions", + "caraway seeds", + "radishes", + "dry mustard" + ] + }, + { + "id": 48917, + "cuisine": "british", + "ingredients": [ + "baking soda", + "pitted Medjool dates", + "all-purpose flour", + "light brown sugar", + "large eggs", + "vanilla extract", + "hot water", + "unsalted butter", + "heavy cream", + "dark brown sugar", + "large egg yolks", + "baking powder", + "salt" + ] + }, + { + "id": 7061, + "cuisine": "french", + "ingredients": [ + "dry sherry", + "chopped onion", + "pepper", + "salt", + "chicken livers", + "garlic", + "cream cheese", + "butter", + "hot sauce" + ] + }, + { + "id": 15027, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "Sriracha", + "button mushrooms", + "bean threads", + "reduced sodium chicken broth", + "green onions", + "red bell pepper", + "sugar pea", + "peeled fresh ginger", + "firm tofu", + "sugar", + "mirin", + "meat" + ] + }, + { + "id": 16197, + "cuisine": "moroccan", + "ingredients": [ + "sugar", + "salt", + "cinnamon", + "chopped parsley", + "beet greens", + "lemon juice", + "extra-virgin olive oil" + ] + }, + { + "id": 14172, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "garlic cloves", + "kosher salt", + "roma tomatoes", + "serrano chile", + "white onion", + "large eggs", + "poblano chiles", + "lime juice", + "vegetable oil", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 21193, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "ground black pepper", + "red pepper flakes", + "squash", + "eggs", + "olive oil", + "grated parmesan cheese", + "red bell pepper", + "onions", + "tomatoes", + "mozzarella cheese", + "lasagna noodles", + "garlic", + "fresh parsley", + "white wine", + "parmesan cheese", + "ricotta cheese", + "white mushrooms" + ] + }, + { + "id": 8807, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "chicken meat", + "chicken stock", + "cajun seasoning", + "celery", + "flour", + "scallions", + "cooked rice", + "butter" + ] + }, + { + "id": 49629, + "cuisine": "southern_us", + "ingredients": [ + "sweet potatoes", + "eggs", + "hot sauce", + "vegetable oil", + "corn mix muffin", + "scallions" + ] + }, + { + "id": 45263, + "cuisine": "french", + "ingredients": [ + "pepper", + "cayenne", + "salt", + "parmesan cheese", + "butter", + "low-fat milk", + "cream of tartar", + "ground nutmeg", + "gruyere cheese", + "large egg whites", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 47157, + "cuisine": "moroccan", + "ingredients": [ + "chicken stock", + "clear honey", + "ginger", + "cinnamon sticks", + "olive oil", + "chicken breasts", + "garlic cloves", + "coriander", + "ground ginger", + "butternut squash", + "cumin seed", + "chicken thighs", + "saffron threads", + "coriander seeds", + "shallots", + "dried chile" + ] + }, + { + "id": 20853, + "cuisine": "japanese", + "ingredients": [ + "beans", + "egg yolks", + "water", + "vanilla extract", + "caster sugar", + "double cream", + "milk", + "lemon juice" + ] + }, + { + "id": 18311, + "cuisine": "mexican", + "ingredients": [ + "fresh cilantro", + "chopped fresh mint", + "scallion greens", + "ricotta", + "Belgian endive", + "radishes", + "chopped cilantro fresh", + "kosher salt", + "poblano chiles" + ] + }, + { + "id": 21814, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "chickpeas", + "ground turmeric", + "chili powder", + "ginger root", + "coriander powder", + "garlic cloves", + "ground cumin", + "fresh tomatoes", + "salt", + "onions" + ] + }, + { + "id": 45587, + "cuisine": "italian", + "ingredients": [ + "parmesan cheese", + "flat leaf parsley", + "pinenuts", + "garlic", + "pasta", + "heavy cream", + "onions", + "olive oil", + "red bell pepper" + ] + }, + { + "id": 22162, + "cuisine": "spanish", + "ingredients": [ + "kosher salt", + "roasted red peppers", + "extra-virgin olive oil", + "slivered almonds", + "sherry vinegar", + "clam juice", + "fresh basil leaves", + "brandy", + "cayenne", + "paprika", + "tomato paste", + "minced garlic", + "french bread", + "fresh lemon juice" + ] + }, + { + "id": 40262, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "water", + "light corn syrup", + "sugar", + "semisweet chocolate", + "almonds" + ] + }, + { + "id": 2926, + "cuisine": "southern_us", + "ingredients": [ + "dried basil", + "mango chutney", + "garlic cloves", + "pepper", + "black-eyed peas", + "salt", + "onions", + "dried thyme", + "vegetable oil", + "flat leaf parsley", + "lime juice", + "sweet potatoes", + "ground coriander", + "ground cumin" + ] + }, + { + "id": 19077, + "cuisine": "vietnamese", + "ingredients": [ + "shallots", + "salad oil" + ] + }, + { + "id": 35047, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "cumin seed", + "black pepper", + "salt", + "onions", + "black gram", + "ghee", + "amchur", + "green chilies" + ] + }, + { + "id": 19609, + "cuisine": "chinese", + "ingredients": [ + "spinach leaves", + "soy sauce", + "sesame oil", + "oyster sauce", + "brown sugar", + "water chestnuts", + "ginger", + "corn starch", + "garlic paste", + "straw mushrooms", + "crushed red pepper flakes", + "shrimp", + "chicken stock", + "chinese rice wine", + "bell pepper", + "green chilies", + "onions" + ] + }, + { + "id": 34152, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "cooking spray", + "garlic cloves", + "center cut pork chops", + "cider vinegar", + "salt", + "fresh lime juice", + "ground cumin", + "ground black pepper", + "ground allspice", + "onions", + "fat free less sodium chicken broth", + "fresh orange juice", + "ancho chile pepper", + "oregano" + ] + }, + { + "id": 5179, + "cuisine": "mexican", + "ingredients": [ + "dried thyme", + "yellow rice", + "dried oregano", + "ground cinnamon", + "garlic", + "toasted almonds", + "ground cumin", + "ground pork", + "ground coriander", + "mango", + "chunky tomatoes", + "cilantro leaves", + "onions" + ] + }, + { + "id": 21297, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "red cabbage", + "ginger", + "chow mein noodles", + "white pepper", + "boneless skinless chicken breasts", + "rice vinegar", + "soy sauce", + "green onions", + "garlic", + "carrots", + "romaine lettuce", + "sliced almonds", + "sesame oil", + "edamame" + ] + }, + { + "id": 39936, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "pepper", + "all-purpose flour", + "shortening", + "salt", + "milk", + "chicken" + ] + }, + { + "id": 360, + "cuisine": "mexican", + "ingredients": [ + "pepper jack", + "salt", + "canola oil", + "black beans", + "cooking spray", + "chopped onion", + "pico de gallo", + "flour tortillas", + "salsa", + "ground cumin", + "cream", + "garlic", + "rotisserie chicken" + ] + }, + { + "id": 44584, + "cuisine": "southern_us", + "ingredients": [ + "mashed potatoes", + "dried basil", + "salt", + "fresh lemon juice", + "pepper", + "chicken breasts", + "fresh mushrooms", + "chicken broth", + "water", + "butter", + "garlic cloves", + "seasoned bread crumbs", + "olive oil", + "all-purpose flour", + "dried oregano" + ] + }, + { + "id": 39837, + "cuisine": "cajun_creole", + "ingredients": [ + "andouille sausage", + "butter", + "cayenne pepper", + "shrimp", + "olive oil", + "salt", + "rice", + "chicken broth", + "chicken breasts", + "hot sauce", + "okra", + "crushed tomatoes", + "red pepper", + "green pepper", + "onions" + ] + }, + { + "id": 23842, + "cuisine": "british", + "ingredients": [ + "cheddar cheese", + "Colman's Mustard Powder", + "bread", + "ground black pepper", + "milk", + "fresh spinach", + "worcestershire sauce" + ] + }, + { + "id": 39818, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "lime wedges", + "ground allspice", + "olive oil", + "salmon steaks", + "ground cumin", + "ground cinnamon", + "ground black pepper", + "sauce", + "fresh cilantro", + "large garlic cloves", + "fresh lime juice" + ] + }, + { + "id": 36595, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "provolone cheese", + "pepper flakes", + "eggplant", + "cherry tomatoes", + "fresh spinach", + "Himalayan salt" + ] + }, + { + "id": 19178, + "cuisine": "mexican", + "ingredients": [ + "ground cloves", + "jalapeno chilies", + "cilantro sprigs", + "blanched almonds", + "tomatoes", + "water", + "chicken breast halves", + "chopped onion", + "corn tortillas", + "ground cinnamon", + "sesame seeds", + "chili powder", + "ground allspice", + "ground cumin", + "seasoning", + "sweet baking chocolate", + "cooking spray", + "salt", + "garlic cloves" + ] + }, + { + "id": 7511, + "cuisine": "southern_us", + "ingredients": [ + "orange bell pepper", + "balsamic vinegar", + "ground coriander", + "cheddar cheese", + "cooking spray", + "1% low-fat milk", + "jalapeno chilies", + "extra-virgin olive oil", + "fat free less sodium chicken broth", + "quickcooking grits", + "salt" + ] + }, + { + "id": 15365, + "cuisine": "italian", + "ingredients": [ + "sugar", + "parmigiano reggiano cheese", + "crushed red pepper", + "plum tomatoes", + "capers", + "sherry vinegar", + "green onions", + "garlic cloves", + "cremini mushrooms", + "mushroom caps", + "butter", + "shiitake mushroom caps", + "baguette", + "basil leaves", + "salt" + ] + }, + { + "id": 26739, + "cuisine": "mexican", + "ingredients": [ + "low-fat sour cream", + "boneless skinless chicken breasts", + "purple onion", + "chile powder", + "romaine lettuce", + "whole wheat tortillas", + "cilantro leaves", + "avocado", + "water", + "sea salt", + "olive oil cooking spray", + "green bell pepper", + "lime", + "garlic" + ] + }, + { + "id": 17811, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "garam masala", + "garlic", + "mustard seeds", + "tumeric", + "fenugreek", + "cumin seed", + "onions", + "tomatoes", + "potatoes", + "salt", + "chillies", + "fresh coriander", + "ginger", + "mustard oil" + ] + }, + { + "id": 15595, + "cuisine": "cajun_creole", + "ingredients": [ + "milk chocolate", + "chocolate shavings", + "all-purpose flour", + "dark chocolate", + "egg yolks", + "vanilla extract", + "confectioners sugar", + "pecans", + "butter", + "salt", + "granulated sugar", + "heavy cream", + "cream cheese" + ] + }, + { + "id": 358, + "cuisine": "indian", + "ingredients": [ + "jalapeno chilies", + "salt", + "plain yogurt", + "pappadams", + "brown sugar", + "vegetable oil", + "fresh lime juice", + "water", + "cilantro sprigs" + ] + }, + { + "id": 11781, + "cuisine": "chinese", + "ingredients": [ + "ground ginger", + "ground black pepper", + "vegetable oil", + "cabbage", + "minced garlic", + "sherry", + "onions", + "soy sauce", + "egg roll wrappers", + "salt", + "water", + "lean ground beef", + "white sugar" + ] + }, + { + "id": 29665, + "cuisine": "irish", + "ingredients": [ + "unsalted butter", + "milk", + "scallions", + "yukon gold potatoes", + "salt and ground black pepper" + ] + }, + { + "id": 48179, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "chuck roast", + "lime wedges", + "salsa", + "brown basmati rice", + "black beans", + "poblano peppers", + "apple cider vinegar", + "salt", + "chopped cilantro", + "black pepper", + "lime", + "onion powder", + "cheese", + "chipotles in adobo", + "ground cumin", + "romaine lettuce", + "water", + "bay leaves", + "butter", + "sour cream", + "oregano" + ] + }, + { + "id": 794, + "cuisine": "indian", + "ingredients": [ + "potatoes", + "cumin seed", + "ground turmeric", + "fresh curry leaves", + "salt", + "asafoetida powder", + "fresh spinach", + "ground red pepper", + "mustard seeds", + "ground cumin", + "water", + "peanut oil", + "dried red chile peppers" + ] + }, + { + "id": 40958, + "cuisine": "korean", + "ingredients": [ + "sugar", + "Tabasco Pepper Sauce", + "lemon juice", + "flour", + "rice vinegar", + "light soy sauce", + "chicken wing drummettes", + "green onions", + "garlic cloves" + ] + }, + { + "id": 22680, + "cuisine": "mexican", + "ingredients": [ + "homemade chicken stock", + "loin pork roast", + "tomato paste", + "lime", + "fat", + "orange", + "garlic cloves", + "adobo", + "garlic powder" + ] + }, + { + "id": 33837, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "salt", + "mexicorn", + "garlic cloves", + "cooking spray", + "lima beans", + "shredded sharp cheddar cheese", + "cumin" + ] + }, + { + "id": 27477, + "cuisine": "british", + "ingredients": [ + "irish cream liqueur", + "large eggs", + "Dutch-processed cocoa powder", + "dried dates", + "vegetable oil cooking spray", + "unsalted butter", + "heavy cream", + "orange juice", + "firmly packed brown sugar", + "baking soda", + "baking powder", + "all-purpose flour", + "ground cinnamon", + "ground cloves", + "whole milk", + "salt", + "semi-sweet chocolate morsels" + ] + }, + { + "id": 30920, + "cuisine": "korean", + "ingredients": [ + "honey", + "rice vinegar", + "brown sugar", + "ginger", + "garlic cloves", + "chicken wings", + "sesame oil", + "Gochujang base", + "soy sauce", + "salt" + ] + }, + { + "id": 40510, + "cuisine": "thai", + "ingredients": [ + "fresh cilantro", + "salt", + "light coconut milk", + "oil", + "Thai red curry paste", + "scallions", + "fish sauce", + "garlic", + "shrimp" + ] + }, + { + "id": 29108, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "olive oil", + "italian style seasoning", + "crushed red pepper flakes", + "pork roast", + "dried parsley", + "water", + "ground black pepper", + "crushed garlic", + "all-purpose flour", + "sliced mushrooms", + "dried oregano", + "msg", + "ground nutmeg", + "bay leaves", + "salt", + "hot water", + "white sugar", + "celery salt", + "dried basil", + "sliced black olives", + "red wine", + "anchovy fillets", + "onions", + "dried rosemary" + ] + }, + { + "id": 31650, + "cuisine": "british", + "ingredients": [ + "beef stock", + "salt", + "ground black pepper", + "butter", + "beer", + "bay leaves", + "onion tops", + "beef", + "idaho potatoes", + "onions" + ] + }, + { + "id": 31647, + "cuisine": "greek", + "ingredients": [ + "eggs", + "ground black pepper", + "salt", + "olive oil", + "manouri", + "warm water", + "large eggs", + "bread", + "large egg yolks", + "extra-virgin olive oil" + ] + }, + { + "id": 26233, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "self rising flour", + "shortening", + "white sugar", + "baking powder" + ] + }, + { + "id": 15292, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "garlic", + "ground cumin", + "black beans", + "brown rice", + "shredded mozzarella cheese", + "green chile", + "lime", + "hot sauce", + "white onion", + "extra-virgin olive oil", + "chicken" + ] + }, + { + "id": 38391, + "cuisine": "italian", + "ingredients": [ + "broccoli rabe", + "crushed red pepper", + "garlic cloves", + "parmigiano reggiano cheese", + "chickpeas", + "ground black pepper", + "salt", + "dried oregano", + "olive oil", + "center cut bacon", + "chopped onion" + ] + }, + { + "id": 32549, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "large eggs", + "garlic", + "fresh basil", + "olive oil", + "marinara sauce", + "mozzarella cheese", + "grated parmesan cheese", + "jumbo pasta shells", + "fresh leav spinach", + "ground black pepper", + "ricotta cheese" + ] + }, + { + "id": 28895, + "cuisine": "southern_us", + "ingredients": [ + "ground black pepper", + "heavy cream", + "all-purpose flour", + "extra sharp cheddar cheese", + "sugar", + "cajun seasoning", + "garlic", + "heavy whipping cream", + "italian seasoning", + "tomato paste", + "unsalted butter", + "paprika", + "hot sauce", + "large shrimp", + "store bought low sodium chicken stock", + "worcestershire sauce", + "chicken stock cubes", + "grits" + ] + }, + { + "id": 36800, + "cuisine": "japanese", + "ingredients": [ + "zucchini", + "salmon fillets", + "scallions", + "low sodium teriyaki sauce", + "sesame seeds", + "canola oil" + ] + }, + { + "id": 40805, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "beer", + "large eggs", + "shrimp", + "self rising flour", + "okra", + "diced onions", + "creole seasoning", + "canola oil" + ] + }, + { + "id": 29820, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "cream style corn", + "onions", + "cream of potato soup", + "salted butter", + "cajun seasoning", + "green bell pepper", + "water", + "Tabasco Pepper Sauce", + "crawfish", + "evaporated milk", + "salt" + ] + }, + { + "id": 39794, + "cuisine": "french", + "ingredients": [ + "black pepper", + "cayenne pepper", + "capers", + "fresh thyme leaves", + "fresh lemon juice", + "pitted black olives", + "garlic", + "olive oil", + "anchovy fillets" + ] + }, + { + "id": 38712, + "cuisine": "vietnamese", + "ingredients": [ + "chiles", + "hot water", + "fish sauce", + "garlic cloves", + "shredded carrots", + "granulated sugar", + "fresh lime juice" + ] + }, + { + "id": 12207, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "salt", + "instant yeast", + "warm water", + "all-purpose flour" + ] + }, + { + "id": 33237, + "cuisine": "french", + "ingredients": [ + "capers", + "dried dillweed", + "mayonaise", + "fresh parsley leaves", + "milk", + "hot mustard", + "freshly ground pepper" + ] + }, + { + "id": 48334, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "chopped onion", + "chile pepper", + "cheddar cheese", + "garlic salt", + "chopped celery" + ] + }, + { + "id": 7440, + "cuisine": "indian", + "ingredients": [ + "mango", + "plain yogurt", + "sugar", + "kosher salt" + ] + }, + { + "id": 18919, + "cuisine": "japanese", + "ingredients": [ + "baby spinach", + "dashi", + "carrots", + "boneless salmon fillets", + "dried shiitake mushrooms", + "white miso", + "cabbage" + ] + }, + { + "id": 2651, + "cuisine": "italian", + "ingredients": [ + "freshly grated parmesan", + "white beans", + "rib", + "bacon", + "fresh parsley leaves", + "chicken broth", + "canned tomatoes", + "carrots", + "tubetti", + "garlic cloves", + "onions" + ] + }, + { + "id": 37467, + "cuisine": "mexican", + "ingredients": [ + "cream", + "corn tortilla chips", + "cream cheese", + "green chile", + "cilantro leaves", + "chiles", + "monterey jack" + ] + }, + { + "id": 12583, + "cuisine": "british", + "ingredients": [ + "sugar", + "whipping cream", + "semi-sweet chocolate morsels", + "English toffee bits", + "all-purpose flour", + "baking powder", + "walnuts", + "unsalted butter", + "salt" + ] + }, + { + "id": 43814, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "pepper", + "salt", + "whipping cream", + "yukon gold potatoes" + ] + }, + { + "id": 10217, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "garlic cloves", + "tomatillos", + "Anaheim chile", + "cilantro sprigs" + ] + }, + { + "id": 40140, + "cuisine": "french", + "ingredients": [ + "celery ribs", + "zinfandel", + "baby carrots", + "herbes de provence", + "olives", + "water", + "diced tomatoes", + "garlic cloves", + "fresh parsley", + "olive oil", + "all-purpose flour", + "carrots", + "onions", + "mashed potatoes", + "canned beef broth", + "beef rib short", + "bay leaf" + ] + }, + { + "id": 29175, + "cuisine": "moroccan", + "ingredients": [ + "chicken legs", + "water", + "garlic", + "saffron", + "grass-fed butter", + "kalamata", + "chopped cilantro", + "preserved lemon", + "sea salt", + "chopped parsley", + "tomatoes", + "pepper", + "ginger", + "onions" + ] + }, + { + "id": 24520, + "cuisine": "indian", + "ingredients": [ + "nutmeg", + "green cardamom", + "bay leaves", + "cardamom", + "coriander seeds", + "cumin seed", + "clove", + "cinnamon", + "peppercorns" + ] + }, + { + "id": 9198, + "cuisine": "italian", + "ingredients": [ + "pepper", + "potatoes", + "milk", + "salt", + "minced garlic", + "paprika", + "romano cheese", + "olive oil", + "fresh basil leaves" + ] + }, + { + "id": 17255, + "cuisine": "french", + "ingredients": [ + "coconut extract", + "vanilla extract", + "large egg whites", + "unsweetened cocoa powder", + "sugar", + "salt", + "cream of tartar", + "sweetened coconut flakes" + ] + }, + { + "id": 9172, + "cuisine": "italian", + "ingredients": [ + "whole wheat hamburger buns", + "baby spinach", + "canola oil", + "grated parmesan cheese", + "chili sauce", + "part-skim mozzarella cheese", + "green pepper", + "italian seasoning", + "parsley flakes", + "ricotta cheese", + "ground beef" + ] + }, + { + "id": 5873, + "cuisine": "indian", + "ingredients": [ + "fresh peas", + "vegetable stock", + "onions", + "red chili peppers", + "lime wedges", + "natural yogurt", + "Madras curry powder", + "tumeric", + "new potatoes", + "ginger", + "coriander", + "lime", + "vegetable oil", + "cumin seed", + "naan" + ] + }, + { + "id": 27539, + "cuisine": "thai", + "ingredients": [ + "romaine lettuce leaves", + "carrots", + "fresh basil leaves", + "fish sauce", + "Thai red curry paste", + "cucumber", + "rice paper", + "rice sticks", + "rice vinegar", + "fresh mint", + "honey", + "onion tops", + "medium shrimp" + ] + }, + { + "id": 5103, + "cuisine": "irish", + "ingredients": [ + "water", + "beef stock", + "lamb shoulder", + "onions", + "ground black pepper", + "bacon", + "all-purpose flour", + "dried thyme", + "bay leaves", + "salt", + "white sugar", + "white wine", + "potatoes", + "garlic", + "carrots" + ] + }, + { + "id": 22942, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "pimentos", + "diced celery", + "onions", + "zucchini", + "butter", + "sliced mushrooms", + "water", + "chili powder", + "carrots", + "green bell pepper", + "whole peeled tomatoes", + "white rice", + "medium shrimp" + ] + }, + { + "id": 2892, + "cuisine": "greek", + "ingredients": [ + "ground black pepper", + "ground coriander", + "ground lamb", + "ground cinnamon", + "cayenne pepper", + "onions", + "ground ginger", + "garlic", + "fresh parsley", + "ground cumin", + "kosher salt", + "ground allspice", + "bamboo shoots" + ] + }, + { + "id": 17641, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "coarse salt", + "sausage casings", + "grated parmesan cheese", + "diced tomatoes in juice", + "arborio rice", + "ground pepper", + "butter", + "flat leaf spinach", + "dry white wine", + "onions" + ] + }, + { + "id": 1286, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "chili powder", + "cayenne pepper", + "boneless chicken breast", + "garlic", + "oregano", + "hominy", + "diced tomatoes", + "carrots", + "chicken broth", + "green onions", + "salt", + "cumin" + ] + }, + { + "id": 42551, + "cuisine": "southern_us", + "ingredients": [ + "half & half", + "softened butter", + "country ham", + "vegetable oil", + "boiling water", + "baking powder", + "white cornmeal", + "sugar", + "salt" + ] + }, + { + "id": 5488, + "cuisine": "cajun_creole", + "ingredients": [ + "powdered sugar", + "unsalted butter", + "vanilla extract", + "cream cheese", + "cider vinegar", + "buttermilk", + "salt", + "chopped pecans", + "sugar", + "butter", + "frosting", + "cocoa powder", + "eggs", + "baking soda", + "red food coloring", + "all-purpose flour" + ] + }, + { + "id": 1595, + "cuisine": "moroccan", + "ingredients": [ + "tomato paste", + "olive oil", + "paprika", + "fresh lemon juice", + "ground turmeric", + "minced garlic", + "ground red pepper", + "salt", + "onions", + "ground ginger", + "water", + "diced tomatoes", + "chickpeas", + "chopped cilantro fresh", + "ground cinnamon", + "ground black pepper", + "chopped celery", + "carrots", + "ground cumin" + ] + }, + { + "id": 28903, + "cuisine": "filipino", + "ingredients": [ + "adobo", + "cooking oil" + ] + }, + { + "id": 27443, + "cuisine": "russian", + "ingredients": [ + "prunes", + "chopped walnuts", + "garlic", + "mayonaise", + "beets", + "salt" + ] + }, + { + "id": 43647, + "cuisine": "cajun_creole", + "ingredients": [ + "unsalted butter", + "salt", + "pecan halves", + "half & half", + "light brown sugar", + "granulated sugar", + "baking soda", + "bourbon whiskey" + ] + }, + { + "id": 10842, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "salt", + "ground red pepper", + "okra pods", + "olive oil", + "chopped onion", + "tomato paste", + "diced tomatoes", + "celery" + ] + }, + { + "id": 36074, + "cuisine": "russian", + "ingredients": [ + "boysenberries", + "salt", + "fresh lemon juice", + "sugar", + "vegetable oil", + "all-purpose flour", + "corn starch", + "lemon peel", + "hoop cheese", + "blueberries", + "grated lemon peel", + "water", + "extra large eggs", + "strawberries", + "sour cream" + ] + }, + { + "id": 44100, + "cuisine": "jamaican", + "ingredients": [ + "water", + "vanilla", + "baking powder", + "cornmeal", + "flour", + "salt", + "brown sugar", + "vegetable oil" + ] + }, + { + "id": 11027, + "cuisine": "russian", + "ingredients": [ + "capers", + "vegetable oil", + "dry bread crumbs", + "large eggs", + "all-purpose flour", + "unsalted butter", + "salt", + "black pepper", + "chicken cutlets", + "flat leaf parsley" + ] + }, + { + "id": 6273, + "cuisine": "spanish", + "ingredients": [ + "potatoes", + "lentils", + "chorizo", + "salt", + "onions", + "garlic", + "carrots", + "olive oil", + "spanish paprika" + ] + }, + { + "id": 23200, + "cuisine": "japanese", + "ingredients": [ + "whitefish", + "garlic powder", + "sesame oil", + "cayenne pepper", + "fillets", + "snappers", + "agave nectar", + "salt", + "corn starch", + "low sodium soy sauce", + "cayenne", + "vegetable oil", + "orange juice", + "panko breadcrumbs", + "sesame seeds", + "flour", + "rice vinegar", + "seltzer water" + ] + }, + { + "id": 17262, + "cuisine": "italian", + "ingredients": [ + "unsalted butter", + "fresh oregano", + "large garlic cloves", + "fresh basil", + "beef tenderloin steaks" + ] + }, + { + "id": 14485, + "cuisine": "italian", + "ingredients": [ + "yellow tomato", + "balsamic vinegar", + "vegetable broth", + "fresh basil", + "loosely packed fresh basil leaves", + "ground black pepper", + "chees fresh mozzarella", + "tomatoes", + "sea salt" + ] + }, + { + "id": 48914, + "cuisine": "british", + "ingredients": [ + "parsnips", + "whipping cream", + "whole milk" + ] + }, + { + "id": 8860, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "fresh basil leaves", + "olive oil", + "cherry tomatoes", + "whitefish", + "black olives" + ] + }, + { + "id": 41556, + "cuisine": "southern_us", + "ingredients": [ + "lemon wedge", + "dry bread crumbs", + "pepper", + "paprika", + "fresh parsley", + "catfish fillets", + "butter", + "fresh oregano", + "grated parmesan cheese", + "salt" + ] + }, + { + "id": 24387, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "flat leaf parsley", + "jumbo shrimp", + "butter", + "parmesan cheese", + "pepper", + "salt" + ] + }, + { + "id": 41342, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "fresh ginger", + "jalapeno chilies", + "fennel seeds", + "water", + "garam masala", + "cilantro", + "fresh turmeric", + "chili", + "potatoes", + "ghee", + "cauliflower", + "asafoetida", + "coriander seeds", + "sea salt" + ] + }, + { + "id": 18286, + "cuisine": "cajun_creole", + "ingredients": [ + "crushed red pepper flakes", + "black peppercorns", + "white peppercorns", + "sweet paprika", + "dried thyme", + "dried oregano" + ] + }, + { + "id": 12160, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "cooking spray", + "salt", + "red bell pepper", + "fresh basil", + "italian style stewed tomatoes", + "orzo", + "garlic cloves", + "italian seasoning", + "spinach", + "chopped green bell pepper", + "crushed red pepper", + "carrots", + "fennel seeds", + "eggplant", + "basil", + "chopped onion", + "polenta" + ] + }, + { + "id": 11408, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "tumeric", + "mixed vegetables", + "salt", + "brown cardamom", + "oil", + "onions", + "stone flower", + "red chili powder", + "mint leaves", + "garlic", + "green cardamom", + "kewra water", + "bay leaf", + "clove", + "tomatoes", + "mace", + "star anise", + "rice", + "curds", + "cinnamon sticks", + "shahi jeera", + "nutmeg", + "water", + "ginger", + "cilantro leaves", + "green chilies", + "cardamom", + "peppercorns" + ] + }, + { + "id": 13454, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "cooking spray", + "corn tortillas", + "canola oil", + "salsa verde", + "garlic cloves", + "chicken thighs", + "peeled tomatoes", + "ground red pepper", + "fresh lime juice", + "ground cumin", + "white onion", + "pepper jack", + "sour cream", + "chopped cilantro fresh" + ] + }, + { + "id": 29006, + "cuisine": "southern_us", + "ingredients": [ + "cold water", + "apples", + "sugar", + "unflavored gelatin", + "chopped pecans", + "celery ribs", + "whole cranberry sauce" + ] + }, + { + "id": 2609, + "cuisine": "italian", + "ingredients": [ + "pepper", + "ground pork sausage", + "bread crumbs", + "marinara sauce", + "ground beef", + "eggs", + "olive oil", + "garlic cloves", + "mozzarella cheese", + "salt", + "italian seasoning" + ] + }, + { + "id": 48194, + "cuisine": "southern_us", + "ingredients": [ + "clove", + "kosher salt", + "lemon", + "dill seed", + "whole allspice", + "hot pepper sauce", + "garlic", + "large shrimp", + "yellow mustard seeds", + "bay leaves", + "cayenne pepper", + "black peppercorns", + "coriander seeds", + "crushed red pepper flakes", + "onions" + ] + }, + { + "id": 808, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "crushed red pepper", + "bread flour", + "olive oil", + "hot water", + "sugar", + "salt", + "dry yeast", + "cornmeal" + ] + }, + { + "id": 24751, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "dry white wine", + "linguine", + "unsalted butter", + "red pepper flakes", + "fresh parsley", + "pepper", + "lemon", + "garlic cloves", + "grape tomatoes", + "parmigiano reggiano cheese", + "extra-virgin olive oil", + "large shrimp" + ] + }, + { + "id": 15603, + "cuisine": "cajun_creole", + "ingredients": [ + "low-fat smoked sausage", + "creole seasoning", + "onions", + "celery ribs", + "diced tomatoes", + "garlic cloves", + "ground red pepper", + "long-grain rice", + "green bell pepper", + "fat-free chicken broth", + "medium shrimp" + ] + }, + { + "id": 39095, + "cuisine": "mexican", + "ingredients": [ + "brown sugar", + "flour", + "salt", + "oil", + "ground cumin", + "black pepper", + "crushed red pepper flakes", + "chili con carne", + "sour cream", + "tomato sauce", + "chicken breasts", + "all-purpose flour", + "Mexican cheese", + "chicken broth", + "black beans", + "garlic", + "cream cheese", + "dried oregano" + ] + }, + { + "id": 5695, + "cuisine": "spanish", + "ingredients": [ + "granny smith apples", + "ice water", + "green grape", + "sherry vinegar", + "extra-virgin olive oil", + "baguette", + "honeydew melon", + "garlic cloves", + "fresh lima beans", + "large eggs", + "salt" + ] + }, + { + "id": 48732, + "cuisine": "mexican", + "ingredients": [ + "cherry tomatoes", + "grate lime peel", + "ground cumin", + "large garlic cloves", + "onions", + "olive oil", + "fresh lime juice", + "fresh basil", + "hot chili sauce", + "skirt steak" + ] + }, + { + "id": 11080, + "cuisine": "french", + "ingredients": [ + "pearl onions", + "mushrooms", + "garlic cloves", + "chicken broth", + "unsalted butter", + "worcestershire sauce", + "dried thyme", + "boneless skinless chicken breasts", + "onions", + "cooked rice", + "lean bacon", + "dry red wine" + ] + }, + { + "id": 30030, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "ice cream", + "strawberries", + "almond extract", + "salt", + "baking powder", + "heavy cream", + "lemon juice", + "sugar", + "butter", + "all-purpose flour" + ] + }, + { + "id": 25223, + "cuisine": "british", + "ingredients": [ + "whole allspice", + "bay leaf", + "black peppercorns", + "pickling salt", + "pepper flakes", + "water", + "onions", + "brown sugar", + "malt vinegar" + ] + }, + { + "id": 44085, + "cuisine": "indian", + "ingredients": [ + "kosher salt", + "garam masala", + "vegetable oil", + "garlic", + "onions", + "chili", + "whole cloves", + "green peas", + "black mustard seeds", + "tumeric", + "honey", + "yukon gold potatoes", + "cauliflower florets", + "lemon juice", + "water", + "hand", + "ginger", + "cumin seed" + ] + }, + { + "id": 11509, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "cooking spray", + "garlic salt", + "olive oil", + "button mushrooms", + "beef", + "yellow onion", + "fettuccine pasta", + "diced tomatoes" + ] + }, + { + "id": 29531, + "cuisine": "korean", + "ingredients": [ + "rice syrup", + "starch", + "Gochujang base", + "eggs", + "ground black pepper", + "garlic", + "chicken", + "baking soda", + "apple cider vinegar", + "canola oil", + "ketchup", + "flour", + "salt", + "sweet rice flour" + ] + }, + { + "id": 9144, + "cuisine": "french", + "ingredients": [ + "chocolate ice cream", + "chocolate wafer cookies", + "vegetable oil", + "bittersweet chocolate", + "cocktail cherries", + "cherry vanilla ice cream", + "unsalted butter", + "walnuts" + ] + }, + { + "id": 25808, + "cuisine": "french", + "ingredients": [ + "salt", + "olive oil", + "carrots", + "dijon mustard" + ] + }, + { + "id": 21816, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "boneless skinless chicken breasts", + "asian fish sauce", + "sugar", + "cooking oil", + "garlic", + "water", + "red pepper flakes", + "red chili peppers", + "basil leaves", + "onions" + ] + }, + { + "id": 8180, + "cuisine": "british", + "ingredients": [ + "tangerine", + "unsalted butter", + "powdered sugar", + "dark rum", + "golden brown sugar" + ] + }, + { + "id": 42474, + "cuisine": "french", + "ingredients": [ + "chicken broth", + "whipping cream", + "dijon mustard", + "marsala wine", + "fillets", + "green peppercorns", + "butter" + ] + }, + { + "id": 11085, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "large eggs", + "finely chopped fresh parsley", + "salt", + "unsalted butter", + "lettuce leaves", + "parmigiano reggiano cheese", + "tuna packed in olive oil" + ] + }, + { + "id": 33821, + "cuisine": "jamaican", + "ingredients": [ + "pepper sauce", + "bacon", + "cooking oil", + "salt", + "black pepper", + "dried salted codfish", + "tomatoes", + "callaloo", + "onions" + ] + }, + { + "id": 29144, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "minced garlic", + "purple onion", + "ground cumin", + "tomato paste", + "kosher salt", + "vegetable oil", + "serrano chile", + "sugar", + "garam masala", + "chopped cilantro fresh", + "reduced fat coconut milk", + "fresh ginger", + "lemon juice" + ] + }, + { + "id": 5703, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "yellow corn meal", + "buttermilk", + "butter", + "milk" + ] + }, + { + "id": 34780, + "cuisine": "indian", + "ingredients": [ + "ajwain", + "seeds", + "ground coriander", + "amchur", + "garlic", + "canola oil", + "kosher salt", + "daikon", + "ground turmeric", + "red chile powder", + "yellow onion", + "ground cumin" + ] + }, + { + "id": 33381, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "seasoned bread crumbs", + "basil mayonnaise", + "hamburger buns", + "garlic powder", + "salt", + "lettuce", + "ground chuck", + "large eggs", + "hot sauce", + "vegetable oil cooking spray", + "pepper", + "onion powder" + ] + }, + { + "id": 23186, + "cuisine": "thai", + "ingredients": [ + "kirby cucumbers", + "salt", + "ground white pepper", + "jasmine rice", + "ginger", + "ground coriander", + "chile sauce", + "chicken drumsticks", + "peanut oil", + "ground turmeric", + "shallots", + "garlic", + "skinless chicken thighs", + "ground cumin" + ] + }, + { + "id": 14232, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "diced tomatoes", + "ancho chile pepper", + "Mexican oregano", + "cumin seed", + "bay leaf", + "chuck roast", + "purple onion", + "corn tortillas", + "guajillo chiles", + "large garlic cloves", + "coca-cola", + "canola oil" + ] + }, + { + "id": 36556, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "chili powder", + "celery seed", + "sugar", + "pork shoulder roast", + "cinnamon", + "water", + "Tabasco Pepper Sauce", + "ketchup", + "ground nutmeg", + "salt" + ] + }, + { + "id": 48307, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic cloves", + "canola oil", + "beef", + "corn starch", + "sugar pea", + "oyster sauce", + "brown sugar", + "cracked black pepper", + "onions" + ] + }, + { + "id": 25252, + "cuisine": "irish", + "ingredients": [ + "confectioners sugar", + "potatoes", + "creamy peanut butter" + ] + }, + { + "id": 15524, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "whole cloves", + "salt", + "cumin seed", + "black peppercorns", + "large egg yolks", + "poblano", + "serrano", + "cinnamon sticks", + "bone-in ribeye steak", + "chipotle", + "garlic", + "sweet paprika", + "fresh lime juice", + "chile powder", + "kosher salt", + "vegetable oil", + "cilantro leaves", + "allspice berries" + ] + }, + { + "id": 48367, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "yellow onion", + "corn oil", + "red chile sauce", + "corn tortillas", + "queso fresco" + ] + }, + { + "id": 7651, + "cuisine": "southern_us", + "ingredients": [ + "bacon", + "cooked white rice", + "celery ribs", + "cayenne pepper", + "diced tomatoes", + "onions", + "worcestershire sauce", + "okra" + ] + }, + { + "id": 20653, + "cuisine": "thai", + "ingredients": [ + "medium egg noodles", + "red pepper", + "chicken breasts", + "oil", + "spring onions", + "sweet corn", + "light soy sauce", + "sesame oil", + "garlic cloves" + ] + }, + { + "id": 3527, + "cuisine": "japanese", + "ingredients": [ + "light brown sugar", + "panko", + "scallions", + "olive oil", + "sweet potatoes", + "soy sauce", + "mirin", + "garlic cloves", + "fresh ginger", + "rice vinegar" + ] + }, + { + "id": 14049, + "cuisine": "italian", + "ingredients": [ + "sage leaves", + "smoked bacon", + "grated parmesan cheese", + "garlic", + "chicken broth", + "parmesan cheese", + "crushed red pepper flakes", + "onions", + "fresh basil", + "swiss chard", + "extra-virgin olive oil", + "pasta", + "sun-dried tomatoes", + "cannellini beans", + "grated nutmeg" + ] + }, + { + "id": 8959, + "cuisine": "italian", + "ingredients": [ + "frozen chopped spinach", + "pepper", + "grated parmesan cheese", + "manicotti shells", + "garlic powder", + "shredded mozzarella cheese", + "eggs", + "water", + "ricotta cheese", + "pasta sauce", + "minced onion", + "fresh parsley" + ] + }, + { + "id": 47373, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "shredded mozzarella cheese", + "pasta", + "cajun seasoning", + "plum tomatoes", + "minced garlic", + "salt", + "grated parmesan cheese", + "fresh parsley" + ] + }, + { + "id": 7830, + "cuisine": "indian", + "ingredients": [ + "sugar", + "garam masala", + "salt", + "tomatoes", + "water", + "ginger", + "oil", + "cream", + "chili powder", + "green chilies", + "tumeric", + "milk", + "paneer", + "cumin" + ] + }, + { + "id": 38918, + "cuisine": "italian", + "ingredients": [ + "water", + "cooking spray", + "extra-virgin olive oil", + "polenta", + "fresh rosemary", + "finely chopped onion", + "chopped fresh thyme", + "fresh oregano", + "ground black pepper", + "dry white wine", + "salt", + "fresh marjoram", + "pork tenderloin", + "butter", + "garlic cloves" + ] + }, + { + "id": 17168, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "kosher salt", + "garlic", + "onions", + "marmite", + "soy sauce", + "hot chili", + "chickpeas", + "cumin", + "chiles", + "water", + "fresh chili", + "dried oregano", + "red kidney beans", + "vodka", + "vegetable oil", + "chipotles in adobo", + "masa" + ] + }, + { + "id": 15722, + "cuisine": "japanese", + "ingredients": [ + "water", + "salt", + "soy sauce", + "fresh shiitake mushrooms", + "medium shrimp", + "sake", + "chicken breasts", + "carrots", + "dashi powder", + "extra large eggs", + "nuts" + ] + }, + { + "id": 47974, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "lemon", + "cajun seasoning", + "center cut pork chops", + "self rising flour", + "fresh parsley", + "yellow corn meal", + "butter" + ] + }, + { + "id": 18176, + "cuisine": "southern_us", + "ingredients": [ + "baking soda", + "buttermilk", + "baking powder", + "all-purpose flour", + "large eggs", + "salt", + "yellow corn meal", + "vegetable oil" + ] + }, + { + "id": 7984, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "fresh basil leaves" + ] + }, + { + "id": 33240, + "cuisine": "french", + "ingredients": [ + "large egg yolks", + "sugar", + "whipping cream", + "vanilla beans" + ] + }, + { + "id": 35269, + "cuisine": "indian", + "ingredients": [ + "freshly ground pepper", + "nonfat yogurt", + "chopped fresh mint", + "hot sauce", + "ground cumin", + "kosher salt", + "english cucumber" + ] + }, + { + "id": 26939, + "cuisine": "spanish", + "ingredients": [ + "sliced tomatoes", + "russet potatoes", + "bay leaf", + "olive oil", + "dried salted codfish", + "baguette", + "large garlic cloves", + "olives", + "lettuce leaves", + "flat leaf parsley" + ] + }, + { + "id": 27327, + "cuisine": "british", + "ingredients": [ + "puff pastry", + "minced meat" + ] + }, + { + "id": 44899, + "cuisine": "filipino", + "ingredients": [ + "water", + "liver", + "lemon", + "oil", + "chicken legs", + "garlic", + "onions", + "soy sauce", + "salt", + "peppercorns" + ] + }, + { + "id": 35185, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "salt", + "pepper", + "vegetable oil", + "large eggs", + "buttermilk", + "green tomatoes", + "cornmeal" + ] + }, + { + "id": 28122, + "cuisine": "filipino", + "ingredients": [ + "black peppercorns", + "jalapeno chilies", + "soy sauce", + "garlic", + "white vinegar", + "water", + "onions", + "chicken wings", + "bay leaves" + ] + }, + { + "id": 22473, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "salt", + "eggs", + "ground black pepper", + "ground meat", + "chicken broth", + "mozzarella cheese", + "rice", + "tomato purée", + "vegetable oil", + "onions" + ] + }, + { + "id": 29891, + "cuisine": "greek", + "ingredients": [ + "green bell pepper", + "whole wheat pita", + "purple onion", + "feta cheese crumbles", + "romaine lettuce", + "radishes", + "roasting chickens", + "fresh dill", + "cherry tomatoes", + "chickpeas", + "cucumber", + "pitted kalamata olives", + "extra-virgin olive oil", + "fresh lemon juice" + ] + }, + { + "id": 7555, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "cooking oil", + "rib", + "dark soy sauce", + "sesame seeds", + "cooking wine", + "light soy sauce", + "spring onions", + "stock", + "vinegar", + "salt" + ] + }, + { + "id": 25772, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "sea scallops", + "fresh lime juice", + "large shrimp", + "chiles", + "scallions", + "asian fish sauce", + "chicken broth", + "linguine", + "chopped cilantro fresh", + "light brown sugar", + "vegetable oil", + "thai green curry paste" + ] + }, + { + "id": 44836, + "cuisine": "southern_us", + "ingredients": [ + "red potato", + "garlic", + "shrimp", + "old bay seasoning", + "salt", + "water", + "smoked sausage", + "fresh parsley", + "yellow corn", + "freshly ground pepper" + ] + }, + { + "id": 20103, + "cuisine": "french", + "ingredients": [ + "fresh basil", + "eggplant", + "cooking spray", + "chopped onion", + "olive oil", + "large eggs", + "salt", + "Italian bread", + "black pepper", + "fresh parmesan cheese", + "diced tomatoes", + "garlic cloves", + "large egg whites", + "zucchini", + "1% low-fat milk", + "red bell pepper" + ] + }, + { + "id": 25755, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "chicken breasts", + "enchilada sauce", + "chicken broth", + "bell pepper", + "diced tomatoes", + "milk", + "butter", + "onions", + "jack cheese", + "flour", + "frozen corn" + ] + }, + { + "id": 41142, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "garlic cloves", + "pickling salt", + "peanuts", + "whole peppercorn", + "apple cider vinegar" + ] + }, + { + "id": 8489, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "salsa", + "black beans", + "chili powder", + "shredded Monterey Jack cheese", + "tomatoes", + "green onions", + "red bell pepper", + "shredded cheddar cheese", + "white cheddar cheese" + ] + }, + { + "id": 44761, + "cuisine": "italian", + "ingredients": [ + "simple syrup", + "crushed ice", + "brewed espresso" + ] + }, + { + "id": 99, + "cuisine": "mexican", + "ingredients": [ + "parmigiano reggiano cheese", + "cream cheese, soften", + "shredded Monterey Jack cheese", + "chiles", + "garlic", + "onions", + "cooking spray", + "fresno chiles", + "ground cumin", + "kosher salt", + "shredded sharp cheddar cheese", + "panko breadcrumbs" + ] + }, + { + "id": 4310, + "cuisine": "french", + "ingredients": [ + "romaine lettuce", + "large egg yolks", + "tarragon", + "water", + "toasted baguette", + "lump crab meat", + "chives", + "tomatoes", + "olive oil", + "white wine vinegar" + ] + }, + { + "id": 27381, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "vegetable oil", + "fresh lemon juice", + "avocado", + "shredded cheddar cheese", + "salt", + "corn tortillas", + "black beans", + "garlic", + "red bell pepper", + "green bell pepper", + "chopped tomatoes", + "salsa", + "onions" + ] + }, + { + "id": 30160, + "cuisine": "chinese", + "ingredients": [ + "water", + "sesame oil", + "carrots", + "canola oil", + "spinach", + "shiitake", + "salt", + "ground white pepper", + "dough", + "fresh ginger", + "dipping sauces", + "corn starch", + "sugar", + "regular soy sauce", + "pressed tofu", + "chinese chives" + ] + }, + { + "id": 6666, + "cuisine": "southern_us", + "ingredients": [ + "ground nutmeg", + "baking powder", + "all-purpose flour", + "egg yolks", + "butter", + "white sugar", + "egg whites", + "bourbon whiskey", + "chopped pecans", + "brown sugar", + "golden raisins", + "candied cherries" + ] + }, + { + "id": 25189, + "cuisine": "korean", + "ingredients": [ + "zucchini", + "garlic", + "water", + "green onions", + "jalapeno chilies", + "firm tofu", + "soy bean paste", + "vegetable stock" + ] + }, + { + "id": 44993, + "cuisine": "italian", + "ingredients": [ + "romaine lettuce", + "chicken breast halves", + "salt", + "frozen lemonade concentrate, thawed and undiluted", + "pepper", + "paprika", + "margarine", + "slivered almonds", + "vegetable oil", + "all-purpose flour", + "fresh parsley", + "capers", + "sweet onion", + "whipping cream", + "fresh lemon juice" + ] + }, + { + "id": 548, + "cuisine": "moroccan", + "ingredients": [ + "boneless chicken skinless thigh", + "olive oil", + "low-sodium fat-free chicken broth", + "salt", + "saffron", + "pepper", + "dried apricot", + "non-fat sour cream", + "cinnamon sticks", + "fresh cilantro", + "harissa paste", + "ras el hanout", + "flat leaf parsley", + "no-salt-added diced tomatoes", + "garbanzo beans", + "garlic", + "yellow onion" + ] + }, + { + "id": 1081, + "cuisine": "mexican", + "ingredients": [ + "tomato sauce", + "lean ground beef", + "onions", + "tomatoes", + "pepper", + "garlic", + "kosher salt", + "cilantro", + "ground cumin", + "capers", + "ground pepper", + "bay leaf" + ] + }, + { + "id": 48466, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "salt", + "sugar", + "almond extract", + "bing cherries", + "vanilla ice cream", + "large eggs", + "all-purpose flour", + "milk", + "vanilla extract", + "orange zest" + ] + }, + { + "id": 23580, + "cuisine": "french", + "ingredients": [ + "shortening", + "chicken parts", + "golden mushroom soup", + "sliced carrots", + "ground nutmeg" + ] + }, + { + "id": 981, + "cuisine": "indian", + "ingredients": [ + "cauliflower", + "coriander powder", + "salt", + "onions", + "water", + "small tomatoes", + "cumin seed", + "ground turmeric", + "garlic paste", + "potatoes", + "green chilies", + "frozen peas", + "garam masala", + "cilantro", + "oil" + ] + }, + { + "id": 21423, + "cuisine": "brazilian", + "ingredients": [ + "bay leaves", + "salt", + "chicken", + "paprika", + "garlic cloves", + "black pepper", + "dijon style mustard", + "onions", + "vegetable oil", + "beer" + ] + }, + { + "id": 8269, + "cuisine": "japanese", + "ingredients": [ + "white pepper", + "water", + "sesame oil", + "sugar", + "kosher salt", + "Shaoxing wine", + "konbu", + "soy sauce", + "lump crab meat", + "bonito flakes", + "flowering chinese chives", + "oloroso sherry", + "chinese black mushrooms", + "large eggs", + "heavy cream" + ] + }, + { + "id": 2809, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic", + "fat skimmed chicken broth", + "chipotle chile", + "chili powder", + "salt", + "chopped cilantro fresh", + "lime juice", + "queso fresco", + "yellow onion", + "ground cumin", + "tomatoes", + "olive oil", + "purple onion", + "corn tortillas" + ] + }, + { + "id": 5917, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "boneless skinless chicken breast halves", + "fat free less sodium chicken broth", + "salt", + "marsala wine", + "cooking spray", + "olive oil", + "sliced mushrooms" + ] + }, + { + "id": 36177, + "cuisine": "southern_us", + "ingredients": [ + "condensed cream of celery soup", + "green onions", + "paprika", + "mustard seeds", + "cooked rice", + "water", + "condensed cream of mushroom soup", + "salt", + "fresh parsley", + "crawfish", + "butter", + "garlic", + "celery", + "green bell pepper", + "sweet onion", + "worcestershire sauce", + "cayenne pepper" + ] + }, + { + "id": 33427, + "cuisine": "vietnamese", + "ingredients": [ + "chiles", + "water", + "salt", + "rice flour", + "pork shoulder", + "red chili peppers", + "vegetable oil", + "canned coconut milk", + "sliced mushrooms", + "sugar", + "lime juice", + "yellow onion", + "shrimp", + "ground turmeric", + "fish sauce", + "warm water", + "garlic", + "scallions", + "beansprouts" + ] + }, + { + "id": 27329, + "cuisine": "vietnamese", + "ingredients": [ + "baguette", + "salt", + "sugar", + "garlic", + "cucumber", + "mayonaise", + "chicken breasts", + "carrots", + "white vinegar", + "radishes", + "cilantro leaves" + ] + }, + { + "id": 10098, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "cooking spray", + "paprika", + "ground black pepper", + "chili powder", + "center cut pork loin chops", + "onion powder", + "garlic powder", + "barbecue sauce", + "salt" + ] + }, + { + "id": 16048, + "cuisine": "mexican", + "ingredients": [ + "salt", + "chipotles in adobo", + "black beans", + "adobo sauce", + "sour cream" + ] + }, + { + "id": 27676, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "black beans", + "Anaheim chile", + "chopped cilantro", + "cooked rice", + "cherry tomatoes", + "sauce", + "chicken", + "tomatoes", + "lime", + "purple onion", + "cooked chicken breasts", + "fat free yogurt", + "red cabbage", + "shredded cheese" + ] + }, + { + "id": 5629, + "cuisine": "thai", + "ingredients": [ + "water", + "salt", + "thai green curry paste", + "chicken stock", + "peeled fresh ginger", + "garlic cloves", + "snow peas", + "jasmine rice", + "boneless skinless chicken breasts", + "fresh lime juice", + "asian fish sauce", + "unsweetened coconut milk", + "coriander seeds", + "cilantro leaves", + "medium shrimp" + ] + }, + { + "id": 12841, + "cuisine": "indian", + "ingredients": [ + "clove", + "black peppercorns", + "vegetables", + "green chilies", + "curry leaves", + "coconut", + "cinnamon", + "onions", + "fennel seeds", + "garlic paste", + "beef", + "mustard seeds", + "tomatoes", + "coriander seeds", + "green cardamom", + "ginger paste" + ] + }, + { + "id": 17731, + "cuisine": "italian", + "ingredients": [ + "water", + "tuna steaks", + "extra-virgin olive oil", + "fresh lemon juice", + "pitted kalamata olives", + "fat-free cottage cheese", + "anchovy paste", + "garlic cloves", + "ground black pepper", + "red wine vinegar", + "salt", + "green beans", + "potatoes", + "worcestershire sauce", + "mixed greens" + ] + }, + { + "id": 19621, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "garlic", + "tumeric", + "chicken breasts", + "salt", + "plain yogurt", + "lemon", + "yellow onion", + "fresh ginger", + "paprika", + "cayenne pepper" + ] + }, + { + "id": 14056, + "cuisine": "southern_us", + "ingredients": [ + "cream cheese frosting", + "baking powder", + "salt", + "sugar", + "large eggs", + "vanilla extract", + "praline topping", + "unsalted butter", + "bourbon whiskey", + "chopped pecans", + "water", + "whole milk", + "cake flour" + ] + }, + { + "id": 28277, + "cuisine": "italian", + "ingredients": [ + "eggplant", + "zucchini", + "salt", + "fresh basil leaves", + "crushed tomatoes", + "ground black pepper", + "ground red pepper", + "chopped onion", + "olive oil", + "lasagna noodles", + "part-skim ricotta cheese", + "garlic cloves", + "part-skim mozzarella cheese", + "cooking spray", + "fresh oregano" + ] + }, + { + "id": 15, + "cuisine": "mexican", + "ingredients": [ + "water", + "crescent dinner rolls", + "sour cream", + "crescent rolls", + "chopped onion", + "refried beans", + "salsa", + "ground beef", + "shredded cheddar cheese", + "guacamole", + "taco seasoning" + ] + }, + { + "id": 34767, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "boneless skinless chicken breasts", + "garlic cloves", + "chopped cilantro fresh", + "ground black pepper", + "salt", + "greek yogurt", + "fresh ginger", + "vegetable oil", + "corn starch", + "sugar", + "low sodium chicken broth", + "yellow onion", + "frozen peas" + ] + }, + { + "id": 5842, + "cuisine": "italian", + "ingredients": [ + "condensed soup", + "shredded cheese", + "pasta", + "salt", + "boneless chicken breast", + "pepper", + "broccoli" + ] + }, + { + "id": 32674, + "cuisine": "italian", + "ingredients": [ + "white wine", + "boneless skinless chicken breast halves", + "butter", + "prosciutto", + "provolone cheese" + ] + }, + { + "id": 5095, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "fresh ginger", + "balsamic vinegar", + "garlic cloves", + "soy sauce", + "shallots", + "beef tenderloin", + "brandy", + "vegetable oil", + "scallions", + "red chili peppers", + "chinese noodles", + "star anise", + "grated orange" + ] + }, + { + "id": 30713, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "bell pepper", + "hoagie rolls", + "red wine", + "yellow onion", + "italian sausage", + "garlic", + "italian seasoning" + ] + }, + { + "id": 17809, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "chili powder", + "ground cumin", + "cayenne", + "corn tortillas", + "salt" + ] + }, + { + "id": 23675, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken stock", + "olive oil", + "diced tomatoes", + "freshly ground pepper", + "medium shrimp", + "dried oregano", + "cooked ham", + "red wine vinegar", + "salt", + "fat", + "frozen peas", + "white wine", + "lemon", + "yellow onion", + "flat leaf parsley", + "long grain white rice", + "green bell pepper", + "green onions", + "shells", + "garlic cloves", + "bone in skin on chicken thigh" + ] + }, + { + "id": 8232, + "cuisine": "italian", + "ingredients": [ + "part-skim mozzarella cheese", + "garlic cloves", + "fresh basil", + "acorn squash", + "onions", + "basil", + "orange rind", + "olive oil", + "freshly ground pepper", + "plum tomatoes" + ] + }, + { + "id": 24742, + "cuisine": "southern_us", + "ingredients": [ + "garlic powder", + "old bay seasoning", + "salt", + "pepper", + "onion powder", + "white rice", + "shrimp", + "chicken broth", + "chicken breasts", + "paprika", + "cayenne pepper", + "water", + "red pepper flakes", + "smoked sausage", + "bay leaf" + ] + }, + { + "id": 48227, + "cuisine": "filipino", + "ingredients": [ + "coconut meat", + "corn starch", + "jackfruit", + "condensed milk", + "corn kernel whole", + "grating cheese", + "coconut milk", + "evaporated milk", + "butter oil" + ] + }, + { + "id": 14602, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "pecans", + "all-purpose flour", + "cold water", + "vanilla extract", + "sugar" + ] + }, + { + "id": 25131, + "cuisine": "jamaican", + "ingredients": [ + "water", + "green onions", + "garlic cloves", + "soy sauce", + "bell pepper", + "salt", + "onions", + "red snapper", + "vinegar", + "sweet and sour sauce", + "thyme", + "ketchup", + "flour", + "oil", + "fish" + ] + }, + { + "id": 15080, + "cuisine": "greek", + "ingredients": [ + "yukon gold potatoes", + "sea salt", + "lemon", + "olive oil", + "onions" + ] + }, + { + "id": 47964, + "cuisine": "southern_us", + "ingredients": [ + "lime zest", + "jalapeno chilies", + "salsa", + "mango", + "olive oil", + "salt", + "scallions", + "black beans", + "fresh orange juice", + "swordfish fillets", + "ground black pepper", + "rice vinegar", + "red bell pepper" + ] + }, + { + "id": 29359, + "cuisine": "irish", + "ingredients": [ + "sourdough bread", + "balsamic vinegar", + "ground black pepper", + "salt", + "olive oil", + "spicy brown mustard", + "beef brisket", + "cabbage" + ] + }, + { + "id": 241, + "cuisine": "mexican", + "ingredients": [ + "prunes", + "sesame seeds", + "anise", + "low salt chicken broth", + "cashew nuts", + "ground cinnamon", + "peeled tomatoes", + "raisins", + "garlic cloves", + "onions", + "sugar", + "pumpernickel bread", + "salt", + "ancho chile pepper", + "boiling water", + "ground cloves", + "vegetable oil", + "ground coriander", + "corn tortillas" + ] + }, + { + "id": 29805, + "cuisine": "thai", + "ingredients": [ + "cooked rice", + "fresh ginger", + "vegetable oil", + "chopped cilantro fresh", + "reduced sodium chicken broth", + "mixed vegetables", + "garlic", + "sugar", + "spring onions", + "sea salt", + "whitefish", + "curry powder", + "lime wedges", + "coconut milk" + ] + }, + { + "id": 12540, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "riblets", + "garlic", + "fresh ginger", + "cracked black pepper", + "scallions", + "kosher salt", + "shallots", + "vietnamese fish sauce", + "sugar", + "pork spare ribs", + "dipping sauces", + "chopped cilantro fresh" + ] + }, + { + "id": 8904, + "cuisine": "southern_us", + "ingredients": [ + "sweet onion", + "corn bread", + "vegetable oil", + "yukon gold potatoes", + "okra" + ] + }, + { + "id": 39423, + "cuisine": "british", + "ingredients": [ + "puff paste", + "unsalted butter", + "watercress", + "black truffles", + "arrowroot", + "beef broth", + "cold water", + "large egg whites", + "mushrooms", + "fat", + "Madeira", + "large egg yolks", + "foie gras" + ] + }, + { + "id": 37760, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "freshly grated parmesan", + "russet", + "flour", + "nutmeg" + ] + }, + { + "id": 46312, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "salt", + "chicken", + "coriander powder", + "onions", + "ground cumin", + "ground paprika", + "chili powder", + "chicken thighs", + "sugar", + "sesame oil", + "ground turmeric" + ] + }, + { + "id": 31581, + "cuisine": "spanish", + "ingredients": [ + "water", + "salt", + "sugar", + "honey", + "slivered almonds", + "large egg whites", + "unsalted pistachios", + "whipping cream" + ] + }, + { + "id": 10292, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "fresh basil leaves", + "kosher salt", + "garlic", + "grape tomatoes", + "extra-virgin olive oil", + "freshly grated parmesan", + "Barilla Plus Pasta" + ] + }, + { + "id": 44335, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "vegetable shortening", + "melted butter", + "baking soda", + "salt", + "bacon drippings", + "milk", + "buttermilk", + "sugar", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 14854, + "cuisine": "cajun_creole", + "ingredients": [ + "chopped bell pepper", + "vegetable oil", + "cayenne pepper", + "flat leaf parsley", + "andouille sausage", + "green onions", + "all-purpose flour", + "whole chicken", + "cooked rice", + "bay leaves", + "salt", + "chopped onion", + "chicken broth", + "file powder", + "chopped celery", + "dri leav thyme" + ] + }, + { + "id": 30543, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "heavy cream", + "onions", + "turkey giblet stock", + "parmigiano reggiano cheese", + "garlic cloves", + "sausage casings", + "large eggs", + "flat leaf parsley", + "celery ribs", + "unsalted butter", + "italian loaf" + ] + }, + { + "id": 21859, + "cuisine": "chinese", + "ingredients": [ + "minced ginger", + "green onions", + "ginger", + "noodles", + "sugar", + "peanuts", + "chili oil", + "liquid", + "dark soy sauce", + "light soy sauce", + "vegetable oil", + "garlic", + "baby bok choy", + "Shaoxing wine", + "ground pork", + "corn starch" + ] + }, + { + "id": 32891, + "cuisine": "indian", + "ingredients": [ + "tomato purée", + "cider vinegar", + "cardamom pods", + "cinnamon sticks", + "onions", + "brown sugar", + "fresh ginger", + "garlic cloves", + "light chicken stock", + "clove", + "fresh curry leaves", + "vegetable oil", + "mustard seeds", + "pork shoulder", + "black peppercorns", + "fresh coriander", + "cumin seed", + "chillies", + "ground turmeric" + ] + }, + { + "id": 42206, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame seeds", + "tahini", + "cilantro", + "corn starch", + "cooked rice", + "chili", + "pork chops", + "sesame oil", + "scallions", + "serrano chile", + "celery ribs", + "water", + "peanuts", + "water chestnuts", + "garlic", + "frozen peas", + "green bell pepper", + "fresh ginger", + "hoisin sauce", + "vegetable oil", + "carrots" + ] + }, + { + "id": 40311, + "cuisine": "moroccan", + "ingredients": [ + "orange marmalade", + "water", + "carrots", + "curry powder", + "salt" + ] + }, + { + "id": 28462, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "sweet potatoes", + "peanut butter", + "onions", + "dry roasted peanuts", + "whipping cream", + "cinnamon sticks", + "molasses", + "butter", + "garlic cloves", + "celery ribs", + "ground nutmeg", + "salt", + "thyme sprigs" + ] + }, + { + "id": 20007, + "cuisine": "indian", + "ingredients": [ + "fresh cilantro", + "salt", + "vegetable oil", + "ground turmeric", + "whole wheat flour", + "cayenne pepper", + "mashed potatoes", + "butter" + ] + }, + { + "id": 2937, + "cuisine": "spanish", + "ingredients": [ + "dry sherry", + "salt", + "olive oil", + "crushed red pepper flakes", + "medium shrimp", + "paprika", + "flat leaf parsley", + "ground black pepper", + "garlic" + ] + }, + { + "id": 43809, + "cuisine": "southern_us", + "ingredients": [ + "pure vanilla extract", + "granulated sugar", + "salt", + "dark corn syrup", + "bourbon whiskey", + "chopped pecans", + "dark chocolate", + "large eggs", + "all-purpose flour", + "unsalted butter", + "buttermilk" + ] + }, + { + "id": 41125, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "salt", + "milk", + "flour", + "confectioners sugar", + "orange", + "large eggs", + "peanut oil", + "superfine sugar", + "rum" + ] + }, + { + "id": 20852, + "cuisine": "thai", + "ingredients": [ + "potatoes", + "light coconut milk", + "chopped cilantro fresh", + "green bell pepper", + "Thai red curry paste", + "red bell pepper", + "vegetable oil", + "salt", + "brown sugar", + "cauliflower florets", + "onions" + ] + }, + { + "id": 38767, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "green onions", + "sake", + "beef", + "onions", + "eggs", + "gari", + "oil", + "sugar", + "mirin" + ] + }, + { + "id": 35157, + "cuisine": "spanish", + "ingredients": [ + "saffron threads", + "french bread", + "extra-virgin olive oil", + "garlic cloves", + "ground black pepper", + "ground veal", + "all-purpose flour", + "flat leaf parsley", + "hungarian sweet paprika", + "dry white wine", + "salt", + "low salt chicken broth", + "large eggs", + "ground pork", + "chopped onion" + ] + }, + { + "id": 3591, + "cuisine": "italian", + "ingredients": [ + "bread crumbs", + "pecorino romano cheese", + "onions", + "unsalted butter", + "salt", + "prosciutto", + "gruyere cheese", + "pasta shapes", + "fresh thyme leaves", + "sauce" + ] + }, + { + "id": 19221, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "balsamic reduction", + "mozzarella cheese", + "pie crust", + "plum tomatoes" + ] + }, + { + "id": 33058, + "cuisine": "french", + "ingredients": [ + "sugar", + "vanilla extract", + "firmly packed light brown sugar", + "whipping cream", + "macadamia nuts", + "fresh raspberries", + "egg yolks", + "fresh mint" + ] + }, + { + "id": 38908, + "cuisine": "mexican", + "ingredients": [ + "green onions", + "tomatillos", + "nonstick spray", + "sugar", + "chile pepper", + "salsa", + "cooked chicken breasts", + "tomatoes", + "mexican style 4 cheese blend", + "salt", + "corn tortillas", + "fresh cilantro", + "vegetable oil", + "chopped onion", + "ground cumin" + ] + }, + { + "id": 44190, + "cuisine": "japanese", + "ingredients": [ + "water", + "corn starch", + "boneless skinless chicken breasts", + "vegetables", + "cooked white rice", + "teriyaki sauce" + ] + }, + { + "id": 4091, + "cuisine": "japanese", + "ingredients": [ + "white vinegar", + "light soy sauce", + "wasabi paste", + "salmon sashimi", + "avocado", + "furikake", + "eggs", + "white rice" + ] + }, + { + "id": 576, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "salt", + "black pepper", + "onion powder", + "dried thyme", + "paprika", + "ground red pepper" + ] + }, + { + "id": 26499, + "cuisine": "italian", + "ingredients": [ + "chives", + "garlic", + "ground black pepper", + "butter", + "grated parmesan cheese", + "heavy cream", + "artichoke hearts", + "fusilli", + "salt" + ] + }, + { + "id": 35045, + "cuisine": "indian", + "ingredients": [ + "mission figs", + "fresh orange juice", + "serrano chile", + "brown sugar", + "peeled fresh ginger", + "fresh lemon juice", + "ground cinnamon", + "pistachios", + "cranberries", + "ground cumin", + "kosher salt", + "vegetable oil", + "mustard seeds" + ] + }, + { + "id": 30354, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "grape tomatoes", + "extra-virgin olive oil", + "fresh mozzarella balls", + "fresh basil leaves", + "sea salt" + ] + }, + { + "id": 21996, + "cuisine": "italian", + "ingredients": [ + "genoa salami", + "ground black pepper", + "red bell pepper", + "olive oil", + "purple onion", + "kosher salt", + "red wine vinegar", + "flat leaf parsley", + "tortellini, cook and drain", + "lemon juice" + ] + }, + { + "id": 65, + "cuisine": "italian", + "ingredients": [ + "pecorino cheese", + "garlic", + "basil leaves", + "spaghetti squash", + "olive oil", + "salt", + "tomatoes", + "balsamic vinegar" + ] + }, + { + "id": 5757, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "iced tea", + "peaches", + "vodka", + "light corn syrup" + ] + }, + { + "id": 23898, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "celery", + "white pepper", + "garlic", + "soy sauce", + "ginger", + "soba", + "brown sugar", + "shredded cabbage", + "onions" + ] + }, + { + "id": 43183, + "cuisine": "southern_us", + "ingredients": [ + "white pepper", + "half & half", + "butter", + "hot sauce", + "medium shrimp", + "chicken broth", + "water", + "lemon wedge", + "salt", + "fresh lemon juice", + "shredded cheddar cheese", + "green onions", + "bacon slices", + "garlic cloves", + "grits", + "black pepper", + "grated parmesan cheese", + "low-sodium fat-free chicken broth", + "all-purpose flour", + "sliced mushrooms" + ] + }, + { + "id": 28661, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "salt", + "garlic cloves", + "fat free less sodium chicken broth", + "ground red pepper", + "and fat free half half", + "cooking spray", + "chopped onion", + "leg of lamb", + "sweet potatoes", + "dark sesame oil" + ] + }, + { + "id": 29387, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "vegetable oil", + "diced tomatoes in juice", + "cumin", + "cod fillets", + "cardamom", + "onions", + "tumeric", + "salt", + "chopped cilantro", + "ginger paste", + "jalapeno chilies", + "lemon juice", + "coriander" + ] + }, + { + "id": 8433, + "cuisine": "mexican", + "ingredients": [ + "chorizo", + "salt", + "white onion", + "whole wheat tortillas", + "chopped cilantro fresh", + "red potato", + "queso fresco", + "fresh lime juice", + "tomatoes", + "olive oil", + "poblano chiles" + ] + }, + { + "id": 18639, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "salt", + "linguine", + "fresh lemon juice", + "grated parmesan cheese", + "garlic cloves", + "pancetta", + "crushed red pepper", + "greens" + ] + }, + { + "id": 1734, + "cuisine": "italian", + "ingredients": [ + "swiss chard", + "onions", + "water", + "extra-virgin olive oil", + "dried currants", + "kalamata", + "spaghetti", + "feta cheese", + "garlic cloves" + ] + }, + { + "id": 31920, + "cuisine": "mexican", + "ingredients": [ + "chicken broth", + "black pepper", + "diced tomatoes", + "bay leaf", + "brown sugar", + "vegetable oil", + "garlic", + "semi-sweet chocolate morsels", + "ground cloves", + "raisins", + "cayenne pepper", + "chicken", + "ground cinnamon", + "sesame seeds", + "paprika", + "onions" + ] + }, + { + "id": 46351, + "cuisine": "thai", + "ingredients": [ + "baby bok choy", + "soft tofu", + "carrots", + "linguini", + "kaffir lime leaves", + "lemongrass", + "ginger", + "coconut milk", + "soy sauce", + "rice noodles", + "beansprouts", + "fresh basil", + "vegetables", + "broccoli", + "celery" + ] + }, + { + "id": 23372, + "cuisine": "japanese", + "ingredients": [ + "olive oil", + "chicken breasts", + "salt", + "raw honey", + "cilantro", + "ground black pepper", + "lemon wedge", + "garlic cloves", + "soy sauce", + "Sriracha", + "ginger" + ] + }, + { + "id": 35125, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "fresh lemon juice", + "garlic", + "fresh oregano", + "parsley" + ] + }, + { + "id": 38837, + "cuisine": "southern_us", + "ingredients": [ + "yellow corn meal", + "coarse salt", + "unsalted butter", + "baking soda", + "buttermilk", + "large eggs" + ] + }, + { + "id": 26022, + "cuisine": "vietnamese", + "ingredients": [ + "red leaf lettuce", + "thai basil", + "boneless skinless chicken breasts", + "white sugar", + "fish sauce", + "fresh cilantro", + "lemon grass", + "peanut oil", + "seedless cucumber", + "ground peanut", + "jalapeno chilies", + "fresh mint", + "lime juice", + "fresh ginger root", + "sesame oil", + "rice paper" + ] + }, + { + "id": 1445, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "red wine vinegar", + "garlic powder", + "cucumber", + "green olives", + "yukon gold potatoes", + "celery", + "salt and ground black pepper", + "purple onion" + ] + }, + { + "id": 9823, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "tomatillos", + "marjoram", + "chicken broth", + "roma tomatoes", + "sauce", + "chicken", + "dried thyme", + "coarse sea salt", + "dried oregano", + "chipotle chile", + "vegetable oil", + "garlic cloves" + ] + }, + { + "id": 27526, + "cuisine": "southern_us", + "ingredients": [ + "evaporated milk", + "extra-virgin olive oil", + "large shrimp", + "cheddar cheese", + "quickcooking grits", + "okra", + "flour", + "salt", + "pepper", + "bacon", + "scallions" + ] + }, + { + "id": 41094, + "cuisine": "indian", + "ingredients": [ + "yellow mustard seeds", + "black mustard seeds", + "vegetable oil", + "ground red pepper", + "ground turmeric", + "turnips", + "salt" + ] + }, + { + "id": 23301, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "butter", + "salt", + "sour cream", + "chicken stock", + "garlic powder", + "cilantro", + "Mexican cheese", + "cumin", + "corn", + "paprika", + "rice", + "onions", + "ground chipotle chile pepper", + "cooked chicken", + "garlic", + "red bell pepper" + ] + }, + { + "id": 9120, + "cuisine": "french", + "ingredients": [ + "pitted kalamata olives", + "anchovy fillets", + "finely chopped fresh parsley", + "capers", + "garlic cloves" + ] + }, + { + "id": 3919, + "cuisine": "mexican", + "ingredients": [ + "pepper jack", + "tomatillos", + "farmer cheese", + "sour cream", + "cooked chicken", + "cilantro", + "freshly ground pepper", + "ground cumin", + "jalapeno chilies", + "large garlic cloves", + "tortilla chips", + "coriander", + "vegetable oil", + "salt", + "scallions" + ] + }, + { + "id": 32157, + "cuisine": "southern_us", + "ingredients": [ + "salt", + "ground pepper", + "dry mustard", + "garlic powder" + ] + }, + { + "id": 25104, + "cuisine": "japanese", + "ingredients": [ + "dashi powder", + "udon", + "onions", + "sake", + "honey", + "green onions", + "water", + "curry sauce", + "soy sauce", + "beef", + "vegetable oil" + ] + }, + { + "id": 4536, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium soy sauce", + "rice vinegar", + "chopped cilantro fresh", + "sesame oil", + "red bell pepper", + "canola oil", + "whole wheat spaghetti", + "scallions", + "snow peas", + "crushed red pepper", + "toasted sesame seeds" + ] + }, + { + "id": 12145, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "cayenne pepper", + "ground cumin", + "ground cinnamon", + "ground black pepper", + "ground coriander", + "brown sugar", + "salt", + "lemon juice", + "garam masala", + "chickpeas" + ] + }, + { + "id": 13705, + "cuisine": "italian", + "ingredients": [ + "basil leaves", + "heavy cream", + "ground black pepper", + "chicken breasts", + "salt", + "grated parmesan cheese", + "butter", + "penne pasta", + "half & half", + "lemon" + ] + }, + { + "id": 11937, + "cuisine": "mexican", + "ingredients": [ + "garlic powder", + "guacamole", + "sharp cheddar cheese", + "chopped cilantro fresh", + "sliced tomatoes", + "ground black pepper", + "lean ground beef", + "cornmeal", + "lettuce", + "diced green chilies", + "onion powder", + "smoked paprika", + "cumin", + "table salt", + "large eggs", + "salsa", + "onions" + ] + }, + { + "id": 43922, + "cuisine": "jamaican", + "ingredients": [ + "papaya", + "cooking spray", + "red bell pepper", + "mango", + "jamaican jerk season", + "purple onion", + "fresh lime juice", + "large egg whites", + "sweet and sour sauce", + "ground turkey", + "lime rind", + "kaiser rolls", + "dry bread crumbs", + "chopped cilantro fresh" + ] + }, + { + "id": 38088, + "cuisine": "japanese", + "ingredients": [ + "vinegar", + "sugar", + "hot water", + "spring onions", + "gyoza", + "chillies" + ] + }, + { + "id": 30221, + "cuisine": "cajun_creole", + "ingredients": [ + "catfish fillets", + "cider vinegar", + "ground red pepper", + "salt", + "sugar", + "garlic powder", + "butter", + "dried oregano", + "green cabbage", + "dried thyme", + "light mayonnaise", + "all-purpose flour", + "black pepper", + "flour tortillas", + "paprika" + ] + }, + { + "id": 17158, + "cuisine": "italian", + "ingredients": [ + "bread, cut into italian loaf", + "shredded mozzarella cheese", + "butter", + "garlic powder", + "dried parsley" + ] + }, + { + "id": 47631, + "cuisine": "thai", + "ingredients": [ + "green bell pepper", + "mung beans", + "mango chutney", + "yellow onion", + "lime juice", + "flour", + "vegetable broth", + "red bell pepper", + "zucchini", + "nori flakes", + "garlic", + "soy sauce", + "extra firm tofu", + "Thai red curry paste", + "crushed pineapple" + ] + }, + { + "id": 21614, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "boneless skinless chicken breasts", + "garlic", + "bay leaf", + "tomato sauce", + "diced tomatoes", + "scallions", + "chicken", + "andouille sausage", + "brown rice", + "cayenne pepper", + "onions", + "celery ribs", + "olive oil", + "paprika", + "shrimp" + ] + }, + { + "id": 44458, + "cuisine": "french", + "ingredients": [ + "warm water", + "salt", + "unsalted butter", + "caster sugar", + "bread flour", + "instant yeast" + ] + }, + { + "id": 6853, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "olive oil", + "mushrooms", + "salt", + "pepper", + "lasagna noodles", + "diced tomatoes", + "onions", + "mozzarella cheese", + "parmesan cheese", + "butter", + "ground turkey", + "tomato paste", + "milk", + "flour", + "garlic", + "italian seasoning" + ] + }, + { + "id": 14039, + "cuisine": "indian", + "ingredients": [ + "red chili powder", + "coriander seeds", + "peas", + "green chilies", + "coriander", + "black peppercorns", + "water", + "ginger", + "salt", + "onions", + "tomatoes", + "cream", + "cinnamon", + "paneer", + "oil", + "ground turmeric", + "clove", + "sugar", + "garam masala", + "garlic", + "cumin seed", + "cashew nuts" + ] + }, + { + "id": 37231, + "cuisine": "japanese", + "ingredients": [ + "scallion greens", + "dashi", + "shiro miso", + "wakame", + "soft tofu" + ] + }, + { + "id": 27241, + "cuisine": "cajun_creole", + "ingredients": [ + "caster sugar", + "egg yolks", + "eggs", + "unsalted butter", + "corn starch", + "plain flour", + "milk", + "salt", + "vanilla essence", + "dry yeast" + ] + }, + { + "id": 26565, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "water", + "dry white wine", + "garlic cloves", + "parmigiano-reggiano cheese", + "cooking spray", + "baby spinach", + "arborio rice", + "green lentil", + "shallots", + "fat free less sodium chicken broth", + "leeks", + "chopped onion" + ] + }, + { + "id": 8314, + "cuisine": "italian", + "ingredients": [ + "salt", + "large egg yolks", + "water", + "all-purpose flour", + "large eggs" + ] + }, + { + "id": 17053, + "cuisine": "italian", + "ingredients": [ + "zucchini", + "fresh basil leaves", + "marinara sauce", + "lasagna noodles", + "low-fat ricotta cheese", + "grated parmesan cheese", + "plum tomatoes" + ] + }, + { + "id": 43216, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "fresh bean", + "toasted sesame oil" + ] + }, + { + "id": 22943, + "cuisine": "italian", + "ingredients": [ + "water", + "diced tomatoes", + "sliced mushrooms", + "tomato sauce", + "dried basil", + "chopped onion", + "ground beef", + "pasta sauce", + "rosemary", + "grated carrot", + "chopped parsley", + "sugar", + "beef", + "sausages", + "chopped garlic" + ] + }, + { + "id": 29132, + "cuisine": "indian", + "ingredients": [ + "chile pepper", + "fenugreek seeds", + "dried red chile peppers", + "buttermilk", + "mustard seeds", + "vegetable oil", + "cumin seed", + "ground turmeric", + "fresh curry leaves", + "salt", + "asafoetida powder" + ] + }, + { + "id": 33568, + "cuisine": "southern_us", + "ingredients": [ + "syrup", + "white sugar", + "butter", + "self rising flour", + "blackberries", + "cold water", + "vegetable shortening" + ] + }, + { + "id": 26876, + "cuisine": "thai", + "ingredients": [ + "soy sauce", + "creamy peanut butter", + "chicken wings", + "pork back ribs", + "apple juice concentrate", + "fresh cilantro", + "garlic cloves", + "sugar", + "fresh ginger" + ] + }, + { + "id": 10320, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "ginger", + "lumpia wrappers", + "ground black pepper", + "garlic", + "eggs", + "ground pork" + ] + }, + { + "id": 30483, + "cuisine": "southern_us", + "ingredients": [ + "baking powder", + "boiling water", + "milk", + "salt", + "large eggs", + "cornmeal", + "butter" + ] + }, + { + "id": 7149, + "cuisine": "spanish", + "ingredients": [ + "extra-virgin olive oil", + "green pumpkin seeds", + "chopped cilantro fresh", + "cooked rice", + "spanish chorizo", + "onions", + "hot red pepper flakes", + "cumin seed", + "frozen peas", + "salt", + "red bell pepper" + ] + }, + { + "id": 6529, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "shredded swiss cheese", + "honey mustard", + "cider vinegar", + "salt", + "sugar", + "bacon slices", + "eggs", + "green onions", + "freshly ground pepper" + ] + }, + { + "id": 28124, + "cuisine": "british", + "ingredients": [ + "gin", + "lemon", + "rhubarb", + "kosher salt", + "strawberries", + "light brown sugar", + "egg whites", + "fresh basil leaves", + "sugar", + "heavy cream" + ] + }, + { + "id": 37053, + "cuisine": "italian", + "ingredients": [ + "conchiglie", + "garlic cloves", + "pancetta", + "crushed red pepper", + "diced tomatoes", + "onions", + "parmigiano-reggiano cheese", + "salt" + ] + }, + { + "id": 14624, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "cachaca", + "passion fruit", + "caster sugar", + "ice" + ] + }, + { + "id": 48049, + "cuisine": "brazilian", + "ingredients": [ + "garlic", + "carrots", + "water", + "cayenne pepper", + "onions", + "black beans", + "salt", + "red bell pepper", + "olive oil", + "orange juice", + "ground cumin" + ] + }, + { + "id": 15761, + "cuisine": "chinese", + "ingredients": [ + "molasses", + "cracked black pepper", + "toasted sesame oil", + "chili paste", + "orange juice", + "fresh ginger", + "rice vinegar", + "soy sauce", + "hoisin sauce", + "chinese five-spice powder" + ] + }, + { + "id": 46475, + "cuisine": "spanish", + "ingredients": [ + "large eggs", + "kosher salt", + "red bliss potato", + "extra-virgin olive oil", + "ground black pepper", + "onions" + ] + }, + { + "id": 12090, + "cuisine": "chinese", + "ingredients": [ + "large egg whites", + "rice wine", + "chinese wheat noodles", + "carrots", + "cashew nuts", + "fresh spinach", + "extra large shrimp", + "vegetable oil", + "low sodium chicken stock", + "red bell pepper", + "straw mushrooms", + "water chestnuts", + "coarse salt", + "scallions", + "toasted sesame oil", + "potato starch", + "fresh ginger", + "chile pepper", + "garlic", + "corn starch" + ] + }, + { + "id": 7706, + "cuisine": "italian", + "ingredients": [ + "brown sugar", + "grated parmesan cheese", + "garlic", + "ground beef", + "eggs", + "ground black pepper", + "red pepper flakes", + "fresh oregano", + "onions", + "fresh basil", + "zucchini", + "diced tomatoes", + "shredded mozzarella cheese", + "tomato paste", + "bulk italian sausag", + "ricotta cheese", + "salt", + "fresh parsley" + ] + }, + { + "id": 1597, + "cuisine": "chinese", + "ingredients": [ + "green onions", + "seasoned rice wine vinegar", + "ground turkey", + "soy sauce", + "ginger", + "garlic chili sauce", + "sesame oil", + "medium-grain rice", + "hoisin sauce", + "garlic", + "green beans" + ] + }, + { + "id": 47444, + "cuisine": "italian", + "ingredients": [ + "fresh rosemary", + "pizza doughs", + "coarse salt", + "cornmeal", + "unsalted butter", + "garlic cloves", + "extra-virgin olive oil" + ] + }, + { + "id": 2722, + "cuisine": "french", + "ingredients": [ + "black pepper", + "leeks", + "salt", + "turnips", + "cooked turkey", + "dry white wine", + "carrots", + "rutabaga", + "olive oil", + "chopped fresh thyme", + "thyme sprigs", + "fat free less sodium chicken broth", + "mushrooms", + "garlic cloves" + ] + }, + { + "id": 19410, + "cuisine": "italian", + "ingredients": [ + "penne", + "cooking spray", + "roasted red peppers", + "garlic cloves", + "ground black pepper", + "Italian turkey sausage", + "tomatoes", + "grated parmesan cheese" + ] + }, + { + "id": 43527, + "cuisine": "chinese", + "ingredients": [ + "chiles", + "orange", + "crushed red pepper", + "low sodium soy sauce", + "soy sauce", + "peeled fresh ginger", + "corn starch", + "cooked rice", + "boneless chicken skinless thigh", + "garlic", + "canola oil", + "scallion greens", + "sugar", + "Shaoxing wine", + "rice vinegar" + ] + }, + { + "id": 29671, + "cuisine": "vietnamese", + "ingredients": [ + "water", + "cilantro leaves", + "beansprouts", + "fresh basil leaves", + "sugar", + "salt", + "red bell pepper", + "fresh lime juice", + "tumeric", + "Sriracha", + "cucumber", + "coconut milk", + "fish sauce", + "canola", + "rice flour", + "fresh mint" + ] + }, + { + "id": 44961, + "cuisine": "italian", + "ingredients": [ + "kirschenliqueur", + "orange liqueur", + "slivered almonds", + "whipping cream", + "unsweetened cocoa powder", + "hazelnuts", + "pound cake", + "powdered sugar", + "semisweet chocolate", + "grappa" + ] + }, + { + "id": 3288, + "cuisine": "italian", + "ingredients": [ + "sugar", + "parsley", + "garlic", + "oregano", + "crushed tomatoes", + "heavy cream", + "salt", + "vodka", + "butter", + "crushed red pepper", + "grated parmesan cheese", + "basil", + "onions" + ] + }, + { + "id": 1652, + "cuisine": "filipino", + "ingredients": [ + "fish sauce", + "bihon", + "garlic", + "onions", + "soy sauce", + "vegetable oil", + "green beans", + "pork", + "chicken breasts", + "carrots", + "cabbage", + "chicken broth", + "ground pepper", + "calamansi juice", + "celery" + ] + }, + { + "id": 2157, + "cuisine": "italian", + "ingredients": [ + "parsley flakes", + "parmesan cheese", + "ground beef", + "tomato paste", + "mozzarella cheese", + "basil", + "tomatoes", + "pepper", + "garlic", + "eggs", + "ricotta cheese", + "noodles" + ] + }, + { + "id": 9946, + "cuisine": "italian", + "ingredients": [ + "cooking spray", + "fresh lemon juice", + "eggplant", + "salt", + "tomatoes", + "extra-virgin olive oil", + "chopped fresh mint", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 46675, + "cuisine": "chinese", + "ingredients": [ + "chili pepper", + "zucchini", + "rice wine", + "cornflour", + "soy sauce", + "fresh ginger", + "spring onions", + "sesame oil", + "red bell pepper", + "white pepper", + "peanuts", + "chicken breasts", + "vegetable oil", + "sugar", + "pepper", + "hoisin sauce", + "marinade", + "garlic cloves" + ] + }, + { + "id": 21908, + "cuisine": "japanese", + "ingredients": [ + "water", + "salt", + "egg yolks", + "corn starch", + "egg whites", + "all-purpose flour", + "vegetable oil", + "medium shrimp" + ] + }, + { + "id": 15708, + "cuisine": "italian", + "ingredients": [ + "pepper", + "french bread", + "dried oregano", + "zucchini", + "salt", + "tomatoes", + "grated parmesan cheese", + "fresh oregano", + "olive oil", + "garlic" + ] + }, + { + "id": 38643, + "cuisine": "cajun_creole", + "ingredients": [ + "powdered sugar", + "flour", + "bread flour", + "baking soda", + "buttermilk", + "active dry yeast", + "whole milk", + "canola oil", + "granulated sugar", + "salt" + ] + }, + { + "id": 41025, + "cuisine": "filipino", + "ingredients": [ + "brown sugar", + "coconut milk", + "sea salt", + "bananas", + "oil" + ] + }, + { + "id": 40173, + "cuisine": "french", + "ingredients": [ + "olive oil", + "long-grain rice", + "pinenuts", + "freshly ground pepper", + "saffron", + "salt", + "bay leaf", + "grated nutmeg", + "onions" + ] + }, + { + "id": 33050, + "cuisine": "southern_us", + "ingredients": [ + "buttermilk", + "self rising flour", + "melted butter", + "cream cheese", + "butter" + ] + }, + { + "id": 18171, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "olive oil", + "garlic", + "onions", + "lime juice", + "chili powder", + "whole kernel corn, drain", + "cumin", + "water", + "boneless chicken breast halves", + "tortilla chips", + "chopped cilantro fresh", + "chicken broth", + "crushed tomatoes", + "chile pepper", + "sour cream", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 35689, + "cuisine": "french", + "ingredients": [ + "unsalted butter", + "all-purpose flour", + "cold water", + "sea salt" + ] + }, + { + "id": 32663, + "cuisine": "chinese", + "ingredients": [ + "rice", + "green onions", + "ham", + "eggs", + "peanut oil", + "peas", + "dried shrimp" + ] + }, + { + "id": 31214, + "cuisine": "italian", + "ingredients": [ + "pepper", + "vegetable oil", + "fettucine", + "unsalted butter", + "cherry tomatoes", + "prepar pesto", + "boneless skinless chicken breasts" + ] + }, + { + "id": 27883, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "milk", + "salt", + "carrots", + "white vinegar", + "sugar", + "cajun seasoning", + "hot sauce", + "chicken thighs", + "green cabbage", + "pepper", + "paprika", + "peanut oil", + "panko breadcrumbs", + "mayonaise", + "chives", + "all-purpose flour", + "onions" + ] + }, + { + "id": 42502, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "cayenne pepper", + "ground cumin", + "mexicorn", + "fresh lime juice", + "green onions", + "sour cream", + "cheddar cheese", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 18249, + "cuisine": "italian", + "ingredients": [ + "tomato sauce", + "ground pepper", + "Italian bread", + "part-skim mozzarella cheese", + "dry bread crumbs", + "eggplant", + "coarse salt", + "olive oil", + "large eggs" + ] + }, + { + "id": 40221, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "dried dill", + "dried parsley", + "onion powder", + "Mexican cheese", + "garlic powder", + "tortilla chips", + "salsa", + "sour cream" + ] + }, + { + "id": 39046, + "cuisine": "spanish", + "ingredients": [ + "matzo meal", + "dry white wine", + "smoked paprika", + "orange zest", + "sherry vinegar", + "garlic cloves", + "sardines", + "olive oil", + "purple onion", + "cinnamon sticks", + "lemon zest", + "carrots", + "dried oregano" + ] + }, + { + "id": 27408, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "garlic powder", + "gravy", + "sea salt", + "pork loin chops", + "bread crumbs", + "ground black pepper", + "onion powder", + "chopped onion", + "eggs", + "pork chops", + "whole milk", + "all-purpose flour", + "olive oil", + "flour", + "butter", + "and fat free half half" + ] + }, + { + "id": 36097, + "cuisine": "italian", + "ingredients": [ + "finely chopped onion", + "baby spinach", + "fresh parmesan cheese", + "dry white wine", + "salt", + "large egg whites", + "large eggs", + "bacon slices", + "ground black pepper", + "gluten-free spaghetti", + "fresh parsley" + ] + }, + { + "id": 7208, + "cuisine": "italian", + "ingredients": [ + "butter", + "rigatoni", + "grated parmesan cheese", + "all-purpose flour", + "bread crumb fresh", + "whipping cream", + "whole milk", + "gorgonzola" + ] + }, + { + "id": 48027, + "cuisine": "filipino", + "ingredients": [ + "pork belly", + "shredded cabbage", + "salt", + "chicken stock", + "apple brandy", + "grapeseed oil", + "sugar", + "sliced apples", + "apple cider", + "juniper berries", + "apple cider vinegar", + "mustard seeds" + ] + }, + { + "id": 43334, + "cuisine": "irish", + "ingredients": [ + "turbinado", + "strawberries", + "heavy cream", + "steel-cut oats", + "salt" + ] + }, + { + "id": 48192, + "cuisine": "indian", + "ingredients": [ + "warm water", + "flour", + "coriander powder", + "baking powder", + "garam masala", + "celtic salt", + "fresh spinach", + "potatoes", + "chili powder" + ] + }, + { + "id": 25469, + "cuisine": "italian", + "ingredients": [ + "sugar", + "cooking spray", + "garlic cloves", + "active dry yeast", + "salt", + "warm water", + "kalamata", + "fleur de sel", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 9163, + "cuisine": "southern_us", + "ingredients": [ + "light brown sugar", + "butter", + "blackberries", + "peaches", + "all-purpose flour", + "sugar", + "salt", + "cinnamon", + "oatmeal" + ] + }, + { + "id": 29922, + "cuisine": "indian", + "ingredients": [ + "coconut oil", + "whole wheat flour", + "green chilies", + "water", + "salt", + "chopped cilantro fresh", + "tumeric", + "baking potatoes", + "onions", + "amchur", + "all-purpose flour", + "ground cumin" + ] + }, + { + "id": 8327, + "cuisine": "italian", + "ingredients": [ + "lasagna noodles", + "ground beef", + "pasta sauce", + "2% milk shredded mozzarella cheese", + "water", + "Kraft Grated Parmesan Cheese", + "eggs", + "ricotta cheese", + "fresh parsley" + ] + }, + { + "id": 2089, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "garlic cloves", + "plum tomatoes", + "green bell pepper", + "jalapeno chilies", + "chopped cilantro fresh", + "sweet onion", + "green onions", + "italian salad dressing", + "Belgian endive", + "frozen whole kernel corn", + "sour cream" + ] + }, + { + "id": 48279, + "cuisine": "korean", + "ingredients": [ + "tortillas", + "kimchi", + "sesame seeds", + "butter", + "garlic powder", + "sirloin steak", + "cheddar cheese", + "green onions" + ] + }, + { + "id": 31273, + "cuisine": "italian", + "ingredients": [ + "large egg yolks", + "heavy cream", + "grappa", + "vanilla beans", + "granulated sugar", + "bread flour", + "mascarpone", + "confectioners sugar", + "blackberries", + "eggs", + "unsalted butter", + "cornmeal" + ] + }, + { + "id": 30234, + "cuisine": "moroccan", + "ingredients": [ + "tumeric", + "harissa paste", + "black olives", + "garlic cloves", + "ground cumin", + "chicken stock", + "black pepper", + "cinnamon", + "cilantro leaves", + "onions", + "boneless chicken thighs", + "vegetable oil", + "runny honey", + "smoked paprika", + "preserved lemon", + "zucchini", + "ginger", + "cayenne pepper", + "saffron" + ] + }, + { + "id": 25504, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "arugula", + "parmesan cheese", + "porterhouse steaks" + ] + }, + { + "id": 23910, + "cuisine": "chinese", + "ingredients": [ + "minced garlic", + "sesame oil", + "vegetables", + "oyster sauce", + "minced ginger", + "granulated white sugar", + "low sodium soy sauce", + "egg noodles" + ] + }, + { + "id": 40274, + "cuisine": "indian", + "ingredients": [ + "ground cinnamon", + "vanilla extract", + "ground cardamom", + "unsalted butter", + "all-purpose flour", + "powdered sugar", + "salt", + "toasted almonds", + "almond extract", + "ground allspice" + ] + }, + { + "id": 33320, + "cuisine": "french", + "ingredients": [ + "white wine", + "ground black pepper", + "salt", + "fresh rosemary", + "water", + "cooking spray", + "corn starch", + "fat free less sodium chicken broth", + "fresh thyme", + "garlic cloves", + "cremini mushrooms", + "olive oil", + "chopped fresh thyme", + "beef tenderloin steaks" + ] + }, + { + "id": 2992, + "cuisine": "italian", + "ingredients": [ + "lean ground beef", + "italian seasoning", + "pasta sauce", + "cream cheese", + "garlic", + "parmesan cheese", + "spaghetti" + ] + }, + { + "id": 1455, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "italian plum tomatoes", + "dried oregano", + "grated parmesan cheese", + "linguine", + "artichok heart marin", + "onions", + "olive oil", + "large garlic cloves" + ] + }, + { + "id": 33638, + "cuisine": "mexican", + "ingredients": [ + "chiles", + "wonton wrappers", + "sour cream", + "corn kernels", + "salt", + "black beans", + "purple onion", + "chopped cilantro", + "tomatoes", + "vegetable oil", + "hot sauce" + ] + }, + { + "id": 31780, + "cuisine": "southern_us", + "ingredients": [ + "water", + "butter", + "eggs", + "processed cheese", + "milk", + "salt", + "minced garlic", + "quickcooking grits" + ] + }, + { + "id": 49273, + "cuisine": "mexican", + "ingredients": [ + "guajillo chiles", + "sesame seeds", + "ancho chile pepper", + "pasilla chiles", + "water", + "salt", + "plum tomatoes", + "black pepper", + "fresh ginger", + "garlic cloves", + "canola oil", + "black peppercorns", + "white onion", + "sea salt", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 4218, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "raw sugar", + "coarse kosher salt", + "sugar", + "baking powder", + "cake flour", + "large eggs", + "star anise", + "grated lemon peel", + "baking soda", + "raisins", + "heavy whipping cream" + ] + }, + { + "id": 19686, + "cuisine": "brazilian", + "ingredients": [ + "minced garlic", + "olive oil", + "salt", + "tilapia fillets", + "bell pepper", + "coconut milk", + "lime juice", + "diced tomatoes", + "onions", + "pepper", + "fresh cilantro", + "paprika", + "ground cumin" + ] + }, + { + "id": 45878, + "cuisine": "jamaican", + "ingredients": [ + "bread", + "mayonaise", + "jerk seasoning", + "olive oil", + "snapper fillets", + "tomatoes", + "kosher salt", + "milk", + "green leaf lettuce", + "fish", + "sandwiches", + "sugar", + "water", + "flour", + "softened butter", + "coconut oil", + "pepper", + "active dry yeast", + "salt" + ] + }, + { + "id": 19079, + "cuisine": "russian", + "ingredients": [ + "squirt", + "lemon", + "all-purpose flour", + "ground cinnamon", + "large eggs", + "apples", + "unsalted butter", + "raisins", + "sugar", + "baking powder", + "salt" + ] + }, + { + "id": 23746, + "cuisine": "italian", + "ingredients": [ + "ground sausage", + "loaves", + "tomato sauce", + "mozzarella cheese" + ] + }, + { + "id": 7734, + "cuisine": "chinese", + "ingredients": [ + "lemon", + "chicken breasts", + "olive oil", + "onions", + "fresh thyme leaves" + ] + }, + { + "id": 38807, + "cuisine": "mexican", + "ingredients": [ + "salt", + "olive oil", + "chopped cilantro fresh", + "chile pepper", + "tomatoes", + "onions" + ] + }, + { + "id": 6707, + "cuisine": "southern_us", + "ingredients": [ + "mayonaise", + "cornflake cereal", + "sweet onion", + "cabbage", + "cream of celery soup", + "butter", + "milk", + "shredded sharp cheddar cheese" + ] + }, + { + "id": 18937, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "orange bell pepper", + "rice vinegar", + "steak", + "brown rice noodles", + "fresh ginger", + "green onions", + "oil", + "fresh cilantro", + "mushrooms", + "Gochujang base", + "toasted sesame oil", + "brown sugar", + "sesame seeds", + "garlic", + "carrots" + ] + }, + { + "id": 21170, + "cuisine": "indian", + "ingredients": [ + "soy sauce", + "salt", + "garlic paste", + "chili powder", + "garam masala", + "oil", + "tomato sauce", + "paneer" + ] + }, + { + "id": 24411, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "grated nutmeg", + "olive oil flavored cooking spray", + "phyllo dough", + "button mushrooms", + "flat leaf parsley", + "dried porcini mushrooms", + "salt", + "onions", + "ground black pepper", + "cream cheese", + "dried oregano" + ] + }, + { + "id": 147, + "cuisine": "indian", + "ingredients": [ + "vegetable oil", + "serrano chile", + "white poppy seeds", + "hot water", + "zucchini", + "nigella seeds", + "salt" + ] + }, + { + "id": 8809, + "cuisine": "southern_us", + "ingredients": [ + "mint", + "bitters", + "water", + "Makers Mark Whisky", + "sugar cubes", + "mint leaves" + ] + }, + { + "id": 5524, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "knorr pasta side cheesi cheddar", + "black beans", + "yellow onion", + "chip plain tortilla", + "ground beef", + "tomatoes", + "chili powder" + ] + }, + { + "id": 18803, + "cuisine": "korean", + "ingredients": [ + "yellow squash", + "daikon", + "medium firm tofu", + "green onions", + "garlic", + "beef stock", + "red pepper", + "dashi kombu", + "napa cabbage", + "soybean paste" + ] + }, + { + "id": 32864, + "cuisine": "french", + "ingredients": [ + "vanilla beans", + "large eggs", + "all-purpose flour", + "vanilla ice cream", + "large egg yolks", + "star anise", + "cinnamon sticks", + "sugar", + "unsalted butter", + "salt", + "clove", + "vegetable oil spray", + "golden delicious apples", + "fresh lemon juice" + ] + }, + { + "id": 44935, + "cuisine": "mexican", + "ingredients": [ + "roma tomatoes", + "lime juice", + "serrano chile", + "avocado", + "scallions", + "kosher salt", + "chopped cilantro" + ] + }, + { + "id": 39335, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "heavy cream", + "fresh mushrooms", + "pepper", + "vegetable stock", + "salt", + "fresh parsley", + "whole milk", + "garlic", + "celery", + "olive oil", + "butter", + "rice", + "onions" + ] + }, + { + "id": 16229, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "english cucumber", + "bonito flakes", + "sherry vinegar", + "toasted nori", + "dark soy sauce", + "coarse salt" + ] + }, + { + "id": 4913, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "ground pork", + "shrimp", + "soy sauce", + "sesame oil", + "oyster sauce", + "large eggs", + "scallions", + "beansprouts", + "sugar", + "Shaoxing wine", + "oil" + ] + }, + { + "id": 5258, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "baby spinach", + "white mushrooms", + "flour tortillas", + "salsa", + "pepper", + "butter", + "fontina", + "sherry", + "goat cheese" + ] + }, + { + "id": 23691, + "cuisine": "southern_us", + "ingredients": [ + "apple cider vinegar", + "yellow onion", + "water", + "salt", + "collards", + "black pepper", + "garlic", + "dark brown sugar", + "smoked bacon", + "hot sauce" + ] + }, + { + "id": 18683, + "cuisine": "chinese", + "ingredients": [ + "ketchup", + "garlic cloves", + "sugar", + "peeled fresh ginger", + "pork baby back ribs", + "medium dry sherry", + "soy sauce", + "salt" + ] + }, + { + "id": 13735, + "cuisine": "british", + "ingredients": [ + "pepper", + "lean ground beef", + "pork and beans", + "dried thyme", + "salt", + "cream of mushroom soup", + "corn", + "cheese", + "sour cream", + "mashed potatoes", + "parmesan cheese", + "chopped onion" + ] + }, + { + "id": 12914, + "cuisine": "italian", + "ingredients": [ + "eggs", + "pepper", + "cream cheese", + "wine", + "salt", + "fresh parsley", + "nutmeg", + "mozzarella cheese", + "ricotta", + "pasta sauce", + "parmesan cheese", + "manicotti" + ] + }, + { + "id": 2903, + "cuisine": "chinese", + "ingredients": [ + "large eggs", + "oil", + "long grain white rice", + "white pepper", + "sesame oil", + "diced ham", + "table salt", + "green onions", + "garlic cloves", + "light soy sauce", + "Maggi", + "frozen peas" + ] + }, + { + "id": 37420, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "garlic", + "italian seasoning", + "red pepper flakes", + "salt", + "ground black pepper", + "white wine vinegar", + "extra-virgin olive oil", + "fresh parsley" + ] + }, + { + "id": 40874, + "cuisine": "chinese", + "ingredients": [ + "lettuce", + "fresh coriander", + "large garlic cloves", + "chicken", + "sugar", + "hoisin sauce", + "sunflower oil", + "chicken stock", + "light soy sauce", + "dry sherry", + "water chestnuts, drained and chopped", + "spring onions", + "cornflour" + ] + }, + { + "id": 44311, + "cuisine": "southern_us", + "ingredients": [ + "chicken stock", + "large eggs", + "heavy cream", + "garlic cloves", + "sharp white cheddar cheese", + "vegetable oil", + "beer", + "large shrimp", + "tasso", + "unsalted butter", + "butter", + "freshly ground pepper", + "kosher salt", + "jalapeno chilies", + "fresh tarragon", + "grits" + ] + }, + { + "id": 6795, + "cuisine": "italian", + "ingredients": [ + "fresh basil", + "water", + "part-skim ricotta cheese", + "pasta sauce", + "grated parmesan cheese", + "sausage casings", + "lasagna noodles", + "mozzarella cheese", + "lean ground beef" + ] + }, + { + "id": 30305, + "cuisine": "indian", + "ingredients": [ + "seasoning", + "coriander powder", + "onions", + "curry powder", + "salt", + "canola oil", + "garam masala", + "chickpeas", + "water", + "beef bouillon", + "cumin" + ] + }, + { + "id": 8234, + "cuisine": "vietnamese", + "ingredients": [ + "peeled fresh ginger", + "chicken stock", + "garlic cloves", + "jasmine rice", + "chopped cilantro fresh", + "vegetable oil" + ] + }, + { + "id": 36647, + "cuisine": "italian", + "ingredients": [ + "ground fennel", + "fresh oregano leaves", + "grated parmesan cheese", + "garlic", + "onions", + "polenta", + "green bell pepper", + "dried basil", + "crushed red pepper flakes", + "all-purpose flour", + "fresh basil leaves", + "pasta", + "tomato sauce", + "olive oil", + "button mushrooms", + "red bell pepper", + "plum tomatoes", + "chicken broth", + "black pepper", + "bacon", + "salt", + "bone in skin on chicken thigh", + "dried oregano" + ] + }, + { + "id": 30270, + "cuisine": "japanese", + "ingredients": [ + "rice vinegar", + "salt", + "lemon", + "white sugar" + ] + }, + { + "id": 12448, + "cuisine": "indian", + "ingredients": [ + "oil", + "whole wheat flour", + "mango", + "milk", + "ghee", + "salt", + "ground cumin" + ] + }, + { + "id": 13230, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "hot water", + "Shaoxing wine", + "dried shiitake mushrooms", + "white pepper", + "garlic", + "gai lan", + "chicken breasts", + "corn starch" + ] + }, + { + "id": 44055, + "cuisine": "indian", + "ingredients": [ + "orange slices", + "cumin seed", + "onions", + "fresh ginger", + "vegetable oil", + "garlic cloves", + "chicken", + "coriander seeds", + "coarse salt", + "mustard seeds", + "water", + "whole peeled tomatoes", + "scallions", + "serrano chile" + ] + }, + { + "id": 42550, + "cuisine": "vietnamese", + "ingredients": [ + "honey", + "red bell pepper", + "whole grain baguette", + "fresh ginger", + "radish sprouts", + "tofu", + "peanut butter", + "onions", + "olive oil", + "toasted sesame oil" + ] + }, + { + "id": 47104, + "cuisine": "indian", + "ingredients": [ + "water", + "jalapeno chilies", + "cilantro", + "greek yogurt", + "boneless chicken skinless thigh", + "garam masala", + "diced tomatoes", + "juice", + "kosher salt", + "unsalted butter", + "paprika", + "corn starch", + "fresh ginger root", + "heavy cream", + "cumin seed", + "ground cumin" + ] + }, + { + "id": 28139, + "cuisine": "irish", + "ingredients": [ + "shredded cheddar cheese", + "ranch dressing", + "mashed potatoes", + "ground black pepper", + "salt", + "milk", + "vegetable oil", + "eggs", + "potatoes", + "all-purpose flour" + ] + }, + { + "id": 18542, + "cuisine": "british", + "ingredients": [ + "unsalted butter", + "white rice flour", + "all-purpose flour", + "white sugar" + ] + }, + { + "id": 6071, + "cuisine": "italian", + "ingredients": [ + "lemon", + "anchovy fillets", + "garlic", + "extra-virgin olive oil", + "escarole", + "ground black pepper", + "salt" + ] + }, + { + "id": 13804, + "cuisine": "spanish", + "ingredients": [ + "chickpea flour", + "salt", + "potatoes", + "onions", + "water", + "black salt", + "extra-virgin olive oil" + ] + }, + { + "id": 22480, + "cuisine": "italian", + "ingredients": [ + "water", + "dry white wine", + "fresh parsley", + "butter-margarine blend", + "fresh parmesan cheese", + "salt", + "arborio rice", + "olive oil", + "yellow bell pepper", + "black pepper", + "minced onion", + "low salt chicken broth" + ] + }, + { + "id": 4055, + "cuisine": "southern_us", + "ingredients": [ + "olive oil", + "crushed red pepper", + "grated orange", + "honey", + "cooking spray", + "salt", + "yellow squash", + "fresh orange juice", + "fresh lime juice", + "fresh basil", + "zucchini", + "purple onion" + ] + }, + { + "id": 34836, + "cuisine": "indian", + "ingredients": [ + "light brown sugar", + "whole allspice", + "fresh ginger", + "dry white wine", + "black cardamom pods", + "celery root", + "black peppercorns", + "kosher salt", + "bay leaves", + "garlic", + "onions", + "clove", + "lamb stock", + "coriander seeds", + "corn oil", + "tamarind paste", + "fresh rosemary", + "lamb shanks", + "fresh thyme", + "dried Thai chili", + "cumin seed" + ] + }, + { + "id": 43537, + "cuisine": "mexican", + "ingredients": [ + "diced tomatoes", + "white corn", + "cream cheese", + "butter" + ] + }, + { + "id": 21173, + "cuisine": "southern_us", + "ingredients": [ + "green cabbage", + "freshly ground pepper", + "unsalted butter", + "country ham", + "yellow onion" + ] + }, + { + "id": 2572, + "cuisine": "russian", + "ingredients": [ + "eggs", + "baking powder", + "milk", + "butter", + "ground cinnamon", + "flour", + "sugar", + "vegetable oil" + ] + }, + { + "id": 19116, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "freshly ground pepper", + "red wine vinegar", + "grated lemon zest", + "flat leaf parsley", + "capers", + "salt", + "small red potato", + "sea salt", + "ground coriander" + ] + }, + { + "id": 3494, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "baby spinach", + "ground black pepper", + "salt", + "ground nutmeg", + "crushed red pepper", + "pinenuts", + "golden raisins", + "garlic cloves" + ] + }, + { + "id": 28385, + "cuisine": "cajun_creole", + "ingredients": [ + "black pepper", + "chili powder", + "garlic", + "salt", + "onions", + "chicken broth", + "flour", + "butter", + "chopped celery", + "thyme", + "frozen okra", + "vegetable oil", + "smoked sausage", + "creole seasoning", + "green bell pepper", + "cooked chicken", + "diced tomatoes", + "crushed red pepper", + "red bell pepper" + ] + }, + { + "id": 24690, + "cuisine": "italian", + "ingredients": [ + "pasta", + "garlic", + "grated parmesan cheese", + "broccoli", + "olive oil", + "salt", + "crushed red pepper flakes" + ] + }, + { + "id": 28716, + "cuisine": "italian", + "ingredients": [ + "pancetta", + "lemon zest", + "garlic cloves", + "reduced sodium chicken broth", + "peas", + "arborio rice", + "grated parmesan cheese", + "onions", + "unsalted butter", + "extra-virgin olive oil" + ] + }, + { + "id": 2587, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "vanilla extract", + "lemon juice", + "eggs", + "butter", + "salt", + "ground cinnamon", + "milk", + "beaten eggs", + "shortening", + "buttermilk", + "all-purpose flour" + ] + }, + { + "id": 1080, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "shredded lettuce", + "tomatoes", + "flour tortillas", + "salt", + "avocado", + "cooking oil", + "cilantro", + "lime", + "queso fresco", + "skirt steak" + ] + }, + { + "id": 23660, + "cuisine": "greek", + "ingredients": [ + "tomatoes", + "linguine", + "sliced black olives", + "feta cheese crumbles", + "olive oil", + "garlic", + "mushrooms", + "dried oregano" + ] + }, + { + "id": 43365, + "cuisine": "southern_us", + "ingredients": [ + "tea bags", + "dark rum", + "frozen lemonade concentrate", + "fresh mint", + "sugar", + "citrus slices", + "cold water", + "water" + ] + }, + { + "id": 29901, + "cuisine": "mexican", + "ingredients": [ + "water", + "butter", + "onions", + "chicken bouillon", + "basil leaves", + "long-grain rice", + "black pepper", + "chicken breasts", + "red bell pepper", + "tomato sauce", + "garlic powder", + "salt", + "ground cumin" + ] + }, + { + "id": 4486, + "cuisine": "russian", + "ingredients": [ + "granulated sugar", + "all-purpose flour", + "brandy", + "whole milk", + "confectioners sugar", + "large eggs", + "apricot jam", + "unsalted butter", + "salt" + ] + }, + { + "id": 41888, + "cuisine": "korean", + "ingredients": [ + "sugar", + "asian pear", + "garlic", + "soy sauce", + "sesame oil", + "onions", + "Fuji Apple", + "green onions", + "beef rib short", + "sesame seeds", + "ginger" + ] + }, + { + "id": 25072, + "cuisine": "greek", + "ingredients": [ + "chicken breasts", + "feta cheese crumbles", + "purple onion", + "red bell pepper", + "fresh dill", + "fresh lemon juice", + "hummus", + "kalamata", + "greek yogurt" + ] + }, + { + "id": 11305, + "cuisine": "chinese", + "ingredients": [ + "water chestnuts", + "oyster sauce", + "onions", + "soy sauce", + "garlic cloves", + "ground beef", + "ground ginger", + "vermicelli", + "beansprouts", + "broccoli florets", + "sliced mushrooms" + ] + }, + { + "id": 14356, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "white sugar", + "eggs", + "all-purpose flour", + "ground cinnamon", + "salt", + "water", + "margarine" + ] + }, + { + "id": 9317, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "green onions", + "large garlic cloves", + "all-purpose flour", + "andouille sausage", + "bay leaves", + "butter", + "salt", + "low salt chicken broth", + "yellow corn meal", + "whole milk", + "chopped fresh thyme", + "extra-virgin olive oil", + "ground allspice", + "turnips", + "hot pepper sauce", + "baking powder", + "diced tomatoes", + "chopped onion" + ] + }, + { + "id": 12680, + "cuisine": "french", + "ingredients": [ + "egg yolks", + "sugar", + "vanilla extract", + "bourbon whiskey", + "reduced fat milk" + ] + }, + { + "id": 6305, + "cuisine": "thai", + "ingredients": [ + "cooked rice", + "low salt chicken broth", + "snow peas", + "unsweetened coconut milk", + "fresh ginger", + "boneless skinless chicken breast halves", + "olive oil", + "thai green curry paste", + "sliced green onions", + "fresh basil", + "chopped onion", + "chopped cilantro fresh" + ] + }, + { + "id": 17801, + "cuisine": "spanish", + "ingredients": [ + "sliced almonds", + "all-purpose flour", + "shucked oysters", + "extra-virgin olive oil", + "lemon juice", + "mayonaise", + "salt", + "minced garlic", + "spanish paprika" + ] + }, + { + "id": 35637, + "cuisine": "italian", + "ingredients": [ + "parmigiano-reggiano cheese", + "large eggs", + "salt", + "country white bread", + "ground black pepper", + "1% low-fat milk", + "herbes de provence", + "artichoke hearts", + "shallots", + "garlic cloves", + "olive oil", + "cooking spray", + "goat cheese" + ] + }, + { + "id": 37826, + "cuisine": "french", + "ingredients": [ + "clove", + "bread crumb fresh", + "duck fat", + "sea salt", + "thyme", + "pork sausages", + "tomato paste", + "ground nutmeg", + "confit", + "garlic", + "flat leaf parsley", + "plum tomatoes", + "pork belly", + "fresh bay leaves", + "coarse sea salt", + "white beans", + "onions", + "black peppercorns", + "ground black pepper", + "dry white wine", + "lamb shoulder", + "duck drumsticks" + ] + }, + { + "id": 30778, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "ground chipotle chile pepper", + "red cabbage", + "ancho powder", + "smoked paprika", + "tomatoes", + "lime", + "Mexican oregano", + "ground coriander", + "ground cumin", + "green cabbage", + "black pepper", + "jalapeno chilies", + "cilantro", + "corn tortillas", + "granulated garlic", + "olive oil", + "sea salt", + "shrimp" + ] + }, + { + "id": 32725, + "cuisine": "korean", + "ingredients": [ + "lower sodium soy sauce", + "scallions", + "water", + "beef tenderloin", + "pepper", + "splenda", + "garlic cloves", + "steamer", + "rice vinegar" + ] + }, + { + "id": 28659, + "cuisine": "southern_us", + "ingredients": [ + "boneless skinless chicken breasts", + "catalina dressing", + "onions", + "flour" + ] + }, + { + "id": 30254, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "flour tortillas", + "chipotle chile powder", + "light sour cream", + "kidney beans", + "salsa", + "canola oil", + "water", + "salt", + "plum tomatoes", + "romaine lettuce", + "Mexican cheese blend", + "garlic cloves", + "sliced green onions" + ] + }, + { + "id": 21456, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "cilantro", + "juice", + "kosher salt", + "grapeseed oil", + "tilapia", + "tomatillos", + "purple onion", + "jalapeno chilies", + "old bay seasoning", + "garlic cloves" + ] + }, + { + "id": 7317, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "garlic powder", + "bell pepper", + "sesame oil", + "creole seasoning", + "black pepper", + "Sriracha", + "green onions", + "rice vinegar", + "corn starch", + "ketchup", + "boneless chicken breast", + "flour", + "purple onion", + "orange juice", + "cooked rice", + "olive oil", + "cooking oil", + "onion powder", + "pineapple juice" + ] + }, + { + "id": 1816, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "salt", + "large shrimp", + "chicken broth", + "extra-virgin olive oil", + "flat leaf parsley", + "crushed tomatoes", + "okra", + "andouille sausage", + "garlic", + "onions" + ] + }, + { + "id": 48657, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "sesame oil", + "corn starch", + "mein", + "garlic cloves", + "chicken", + "reduced sodium soy sauce", + "rice vinegar", + "snow peas", + "ground ginger", + "chives", + "carrots" + ] + }, + { + "id": 10981, + "cuisine": "italian", + "ingredients": [ + "pesto", + "ground black pepper", + "salt", + "rocket leaves", + "white wine", + "cannellini beans", + "crumbled goat cheese", + "andouille chicken sausage", + "penne pasta", + "grape tomatoes", + "olive oil", + "garlic" + ] + }, + { + "id": 26279, + "cuisine": "chinese", + "ingredients": [ + "boneless chicken thighs", + "broccoli florets", + "rice vinegar", + "peanuts", + "red pepper flakes", + "soy sauce", + "hoisin sauce", + "ginger", + "water", + "green onions", + "oil" + ] + }, + { + "id": 48557, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "salt", + "eggs", + "ice water", + "corn syrup", + "butter", + "all-purpose flour", + "pecan halves", + "vanilla" + ] + }, + { + "id": 29302, + "cuisine": "mexican", + "ingredients": [ + "yukon gold potatoes", + "salsa", + "ground black pepper", + "queso fresco", + "mexican chorizo", + "vegetable oil", + "yellow onion", + "large eggs", + "salt", + "corn tortillas" + ] + }, + { + "id": 41239, + "cuisine": "cajun_creole", + "ingredients": [ + "Alfredo sauce", + "shrimp", + "tilapia fillets" + ] + }, + { + "id": 44973, + "cuisine": "brazilian", + "ingredients": [ + "egg whites", + "all-purpose flour", + "sweetened condensed milk", + "baking powder", + "coconut milk", + "egg yolks", + "orange juice", + "milk", + "flaked coconut", + "white sugar" + ] + }, + { + "id": 22463, + "cuisine": "indian", + "ingredients": [ + "water", + "whole wheat flour", + "olive oil", + "salt" + ] + }, + { + "id": 143, + "cuisine": "moroccan", + "ingredients": [ + "chicken stock", + "fresh coriander", + "parsley", + "lamb", + "coriander", + "chili flakes", + "olive oil", + "garlic", + "couscous", + "ground cumin", + "dukkah", + "peeled tomatoes", + "cinnamon", + "garlic cloves", + "cumin", + "pepper", + "beef", + "salt", + "onions" + ] + }, + { + "id": 45066, + "cuisine": "italian", + "ingredients": [ + "sliced almonds", + "large eggs", + "all-purpose flour", + "ground cloves", + "granulated sugar", + "vegetable oil", + "water", + "cooking spray", + "dark brown sugar", + "ground cinnamon", + "large egg whites", + "baking powder" + ] + }, + { + "id": 2458, + "cuisine": "irish", + "ingredients": [ + "parsnips", + "maple syrup", + "ground nutmeg", + "lemon juice", + "white pepper", + "orange juice", + "ground ginger", + "salt", + "carrots" + ] + }, + { + "id": 17936, + "cuisine": "chinese", + "ingredients": [ + "minced ginger", + "sesame oil", + "salt", + "pork", + "Shaoxing wine", + "cilantro", + "dried shrimp", + "baby bok choy", + "light soy sauce", + "wonton wrappers", + "seaweed", + "chicken bouillon", + "green onions", + "peeled shrimp" + ] + }, + { + "id": 12851, + "cuisine": "french", + "ingredients": [ + "water", + "large eggs", + "all-purpose flour", + "unsalted butter", + "bacon slices", + "corn", + "chives", + "extra sharp cheddar cheese", + "parmigiano reggiano cheese", + "salt" + ] + }, + { + "id": 18646, + "cuisine": "italian", + "ingredients": [ + "fresh parmesan cheese", + "fettucine", + "butter", + "half & half", + "black pepper", + "salt" + ] + }, + { + "id": 32094, + "cuisine": "indian", + "ingredients": [ + "water", + "cumin seed", + "tumeric", + "jalapeno chilies", + "onions", + "kosher salt", + "ground coriander", + "toor dal", + "coconut oil", + "fresh ginger", + "garlic cloves" + ] + }, + { + "id": 5149, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "vegetable oil", + "diced onions", + "turnip greens", + "sugar", + "chopped cooked ham", + "pepper" + ] + }, + { + "id": 23791, + "cuisine": "italian", + "ingredients": [ + "pita bread", + "sun-dried tomatoes", + "basil pesto sauce", + "goat cheese" + ] + }, + { + "id": 2551, + "cuisine": "brazilian", + "ingredients": [ + "lime wedges", + "sugar", + "cachaca", + "tangerine" + ] + }, + { + "id": 35419, + "cuisine": "french", + "ingredients": [ + "sugar", + "large eggs", + "instant espresso", + "water", + "salt", + "cream", + "cooking spray", + "evaporated skim milk", + "large egg whites", + "chocolate covered coffee beans" + ] + }, + { + "id": 18934, + "cuisine": "italian", + "ingredients": [ + "water", + "lime wedges", + "sugar", + "fresh lime juice", + "watermelon" + ] + }, + { + "id": 49193, + "cuisine": "cajun_creole", + "ingredients": [ + "tomato sauce", + "dried basil", + "pimentos", + "salt", + "water", + "finely chopped onion", + "sliced carrots", + "garlic cloves", + "sugar", + "olive oil", + "chicken breasts", + "hot sauce", + "reduced sodium ham", + "peeled tomatoes", + "dry white wine", + "green peas", + "dried oregano" + ] + }, + { + "id": 17535, + "cuisine": "southern_us", + "ingredients": [ + "granny smith apples", + "mint sprigs", + "sugar", + "cranberries", + "dry white wine" + ] + }, + { + "id": 12659, + "cuisine": "thai", + "ingredients": [ + "kaffir lime leaves", + "lemongrass", + "coconut milk", + "fish sauce", + "shallots", + "curry paste", + "sugar", + "vegetable oil", + "onions", + "fresh coriander", + "skinless chicken breasts" + ] + }, + { + "id": 23657, + "cuisine": "italian", + "ingredients": [ + "salt", + "pesto", + "green beans", + "cavatappi", + "waxy potatoes", + "pepper" + ] + }, + { + "id": 41860, + "cuisine": "french", + "ingredients": [ + "warm water", + "salt", + "cold water", + "egg yolks", + "white sugar", + "active dry yeast", + "all-purpose flour", + "eggs", + "butter" + ] + }, + { + "id": 44723, + "cuisine": "chinese", + "ingredients": [ + "boneless skinless chicken breasts", + "garlic", + "toasted sesame seeds", + "soy sauce", + "lemon", + "rice vinegar", + "broccoli stems", + "crushed red pepper", + "canola oil", + "honey", + "florets", + "corn starch" + ] + }, + { + "id": 32923, + "cuisine": "mexican", + "ingredients": [ + "corn tortillas", + "achiote", + "guacamole", + "chicken", + "salsa" + ] + }, + { + "id": 24594, + "cuisine": "filipino", + "ingredients": [ + "chicken legs", + "garlic", + "cabbage", + "olive oil", + "chickpeas", + "plantains", + "water", + "salt", + "chorizo sausage", + "tomatoes", + "potatoes", + "onions" + ] + }, + { + "id": 27521, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "lean ground beef", + "onions", + "chili powder", + "garlic", + "salsa verde", + "cilantro", + "sugar", + "lime wedges", + "corn tortillas" + ] + }, + { + "id": 3314, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "milk", + "butter", + "grated parmesan cheese", + "garlic powder", + "cream cheese" + ] + }, + { + "id": 29959, + "cuisine": "cajun_creole", + "ingredients": [ + "milk", + "lemon", + "creole seasoning", + "kosher salt", + "large eggs", + "lemon slices", + "thyme sprigs", + "pepper", + "butter", + "all-purpose flour", + "pecan halves", + "fresh thyme", + "worcestershire sauce", + "catfish" + ] + }, + { + "id": 39854, + "cuisine": "southern_us", + "ingredients": [ + "flavored syrup", + "light rum", + "rum", + "lime juice", + "ice", + "lemon-lime soda" + ] + }, + { + "id": 6883, + "cuisine": "mexican", + "ingredients": [ + "cotija", + "beef", + "meat", + "garlic cloves", + "water", + "bay leaves", + "salt", + "onions", + "cream", + "potatoes", + "vegetable oil", + "corn tortillas", + "tortillas", + "flank steak", + "meat bones", + "chicken" + ] + }, + { + "id": 4351, + "cuisine": "mexican", + "ingredients": [ + "Herdez Salsa Verde", + "Mexican oregano", + "ground cumin", + "green chile", + "pork tenderloin", + "bay leaf", + "chicken broth", + "hominy", + "garlic", + "pasilla chiles", + "chicken breasts", + "onions" + ] + }, + { + "id": 45383, + "cuisine": "indian", + "ingredients": [ + "minced garlic", + "salt", + "chicken", + "ground ginger", + "garam masala", + "ground cardamom", + "olive oil", + "fat", + "black pepper", + "lemon", + "cumin" + ] + }, + { + "id": 46911, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "turkey", + "flat leaf parsley", + "salt and ground black pepper", + "lemon", + "Italian bread", + "onions", + "olive oil", + "large eggs", + "fresh mushrooms", + "ground beef", + "water", + "parmesan cheese", + "garlic", + "celery" + ] + }, + { + "id": 15906, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "unsalted butter", + "sweet potatoes", + "spiced rum", + "molasses", + "self rising flour", + "yolk", + "brown sugar", + "granulated sugar", + "whole milk", + "salt", + "ground nutmeg", + "large eggs", + "cinnamon" + ] + }, + { + "id": 37548, + "cuisine": "french", + "ingredients": [ + "honey", + "mint sprigs", + "whole wheat peasant bread", + "ricotta cheese", + "ground black pepper", + "fresh raspberries" + ] + }, + { + "id": 41205, + "cuisine": "greek", + "ingredients": [ + "greek yogurt", + "medjool date", + "sliced fresh fruit" + ] + }, + { + "id": 35248, + "cuisine": "japanese", + "ingredients": [ + "ginger", + "toasted sesame oil", + "mirin", + "carrots", + "miso paste", + "rice vinegar", + "toasted sesame seeds", + "agave nectar", + "ground white pepper" + ] + }, + { + "id": 28403, + "cuisine": "chinese", + "ingredients": [ + "water", + "lean ground beef", + "Sriracha", + "chopped cilantro", + "lime", + "flavored oil", + "fish sauce", + "green onions", + "iceberg lettuce" + ] + }, + { + "id": 40794, + "cuisine": "mexican", + "ingredients": [ + "lime", + "garlic", + "cumin", + "avocado", + "agave nectar", + "salsa", + "olive oil", + "salt", + "black beans", + "cilantro stems", + "corn tortillas" + ] + }, + { + "id": 18526, + "cuisine": "indian", + "ingredients": [ + "low-fat plain yogurt", + "cumin seed", + "fresh ginger", + "serrano chile", + "kosher salt", + "chopped cilantro fresh", + "rice", + "canola oil" + ] + }, + { + "id": 22750, + "cuisine": "cajun_creole", + "ingredients": [ + "bread", + "green onions", + "cayenne pepper", + "white onion", + "garlic", + "cooked white rice", + "black pepper", + "vegetable oil", + "chopped parsley", + "boneless pork shoulder", + "chopped green bell pepper", + "salt" + ] + }, + { + "id": 3542, + "cuisine": "italian", + "ingredients": [ + "eggs", + "bay leaves", + "fresh oregano", + "fresh parsley", + "diced onions", + "water", + "red pepper", + "hamburger", + "fresh basil", + "ricotta cheese", + "sauce", + "prepared lasagne", + "tomato paste", + "parmesan cheese", + "garlic", + "shredded mozzarella cheese" + ] + }, + { + "id": 34324, + "cuisine": "italian", + "ingredients": [ + "nonfat dry milk", + "bread flour", + "sponge", + "salt", + "warm water", + "cornmeal", + "dry yeast" + ] + }, + { + "id": 32717, + "cuisine": "moroccan", + "ingredients": [ + "ground ginger", + "ground black pepper", + "lamb shoulder", + "ground coriander", + "cinnamon sticks", + "kosher salt", + "pitted green olives", + "cayenne pepper", + "fresh lemon juice", + "onions", + "saffron threads", + "water", + "extra-virgin olive oil", + "sweet paprika", + "carrots", + "ground cumin", + "ground cloves", + "lemon zest", + "cilantro leaves", + "garlic cloves", + "flat leaf parsley" + ] + }, + { + "id": 9179, + "cuisine": "southern_us", + "ingredients": [ + "chicken broth", + "baking powder", + "butter", + "dumplings", + "chicken", + "milk", + "mixed vegetables", + "salt", + "bay leaf", + "black pepper", + "chicken breasts", + "garlic", + "celery", + "flour", + "parsley", + "poultry seasoning", + "onions" + ] + }, + { + "id": 30187, + "cuisine": "brazilian", + "ingredients": [ + "pepper", + "green onions", + "green beans", + "olive oil", + "salt", + "olives", + "hearts of palm", + "peas", + "chopped parsley", + "mayonaise", + "potatoes", + "carrots" + ] + }, + { + "id": 29423, + "cuisine": "chinese", + "ingredients": [ + "flour", + "salt", + "soy sauce", + "vegetable oil", + "ground white pepper", + "chicken stock", + "sesame oil", + "scallions", + "minced garlic", + "vegetable shortening", + "chile sauce" + ] + }, + { + "id": 674, + "cuisine": "italian", + "ingredients": [ + "fennel seeds", + "crushed red pepper", + "large garlic cloves", + "dried oregano", + "organic tomato", + "boneless rib eye steaks", + "extra-virgin olive oil" + ] + }, + { + "id": 36784, + "cuisine": "italian", + "ingredients": [ + "slivered almonds", + "vermicelli", + "all-purpose flour", + "milk", + "cooked chicken", + "pepper", + "dry white wine", + "sliced mushrooms", + "chicken bouillon granules", + "grated parmesan cheese", + "butter" + ] + }, + { + "id": 30855, + "cuisine": "chinese", + "ingredients": [ + "boneless chicken skinless thigh", + "green onions", + "salt", + "dark soy sauce", + "fresh ginger root", + "dry sherry", + "dried red chile peppers", + "black peppercorns", + "honey", + "vegetable oil", + "bean sauce", + "minced garlic", + "sesame oil", + "rice vinegar" + ] + }, + { + "id": 6420, + "cuisine": "vietnamese", + "ingredients": [ + "lemongrass", + "chopped garlic", + "ground black pepper", + "coriander seeds", + "canola oil", + "kosher salt", + "boneless pork loin" + ] + }, + { + "id": 3878, + "cuisine": "russian", + "ingredients": [ + "bread crumb fresh", + "vegetable oil", + "sour cream", + "unsalted butter", + "all-purpose flour", + "water", + "salt", + "flat leaf parsley", + "large eggs", + "farmer cheese" + ] + }, + { + "id": 43380, + "cuisine": "cajun_creole", + "ingredients": [ + "cajun seasoning", + "salt", + "grated parmesan cheese", + "worcestershire sauce", + "cornflakes", + "mayonaise", + "lemon", + "catfish", + "cooking spray", + "paprika", + "fresh parsley" + ] + }, + { + "id": 17864, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "red bell pepper", + "minced ginger", + "scallions", + "minced garlic", + "wonton wrappers", + "fish sauce", + "hot chili", + "shrimp" + ] + }, + { + "id": 14842, + "cuisine": "cajun_creole", + "ingredients": [ + "brandy", + "fresh thyme", + "cayenne pepper", + "flat leaf parsley", + "celery ribs", + "ground black pepper", + "bay leaves", + "carrots", + "long grain white rice", + "kosher salt", + "chopped fresh chives", + "fresh lemon juice", + "onions", + "tomato paste", + "unsalted butter", + "shells", + "heavy whipping cream" + ] + }, + { + "id": 5662, + "cuisine": "irish", + "ingredients": [ + "fat free less sodium chicken broth", + "baking potatoes", + "savoy cabbage", + "ground black pepper", + "salt", + "diced onions", + "fresh thyme leaves", + "water", + "butter" + ] + }, + { + "id": 35577, + "cuisine": "japanese", + "ingredients": [ + "green onions", + "soy sauce", + "vegetable oil", + "rice wine", + "granulated sugar", + "chicken thighs" + ] + }, + { + "id": 21387, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "salt", + "italian salad dressing", + "paprika", + "chees mozzarella stick", + "cooking spray", + "dry bread crumbs", + "green bell pepper", + "crushed red pepper", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 2831, + "cuisine": "vietnamese", + "ingredients": [ + "self rising flour", + "all-purpose flour", + "milk", + "egg yolks", + "sausages", + "sugar", + "large eggs", + "orange juice", + "unsalted butter", + "cilantro", + "orange zest" + ] + }, + { + "id": 13003, + "cuisine": "mexican", + "ingredients": [ + "tortilla chips", + "shredded cheddar cheese", + "shredded Monterey Jack cheese", + "Old El Paso Enchilada Sauce", + "cooked chicken breasts", + "Old El Paso™ chopped green chiles" + ] + }, + { + "id": 41615, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "minced onion", + "paprika", + "fresh lemon juice", + "water", + "harissa", + "ground coriander", + "chicken", + "olive oil", + "butter", + "garlic cloves", + "ground cumin", + "caraway seeds", + "peeled fresh ginger", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 3104, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "lime", + "red wine vinegar", + "sweet corn", + "olives", + "butter lettuce", + "boneless skinless chicken breasts", + "purple onion", + "garlic cloves", + "ground cumin", + "grape tomatoes", + "olive oil", + "whole wheat tortillas", + "tortilla chips", + "monterey jack", + "pepper", + "chili powder", + "salt", + "smoked paprika" + ] + }, + { + "id": 9589, + "cuisine": "spanish", + "ingredients": [ + "honey", + "orange", + "brandy", + "grated orange peel" + ] + }, + { + "id": 30879, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "granulated sugar", + "salt", + "peaches", + "heavy cream", + "baking powder", + "all-purpose flour" + ] + }, + { + "id": 29793, + "cuisine": "french", + "ingredients": [ + "chicken breast halves", + "low salt chicken broth", + "butter", + "shallots", + "tarragon vinegar", + "fresh tarragon" + ] + }, + { + "id": 36486, + "cuisine": "southern_us", + "ingredients": [ + "black-eyed peas", + "cayenne pepper", + "minced garlic", + "grated parmesan cheese", + "dried oregano", + "tomato sauce", + "finely chopped onion", + "low salt chicken broth", + "olive oil", + "red wine vinegar" + ] + }, + { + "id": 40624, + "cuisine": "southern_us", + "ingredients": [ + "flour", + "grated nutmeg", + "sugar", + "fine salt", + "light brown sugar", + "egg yolks", + "unsalted butter", + "buttermilk" + ] + }, + { + "id": 2400, + "cuisine": "chinese", + "ingredients": [ + "Shaoxing wine", + "szechwan peppercorns", + "chili bean paste", + "cooked rice", + "boneless skinless chicken breasts", + "chili oil", + "corn starch", + "store bought low sodium chicken broth", + "green onions", + "vegetable oil", + "garlic cloves", + "soy sauce", + "chili powder", + "ginger" + ] + }, + { + "id": 39435, + "cuisine": "filipino", + "ingredients": [ + "eggs", + "white sugar", + "evaporated milk", + "salt", + "coconut", + "sweetened condensed milk" + ] + }, + { + "id": 21627, + "cuisine": "indian", + "ingredients": [ + "fennel seeds", + "red chili peppers", + "vinegar", + "ginger", + "cumin seed", + "peppercorns", + "tomatoes", + "water", + "chili powder", + "fenugreek seeds", + "chicken pieces", + "chopped garlic", + "curry leaves", + "grated coconut", + "shallots", + "salt", + "mustard seeds", + "ground turmeric", + "coconut oil", + "coriander powder", + "cinnamon", + "green chilies", + "onions" + ] + }, + { + "id": 47770, + "cuisine": "vietnamese", + "ingredients": [ + "beef bones", + "beef", + "cinnamon", + "chili sauce", + "peppercorns", + "clove", + "thai basil", + "jalapeno chilies", + "ginger", + "steak", + "lime", + "hoisin sauce", + "cilantro", + "beansprouts", + "fish sauce", + "palm sugar", + "rice noodles", + "star anise", + "onions" + ] + }, + { + "id": 3497, + "cuisine": "japanese", + "ingredients": [ + "white miso", + "dried shiitake mushrooms", + "silken tofu", + "dried udon", + "toasted sesame oil", + "spinach", + "green onions", + "carrots", + "water", + "ginger" + ] + }, + { + "id": 38404, + "cuisine": "vietnamese", + "ingredients": [ + "green cabbage", + "minced ginger", + "green onions", + "maple syrup", + "cucumber", + "warm water", + "Sriracha", + "rice noodles", + "oil", + "beansprouts", + "soy sauce", + "extra firm tofu", + "salt", + "corn starch", + "fresh mint", + "fish sauce", + "fresh cilantro", + "sesame oil", + "roasted peanuts", + "red bell pepper" + ] + }, + { + "id": 47510, + "cuisine": "indian", + "ingredients": [ + "ghee", + "rice", + "water", + "jaggery", + "cardamom pods" + ] + }, + { + "id": 39680, + "cuisine": "japanese", + "ingredients": [ + "sugar", + "large garlic cloves", + "fresh ginger", + "boneless, skinless chicken breast", + "dark sesame oil", + "teriyaki marinade", + "green onions" + ] + }, + { + "id": 28634, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "red wine vinegar", + "shredded Monterey Jack cheese", + "frozen chopped spinach", + "whole peeled tomatoes", + "cream cheese", + "cream", + "vegetable oil", + "onions", + "diced green chilies", + "salt" + ] + }, + { + "id": 35393, + "cuisine": "indian", + "ingredients": [ + "romaine lettuce", + "spices", + "garlic", + "onions", + "chicken", + "garam masala", + "paprika", + "cayenne pepper", + "ground turmeric", + "tomatoes", + "yoghurt", + "ginger", + "lemon juice", + "saffron", + "plain yogurt", + "butter", + "salt", + "coriander", + "ground cumin" + ] + }, + { + "id": 7813, + "cuisine": "italian", + "ingredients": [ + "chicken broth", + "butter", + "onions", + "olive oil", + "fresh lemon juice", + "arborio rice", + "grated parmesan cheese", + "fresh lime juice", + "lime rind", + "grated lemon zest" + ] + }, + { + "id": 44000, + "cuisine": "french", + "ingredients": [ + "fat free less sodium chicken broth", + "olive oil", + "chopped celery", + "carrots", + "sweet onion", + "ground black pepper", + "garlic cloves", + "dried thyme", + "diced tomatoes", + "fresh lemon juice", + "water", + "green lentil", + "salt", + "bay leaf" + ] + }, + { + "id": 22398, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "salt", + "parsley sprigs", + "large garlic cloves", + "onions", + "tomato purée", + "ground pepper", + "ground beef", + "chili pepper", + "paprika", + "ground cumin" + ] + }, + { + "id": 41962, + "cuisine": "cajun_creole", + "ingredients": [ + "milk", + "cooked bacon", + "green bell pepper", + "green onions", + "cayenne pepper", + "corn husks", + "salt", + "fresh tomatoes", + "vegetable oil", + "onions" + ] + }, + { + "id": 38859, + "cuisine": "southern_us", + "ingredients": [ + "chuck roast", + "water", + "ranch-style seasoning", + "au jus gravy mix", + "pepperoncini", + "butter" + ] + }, + { + "id": 42445, + "cuisine": "italian", + "ingredients": [ + "marinara sauce", + "pesto sauce", + "crushed red pepper", + "pasta", + "ricotta cheese", + "grated parmesan cheese", + "shredded mozzarella cheese" + ] + }, + { + "id": 9323, + "cuisine": "mexican", + "ingredients": [ + "water", + "vegetable oil", + "diced celery", + "potatoes", + "salt", + "large shrimp", + "corn kernels", + "diced tomatoes", + "carrots", + "octopuses", + "chile pepper", + "chopped onion" + ] + }, + { + "id": 9202, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "powdered sugar", + "strawberries", + "refrigerated piecrusts", + "sugar", + "corn starch" + ] + }, + { + "id": 16787, + "cuisine": "cajun_creole", + "ingredients": [ + "cooked rice", + "dried thyme", + "paprika", + "red bell pepper", + "onions", + "kosher salt", + "green onions", + "cayenne pepper", + "celery", + "black pepper", + "garlic powder", + "smoked sausage", + "ground cayenne pepper", + "oregano", + "chili beans", + "water", + "onion powder", + "creole seasoning", + "bay leaf" + ] + }, + { + "id": 4905, + "cuisine": "spanish", + "ingredients": [ + "butter", + "ground white pepper", + "shallots", + "champagne", + "salt", + "whipping cream", + "saffron" + ] + }, + { + "id": 5477, + "cuisine": "mexican", + "ingredients": [ + "table salt", + "vegetable oil", + "corn tortillas", + "pepper jack", + "juice", + "lime", + "garlic", + "avocado", + "chili powder", + "sour cream" + ] + }, + { + "id": 28058, + "cuisine": "mexican", + "ingredients": [ + "lime zest", + "chopped cilantro", + "fresh lime juice", + "water", + "long grain white rice", + "butter" + ] + }, + { + "id": 13352, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "olive oil", + "diced tomatoes", + "celery seed", + "onions", + "black beans", + "garlic powder", + "cilantro leaves", + "celery", + "homemade chicken stock", + "Tabasco Green Pepper Sauce", + "vegetable broth", + "sour cream", + "ground cumin", + "lime", + "cooked chicken", + "salsa", + "fresh lime juice" + ] + }, + { + "id": 6754, + "cuisine": "korean", + "ingredients": [ + "low sodium soy sauce", + "ground black pepper", + "lettuce leaves", + "beef sirloin", + "fresh ginger", + "mirin", + "hot bean paste", + "toasted sesame oil", + "sesame seeds", + "enokitake", + "garlic", + "onions", + "sugar", + "asian pear", + "vegetable oil", + "kimchi" + ] + }, + { + "id": 36071, + "cuisine": "korean", + "ingredients": [ + "ground ginger", + "kecap manis", + "paprika", + "beansprouts", + "sugar", + "mushrooms", + "oil", + "eggs", + "sambal chile paste", + "tomato ketchup", + "ketjap", + "water", + "sesame oil", + "carrots" + ] + }, + { + "id": 20970, + "cuisine": "indian", + "ingredients": [ + "potatoes", + "ground tumeric", + "ground coriander", + "greek yogurt", + "curry leaves", + "butter", + "cayenne pepper", + "chapati flour", + "ground cumin", + "cauliflower", + "vegetable oil", + "garlic", + "cumin seed", + "onions", + "tomatoes", + "ginger", + "green chilies", + "mustard seeds" + ] + }, + { + "id": 40578, + "cuisine": "mexican", + "ingredients": [ + "nonfat plain greek yogurt", + "salt", + "ground cumin", + "whole wheat penne pasta", + "red bell pepper", + "green onions", + "salsa", + "corn", + "cilantro", + "reduced sodium black beans" + ] + }, + { + "id": 49318, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "lemon", + "rice", + "dried parsley", + "green bell pepper", + "dried thyme", + "collard leaves", + "celery", + "water", + "red pepper flakes", + "garlic cloves", + "tomato sauce", + "red beans", + "diced tomatoes", + "onions" + ] + }, + { + "id": 10573, + "cuisine": "mexican", + "ingredients": [ + "sugar", + "olive oil", + "sweet potatoes", + "vegetable oil", + "all-purpose flour", + "shredded cheddar cheese", + "large eggs", + "baking powder", + "garlic", + "red enchilada sauce", + "black beans", + "poblano peppers", + "green onions", + "cilantro", + "yellow onion", + "yellow corn meal", + "milk", + "jalapeno chilies", + "chili powder", + "salt", + "cumin" + ] + }, + { + "id": 41634, + "cuisine": "spanish", + "ingredients": [ + "water", + "mayonaise", + "minced garlic", + "saffron threads", + "lemon juice" + ] + }, + { + "id": 7185, + "cuisine": "italian", + "ingredients": [ + "mozzarella cheese", + "bay leaves", + "crushed red pepper", + "onions", + "pasta", + "boston butt", + "dry red wine", + "carrots", + "pancetta slices", + "grated parmesan cheese", + "chopped celery", + "thyme sprigs", + "olive oil", + "large garlic cloves", + "sausages", + "plum tomatoes" + ] + }, + { + "id": 26536, + "cuisine": "japanese", + "ingredients": [ + "soft tofu", + "dashi", + "wakame", + "scallions", + "miso paste" + ] + }, + { + "id": 6498, + "cuisine": "italian", + "ingredients": [ + "black pepper", + "cooking spray", + "goat cheese", + "olive oil", + "part-skim ricotta cheese", + "plum tomatoes", + "fresh parmesan cheese", + "salt", + "peasant bread", + "baby spinach", + "garlic cloves" + ] + }, + { + "id": 25434, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "fat", + "cotija", + "flour", + "squash blossoms", + "spinach", + "corn kernels", + "chayotes", + "red chili peppers", + "salt" + ] + }, + { + "id": 17218, + "cuisine": "french", + "ingredients": [ + "chocolate flavored liqueur", + "unsweetened chocolate", + "egg yolks", + "unsweetened cocoa powder", + "sugar", + "heavy whipping cream", + "vanilla extract" + ] + }, + { + "id": 9578, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "lemon wedge", + "salt", + "diced onions", + "radishes", + "baking potatoes", + "garlic cloves", + "boneless pork shoulder roast", + "green onions", + "yellow corn", + "corn tortillas", + "green bell pepper", + "shredded cabbage", + "cilantro", + "enchilada sauce" + ] + }, + { + "id": 7150, + "cuisine": "italian", + "ingredients": [ + "salt and ground black pepper", + "bow-tie pasta", + "kale", + "yellow bell pepper", + "ground cayenne pepper", + "dried basil", + "feta cheese", + "red bell pepper", + "olive oil", + "garlic" + ] + }, + { + "id": 16039, + "cuisine": "italian", + "ingredients": [ + "ground round", + "medium egg noodles", + "nonfat ricotta cheese", + "black pepper", + "salt", + "tomato sauce", + "cooking spray", + "dried oregano", + "dried basil", + "provolone cheese" + ] + }, + { + "id": 43231, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking powder", + "sharp cheddar cheese", + "water", + "salt", + "boneless chicken skinless thigh", + "butter", + "yellow corn meal", + "olive oil", + "all-purpose flour" + ] + }, + { + "id": 35934, + "cuisine": "japanese", + "ingredients": [ + "mochi", + "soy sauce", + "nori" + ] + }, + { + "id": 13094, + "cuisine": "mexican", + "ingredients": [ + "black pepper", + "olive oil", + "ranch dressing", + "purple onion", + "taco seasoning", + "ripe olives", + "garlic salt", + "pico de gallo", + "chili", + "roma tomatoes", + "worcestershire sauce", + "salsa", + "pinto beans", + "chopped cilantro", + "corn", + "poblano peppers", + "lean ground beef", + "salt", + "lemon pepper", + "fresh lime juice", + "iceberg lettuce", + "pickled jalapenos", + "jack", + "jalapeno chilies", + "garlic", + "tortilla chips", + "sour cream", + "onions" + ] + }, + { + "id": 19721, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "ginger", + "garlic cloves", + "eggs", + "cream style corn", + "salt", + "chicken broth", + "water", + "cornflour", + "soy sauce", + "cooked chicken", + "scallions" + ] + }, + { + "id": 37366, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "Mexican oregano", + "garlic cloves", + "pepper", + "crema", + "adobo sauce", + "white onion", + "bacon", + "chipotles in adobo", + "chicken broth", + "lime", + "salt", + "cumin" + ] + }, + { + "id": 49692, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "vegetable oil", + "garlic cloves", + "unsalted butter", + "all-purpose flour", + "large eggs", + "dry bread crumbs", + "water", + "salt", + "grits" + ] + }, + { + "id": 39011, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "baking powder", + "carrots", + "chicken broth", + "olive oil", + "diced chicken", + "coconut milk", + "kale", + "coconut flour", + "thyme", + "eggs", + "almond flour", + "salt", + "onions" + ] + }, + { + "id": 21271, + "cuisine": "southern_us", + "ingredients": [ + "eggs", + "kosher salt", + "unsalted butter", + "shallots", + "sharp cheddar cheese", + "hot water", + "sugar pea", + "ground black pepper", + "whole milk", + "garden peas", + "fresh parsley leaves", + "fresh chives", + "asparagus", + "mushrooms", + "zest", + "juice", + "fava beans", + "water", + "parmigiano reggiano cheese", + "vegetable oil", + "tarragon leaves", + "grits" + ] + }, + { + "id": 46334, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sesame oil", + "onions", + "sugar", + "asian pear", + "garlic", + "sesame seeds", + "ginger", + "Fuji Apple", + "green onions", + "beef rib short" + ] + }, + { + "id": 6253, + "cuisine": "indian", + "ingredients": [ + "chili powder", + "mango", + "unsweetened coconut milk", + "salt", + "purple onion", + "fresh ginger root", + "swordfish" + ] + }, + { + "id": 25327, + "cuisine": "french", + "ingredients": [ + "lemon", + "freshly ground pepper", + "black bass", + "extra-virgin olive oil", + "chopped parsley", + "cipollini onions", + "thyme", + "yukon gold potatoes", + "salt" + ] + }, + { + "id": 46378, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "cilantro", + "monterey jack", + "refried beans", + "basmati rice", + "corn", + "enchilada sauce", + "salt and ground black pepper", + "cooked chicken breasts" + ] + }, + { + "id": 19161, + "cuisine": "mexican", + "ingredients": [ + "romaine lettuce", + "boneless skinless chicken breasts", + "fresh lime juice", + "ground cumin", + "avocado", + "black beans", + "purple onion", + "chopped cilantro fresh", + "light sour cream", + "cherry tomatoes", + "salt", + "corn kernel whole", + "chipotle chile", + "chili powder", + "adobo sauce" + ] + }, + { + "id": 46033, + "cuisine": "southern_us", + "ingredients": [ + "fresh lemon juice", + "fat-free buttermilk", + "sugar", + "blackberries", + "grated lemon zest" + ] + }, + { + "id": 22735, + "cuisine": "french", + "ingredients": [ + "sugar", + "almonds", + "almond extract", + "dough", + "honey", + "large eggs", + "salt", + "powdered sugar", + "large egg yolks", + "whole milk", + "corn starch", + "vanilla beans", + "unsalted butter", + "apricot halves" + ] + }, + { + "id": 23988, + "cuisine": "british", + "ingredients": [ + "brandy", + "powdered sugar", + "unsalted butter" + ] + }, + { + "id": 45765, + "cuisine": "southern_us", + "ingredients": [ + "lemon zest", + "buttermilk", + "chopped fresh thyme", + "white cornmeal", + "sugar", + "butter", + "large eggs", + "all-purpose flour" + ] + }, + { + "id": 6777, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "butter", + "spaghettini", + "olive oil", + "salt", + "fresh basil leaves", + "dried basil", + "turkey", + "onions", + "tomatoes", + "grated parmesan cheese", + "freshly ground pepper" + ] + }, + { + "id": 12607, + "cuisine": "southern_us", + "ingredients": [ + "quickcooking grits", + "extra sharp cheddar cheese", + "large eggs", + "salt", + "water", + "butter", + "whole milk", + "grated jack cheese" + ] + }, + { + "id": 46597, + "cuisine": "italian", + "ingredients": [ + "crushed red pepper flakes", + "broccoli", + "pepper", + "garlic", + "pinenuts", + "extra-virgin olive oil", + "lemon wedge", + "salt" + ] + }, + { + "id": 30575, + "cuisine": "thai", + "ingredients": [ + "tomato purée", + "rice", + "curry paste", + "vegetable oil", + "green chilies", + "coriander", + "prawns", + "coconut cream", + "onions", + "vegetable stock", + "garlic cloves" + ] + }, + { + "id": 5468, + "cuisine": "thai", + "ingredients": [ + "unsweetened coconut milk", + "olive oil", + "red curry paste", + "red bell pepper", + "fresh basil", + "chile pepper", + "garlic cloves", + "chopped cilantro fresh", + "light brown sugar", + "fresh ginger", + "fresh mushrooms", + "fresh lime juice", + "fish sauce", + "vegetable broth", + "shrimp", + "sliced green onions" + ] + }, + { + "id": 162, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "rice wine", + "ground beef", + "soy sauce", + "garlic", + "sugar", + "sesame oil", + "egg whites", + "corn starch" + ] + }, + { + "id": 6011, + "cuisine": "italian", + "ingredients": [ + "pinenuts", + "lemon juice", + "grated parmesan cheese", + "olive oil", + "fresh mint", + "cold water", + "garlic cloves" + ] + }, + { + "id": 38881, + "cuisine": "mexican", + "ingredients": [ + "flour tortillas", + "shredded sharp cheddar cheese", + "sour cream", + "dried oregano", + "fresh cilantro", + "chili powder", + "garlic cloves", + "fresh lime juice", + "ground cumin", + "tomato paste", + "low sodium chicken broth", + "salt", + "ground turkey", + "shredded Monterey Jack cheese", + "finely chopped onion", + "vegetable oil", + "pinto beans", + "long grain white rice" + ] + }, + { + "id": 48874, + "cuisine": "jamaican", + "ingredients": [ + "fresh thyme", + "sunflower oil", + "low salt chicken broth", + "callaloo", + "garlic cloves", + "green onions", + "okra", + "sugar pumpkin", + "scotch bonnet chile", + "ham" + ] + }, + { + "id": 3582, + "cuisine": "japanese", + "ingredients": [ + "reduced sodium soy sauce", + "japanese eggplants", + "extra light olive oil", + "sugar", + "scallions", + "mirin" + ] + }, + { + "id": 10771, + "cuisine": "french", + "ingredients": [ + "cherry tomatoes", + "large garlic cloves", + "flat leaf parsley", + "pitted kalamata olives", + "large eggs", + "tuna packed in olive oil", + "sugar", + "potatoes", + "green beans", + "capers", + "dijon mustard", + "extra-virgin olive oil", + "champagne vinegar" + ] + }, + { + "id": 8882, + "cuisine": "filipino", + "ingredients": [ + "brown sugar", + "bananas", + "vegetable oil" + ] + }, + { + "id": 16782, + "cuisine": "italian", + "ingredients": [ + "crushed tomatoes", + "cracked black pepper", + "garlic cloves", + "penne", + "grated parmesan cheese", + "crushed red pepper", + "onions", + "fresh basil", + "olive oil", + "whipping cream", + "fresh parsley", + "vodka", + "butter", + "salt" + ] + }, + { + "id": 47840, + "cuisine": "southern_us", + "ingredients": [ + "waffle", + "baking powder", + "bacon", + "cornmeal", + "eggs", + "ground black pepper", + "butter", + "chicken fingers", + "kosher salt", + "flour", + "buttermilk", + "rice flour", + "melted butter", + "baking soda", + "vegetable oil", + "poultry seasoning", + "chicken" + ] + }, + { + "id": 47130, + "cuisine": "vietnamese", + "ingredients": [ + "brown sugar", + "thai basil", + "green onions", + "salt", + "beansprouts", + "lime juice", + "enokitake", + "daikon", + "rice flour", + "toasted sesame oil", + "tumeric", + "sweet soy sauce", + "vegetable oil", + "rice vinegar", + "coconut milk", + "eggs", + "fresh ginger", + "mint leaves", + "thai chile", + "carrots", + "snow peas" + ] + }, + { + "id": 47721, + "cuisine": "cajun_creole", + "ingredients": [ + "cayenne", + "shallots", + "paprika", + "coconut cream", + "yellow peppers", + "ketchup", + "large eggs", + "worcestershire sauce", + "salt", + "fresh lemon juice", + "horseradish", + "dijon mustard", + "chili powder", + "garlic", + "freshly ground pepper", + "olive oil", + "green onions", + "sea salt", + "cayenne pepper", + "shrimp" + ] + }, + { + "id": 33794, + "cuisine": "brazilian", + "ingredients": [ + "butter", + "chocolate sprinkles", + "unsweetened cocoa powder", + "sweetened condensed milk" + ] + }, + { + "id": 14250, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed light brown sugar", + "biscotti", + "ground cinnamon", + "bananas", + "water", + "butter", + "vanilla ice cream", + "dark rum" + ] + }, + { + "id": 7222, + "cuisine": "cajun_creole", + "ingredients": [ + "garlic powder", + "paprika", + "onion powder", + "dried oregano", + "ground black pepper", + "cayenne pepper", + "dried thyme", + "coarse salt" + ] + }, + { + "id": 40141, + "cuisine": "french", + "ingredients": [ + "unbaked pie crusts", + "heavy cream", + "onions", + "ground nutmeg", + "salt", + "eggs", + "ground black pepper", + "all-purpose flour", + "milk", + "bacon" + ] + }, + { + "id": 11544, + "cuisine": "cajun_creole", + "ingredients": [ + "green bell pepper", + "ground black pepper", + "vegetable oil", + "cayenne pepper", + "chicken", + "water", + "bay leaves", + "salt", + "medium shrimp", + "minced garlic", + "file powder", + "smoked sausage", + "chopped onion", + "dried thyme", + "green onions", + "all-purpose flour", + "fresh parsley" + ] + }, + { + "id": 37527, + "cuisine": "irish", + "ingredients": [ + "capers", + "watercress", + "dijon mustard", + "smoked salmon", + "rye bread", + "pepper", + "cream cheese, soften" + ] + }, + { + "id": 38409, + "cuisine": "greek", + "ingredients": [ + "pepper", + "ground beef", + "feta cheese", + "dried thyme", + "plain yogurt", + "salt" + ] + }, + { + "id": 46612, + "cuisine": "korean", + "ingredients": [ + "garlic paste", + "potatoes", + "onions", + "dashi", + "Gochujang base", + "zucchini", + "fresh mushrooms", + "water", + "soft tofu", + "bean curd" + ] + }, + { + "id": 15945, + "cuisine": "greek", + "ingredients": [ + "orzo pasta", + "fresh lemon juice", + "pitted kalamata olives", + "purple onion", + "red bell pepper", + "olive oil", + "fresh oregano", + "fresh parsley", + "tomatoes", + "garlic", + "feta cheese crumbles" + ] + }, + { + "id": 44353, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "chile pepper", + "Anaheim chile", + "cornmeal", + "milk", + "salt", + "baking powder", + "shredded Monterey Jack cheese" + ] + }, + { + "id": 15574, + "cuisine": "cajun_creole", + "ingredients": [ + "sugar", + "whole grain dijon mustard", + "paprika", + "fresh lemon juice", + "ground cumin", + "dried thyme", + "ground red pepper", + "salt", + "dried oregano", + "halibut fillets", + "chopped fresh chives", + "cornichons", + "flat leaf parsley", + "garlic powder", + "low-fat mayonnaise", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 12913, + "cuisine": "chinese", + "ingredients": [ + "white pepper", + "large eggs", + "ginger", + "corn starch", + "cold water", + "granulated sugar", + "green onions", + "yellow onion", + "grated orange", + "white vinegar", + "sesame seeds", + "low sodium chicken broth", + "garlic", + "boneless skinless chicken breast halves", + "soy sauce", + "Sriracha", + "vegetable oil", + "orange juice" + ] + }, + { + "id": 4448, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "asiago", + "pitted kalamata olives", + "ground black pepper", + "fresh basil", + "artichoke hearts", + "salt", + "cherry tomatoes", + "ziti" + ] + }, + { + "id": 25047, + "cuisine": "greek", + "ingredients": [ + "lemon", + "greek yogurt", + "fresh dill", + "salt", + "garlic", + "olive oil", + "cucumber" + ] + }, + { + "id": 36129, + "cuisine": "southern_us", + "ingredients": [ + "pie crust", + "sweet potatoes", + "softened butter", + "eggs", + "vanilla extract", + "ground cinnamon", + "whole milk", + "sugar", + "grated nutmeg" + ] + }, + { + "id": 27800, + "cuisine": "italian", + "ingredients": [ + "ragu old world style pasta sauc", + "ground beef", + "water", + "rotini pasta, cook and drain", + "shredded mozzarella cheese" + ] + }, + { + "id": 45919, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "low salt chicken broth", + "serrano chile", + "chili powder", + "fresh lime juice", + "green onions", + "fresh mint", + "avocado", + "buttermilk", + "chopped cilantro fresh" + ] + }, + { + "id": 15649, + "cuisine": "cajun_creole", + "ingredients": [ + "dried thyme", + "paprika", + "garlic powder", + "cayenne pepper", + "olive oil", + "salt", + "ground nutmeg", + "uncook medium shrimp, peel and devein" + ] + }, + { + "id": 35022, + "cuisine": "moroccan", + "ingredients": [ + "saffron threads", + "fresh cilantro", + "zucchini", + "cinnamon", + "chickpeas", + "carrots", + "boneless lamb", + "ground ginger", + "olive oil", + "dried apricot", + "garlic", + "long-grain rice", + "onions", + "chicken stock", + "pomegranate seeds", + "pistachios", + "diced tomatoes", + "orange juice", + "smoked paprika", + "tumeric", + "ground black pepper", + "lemon wedge", + "salt", + "lemon juice", + "cumin" + ] + }, + { + "id": 9067, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "ground black pepper", + "garlic", + "game", + "olive oil", + "lemon", + "red bell pepper", + "ground cumin", + "corn kernels", + "chili powder", + "salt", + "chopped cilantro fresh", + "lime", + "jalapeno chilies", + "purple onion", + "chopped cilantro" + ] + }, + { + "id": 2754, + "cuisine": "japanese", + "ingredients": [ + "serrano peppers", + "garlic", + "fresh lime juice", + "shallots", + "cane sugar", + "cilantro stems", + "fine sea salt", + "extra firm tofu", + "extra-virgin olive oil", + "soba noodles" + ] + }, + { + "id": 37536, + "cuisine": "vietnamese", + "ingredients": [ + "rice stick noodles", + "water", + "sirloin steak", + "thai chile", + "beansprouts", + "fish sauce", + "peeled fresh ginger", + "fat free less sodium beef broth", + "yellow onion", + "fresh basil leaves", + "clove", + "leaves", + "less sodium soy sauce", + "garlic", + "fresh mint", + "brown sugar", + "lime wedges", + "star anise", + "cardamom pods", + "snow peas" + ] + }, + { + "id": 44567, + "cuisine": "southern_us", + "ingredients": [ + "pork roast", + "pepper", + "salt", + "garlic cloves" + ] + }, + { + "id": 3436, + "cuisine": "mexican", + "ingredients": [ + "purple onion", + "fresh lime juice", + "ground red pepper", + "garlic cloves", + "ground cumin", + "chili powder", + "sour cream", + "salt", + "chopped cilantro fresh" + ] + }, + { + "id": 3180, + "cuisine": "moroccan", + "ingredients": [ + "pitted date", + "garlic powder", + "salt", + "couscous", + "brown sugar", + "water", + "cinnamon", + "ground coriander", + "chopped cilantro fresh", + "fat free less sodium chicken broth", + "shallots", + "all-purpose flour", + "chicken thighs", + "slivered almonds", + "olive oil", + "paprika", + "freshly ground pepper", + "ground cumin" + ] + }, + { + "id": 7040, + "cuisine": "korean", + "ingredients": [ + "black pepper", + "crushed red pepper flakes", + "organic sugar", + "green onions", + "garlic", + "onions", + "mirin", + "ginger", + "toasted sesame oil", + "tofu", + "wheat", + "rice vinegar", + "pears" + ] + }, + { + "id": 30550, + "cuisine": "mexican", + "ingredients": [ + "clove", + "cider vinegar", + "Mexican oregano", + "dark brown sugar", + "black peppercorns", + "olive oil", + "fine sea salt", + "garlic cloves", + "piloncillo", + "water", + "baking potatoes", + "allspice berries", + "avocado", + "skim milk", + "bay leaves", + "yellow onion", + "poblano chiles" + ] + }, + { + "id": 33032, + "cuisine": "cajun_creole", + "ingredients": [ + "melted butter", + "granulated sugar", + "buttermilk", + "salt", + "sliced almonds", + "baking powder", + "vanilla extract", + "sour cream", + "coconut flakes", + "large eggs", + "heavy cream", + "confectioners sugar", + "pure vanilla extract", + "baking soda", + "butter", + "cake flour" + ] + }, + { + "id": 40768, + "cuisine": "spanish", + "ingredients": [ + "sugar", + "ground black pepper", + "large shrimp", + "orange bell pepper", + "sea salt", + "water", + "heirloom tomatoes", + "chopped garlic", + "fresh basil", + "sherry vinegar", + "extra-virgin olive oil" + ] + }, + { + "id": 25124, + "cuisine": "italian", + "ingredients": [ + "lemon", + "anchovy fillets", + "kosher salt", + "garlic", + "flat leaf parsley", + "capers", + "extra-virgin olive oil", + "lemon juice", + "ground black pepper", + "white wine vinegar" + ] + }, + { + "id": 12760, + "cuisine": "spanish", + "ingredients": [ + "baguette", + "salt", + "hard-boiled egg", + "garlic cloves", + "sherry vinegar", + "blanched almonds", + "tomatoes", + "extra-virgin olive oil", + "serrano ham" + ] + }, + { + "id": 12630, + "cuisine": "japanese", + "ingredients": [ + "rice vinegar", + "raw sugar", + "sesame seeds", + "cucumber", + "sea salt" + ] + }, + { + "id": 18251, + "cuisine": "southern_us", + "ingredients": [ + "pepper", + "salt", + "crackers", + "vegetable oil", + "hot sauce", + "large eggs", + "all-purpose flour", + "buttermilk", + "shrimp" + ] + }, + { + "id": 16306, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "sesame oil", + "yellow onion", + "beef", + "ginger", + "white sugar", + "black pepper", + "red pepper flakes", + "toasted sesame seeds", + "rib eye steaks", + "green onions", + "garlic" + ] + }, + { + "id": 41476, + "cuisine": "chinese", + "ingredients": [ + "curry powder", + "crushed red pepper flakes", + "oyster sauce", + "straw mushrooms", + "green onions", + "peanut oil", + "boneless skinless chicken breast halves", + "soy sauce", + "water chestnuts", + "peanut butter", + "noodles", + "fresh ginger", + "garlic", + "carrots" + ] + }, + { + "id": 21065, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "garlic", + "pork tenderloin", + "chopped cilantro fresh", + "salsa verde", + "all-purpose flour", + "chicken broth", + "jalapeno chilies", + "Country Crock® Spread" + ] + }, + { + "id": 38001, + "cuisine": "mexican", + "ingredients": [ + "green cabbage", + "pumpkin purée", + "cream cheese", + "corn tortillas", + "orange", + "butter", + "orange juice", + "olive oil", + "toasted pumpkinseeds", + "ancho chile pepper", + "kosher salt", + "green onions", + "ground allspice", + "chopped cilantro" + ] + }, + { + "id": 26777, + "cuisine": "thai", + "ingredients": [ + "lime zest", + "fresh lemon", + "light coconut milk", + "chopped cilantro", + "jalapeno chilies", + "baby spinach", + "grated lemon zest", + "shiitake", + "boneless skinless chicken breasts", + "garlic", + "glass noodles", + "low sodium chicken broth", + "ginger", + "Thai fish sauce" + ] + }, + { + "id": 31866, + "cuisine": "russian", + "ingredients": [ + "kefir", + "vegetable oil", + "eggs", + "baking soda", + "salt", + "milk", + "sunflower oil", + "sugar", + "flour" + ] + }, + { + "id": 4198, + "cuisine": "chinese", + "ingredients": [ + "fat free less sodium chicken broth", + "green onions", + "corn starch", + "sliced almonds", + "peeled fresh ginger", + "garlic cloves", + "low sodium soy sauce", + "broccoli florets", + "peanut oil", + "large shrimp", + "water", + "instant white rice", + "red bell pepper" + ] + }, + { + "id": 6021, + "cuisine": "italian", + "ingredients": [ + "milk", + "grated parmesan cheese", + "heavy cream", + "onions", + "swiss chard", + "dried sage", + "grated nutmeg", + "olive oil", + "pumpkin purée", + "salt", + "ground black pepper", + "butter", + "oven-ready lasagna noodles" + ] + }, + { + "id": 1430, + "cuisine": "southern_us", + "ingredients": [ + "collard greens", + "olive oil", + "hot sauce", + "chicken broth", + "water", + "all-purpose flour", + "celery ribs", + "cider vinegar", + "bacon slices", + "ham hock", + "diced onions", + "pepper", + "whipping cream" + ] + }, + { + "id": 31582, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "olive oil", + "fresh mushrooms", + "pepper", + "onion soup mix", + "italian seasoning", + "tomato sauce", + "boneless chuck roast", + "corn starch", + "sweet onion", + "beef broth" + ] + }, + { + "id": 34746, + "cuisine": "french", + "ingredients": [ + "whipping cream", + "cucumber", + "fresh lemon juice", + "salt", + "unsalted butter", + "ground white pepper" + ] + }, + { + "id": 31675, + "cuisine": "italian", + "ingredients": [ + "yellow corn meal", + "active dry yeast", + "all-purpose flour", + "mozzarella cheese", + "salt", + "sugar", + "eggplant", + "fresh basil leaves", + "warm water", + "red wine vinegar", + "plum tomatoes" + ] + }, + { + "id": 1589, + "cuisine": "southern_us", + "ingredients": [ + "hot pepper sauce", + "chile pepper", + "vidalia onion", + "baked beans", + "ground beef", + "brown sugar", + "barbecue sauce", + "garlic powder", + "chili powder" + ] + }, + { + "id": 33537, + "cuisine": "cajun_creole", + "ingredients": [ + "Madeira", + "whipping cream", + "garlic powder", + "medium shrimp", + "black pepper", + "fresh mushrooms", + "butter" + ] + }, + { + "id": 30767, + "cuisine": "italian", + "ingredients": [ + "eggs", + "milk", + "red wine", + "yellow onion", + "spaghetti", + "bread crumbs", + "ground black pepper", + "garlic", + "ground beef", + "sugar", + "olive oil", + "ground pork", + "flat leaf parsley", + "tomatoes", + "crushed tomatoes", + "grated parmesan cheese", + "salt", + "fresh basil leaves" + ] + }, + { + "id": 6605, + "cuisine": "spanish", + "ingredients": [ + "ground black pepper", + "salt", + "great northern beans", + "sherry wine vinegar", + "fresh parsley", + "bay leaves", + "anchovy fillets", + "water", + "extra-virgin olive oil" + ] + }, + { + "id": 30709, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "roast red peppers, drain", + "fresh basil", + "basil", + "plum tomatoes", + "red wine vinegar", + "olive oil spray", + "pitted kalamata olives", + "purple onion" + ] + }, + { + "id": 17625, + "cuisine": "italian", + "ingredients": [ + "salad", + "salami", + "italian seasoning", + "pasta" + ] + }, + { + "id": 40675, + "cuisine": "indian", + "ingredients": [ + "jalapeno chilies", + "orange juice", + "papaya", + "purple onion", + "chaat masala", + "mint leaves", + "fresh lime juice", + "pistachios", + "salt", + "kiwi" + ] + }, + { + "id": 48745, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "baking potatoes", + "unsalted butter", + "all-purpose flour", + "active dry yeast", + "salt", + "whole milk" + ] + }, + { + "id": 17415, + "cuisine": "southern_us", + "ingredients": [ + "large eggs", + "chicken pieces", + "water", + "salt", + "garlic powder", + "all-purpose flour", + "pepper", + "vegetable oil" + ] + }, + { + "id": 3632, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "fresh peas", + "fresh chevre", + "pepper", + "butter", + "salt", + "cream", + "spring onions", + "garlic", + "almonds", + "basil" + ] + }, + { + "id": 6674, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "zucchini", + "corn flour", + "water", + "rice", + "onions", + "brown sugar", + "chicken breasts", + "coconut milk", + "green curry paste", + "cooking cream" + ] + }, + { + "id": 39232, + "cuisine": "chinese", + "ingredients": [ + "sesame seeds", + "apple cider vinegar", + "canola oil", + "soy sauce", + "sherry", + "garlic", + "ground black pepper", + "chicken wing drummettes", + "fresh ginger", + "green onions", + "cola" + ] + }, + { + "id": 33812, + "cuisine": "japanese", + "ingredients": [ + "mochiko", + "water", + "granulated sugar", + "kosher salt" + ] + }, + { + "id": 3863, + "cuisine": "french", + "ingredients": [ + "capers", + "butter", + "dijon mustard", + "fresh parsley", + "shallots", + "filet mignon steaks", + "cabernet sauvignon" + ] + }, + { + "id": 5916, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "butter", + "sake", + "mirin", + "garlic", + "pork belly", + "ginger", + "sugar", + "shallots", + "chinese five-spice powder" + ] + }, + { + "id": 25103, + "cuisine": "chinese", + "ingredients": [ + "olive oil", + "sea salt", + "boneless skinless chicken breast halves", + "flour", + "low salt chicken broth", + "unsalted butter", + "cracked black pepper", + "lemon", + "flat leaf parsley" + ] + }, + { + "id": 37877, + "cuisine": "french", + "ingredients": [ + "haricots verts", + "roasted chestnuts", + "unsalted butter", + "liqueur", + "chicken broth", + "whiskey", + "shallots" + ] + }, + { + "id": 5302, + "cuisine": "korean", + "ingredients": [ + "pork loin", + "vegetable oil", + "garlic cloves", + "sugar", + "napa cabbage leaves", + "dried shiitake mushrooms", + "glass noodles", + "sesame", + "green onions", + "salt", + "onions", + "soy sauce", + "sesame oil", + "Gochujang base" + ] + }, + { + "id": 27116, + "cuisine": "japanese", + "ingredients": [ + "konnyaku", + "mirin", + "rice", + "sugar", + "shiitake", + "sesame oil", + "onions", + "tongue", + "potatoes", + "carrots", + "soy sauce", + "beef", + "burdock" + ] + }, + { + "id": 42106, + "cuisine": "french", + "ingredients": [ + "kosher salt", + "cod fillets", + "garlic", + "mussels", + "olive oil", + "red wine vinegar", + "large shrimp", + "tomatoes", + "fennel", + "fresh tarragon", + "pepper", + "dry white wine", + "celery" + ] + }, + { + "id": 31755, + "cuisine": "indian", + "ingredients": [ + "sugar", + "rice flour", + "salt", + "plantains", + "water", + "ground turmeric", + "coconut oil", + "all-purpose flour" + ] + }, + { + "id": 7287, + "cuisine": "french", + "ingredients": [ + "powdered sugar", + "unsalted butter", + "salt", + "corn starch", + "sugar", + "whole milk", + "cream cheese", + "large egg yolks", + "apricot halves", + "apricot preserves", + "grated orange peel", + "cherries", + "all-purpose flour" + ] + }, + { + "id": 44737, + "cuisine": "italian", + "ingredients": [ + "fresh peas", + "shallots", + "frozen peas", + "fettucine", + "dry white wine", + "whipping cream", + "green onions", + "butter", + "prosciutto", + "fresh shiitake mushrooms", + "flat leaf parsley" + ] + }, + { + "id": 467, + "cuisine": "italian", + "ingredients": [ + "grated parmesan cheese", + "boneless skinless chicken breast halves", + "frozen broccoli florets", + "condensed cream of mushroom soup", + "milk", + "butter", + "ground black pepper", + "linguine" + ] + }, + { + "id": 24901, + "cuisine": "chinese", + "ingredients": [ + "fresh cilantro", + "Sriracha", + "butter", + "salt", + "brown sugar", + "lo mein noodles", + "green onions", + "ginger", + "olive oil", + "large eggs", + "crushed red pepper flakes", + "shrimp", + "soy sauce", + "zucchini", + "sesame oil", + "garlic" + ] + }, + { + "id": 5714, + "cuisine": "italian", + "ingredients": [ + "milk", + "apples", + "eggs", + "flour", + "melted butter", + "lemon peel", + "salt", + "sugar", + "baking powder" + ] + }, + { + "id": 19775, + "cuisine": "southern_us", + "ingredients": [ + "vinegar", + "tartar sauce", + "yellow corn meal", + "vegetable oil", + "catfish fillets", + "lemon wedge", + "ground black pepper", + "sea salt" + ] + }, + { + "id": 20781, + "cuisine": "mexican", + "ingredients": [ + "chile powder", + "white onion", + "lime wedges", + "corn tortillas", + "oregano", + "pico de gallo", + "lime", + "salt", + "chopped cilantro fresh", + "avocado", + "orange", + "garlic", + "chopped cilantro", + "cumin", + "black pepper", + "jalapeno chilies", + "oil", + "skirt steak" + ] + }, + { + "id": 4295, + "cuisine": "greek", + "ingredients": [ + "pepper", + "garlic cloves", + "sour cream", + "white vinegar", + "green onions", + "feta cheese crumbles", + "lemon zest", + "lemon juice", + "oregano", + "plain yogurt", + "salt", + "cucumber" + ] + }, + { + "id": 22718, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "finely chopped onion", + "cayenne pepper", + "basmati rice", + "fresh ginger", + "garlic", + "chopped cilantro", + "canola oil", + "unsalted butter", + "salt", + "toor dal", + "tumeric", + "jalapeno chilies", + "cumin seed", + "naan" + ] + }, + { + "id": 3320, + "cuisine": "mexican", + "ingredients": [ + "eggs", + "milk", + "chopped cilantro fresh", + "Velveeta", + "green pepper", + "red potato", + "garlic", + "KRAFT Zesty Italian Dressing", + "Oscar Mayer Deli Fresh Smoked Ham", + "onions" + ] + }, + { + "id": 42274, + "cuisine": "greek", + "ingredients": [ + "tomato paste", + "eggplant", + "salt", + "bay leaf", + "diced onions", + "water", + "russet potatoes", + "ground allspice", + "ground lamb", + "clove", + "olive oil", + "dry red wine", + "cinnamon sticks", + "minced garlic", + "ground black pepper", + "plain breadcrumbs", + "plum tomatoes" + ] + }, + { + "id": 33232, + "cuisine": "french", + "ingredients": [ + "bay leaves", + "dry red wine", + "baguette", + "butter", + "low sodium beef broth", + "fresh thyme", + "cracked black pepper", + "onions", + "shredded swiss cheese", + "salt" + ] + }, + { + "id": 3604, + "cuisine": "southern_us", + "ingredients": [ + "fresh rosemary", + "eggplant", + "extra-virgin olive oil", + "chopped fresh sage", + "grana padano", + "chicken stock", + "olive oil", + "butter", + "hot sauce", + "onions", + "shucked oysters", + "salt and ground black pepper", + "grated nutmeg", + "garlic cloves", + "tasso", + "cream", + "flour", + "dry bread crumbs", + "chopped parsley" + ] + }, + { + "id": 12186, + "cuisine": "filipino", + "ingredients": [ + "ground black pepper", + "garlic", + "vegetable oil", + "onions", + "large eggs", + "salt", + "eggplant", + "ground pork" + ] + }, + { + "id": 4659, + "cuisine": "italian", + "ingredients": [ + "garlic powder", + "salt", + "grated parmesan cheese", + "fresh parsley", + "grated romano cheese", + "fillets", + "seasoned bread crumbs", + "butter" + ] + }, + { + "id": 38933, + "cuisine": "chinese", + "ingredients": [ + "sugar", + "napa cabbage leaves", + "salt", + "medium shrimp", + "large egg whites", + "vegetable oil", + "corn starch", + "soy sauce", + "sesame oil", + "bacon fat", + "bamboo shoots", + "starch", + "cooking wine", + "ground white pepper" + ] + }, + { + "id": 43619, + "cuisine": "moroccan", + "ingredients": [ + "chicken breast halves", + "grated lemon zest", + "couscous", + "ground turmeric", + "cilantro sprigs", + "fresh lemon juice", + "chicken thighs", + "ground cumin", + "chicken drumsticks", + "garlic cloves", + "fresh parsley", + "plum tomatoes", + "green olives", + "salt", + "low salt chicken broth", + "chopped cilantro fresh" + ] + }, + { + "id": 44189, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "fresh cilantro", + "button mushrooms", + "coconut milk", + "kaffir lime leaves", + "sugar", + "fresh ginger", + "scallions", + "chicken stock", + "tumeric", + "lime", + "garlic", + "galangal", + "sambal ulek", + "lemongrass", + "boneless skinless chicken breasts", + "carrots" + ] + }, + { + "id": 6459, + "cuisine": "italian", + "ingredients": [ + "arborio rice", + "dried thyme", + "grated parmesan cheese", + "carrots", + "boiling potatoes", + "tomato paste", + "ground black pepper", + "salt", + "bay leaf", + "green cabbage", + "olive oil", + "garlic", + "celery", + "canned low sodium chicken broth", + "zucchini", + "pinto beans", + "onions" + ] + }, + { + "id": 15421, + "cuisine": "japanese", + "ingredients": [ + "enokitake", + "Japanese soy sauce", + "beef sirloin", + "asparagus", + "cooking oil", + "mirin", + "scallions" + ] + }, + { + "id": 512, + "cuisine": "vietnamese", + "ingredients": [ + "frozen banana leaf", + "corn oil", + "black pepper", + "fatback", + "meat" + ] + }, + { + "id": 43143, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "refried beans", + "chickpeas", + "taco shells", + "Daiya", + "onions", + "tomatoes", + "guacamole", + "taco seasoning", + "lime juice", + "salsa", + "chipotle sauce" + ] + }, + { + "id": 10677, + "cuisine": "italian", + "ingredients": [ + "fresh peas", + "sugar pea", + "bow-tie pasta", + "pancetta", + "shallots", + "olive oil" + ] + }, + { + "id": 8546, + "cuisine": "italian", + "ingredients": [ + "chees fresh mozzarella", + "french baguette", + "prepar pesto", + "I Can't Believe It's Not Butter!® Spread", + "red" + ] + }, + { + "id": 47041, + "cuisine": "korean", + "ingredients": [ + "boneless chicken skinless thigh", + "ginger", + "toasted sesame seeds", + "malt syrup", + "granulated sugar", + "garlic cloves", + "ground black pepper", + "scallions", + "soy sauce", + "vegetable oil", + "toasted sesame oil" + ] + }, + { + "id": 13269, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "whole peeled tomatoes", + "garlic", + "okra", + "green bell pepper", + "dried thyme", + "chicken parts", + "all-purpose flour", + "bay leaf", + "andouille sausage", + "ground black pepper", + "vegetable oil", + "cayenne pepper", + "dried basil", + "file powder", + "salt", + "celery" + ] + }, + { + "id": 11404, + "cuisine": "cajun_creole", + "ingredients": [ + "cremini mushrooms", + "olive oil", + "cajun seasoning", + "salt", + "red bell pepper", + "white pepper", + "chicken breasts", + "basil", + "cayenne pepper", + "black pepper", + "garlic powder", + "butter", + "shredded pepper jack cheese", + "oregano", + "green bell pepper", + "white onion", + "onion powder", + "paprika", + "thyme" + ] + }, + { + "id": 33144, + "cuisine": "italian", + "ingredients": [ + "tomato paste", + "corn oil", + "chopped celery", + "low salt chicken broth", + "black peppercorns", + "sea salt", + "beef rib short", + "fresh rosemary", + "red wine", + "chopped onion", + "bay leaf", + "sage leaves", + "potatoes", + "extra-virgin olive oil", + "carrots" + ] + }, + { + "id": 2359, + "cuisine": "cajun_creole", + "ingredients": [ + "frozen whole kernel corn", + "diced tomatoes with garlic and onion", + "cajun seasoning", + "garlic cloves", + "boneless skinless chicken breasts", + "okra", + "lima beans" + ] + }, + { + "id": 8429, + "cuisine": "jamaican", + "ingredients": [ + "bay leaves", + "malt vinegar", + "black peppercorns", + "vegetable oil", + "allspice berries", + "water", + "cinnamon", + "chicken", + "chile pepper", + "scallions" + ] + }, + { + "id": 27002, + "cuisine": "indian", + "ingredients": [ + "boneless chicken skinless thigh", + "ginger", + "roma tomatoes", + "garlic cloves", + "curry mix", + "salt", + "yoghurt", + "ghee" + ] + }, + { + "id": 14332, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "extra-virgin olive oil", + "softened butter", + "flour tortillas", + "cilantro leaves", + "corn kernels", + "salt", + "garlic salt", + "grape tomatoes", + "cracked black pepper", + "goat cheese" + ] + }, + { + "id": 20139, + "cuisine": "indian", + "ingredients": [ + "brown sugar", + "ground cardamom", + "lime juice", + "chopped fresh mint", + "plain yogurt", + "fresh mint", + "star anise", + "mango" + ] + }, + { + "id": 28495, + "cuisine": "italian", + "ingredients": [ + "sugar", + "butter", + "polenta", + "grated parmesan cheese", + "salt", + "water", + "extra-virgin olive oil", + "dried oregano", + "oil-cured black olives", + "plum tomatoes" + ] + }, + { + "id": 42493, + "cuisine": "mexican", + "ingredients": [ + "cream", + "olive oil", + "chili powder", + "salt", + "sour cream", + "avocado", + "shredded cheddar cheese", + "flour tortillas", + "diced tomatoes", + "ground sausage", + "diced onions", + "pepper", + "large eggs", + "green enchilada sauce", + "salsa", + "chopped cilantro", + "jack cheese", + "milk", + "green onions", + "garlic", + "green chilies" + ] + }, + { + "id": 28011, + "cuisine": "french", + "ingredients": [ + "granulated sugar", + "vanilla", + "dried beans", + "frozen pastry puff sheets", + "almond paste", + "large eggs", + "all-purpose flour", + "unsalted butter", + "almond extract", + "confectioners sugar" + ] + }, + { + "id": 5763, + "cuisine": "french", + "ingredients": [ + "salt", + "black pepper", + "boneless skinless chicken breast halves", + "brie cheese", + "light beer", + "dried oregano" + ] + }, + { + "id": 41942, + "cuisine": "british", + "ingredients": [ + "white flour", + "salt", + "bicarbonate of soda", + "wholemeal flour", + "buttermilk" + ] + }, + { + "id": 38340, + "cuisine": "chinese", + "ingredients": [ + "honey", + "pork shoulder", + "chinese five-spice powder", + "hoisin sauce", + "light soy sauce", + "sweet rice wine" + ] + }, + { + "id": 8837, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "boneless skinless chicken breasts", + "shredded cheese", + "jalapeno chilies", + "garlic", + "flour tortillas", + "tomatillos", + "sour cream", + "chicken broth", + "green onions", + "cilantro leaves" + ] + }, + { + "id": 43514, + "cuisine": "indian", + "ingredients": [ + "garlic paste", + "yoghurt", + "all-purpose flour", + "coriander", + "garam masala", + "paneer", + "corn starch", + "ground turmeric", + "milk", + "kasuri methi", + "oil", + "cashew nuts", + "tomatoes", + "coriander powder", + "salt", + "onions", + "ginger paste" + ] + }, + { + "id": 41745, + "cuisine": "italian", + "ingredients": [ + "green bell pepper", + "crushed tomatoes", + "salt", + "onions", + "pasta", + "mozzarella cheese", + "chicken breasts", + "carrots", + "celery ribs", + "black pepper", + "parmesan cheese", + "garlic cloves", + "italian seasoning", + "chicken broth", + "water", + "crushed red pepper", + "red bell pepper" + ] + }, + { + "id": 21453, + "cuisine": "cajun_creole", + "ingredients": [ + "KRAFT Zesty Italian Dressing", + "black olives", + "pimento stuffed green olives", + "Kraft Slim Cut Mozzarella Cheese Slices", + "Italian bread", + "Oscar Mayer Deli Fresh Smoked Ham", + "Oscar Mayer Cotto Salami", + "garlic", + "celery" + ] + }, + { + "id": 16312, + "cuisine": "italian", + "ingredients": [ + "kosher salt", + "garlic cloves", + "rib eye steaks", + "cooking spray", + "ground black pepper", + "fresh rosemary", + "lemon wedge" + ] + }, + { + "id": 19550, + "cuisine": "italian", + "ingredients": [ + "large egg whites", + "green onions", + "canadian bacon", + "black pepper", + "cooking spray", + "chopped onion", + "cheddar cheese", + "large eggs", + "hot sauce", + "brown hash potato", + "salt" + ] + }, + { + "id": 46931, + "cuisine": "french", + "ingredients": [ + "dijon mustard", + "shallots", + "cheese", + "unsalted butter", + "dry white wine", + "tapenade", + "canola oil", + "honey", + "pork tenderloin", + "cracked black pepper", + "lemon juice", + "kosher salt", + "fresh thyme", + "parsley", + "all-purpose flour" + ] + }, + { + "id": 1836, + "cuisine": "filipino", + "ingredients": [ + "soy sauce", + "lemon", + "corn starch", + "olive oil", + "salt", + "white sugar", + "pepper", + "garlic", + "onions", + "vegetable oil", + "new york strip steaks" + ] + }, + { + "id": 2713, + "cuisine": "mexican", + "ingredients": [ + "avocado", + "red cabbage", + "salt", + "pomegranate seeds", + "purple onion", + "corn tortillas", + "lime", + "queso fresco", + "olive oil cooking spray", + "Mexican seasoning mix", + "chicken breast halves", + "garlic cloves" + ] + }, + { + "id": 23782, + "cuisine": "southern_us", + "ingredients": [ + "unsalted butter", + "buttermilk", + "eggs", + "almond extract", + "all-purpose flour", + "ground cinnamon", + "granulated sugar", + "salt", + "pure maple syrup", + "ice water", + "dark brown sugar" + ] + }, + { + "id": 38855, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "water", + "grated parmesan cheese", + "shredded mozzarella cheese", + "dried oregano", + "italian sausage", + "warm water", + "chopped tomatoes", + "ricotta cheese", + "fresh parsley", + "fresh basil", + "olive oil", + "mushrooms", + "garlic cloves", + "tomato paste", + "dried porcini mushrooms", + "lasagna noodles", + "dry red wine", + "onions" + ] + }, + { + "id": 43151, + "cuisine": "mexican", + "ingredients": [ + "bouillon", + "garlic", + "chuck roast", + "pepper", + "salt", + "tomatoes", + "vegetable oil" + ] + }, + { + "id": 36229, + "cuisine": "mexican", + "ingredients": [ + "lettuce", + "lime", + "butternut squash", + "tomatoes", + "radishes", + "frozen corn", + "avocado", + "quinoa", + "green onions", + "black beans", + "bell pepper", + "carrots" + ] + }, + { + "id": 27881, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "dry red wine", + "lemon juice", + "water", + "fresh shiitake mushrooms", + "salt", + "veal", + "vegetable broth", + "ground white pepper", + "honey", + "butter", + "all-purpose flour" + ] + }, + { + "id": 39425, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "milkfish", + "long beans", + "zucchini", + "okra", + "water", + "salt", + "tomatoes", + "shrimp paste", + "onions" + ] + }, + { + "id": 16049, + "cuisine": "italian", + "ingredients": [ + "all-purpose flour", + "active dry yeast", + "warm water", + "white sugar", + "salt" + ] + }, + { + "id": 24395, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "dried rosemary", + "water", + "carrots", + "dried thyme", + "bay leaf", + "white onion", + "lamb shoulder" + ] + }, + { + "id": 31305, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "feta cheese crumbles", + "roasted red peppers", + "fresh oregano", + "ground black pepper", + "salt", + "fresh mint", + "crimini mushrooms", + "fresh lemon juice" + ] + }, + { + "id": 6188, + "cuisine": "italian", + "ingredients": [ + "honey", + "salt", + "ground black pepper", + "olive oil", + "red bell pepper", + "balsamic vinegar" + ] + }, + { + "id": 19613, + "cuisine": "italian", + "ingredients": [ + "pepper", + "diced tomatoes", + "carrots", + "chicken thighs", + "( oz.) tomato sauce", + "salt", + "chopped parsley", + "dried rosemary", + "fresh rosemary", + "grated parmesan cheese", + "fat skimmed chicken broth", + "onions", + "olive oil", + "garlic", + "sliced mushrooms", + "polenta" + ] + }, + { + "id": 35953, + "cuisine": "cajun_creole", + "ingredients": [ + "eggs", + "milk", + "peanut oil", + "sugar", + "flour", + "water", + "salt", + "powdered sugar", + "crisco", + "yeast" + ] + }, + { + "id": 29997, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "baking powder", + "baking soda", + "all-purpose flour", + "milk", + "salt", + "eggs", + "Anaheim chile", + "canola oil" + ] + }, + { + "id": 41162, + "cuisine": "spanish", + "ingredients": [ + "eggs", + "milk", + "salt", + "tomato sauce", + "butter", + "white sugar", + "green bell pepper", + "minced onion", + "ground cayenne pepper", + "pepper", + "worcestershire sauce" + ] + }, + { + "id": 1465, + "cuisine": "mexican", + "ingredients": [ + "salad greens", + "green onions", + "plum tomatoes", + "flour tortillas", + "enchilada sauce", + "feta cheese", + "fat-free refried beans", + "avocado", + "jalapeno chilies", + "ripe olives" + ] + }, + { + "id": 49135, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "firmly packed light brown sugar", + "milk", + "powdered sugar", + "vanilla extract" + ] + }, + { + "id": 17165, + "cuisine": "moroccan", + "ingredients": [ + "baby spinach leaves", + "pomegranate molasses", + "lemon rind", + "dried cranberries", + "ground cinnamon", + "pistachios", + "purple onion", + "greek yogurt", + "olive oil", + "garlic", + "smoked paprika", + "ground cumin", + "soy sauce", + "fresh lemon", + "chickpeas", + "chopped parsley" + ] + }, + { + "id": 49636, + "cuisine": "french", + "ingredients": [ + "milk", + "all-purpose flour", + "cooking oil", + "salt", + "large eggs", + "beer" + ] + }, + { + "id": 2707, + "cuisine": "filipino", + "ingredients": [ + "powdered sugar", + "lemon", + "superfine sugar", + "vanilla extract", + "egg whites", + "condensed milk", + "cream of tartar", + "egg yolks" + ] + }, + { + "id": 7930, + "cuisine": "indian", + "ingredients": [ + "tomatoes", + "paneer", + "oil", + "ground cumin", + "gravy", + "tomato ketchup", + "onions", + "chili powder", + "cumin seed", + "ground turmeric", + "water", + "salt", + "black mustard seeds" + ] + }, + { + "id": 33249, + "cuisine": "korean", + "ingredients": [ + "chiles", + "sesame seeds", + "sesame oil", + "all-purpose flour", + "minced garlic", + "large eggs", + "salt", + "carrots", + "hot red pepper flakes", + "water", + "seeds", + "rice vinegar", + "soy sauce", + "mung beans", + "vegetable oil", + "scallions" + ] + }, + { + "id": 20379, + "cuisine": "italian", + "ingredients": [ + "fontina cheese", + "dry yeast", + "chopped fresh thyme", + "garlic cloves", + "kosher salt", + "cooking spray", + "extra-virgin olive oil", + "cornmeal", + "warm water", + "baby arugula", + "cracked black pepper", + "lemon juice", + "prosciutto", + "lemon wedge", + "fresh oregano", + "bread flour" + ] + }, + { + "id": 38942, + "cuisine": "korean", + "ingredients": [ + "kosher salt", + "dark brown sugar", + "rice vinegar", + "reduced sodium soy sauce", + "toasted sesame oil", + "pork baby back ribs", + "Gochujang base" + ] + }, + { + "id": 43006, + "cuisine": "greek", + "ingredients": [ + "lean ground beef", + "salt", + "greek seasoning", + "red wine vinegar", + "feta cheese crumbles", + "ground black pepper", + "extra-virgin olive oil", + "onions", + "large eggs", + "garlic", + "oregano" + ] + }, + { + "id": 34753, + "cuisine": "thai", + "ingredients": [ + "fresh ginger", + "salt", + "soy sauce", + "sweetened coconut flakes", + "garlic cloves", + "natural peanut butter", + "vegetable oil", + "rice vinegar", + "fresh chives", + "crushed red pepper flakes", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 39727, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "diced tomatoes", + "elbow macaroni", + "canned black beans", + "ground black pepper", + "cilantro leaves", + "onions", + "taco sauce", + "corn kernels", + "garlic", + "ground beef", + "kosher salt", + "Old El Paso™ chopped green chiles", + "salsa" + ] + }, + { + "id": 46421, + "cuisine": "thai", + "ingredients": [ + "coconut oil", + "brown rice", + "garlic chili sauce", + "reduced sodium tamari", + "green onions", + "salt", + "fresh pineapple", + "lime", + "garlic", + "red bell pepper", + "eggs", + "unsalted cashews", + "cilantro leaves" + ] + }, + { + "id": 24660, + "cuisine": "vietnamese", + "ingredients": [ + "sugar", + "flour tortillas", + "rice vinegar", + "cucumber", + "fresh ginger", + "dipping sauces", + "garlic cloves", + "chopped fresh mint", + "honey", + "sesame oil", + "freshly ground pepper", + "steak", + "fish sauce", + "red cabbage", + "purple onion", + "carrots", + "chopped cilantro fresh" + ] + }, + { + "id": 19556, + "cuisine": "southern_us", + "ingredients": [ + "firmly packed brown sugar", + "salt", + "bread", + "granulated sugar", + "Country Crock® Spread", + "eggs", + "vanilla extract", + "milk", + "chopped pecans" + ] + }, + { + "id": 37790, + "cuisine": "mexican", + "ingredients": [ + "cheddar cheese", + "water", + "ground black pepper", + "diced tomatoes", + "yams", + "cumin", + "cottage cheese", + "olive oil", + "chili powder", + "salsa", + "dried parsley", + "tomato sauce", + "dried basil", + "tortillas", + "salt", + "garlic cloves", + "ground cumin", + "black beans", + "garlic powder", + "onion powder", + "sauce", + "dried oregano" + ] + }, + { + "id": 35492, + "cuisine": "italian", + "ingredients": [ + "heavy cream", + "italian seasoning", + "grated parmesan cheese", + "penne pasta", + "butter", + "sliced mushrooms", + "minced garlic", + "bacon" + ] + }, + { + "id": 28370, + "cuisine": "southern_us", + "ingredients": [ + "cider vinegar", + "jalapeno chilies", + "red bell pepper", + "peaches", + "salt", + "bottled lime juice", + "purple onion", + "chopped cilantro fresh", + "sugar", + "habanero pepper", + "garlic cloves" + ] + }, + { + "id": 16564, + "cuisine": "thai", + "ingredients": [ + "baby spinach leaves", + "vegetable oil", + "onions", + "fish sauce", + "lime", + "squash", + "lemongrass", + "coconut milk", + "red chili peppers", + "basil leaves", + "curry paste" + ] + }, + { + "id": 48299, + "cuisine": "italian", + "ingredients": [ + "eggs", + "vanilla extract", + "almond extract", + "all-purpose flour", + "baking powder", + "salt", + "butter", + "confectioners sugar" + ] + }, + { + "id": 42948, + "cuisine": "moroccan", + "ingredients": [ + "black pepper", + "ground coriander", + "ground cinnamon", + "salt", + "ground cloves", + "ground allspice", + "ground ginger", + "cayenne", + "ground cumin" + ] + }, + { + "id": 44194, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "basil leaves", + "garlic cloves", + "fish sauce", + "olive oil", + "Thai eggplants", + "onions", + "green curry paste", + "skinless chicken breasts", + "coconut milk", + "brown sugar", + "bell pepper", + "coconut cream" + ] + }, + { + "id": 47597, + "cuisine": "italian", + "ingredients": [ + "ground black pepper", + "low-fat cream cheese", + "reduced sodium chicken broth", + "chicken breasts", + "ground cumin", + "broccoli florets", + "chipotle sauce", + "kosher salt", + "tortellini" + ] + }, + { + "id": 43983, + "cuisine": "cajun_creole", + "ingredients": [ + "chicken broth", + "red beans", + "black pepper", + "red bell pepper", + "white onion", + "canola oil", + "green bell pepper", + "smoked sausage" + ] + }, + { + "id": 5894, + "cuisine": "greek", + "ingredients": [ + "zucchini", + "chopped onion", + "tomatoes", + "fresh green bean", + "olive oil", + "cayenne pepper", + "russet potatoes", + "flat leaf parsley" + ] + }, + { + "id": 4468, + "cuisine": "indian", + "ingredients": [ + "spices", + "salt", + "tumeric", + "ginger", + "yoghurt", + "garlic", + "paprika", + "chicken" + ] + }, + { + "id": 42226, + "cuisine": "southern_us", + "ingredients": [ + "dried tarragon leaves", + "garlic powder", + "onion powder", + "lemon juice", + "eggs", + "bread crumb fresh", + "flour", + "salt", + "mayonaise", + "white onion", + "green tomatoes", + "oil", + "black pepper", + "leaves", + "parsley", + "smoked paprika" + ] + }, + { + "id": 13749, + "cuisine": "italian", + "ingredients": [ + "marsala wine", + "ground black pepper", + "all-purpose flour", + "fat free less sodium chicken broth", + "cutlet", + "dried porcini mushrooms", + "shallots", + "cremini mushrooms", + "olive oil", + "salt" + ] + }, + { + "id": 46499, + "cuisine": "chinese", + "ingredients": [ + "eggs", + "vinegar", + "salt", + "onions", + "black pepper", + "chicken drumsticks", + "carrots", + "soy sauce", + "teas", + "hot sauce", + "water", + "ginger", + "corn flour" + ] + }, + { + "id": 41588, + "cuisine": "irish", + "ingredients": [ + "irish cream liqueur", + "all-purpose flour", + "cream cheese", + "sugar", + "Challenge Butter", + "chocolate curls", + "eggs", + "egg yolks", + "espresso", + "sour cream", + "cocoa", + "espresso beans", + "coffee beans" + ] + }, + { + "id": 37510, + "cuisine": "southern_us", + "ingredients": [ + "diced onions", + "green bell pepper", + "dried thyme", + "dry red wine", + "hot sauce", + "diced celery", + "chicken broth", + "minced garlic", + "ground black pepper", + "smoked sausage", + "okra", + "italian sausage", + "cooked ham", + "eggplant", + "bacon slices", + "peanut oil", + "red bell pepper", + "tomato purée", + "dried basil", + "bay leaves", + "salt", + "long-grain rice" + ] + }, + { + "id": 1832, + "cuisine": "southern_us", + "ingredients": [ + "ground cinnamon", + "ground nutmeg", + "citrus", + "salt", + "ground ginger", + "orange glaze", + "sweet potatoes", + "cake flour", + "sugar", + "large eggs", + "baking powder", + "hot water", + "ground cloves", + "chop fine pecan", + "vanilla extract", + "canola oil" + ] + }, + { + "id": 12365, + "cuisine": "italian", + "ingredients": [ + "fresh lemon juice", + "cannellini beans", + "flat leaf parsley", + "extra-virgin olive oil" + ] + }, + { + "id": 18666, + "cuisine": "moroccan", + "ingredients": [ + "harissa", + "chopped fresh mint", + "salmon fillets", + "salt", + "purple onion", + "mango", + "cooking spray", + "orange juice" + ] + }, + { + "id": 42509, + "cuisine": "chinese", + "ingredients": [ + "soy sauce", + "sesame oil", + "bean sauce", + "fresh ginger root", + "ground pork", + "white sugar", + "minced garlic", + "vegetable oil", + "corn starch", + "cold water", + "green onions", + "firm tofu" + ] + }, + { + "id": 20188, + "cuisine": "italian", + "ingredients": [ + "cold water", + "olive oil", + "warm water", + "salt", + "sugar", + "cooking spray", + "active dry yeast", + "bread flour" + ] + }, + { + "id": 39077, + "cuisine": "filipino", + "ingredients": [ + "white vinegar", + "crushed red pepper flakes", + "canola oil", + "ground black pepper", + "scallions", + "kosher salt", + "garlic", + "fried eggs", + "cooked white rice" + ] + }, + { + "id": 14651, + "cuisine": "mexican", + "ingredients": [ + "taco seasoning mix", + "pinto beans", + "shredded cheddar cheese", + "diced tomatoes", + "ground turkey", + "lettuce", + "green onions", + "red bell pepper", + "water", + "tortilla chips" + ] + }, + { + "id": 22709, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "onions", + "crushed tomatoes", + "large garlic cloves", + "dried basil", + "flat leaf parsley", + "italian sausage", + "bay leaves", + "dried oregano" + ] + }, + { + "id": 703, + "cuisine": "southern_us", + "ingredients": [ + "cholesterol free egg substitute", + "sugar", + "whole kernel corn, drain", + "all-purpose flour", + "2% reduced-fat milk", + "Country Crock® Spread" + ] + }, + { + "id": 3513, + "cuisine": "mexican", + "ingredients": [ + "lemon", + "white sugar", + "seedless green grape", + "crushed ice", + "plums", + "fresh pineapple", + "orange", + "black tea" + ] + }, + { + "id": 46368, + "cuisine": "chinese", + "ingredients": [ + "plain flour", + "seasoning salt", + "baking powder", + "toasted sesame oil", + "white vinegar", + "soy sauce", + "soda", + "oil", + "sugar", + "garlic powder", + "tomato ketchup", + "white sugar", + "light brown sugar", + "water", + "boneless skinless chicken breasts", + "corn flour" + ] + }, + { + "id": 40514, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "cooking spray", + "cornmeal", + "low-fat buttermilk", + "salt", + "honey", + "large eggs", + "all-purpose flour", + "baking soda", + "pumpkinseed kernels" + ] + }, + { + "id": 45996, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "salt", + "grits", + "large garlic cloves", + "fresh lemon juice", + "sliced green onions", + "bacon", + "shrimp", + "shredded sharp cheddar cheese", + "fresh parsley" + ] + }, + { + "id": 18539, + "cuisine": "japanese", + "ingredients": [ + "vegetable oil", + "cayenne pepper", + "eggs", + "cilantro", + "shrimp", + "paprika", + "garlic cloves", + "onion powder", + "salt", + "panko breadcrumbs" + ] + }, + { + "id": 42222, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "processed cheese", + "macaroni", + "corn" + ] + }, + { + "id": 13080, + "cuisine": "korean", + "ingredients": [ + "white vinegar", + "hoisin sauce", + "yellow onion", + "ground black pepper", + "green onions", + "garlic cloves", + "soy sauce", + "steamed white rice", + "dark brown sugar", + "Sriracha", + "rice vinegar", + "short rib" + ] + }, + { + "id": 44734, + "cuisine": "french", + "ingredients": [ + "french bread", + "fresh tarragon", + "mussels", + "shallots", + "bay leaf", + "water", + "butter", + "dry white wine", + "flat leaf parsley" + ] + }, + { + "id": 1782, + "cuisine": "southern_us", + "ingredients": [ + "milk", + "vegetable oil", + "large eggs", + "all-purpose flour", + "unsalted butter", + "salt", + "sugar", + "baking powder", + "cornmeal" + ] + }, + { + "id": 33781, + "cuisine": "spanish", + "ingredients": [ + "olive oil", + "fresh lemon juice", + "fresh rosemary", + "red pepper flakes", + "orange", + "garlic cloves", + "fennel seeds", + "lemon", + "olives" + ] + }, + { + "id": 26039, + "cuisine": "mexican", + "ingredients": [ + "olive oil", + "salt", + "oil", + "serrano chilies", + "cilantro", + "yellow onion", + "roma tomatoes", + "nopales", + "corn tortillas", + "black beans", + "purple onion", + "butter oil" + ] + }, + { + "id": 32582, + "cuisine": "mexican", + "ingredients": [ + "white onion", + "tomatoes", + "chile pepper", + "fresh cilantro", + "green bell pepper", + "fresh lemon juice" + ] + }, + { + "id": 22323, + "cuisine": "indian", + "ingredients": [ + "ground black pepper", + "garlic", + "couscous", + "curry powder", + "vegetable broth", + "toasted sesame oil", + "canola oil", + "ground cinnamon", + "chili powder", + "broccoli", + "ground turmeric", + "ajwain", + "sea salt", + "edamame", + "hing (powder)" + ] + }, + { + "id": 31884, + "cuisine": "italian", + "ingredients": [ + "toasted pecans", + "loosely packed fresh basil leaves", + "olive oil", + "garlic cloves", + "pepper", + "salt", + "parmesan cheese", + "lemon juice" + ] + }, + { + "id": 29327, + "cuisine": "greek", + "ingredients": [ + "olive oil", + "feta cheese crumbles", + "tomatoes", + "salt", + "olives", + "purple onion", + "cucumber", + "pepper", + "lemon juice", + "dried oregano" + ] + }, + { + "id": 4965, + "cuisine": "mexican", + "ingredients": [ + "ice cubes", + "tequila", + "strawberries", + "white sugar", + "basil leaves", + "orange liqueur", + "lemon juice" + ] + }, + { + "id": 17825, + "cuisine": "italian", + "ingredients": [ + "baguette", + "capers", + "oil", + "pitted kalamata olives", + "dried oregano", + "olive oil" + ] + }, + { + "id": 6558, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "sun-dried tomatoes in oil", + "basil pesto sauce", + "garlic", + "boneless skinless chicken breast halves", + "ricotta cheese", + "noodles", + "dried basil", + "feta cheese crumbles" + ] + }, + { + "id": 5157, + "cuisine": "mexican", + "ingredients": [ + "pepper", + "roma tomatoes", + "salt", + "olive oil", + "boneless skinless chicken breasts", + "mango", + "lime", + "jalapeno chilies", + "chopped cilantro", + "garlic powder", + "purple onion" + ] + }, + { + "id": 12803, + "cuisine": "chinese", + "ingredients": [ + "reduced sodium chicken broth", + "sesame oil", + "shrimp", + "green bell pepper", + "fresh ginger", + "salt", + "chinkiang vinegar", + "tomato paste", + "minced garlic", + "crushed red pepper", + "corn starch", + "sugar", + "reduced sodium soy sauce", + "szechuan sauce", + "canola oil" + ] + }, + { + "id": 8587, + "cuisine": "mexican", + "ingredients": [ + "chips", + "enchilada sauce", + "colby cheese", + "green chilies", + "ground beef", + "chopped onion", + "cream of mushroom soup", + "corn", + "garlic cloves" + ] + }, + { + "id": 48002, + "cuisine": "italian", + "ingredients": [ + "brie cheese", + "strawberries", + "fresh basil leaves", + "smoked turkey", + "jelly", + "butter", + "bread slices" + ] + }, + { + "id": 6265, + "cuisine": "cajun_creole", + "ingredients": [ + "black beans", + "diced tomatoes", + "whole kernel corn, drain", + "chicken broth", + "leeks", + "garlic", + "green bell pepper", + "vegetable oil", + "cayenne pepper", + "water", + "paprika", + "garlic salt" + ] + }, + { + "id": 49090, + "cuisine": "filipino", + "ingredients": [ + "pepper", + "ground pork", + "onions", + "potatoes", + "salt", + "olive oil", + "garlic", + "raisins", + "frozen peas and carrots" + ] + }, + { + "id": 32097, + "cuisine": "greek", + "ingredients": [ + "eggs", + "salt", + "unsalted butter", + "white sugar", + "milk", + "all-purpose flour", + "anise seed", + "baking powder" + ] + }, + { + "id": 34633, + "cuisine": "cajun_creole", + "ingredients": [ + "lemon slices", + "vegetable oil cooking spray", + "fresh lemon juice", + "paprika", + "italian salad dressing", + "catfish fillets", + "creole seasoning" + ] + }, + { + "id": 21691, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "portabello mushroom", + "Belgian endive", + "green onions", + "garlic", + "radicchio", + "yellow bell pepper", + "anchovies", + "butter", + "Italian bread" + ] + }, + { + "id": 35635, + "cuisine": "southern_us", + "ingredients": [ + "sugar", + "egg yolks", + "all-purpose flour", + "cream of tartar", + "milk", + "ice water", + "fresh lemon juice", + "eggs", + "unsalted butter", + "vanilla extract", + "shortening", + "egg whites", + "salt" + ] + }, + { + "id": 45184, + "cuisine": "moroccan", + "ingredients": [ + "honey", + "ginger", + "cayenne pepper", + "onions", + "black pepper", + "golden raisins", + "ras el hanout", + "carrots", + "tumeric", + "olive oil", + "garlic", + "chickpeas", + "water", + "cinnamon", + "salt", + "chopped parsley" + ] + }, + { + "id": 32714, + "cuisine": "thai", + "ingredients": [ + "fish sauce", + "ginger", + "red bell pepper", + "brown sugar", + "garlic", + "coconut milk", + "mussels", + "ciabatta loaf", + "red curry paste", + "chicken broth", + "lime", + "yellow onion" + ] + }, + { + "id": 18039, + "cuisine": "russian", + "ingredients": [ + "hazelnuts", + "baking soda", + "salt", + "confectioners sugar", + "ground cinnamon", + "water", + "large eggs", + "candied fruit", + "ground ginger", + "sliced almonds", + "unsalted butter", + "all-purpose flour", + "unsweetened cocoa powder", + "ground cloves", + "honey", + "baking powder", + "dark brown sugar" + ] + }, + { + "id": 14494, + "cuisine": "southern_us", + "ingredients": [ + "black pepper", + "crushed red pepper flakes", + "pork shoulder", + "brown sugar", + "worcestershire sauce", + "salt", + "garlic salt", + "sugar", + "paprika", + "cayenne pepper", + "cider vinegar", + "dry mustard", + "onions" + ] + }, + { + "id": 36903, + "cuisine": "italian", + "ingredients": [ + "sea salt", + "chunky", + "basil leaves", + "extra-virgin olive oil", + "dried oregano", + "fresh mozzarella", + "all-purpose flour", + "active dry yeast", + "diced tomatoes", + "garlic cloves" + ] + }, + { + "id": 12806, + "cuisine": "southern_us", + "ingredients": [ + "fresh orange juice", + "long-grain rice", + "lemon zest", + "salt", + "Balsamico Bianco", + "pinenuts", + "extra-virgin olive oil", + "fresh lemon juice", + "golden raisins", + "freshly ground pepper", + "sliced green onions" + ] + }, + { + "id": 32137, + "cuisine": "southern_us", + "ingredients": [ + "brown sugar", + "salt", + "refrigerated buttermilk biscuits", + "dried minced onion", + "shredded cheddar cheese", + "pork and beans", + "barbecue sauce", + "ground beef" + ] + }, + { + "id": 46309, + "cuisine": "mexican", + "ingredients": [ + "pico de gallo", + "refried beans", + "flour", + "queso fresco", + "salt", + "dried oregano", + "tomato paste", + "lime", + "jalapeno chilies", + "vegetable stock", + "black olives", + "onions", + "fresh cilantro", + "roma tomatoes", + "vegetable oil", + "cheese", + "sour cream", + "pickled jalapenos", + "flour tortillas", + "chili powder", + "sea salt", + "enchilada sauce", + "ground cumin" + ] + }, + { + "id": 41002, + "cuisine": "chinese", + "ingredients": [ + "cilantro", + "onions", + "garlic powder", + "salt", + "ginger", + "chili oil", + "lamb chops" + ] + }, + { + "id": 17980, + "cuisine": "southern_us", + "ingredients": [ + "fresh tomatoes", + "whole milk", + "fresh mushrooms", + "canola oil", + "kosher salt", + "worcestershire sauce", + "flat leaf parsley", + "cream", + "green onions", + "shrimp", + "shredded Monterey Jack cheese", + "chicken broth", + "hot pepper sauce", + "smoked sausage", + "corn grits" + ] + }, + { + "id": 20170, + "cuisine": "irish", + "ingredients": [ + "evaporated milk", + "white sugar", + "cream of tartar", + "vanilla extract", + "butter", + "ground cinnamon", + "salt" + ] + }, + { + "id": 25414, + "cuisine": "thai", + "ingredients": [ + "lime juice", + "coconut milk", + "fish sauce", + "garlic", + "ginger", + "sweet chili sauce", + "peanut butter" + ] + }, + { + "id": 46861, + "cuisine": "mexican", + "ingredients": [ + "corn kernels", + "large flour tortillas", + "ground cumin", + "chili powder", + "boneless skinless chicken breast halves", + "olive oil", + "poblano chiles", + "taco sauce", + "mexican style 4 cheese blend", + "chopped cilantro fresh" + ] + }, + { + "id": 43498, + "cuisine": "irish", + "ingredients": [ + "potatoes", + "peanut butter", + "color food green", + "milk", + "confectioners sugar" + ] + }, + { + "id": 20720, + "cuisine": "cajun_creole", + "ingredients": [ + "olive oil", + "diced tomatoes", + "boneless skinless chicken breasts", + "linguine", + "shallots", + "garlic", + "cream", + "cajun seasoning" + ] + }, + { + "id": 9691, + "cuisine": "japanese", + "ingredients": [ + "green chilies", + "melon", + "ginger", + "celery seed", + "cilantro", + "mustard seeds", + "bottle gourd", + "salt", + "ground turmeric" + ] + }, + { + "id": 17214, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "salsa", + "refried beans", + "flour tortillas", + "cooking spray" + ] + }, + { + "id": 37837, + "cuisine": "mexican", + "ingredients": [ + "tomatoes", + "olive oil", + "heavy cream", + "poblano chiles", + "sugar", + "large garlic cloves", + "goat cheese", + "chopped cilantro fresh", + "black beans", + "raisins", + "toasted pine nuts", + "spinach", + "epazote", + "salt", + "corn tortillas" + ] + }, + { + "id": 41037, + "cuisine": "japanese", + "ingredients": [ + "soy sauce", + "oil", + "mirin", + "beef", + "onions", + "sake", + "edamame" + ] + }, + { + "id": 35838, + "cuisine": "italian", + "ingredients": [ + "fresh mozzarella", + "fresh parsley leaves", + "part-skim mozzarella", + "pizza doughs", + "red pepper flakes", + "fontina", + "oil" + ] + }, + { + "id": 21989, + "cuisine": "brazilian", + "ingredients": [ + "lime", + "water", + "sugar", + "sweetened condensed milk" + ] + }, + { + "id": 17945, + "cuisine": "mexican", + "ingredients": [ + "garlic", + "ground cumin", + "taco seasoning mix", + "hot sauce", + "tomato sauce", + "salsa", + "chili powder", + "boneless skinless chicken breast halves" + ] + }, + { + "id": 28482, + "cuisine": "vietnamese", + "ingredients": [ + "white vinegar", + "kosher salt", + "hoisin sauce", + "cilantro leaves", + "hero rolls", + "Sriracha", + "garlic", + "mayonaise", + "shiitake", + "extra firm tofu", + "carrots", + "sugar", + "ground black pepper", + "vegetable oil", + "cucumber" + ] + }, + { + "id": 42724, + "cuisine": "italian", + "ingredients": [ + "bread", + "sugar", + "milk", + "grated parmesan cheese", + "shallots", + "heavy cream", + "sauce", + "fresh basil leaves", + "chicken broth", + "pepper", + "sun-dried tomatoes", + "extra wide egg noodles", + "balsamic vinegar", + "basil", + "squash", + "tomato paste", + "pinenuts", + "olive oil", + "flour", + "onion powder", + "diced tomatoes", + "garlic cloves", + "oregano", + "green bell pepper", + "sundried tomato pesto", + "garlic powder", + "chicken breasts", + "red pepper flakes", + "salt", + "fresh parsley" + ] + }, + { + "id": 105, + "cuisine": "french", + "ingredients": [ + "toasted pecans", + "bourbon whiskey", + "golden brown sugar", + "vanilla extract", + "sugar", + "whipping cream", + "large egg yolks" + ] + }, + { + "id": 48281, + "cuisine": "mexican", + "ingredients": [ + "salsa", + "flour tortillas", + "shredded Monterey Jack cheese", + "cotija", + "mexican chorizo", + "corn oil" + ] + }, + { + "id": 48365, + "cuisine": "southern_us", + "ingredients": [ + "vegetable oil", + "whole milk", + "all-purpose flour", + "baking powder", + "cornmeal", + "large eggs", + "salt" + ] + }, + { + "id": 46749, + "cuisine": "korean", + "ingredients": [ + "soy sauce", + "asian pear", + "rice vinegar", + "toasted sesame oil", + "cabbage", + "lettuce", + "leaves", + "hard-boiled egg", + "cucumber", + "toasted sesame seeds", + "honey", + "red cabbage", + "carrots", + "radish sprouts", + "brown sugar", + "chili paste", + "green onions", + "kimchi", + "soba" + ] + }, + { + "id": 16673, + "cuisine": "french", + "ingredients": [ + "pecans", + "unsalted butter", + "bourbon whiskey", + "water", + "semisweet chocolate", + "all-purpose flour", + "sugar", + "fresh bay leaves", + "salt", + "powdered sugar", + "bananas", + "large eggs", + "heavy whipping cream" + ] + }, + { + "id": 36147, + "cuisine": "mexican", + "ingredients": [ + "chipotle chile", + "salt", + "ground allspice", + "oregano", + "shredded cheddar cheese", + "beef broth", + "corn tortillas", + "black pepper", + "all-purpose flour", + "lard", + "ground cumin", + "pasilla chiles", + "garlic", + "yellow onion", + "ground beef" + ] + }, + { + "id": 20877, + "cuisine": "mexican", + "ingredients": [ + "pineapple", + "rice vinegar", + "purple onion", + "crushed red pepper flakes", + "mango", + "fresh ginger", + "cilantro leaves" + ] + }, + { + "id": 36135, + "cuisine": "southern_us", + "ingredients": [ + "water", + "Lipton® Iced Tea Brew Family Size Tea Bags", + "sugar", + "baking soda" + ] + }, + { + "id": 15550, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "fresh parmesan cheese", + "garlic", + "fat free less sodium chicken broth", + "dry white wine", + "salt", + "baby spinach leaves", + "quinoa", + "crushed red pepper", + "olive oil", + "shallots" + ] + }, + { + "id": 43233, + "cuisine": "chinese", + "ingredients": [ + "water chestnuts, drained and chopped", + "Sriracha", + "garlic", + "onions", + "kosher salt", + "green onions", + "rice vinegar", + "ground chicken", + "hoisin sauce", + "tamari soy sauce", + "ginger paste", + "butter lettuce", + "ground black pepper", + "vegetable oil", + "toasted sesame oil" + ] + }, + { + "id": 33516, + "cuisine": "southern_us", + "ingredients": [ + "ground cloves", + "large eggs", + "cinnamon", + "salt", + "pecan halves", + "large egg yolks", + "whole milk", + "ginger", + "grated nutmeg", + "sugar", + "unsalted butter", + "bourbon whiskey", + "vanilla extract", + "kosher salt", + "sweet potatoes", + "ice water", + "all-purpose flour" + ] + }, + { + "id": 19135, + "cuisine": "moroccan", + "ingredients": [ + "water", + "large eggs", + "russet potatoes", + "salt", + "sour cream", + "cauliflower", + "ground black pepper", + "harissa", + "garlic", + "ground coriander", + "ground cumin", + "olive oil", + "butternut squash", + "red pepper", + "sweet paprika", + "onions", + "green olives", + "lemon peel", + "boneless skinless chicken breasts", + "ras el hanout", + "green beans" + ] + }, + { + "id": 46070, + "cuisine": "mexican", + "ingredients": [ + "minced garlic", + "purple onion", + "ground cumin", + "honey", + "organic vegetable broth", + "crushed tomatoes", + "salt", + "chili powder", + "canola oil" + ] + }, + { + "id": 45985, + "cuisine": "italian", + "ingredients": [ + "sausage casings", + "red pepper flakes", + "dried oregano", + "kosher salt", + "garlic", + "sugar", + "diced tomatoes", + "orecchiette", + "olive oil", + "ricotta" + ] + }, + { + "id": 1502, + "cuisine": "southern_us", + "ingredients": [ + "melted butter", + "butter", + "self rising flour", + "buttermilk" + ] + }, + { + "id": 6143, + "cuisine": "cajun_creole", + "ingredients": [ + "red kidney beans", + "bay leaves", + "garlic cloves", + "celery", + "water", + "extra-virgin olive oil", + "thyme", + "black pepper", + "diced tomatoes", + "sausages", + "onions", + "bell pepper", + "cayenne pepper", + "long grain brown rice" + ] + }, + { + "id": 33890, + "cuisine": "indian", + "ingredients": [ + "olive oil", + "red pepper flakes", + "potatoes", + "cumin seed", + "water", + "yoghurt", + "ground turmeric", + "coriander powder", + "salt" + ] + }, + { + "id": 47679, + "cuisine": "moroccan", + "ingredients": [ + "caraway seeds", + "extra-virgin olive oil", + "coriander seeds", + "red bell pepper", + "large garlic cloves", + "sugar", + "crushed red pepper" + ] + }, + { + "id": 23024, + "cuisine": "irish", + "ingredients": [ + "light brown sugar", + "dried thyme", + "all-purpose flour", + "onions", + "soy sauce", + "worcestershire sauce", + "garlic cloves", + "chuck", + "steak sauce", + "bay leaves", + "beer", + "canola oil", + "black pepper", + "salt", + "flat leaf parsley" + ] + }, + { + "id": 32778, + "cuisine": "italian", + "ingredients": [ + "olive oil", + "warm water", + "salt", + "sugar", + "corn oil", + "active dry yeast", + "all-purpose flour" + ] + }, + { + "id": 40586, + "cuisine": "greek", + "ingredients": [ + "chili sauce", + "Hidden Valley® Greek Yogurt Original Ranch® Dip Mix", + "prepared horseradish", + "greek style plain yogurt" + ] + }, + { + "id": 10013, + "cuisine": "mexican", + "ingredients": [ + "warm water", + "masa" + ] + }, + { + "id": 43241, + "cuisine": "cajun_creole", + "ingredients": [ + "water", + "vegetable gumbo", + "hot sauce", + "onions", + "soy sauce", + "vegetable bouillon", + "garlic", + "thyme", + "tomatoes", + "kidney beans", + "paprika", + "chickpeas", + "black pepper", + "file powder", + "salt", + "celery" + ] + }, + { + "id": 13672, + "cuisine": "thai", + "ingredients": [ + "chicken broth", + "vegetable oil", + "carrots", + "thai green curry paste", + "fresh ginger", + "salt", + "coconut milk", + "soy sauce", + "white rice", + "white mushrooms", + "light brown sugar", + "boneless skinless chicken breasts", + "cilantro leaves", + "fresh lime juice" + ] + }, + { + "id": 40653, + "cuisine": "mexican", + "ingredients": [ + "coriander seeds", + "chicken breasts", + "chocolate", + "ancho chile pepper", + "ground cinnamon", + "tortillas", + "instant coffee", + "salt", + "oregano", + "chicken broth", + "almonds", + "chile pepper", + "garlic", + "onions", + "sesame seeds", + "roma tomatoes", + "raisins", + "oil", + "cumin" + ] + }, + { + "id": 45255, + "cuisine": "french", + "ingredients": [ + "semolina flour", + "sea salt", + "active dry yeast", + "grated lemon peel", + "warm water", + "extra-virgin olive oil", + "fresh rosemary", + "all purpose unbleached flour" + ] + }, + { + "id": 31719, + "cuisine": "vietnamese", + "ingredients": [ + "fish sauce", + "cooked chicken", + "beansprouts", + "lemon grass", + "pak choi", + "fresh ginger root", + "garlic", + "chicken stock", + "spring onions", + "Chinese egg noodles" + ] + }, + { + "id": 24930, + "cuisine": "italian", + "ingredients": [ + "italian sausage", + "grated parmesan cheese", + "spaghetti", + "spinach", + "salt", + "pepper", + "onions", + "chicken broth", + "half & half" + ] + }, + { + "id": 15271, + "cuisine": "french", + "ingredients": [ + "unsalted shelled pistachio", + "large egg whites", + "scallions", + "lump crab meat", + "sea bass fillets", + "fleur de sel", + "curry powder", + "sauce", + "fresh lime juice", + "beans", + "vegetable oil", + "oil" + ] + }, + { + "id": 1923, + "cuisine": "japanese", + "ingredients": [ + "plums", + "sesame seeds", + "japanese eggplants", + "miso", + "gari", + "canola oil" + ] + }, + { + "id": 44512, + "cuisine": "french", + "ingredients": [ + "instant espresso powder", + "confectioners sugar", + "blanched almonds", + "granulated sugar", + "large egg whites", + "meringue" + ] + }, + { + "id": 3828, + "cuisine": "mexican", + "ingredients": [ + "lime juice", + "yams", + "avocado", + "salt and ground black pepper", + "chopped cilantro fresh", + "olive oil", + "red bell pepper", + "shredded cheddar cheese", + "green onions", + "ground cumin" + ] + }, + { + "id": 39318, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "boneless skinless chicken breasts", + "sour cream", + "flour tortillas", + "enchilada sauce", + "olive oil", + "garlic", + "onions", + "green onions", + "pinto beans" + ] + }, + { + "id": 39328, + "cuisine": "italian", + "ingredients": [ + "romano cheese", + "garlic powder", + "garlic", + "pork meat", + "eggs", + "water", + "ground sirloin", + "dry bread crumbs", + "onions", + "tomato paste", + "pepper", + "grated parmesan cheese", + "salt", + "fresh parsley", + "tomato sauce", + "olive oil", + "tomatoes with juice", + "sweet italian sausage", + "dried oregano" + ] + }, + { + "id": 16201, + "cuisine": "greek", + "ingredients": [ + "dried basil", + "zucchini", + "purple onion", + "ground coriander", + "fresh parsley", + "olive oil", + "extra-virgin olive oil", + "greek style plain yogurt", + "cucumber", + "dried thyme", + "red wine vinegar", + "salt", + "fresh lemon juice", + "dried oregano", + "fresh dill", + "ground black pepper", + "garlic", + "skinless chicken breasts", + "red bell pepper" + ] + }, + { + "id": 19201, + "cuisine": "italian", + "ingredients": [ + "bottled clam juice", + "olive oil", + "dry white wine", + "carrots", + "onions", + "crushed tomatoes", + "fennel bulb", + "garlic", + "celery", + "water", + "ground black pepper", + "red pepper flakes", + "shrimp shells", + "fish fillets", + "dried thyme", + "bay leaves", + "salt", + "fresh parsley" + ] + }, + { + "id": 23322, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "sweet mini bells", + "onions", + "queso fresco", + "enchilada sauce", + "chicken stock", + "spices", + "Mexican cheese", + "tortillas", + "salsa", + "chicken" + ] + }, + { + "id": 3708, + "cuisine": "filipino", + "ingredients": [ + "mayonaise", + "base", + "pepper", + "salmon fillets", + "salt" + ] + }, + { + "id": 46216, + "cuisine": "italian", + "ingredients": [ + "milk", + "parmigiano reggiano cheese", + "freshly ground pepper", + "unsalted butter", + "chives", + "fontina cheese", + "lasagna noodles", + "all-purpose flour", + "prosciutto", + "large eggs", + "chopped parsley" + ] + }, + { + "id": 22230, + "cuisine": "greek", + "ingredients": [ + "rocket leaves", + "sun-dried tomatoes", + "yellow bell pepper", + "feta cheese crumbles", + "minced garlic", + "ground black pepper", + "salt", + "yellow squash", + "balsamic vinegar", + "bow-tie pasta", + "fresh basil", + "eggplant", + "extra-virgin olive oil", + "red bell pepper" + ] + }, + { + "id": 10913, + "cuisine": "indian", + "ingredients": [ + "garam masala", + "garlic", + "ground turmeric", + "water", + "cooking oil", + "onions", + "tomatoes", + "split black lentils", + "salt", + "fresh ginger root", + "chile pepper", + "chopped cilantro fresh" + ] + }, + { + "id": 11866, + "cuisine": "japanese", + "ingredients": [ + "dried lentils", + "white wine", + "olive oil", + "lemon", + "lentils", + "tumeric", + "curry powder", + "ground black pepper", + "salt", + "plum tomatoes", + "spinach", + "water", + "garam masala", + "garlic", + "onions", + "fresh spinach", + "fresh cilantro", + "dry white wine", + "cayenne pepper" + ] + }, + { + "id": 4880, + "cuisine": "southern_us", + "ingredients": [ + "fresh basil", + "cucumber", + "avocado", + "sweetened coconut flakes", + "arugula", + "celery ribs", + "jalapeno chilies", + "ruby red grapefruit", + "dressing", + "navel oranges" + ] + }, + { + "id": 3614, + "cuisine": "italian", + "ingredients": [ + "spinach", + "purple onion", + "french bread", + "plum tomatoes", + "mozzarella cheese", + "english cucumber", + "kalamata", + "chicken" + ] + }, + { + "id": 34814, + "cuisine": "russian", + "ingredients": [ + "pepper", + "garlic", + "pork sirloin", + "onions", + "olive oil", + "salt", + "dry red wine" + ] + }, + { + "id": 12038, + "cuisine": "mexican", + "ingredients": [ + "mayonaise", + "large eggs", + "salt", + "chipotle peppers", + "catfish fillets", + "red cabbage", + "vegetable oil", + "fresh lime juice", + "cabbage", + "honey", + "flour tortillas", + "all-purpose flour", + "adobo sauce", + "ground black pepper", + "green onions", + "hot sauce", + "panko breadcrumbs" + ] + }, + { + "id": 48610, + "cuisine": "southern_us", + "ingredients": [ + "catfish fillets", + "pimento stuffed green olives", + "extra-virgin olive oil", + "lemon zest", + "flat leaf parsley" + ] + }, + { + "id": 37564, + "cuisine": "italian", + "ingredients": [ + "heavy cream", + "fresh lemon juice", + "parmigiano reggiano cheese", + "fine sea salt", + "baby spinach leaves", + "garlic", + "frozen peas", + "potato gnocchi", + "grated lemon zest" + ] + }, + { + "id": 29437, + "cuisine": "jamaican", + "ingredients": [ + "soy sauce", + "pimentos", + "carrots", + "tomatoes", + "fresh thyme", + "scallions", + "chicken", + "unsweetened coconut milk", + "lime", + "hot pepper", + "onions", + "coconut oil", + "flour", + "garlic cloves" + ] + }, + { + "id": 15176, + "cuisine": "indian", + "ingredients": [ + "peanuts", + "lemon", + "mustard seeds", + "split black lentils", + "salt", + "basmati rice", + "bengal gram", + "raw cashews", + "dried red chile peppers", + "fresh curry leaves", + "chile pepper", + "oil", + "ground turmeric" + ] + }, + { + "id": 16940, + "cuisine": "british", + "ingredients": [ + "sugar", + "salt", + "baking powder", + "extra sharp cheddar cheese", + "heavy cream", + "chopped fresh chives", + "all-purpose flour" + ] + }, + { + "id": 20691, + "cuisine": "irish", + "ingredients": [ + "sugar", + "cooking spray", + "all-purpose flour", + "baking soda", + "dried apple", + "apple juice", + "dried currants", + "baking powder", + "margarine", + "low-fat buttermilk", + "salt", + "chopped walnuts" + ] + }, + { + "id": 31892, + "cuisine": "mexican", + "ingredients": [ + "black beans", + "diced green chilies", + "boneless skinless chicken breasts", + "purple onion", + "grated jack cheese", + "corn tortillas", + "chopped tomatoes", + "guacamole", + "shredded lettuce", + "salsa", + "sour cream", + "corn kernels", + "unsalted butter", + "large garlic cloves", + "mild cheddar cheese", + "red enchilada sauce", + "cumin", + "kosher salt", + "ground black pepper", + "chili powder", + "cilantro leaves", + "scallions", + "chipotle peppers" + ] + }, + { + "id": 8279, + "cuisine": "french", + "ingredients": [ + "french bread", + "dried basil", + "butter" + ] + }, + { + "id": 20705, + "cuisine": "cajun_creole", + "ingredients": [ + "pepper", + "garlic", + "golden mushroom soup", + "cajun seasoning", + "rice", + "green bell pepper", + "water", + "salt", + "crawfish", + "butter", + "onions" + ] + }, + { + "id": 32801, + "cuisine": "cajun_creole", + "ingredients": [ + "creole seasoning", + "olive oil", + "seasoned bread crumbs", + "okra", + "smoked sausage" + ] + }, + { + "id": 31744, + "cuisine": "vietnamese", + "ingredients": [ + "vietnamese rice paper", + "ground pork", + "noodles", + "eggs", + "shredded carrots", + "salt", + "crab meat", + "ground black pepper", + "garlic", + "fish sauce", + "shallots", + "shrimp" + ] + }, + { + "id": 28291, + "cuisine": "italian", + "ingredients": [ + "ricotta cheese", + "eggs", + "salt", + "baby spinach", + "grated parmesan cheese", + "grated nutmeg" + ] + }, + { + "id": 38509, + "cuisine": "chinese", + "ingredients": [ + "jasmine rice", + "sesame oil", + "salt", + "corn starch", + "pork", + "water chestnuts", + "green peas", + "oyster sauce", + "water", + "red wine", + "dried shiitake mushrooms", + "white sugar", + "soy sauce", + "green onions", + "lop chong", + "shrimp" + ] + }, + { + "id": 31168, + "cuisine": "southern_us", + "ingredients": [ + "coarse salt", + "all-purpose flour", + "ground black pepper", + "dry mustard", + "sea salt flakes", + "yellow corn meal", + "fryer chickens", + "safflower", + "buttermilk", + "cayenne pepper" + ] + }, + { + "id": 49392, + "cuisine": "indian", + "ingredients": [ + "sugar", + "yoghurt", + "onions", + "chicken stock", + "curry powder", + "salt", + "fresh coriander", + "vegetable oil", + "chicken", + "tomatoes", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 39166, + "cuisine": "french", + "ingredients": [ + "shallots", + "thyme sprigs", + "bay leaf", + "cabernet sauvignon" + ] + }, + { + "id": 39106, + "cuisine": "mexican", + "ingredients": [ + "black peppercorns", + "cilantro stems", + "yellow onion", + "flour tortillas", + "garlic", + "bay leaf", + "kosher salt", + "tomatillos", + "whole chicken", + "jalapeno chilies", + "cilantro leaves", + "canola oil" + ] + }, + { + "id": 34764, + "cuisine": "southern_us", + "ingredients": [ + "ketchup", + "baking soda", + "vegetable oil", + "salt", + "corn flour", + "horseradish", + "seasoning salt", + "onion powder", + "paprika", + "lemon juice", + "eggs", + "lime", + "baking powder", + "worcestershire sauce", + "beer", + "pepper", + "flour", + "buttermilk", + "bacon grease", + "shrimp shells" + ] + }, + { + "id": 5303, + "cuisine": "indian", + "ingredients": [ + "sugar", + "all-purpose flour", + "instant yeast", + "milk", + "melted butter", + "salt" + ] + }, + { + "id": 6744, + "cuisine": "italian", + "ingredients": [ + "tomatoes", + "sea salt", + "dried red chile peppers", + "olive oil", + "fresh oregano", + "spaghetti", + "white wine", + "extra-virgin olive oil", + "flat leaf parsley", + "mussels", + "ground black pepper", + "garlic cloves" + ] + }, + { + "id": 10115, + "cuisine": "italian", + "ingredients": [ + "basil", + "zucchini", + "olive oil flavored cooking spray", + "black pepper", + "Italian cheese blend", + "ground sirloin", + "tomato garlic pasta sauce" + ] + }, + { + "id": 38785, + "cuisine": "korean", + "ingredients": [ + "cooked rice", + "boneless chuck roast", + "scallions", + "water", + "sesame oil", + "sugar", + "sesame seeds", + "kimchi", + "low sodium soy sauce", + "fresh ginger", + "large garlic cloves" + ] + }, + { + "id": 45025, + "cuisine": "italian", + "ingredients": [ + "dried basil", + "diced tomatoes", + "dried parsley", + "sausage links", + "crushed garlic", + "penne pasta", + "pasta sauce", + "mushrooms", + "salt", + "grated parmesan cheese", + "crushed red pepper" + ] + }, + { + "id": 5680, + "cuisine": "greek", + "ingredients": [ + "extra-virgin olive oil", + "oregano", + "potatoes", + "garlic cloves", + "pepper", + "salt", + "yellow mustard", + "fresh lemon juice" + ] + }, + { + "id": 5511, + "cuisine": "spanish", + "ingredients": [ + "quinoa", + "extra-virgin olive oil", + "fresh thyme leaves", + "scallion greens" + ] + }, + { + "id": 32051, + "cuisine": "indian", + "ingredients": [ + "clove", + "bay leaves", + "ginger", + "chopped cilantro", + "ground turmeric", + "white onion", + "cinnamon", + "cardamom pods", + "serrano chile", + "canola oil", + "kosher salt", + "dates", + "ground coriander", + "basmati rice", + "black peppercorns", + "russet potatoes", + "garlic", + "frozen peas", + "plum tomatoes" + ] + }, + { + "id": 5119, + "cuisine": "moroccan", + "ingredients": [ + "water", + "sugar", + "grated lemon zest", + "butter", + "pitted date", + "blanched almonds" + ] + }, + { + "id": 9526, + "cuisine": "italian", + "ingredients": [ + "sea salt", + "pizza doughs", + "all-purpose flour", + "cornmeal", + "extra-virgin olive oil", + "shredded mozzarella cheese", + "kosher salt", + "ricotta" + ] + }, + { + "id": 45599, + "cuisine": "mexican", + "ingredients": [ + "kosher salt", + "minced onion", + "tortilla chips", + "sugar", + "tomato juice", + "cilantro leaves", + "avocado", + "lime juice", + "roma tomatoes", + "Manzanilla olives", + "fish fillets", + "olive oil", + "Mexican oregano", + "serrano chile" + ] + }, + { + "id": 49670, + "cuisine": "mexican", + "ingredients": [ + "ground black pepper", + "chicken breasts", + "salsa", + "cheddar cheese", + "pepper jack", + "heavy cream", + "red enchilada sauce", + "unsalted butter", + "chili powder", + "tortilla chips", + "kosher salt", + "large eggs", + "mild green chiles", + "sour cream" + ] + }, + { + "id": 30735, + "cuisine": "moroccan", + "ingredients": [ + "olive oil", + "cayenne pepper", + "chopped cilantro fresh", + "boneless chicken skinless thigh", + "fine sea salt", + "low salt chicken broth", + "fennel bulb", + "fresh lemon juice", + "ground cumin", + "paprika", + "brine cured green olives" + ] + }, + { + "id": 5911, + "cuisine": "southern_us", + "ingredients": [ + "self rising flour", + "milk", + "white sugar", + "butter", + "peaches in light syrup" + ] + }, + { + "id": 33294, + "cuisine": "italian", + "ingredients": [ + "rosemary sprigs", + "lemon zest", + "garlic cloves", + "ground black pepper", + "vegetable broth", + "fresh basil leaves", + "minced garlic", + "extra-virgin olive oil", + "thyme sprigs", + "red potato", + "parsley leaves", + "artichokes" + ] + }, + { + "id": 27082, + "cuisine": "vietnamese", + "ingredients": [ + "jasmine rice", + "bay leaves", + "sticky rice", + "rotisserie chicken", + "chopped cilantro", + "large eggs", + "vegetable oil", + "yellow onion", + "beansprouts", + "lime", + "savory", + "salt", + "carrots", + "pepper", + "green onions", + "ginger", + "garlic cloves", + "peppercorns" + ] + }, + { + "id": 36337, + "cuisine": "indian", + "ingredients": [ + "mint leaves", + "cilantro leaves", + "ghee", + "tomatoes", + "cinnamon", + "oil", + "basmati rice", + "garlic paste", + "salt", + "coconut milk", + "clove", + "bay leaves", + "green chilies", + "onions" + ] + }, + { + "id": 15508, + "cuisine": "mexican", + "ingredients": [ + "vegetable oil", + "cinnamon sticks", + "water", + "all-purpose flour", + "piloncillo", + "salt", + "orange zest", + "baking powder", + "hot water" + ] + }, + { + "id": 34331, + "cuisine": "greek", + "ingredients": [ + "red bell pepper", + "garlic cloves", + "extra-virgin olive oil", + "feta cheese crumbles" + ] + }, + { + "id": 47387, + "cuisine": "greek", + "ingredients": [ + "milk", + "salt", + "ground cayenne pepper", + "ground lamb", + "ground cinnamon", + "ground black pepper", + "pomegranate", + "chopped fresh mint", + "pitas", + "ground coriander", + "fresh mint", + "ground cumin", + "kosher salt", + "purple onion", + "greek yogurt", + "canola oil" + ] + }, + { + "id": 12153, + "cuisine": "korean", + "ingredients": [ + "red chili peppers", + "sea salt", + "onions", + "water", + "chilli bean sauce", + "caster sugar", + "garlic", + "white vinegar", + "chili oil", + "cucumber" + ] + }, + { + "id": 41840, + "cuisine": "southern_us", + "ingredients": [ + "butter", + "large eggs", + "cornmeal", + "baking powder", + "boiling water", + "milk", + "salt" + ] + }, + { + "id": 6487, + "cuisine": "chinese", + "ingredients": [ + "honey", + "chicken breast halves", + "cilantro leaves", + "carrots", + "soy sauce", + "Sriracha", + "wonton wrappers", + "freshly ground pepper", + "beansprouts", + "fresh ginger", + "shallots", + "rice vinegar", + "red bell pepper", + "kosher salt", + "green onions", + "napa cabbage", + "garlic cloves", + "canola oil" + ] + }, + { + "id": 26646, + "cuisine": "indian", + "ingredients": [ + "curry powder", + "salt", + "chicken", + "water", + "vegetable oil", + "basmati rice", + "eggs", + "finely chopped onion", + "lemon juice", + "pepper", + "mango chutney", + "puff pastry" + ] + }, + { + "id": 44798, + "cuisine": "italian", + "ingredients": [ + "fettuccine pasta", + "low-fat cream cheese", + "garlic", + "nonfat evaporated milk", + "grated parmesan cheese", + "corn starch", + "nonfat milk" + ] + }, + { + "id": 8089, + "cuisine": "mexican", + "ingredients": [ + "chili powder", + "worcestershire sauce", + "celery", + "red kidney beans", + "lean ground beef", + "stewed tomatoes", + "dried parsley", + "pepper", + "red wine vinegar", + "salt", + "ground cumin", + "dried basil", + "red wine", + "red bell pepper" + ] + }, + { + "id": 6153, + "cuisine": "indian", + "ingredients": [ + "coconut", + "unsweetened coconut milk", + "mint leaves", + "plain yogurt" + ] + }, + { + "id": 25557, + "cuisine": "irish", + "ingredients": [ + "rutabaga", + "ham", + "thick-cut bacon", + "potatoes", + "fresh parsley", + "salt", + "onions", + "pepper", + "carrots", + "pork sausages" + ] + }, + { + "id": 24348, + "cuisine": "italian", + "ingredients": [ + "low-fat sour cream", + "grated parmesan cheese", + "salt", + "dried oregano", + "low-fat cottage cheese", + "butter", + "onions", + "olive oil", + "artichok heart marin", + "ground cayenne pepper", + "ground black pepper", + "garlic", + "spaghetti" + ] + }, + { + "id": 7377, + "cuisine": "mexican", + "ingredients": [ + "shredded cheddar cheese", + "crushed cheese crackers", + "cheddar cheese soup", + "cream of chicken soup", + "hot sauce", + "diced green chilies", + "salt", + "pepper", + "cooked chicken", + "rotini" + ] + }, + { + "id": 29109, + "cuisine": "irish", + "ingredients": [ + "light brown sugar", + "granulated sugar", + "butter", + "warm water", + "large eggs", + "all-purpose flour", + "whole wheat flour", + "cooking spray", + "boiling water", + "steel-cut oats", + "dry yeast", + "salt" + ] + }, + { + "id": 11462, + "cuisine": "italian", + "ingredients": [ + "KRAFT Zesty Italian Dressing", + "purple onion", + "broccoli florets", + "rotini", + "pitted black olives", + "Kraft Grated Parmesan Cheese", + "red pepper" + ] + }, + { + "id": 2238, + "cuisine": "irish", + "ingredients": [ + "eggs", + "citrus fruit", + "raisins", + "sourdough starter", + "flour", + "hot tea", + "sugar", + "ground nutmeg", + "salt", + "ground cinnamon", + "milk", + "butter" + ] + }, + { + "id": 41882, + "cuisine": "chinese", + "ingredients": [ + "boneless chicken skinless thigh", + "minced garlic", + "steamed white rice", + "baking powder", + "corn starch", + "dark soy sauce", + "kosher salt", + "peanuts", + "flour", + "scallions", + "Chinese rice vinegar", + "vodka", + "fresh ginger", + "egg whites", + "broccoli", + "toasted sesame seeds", + "sugar", + "store bought low sodium chicken stock", + "baking soda", + "Shaoxing wine", + "oil" + ] + }, + { + "id": 2362, + "cuisine": "mexican", + "ingredients": [ + "green chile", + "jalapeno chilies", + "onions", + "ground black pepper", + "salt", + "chopped cilantro fresh", + "green bell pepper", + "garlic", + "white sugar", + "roma tomatoes", + "celery", + "dried oregano" + ] + } +] \ No newline at end of file diff --git "a/4 \351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213/\351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213.md" "b/4 \351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213/\351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213.md" new file mode 100644 index 00000000..645d33f6 --- /dev/null +++ "b/4 \351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213/\351\244\220\345\216\205\345\217\212\345\220\216\345\216\250\345\215\253\347\224\237\345\256\211\345\205\250\347\232\204\350\207\252\345\212\250\347\233\221\346\265\213.md" @@ -0,0 +1,8 @@ +### 餐厅及后厨卫生安全的自动监测 + + + + + +**随着信息技术的发展,用反应灵敏,简洁高效的电子设备加上配套软件来构建自己的服务框架将成为主流.现有的点菜系统虽然能满足点菜上菜的基本要求,但是菜谱更新慢,稳定性差,功能少,已经不能满足日益丰富的需求. 然而,传统餐饮企业的日常运作还是靠人工管理,客人点单需服务员记录并送至厨房,上菜员根据记忆把菜送到餐桌上,这样做不仅耗费人力资源而且容易导致多种错误,造成餐厅营业水平的降低.采用标准的,高效的以及成本低的应用软件程序来引导服务就成为必然之选,通过采用计算机厨房打印软件,来进行餐厅的日常运作,可以不断完善服务水平,...** +